diff --git a/.gitignore b/.gitignore
index 927fb084..545c3ca2 100644
--- a/.gitignore
+++ b/.gitignore
@@ -2,4 +2,13 @@
run/datasets/data/
**/__pycache__/
**/.ipynb_checkpoints
-.idea/
\ No newline at end of file
+.idea/
+
+results/
+datasets/
+configs/
+
+example_custom.yaml
+run_custom.sh
+Custom Loader.txt
+example_custom.txt
\ No newline at end of file
diff --git a/README.md b/README.md
index 97af7d6f..f708c4f6 100644
--- a/README.md
+++ b/README.md
@@ -313,13 +313,33 @@ Within each directory, (at least) an example is provided, showing how to registe
Note that new user customized modules may result in new configurations; in these cases, new configuration fields
can be registered at [`graphgym/contrib/config/`](graphgym/contrib/config).
-**Note: Applying to your own datasets.**
+### Applying to your own datasets
A common use case will be applying GraphGym to your favorite datasets.
To do so, you may follow our example in
[`graphgym/contrib/loader/example.py`](graphgym/contrib/loader/example.py).
GraphGym currently accepts a list of [NetworkX](https://networkx.org/documentation/stable/index.html) graphs
or [PyG](https://pytorch-geometric.readthedocs.io/en/latest/) datasets.
+Alterernatively:
+1. Save your pytorch geometric dataset as a .pt file.
+1. Compress the .pt file into a .zip file
+1. Upload that .zip file somewhere on the internet, such as google drive.
+1. Generate a download link for the zip file; that is, a link that begins a download of the zip file, rather than show a preview
+1. Alter the "name" section in the yaml file to the following structure: "Custom,[NAME_OF_FILE],[DOWNLOAD_URL]". For example, to run the MNISTSuperdigit dataset, set "name" to "Custom,MNISTSuperPixels,https://data.pyg.org/datasets/MNISTSuperpixels.zip"
+1. Add the dataset class file of your dataset to the run folder, and import it into main.py. Update the dataset's processed_dir attribute to "dataset/name/processed
+1. Alter the process() function to do follow the instructions below
+
+#### Process function requirements
+1. Your dataset's process function must create 3 tuples, one for training data, one for all data, and one for testing. The tuples must have 2 objects in them. First, a Data() object containing an x tensor, a y tensor, and an edge_index tensor. Second, a dict that serves as the "slices" array for each of the x tensor, y tensor, and edge_index tensor.
+1. If your dataset is a node classifaction task, then the 2nd object should just be None.
+1. If your data.x must contain a 2D tensor of type float. There must be as many rows as there are node inputs in your entire dataset, and as many collumns as there are values in each individual node. If each node only has 1 single value, then it should only have 1 collumn.
+1. Your data.y field must be a 1D tensor of type int. It represents the desired target. For graph classification, it must have as many elements as graphs you wish to classify. For node classification, it must have as many elements as nodes.
+1. Your data.edge_index field must be a 2D tensor of type int with 2 rows and as many collumns as their are connections in your entire dataset (not just one graph). The ith elment in the first row tells you where the ith connection originates, and the ith element in the 2nd row tells you where the ith connection terminates.
+1. Your slices dict must have 3 key-value pairs. The keys must be the following string literals: 'x', 'y', 'edge_index'. The values must be 1D tensors, with the first value for all 3 being 0. All 3 tensors one more element than the number of graphs you want to classify. The 2nd value should state the index of the first value that is not in the first graph, the 3rd value should be the first value that is not in the 2nd graph. For example, if slices['x'] = tensor([0, 100, 200]), that means there are 2 graphs to classify. The first graph should take values 0 to 99 inclusive from the data.x tensor, and the 2nd graph should take values 100 to 199.
+1. Once all these tuples are made, save the training and testing tuples using torch.save() as 'train_data.pt' and 'test_dat.pt' respectively into the processed folder in the newly created subfolder for your dataset, which is located in run/datasets
+
+
+
### Use case: Design Space for Graph Neural Networks (NeurIPS 2020 Spotlight)
Reproducing experiments in *[Design Space for Graph Neural Networks](https://arxiv.org/abs/2011.08843)*, Jiaxuan You, Rex Ying, Jure Leskovec, **NeurIPS 2020 Spotlight**.
diff --git a/graphgym.egg-info/PKG-INFO b/graphgym.egg-info/PKG-INFO
new file mode 100644
index 00000000..5b2a9d14
--- /dev/null
+++ b/graphgym.egg-info/PKG-INFO
@@ -0,0 +1,445 @@
+Metadata-Version: 2.1
+Name: graphgym
+Version: 0.4.0
+Summary: GraphGym: platform for designing and evaluating Graph Neural Networks (GNN)
+Home-page: https://github.com/snap-stanford/graphgym
+Author: Jiaxuan You
+Author-email: jiaxuan@cs.stanford.edu
+License: UNKNOWN
+Description: # GraphGym
+ GraphGym is a platform for designing and evaluating Graph Neural Networks (GNN).
+ GraphGym is proposed in *[Design Space for Graph Neural Networks](https://arxiv.org/abs/2011.08843)*,
+ Jiaxuan You, Rex Ying, Jure Leskovec, **NeurIPS 2020 Spotlight**.
+
+ Please also refer to [PyG](https://www.pyg.org) for a tightly integrated version of GraphGym and PyG.
+
+ ### Highlights
+ **1. Highly modularized pipeline for GNN**
+ - **Data:** Data loading, data splitting
+ - **Model:** Modularized GNN implementation
+ - **Tasks:** Node / edge / graph level GNN tasks
+ - **Evaluation:** Accuracy, ROC AUC, ...
+
+ **2. Reproducible experiment configuration**
+ - Each experiment is *fully described by a configuration file*
+
+ **3. Scalable experiment management**
+ - Easily launch *thousands of GNN experiments in parallel*
+ - *Auto-generate* experiment analyses and figures across random seeds and experiments.
+
+ **4. Flexible user customization**
+ - Easily *register your own modules*
+ in [`graphgym/contrib/`](graphgym/contrib),
+ such as data loaders, GNN layers, loss functions, etc.
+
+ ### News
+ - GraphGym 0.3.0 has been released. Now you may install stable version of GraphGym via `pip install graphgym`.
+ - GraphGym 0.2.0 has been released. Now GraphGym supports Pytorch Geometric backend, in addition to the default DeepSNAP backend.
+ You may try it out in [`run_single_pyg.sh`](run/run_single_pyg.sh).
+ ```bash
+ cd run
+ bash run_single_pyg.sh
+ ```
+
+ ### Example use cases
+ - *[Design Space for Graph Neural Networks](https://arxiv.org/abs/2011.08843)*, Jiaxuan You, Rex Ying, Jure Leskovec, **NeurIPS 2020 Spotlight**.
+ - *[Identity-aware Graph Neural Networks](https://arxiv.org/abs/2101.10320)*, Jiaxuan You, Jonathan Gomes-Selman, Rex Ying, Jure Leskovec, **AAAI 2021**.
+ - *[Relational Multi-Task Learning: Modeling Relations between Data and Tasks](https://openreview.net/pdf?id=8Py-W8lSUgy)*, Kaidi Cao*, Jiaxuan You*, Jure Leskovec, **ICLR 2022 Spotlight**.
+ - *[ROLAND: Graph Learning Framework for Dynamic Graphs](https://arxiv.org/abs/2208.07239)*, Jiaxuan You, Tianyu Du, Jure Leskovec, **KDD 2022**.
+
+
+
+ ## Why GraphGym?
+ **TL;DR:** GraphGym is great for GNN beginners, domain experts and GNN researchers.
+
+ **Scenario 1:** You are a beginner to GNN, who wants to understand how GNN works.
+
+ You probably have read many exciting papers on GNN, and try to write your own GNN implementation.
+ Using existing packages for GNN, you still have to code up the essential pipeline on your own.
+ GraphGym is a perfect place for your to start learning *standardized GNN implementation and evaluation*.
+
+
+
+
Figure 1: Modularized GNN implementation.
+
+
+
+
+ **Scenario 2:** You want to apply GNN to your exciting applications.
+
+ You probably know that there are hundreds of possible GNN models, and selecting the best model is notoriously hard.
+ Even worse, we have shown in our [paper](https://arxiv.org/abs/2011.08843) that the best GNN designs for different tasks differ drastically.
+ GraphGym provides a *simple interface to try out thousands of GNNs in parallel* and understand the best designs for your specific task.
+ GraphGym also recommends a "go-to" GNN design space, after investigating 10 million GNN model-task combinations.
+
+
+
+
Figure 2: A guideline for desirable GNN design choices. (Sampling from 10 million GNN model-task combinations.)
+
+
+
+
+
+
+ **Scenario 3:** You are a GNN researcher, who wants to innovate GNN models / propose new GNN tasks.
+
+ Say you have proposed a new GNN layer `ExampleConv`.
+ GraphGym can help you convincingly argue that `ExampleConv` is better than say `GCNConv`:
+ when randomly sample from 10 million possible model-task combinations, how often `ExampleConv` will outperform `GCNConv`,
+ when everything else is fixed (including the computational cost).
+ Moreover, GraphGym can help you easily do hyper-parameter search, and *visualize* what design choices are better.
+ In sum, GraphGym can greatly facilitate your GNN research.
+
+
+
+
Figure 3: Evaluation of a given GNN design dimension (BatchNorm here).
+
+
+
+
+
+ ## Installation
+
+ **Requirements**
+
+ - CPU or NVIDIA GPU, Linux, Python3
+ - PyTorch, various Python packages; Instructions for installing these dependencies are found below
+
+
+ **1. Python environment (Optional):**
+ We recommend using Conda package manager
+
+ ```bash
+ conda create -n graphgym python=3.7
+ source activate graphgym
+ ```
+
+ **2. Pytorch:**
+ Install [PyTorch](https://pytorch.org/).
+ We have verified GraphGym under PyTorch 1.8.0, and GraphGym should work with PyTorch 1.4.0+. For example:
+ ```bash
+ # CUDA versions: cpu, cu92, cu101, cu102, cu101, cu111
+ pip install torch==1.8.0+cu101 -f https://download.pytorch.org/whl/torch_stable.html
+ ```
+
+ **3. Pytorch Geometric:**
+ Install [PyTorch Geometric](https://pytorch-geometric.readthedocs.io/en/latest/notes/installation.html),
+ follow their instructions. For example:
+ ```bash
+ # CUDA versions: cpu, cu92, cu101, cu102, cu101, cu111
+ # TORCH versions: 1.4.0, 1.5.0, 1.6.0, 1.7.0, 1.8.0
+ CUDA=cu101
+ TORCH=1.8.0
+ pip install torch-scatter -f https://pytorch-geometric.com/whl/torch-${TORCH}+${CUDA}.html
+ pip install torch-sparse -f https://pytorch-geometric.com/whl/torch-${TORCH}+${CUDA}.html
+ pip install torch-cluster -f https://pytorch-geometric.com/whl/torch-${TORCH}+${CUDA}.html
+ pip install torch-spline-conv -f https://pytorch-geometric.com/whl/torch-${TORCH}+${CUDA}.html
+ pip install torch-geometric
+ ```
+
+ **4. GraphGym and other dependencies:**
+
+
+ ```bash
+ git clone https://github.com/snap-stanford/GraphGym
+ cd GraphGym
+ pip install -r requirements.txt
+ pip install -e . # From latest verion
+ pip install graphgym # (Optional) From pypi stable version
+ ```
+
+
+ **5. Test the installation**
+
+ **Run a single experiment.**
+ Run a test GNN experiment using GraphGym [`run_single.sh`](run/run_single.sh).
+ Configurations are specified in [`example.yaml`](run/configs/example.yaml).
+ The experiment is about node classification on Cora dataset (random 80/20 train/val split).
+ ```bash
+ cd run
+ bash run_single.sh # run a single experiment
+ ```
+
+ **Run a batch of experiments.**
+ Run a batch of GNN experiments using GraphGym [`run_batch.sh`](run/run_batch.sh).
+ Configurations are specified specified in
+ [`example.yaml`](run/configs/example.yaml) (controls the basic architecture)
+ and [`example.txt`](run/grids/example.txt) (controls how to do grid search).
+ The experiment examines 96 models in the recommended GNN design space, on 2 graph classification datasets.
+ Each experiment is repeated 3 times, and we set that 8 jobs can be concurrently run.
+ Depending on your infrastructure, finishing all the experiments may take a long time;
+ you can quit the experiment by `Ctrl-C` (GraphGym will properly kill all the processes).
+ ```bash
+ cd run
+ bash run_batch.sh # run a batch of experiments
+ ```
+
+ **(Optional) Run GraphGym with CPU backend.**
+ GraphGym supports cpu backend as well -- you only need to add one line `device: cpu` to the `.yaml` file. Here we provide an example.
+
+ ```bash
+ cd run
+ bash run_single_cpu.sh # run a single experiment using CPU backend
+ ```
+
+ **(Optional) Run GraphGym with PyG backend.**
+ Run GraphGym with Pytorch Geometric (PyG) backend
+ [`run_single_pyg.sh`](run/run_single_pyg.sh) and
+ [`run_batch_pyg.sh`](run/run_batch_pyg.sh),
+ instead of the default DeepSNAP backend.
+ The PyG backend follows the native PyG implementation, and is slightly more efficient than the DeepSNAP backend.
+ Currently the PyG backend only supports user-provided dataset splits, such as PyG native datasets or OGB datasets.
+ ```bash
+ cd run
+ bash run_single_pyg.sh # run a single experiment using PyG backend
+ bash run_batch_pyg.sh # run a batch of experiments using PyG backend
+ ```
+
+
+
+
+
+
+ ## GraphGym In-depth Usage
+
+ ### 1 Run a single GNN experiment
+ A full example is specified in [`run/run_single.sh`](run/run_single.sh).
+
+ **1.1 Specify a configuration file.**
+ In GraphGym, an experiment is fully specified by a `.yaml` file.
+ Unspecified configurations in the `.yaml` file will be populated by the default values in
+ [`graphgym/config.py`](graphgym/config.py).
+ For example, in [`run/configs/example.yaml`](run/configs/example.yaml),
+ there are configurations on dataset, training, model, GNN, etc.
+ Concrete description for each configuration is described in
+ [`graphgym/config.py`](graphgym/config.py).
+
+ **1.2 Launch an experiment.**
+ For example, in [`run/run_single.sh`](run/run_single.sh):
+ ```bash
+ python main.py --cfg configs/example.yaml --repeat 3
+ ```
+ You can specify the number of different random seeds to repeat via `--repeat`.
+
+ **1.3 Understand the results.**
+ Experimental results will be automatically saved in directory `run/results/${CONFIG_NAME}/`;
+ in the example above, it is `run/results/example/`.
+ Results for different random seeds will be saved in different subdirectories, such as `run/results/example/2`.
+ The aggregated results over all the random seeds are *automatically* generated into `run/results/example/agg`,
+ including the mean and standard deviation `_std` for each metric.
+ Train/val/test results are further saved into subdirectories, such as `run/results/example/agg/val`; here,
+ `stats.json` stores the results after each epoch aggregated across random seeds,
+ `best.json` stores the results at *the epoch with the highest validation accuracy*.
+
+ ### 2 Run a batch of GNN experiments
+ A full example is specified in [`run/run_batch.sh`](run/run_batch.sh).
+
+ **2.1 Specify a base file.**
+ GraphGym supports running a batch of experiments.
+ To start, a user needs to select a base architecture `--config`.
+ The batch of experiments will be created by perturbing certain configurations of the base architecture.
+
+ **2.2 (Optional) Specify a base file for computational budget.**
+ Additionally, GraphGym allows a user to select a base architecture to *control the computational budget* for the grid search, `--config_budget`.
+ The computational budget is currently measured by the number of trainable parameters; the control is achieved by auto-adjust
+ the hidden dimension size for GNN.
+ If no `--config_budget` is provided, GraphGym will not control the computational budget.
+
+ **2.3 Specify a grid file.**
+ A grid file describes how to perturb the base file, in order to generate the batch of the experiments.
+ For example, the base file could specify an experiment of 3-layer GCN for Cora node classification.
+ Then, the grid file specifies how to perturb the experiment along different dimension, such as number of layers,
+ model architecture, dataset, level of task, etc.
+
+
+ **2.4 Generate config files for the batch of experiments,** based on the information specified above.
+ For example, in [`run/run_batch.sh`](run/run_batch.sh):
+ ```bash
+ python configs_gen.py --config configs/${DIR}/${CONFIG}.yaml \
+ --config_budget configs/${DIR}/${CONFIG}.yaml \
+ --grid grids/${DIR}/${GRID}.txt \
+ --out_dir configs
+ ```
+
+ **2.5 Launch the batch of experiments.**
+ For example, in [`run/run_batch.sh`](run/run_batch.sh):
+ ```bash
+ bash parallel.sh configs/${CONFIG}_grid_${GRID} $REPEAT $MAX_JOBS
+ ```
+ Each experiment will be repeated for `$REPEAT` times.
+ We implemented a queue system to sequentially launch all the jobs, with `$MAX_JOBS` concurrent jobs running at the same time.
+ In practice, our system works great when handling thousands of jobs.
+
+ **2.6 Understand the results.**
+ Experimental results will be automatically saved in directory `run/results/${CONFIG_NAME}_grid_${GRID_NAME}/`;
+ in the example above, it is `run/results/example_grid_example/`.
+ After running each experiment, GraphGym additionally automatically averages across different models, saved in
+ `run/results/example_grid_example/agg`.
+ There, `val.csv` represents validation accuracy for each model configuration at the *final* epoch;
+ `val_best.csv` represents the results at the epoch with the highest average validation error;
+ `val_best_epoch.csv` represents the results at the epoch with the highest validation error, averaged over different random seeds.
+ When test set split is provided, `test.csv` represents test accuracy for each model configuration at the *final* epoch;
+ `test_best.csv` represents the test set results at the epoch with the highest average validation error;
+ `test_best_epoch.csv` represents the test set results at the epoch with the highest validation error, averaged over different random seeds.
+
+
+
+
+
+ ### 3 Analyze the results
+ We provides a handy tool to automatically provide an overview of a batch of experiments in
+ [`analysis/example.ipynb`](analysis/example.ipynb).
+ ```bash
+ cd analysis
+ jupyter notebook
+ example.ipynb # automatically provide an overview of a batch of experiments
+ ```
+
+
+
+ ### 4 User customization
+ A highlight of GraphGym is that it allows users to easily register their customized modules.
+ The supported customized modules are provided in directory
+ [`graphgym/contrib/`](graphgym/contrib), including:
+ - Activation [`graphgym/contrib/act/`](graphgym/contrib/act),
+ - Customized configurations [`graphgym/contrib/config/`](graphgym/contrib/config),
+ - Feature augmentation [`graphgym/contrib/feature_augment/`](graphgym/contrib/feature_augment),
+ - Feature encoder [`graphgym/contrib/feature_encoder/`](graphgym/contrib/feature_encoder),
+ - GNN head [`graphgym/contrib/head/`](graphgym/contrib/head),
+ - GNN layer [`graphgym/contrib/layer/`](graphgym/contrib/layer),
+ - Data loader [`graphgym/contrib/loader/`](graphgym/contrib/loader),
+ - Loss function [`graphgym/contrib/loss/`](graphgym/contrib/loss),
+ - GNN network architecture [`graphgym/contrib/network/`](graphgym/contrib/network),
+ - Optimizer [`graphgym/contrib/optimizer/`](graphgym/contrib/optimizer),
+ - GNN global pooling (graph classification only)
+ [`graphgym/contrib/pooling/`](graphgym/contrib/pooling),
+ - GNN stage [`graphgym/contrib/stage/`](graphgym/contrib/stage),
+ - GNN training pipeline [`graphgym/contrib/train/`](graphgym/contrib/train),
+ - Data transformations [`graphgym/contrib/transform/`](graphgym/contrib/transform).
+
+ Within each directory, (at least) an example is provided, showing how to register user customized modules.
+ Note that new user customized modules may result in new configurations; in these cases, new configuration fields
+ can be registered at [`graphgym/contrib/config/`](graphgym/contrib/config).
+
+ ### Applying to your own datasets
+ A common use case will be applying GraphGym to your favorite datasets.
+ To do so, you may follow our example in
+ [`graphgym/contrib/loader/example.py`](graphgym/contrib/loader/example.py).
+ GraphGym currently accepts a list of [NetworkX](https://networkx.org/documentation/stable/index.html) graphs
+ or [PyG](https://pytorch-geometric.readthedocs.io/en/latest/) datasets.
+
+ Alterernatively:
+ 1. Save your pytorch geometric dataset as a .pt file.
+ 1. Compress the .pt file into a .zip file
+ 1. Upload that .zip file somewhere on the internet, such as google drive.
+ 1. Generate a download link for the zip file; that is, a link that begins a download of the zip file, rather than show a preview
+ 1. Alter the "name" section in the yaml file to the following structure: "Custom,[NAME_OF_FILE],[DOWNLOAD_URL]". For example, to run the MNISTSuperdigit dataset, set "name" to "Custom,MNISTSuperPixels,https://data.pyg.org/datasets/MNISTSuperpixels.zip"
+ 1. Add the dataset class file of your dataset to the run folder, and import it into main.py. Update the dataset's processed_dir attribute to "dataset/name/processed
+ 1. Alter the process() function to do follow the instructions below
+
+ #### Process function requirements
+ 1. Your dataset's process function must create 3 tuples, one for training data, one for all data, and one for testing. The tuples must have 2 objects in them. First, a Data() object containing an x tensor, a y tensor, and an edge_index tensor. Second, a dict that serves as the "slices" array for each of the x tensor, y tensor, and edge_index tensor.
+ 1. If your dataset is a node classifaction task, then the 2nd object should just be None.
+ 1. If your data.x must contain a 2D tensor of type float. There must be as many rows as there are node inputs in your entire dataset, and as many collumns as there are values in each individual node. If each node only has 1 single value, then it should only have 1 collumn.
+ 1. Your data.y field must be a 1D tensor of type int. It represents the desired target. For graph classification, it must have as many elements as graphs you wish to classify. For node classification, it must have as many elements as nodes.
+ 1. Your data.edge_index field must be a 2D tensor of type int with 2 rows and as many collumns as their are connections in your entire dataset (not just one graph). The ith elment in the first row tells you where the ith connection originates, and the ith element in the 2nd row tells you where the ith connection terminates.
+ 1. Your slices dict must have 3 key-value pairs. The keys must be the following string literals: 'x', 'y', 'edge_index'. The values must be 1D tensors, with the first value for all 3 being 0. All 3 tensors one more element than the number of graphs you want to classify. The 2nd value should state the index of the first value that is not in the first graph, the 3rd value should be the first value that is not in the 2nd graph. For example, if slices['x'] = tensor([0, 100, 200]), that means there are 2 graphs to classify. The first graph should take values 0 to 99 inclusive from the data.x tensor, and the 2nd graph should take values 100 to 199.
+ 1. Once all these tuples are made, save the training and testing tuples using torch.save() as 'train_data.pt' and 'test_dat.pt' respectively into the processed folder in the newly created subfolder for your dataset, which is located in run/datasets
+
+
+
+ ### Use case: Design Space for Graph Neural Networks (NeurIPS 2020 Spotlight)
+
+ Reproducing experiments in *[Design Space for Graph Neural Networks](https://arxiv.org/abs/2011.08843)*, Jiaxuan You, Rex Ying, Jure Leskovec, **NeurIPS 2020 Spotlight**.
+ You may refer to the [paper](https://arxiv.org/abs/2011.08843) or [project webpage](http://snap.stanford.edu/gnn-design/) for more details.
+
+ ```bash
+ # NOTE: We include the raw results with GraphGym
+ # If you run the following code, the results will be overridden.
+ cd run/scripts/design/
+ bash run_design_round1.sh # first round experiments, on a design space of 315K GNN designs
+ bash run_design_round2.sh # second round experiments, on a design space of 96 GNN designs
+ cd ../analysis
+ jupyter notebook
+ design_space.ipynb # reproducing all the analyses in the paper
+ ```
+
+
+
+
Figure 4: Overview of the proposed GNN design space and task space.
+
+
+
+
+
+ ### Use case: Identity-aware Graph Neural Networks (AAAI 2021)
+
+ Reproducing experiments in *[Identity-aware Graph Neural Networks](https://arxiv.org/abs/2101.10320)*, Jiaxuan You, Jonathan Gomes-Selman, Rex Ying, Jure Leskovec, **AAAI 2021**.
+ You may refer to the [paper](https://arxiv.org/abs/2101.10320) or [project webpage](http://snap.stanford.edu/idgnn/) for more details.
+
+ ```bash
+ # NOTE: We include the raw results for ID-GNN in analysis/idgnn.csv
+ cd run/scripts/IDGNN/
+ bash run_idgnn_node.sh # Reproduce ID-GNN node-level results
+ bash run_idgnn_edge.sh # Reproduce ID-GNN edge-level results
+ bash run_idgnn_graph.sh # Reproduce ID-GNN graph-level results
+ ```
+
+
+
+
Figure 5: Overview of Identity-aware Graph Neural Networks (ID-GNN).
+
+
+
+ ### Use case: Relational Multi-Task Learning: Modeling Relations between Data and Tasks (ICLR 2022 Spotlight)
+
+ Reproducing experiments in *[Relational Multi-Task Learning: Modeling Relations between Data and Tasks](https://openreview.net/pdf?id=8Py-W8lSUgy)*, Kaidi Cao*, Jiaxuan You*, Jure Leskovec, **ICLR 2022**.
+
+ ```bash
+ # NOTE: We include the raw results for ID-GNN in analysis/idgnn.csv
+ git checkout meta_link
+ cd run/scripts/MetaLink/
+ bash run_metalink.sh.sh # Reproduce MetaLink results for graph classification
+ ```
+
+
+
+
Figure 5: Overview of Identity-aware Graph Neural Networks (ID-GNN).
+
+
+ ### Use case: ROLAND: Graph Learning Framework for Dynamic Graphs (KDD 2022)
+ *[ROLAND: Graph Learning Framework for Dynamic Graphs](https://arxiv.org/abs/2208.07239)*, Jiaxuan You, Tianyu Du, Jure Leskovec, **KDD 2022**.
+ ROLAND forks GraphGym implementation. Please checkout the [corresponding repository for ROLAND](https://github.com/snap-stanford/roland).
+
+ ## Contributors
+ [Jiaxuan You](https://cs.stanford.edu/~jiaxuan/) initiates the project and majorly contributes to the entire GraphGym platform.
+ [Rex Ying](https://cs.stanford.edu/people/rexy/) contributes to the feature augmentation modules.
+ Jonathan Gomes Selman enables GraphGym to have OGB support.
+
+ GraphGym is inspired by the framework of [pycls](https://github.com/facebookresearch/pycls).
+ GraphGym adopts [DeepSNAP](https://github.com/snap-stanford/deepsnap) as the default data representation.
+ Part of GraphGym relies on [Pytorch Geometric](https://github.com/rusty1s/pytorch_geometric) functionalities.
+
+ ## Contributing
+
+ We warmly welcome the community to contribute to GraphGym.
+ GraphGym is particularly designed to enable contribution / customization in a simple way.
+ For example, you may contribute your modules to [`graphgym/contrib/`](graphgym/contrib) by creating pull requests.
+
+ ## Citing GraphGym
+ If you find GraphGym or our paper useful, please cite our paper:
+ ```
+ @InProceedings{you2020design,
+ title = {Design Space for Graph Neural Networks},
+ author = {You, Jiaxuan and Ying, Rex and Leskovec, Jure},
+ booktitle = {NeurIPS},
+ year = {2020}
+ }
+ ```
+
+Platform: UNKNOWN
+Classifier: Programming Language :: Python :: 3
+Classifier: License :: OSI Approved :: MIT License
+Classifier: Operating System :: OS Independent
+Requires-Python: >=3.6
+Description-Content-Type: text/markdown
diff --git a/graphgym.egg-info/SOURCES.txt b/graphgym.egg-info/SOURCES.txt
new file mode 100644
index 00000000..6d2aeab5
--- /dev/null
+++ b/graphgym.egg-info/SOURCES.txt
@@ -0,0 +1,87 @@
+LICENSE
+README.md
+setup.py
+graphgym/__init__.py
+graphgym/checkpoint.py
+graphgym/cmd_args.py
+graphgym/config.py
+graphgym/custom_dataset.py
+graphgym/init.py
+graphgym/loader.py
+graphgym/loader_pyg.py
+graphgym/logger.py
+graphgym/loss.py
+graphgym/model_builder.py
+graphgym/model_builder_pyg.py
+graphgym/optimizer.py
+graphgym/register.py
+graphgym/train.py
+graphgym/train_pyg.py
+graphgym.egg-info/PKG-INFO
+graphgym.egg-info/SOURCES.txt
+graphgym.egg-info/dependency_links.txt
+graphgym.egg-info/requires.txt
+graphgym.egg-info/top_level.txt
+graphgym/contrib/__init__.py
+graphgym/contrib/act/__init__.py
+graphgym/contrib/act/example.py
+graphgym/contrib/config/__init__.py
+graphgym/contrib/config/example.py
+graphgym/contrib/feature_augment/__init__.py
+graphgym/contrib/feature_augment/example.py
+graphgym/contrib/feature_encoder/__init__.py
+graphgym/contrib/feature_encoder/example.py
+graphgym/contrib/head/__init__.py
+graphgym/contrib/head/example.py
+graphgym/contrib/layer/__init__.py
+graphgym/contrib/layer/attconv.py
+graphgym/contrib/layer/example.py
+graphgym/contrib/layer/generalconv.py
+graphgym/contrib/layer/generalconv_ogb.py
+graphgym/contrib/layer/generalconv_v2.py
+graphgym/contrib/layer/idconv.py
+graphgym/contrib/layer/sageinitconv.py
+graphgym/contrib/loader/__init__.py
+graphgym/contrib/loader/example.py
+graphgym/contrib/loss/__init__.py
+graphgym/contrib/loss/example.py
+graphgym/contrib/network/__init__.py
+graphgym/contrib/network/example.py
+graphgym/contrib/optimizer/__init__.py
+graphgym/contrib/optimizer/example.py
+graphgym/contrib/pooling/__init__.py
+graphgym/contrib/pooling/example.py
+graphgym/contrib/stage/__init__.py
+graphgym/contrib/stage/example.py
+graphgym/contrib/train/__init__.py
+graphgym/contrib/train/example.py
+graphgym/contrib/transform/__init__.py
+graphgym/contrib/transform/identity.py
+graphgym/models/__init__.py
+graphgym/models/act.py
+graphgym/models/feature_augment.py
+graphgym/models/feature_encoder.py
+graphgym/models/feature_encoder_pyg.py
+graphgym/models/gnn.py
+graphgym/models/gnn_pyg.py
+graphgym/models/head.py
+graphgym/models/head_pyg.py
+graphgym/models/layer.py
+graphgym/models/layer_pyg.py
+graphgym/models/pooling.py
+graphgym/models/transform.py
+graphgym/utils/__init__.py
+graphgym/utils/agg_runs.py
+graphgym/utils/comp_budget.py
+graphgym/utils/device.py
+graphgym/utils/epoch.py
+graphgym/utils/io.py
+graphgym/utils/plot.py
+graphgym/utils/tools.py
+run/CytokinesDataSet.py
+run/Visualization.py
+run/__init__.py
+run/agg_batch.py
+run/configs_gen.py
+run/main.py
+run/main_pyg.py
\ No newline at end of file
diff --git a/graphgym.egg-info/dependency_links.txt b/graphgym.egg-info/dependency_links.txt
new file mode 100644
index 00000000..8b137891
--- /dev/null
+++ b/graphgym.egg-info/dependency_links.txt
@@ -0,0 +1 @@
+
diff --git a/graphgym.egg-info/requires.txt b/graphgym.egg-info/requires.txt
new file mode 100644
index 00000000..aa607e7e
--- /dev/null
+++ b/graphgym.egg-info/requires.txt
@@ -0,0 +1,8 @@
+yacs
+tensorboardx
+torch
+torch-geometric
+networkx
+numpy
+deepsnap
+ogb
diff --git a/graphgym.egg-info/top_level.txt b/graphgym.egg-info/top_level.txt
new file mode 100644
index 00000000..760a9085
--- /dev/null
+++ b/graphgym.egg-info/top_level.txt
@@ -0,0 +1,2 @@
+graphgym
+run
diff --git a/graphgym/custom_dataset.py b/graphgym/custom_dataset.py
new file mode 100644
index 00000000..f9a98d20
--- /dev/null
+++ b/graphgym/custom_dataset.py
@@ -0,0 +1,58 @@
+import os
+from typing import Callable, List, Optional
+
+import torch
+
+from torch_geometric.data import (
+ Data,
+ InMemoryDataset,
+ download_url,
+ extract_zip,
+)
+
+
+class custom_dataset(InMemoryDataset):
+ url = "temp"
+ def __init__(
+ self,
+ name,
+ url,
+ root: str,
+ train: bool = -1,
+ transform: Optional[Callable] = None,
+ pre_transform: Optional[Callable] = None,
+ pre_filter: Optional[Callable] = None,
+ ):
+ self.name = name
+ self.url = url
+ self.train = train
+ super().__init__(root, transform, pre_transform, pre_filter)
+
+ if train == True:
+ path = self.processed_paths[0]
+ elif train == False:
+ path = self.processed_paths[1]
+ elif train == -1:
+ path = self.processed_paths[2]
+
+ self.path = path
+ self.data, self.slices = torch.load(path)
+
+ @property
+ def raw_file_names(self) -> str:
+ return self.name + '.pt'
+
+ @property
+ def processed_file_names(self) -> List[str]:
+ return ['train_data.pt', 'test_data.pt','all_data.pt']
+
+ def download(self):
+ path = download_url(self.url, self.raw_dir)
+ extract_zip(path, self.raw_dir)
+ os.unlink(path)
+
+ def process(self):
+ inputs = torch.load(self.raw_paths[0])
+ inputs.process()
+ self.data = inputs
+
diff --git a/graphgym/loader.py b/graphgym/loader.py
index 15275702..92e266c4 100644
--- a/graphgym/loader.py
+++ b/graphgym/loader.py
@@ -13,6 +13,8 @@
MNISTSuperpixels, Planetoid, QM7b,
TUDataset)
+from .custom_dataset import custom_dataset
+
import graphgym.models.feature_augment as preprocess
import graphgym.register as register
from graphgym.config import cfg
@@ -27,7 +29,12 @@ def load_pyg(name, dataset_dir):
:param dataset_dir: data directory
:return: a list of networkx/deepsnap graphs
'''
- dataset_dir = '{}/{}'.format(dataset_dir, name)
+ if not str(name[0:6]) == "Custom":
+ dataset_dir = '{}/{}'.format(dataset_dir, name)
+ else:
+ parts = name.split(",") # in custom sets, the names field must contain names and urls
+ dataset_dir = '{}/{}'.format(dataset_dir, parts[1])
+
if name in ['Cora', 'CiteSeer', 'PubMed']:
dataset_raw = Planetoid(dataset_dir, name)
elif name[:3] == 'TU_':
@@ -67,6 +74,10 @@ def load_pyg(name, dataset_dir):
dataset_raw = PPI(dataset_dir)
elif name == 'QM7b':
dataset_raw = QM7b(dataset_dir)
+ elif name[0:6] == "Custom":
+ parts = name.split(",") # in custom sets, the names field must contain names and urls
+ dataset_raw = custom_dataset(root=dataset_dir, name=parts[1], url=parts[2])
+ name = parts[1] # give it a new name
else:
raise ValueError('{} not support'.format(name))
graphs = GraphDataset.pyg_to_graphs(dataset_raw)
@@ -251,7 +262,7 @@ def create_dataset():
else:
datasets = dataset.split(transductive=cfg.dataset.transductive,
split_ratio=cfg.dataset.split,
- shuffle=cfg.dataset.shuffle_split)
+ shuffle=False)
# We only change the training negative sampling ratio
for i in range(1, len(datasets)):
dataset.edge_negative_sampling_ratio = 1
diff --git a/graphgym/models/gnn.py b/graphgym/models/gnn.py
index db81504c..8757fd7e 100644
--- a/graphgym/models/gnn.py
+++ b/graphgym/models/gnn.py
@@ -9,10 +9,12 @@
from graphgym.models.feature_augment import Preprocess
from graphgym.models.feature_encoder import (edge_encoder_dict,
node_encoder_dict)
-from graphgym.models.head import head_dict
+from graphgym.models.head import (head_dict, GNNGraphHead)
from graphgym.models.layer import (BatchNorm1dEdge, BatchNorm1dNode,
- GeneralLayer, GeneralMultiLayer)
+ GeneralLayer, GeneralMultiLayer,
+ Linear)
+import numpy as np
# Layer
def GNNLayer(dim_in, dim_out, has_act=True):
@@ -176,6 +178,52 @@ def __init__(self, dim_in, dim_out, **kwargs):
self.post_mp = GNNHead(dim_in=d_in, dim_out=dim_out)
self.apply(init_weights)
+
+ def get_last_hidden_layer_pooled(self, batch):
+ for module in self.children():
+ # don't do the final output layer. Keep the last hidden layer
+ if(isinstance(module, GNNGraphHead)):
+ for child in module.children():
+ for grandChild in child.children():
+ for greatGrandChild in grandChild.children():
+ if not isinstance(greatGrandChild, Linear):
+ batch = greatGrandChild(batch)
+ break
+
+ batch = module(batch)
+
+ labels = (batch.graph_label)
+ num_nodes = batch.G[0].number_of_nodes()
+ last_hidden_layer_pooled = []
+
+ for i in range(0, len(batch.node_feature), num_nodes):
+ relevant_vectors = batch.node_feature.detach()[i:(i + num_nodes)]
+ last_hidden_layer_pooled.append(torch.mean(relevant_vectors, dim = 0))
+
+
+ return last_hidden_layer_pooled, labels # add true as well
+
+ # returns a 2D matrix of n x h, where n is the number of nodes, and h is the hidden size
+ def get_correlations(self, batch):
+ for module in self.children():
+ # don't do the final output layer. Keep the last hidden layer
+ if(isinstance(module, GNNGraphHead)):
+ break
+ batch = module(batch)
+ num_nodes = batch.G[0].number_of_nodes()
+
+ correlationMatricies = []
+
+
+ for i in range(0, len(batch.node_feature), num_nodes):
+ relevant_vectors = batch.node_feature.detach()[i:(i + num_nodes)]
+ relevant_vectors = relevant_vectors.numpy()
+ correlationMatrix = np.corrcoef(relevant_vectors)
+
+ correlationMatricies.append(correlationMatrix)
+
+
+ return correlationMatricies
def forward(self, batch):
for module in self.children():
diff --git a/graphgym/models/layer.py b/graphgym/models/layer.py
index a6ded579..5e0ccf65 100644
--- a/graphgym/models/layer.py
+++ b/graphgym/models/layer.py
@@ -214,7 +214,7 @@ def __init__(self, dim_in, dim_out, bias=False, **kwargs):
self.model = GeneralConvLayer(dim_in, dim_out, bias=bias)
def forward(self, batch):
- batch.node_feature = self.model(batch.node_feature, batch.edge_index)
+ batch.node_feature = self.model(batch.node_feature, batch.edge_index, edge_weight = batch.edge_weights)
return batch
diff --git a/graphgym/train.py b/graphgym/train.py
index 466eaa65..e837cdfd 100644
--- a/graphgym/train.py
+++ b/graphgym/train.py
@@ -3,7 +3,7 @@
import torch
-from graphgym.checkpoint import clean_ckpt, load_ckpt, save_ckpt
+from graphgym.checkpoint import clean_ckpt, load_ckpt, save_ckpt, remove_ckpt
from graphgym.config import cfg
from graphgym.loss import compute_loss
from graphgym.utils.epoch import is_ckpt_epoch, is_eval_epoch
@@ -81,4 +81,6 @@ def train(loggers, loaders, model, optimizer, scheduler):
if cfg.train.ckpt_clean:
clean_ckpt()
+ remove_ckpt()
+
logging.info('Task done, results saved in {}'.format(cfg.out_dir))
diff --git a/graphgym/utils/agg_runs.py b/graphgym/utils/agg_runs.py
index e23f1de0..befba141 100644
--- a/graphgym/utils/agg_runs.py
+++ b/graphgym/utils/agg_runs.py
@@ -150,6 +150,9 @@ def agg_runs(dir, metric_best='auto'):
dir_out = os.path.join(dir, 'agg', key)
fname = os.path.join(dir_out, 'best.json')
dict_to_json(value, fname)
+
+ print("End")
+ print(os.path.join(dir, 'agg'))
logging.info('Results aggregated across runs saved in {}'.format(
os.path.join(dir, 'agg')))
diff --git a/requirements.txt b/requirements.txt
index b4715066..41af8013 100644
--- a/requirements.txt
+++ b/requirements.txt
@@ -1,13 +1,18 @@
-yacs
-tensorboardx
-torch
-torch-geometric
-deepsnap
-ogb
-numpy
-pandas
-scipy
-scikit-learn
-matplotlib
-seaborn
-notebook
\ No newline at end of file
+deepsnap==0.2.1
+matplotlib==3.7.0
+networkx==2.8.4
+numpy==1.18.5
+numpy==1.23.5
+ogb==1.3.6
+pandas==1.5.3
+PyYAML==6.0
+PyYAML==6.0.1
+scikit_learn==1.2.1
+seaborn==0.12.2
+setuptools==66.0.0
+setuptools==65.6.3
+tensorboardX==2.6.2
+torch==1.12.1
+torch_geometric==2.3.1
+torch_scatter==2.1.1
+yacs==0.1.8
diff --git a/run/Cypress.py b/run/Cypress.py
new file mode 100644
index 00000000..65d2507b
--- /dev/null
+++ b/run/Cypress.py
@@ -0,0 +1,567 @@
+import logging
+import os
+
+import torch
+from torch_geometric import seed_everything
+from deepsnap.dataset import GraphDataset
+from graphgym.custom_dataset import custom_dataset
+from graphgym.cmd_args import parse_args
+from graphgym.config import cfg, dump_cfg, load_cfg, set_run_dir, set_out_dir
+from graphgym.loader import create_dataset, create_local_dataset, create_loader
+from graphgym.logger import create_logger, setup_printing
+from graphgym.model_builder import create_model
+from graphgym.optimizer import create_optimizer, create_scheduler
+from graphgym.register import train_dict
+from graphgym.train import train
+from graphgym.utils.agg_runs import agg_runs
+from graphgym.utils.comp_budget import params_count
+from graphgym.utils.device import auto_select_device
+from graphgym.models.gnn import GNNStackStage
+from iCYPRESS.CytokinesDataSet import CytokinesDataSet
+from iCYPRESS.Visualization import Visualize
+from graphgym.models.layer import GeneralMultiLayer, Linear, GeneralConv
+from graphgym.models.gnn import GNNStackStage
+import numpy as np
+
+
+class Cypress:
+ def __init__(self, patients = None, eset = None, blood_only=True, active_cyto_list = ['CCL1'], batch_size = 80,
+ eval_period = 20, layers_pre_mp = 2, layers_mp = 6, layers_post_mp = 2,
+ dim_inner = 137, max_epoch = 400):
+
+ if eset is None:
+ self.makeExistingConfigFile()
+ self.custom = False
+ return
+
+ self.custom = True
+ # get current config file
+ current_dir = os.path.dirname(os.path.abspath(__file__))
+ curr_cfg_file = os.path.join(current_dir, "configs", "example_custom.yaml")
+ curr_cfg_gen = os.path.join(current_dir, "configs_gen.py")
+ self.write_lines_to_file(curr_cfg_file, os.path.join( "configs", "example_custom.yaml"))
+ self.write_lines_to_file(curr_cfg_gen, "configs_gen.py")
+
+ self.current_dir = os.path.dirname(os.path.abspath(__file__))
+
+ self.eset = eset
+
+ patient_dict, patient_list = self.process_patients(patients) # a dict that matches a patient name to their classification
+
+
+ cyto_list,cyto_adjacency_dict,cyto_tissue_dict = self.process_graphs(blood_only) # list of cytokines, maps a cytokine's name to their adjacency matrix, maps a cytokine's name to the tissues they need
+
+
+ tissue_gene_dict, gene_set = self.process_tissues(blood_only) # dict that matches tissues to the genes associated with them, a set of all genes we have
+
+
+ gene_to_patient, active_tissue_gene_dict = self.process_eset(eset, gene_set, patient_dict, tissue_gene_dict) # 2 layer deep dict. First layer maps gene name to a dict. Second layer matches patient code to gene expresion data of the given gene.
+
+
+ # now convert these to vectors like needed
+ # probably best to only do this for ONE cytokine at a time? Yeah, accept a gene, then move.
+ # also, make a function that prints out everu available cytokine.
+ for cyto in active_cyto_list:
+ if cyto not in cyto_tissue_dict.keys():
+ raise(ValueError("{} is not a valid cytokine.".format(cyto)))
+ self.create_cyto_database(cyto, eset, cyto_tissue_dict, active_tissue_gene_dict, patient_list,
+ patient_dict, gene_to_patient, cyto_adjacency_dict)
+
+ name = cyto + "_" + eset[:eset.index(".")]
+ self.name = name
+ self.makeConfigFile(name, batch_size, eval_period, layers_pre_mp, layers_mp,
+ layers_post_mp, dim_inner, max_epoch)
+
+ self.active_cyto_list = active_cyto_list
+
+ def makeExistingConfigFile(self):
+ if (not os.path.exists(os.path.abspath("configs"))):
+ os.makedirs(os.path.abspath("configs"))
+
+ # get current config file
+ current_dir = os.path.dirname(os.path.abspath(__file__))
+ curr_cfg_file = os.path.join(current_dir, "configs", "example_custom.yaml")
+ self.write_lines_to_file(curr_cfg_file, os.path.join("configs", "example_custom.yaml"))
+
+ def make_bash_scripts(self, cyto):
+ scipt_name = cyto + "_" + self.eset[:self.eset.index(".")]
+
+ # check if parallel.sh exists. If it doesn't create it.
+
+ # generate the sh file for this particular cytokine and GSE
+
+ # run the bash script
+
+ def create_cyto_database(self, cyto, eset, cyto_tissue_dict, active_tissue_gene_dict, patient_list,
+ patient_dict, gene_to_patient, cyto_adjacency_dict):
+
+ # creates graphname
+ graphName = cyto + "_" + eset[:eset.index(".")]
+
+ #create patientArray
+ patientArray = []
+
+ # count the number of active genes in each tissue.
+ tissues = cyto_tissue_dict[cyto]
+
+ gene_count = []
+ for tissue in tissues:
+ count = len(active_tissue_gene_dict[tissue])
+
+ gene_count.append(count)
+
+ total_genes = sum(gene_count)
+
+
+ for patient in patient_list:
+ patient_data = {}
+
+ patient_data["DISEASE"] = str(patient_dict[patient])
+
+
+ data = []
+ # create the information that goes into each node
+ for i, tissue in enumerate(tissues):
+ tissue_data = [0]*total_genes
+ start = sum(gene_count[:i])
+
+ tissue_genes = active_tissue_gene_dict[tissue]
+
+ offset = 0
+ for gene in tissue_genes:
+ tissue_data[start + offset] = gene_to_patient[gene][patient] / 20
+ offset += 1
+
+ data.append(tissue_data)
+
+ patient_data["data"] = data
+ patientArray.append(patient_data)
+
+
+ nodeList = cyto_tissue_dict[cyto]
+ graphAdjacency = cyto_adjacency_dict[cyto]
+
+ nodeIntMap = {}
+ i = 0
+
+ for node in nodeList:
+ nodeIntMap[node] = i
+ i += 1
+
+ intAdjacency = []
+ # turn the adjacency names into int
+ for edge in graphAdjacency:
+ newEdge = [nodeIntMap[edge[0]], nodeIntMap[edge[1]]]
+ intAdjacency.append(newEdge)
+
+ try:
+ os.mkdir(os.path.join("datasets"))
+ except OSError:
+ pass
+
+ try:
+ os.mkdir(os.path.join("datasets", graphName))
+ except OSError:
+ pass
+
+ try:
+ os.mkdir(os.path.join("datasets", graphName ,"raw"))
+ except OSError:
+ pass
+
+ try:
+ os.mkdir(os.path.join("datasets", graphName, "processed"))
+ except OSError:
+ pass
+
+ full_dataset = CytokinesDataSet(root="data/", graphName=graphName, filename="full.csv",
+ test=True, patients=patientArray, adjacency=intAdjacency,
+ nodeNames = nodeIntMap, divisions = gene_count)
+
+
+ torch.save(full_dataset, (os.path.join("datasets", graphName, "raw", graphName + ".pt")))
+
+
+
+ def process_eset(self, eset, gene_set, patient_dict, tissue_gene_dict):
+ eset_file = open(eset, 'r')
+
+ eset_lines = eset_file.read().splitlines()
+
+
+ # read the first line, and see if it matches with the patient file provided
+ patients = eset_lines[0].replace("\"", "").split(",")[2:]
+
+ patient_set = set(patient_dict.keys())
+
+ for patient in patients:
+ try:
+ patient_set.remove(patient)
+ except(KeyError):
+ raise(ValueError("{} is not found in the patients file.".format(patient)))
+
+
+ if (len(patient_set) != 0):
+ raise(ValueError("The eset file does not contain {}".format(patient_set)))
+
+
+ gene_to_patient = dict() # maps the name of a gene to a dict of patients
+ for line_num in range(1, len(eset_lines)):
+ line = eset_lines[line_num].replace("\"", "")
+ parts = line.split(",")
+ new_gene = parts[1]
+
+
+ if (new_gene not in gene_set):
+ continue
+ # get all the gene expression numbers, and then normalize them
+ gene_nums = parts[2:]
+ gene_nums = [float(gene_num) for gene_num in gene_nums]
+ gene_nums = self.normalize_vector(gene_nums)
+
+
+
+ patient_gene_data_dict = dict() # maps the patients code to their gene expression data of this one specific gene
+ for index, patient in enumerate(patients):
+ patient_gene_data_dict[patient] = gene_nums[index]
+
+ gene_to_patient[new_gene] = patient_gene_data_dict
+
+ # make a new tissue_gene_dict
+
+ active_tissue_gene_dict = dict()
+
+ for tissue in tissue_gene_dict.keys():
+ gene_array = []
+
+ original_genes = tissue_gene_dict[tissue]
+
+ for gene in original_genes:
+ if gene in gene_to_patient.keys():
+ gene_array.append(gene)
+
+ active_tissue_gene_dict[tissue] = gene_array
+ return (gene_to_patient, active_tissue_gene_dict)
+
+ def normalize_vector(self, vector):
+ min_val = np.min(vector)
+ max_val = np.max(vector)
+ normalized_vector = (vector - min_val) / (max_val - min_val)
+ return normalized_vector
+
+ def process_patients(self, patients):
+ patient_file = open(patients, 'r')
+ patient_dict = dict()
+ patient_list = []
+
+ for line in patient_file.read().splitlines():
+ parts = line.split(",")
+ patient_dict[parts[0]] = int(parts[1])
+ patient_list.append(parts[0])
+
+ return patient_dict, patient_list
+
+
+ def process_graphs(self, blood_only):
+ if(blood_only):
+ graph_folder_path = os.path.join(self.current_dir,"Modified Graphs")
+ else:
+ graph_folder_path = os.path.join(self.current_dir,"Graphs")
+
+ cyto_list = []
+ cyto_adjacency_dict = dict() # maps a cytokine's name to their adjacency matrix
+ cyto_tissue_dict = dict() # maps a cytokine's name to the tissues they need
+
+ for filename in os.listdir(graph_folder_path):
+ cyto_name = filename[:-10]
+ cyto_list.append(cyto_name) # drop the _graph.csv
+ graph_file_path = os.path.join(graph_folder_path, filename)
+ if (filename == '__pycache__'):
+ continue
+ graphAdjacency = []
+ tissue_set = set()
+
+ f = open(graph_file_path, 'r')
+ graphLines = f.read().splitlines()
+
+ for line in graphLines:
+ parts = line.upper().split(",") # remove newline, capitalize, and remove spaces
+ graphAdjacency.append(parts)
+ newParts = [parts[1], parts[0]]
+ tissue_set.update(newParts)
+
+ graphAdjacency.append(newParts)
+
+
+ # put the tissues into a list, and then sort them
+ tissue_list = []
+ for tissue in tissue_set:
+ tissue_list.append(tissue)
+
+ tissue_list.sort()
+
+ cyto_adjacency_dict[cyto_name] = graphAdjacency
+ cyto_tissue_dict[cyto_name] = tissue_list
+
+
+ return cyto_list,cyto_adjacency_dict,cyto_tissue_dict
+
+ def process_tissues(self, blood_only):
+ tissue_gene_dict = dict() # maps tissues to the genes associated with them
+
+ gene_set = set()
+
+ tissue_file = open(os.path.join(self.current_dir, "GenesToTissues.csv"))
+
+ tissue_lines = tissue_file.read().splitlines()
+
+ for i in range(0, len(tissue_lines), 2):
+ tissue_line = tissue_lines[i]
+
+ tissue_line_arr = tissue_line.split(",")
+
+ if (blood_only and (tissue_line_arr[1] == "N")):
+ continue
+
+ tissue = tissue_line_arr[0]
+ genes_array = tissue_lines[i + 1].split(',')
+
+ tissue_gene_dict[tissue] = genes_array
+
+ gene_set.update(genes_array)
+
+ return tissue_gene_dict, gene_set
+
+ def makeGridFile(self, name, layers_pre_mp = [1,2], layers_mp =[2,4,6,8], layers_post_mp = [2,3],
+ agg_type = ['add','mean']) :
+ if (not os.path.exists(os.path.abspath("grids"))):
+ os.makedirs(os.path.abspath("grids"))
+
+ with open(os.path.join('grids', name + ".txt"), 'w') as file:
+ file.write("# Format for each row: name in config.py; alias; range to search\n")
+ file.write("# No spaces, except between these 3 sfields\n")
+ file.write("# Line breaks are used to union different grid search spaces\n")
+ file.write("# Feel free to add '#' to add comments\n")
+ file.write("\n")
+ file.write("# (1) dataset configurations\n")
+ file.write("dataset.format format ['PyG']\n")
+ file.write("dataset.name dataset ['" + name + "']\n")
+ file.write("dataset.task task ['graph']\n")
+ file.write("dataset.transductive trans [False]\n")
+ file.write("dataset.augment_feature feature [[]]\n")
+ file.write("dataset.augment_label label ['']\n")
+ file.write("# (2) The recommended GNN design space, 96 models in total\n")
+ file.write("gnn.layers_pre_mp l_pre " + str(layers_pre_mp) + "\n")
+ file.write("gnn.layers_mp l_mp " + str(layers_mp) + "\n")
+ file.write("gnn.layers_post_mp l_post " + str(layers_post_mp) + "\n")
+ file.write("gnn.stage_type stage ['skipsum','skipconcat']\n")
+ file.write("gnn.agg agg " + str(agg_type))
+
+
+ def makeConfigFile(self, name, batch_size, eval_period, layers_pre_mp, layers_mp,
+ layers_post_mp, dim_inner, max_epoch):
+ if (not os.path.exists(os.path.abspath("configs"))):
+ os.makedirs(os.path.abspath("configs"))
+
+ # using with statement
+ with open(os.path.join('configs', name + ".yaml"), 'w') as file:
+ file.write('out_dir: results\n')
+ file.write('dataset:\n')
+ file.write(' format: PyG\n')
+ file.write(' name: ' + name + '\n')
+ file.write(' task: graph\n')
+ file.write(' task_type: classification\n')
+ file.write(' transductive: True\n')
+ file.write(' split: [0.8, 0.2]\n')
+ file.write(' augment_feature: []\n')
+ file.write(' augment_feature_dims: [0]\n')
+ file.write(' augment_feature_repr: position\n')
+ file.write(' augment_label: \'\'\n')
+ file.write(' augment_label_dims: 0\n')
+ file.write(' transform: none\n')
+ file.write('train:\n')
+ file.write(' batch_size: ' + str(batch_size) + '\n' )
+ file.write(' eval_period: ' + str(eval_period) + '\n')
+ file.write(' ckpt_period: 100\n')
+ file.write('model:\n')
+ file.write(' type: gnn\n')
+ file.write(' loss_fun: cross_entropy\n')
+ file.write(' edge_decoding: dot\n')
+ file.write(' graph_pooling: add\n')
+ file.write('gnn:\n')
+ file.write(' layers_pre_mp: ' + str(layers_pre_mp) + '\n')
+ file.write(' layers_mp: ' + str(layers_mp) + '\n')
+ file.write(' layers_post_mp: ' + str(layers_post_mp) + '\n')
+ file.write(' dim_inner: ' + str(dim_inner) + '\n')
+ file.write(' layer_type: generalconv\n')
+ file.write(' stage_type: skipsum\n')
+ file.write(' batchnorm: True\n')
+ file.write(' act: prelu\n')
+ file.write(' dropout: 0.0\n')
+ file.write(' agg: add\n')
+ file.write(' normalize_adj: False\n')
+ file.write('optim:\n')
+ file.write(' optimizer: adam\n')
+ file.write(' base_lr: 0.01\n')
+ file.write(' max_epoch: ' + str(max_epoch) + '\n')
+
+
+ def write_lines_to_file(self, input_file, output_file_name):
+ try:
+ with open(input_file, 'r') as infile:
+ # Read all lines from the input file
+ lines = infile.readlines()
+
+ # Remove any leading/trailing whitespaces from the output file name
+ output_file_name = output_file_name.strip()
+
+ # Write the lines to the output file with the provided name (overwriting if it exists)
+ with open(output_file_name, 'w') as outfile:
+ for line in lines:
+ outfile.write(line)
+
+ except FileNotFoundError:
+ print(f"Error: Input file '{input_file}' not found.")
+ except Exception as e:
+ print(f"Error: An unexpected error occurred - {e}")
+
+ def parallel(self, cyto = None):
+ self.makeGridFile(self.name)
+ fake_sh_file = self.make_fake_sh(self.name)
+
+ try:
+ os.mkdir(os.path.join("results"))
+ print(os.path.join("results"))
+ print("here")
+ 1/0
+ except OSError:
+ pass
+
+
+ os.system(fake_sh_file)
+ return
+
+ def make_fake_sh(self, name):
+ current_dir = os.path.dirname(os.path.abspath(__file__))
+ parallel_location = os.path.join(current_dir, "parallel.sh")
+ agg_batch_location = os.path.join(current_dir, "agg_batch.py")
+ max_jobs = 3
+ repeat = 1
+
+
+
+ try:
+ os.mkdir(os.path.join("results", name))
+ except OSError:
+ pass
+
+ fake_sh_file = (
+ "set CONFIG="
+ + name
+ + " && set GRID="
+ + name
+ + " && set REPEAT=1 && set MAX_JOBS=3 && python configs_gen.py --config configs/" + name + ".yaml "
+ "--config_budget configs/" + name + ".yaml --grid grids/" + name + ".txt --out_dir configs && "
+ + "bash " + parallel_location + " configs/" + name + "_grid_" + name + " "+ str(repeat) + " " + str(max_jobs) + " && "
+ + "python " + agg_batch_location + " --dir results/" + name + "_grid_" + name + ""
+ )
+
+
+
+ return fake_sh_file
+
+ def train(self, cyto = None):
+
+
+ if (self.custom):
+ # check if cytokine has been initalized
+ if cyto not in self.active_cyto_list:
+ raise(ValueError("{} has not been initalized as a cytokine".format(cyto)))
+
+ name = cyto + "_" + self.eset[:self.eset.index(".")]
+
+ args = parse_args(name + ".yaml")
+ else:
+ name = None
+ args = parse_args()
+
+ # Load config file
+ load_cfg(cfg, args)
+
+ set_out_dir(cfg.out_dir, args.cfg_file)
+ # Set Pytorch environment
+ torch.set_num_threads(cfg.num_threads)
+ dump_cfg(cfg)
+ # Repeat for different random seeds
+ for i in range(args.repeat):
+ set_run_dir(cfg.out_dir)
+ setup_printing()
+ # Set configurations for each run
+ cfg.seed = cfg.seed + 1
+ seed_everything(cfg.seed)
+ auto_select_device()
+ # Set machine learning pipeline
+ # to fix this, copy create_dataset, only with formed graphs already created.
+
+ if (self.custom):
+ dataset_raw = custom_dataset(root=os.path.join("datasets", name), name=name, url="null")
+ graphs = GraphDataset.pyg_to_graphs(dataset_raw)
+ datasets = create_local_dataset(graphs)
+ else:
+ datasets = create_dataset()
+ loaders = create_loader(datasets)
+ loggers = create_logger()
+ model = create_model()
+
+
+
+
+
+ # Add edge_weights attribute to the datasets so that they can be accessed in batches
+ num_edges = len(datasets[0][0].edge_index[0])
+ edge_weights = torch.nn.Parameter(torch.ones(num_edges))
+ for loader in loaders:
+ for dataset in loader.dataset:
+ dataset.edge_weights = edge_weights
+
+
+ #add edge weights to the set of parameters
+ newParam = list()
+ for param in model.parameters():
+ newParam.append(param)
+
+ newParam.append(edge_weights)
+
+ optimizer = create_optimizer(newParam)
+ scheduler = create_scheduler(optimizer)
+ # Print model info
+ logging.info(model)
+ logging.info(cfg)
+ cfg.params = params_count(model)
+ logging.info('Num parameters: %s', cfg.params)
+
+
+ # Start training
+ if cfg.train.mode == 'standard':
+ train(loggers, loaders, model, optimizer, scheduler)
+ else:
+ train_dict[cfg.train.mode](loggers, loaders, model, optimizer,
+ scheduler)
+ # Aggregate results from different seeds
+ agg_runs(cfg.out_dir, cfg.metric_best)
+ # When being launched in batch mode, mark a yaml as done
+ if args.mark_done:
+ os.rename(args.cfg_file, f'{args.cfg_file}_done')
+
+
+
+ def get_cyto_list():
+ return ['CCL1', 'CCL2', 'CCL3', 'CCL3L1', 'CCL4', 'CCL4L2', 'CCL5', 'CCL7',
+ 'CCL8', 'CCL13', 'CCL17', 'CCL19', 'CCL20', 'CCL23', 'CCL24', 'CCL25',
+ 'CCL26', 'CCL27', 'CD40LG', 'CD70', 'CKLF', 'CSF1', 'CSF2', 'CXCL2', 'CXCL8',
+ 'CXCL9', 'CXCL10', 'CXCL11', 'CXCL12', 'CXCL13', 'CXCL14', 'EGF', 'FASLG',
+ 'FLT3LG', 'HGF', 'IFNG', 'IFNL1', 'IL2', 'IL3', 'IL4', 'IL5', 'IL6',
+ 'IL7', 'IL11', 'IL12A', 'IL12B', 'IL18', 'IL19', 'IL1B', 'IL1RN', 'IL23A',
+ 'IL26', 'LIF', 'OSM', 'PDGFB', 'PF4', 'PPBP', 'SPP1', 'TGFA', 'TGFB1',
+ 'TGFB3', 'TNFSF9', 'TNFSF10', 'TNFSF11', 'TNFSF13', 'TNFSF13B', 'TNFSF14',
+ 'TNF', 'XCL1', 'XCL2']
\ No newline at end of file
diff --git a/run/CytokinesDataSet.py b/run/CytokinesDataSet.py
new file mode 100644
index 00000000..92d4b7ca
--- /dev/null
+++ b/run/CytokinesDataSet.py
@@ -0,0 +1,257 @@
+import torch
+from torch_geometric.data import Dataset, Data
+import numpy as np
+import os
+
+CLASS_NAME = "DISEASE"
+
+class CytokinesDataSet(Dataset):
+ def __init__(self, root, filename, graphName, test=False, transform=None, pre_transform=None, patients = None, adjacency = None, nodeNames = None, divisions = None):
+ """
+ root = Where the dataset should be stored. This folder is split
+ into raw_dir (downloaded dataset) and processed_dir (processed data).
+ """
+
+ self.test = test
+ self.filename = filename
+ self.patients = patients
+ self.adjacency = adjacency
+ self.graphName = graphName
+ self.nodeNames = nodeNames
+ self.divisions = divisions #
+ self.process()
+
+
+ super(CytokinesDataSet, self).__init__(root, transform, pre_transform)
+
+ @property
+ def raw_file_names(self):
+ """ If this file exists in raw_dir, the download is not triggered.
+ (The download func. is not implemented here)
+ """
+ return self.filename
+
+ @property
+ def processed_file_names(self):
+ """ If these files are found in raw_dir, processing is skipped. Here, always process
+
+ fileNameArray = []
+ if self.test:
+ for i in range(len(self.patients)):
+ fileNameArray.append(graphName[:-9] + "_data_test_" + str(i) + ".pt")
+ else:
+ for i in range(len(self.patients)):
+ fileNameArray.append(graphName[:-9] + "_data_test_" + str(i) + ".pt")"""
+
+ fileNameArray = ["dummy.csv"]
+
+ return fileNameArray
+
+ def download(self):
+ pass
+
+ def process(self):
+ name = self.graphName
+ print(self.graphName)
+ self.new_dir = os.path.join("datasets", name, "processed")# "datasets\\" + name + "\\processed" # new processed dir
+ train_data = Data()
+ train_slices = dict()
+ test_data = Data()
+ test_slices = dict()
+ all_data = Data()
+ all_slices = dict()
+ train_tuple = (train_data, train_slices)
+ test_tuple = (test_data, test_slices)
+ all_tuple = (all_data, all_slices)
+
+ num_patients = len(self.patients)
+ num_training = int(0.8*num_patients) # when index <= num_training, the patient goes into training data. Else, testing
+ num_testing = num_patients - num_training
+ num_nodes = len(self._get_node_features(self.patients[0]))
+ num_edges = len(self.adjacency)
+
+
+ # prepare the slices
+ train_y_slice = []
+ train_x_slice = []
+ train_edge_index_slice = []
+
+ test_y_slice = []
+ test_x_slice = []
+ test_edge_index_slice = []
+
+ all_y_slice = []
+ all_x_slice = []
+ all_edge_index_slice = []
+
+ for i in range(num_training + 1):
+ train_y_slice.append(i)
+ train_x_slice.append(num_nodes*i)
+ train_edge_index_slice.append(num_edges * i)
+
+ for i in range(num_testing + 1):
+ test_y_slice.append(i)
+ test_x_slice.append(num_nodes*i)
+ test_edge_index_slice.append(num_edges * i)
+
+ for i in range(num_patients + 1):
+ all_y_slice.append(i)
+ all_x_slice.append(num_nodes*i)
+ all_edge_index_slice.append(num_edges * i)
+
+ train_slices['y'] = torch.tensor(train_y_slice)
+ train_slices['x'] = torch.tensor(train_x_slice)
+ train_slices['edge_index'] = torch.tensor(train_edge_index_slice)
+
+ test_slices['y'] = torch.tensor(test_y_slice)
+ test_slices['x'] = torch.tensor(test_x_slice)
+ test_slices['edge_index'] = torch.tensor(test_edge_index_slice)
+
+
+ all_slices['y'] = torch.tensor(all_y_slice)
+ all_slices['x'] = torch.tensor(all_x_slice)
+ all_slices['edge_index'] = torch.tensor(all_edge_index_slice)
+
+
+ node_vector_len = len(self._get_node_features(self.patients[0]).numpy()[0]) # the length of a node vector
+ # preparing data
+ train_x_tensor = torch.empty((0, node_vector_len), dtype=torch.float32)
+ train_edge_index_tensor = torch.empty((2, 0), dtype=torch.int32)
+ train_y_list = [] # It's just easier to make a list than figure out how to do 1d concats
+
+ test_x_tensor = torch.empty((0, node_vector_len), dtype=torch.float32)
+ test_edge_index_tensor = torch.empty((2, 0), dtype=torch.int32)
+ test_y_list = [] # It's just easier to make a list than figure out how to do 1d concats
+
+
+ all_x_tensor = torch.empty((0, node_vector_len), dtype=torch.float32)
+ all_edge_index_tensor = torch.empty((2, 0), dtype=torch.int32)
+ all_y_list = [] # It's just easier to make a list than figure out how to do 1d concats
+
+
+ # runs once for each patient
+ index = 0
+ for patient in self.patients:
+ # Get node features of a single patient
+ node_feats = self._get_node_features(patient)
+ # Get edge features of a single patient
+ edge_feats = self._get_edge_features()
+ # Get adjacency info of a single patient
+ edge_index = self._get_adjacency_info()
+ # Get labels info of a single patient
+ label = self._get_labels(patient[CLASS_NAME])
+
+ if index <= num_training:
+ train_x_tensor = torch.cat((train_x_tensor,node_feats), 0)
+ train_edge_index_tensor = torch.cat((train_edge_index_tensor,edge_index), 1)
+ train_y_list.append(int(patient[CLASS_NAME]))
+ else:
+ test_x_tensor = torch.cat((test_x_tensor,node_feats), 0)
+ test_edge_index_tensor = torch.cat((test_edge_index_tensor,edge_index), 1)
+ test_y_list.append(int(patient[CLASS_NAME]))
+
+ all_x_tensor = torch.cat((all_x_tensor,node_feats), 0)
+ all_edge_index_tensor = torch.cat((all_edge_index_tensor,edge_index), 1)
+ all_y_list.append(int(patient[CLASS_NAME]))
+
+ index += 1
+
+ # turn y_lists into tensors
+ train_y_tensor = torch.tensor(train_y_list)
+ test_y_tensor = torch.tensor(test_y_list)
+ all_y_tensor = torch.tensor(all_y_list)
+
+ train_data.x = train_x_tensor
+ train_data.y = train_y_tensor
+ train_data.edge_index = train_edge_index_tensor
+
+
+ test_data.x = test_x_tensor
+ test_data.y = test_y_tensor
+ test_data.edge_index = test_edge_index_tensor
+
+
+ all_data.x = all_x_tensor
+ all_data.y = all_y_tensor
+ all_data.edge_index = all_edge_index_tensor
+
+ torch.save(self.divisions, os.path.join(self.new_dir, 'divisions.pt')) # states which genes belong to which cytokine
+ torch.save(self.nodeNames, os.path.join(self.new_dir, 'nodeNames.pt'))
+ torch.save(train_tuple, os.path.join(self.new_dir, 'train_data.pt'))
+ torch.save(test_tuple, os.path.join(self.new_dir, 'test_data.pt'))
+ torch.save(all_tuple, os.path.join(self.new_dir, 'all_data.pt'))
+
+
+ # last step, just save everything in the right .pt files
+ """
+ return ['train_data.pt', 'test_data.pt']
+
+ torch.save(data,
+ os.path.join(self.processed_dir,
+ f'{name}_data_{index}.pt'))
+ """
+
+
+
+ def _get_node_features(self, patient):
+ """
+ This will return a matrix / 2d array of the shape
+ [Number of Nodes, Node Feature size]
+ """
+ all_node_feats = np.asarray(patient['data'])
+
+ return torch.tensor(all_node_feats, dtype=torch.float)
+
+ # todo: REturn list of 1 each time
+ def _get_edge_features(self):
+ """
+ This will return a matrix / 2d array of the shape
+ [Number of edges, Edge Feature size]
+ """
+ all_edge_feats = []
+ for edge in self.adjacency:
+ all_edge_feats.append(1)
+
+ all_edge_feats = np.asarray(all_edge_feats)
+ return torch.tensor(all_edge_feats, dtype=torch.float)
+
+ # todo, same adjacency
+ def _get_adjacency_info(self):
+ """
+ We could also use rdmolops.GetAdjacencyMatrix(mol)
+ but we want to be sure that the order of the indices
+ matches the order of the edge features
+ """
+
+
+ edge_indices = []
+ for edge in self.adjacency:
+ edge_indices.append(edge[0])
+
+ for edge in self.adjacency:
+ edge_indices.append(edge[1])
+
+ edge_indices = torch.tensor(edge_indices)
+ edge_indices = edge_indices.t().to(torch.long).view(2, -1)
+ return edge_indices
+
+
+ def _get_labels(self, label):
+ return torch.tensor(float(label), dtype=torch.int64)
+
+ def len(self):
+ return len(self.patients)
+
+ def get(self, idx):
+ """ - Equivalent to __getitem__ in pytorch
+ - Is not needed for PyG's InMemoryDataset
+ """
+ name = self.graphName[:-10]
+
+ if self.test:
+ data = torch.load(os.path.join(self.new_dir,
+ f'{name}_data_test_{idx}.pt'))
+ else:
+ data = torch.load(os.path.join(self.new_dir,
+ f'{name}_data_{idx}.pt'))
+ return data
\ No newline at end of file
diff --git a/run/GenesToTissues.csv b/run/GenesToTissues.csv
new file mode 100644
index 00000000..7163b0f8
--- /dev/null
+++ b/run/GenesToTissues.csv
@@ -0,0 +1,86 @@
+ADIPOSE TISSUE,N
+ABCG2,ACA1,ACRP30,ACTA2,ADIPOQ,ADIPOR1,ADIPOR2,APOD,BSCL2,CCL2,CD10,CD105,CD106,CD117,CD11A,CD11C,CD120A,CD13,CD133,CD137,CD14,CD140B,CD141,CD142,CD144,CD146,CD158,CD16,CD163,CD166,CD19,CD200,CD206,CD271,CD29,CD31,CD314,CD32,CD34,CD340,CD36,CD44,CD45,CD49A,CD49D,CD49E,CD51,CD54,CD55,CD56,CD59,CD68,CD70,CD71,CD73,CD81,CD9,CD90,CD91,CD94,CFD,CHC22,CIDEA,CKIT,CLDN3,CMYC,COL1A2,COLLAGEN1A2,COLLAGEN3A1,CPA3,DLK1,DLK2,EBF2,ECSCR,EPCAM,FABP4,FASL,FATP1,FATP2,FATP4,FATP5,FATP6,FLT4,FOLR2,GACRP30,GALECTIN12,GLUT4,GNLY,GREM1,HLAABC,HLAB2705,HLADRA,HLADRB1,HOXC8,HOXC9,ICAM,IFN,IGHG3,IGKC,IL2,IL6,KLF4,KRT18,KRT19,KRT8,LEP,LEPTIN,LUM,LY6AE,MAP2,MGP,MSCA1,MSLN,MYH11,NANOG,NCADHERIN,NESTIN,NEUN,NG2,NKG7,NKP46,OCT4,P63,PDGFR,PDGFRA,PDGFRALPHA,PDPN,PECAM,PERILIPIN2,PGC1ALPHA,PGR,PLIN,PLMP2,PPARGAMMA,PROX1,PVIPR,RBP4,S100A8,S100A9,SMA,SNAIL1,SOX2,SSEA3,SSEA4,STRO1,SUSD2,SYNAPSIN,TAGLN,TBET,THROMBOMODULIN,TNFRSF9,TPBS2,TRA160,TRA181,TREM2,TUJ1,TWIST1,UCP1,UPK3B,VECADHERIN,VEGFR2,VIMENTIN,VSTM2A,VSTM2B,VWF,WISP2,WT1,ZIC1
+BASOPHIL,Y
+BSP1,CCR3,CD107A,CD117,CD11A,CD11B,CD123,CD125,CD13,CD15,CD154,CD16,CD19,CD192,CD195,CD200R3,CD203C,CD218,CD22,CD25,CD281,CD282,CD284,CD286,CD289,CD294,CD33,CD38,CD43,CD44,CD45,CD54,CD63,CD69,CD88,CD9,CEBPA,CLC,CPA3,CSRP3,CYP11A1,FCEPSILONRIALPHA,FCER1,FCER1A,FCERI,GATA2,HDC,HLADR,IFITM1,IGE,IL4,IL6,MCMPT8,MS4A2,PTGDR2,SLC18A2,TLR4,TPSAB1
+BONE MARROW,Y
+ABCG2,AC0206561,ACAN,ACTA2,AHSP,AL1578951,AL7139981,ALAS2,ALDH,ALDH1A1,ALKALINEPHOSPHATASE,ALP,ALPL,ANGPT1,ANK3,APC,APOC1,APOE,AQP1,AQP3,AQP5,ARG,ARG1,ARPP21,ATF3,ATG7,ATP8B4,AVP,AXL,AZU1,BAALC,BANK1,BARHL1,BCL11B,BCL2,BCL3,BCL6,BDCA1,BDCA2,BDCA3,BDCA4,BETA2MICROGLOBULIN,BGLAP,BLK,BLNK,BMI1,BMP2,BST1,BTG2,BTLA,CA1,CADM1,CAMK4,CAMP,CASP5,CCL17,CCL18,CCL2,CCL3,CCL7,CCR2,CCR4,CCR5,CCR6,CCR7,CD10,CD103,CD105,CD106,CD10CD45RAFLT3,CD10CD45RAFLT3CD71,CD110,CD111,CD114,CD115,CD116,CD117,CD11B,CD11C,CD122,CD123,CD127,CD13,CD130,CD131,CD133,CD135,CD138,CD14,CD141,CD144,CD146,CD147,CD148,CD15,CD150,CD151,CD16,CD161,CD163,CD164,CD165,CD166,CD169,CD177,CD178,CD183,CD184,CD19,CD192,CD193,CD194,CD195,CD198,CD1A,CD1C,CD1D,CD2,CD20,CD200R,CD202B,CD203C,CD204,CD205,CD206,CD207,CD209,CD21,CD212,CD217,CD218A,CD22,CD226,CD229,CD23,CD235A,CD24,CD243,CD244,CD25,CD26,CD269,CD27,CD271,CD276,CD28,CD282,CD284,CD289,CD29,CD294,CD3,CD303,CD304,CD309,CD31,CD319,CD32,CD326,CD33,CD338,CD34,CD35,CD36,CD38,CD39,CD3D,CD3E,CD3G,CD3Z,CD4,CD40,CD41,CD42B,CD43,CD44,CD45,CD45RA,CD45RO,CD47,CD48,CD49A,CD49D,CD49F,CD5,CD51,CD52,CD54,CD56,CD59,CD62E,CD62L,CD62P,CD64,CD65,CD66B,CD68,CD69,CD7,CD71,CD72,CD73,CD74,CD78,CD79A,CD79B,CD8,CD80,CD81,CD83,CD84,CD86,CD8A,CD8B,CD9,CD90,CD93,CD98,CDCP1,CDH2,CDK6,CEACAM21,CEACAM3,CEBPA,CHI3L1,CHIT1,CKIT,CLC,CLEC10A,CLEC3B,CLEC4A,CLEC4C,CLEC5A,CLEC9A,CLIC3,CLL1,CMYC,COL2A1,COL8A2,COLI,CPA3,CREB5,CRHBP,CRISPLD2,CRYGD,CSF1R,CSF3R,CST3,CST7,CSTA1,CTLA4,CTNNAL1,CTSK,CTSS,CX3CR1,CXCL12,CXCL5,CXCL8,CXCL9,CXCR3,CXCR4,CYBB,CYTL1,DCIR,DECTIN1,DKK1,DNAM1,DNASE2B,DNTT,DPP4,DR6,DUSP1,DUSP2,DYSF,ECADHERIN,EDG1,EDG3,EDG5,EDG6,EDG8,EDNRB,EGR1,EIF4EBP1,ELANE,ELN,EMP1,ENG,EPCAM,EPCR,ERYTHROPOIETINRECEPTOR,ESAM,EVI1,EXD2,F480,FAM102A,FAM124B,FAM301,FAP,FCAR,FCEPSILONRIALPHA,FCER1A,FCGR3A,FCGR3B,FCN1,FCRECEPTORLIKEPROTEINS,FCRI,FCRL1,FGD2,FGD5,FGFBP2,FGR,FIBROBLASTACTIVATIONPROTEINALPHA,FIZZ1,FLK1,FLK2,FLT1,FLT3,FOS,FOXF1,FOXP1,FOXP3,FPR1,FPR2,FRZB,FUS,FUT4,G0S2,GAS1,GATA2,GBP1,GBP4,GBP5,GD2,GDA,GFAP,GFI1,GFRA2,GLYA,GM2A,GNLY,GP130,GPA,GPR56,GSG1,GYPA,GYPC,GZMA,GZMB,GZMK,GZMM,HBA1,HBA2,HBB,HBD,HBG1,HBG2,HBM,HBQ1,HES5,HGAL,HJURP,HLAABC,HLADPA1,HLADR,HLADRA,HLF,HOXA3,HOXB6,HSP90AB1,HTR1F,ICAM2,IFI27,IFIT3,IFITM1,IFITM2,IGD,IGHA1,IGHG1,IGKC,IGL,IGLL1,IGLL5,IGM,IKZF2,IKZF3,IL10,IL10RA,IL18RAP,IL1RAP,IL2RA,IL2RB,IL32,IL6R,IL7R,ILT1,ILT3,ILT7,INOS,IRF1,IRF5,IRF7,IRF8,ISLR,ITGA2B,ITGAM,ITGAX,JCHAIN,JUN,JUNB,KCNJ13,KI67,KIT,KLF1,KLRB1,KLRC1,KLRC2,KLRD1,KLRF1,KLRK1,KRT18,KRT19,KRT8,L1TD1,LAG3,LAMININSUBUNITGAMMA2,LAMP3,LAPTM4B,LAT,LCK,LEF1,LEPR,LEUKEMIAINHIBITORYFACTORRECEPTOR,LILRA4,LILRB1,LILRB2,LINC02446,LMO2,LRP1,LST1,LTB,LTF,LY6G,LYZ,LYZ2,MAC1,MAFB,MAL,MALAT1,MARCO,MB2,MCL1,ME1,MEF2A,MEF2C,MEIS1,MHCCLASSII,MME,MMRN1,MNDA,MPL,MPO,MRC1,MS4A1,MS4A2,MS4A4A,MS4A7,MSCA1,MSR1,MSRB3,MTGENES,MYB,MYCT1,MZB1,NANOG,NCAM1,NCR1,NELL2,NESTIN,NEUROD6,NG2,NGP,NKG7,NMUR1,NRG1,NRP1,OCN,OCT4,OLIG2,OLIG3,OPN,P2RX3,P2RY12,PANCK,PAX5,PAX6,PCOLCE2,PCSK9,PDE1C,PDE4B,PDGFRA,PDGFRALPHA,PDGFRB,PDL2,PF4,PHEX,PI3,PLAC8,PLCG2,PLEK,PLVAP,PLZF,PODOCALYXIN,POU4F1,PPARG,PPBP,PPIA,PRDM1,PRDX1,PREF1,PRF1,PROM1,PROMININ2,PRSS57,PRTN3,PSAP,PTEN,PTGDR,PTGDS,PTPRC,PTPRT,RAG1,RAG2,RCAN3,RETN,RGS1,RGS2,RHCE,RPS4Y2,RUNX2,S100A12,S100A6,S100A8,S100A9,SASH3,SCA1,SCARB2,SCF,SDC1,SELENOP,SELL,SERPINA1,SERPINB1,SIGLEC3,SIGLEC5,SIGLEC6,SIGLEC8,SIRPA,SLAMF6,SLAMF7,SLAN,SLC15A3,SLC4A1,SLC4A10,SLC7A7,SMA,SON,SOX2,SOX4,SOX9,SPI1,SPIB,SPINK2,SPON2,SPP1,ST2,STAT1,STAT5A,STAT5B,STMN1,STRO1,SULT1C2,SUSD2,TAGAP,TAGLN,TAP1,TBX21,TCF7,TCL18,TCL1A,TCRA,TCRALPHABETA,TDT,TEKT1,TERF2,TFR2,TFRC,THEMIS,THY1,TIE2,TIGIT,TIM3,TIMP1,TLR4,TLRS,TMEM119,TMEM14C,TNFRSF10C,TNFRSF13C,TNFRSF17,TNFSF13B,TP53TG5,TPSAB1,TPSAB2,TRA2B,TRABD2A,TRAC,TRAT1,TRAV12,TRBC2,TRDC,TRGV9,TROP2,TUBB,VCAN,VECADHERIN,VEGF,VEGFR2,VGLUT1,VIM,VIMENTIN,VNN3,VPREB1,VPREB3,VWF,XCL1,XCR1,ZAP70,ZBTB38,ZIC1
+BRAIN,N
+2810422J05RIK,4930556M19RIK,5430435G22RIK,5D4KSPG,A1BG,A1F1,A2B5,A2M,ABCA1,ABCB1,ABCC1,ABCC9,ABCG2,ABI3,ABI3BP,ABO,AC1192111,AC1344521,AC1516021,AC1546501,ACACA,ACAN,ACAT2,ACD,ACHE,ACO2,ACOT11,ACSBG1,ACSL1,ACSL6,ACTA2,ACTG1,ACTR3B,ACYP2,ADAM8,ADAMTS13,ADAMTS2,ADAMTS4,ADAMTSL1,ADARB2,ADCY8,ADCYAP1R1,ADD3,ADGRG1,ADGRL4,ADK,ADORA3,ADRA1A,ADRA2A,ADRB2,ADSSL1,ADTRP,AEBP1,AFAP1L2,AFF1,AGT,AHRR,AIF1,AKR1A4,AL6630271,AL9289351,ALCAM,ALDH,ALDH1,ALDH1A1,ALDH1A2,ALDH1L1,ALDHIA1,ALDOA,ALDOC,ALF1,ALPHASMA,AMBP,AMOTL2,ANGPT1,ANGPTL2,ANK,ANK2,ANKRD13A,ANKRD18A,ANKRD26P3,ANKRD34B,ANLN,ANTIIBA1,ANXA1,ANXA2,ANXA3,ANXA5,AOP4,AOX1,APBB1IP,APBB2,APC,APLP2,APOC1,APOC2,APOC4,APOD,APOE,APOLD1,APP,AQP4,AQP6,AREG,ARF3,ARG,ARG1,ARG2,ARHGAP6,ARHGDIB,ARHGEF26,ARHGEF4,ARL4A,ARRDC4,ARSA,ARSJ,ARX,ASAH1,ASCC2,ASCL1,ASIC1,ASPA,ASPG,ASPH,ASPM,ASTN1,ATAC2,ATCAY,ATF3,ATOH8,ATOX1,ATP10A,ATP13A4,ATP1A,ATP1A1,ATP1A2,ATP1A3,ATP1B2,ATP1B3,ATP2B,ATP2C2,ATP5E,ATP6AP2,ATP6V0C,ATP6V0D2,ATP6V0E,ATP6V1A,ATP8B1,ATRAID,AXIN2,AXL,B220,B2M,B3GAT2,B7H3,BA1,BAIAP2L2,BAMBI,BATF3,BBOX1,BCAN,BCAP31,BCAS1,BCL11B,BCL2,BCL2A1,BCL2A1D,BCL6,BCLL11B,BDNF,BEND4,BETACATENIN,BEX3,BGN,BHLHE40,BHLHE41,BIN1,BIRC6,BLBP,BLK,BMI1,BMP3,BMP4,BMPR1B,BOC,BRACHYURY,BRAF,BRN2,BRN3A,BST2,BTG2,C10ORF11,C14ORF37,C16ORF89,C17ORF76AS1,C1ORF106,C1ORF61,C1QA,C1QB,C1QC,C2ORF27A,C3,C3AR1,C4B,C5ORF56,C7,CA12,CACNA1A,CACNA2D1,CACNA2D2,CACNA2D3,CACNB2,CADM1,CADM2,CADPS,CALB1,CALB2,CALBINDIN,CALR,CAMK2A,CAMKIIALPHA,CAPG,CAPS,CASQ1,CATENIN,CAV1,CAV2,CBLL1,CBLN1,CBS,CBX6,CCDC141,CCDC88C,CCK,CCL13,CCL163,CCL2,CCL3,CCL4,CCL5,CCL6,CCND1,CCND2,CCR10,CCR2,CCR4,CCR6,CCR7,CCR8,CCT3,CD103,CD105,CD106,CD109,CD117,CD11B,CD11C,CD13,CD133,CD138,CD14,CD146,CD15,CD151,CD16,CD160,CD161,CD163,CD172AB,CD19,CD1A,CD1C,CD1E,CD1LB,CD2,CD20,CD204,CD206,CD207,CD209,CD224,CD233,CD24,CD244,CD247,CD248,CD25,CD250,CD26,CD27,CD271,CD273,CD274,CD276,CD28,CD29,CD3,CD30,CD300E,CD300LB,CD301,CD31,CD33,CD338,CD34,CD36,CD37,CD38,CD3D,CD3E,CD3G,CD4,CD40,CD42B,CD44,CD45,CD45RA,CD45RO,CD49D,CD49F,CD5,CD51,CD52,CD56,CD59,CD6,CD63,CD63PS,CD64,CD66B,CD68,CD69,CD7,CD73,CD74,CD79A,CD79B,CD8,CD80,CD81,CD83,CD86,CD88,CD8A,CD8B,CD9,CD90,CD93,CD95,CD96,CDC14A,CDC42EP4,CDH1,CDH12,CDH13,CDH17,CDH2,CDH3,CDH5,CDH9,CDHR1,CDK1,CDK18,CDK5RAP3,CDKN1A,CDO1,CDR3,CEACAM3,CEACAM8,CEBPB,CEBPG,CECAM4,CECR2,CENPF,CENPU,CFAP299,CFB,CH25H,CHAT,CHCHD5,CHD3,CHD5,CHD7,CHI3L1,CHIL1,CHL1,CHRDL1,CHST11,CHST2,CHST8,CHST9,CIB1,CIITA,CKB,CLCC1,CLDN11,CLDN15,CLDN4,CLDN5,CLDN6,CLDND1,CLEC10A,CLEC11A,CLEC12A,CLEC14A,CLEC4E,CLEC7A,CLIC1,CLIC6,CLMN,CLTCL1,CLU,CMYC,CNDP1,CNKSR2,CNN1,CNN3,CNP,CNR1,CNTN4,CNTNAP2,CNTNAP3,CNV,COBL,COG5,COL12A1,COL15A1,COL16A1,COL1A1,COL1A2,COL20A1,COL24A1,COL3A1,COL5A2,COL6A1,COLEC12,CORT,COX4I1,COX6A1,COX6A2,COX7C,COX8A,CPD,CPE,CPNE5,CPNE8,CPVL,CRB1,CREB5,CREG1,CREM,CRH,CRHBP,CRIM1,CRLF2,CRTAC1,CRYAB,CRYM,CSF1,CSF1R,CSF2RA,CSF3R,CSGALNACT1,CSMD1,CSPG2,CSPG4,CSPG4NG2,CST3,CST7,CSTB,CTBP1AS,CTGF,CTH,CTIP2,CTLA4,CTNNA3,CTNNB1,CTNNBIP1,CTSA,CTSB,CTSD,CTSE,CTSL,CTSZ,CUL2,CUX1,CUX2,CX3CR1,CX3CR1GFP,CX3XR1,CXADR,CXCL10,CXCL14,CXCL16,CXCL2,CXCL9,CXCR2,CXCR3,CXCR4,CXCR5,CXXC4,CYB5R4,CYBB,CYBRD1,CYP26B1,CYP7B1,CYR61,CYTH1,D2R,DAAM2,DAB1,DAB2,DACH2,DAG1,DAND5,DAPI,DAPK1,DBI,DBX1,DCHS2,DCL,DCN,DCX,DDIT3,DDR1,DEGS1,DGKG,DGKI,DHCR24,DHCR7,DHRS1,DIO2,DKK2,DKK3,DLC1,DLD,DLGAP1,DLL1,DLL3,DLX1,DLX2,DLX5,DLX6,DLX6AS1,DNAAF1,DNAJB1,DNAJB14,DNAJB4,DNASE2,DOCK2,DOCK7,DOCK8,DOK3,DOK5,DPF3,DPP7,DPYD,DPYS,DPYSL5,DSCAM,DSE,DSP,DST,DTNA,DUS4L,E,EAAT1,EAAT2,EBF1,EBP,ECADHERIN,ECM1,EDIL3,EDNRB,EEF1A1,EEF1B2,EEF2,EEPD1,EFCAB14,EFEMP1,EFR3B,EGFR,EGLN3,EIF3E,EIF3L,ELF3,ELP4,EMB,EMCN,EMID1,EMP2,EMX1,EMX2,ENC1,ENO1,ENO2,ENOX1,ENPP5,ENPP6,EOMES,EPAS1,EPCAM,EPDR1,EPHA7,EPHX1,EPHX2,EPN2,ERBB2,ERBB2IP,ERBB3,ERG,ERMN,ESM1,ESR1,ESRP1,ETL4,ETNNPL,ETS1,EVI2A,EXPH5,EZH2,EZR,F13A1,F3,F480,FA2H,FABP3,FABP5,FABP7,FAM107A,FAM109A,FAM151B,FAM198B,FAM20C,FAM213A,FAM46C,FAM49A,FAM84B,FARS2,FAU,FBRSL1,FBXO2,FBXO32,FCER1A,FCER1G,FCER2,FCGR1A,FCGR2B,FCGR3A,FCGR3B,FCN1,FCRLA,FCRLS,FDGFRA,FDPS,FERMT1,FEZF2,FGF3,FGFBP2,FGFBP3,FGFR1,FGFR3,FGR,FKBP5,FLT1,FLT3,FNDC3A,FOLR1,FOS,FOSB,FOSL2,FOXA2,FOXC1,FOXC2,FOXD1,FOXF2,FOXG1,FOXJ1,FOXP1,FOXP2,FOXP3,FPGFR3,FPR2,FPR3,FRAS1,FREM1,FREM2,FSHB,FSTL1,FTH1,FTL,FTL1,FUT4,FXYD1,FXYD5,FXYD6,FXYD7,GAB2,GABA,GABBR1,GABRA1,GABRB1,GABRB2,GABRG1,GABRQ,GAD1,GAD2,GADD45B,GADD45G,GAL,GALK1,GALNT14,GALNT6,GAP43,GAS2L1,GAS2L3,GAS7,GATA2,GATA3,GATSL3,GBA,GBX2,GD2,GDF9,GDPD2,GFAP,GFAP41,GFAP43,GFAPD,GFAPDELTA,GFRA1,GFRB,GGTA1,GH1,GH2,GHR,GHRHR,GJA1,GJB1,GJB6,GLAST,GLB1,GLI3,GLIS3,GLRA2,GLRX,GLT1,GLT1D1,GLUL,GLUT1,GLUT3,GM10012,GM10059,GM10073,GM10076,GM10086,GM10116,GM10136,GM10154,GM10186,GM10269,GM10275,GM10288,GM10443,GM10925,GM11263,GM11361,GM11410,GM11428,GM11478,GM11741,GM11953,GM12005,GM12334,GM12630,GM13047,GM13048,GM13192,GM13196,GM13226,GM13340,GM13341,GM13408,GM13436,GM13456,GM13532,GM13570,GM13826,GM13841,GM13864,GM14303,GM14328,GM14456,GM14964,GM15427,GM15430,GM15500,GM15590,GM15710,GM15772,GM15796,GM16238,GM16247,GM1673,GM17682,GM2000,GM2574,GM2A,GM3448,GM3511,GM4149,GM4604,GM4876,GM5054,GM5239,GM5244,GM5559,GM5805,GM5963,GM6030,GM6136,GM6166,GM6202,GM6286,GM6316,GM6863,GM7331,GM7363,GM8129,GM8730,GM8759,GM9000,GM9294,GM9493,GM9843,GMNN,GNA13,GNAI,GNAI2,GNAL,GNAS,GNB2L1,GNG4,GNG7,GNGT2,GNLY,GNPDA1,GNRHR,GOLGB1,GPC5,GPM6A,GPM6B,GPNMB,GPR132,GPR149,GPR153,GPR17,GPR183,GPR34,GPR37,GPR37L1,GPR56,GPR62,GPR65,GPR75,GPR83,GPR84,GPX4,GRAMD3,GREB1L,GRIA1,GRIA2,GRIA3,GRIA4,GRID2,GRIK1,GRIK2,GRIK3,GRIN1,GRIN2B,GRIN2C,GRM3,GRM4,GRM5,GRN,GS,GSN,GSR,GSTM1,GSTM5,GTSE1,GUSB,GXYLT2,GYPC,GZMA,GZMB,GZMH,GZMK,H2AA,H2AB1,H2D1,H2K1,H3CIT,HAVCR2,HBA1,HBB,HBG1,HCRTR2,HEMGN,HEPACAM,HEPN1,HERVW,HES1,HES5,HEXA,HEY1,HGF,HIF1A,HIF3A,HIGD18,HIP1,HIPK2,HIST1H2BC,HIST2H2BA,HIVEP2,HLA,HLAB,HLADMB,HLADPA1,HLADPB1,HLADQA1,HLADQB1,HLADR,HLADRA,HLADRB1,HLADRB5,HLAE,HLX,HMGB2,HMGCLL1,HMOX1,HNMT,HNRNPK,HOPX,HOXA2,HOXA3,HOXA5,HOXA9,HOXAAS2,HOXAAS3,HOXB2,HOXD9,HPCAL1,HPGD,HPSE,HPSE2,HRSP12,HS3ST3AT,HS3ST3B1,HS3ST4,HSD17B12,HSD17B4,HSH2D,HSP90AA1,HSPA2,HSPA5,HSPA8,HSPB1,HSPB8,HSSD17B6,HTR2C,HUCD,IBA1,ICAM,ICAM1,ICAM2,ICOS,ID1,ID2,ID3,ID4,IDH1,IDH2,IDO1,IER2,IFAP,IFI27L2B,IFI44,IFITM,IFITM1,IFITM10,IFITM2,IFITM3,IFNGR1,IGF1,IGF2,IGF2BP3,IGFBP5,IGFBP7,IGFBPL1,IGHA,IGHD,IGHG1,IGHG3,IGHM,IGIG,IGKVIGKJ,IGM,IGSF10,IIITUBULIN,IKZF2,IKZF3,IL10,IL11RA,IL12,IL12A,IL13,IL15,IL17,IL17A,IL18BP,IL1A,IL1B,IL1R2,IL1RAPL2,IL1RN,IL21,IL22RA2,IL2RA,IL2RG,IL32,IL33,IL3RA,IL4I1,IL7R,IMR32,INA,INF2,INOS,IQCK,IQGAP1,IRF1,IRF5,IRF8,IRX3,ISG15,ISL1,ISLR,ISOC1,ITGA1,ITGA11,ITGA4,ITGA6,ITGA7,ITGA8,ITGAM,ITGAX,ITGB4,ITGB8,ITI,ITIH3,ITIH5,ITK,ITM2A,ITM2B,ITM2C,ITPKB,ITPR2,JAG1,JCHAIN,JUN,JUNB,JUND,KANK4,KCNF1,KCNH7,KCNH8,KCNIP2,KCNIP3,KCNIP4,KCNJ10,KCNJ2,KCNJ3,KCNJ5,KCNJ6,KCNJ8,KCNK1,KCNMA1,KCNQ3,KCNS3,KCNT2,KI67,KIAA0101,KIAA0864,KIAA1217,KIAA1324,KIF1A,KIF21A,KIR2DL1,KIR2DL3,KIR2DS4,KIT,KLF2,KLF3,KLF4,KLHL1,KLK6,KLRB1,KLRC1,KLRC2,KLRC3,KLRD1,KLRF1,KLRG1,KMO,KRAS,KSCNS3,KYNU,L1CAM,L5P1,LAG3,LAMA,LAMA2,LAMB,LAMB2,LAMP,LAMP1,LAMP2,LAMP5,LAPTM4A,LAPTM5,LAX1,LCAT,LCK,LCN2,LCP1,LCP2,LDHA,LDHB,LECTIN,LEF1,LGALS1,LGALS3,LGALS3BP,LGI2,LGI3,LGMN,LGR4,LGR5,LGR6,LHB,LHFP,LHFPL3,LHX1,LHX3,LHX5,LHX6,LHX8,LILRA4,LILRB4,LIMA1,LIMS1,LIMS2,LINC00982,LINGO2,LIX1,LMAN2,LMF1,LMO3,LMO4,LMX1A,LNX1,LOC100133445,LOC100507639,LOC102724549,LOC102724661,LOC1027255328,LOX,LPAR1,LPL,LPPR1,LRIG1,LRP1,LRP1B,LRPAP1,LRRC38,LRRC3B,LRRC8A,LRRN1,LRRTM3,LSAMP,LSR,LTB,LTBP1,LUM,LUZP2,LXN,LY6E,LY6G,LY6H,LYPD1,LYPD6B,LYPLA2,LYSMD2,LYVE1,LYZ,LYZ1,LYZ2,MAFB,MAFF,MAG,MAL,MAMDC2,MAML2,MAN1A,MAP,MAP1A,MAP1B,MAP2,MAP6D1,MAPK10,MAPT,MARCKS,MARCKSL1,MARCO,MARK4,MATN4,MBP,MCC,MCL1,MCM5,MCP1,MCTP2,MDGA1,MDGA2,MEF2C,MEGF11,MEIS1,MEIS2,MEPE,MERTK,MEST,MET,METRNL,METTL7A,MFAP3L,MGAT4C,MGAT5,MGST1,MHC2,MHCCLASSI,MHCII,MICAL1,MID1,MIF,MIR682,MKI67,MLC1,MMD2,MMP13,MMP16,MMP2,MMUMIR703,MN1,MNDA,MNX1,MOBP,MOG,MOV10L1,MOXD1,MPEG1,MPO,MPPED1,MRC1,MRVI1,MS4A1,MS4A4A,MS4A6A,MS4A7,MSEIS2,MSI1,MSR1,MSRA,MSX1,MT1,MT1F,MT1X,MT2,MT2A,MT3,MTHFD2,MTSS1,MUSASHI1,MX1S,MXD1,MXRA8,MYB,MYC,MYC1,MYEOV2,MYH11,MYL9,MYO10,MYO1E,MYO5A,MYT1,MYT1L,MZB1,NAALADL2,NACA,NADPH,NANOG,NAP1L1,NAV2,NAV3,NCADHERIN,NCAM1,NCAM2,NCAMS,NCDN,NCEH1,NCKAP5,NCOR2,NCR3,NDNF,NDRG2,NDUFA1,NDUFA6,NDUFV3,NE,NECAB2,NEEL,NEFL,NEFM,NELL1,NES,NESTIN,NETO2,NEU4,NEUN,NEUROD,NEUROD1,NEUROD2,NEUROD4,NEUROD6,NEUROG1,NEXN,NF2,NFASC,NFAT,NFE2L2,NFIA,NFIB,NFIL3,NFKB1,NFKBIA,NG2,NGFR,NHSL1,NIACR1,NIN,NK11,NKAIN2,NKG7,NKP30,NKX21,NKX22,NKX31,NLRP1,NMBR,NME1,NME2,NMU,NOG,NOGO,NOGOA,NORRIN,NOS1,NOS2,NOSIP,NOSTRIN,NOTCH1,NOTCH3,NOX1,NPAS3,NPC2,NPM1,NPPA,NPTN,NPTXS,NPY,NR2F1,NR2F2,NR4A1,NR4A2,NR5A1,NRAS,NRCAM,NRG1,NRG2,NRGN,NRIP3,NRP1,NRSFS,NRXN1,NRXNS,NSF,NT5A,NTNG1,NTNG2,NTRK2,NUGGC,NURR1,NUSAP1,NWD1,NXPH1,O2,O4,OCLN,OCT4,OLFML2B,OLFML3,OLIG1,OLIG2,OLIG2C,OMG,OPALIN,OPCML,OPRM1,OSMR,OSP,OTX2,OVOL2,P2RX3,P2RX7,P2RY1,P2RY12,P2RY13,P2Y12,PA24,PABPC1,PADI1,PAH,PAPLN,PAPSS2,PAQR6,PARD3B,PARM1,PARP1,PAX2,PAX3,PAX6,PAX7,PBK,PCANWAS,PCDH15,PCDH20,PCDH8,PCDH9,PCED1B,PCP2,PCSK5,PD1,PDCD1,PDCD6IPP2,PDE10A,PDE4B,PDE9A,PDGFA,PDGFC,PDGFD,PDGFR,PDGFRA,PDGFRALPHA,PDGFRB,PDIA4,PDLIM4,PDLIM5,PDPN,PDYN,PDZD2,PEA15,PEA15A,PEBP1,PECAM1,PELN,PER1,PERIPHERIN,PERP,PFKFB3,PFKP,PGAM1,PGFAP,PGK1,PGRMC1,PHACTR3,PHF21A,PHF5A,PHKG1,PHLDA1,PHLDB1,PHOX2B,PID1,PIEZO2,PIK3R1,PILRA,PIM1,PISD,PIT1,PITX3,PK6102,PKM2,PKP4,PLAC8,PLAUR,PLBD1,PLBD2,PLCE1,PLCL1,PLCXD2,PLCXD3,PLD1,PLD3,PLD5,PLEKHB1,PLEKHH1,PLEKHH2,PLIN2,PLLP,PLP,PLP1,PLTP,PLXDC2,PLXNC1,PMEL,PMP2,PNMA2,PNOC,PODOPLANIN,POLR2F,PON2,POSTN,POU1F1,POU3F1,POU3F2,POU4F1,PPIB,PPIG,PPP1R14A,PPP1R17,PPP1R1C,PPP1R3C,PPP1R3G,PPP2CA,PQLC3,PRCH1,PRDX1,PRDX6,PREPL,PREX1,PREX2,PRF1,PRICKLE2,PRKAA2,PRKCA,PRKCH,PRKCQ,PRL,PRLHR,PRLR,PRNP,PROM1,PROX1,PRPH,PRR7,PRR7AS1,PRRT2,PRRX1,PRUNE2,PSANCAM,PSAP,PSAT1,PSTPIP1,PTBP2,PTCHD1,PTEN,PTGDS,PTGER2,PTGS2,PTN,PTPN7,PTPRC,PTPRG,PTPRU,PTPRZ1,PTTG1,PU1,PVALB,QK,QKI,QKI5,RAB18,RAB2A,RAB33A,RAMP1,RANBP17,RANTES,RAP1B,RASAL2,RASGEF1C,RASL10A,RASSF3,RASSF4,RASSF8,RBFOX1,RBFOX3,RBM20,RBPMS,RCN2,RCSD1,REEP5,RELN,REST,RFFL,RFTN1,RFX2,RFX4,RGCC,RGL1,RGMA,RGMB,RGR,RGS12,RGS5,RGS9,RHBDF1,RHOB,RIMS2,RIN2,RLBP1,RND3,RNF152,RNF182,RNF43,RNXN2,RORB,RORT,RPH3AL,RPL10A,RPL10APS1,RPL11,RPL12,RPL13,RPL13A,RPL14,RPL14PS1,RPL18A,RPL18PS1,RPL22,RPL23,RPL27A,RPL28,RPL3,RPL31,RPL32,RPL35,RPL35A,RPL36APS1,RPL36PS3,RPL37,RPL37A,RPL38,RPL38PS2,RPL39,RPL5,RPL5PS1,RPL6,RPL7,RPL9PS6,RPLP0,RPLP1,RPLP2,RPLP2PS1,RPS10,RPS10PS1,RPS12,RPS13PS1,RPS14,RPS15,RPS15A,RPS16,RPS17L,RPS18,RPS19,RPS19PS11,RPS19PS3,RPS19PS7,RPS2,RPS20,RPS21,RPS23,RPS24,RPS24PS2,RPS24PS3,RPS25,RPS26,RPS27A,RPS28,RPS3,RPS3A,RPS4X,RPS5,RPS9,RPSA,RPSAP58,RPSAPS10,RPSAPS4,RRBP1,RRM2,RRTM2,RSPH1,RTKN,RUNX1,RUNX3,RYR3,S100,S100A,S100A1,S100A10,S100A11,S100A16,S100A4,S100A6,S100A9,S100B,S100SS,S104B,S1PR1,S1PR3,S1PR5,SALL1,SAMD3,SAMD4,SAMD9,SAMHD1,SARAF,SATB1,SATB2,SBNO2,SCA1,SCAMP3,SCARB2,SCD,SCD163,SCD2,SCG2,SCG3,SCGN,SCIN,SCN1A,SCN3A,SCN9A,SCPEP1,SCRG1,SCTR,SDC4,SDF2L1,SDF4,SDK2,SEC14L5,SECTM1,SELENBP1,SELK,SELL,SEMA3C,SEMA3E,SEMA5A,SEMA6A,SEMA6D,SERINC5,SERPINA1,SERPINA3,SERPINA3N,SERPINE2,SERPINF1,SERPING1,SF1,SF3A1,SFMBT2,SGCD,SGK1,SGK2,SH3BGRL,SH3PXD2B,SHANK3,SHC4,SHD,SHISA4,SHISA5,SHISA6,SHISA8,SHISA9,SHROOM3,SHSY5Y,SIGLEC1,SIGLEC6,SIGLEC8,SIGLECH,SIK3,SIRT2,SKAP,SKAP2,SLAMF9,SLC10A4,SLC11A1,SLC12A5,SLC12A7,SLC14A1,SLC15A2,SLC16A1,SLC17A,SLC17A6,SLC17A7,SLC18A3,SLC1A1,SLC1A2,SLC1A3,SLC20A1,SLC22A17,SLC25A18,SLC2A13,SLC2A5,SLC30A10,SLC32A1,SLC35F1,SLC38A1,SLC38A7,SLC39A11,SLC39A12,SLC39A14,SLC3A2,SLC4A4,SLC5A7,SLC6A11,SLC7A11,SLIT2,SLITRK1,SLITRK6,SMA,SMAD7,SMAGP,SMIM3,SMOOTHMUSCLE2ACTIN,SMPDL3A,SMYD1,SNAI1,SNAI2,SNAP25,SNAP91,SNRPN,SNTB1,SNTG2,SNX1,SNX22,SORBS1,SORBS2,SORCS2,SORL1,SOX1,SOX10,SOX11,SOX2,SOX3,SOX4,SOX5,SOX6,SOX8,SOX9,SPARC,SPARCL1,SPATA7,SPCS2,SPI1,SPIB,SPINK2,SPINT2,SPOCK1,SPOCK3,SPON1,SPP1,SPRED2,SPRY1,SREBF1,SRGAP28,SRPX,SSEA4,SSR4,SST,SSTR1,SSTR2,ST14,ST6GAL2,STAB1,STAT1,STAT3,STAT4,STAT5A,STAT5B,STAT6,STEAP3,STK32A,STK32B,STMN1,STMN2,STMN3,STMN4,STOX1,STRA6,SULF1,SULF2,SUSD3,SWAP70,SYN1,SYNAPSIN1,SYNAPTOPHYSIN,SYNE1,SYNE3,SYNGR1,SYNGR2,SYNPO2,SYNPR,SYP,SYT1,SYT10,SYT11,SYT2,SYT4,SYT6,TAC1,TAC3,TACR1,TAGLN,TAGLN3,TAL1,TBC1D10A,TBC1D5,TBR1,TBR2,TBX19,TBX21,TCAP,TCF12,TCF4,TCF7,TCF7L2,TCRV,TDO2,TEF,TEM1,TERT,TESC,TF,TFAP2,TFAP2A,TGF,TGFB1,TGFBI,TGFI,TGOLN1,TH,THBD,THBS1,THBS4,THEMIS,THU1,THY1,TIE2,TIGIT,TIM1,TIM3,TIMP1,TIMP2,TIMP3,TLE4,TLL1,TLN2,TLR2,TM4SF1,TM7SF2,TM9SF1,TM9SF3,TMBIM6,TMCO1,TMED10,TMED3,TMEFF2,TMEM100,TMEM119,TMEM120,TMEM123,TMEM130,TMEM151B,TMEM163,TMEM176A,TMEM176B,TMEM178B,TMEM19,TMEM255A,TMEM47,TMEM59,TMEM90A,TMEM97,TMIGD3,TMSB10,TMSB4X,TNC,TNF,TNFAIP8L3,TNFRSF19,TNFRSF21,TNFRSF9,TNFSF13,TNFSF15,TNFSF8,TNK2,TNNI2,TNNT2,TNR,TNS1,TOB2,TOP2A,TOX,TOX2,TP1A2,TP53,TPCN1,TPD52,TPI1,TPRGL,TPT1,TRAC,TRAF4,TRBC1,TRBC2,TRDC,TREM1,TREM2,TRHDE,TRIL,TRIM25,TRIM66,TROY,TRPC3,TRPC5,TRPC7,TRPM4,TRPV6,TSC22D4,TSHZ2,TSHZ3,TSP,TSPAN12,TSPAN14,TSPAN18,TSPAN3,TSPAN4,TSPO,TST,TTC8,TTF1,TTPA,TTR,TTYH1,TTYH3,TUBA1A,TUBB,TUBB2A,TUBB2B,TUBB3,TUBB4A,TUBULINIII,TUC4,TUJ,TXK,TYR,TYROBP,UBC,UBE2C,UBE2E2,UBE3A,UCHL1,UGT8,ULK3,UNC5B,UPK3A,UQCRB,UQCRC2,UQCRQ,USP12,USP24,USP53,UTS2,VACHT,VAT1,VAV2,VAV3,VCAM,VCAM1,VCAN,VDAC3,VECADHERIN,VENTX,VGAT,VGLUT1,VGLUT2,VIM,VIMENTIN,VIMP,VIP,VIPR2,VMRS,VONWILLEBRANDFACTOR,VOPP1,VPS13C,VSIG4,VTN,VWA1,VWF,WSCD1,XBP1,YAP1,YKL40,YWHAG,YWHAH,ZBTB16,ZBTB8B,ZCCHC24,ZDHHC9,ZEB2,ZFAND5,ZFHX2,ZFHX3,ZFHX4,ZFP36,ZFP36L1,ZFP36L2,ZFP618,ZFP706,ZFP90,ZIC1,ZIC2,ZIC3,ZIC4,ZNF117,ZNF385D,ZNF488,ZNF503,ZNF532,ZNF662,ZNF683,ZNF696,ZNF703,ZNF804B,ZNF843
+BREAST,N
+41BB,ABCG2,ACTA2,ACTA3,ADH1B,AFF6,AGR2,AIRE,AKR1A1,ALCAM,ALDH,ALDH1,ALDH1A1,ALDH1A2,ALDH1A3,ALDH1B1,ALDH2,ALDH6A1,ALKALINEPHOSPHATASE,ALOX5AP,ALPI,ANKRD30A,APOD,APOE,AR,ARG1,ARHGAP10,AVIL,B3GNT2,BANK1,BATF,BCAM,BCL6,BMI1,BRCA1,BRCA2,BST2,C1GALT1C1,C5AR1,CA153,CALPONIN,CAMK1D,CAV1,CAVEOLIN1,CCDC50,CCL2,CCL21A,CCL3,CCL5,CCR5,CCR7,CCR8,CD10,CD104,CD105,CD117,CD11B,CD11C,CD127,CD13,CD133,CD14,CD140B,CD141,CD146,CD147,CD15,CD16,CD163,CD166,CD19,CD1C,CD1D,CD2,CD20,CD200,CD206,CD209,CD235A,CD24,CD248,CD25,CD27,CD276,CD28,CD29,CD3,CD31,CD33,CD34,CD36,CD38,CD3D,CD3E,CD3G,CD4,CD40,CD40LG,CD44,CD45,CD45RA,CD49F,CD5,CD56,CD59,CD61,CD68,CD7,CD70,CD73,CD74,CD79A,CD8,CD82,CD83,CD86,CD8A,CD90,CDH1,CDH1ECADHERIN,CDH2,CDH5,CFD,CHST15,CK,CK14,CK18,CK19,CK5,CK8,CKIT,CLDN12,CLEC14A,CLEC4C,CLEC5A,CLU,CMA1,COL1A1,COL1A2,COL3A1,COLLAGENS,CONNEXIN43,CORO1A,CPA3,CPNE1,CPSII,CRYBB2,CSC,CSF1,CSF1R,CSF3R,CTNNA1,CTSC,CTSG,CX3CR1,CXADR,CXCL10,CXCL12,CXCL13,CXCL9,CXCR4,CXCR6,CYP3A4,CYP3A5,CYP3A7,CYTOKERATIN,CYTOKERATIN14,CYTOKERATIN18,CYTOKERATIN19,CYTOKERATINS,DCLK1,DCN,DESMOPLAKINS,DLK1,DOCK9,DUSP1,ECADHERIN,ECM1,EDNRA,EGFR,EMA,EMCN,EMT,ENG,ENTPD1,EPCAM,ER,ERBB2,ESA,ESR1,ETS1,EZH2,FAK,FAM177A1,FAP,FASLGSOLUBLE,FBLN5,FBN1,FCGR3A,FELINESARCOMARELATEDTYROSINEKINASE,FEZF2,FIBRONECTIN,FIBRONECTINS,FN1,FOXA1,FOXP3,GABRP,GALECTIN1,GALECTIN7,GATA3,GCDFP15,GD2,GLI1,GNA13,GNLY,GOLM1,GPR25,GTAT3,GZMA,GZMB,GZMH,GZMK,HAVCR2,HAVR2C,HBA2,HBB,HER2,HLADPA1,HLADPB1,HLADQA2,HLADQB1,HLADR,HLADRA,HLADRB1,HLADRB5,HLAE,ICOC,ID2,IDO1,IFI27,IFI44,IFI44L,IFI6,IFIT1,IFIT3,IFITM3,IGD,IGFIRSOLUBLE,IGHA1,IGHD,IGHG1,IGHG2,IGHG4,IGHM,IGJ,IGKC,IGLC7,IGLL1,IGLL5,IGM,IL10,IL17,IL1B,IL21,IL2RA,IL3RA,IL7R,IL8,INOS,INPP5F,IR,IRF9,ISG15,ISLR2,ITGA6,ITGAM,ITGAX,ITGB1,IVL,JAG1,JAK1,JCHAIN,KDR,KIN,KIR2DL1,KIR2DL3,KIR2DL4,KIR2DS4,KIR3DL1,KIR3DL2,KIR3DL3,KIT,KLF4,KLRB1,KLRC1,KLRD1,KLRF1,KRT1,KRT10,KRT14,KRT15,KRT17,KRT18,KRT19,KRT23,KRT5,KRT7,KRT8,KRT81,KRT86,LAMP3,LAPTM5,LAYN,LEF1,LEPR,LGR4,LGR5,LGR6,LIFRSOLUBLE,LOX,LSD1,LY6A,LY6E,LYVE1,LYZ,MACRO,MAGEH1,MAR1,MARCO,MCAM,MCCS,MERTK,MET,MKI67,MLANA,MMP11,MMP2,MMP9,MRC1,MS4A1,MSN,MSR1,MUC,MUC1,MX1,MYC,MYD88,MYH11,MYL9,MYLK,NANOG,NCADHERIN,NCAM1,NCR1,NECTIN4,NESTIN,NKG7,NOTCH1,NOTCH2,NOTCH4,NR4A3,NRP1,NRP2,OAS1,OCLN,OCT34,OCT4,P63,PANCK,PBCS,PCADHERIN,PD1,PDCD1,PDGFR,PDGFRA,PDGFRB,PDL1,PDPN,PECAM1,PGR,PIP,PKARMA,PLAT,PLOD2,PN1,PODXL1,POSTN,POU5F1,PRDM1,PRF1,PROCR,PROM1,PROTEASES,PSD,PTN,PTPRB,PTPRC,RAC1,REL,RGS5,RIC8A,RSPO3,S100A12,S100A4,S100A8,S100A9,SCARA5,SDC1,SEL1L3,SELE,SELP,SEMA6A,SERPINH1,SIGLEC1,SLPI,SLUG,SMA,SMOOTHMUSCLEMYOSINHEAVYCHAIN,SNAI1,SNAI2,SNAIL,SOCS3,SORL1,SOX18,SOX2,SOX9,SPARC,SPINK5,SRC,SSR4,STAT1,STAT2,STAT5B,STIL,STOM,SULF2,SYTL2,TAGLN,TCF4,TCR,TGFB1,TGFBR2,THSD1,THY1,TIE1SOLUBLE,TIMP1,TLL1,TMP1,TMPRSS11D,TNFRSF11A,TNS2,TP63,TPSD1,TPST2,TREM2,TRPS1,TRYPTASE,TTF1,TWIST,TWIST1,UKBGS,VCAM1,VCAN,VEGF,VEGFR2KDR,VEGFR3FLT4,VIM,VIMENTIN,VWF,WIF1,XCL1,ZEB1,ZEB2,ZO1
+CLASSICAL MONOCYTE,Y
+ALOX5AP,BASP1,CD11A,CD11B,CD11C,CD123,CD14,CD15,CD16,CD33,CD45,CD61,CD66B,CD68,CD74,CD88,CD89,CD9,CD93,CDKN1A,CXCL8,CYP1B1,DR,EPSTI1,FCGR3A,FCN1,GPR183,HLADPA1,HLADPB1,HLADQA1,HLADQB1,HLADR,HLADRA,HLADRB1,IFI44L,IFI6,IFIT2,IFIT3,IFITM3,ISG15,ITGA4,LYZ,MX1,PADI4,PLBD1,QAS3,S100A12,S100A8,S100A9,VCAN,VNN2,XAF1
+ENDOMETRIUM 1,N
+ABCG2,APOD,AQP1,AXIN2,BCL6,BHLHE40,CD105,CD106,CD117,CD127,CD133,CD138,CD14,CD140B,CD144,CD146,CD15,CD16,CD166,CD2,CD25,CD29,CD3,CD31,CD34,CD3D,CD3E,CD3G,CD4,CD44,CD45,CD49D,CD54,CD66,CD68,CD73,CD79A,CD90,CDH1,CDH5,CEACAM1,CNN1,COL1A1,COL1A2,COL3A1,CTH,CXCR4,CXCR6,EPCAM,FLT4,FOXP3,FOXP31,GNLY,HLAABC,HLADR,HMGB2,ICOS,IL2R,IPO13,KIF4,KLRC1,KRT15,KRT18,KRT19,KRT5,KRT7,LGR5,LYVE1,MHCCLASSI,MKI67,MS4A4A,MS4A7,MSI1,MUSASHI1,MYCT1,MZB1,NANOG,NESTIN,NKG7,OCT4,PECAM1,PRDM1,PROX1,RSPH4A,SELL,SMOC2,SOX2,SSEA1,SSEA4,SSR4,TCL1A,TNFSRF18,TNFSRF4,TNFSRF9,TPSAB1,TPSB2,TRDC,VWF,XBP1
+EOSINOPHIL,Y
+ABHD2,ACACB,C3AR,C9ORF156,CAT,CCL11,CCL13,CCL5,CCR3,CD114,CD116,CD11B,CD11C,CD123,CD124,CD125,CD126,CD129,CD14,CD15,CD16,CD183,CD191,CD193,CD23,CD24,CD244,CD25,CD294,CD305,CD33,CD35,CD43,CD44,CD45,CD48,CD49D,CD52,CD53,CD54,CD64,CD66B,CD66E,CD68,CD69,CD81,CD88,CD9,CLC,CORO1A,CYSLTR2,ECP,EMBP,EMR1,EPO,F480,FCEPSILONRIALPHA,GALC,GALECTIN9,GPR44,HES1,HIST1H1C,HLADR,HRH4,IGSF2,IL13,IL3RALPHA,IL3RECEPTORALPHASUBUNIT,IL4,IL5,IL5R,IL5RA,IL5RALPHA,IL8,KBTBD11,KCNH2,LRP5L,LYZ,MRP14,MYO15B,RCOR3,RETN,RNASE2,RRP12,S100A8,S100A9,SIAH1,SIGLEC10,SIGLEC8,SMPD3,SORL1,SSC,SSCA,SSEA1,SYNJ1,TGIF1,THBS1,THBS4,TIPARP,TKTL1
+ESOPHAGUS,N
+AARS,AARS2,ABCA13,ABCB10,ABHD8,ABI3BP,ACKR1,ACOT9,ACPP,ACSF3,ACTA2,ADAM22,ADAM28,ADAM33,ADAMTS1,ADAMTS2,ADAMTSL1,ADAP1,ADGB,ADGRB2,ADGRD1,ADGRE5,ADGRL3,ADM,AFAP1L2,AGBL2,AGBL5,AGFG2,AGR2,AK8,AK9,AKAP14,ALDH16A1,ALDH1A1,ALDH3B1,ALMS1,ANKMY1,ANKRD18A,ANKRD54,ANKRD66,ANKUB1,AOX1,AP3M2,APBB2,APCDD1,APCDD1LAS1,APH1B,APOBEC3A,APOE,AREG,ARHGAP10,ARHGAP18,ARHGAP30,ARHGAP39,ARHGEF11,ARHGEF38,ARL13B,ARMC2,ARMC3,ARNTL2,ARRDC1AS1,ARRDC2,ASB2,ASIC1,ASPA,ASTN2,ATAT1,ATP10B,ATP1A1AS1,ATP2C2,ATP6V0A4,ATP6V1C2,ATP9B,ATXN1L,ATXN2,B9D1,BAHD1,BAIAP3,BASP1,BBS1,BBS5,BCAS3,BHLHB9,BLNK,BMP1,BPIFB1,BTC,C10ORF107,C11ORF16,C11ORF70,C11ORF88,C12ORF76,C14ORF37,C16ORF46,C17ORF100,C19ORF48,C1ORF168,C1ORF194,C1ORF87,C1QB,C20ORF85,C20ORF96,C2CD2L,C2ORF40,C2ORF70,C2ORF81,C3ORF67,C4ORF22,C4ORF47,C5AR1,C5ORF42,C5ORF49,C6ORF118,C7ORF57,C8ORF34,C9ORF135,C9ORF24,CA2,CACNB1,CACNG6,CADM4,CALHM2,CAPS2,CAPSL,CASC1,CCDC103,CCDC114,CCDC13,CCDC148,CCDC15,CCDC157,CCDC170,CCDC173,CCDC181,CCDC24,CCDC33,CCDC39,CCDC60,CCDC65,CCDC74A,CCDC74B,CCDC78,CCDC81,CCDC88C,CCDC94,CCL21,CCR7,CD104,CD11B,CD11C,CD14,CD154,CD16,CD163,CD164L2,CD169,CD19,CD1A,CD1C,CD2,CD207,CD27,CD3,CD38,CD3D,CD3E,CD3G,CD4,CD40,CD44,CD52,CD68,CD69,CD73,CD79A,CD8,CD8A,CD90,CDC23,CDH1,CDH11,CDH2,CDH5,CDHR3,CDHR4,CDIP1,CDK5RAP1,CDKN2A,CDS1,CEACAM1,CEBPA,CEP162,CEP97,CERS3,CES1,CES4A,CFAP126,CFAP221,CFAP43,CFAP44,CFAP46,CFAP47,CFAP52,CFAP53,CFAP54,CFAP57,CFAP61,CFAP69,CFP,CHRDL1,CHST11,CHST9,CILP,CISD3,CLAUDIN,CLC,CLCA2,CLDN16,CLEC10A,CLEC14A,CLEC4C,CLOCK,CMTM3,COL16A1,COL17A1,COL1A1,COL1A2,COL3A1,COL4A5,COL5A3,COL6A1,COLEC12,CP,CPA3,CPEB1,CPZ,CRKL,CRMP1,CROCC,CRTC1,CSAD,CSF1R,CSMD1,CSPP1,CST6,CTGF,CTLA4,CTSK,CTSV,CXXC4,CYFIP2,CYP1B1,CYP2B7P,CYTIP,DAGLA,DALRD3,DCAKD,DCDC1,DCDC2,DCDC5,DCHS1,DCLK1,DCN,DCP1B,DDX31,DGCR6,DGUOKAS1,DHRS9,DIAPH3,DLC1,DLEC1,DLK1,DMPK,DNAAF1,DNAH1,DNAH10,DNAH11,DNAH12,DNAH5,DNAH6,DNAH7,DNAH9,DNAI1,DNAI2,DNAJC4,DNAL1,DOCK11,DPCD,DPY19L1,DPY19L2,DPY19L2P2,DRC1,DTHD1,DTNA,DUOX2,DUOXA2,DUSP10,DUSP5,DYDC2,DYNC2H1,DYX1C1,DZIP1L,DZIP3,ECADHERIN,ECT2L,EFCAB1,EFCAB10,EFHB,EFHC1,EFHC2,EGR2,ELOVL6,ENDOG,ENG,ENPP4,ENPP5,EP300AS1,EPCAM,EPS8L1,ERBB4,ERICH2,ERMARD,FABP3,FABP6,FAM109A,FAM126A,FAM174A,FAM179A,FAM183A,FAM212A,FAM227A,FAM35A,FAM45A,FAM69B,FAM81B,FAM83C,FAM92B,FBLN1,FBN1,FBXO15,FBXO31,FBXO36,FBXO4,FBXO44,FCER1A,FCER2,FCN1,FECH,FGF14,FGFR1,FGFR1OP,FHAD1,FKBP10,FKBP7,FLJ32255,FLRT2,FN1,FNDC5,FOXF1,FOXP3,FRMPD2,FRRS1,FSIP2,FURIN,FZD10AS1,GABBR1,GALC,GALNS,GALT,GAN,GARNL3,GAS1,GAS2L1,GAS2L2,GAS7,GAS8,GATA3,GBP4,GCA,GDPD3,GFRA1,GHR,GIT2,GJA4,GK,GLB1L,GLIS3AS1,GLT8D2,GNLY,GOLGA2P5,GPC1,GPC5AS1,GPR160,GPR37,GPRC5A,GPT2,GRK5,GYG2P1,GZMB,HAUS2,HDAC11,HDAC9,HHAT,HHLA2,HIC1,HLADQA1,HMCN2,HOPX,HOXC10,HPGDS,HRASLS2,HSPA1L,HTRA2,HYDIN,IDO1,IFFO1,IFNG,IFT46,IFT57,IFT80,IFT81,IFT88,IGF2BP2AS1,IGHA1,IGHD,IGHG1,IGHG4,IGKC,IKBIP,IKZF4,IL10,IL10RA,IL17A,IL17RB,IL1RL1,IL20RA,IL3RA,IL5RA,INOS,INPP5B,IPW,IQCA1,IQCD,IQCH,IQUB,IRGQ,ISG15,ISLR,ISYNA1,ITGA6,ITGAL,ITGBL1,JAM2,JAM3,JCHAIN,JUP,KATNB1,KCNB1,KCNE1,KCNMB2,KCNRG,KCTD15,KDELR3,KIAA0754,KIAA1257,KIAA1456,KIAA2012,KIF17,KIF19,KIF27,KIF3A,KIF6,KIF9,KIT,KLF3AS1,KLHDC9,KLHL21,KLHL31,KLHL32,KLRD1,KNDC1,KRT13,KRT14,KRT20,KRT23,KRT4,KRT5,KRT7,KRT78,KRT8,KSR1,KYNU,L3MBTL3,LAMA2,LAMP3,LAPTM5,LCAT,LDLRAD1,LEF1,LETMD1,LGR4,LGR5,LILRA4,LINC01559,LINC01571,LIPH,LKAAEAR1,LMLN,LOC171391,LOC388780,LPAR4,LPXN,LRIG1,LRRC10B,LRRC23,LRRC27,LRRC46,LRRC61,LRRC71,LRRC74B,LRRIQ1,LRWD1,LTBP1,LTV1,LUM,LYRM5,LYZ,LZTFL1,MAATS1,MACC1,MAF,MANSC1,MAP9,MAPK15,MAPRE3,MAR10,MARCO,MAT1A,MB,MBD6,MBNL3,MCAM,MCPH1,MCUR1,MDH1B,MDM1,MED20,MED29,METTL17,METTL25,MFAP4,MFAP5,MFSD3,MGC72080,MID2,MIPEPP3,MKI67,MLF1,MLLT1,MLPH,MMP2,MN1,MNX1,MOB1B,MORN2,MORN3,MPDZ,MRLN,MS4A1,MS4A8,MUC2,MUC21,MUC3A,MUC4,MUC5AC,MUC5B,MZB1,NBEA,NCADHERIN,NCAM1,NCBP1,NCCRP1,NCR1,NDRG4,NEK10,NEK5,NELL2,NHLRC4,NOD1,NOM1,NOMO1,NOVA1,NPHP1,NPIPA1,NRP1,NRP2,NTHL1,NTN4,NUP160,NUP35,NWD1,NXF3,OAS1,ODF3B,OGFOD3,OLFM4,OR7E37P,OSGEP,OTUD1,OXTR,P3H3,P4HTM,P63,P75,PACRG,PAMR1,PANCYTOKERATIN,PBK,PCDH18,PCDH9,PCOLCE,PCSK6,PDE9A,PDGFR,PDGFRB,PDGFRL,PDL1,PDP1,PDPN,PDZK1IP1,PECAM1,PECR,PEX11A,PFN2,PHTF1,PHTF2,PI15,PI16,PIANP,PIGK,PIGR,PIH1D2,PIP4K2A,PKDCC,PLCB2,PLCG2,PLEKHG5,PLEKHS1,PLN,PLXNC1,PNO1,POLL,POLQ,POSTN,PPL,PPP1R36,PPP1R42,PPP1R9B,PRF1,PRICKLE2,PRICKLE2AS3,PRKG2,PRR29,PRSS22,PRSS27,PRSS8,PRUNE2,PSENEN,PSMG3AS1,PTBP2,PTGDR2,PTOV1AS2,PTPRC,PTPRT,PTRH1,PWARSN,PWWP2A,PZP,QTRT1,RABL2A,RABL2B,RAET1E,RALYAS1,RAMP2,RARB,RARRES2,RASA3,RBM38,RBSN,RGAG4,RGS22,RGS5,RHPN1,RIBC1,RIBC2,RIC1,RIIAD1,RITA1,RNASE4,RNF103CHMP3,RNF166,RNLS,ROBO3,ROPN1L,RPGRIP1L,RPL39L,RRAD,RSPH1,RSPH4A,RSPH9,RUVBL1,RWDD2A,S100A8,SAMD15,SAXO2,SCARA5,SCGB2A1,SCPEP1,SDF2L1,SDHAF4,SECTM1,SEH1L,SERPINE1,SFN,SGMS2,SH3KBP1,SH3PXD2B,SH3TC2,SHANK2,SHQ1,SIAH3,SLC12A7,SLC13A3,SLC15A1,SLC16A2,SLC22A16,SLC22A18,SLC25A29,SLC27A2,SLC2A3,SLC35A1,SLC37A4,SLC41A1,SLC44A4,SLC45A1,SLC6A14,SLC6A9,SLC7A2,SLC9A4,SLIT3,SMPD2,SMPD3,SNHG15,SNORA7B,SNTN,SNX10,SNX13,SNX21,SNX29,SNX7,SOC2,SOCS2,SOX2,SOX9,SPA17,SPAG1,SPAG17,SPAG6,SPAG8,SPATA17,SPATA18,SPATA4,SPATA6L,SPATC1L,SPATS1,SPEF1,SPEF2,SPNS2,SPRR2A,SPRR3,SSBP4,SSUH2,ST3GAL4,ST6GALNAC2,STARD9,STAT5B,STEAP4,STK33,STMND1,STOML3,STX2,STX7,SVEP1,SVOPL,SYBU,SYNE1,SYNE3,SYT1,SYT10,SYTL3,TADA2B,TAGLN,TARSL2,TBC1D2,TBC1D31,TBC1D8B,TCF7,TCL1A,TCTEX1D1,TCTN1,TEKT2,TEKT3,TEKT4,TENM4,TET1,TFF1,TFF2,TFF3,TGFBR3,TGM2,TGM3,THBS2,TIMM10B,TMC5,TMEM132A,TMEM133,TMEM144,TMEM151B,TMEM183A,TMEM190,TMEM231,TMEM232,TMEM234,TMEM45B,TMEM67,TMPRSS11B,TMPRSS11D,TMPRSS11E,TMSB15B,TNFAIP6,TNFRSF13B,TNFRSF19,TOR1B,TP63,TP73,TPGS1,TPSAB1,TPSB2,TRAF1,TRBC2,TRERF1,TRIM37,TRIM6,TRIM65,TRIO,TRMT1,TROAP,TRPC1,TRYPTASE,TSNAXIP1,TSPAN15,TSPAN19,TSPAN4,TTC16,TTC21A,TTC23L,TTC25,TTC26,TTC30A,TTK,TTLL6,TTLL7,TTLL9,TUBA4B,TXNDC11,U2AF2,UBE3D,UBXN10,UBXN11,USP2,USP24,USP32P2,USP49,USP51,USP6NL,VASN,VCAM1,VCAN,VCPKMT,VIL1,VIM,VIMENTIN,VSTM4,VWA3A,VWA3B,VWF,WARS,WARS2,WBSCR27,WDR19,WDR38,WDR54,WDR5B,WDR63,WDR78,WDR90,WFDC3,WNT16,WNT2B,XDH,XPNPEP2,ZBBX,ZBED4,ZBED5AS1,ZBTB17,ZDHHC8,ZEB1,ZFAND2A,ZFHX4,ZKSCAN3,ZMYND10,ZMYND12,ZNF142,ZNF273,ZNF322,ZNF354A,ZNF436,ZNF440,ZNF462,ZNF503AS1,ZNF512,ZNF546,ZNF587,ZNF628,ZNF674,ZNF688,ZNF700,ZNF710,ZNF761,ZNF773,ZNF799,ZSCAN22,ZZEF1
+GALLBLADDER,N
+APOBEC3A,CD133,CD14,CD163,CD206,CD34,CD79A,COL1A1,CTLA4,EPCAM,FOXP3,IL10,KIT,LAG3,LIN28,MZB1,NANOG,NESTIN,OCT4,PDCD1,PDGFRB,PECAM1,S100A7,SOX2,TP63,TPSAB1
+GDT-CELL,Y
+C1ORF61,CCL5,CCR5,CD160,CD1A,CD2,CD28,CD3,CD3D,CD3E,CD4,CD5,CD56,CD69,CD7,CD8,CD8A,CD8AA,CD8B,CXCR6,FEZ1,FFAR4,FXYD2,GNLY,GZMH,IL17A,KLRB1,NCAM1,NCR1,NKG7,SERTM1,SLC4A10,STMN2,STYK1,TCR,TCRD,TCRG,TCRGD,TCRGV6,TRD,TRDC,TRDV2,TRDV4,TRGC,TRGC1,TRGC2,TRGV9,V,V1,V2,V9
+HEART MUSCLE,N
+ACTC1,APOE,CD163,CD20,CD209A,CD3,CD68,CLEC9A,F13A1,IL17A,IRF8,IRX4,ISL1,MGL2,MYH7,MYL2,MYL7,NPTX1,PDGFRA,PF4,SCN5A,SIRPA,TCRGV6,TNNT2,TRDV4,XCR1
+INTERMEDIATE MONOCYTE,Y
+CD11B,CD11C,CD123,CD14,CD15,CD16,CD33,CD66B,DR,HLADR,S100A8
+INTESTINE,N
+AADAC,ABCA1,ABCA4,ABCA7,ABCC2,ABCG1,ABCG2,ABI3,ABRACL,ACAD10,ACBD4,ACE,ACE2,ACHE,ACKR1,ACP5,ACSM1,ACSS2,ACTA2,ACTRT3,ACVR1C,ACVRL1,ADAM28,ADAMDEC1,ADAMTS1,ADAMTS16,ADAMTS2,ADAMTS4,ADAMTSL3,ADAP2,ADCY7,ADCY9,ADCYAP1,ADGRF5,ADGRG5,ADGRG6,ADH1C,ADIRF,AFG1L,AFP,AGT,AICDA,AIF1,AIRE,AKR1D1,ALCAM,ALDEFLUOR,ALDH1,ALDH1A1,ALDOB,ALK3,ALKAL2,ALPI,AMER3,ANKRD20A9P,ANKRD28,ANLN,ANO7,ANPEP,ANXA4,AOAH,AOC1,AOX1,APCDD1,APLNR,APOA1,APOA4,APOB,APOBEC3A,APOC3,APOE,APOLD1,APOLIPOPROTEINS,AQP1,AQP8,ARAP3,ARG1,ARG2,ARHGAP29,ARHGAP4,ARHGDIB,ARHGEF6,ARL14,ARL4C,ARMC9,ARRB2,ARSE,ARSI,ASAH1,ASB8,ASCL2,ASPM,ASPN,ATAD5,ATF5,ATG5,ATOH1,ATP10B,ATP11A,ATP1B3,ATP2A1,ATP2C2,ATP6V1B2,ATP6V1H,AURKB,AXIN2,AZIN2,B3GNT6,BANK1,BASP1,BATF,BATF3,BCAM,BCAN,BCAS1,BCL11A,BCL2A1,BCL6,BCYRN1,BDCA2,BDCA4,BEND4,BEST4,BETA2MICROGLOBULINB2M,BGN,BHLHE40,BIRC3,BIRC5,BMI1,BMP2,BMP3,BMP4,BMPER,BOC,BOP1,BREAS1,BRG1,BTK,C10ORF126,C11ORF86,C12ORF71,C14ORF37,C16ORF87,C16ORF89,C17ORF78,C1ORF174,C1QA,C1QB,C1QC,C1QS,C1QTNF3,C1QTNF6,C1R,C1S,C2,C20ORF197,C20ORF78,C21ORF62,C3,C5AR1,C6ORF136,C7,C7ORF66,C8G,C8ORF44,CA1,CA12,CA125,CA153,CA199,CA2,CA3,CA4,CA7,CACNB4,CALB2,CALCRL,CALD1,CALPROTECTIN,CAMKV,CAPN8,CAR1,CASC2,CASP1,CASP10,CASZ1,CC2D2A,CCBE1,CCDC134,CCDC146,CCDC160,CCDC50,CCDC80,CCDC88B,CCL11,CCL13,CCL2,CCL20,CCL21,CCL25,CCL3,CCL4,CCL5,CCL7,CCNA2,CCNB1,CCNB2,CCR1,CCR2,CCR4,CCR5,CCR6,CCR7,CCT6A,CD10,CD103,CD113,CD11B,CD11C,CD122,CD123,CD127,CD133,CD133A,CD134,CD14,CD141,CD144,CD147,CD15,CD16,CD160,CD161,CD163,CD163L1,CD166,CD169,CD180,CD19,CD197,CD1A,CD1B,CD1C,CD1D,CD20,CD200,CD200R1,CD205,CD206,CD207,CD209,CD22,CD24,CD244,CD248,CD25,CD26,CD27,CD273,CD28,CD29,CD298,CD3,CD300A,CD300E,CD304,CD31,CD33,CD335,CD336,CD34,CD36,CD37,CD38,CD39,CD3D,CD3E,CD3G,CD4,CD40,CD44,CD44V6,CD45,CD45RA,CD45RO,CD48,CD49A,CD49B,CD49D,CD49F,CD53,CD54,CD56,CD57,CD58,CD62L,CD63,CD64,CD66C,CD68,CD69,CD71,CD73,CD74,CD79A,CD8,CD80,CD83,CD84,CD86,CD88,CD8A,CD8B,CD9,CD90,CD93,CD94,CDC20,CDC25C,CDCA7,CDH1,CDH2,CDH3,CDH5,CDH9,CDHR5,CDK1,CDK5,CDK6,CDKN3,CDX2,CEA,CEACAM1,CEACAM5,CEACAM6,CEACAM7,CEBPB,CEBPD,CECR1,CELP,CENPF,CENPM,CENPW,CERCAM,CERS6,CFB,CFHR4,CFI,CFP,CFTR,CGA,CH17340M243,CHCHD10,CHD5,CHD7,CHGA,CHGB,CHI3L1,CHI3L2,CHKB,CHM,CHMP1B2P,CHMP4C,CHP2,CHROMOGRANIN,CHST1,CHST13,CHST5,CK20,CKB,CKIT,CLAUDIN1,CLCA1,CLDN11,CLDN15,CLDN18,CLDN2,CLDN23,CLDN4,CLDN5,CLDN8,CLEC10A,CLEC11A,CLEC12A,CLEC14A,CLEC2B,CLEC3B,CLEC4G,CLEC7A,CLEC9A,CLPS,CMKLR1,CNEP1R1,CNKSR1,COL1,COL14A1,COL16A1,COL17A1,COL1A1,COL1A2,COL28A1,COL3A1,COL5A1,COL5A2,COL6A5,COL6A6,COL8A1,COL9A3,COLEC12,COMMD1,CORO7,COTL1,CPA1,CPA3,CPA6,CPE,CPVL,CPXM1,CPZ,CR1,CRABP1,CREG1,CRTH2,CSF1,CSF1R,CSF2,CSF2RB,CSF3R,CSN2,CST3,CST7,CTGF,CTHRC1,CTLA4,CTSA,CTSC,CTSD,CTSL,CTSS,CTSZ,CUEDC2,CX3CR1,CXCL10,CXCL13,CXCL14,CXCL16,CXCL2,CXCL3,CXCL8,CXCL9,CXCR3,CXCR4,CXCR5,CXCR6,CXORF36,CXORF40A,CYBB,CYBRD1,CYGB,CYP2J2,CYP2W1,CYP3A5,CYTH4,CYTOKERATIN,CYTOKERATIN20,CYYR1,DAB1,DAB2,DAPK2,DARC,DCAMKL1,DCLK1,DCN,DDC,DEFA5,DEFA6,DERL3,DESMIN,DGAT1,DGKG,DHRS9,DHX9,DLGAP5,DLK1,DLL1,DLL3,DLL4,DMBT1,DNAJA4,DNAJC14,DNASE1L3,DOCK2,DOK2,DOK7,DPEP1,DPP4,DPT,DRG2,DUS3L,DUSP1,DUSP2,DUSP6,EBF1,EBF2,EBF3,EBI3,ECADHERIN,ECM1,ECSCR,EDEM1,EDNRB,EFNA2,EFNA3,EGFL7,EIF4A3,ELANE,ELAVL4,EMB,EMCN,ENG,ENPEP,ENPP4,ENPP7,ENTPD2,ENTPD8,EOMES,EPCAM,EPHA10,EPHB2,EPHX2,EPS8L3,EPYC,ERBB3,ERG,ERN2,ESAM,ESR1,ETNK2,ETV1,EVC2,EVI2B,EVPL,EYA2,EZH1,F13A1,F2R,F2RL1,F480,FABP1,FABP2,FABP4,FABP5,FABP6,FABP7,FADS6,FAH,FAM110A,FAM110C,FAM126A,FAM162B,FAM168A,FAM175B,FAM193B,FAM26F,FAM3B,FAM49A,FAM64A,FAM65A,FAN1,FAP,FBLN1,FBLN2,FBP1,FBXL7,FBXO2,FCER1A,FCER1G,FCER2,FCGBP,FCGR1A,FCGR2A,FCGR3A,FCN1,FCR1,FER1L6,FERMT3,FES,FFAR4,FGB,FGD2,FGFBP2,FGG,FGL2,FKBP1A,FLI1,FLJ32255,FLJ46066,FLRT2,FLT1,FMNL1,FNDC1,FOLR2,FOS,FOXA3,FOXC1,FOXD2,FOXD2AS1,FOXP3,FOXQ1,FPR1,FRAS1,FUK,FUT6,FYB,FZD1,FZD4,G0S2,GABRB2,GAD2,GALECTIN9,GALNT3,GALNT5,GARP,GATA6,GATA6AS1,GATM,GBP1,GBP1P1,GBP5,GCHFR,GCNT1,GDF10,GDF15,GFRA2,GFRA3,GGTA1P,GHRL,GIMAP4,GIMAP6,GIMAP7,GINS2,GITR,GJA5,GJB1,GJB2,GJC1,GLA,GLI1,GLIS3,GLRX,GLUL,GM2A,GMFG,GNAO1,GNG11,GNL3,GNLY,GNPDA1,GOLT1A,GP2,GPA33,GPANK1,GPAT2,GPC3,GPC6,GPR132,GPR137B,GPR15,GPR34,GPR49,GPR65,GPRIN2,GPSM3,GPX2,GPX3,GPX7,GR1,GREM1,GREM2,GRIA4,GRPEL2,GSN,GSS,GSTA1,GSTA2,GSTCD,GSTM5,GUCA2A,GUCA2B,GZMA,GZMB,GZMH,GZMK,H1F0,H1FXAS1,HAND1,HAPLN3,HAVCR2,HCAR2,HCAR3,HCK,HCLS1,HCN1,HCST,HCT116,HDDC3,HEBP1,HEG1,HELIOS,HEPACAM2,HES1,HEY1,HHLA2,HIP1,HIST1H4C,HLAA,HLAB,HLAC,HLADMA,HLADMB,HLADOB,HLADP,HLADPA1,HLADPB1,HLADQ,HLADQA1,HLADQB1,HLADR,HLADRA,HLADRB1,HLAF,HMCN1,HMGA2,HMGB2,HMGB3,HMGCS2,HMOX1,HNF1A,HOPX,HOXA5,HOXC11,HPGD,HPGDS,HRAT56,HSD17B2,HSPA12B,HSPA6,HTATIP2,HTR1D,HTR2B,HTRA1,HYAL2,IAE,IBA1,ICA1,ICAM1,ICAM4,ICOS,ID1,ID2,IER3,IFI27,IFI30,IFI6,IFIT2,IFIT3,IFNG,IFNGR1,IGA,IGF2BP2,IGFBP3,IGFBP5,IGFBP7,IGHA1,IGM,IGSF6,IKZF1,IL10,IL11RA,IL17,IL17AGFP,IL18,IL1A,IL1B,IL1R2,IL1RN,IL2,IL21,IL22RA1,IL23A,IL2RA,IL32,IL3RA,IL4I1,IL6,IL7A,IL7R,IL8,IL9,INHBA,INPP5D,INSC,IPMK,IQGAP3,IRF7,IRF8,IRS2,ISLR,ITGAE,ITGAM,ITGAX,ITGB2,ITGB2AS1,ITGB4,ITIH4AS1,ITLN1,ITLN2,ITM2A,ITPKC,JAG2,JAM2,JCHAIN,JMY,KCNAB1AS1,KCNJ5,KCNQ2,KCNT2,KCTD16,KDR,KEL,KI67,KIAA0226L,KIAA0930,KIAA1161,KIAA1324,KIAA1524,KIF1A,KIF20B,KIF26B,KIR3DL1,KIR3DL2,KIRS,KIT,KLF5,KLHDC7B,KLK1,KLRB1,KLRC1,KLRD1,KLRF1,KLRG1,KNSTRN,KRT13,KRT14,KRT15,KRT19,KRT20,KRT4,KRT8,KYNU,L3MBTL2,LAD1,LAG3,LAMA1,LAMA2,LAMP3,LAMP5,LAPTM5,LAT2,LAYN,LCN2,LCP1,LCP2,LDB2,LDHB,LEF1,LEFTY1,LGALS1,LGALS9C,LGMN,LGR5,LHFP,LHFPL3AS2,LHX9,LILRA4,LILRB1,LILRB2,LILRB4,LILRB5,LINC00996,LINC01279,LIPA,LIPG,LMCD1,LMO2,LOC100130357,LOC100130476,LOC100288911,LOC101929549,LOC646214,LOC729732,LOX,LPAR1,LPAR5,LPAR6,LPCAT1,LRG1,LRG5,LRRC17,LRRC2,LRRC32,LRRC57,LRRC8C,LSAMPAS1,LSP1,LST1,LUM,LXN,LY6C,LY6G6D,LY86,LYN,LYPD3,LYPD8,LYVE1,LYZ,MADCAM1,MAF,MAFB,MAGEF1,MAGEH1,MALL,MAMDC4,MANBA,MAP7,MAPK10,MAR1,MATN1AS1,MATN2,MBP,MBTPS1,MCF2L2,MCM3APAS1,MCM5,MCOLN1,MDK,MECOM,MEF2B,MEI4,MEIS3,MEOX1,MEOX2,MEP1A,MERTK,METAP1D,METRNL,METTL1,METTL7B,MFAP4,MFAP5,MFSD1,MFSD11,MFSD2A,MGP,MGST1,MHCCLASSII,MHCII,MKI67,MLPH,MLXIPL,MMP11,MMP2,MMP7,MMP9,MMRN1,MMRN2,MND1,MOGAT2,MPEG1,MPO,MRC1,MRC2,MS4A1,MS4A4A,MS4A6A,MS4A7,MS4A8,MSANTD2,MSC,MSI1,MSLN,MST1,MT1M,MTHFD2,MUC13,MUC2,MUC20,MUC4,MUC5B,MUSASHI1,MX1,MXD3,MYC,MYCT1,MYH11,MYO1A,MYO1F,MYOM3,MZB1,NAGS,NAIP,NAMPT,NANOG,NANOS1,NBEAL1,NCADHERIN,NCAM1,NCAPD3,NCF1,NCF1B,NCF2,NCF4,NCKAP1L,NCOA7,NDC80,NDST2,NECAP1,NEURL1,NEUROD1,NEUROD6,NEUROG3,NF,NFAM1,NFATC1,NFATC2,NFATC3,NFKBIA,NFKBIE,NFX1,NGFR,NGN3,NINJ1,NINJ2,NK11,NKG2DLS,NKG7,NKP46,NKP80,NLRP12,NLRP3,NNMT,NOS1,NOS2,NOS3,NOX1,NOXA1,NPL,NPY,NPY2R,NR0B2,NR1H4,NR1I2,NR2F1,NR4A2,NR4A3,NR5A2,NRIP2,NRN1,NRP1,NSMAF,NTF3,NTS,NUF2,NUFIP1,NUSAP1,OCIAD2,OCT34,OCT4,ODF3B,OGFRL1,OGN,OLFM3,OLFM4,OLFML1,ONECUT2,OR4N3P,OSBPL7,OSGIN1,OSM,OSR2,OTOP2,OX40,P4HA2AS1,PALMD,PAMR1,PANCK,PANKERATIN,PARP12,PART1,PAX3,PBK,PCAT19,PCDH8,PCLAF,PCNA,PCOLCE,PCSK9,PCYOX1L,PD1,PDCD1,PDE4B,PDGFR,PDGFRA,PDGFRL,PDL1,PDLIM3,PDPN,PDX1,PDZD3,PECAM1,PELI1,PENK,PEX14,PFKFB3,PGD,PHC1,PHF19,PHLDA1,PHOX2B,PI15,PIEZO2,PIGH,PIK3AP1,PJA1,PKP2,PLA2G2A,PLA2G7,PLAC8,PLAC9,PLAGL1,PLAGL2,PLAU,PLAUR,PLCB2,PLCD1,PLCG2,PLD3,PLEK,PLEK2,PLEKHA6,PLEKHG6,PLEKHH1,PLIN2,PLS1,PLSCR5,PLVAP,PLXNC1,PLXND1,PNCK,PNP,PODXL,POF1B,POMGNT2,PON2,POSTN,POU2AF1,PP7080,PPIF,PPM1G,PPP1R18,PPP1R1B,PRAF2,PRAP1,PRC1,PRCP,PRDM1,PRDM14,PRDX5,PRF1,PRICKLE1,PRKCB,PRMT9,PRND,PROCR,PROM1,PROX1,PRR15,PRR15L,PRRX1,PRSS3,PSMB9,PTAFR,PTCRA,PTGDR,PTGDS,PTGER2,PTGER4,PTGES3L,PTGS2,PTN,PTPN13,PTPRB,PTPRC,PTPRE,PTPRN2,PTTG1,PURA,PWARSN,PYY,QSER1,RAB23,RAB25,RAB9B,RAC2,RAMP1,RAMP2,RAMP3,RAP2B,RARRES1,RASA1,RASAL2AS1,RASEF,RASGEF1B,RASSF5,RBP2,RBP4,RBP7,RCN3,REG4,RELN,REP15,RERG,RFX3AS1,RGAG4,RGCC,RGMB,RGN,RGS19,RGS5,RHBDD1,RHBDF2,RHOH,RIC1,RILPL2,RIPK2,RNASE1,RNASE6,RNF128,RNF144B,RNF157,RNF186,RNPC3,ROBO4,RORA,RORC,RPL23AP82,RPS18P9,RRM2,RSAD2,RSPO3,RUNX2,RUNX3,RXRG,S100,S100A8,S100A9,S100B,S100G,S1PR1,SACS,SAMHD1,SAMSN1,SATB2,SBNO1,SCARNA2,SCGN,SCN7A,SCNN1A,SCUBE2,SEC11C,SEC14L1,SECTM1,SELL,SERPINA4,SERPINE2,SERPINF1,SERPING1,SFMBT2,SFN,SFRP1,SFRP2,SFXN1,SGCA,SGK1,SGPP1,SH2B3,SH3GL1P1,SHE,SHISA3,SI,SIGLEC1,SIGLEC11,SIRP,SIRT1,SKAP2,SLA,SLAMF6,SLAMF7,SLAMF8,SLC12A2,SLC13A1,SLC13A2,SLC15A1,SLC15A3,SLC17A5,SLC1A4,SLC23A2,SLC25A37,SLC26A2,SLC26A3,SLC27A2,SLC2A1,SLC34A3,SLC35A4,SLC35C2,SLC35D2,SLC35F6,SLC36A4,SLC37A1,SLC37A2,SLC38A1,SLC38A4,SLC39A7,SLC40A1,SLC41A2,SLC46A3,SLC4A10,SLC51B,SLC5A9,SLC6A19,SLC7A5,SLC7A7,SLC8B1,SLC9A9,SLCO2A1,SLCO2B1,SLFN11,SLPI,SMA,SMIM1,SMIM24,SMOC2,SNAIL,SNN,SNX10,SNX20,SOD2,SORL1,SOX10,SOX11,SOX17,SOX18,SOX2,SOX4,SOX6,SOX9,SP5,SPARC,SPDEF,SPI1,SPIB,SPIC,SPINK4,SPON1,SPON2,SPP1,SPPL2A,SPRY1,SPTLC3,SRGN,SRP72,SRPX,SRPX2,SSCA,SST,SSTR2,ST20,ST3GAL5,ST6GALNAC1,STAB1,STARD10,STARD13AS,STARD5,STEAP1,STK26,STMN1,STX11,STX2,STXBP5AS1,SULT1B1,SV2B,SVEP1,SYNE1,SYP,SYT16,SYT7,SYTL2,TAC1,TACC3,TAF4B,TAGLN,TAGLN2,TAL1,TANC1,TATDN1,TAU,TBC1D22AAS1,TBX21,TBXAS1,TCEANC2,TCF4,TCF7,TCRSS,TELOMERASEINHIBITORS,TESC,TF,TFAP2B,TFEC,TFF1,TFF3,TFPI,TFPI2,TGM2,THBD,THBS1,THBS2,THBS4,THY1,TIE1,TIGIT,TIM3,TIMP2,TK1,TLR1,TLR2,TLR4,TLR8,TM4SF1,TM4SF20,TMEM144,TMEM171,TMEM201,TMEM206,TMEM37,TMEM45B,TMEM59L,TMEM86B,TNC,TNF,TNFAIP2,TNFAIP3,TNFAIP6,TNFR1,TNFR2,TNFRSF11A,TNFRSF18,TNFRSF19,TNFRSF1B,TNFSF11,TNFSF13B,TNXIP,TOE1,TOMATO,TONSL,TOP2A,TOX,TOX2,TOX3,TOX4,TPH1,TPM2,TPP1,TPSAB1,TPSB2,TPST1,TPX2,TRABD2A,TRAF1,TRAIP,TRBC2,TRDC,TREH,TRGC,TRIM31,TRIM62,TRIQK,TROAP,TROY,TRPC3,TRPM5,TSC2,TSPAN1,TSPAN13,TSPAN15,TSPAN33,TSPAN6,TSPAN7,TSPAN8,TSPYL5,TTLL3,TTR,TTYH2,TUBA1B,TUBA8,TUJ1,TYMP,TYMS,TYROBP,UAP1L1,UBD,UBE2C,UBE2T,UCP2,UGT2B7,UGT3A1,UNC5B,UPAR,URB1AS1,UVRAG,VAMP4,VASN,VAV1,VCAM1,VCAN,VECADHERIN,VEGFA,VEGFB,VIM,VIMENTIN,VIP,VISTA,VPREB3,VPS26B,VPS9D1,VTN,VWA1,VWF,WAS,WASH1,WASH3P,WDFY2,WDFY4,WFDC2,WHAMMP3,WIPF1,WNT10A,WNT2B,WNT4,WNT5B,WNT6,XCR1,XPB1,XPNPEP2,YARS,ZBBX,ZBED9,ZBTB24,ZDHHC12,ZEB2,ZFP36,ZG16,ZG16B,ZMYND8,ZNF23,ZNF264,ZNF267,ZNF296,ZNF331,ZNF385B,ZNF469,ZNF503AS1,ZNF586,ZNF608,ZNF609,ZNF662,ZO1
+KIDNEY,N
+AAGAB,AAK1,AAMP,AASDHPPT,AATF,AB213215,AB22510,AB31947,ABCA1,ABCA5,ABCA7,ABCAM,ABCB1,ABCB4,ABCB7,ABCB9,ABCC4,ABCE1,ABCF1,ABCF2,ABHD10,ABHD14B,ABHD15,ABHD17A,ABHD17B,ABHD2,ABHD3,ABHD5,ABI1,ABI3,ABLIM1,ABRACL,ABT1,ABTB1,AC0024677,AC0040692,AC0047912,AC0063692,AC0094032,AC0095014,AC0262023,AC0693631,AC0799223,AC0904981,AC0921592,AC0925804,AC1046991,AC1048202,AC1131895,AC1134041,AC1163666,AC1310563,AC1379324,AC2415852,AC2451001,ACAA1,ACAA2,ACAD10,ACAD8,ACADM,ACADSB,ACADVL,ACAP1,ACAP2,ACAT1,ACAT2,ACBD3,ACBD6,ACD,ACE2,ACIN1,ACKR1,ACLY,ACO2,ACOT2,ACOT4,ACOX1,ACOX3,ACP1,ACP5,ACPP,ACSL1,ACSL3,ACSL4,ACSM1,ACSM2,ACSM2A,ACSM2B,ACSM3,ACSS1,ACTA2,ACTA4,ACTC1,ACTG1,ACTH,ACTN1,ACTN4,ACTR10,ACTR1A,ACTR1B,ACTR2,ACTR3,ACYP2,ADA,ADAM10,ADAM12,ADAM17,ADAM19,ADAM28,ADAM8,ADAR,ADCK3,ADCYAP1,ADD1,ADD3,ADGRD2,ADGRE1,ADGRE2,ADGRE3,ADGRE5,ADGRF5,ADGRG1,ADGRG3,ADGRG5,ADH1C,ADH5,ADHFE1,ADIPOR2,ADIRF,ADM,ADNP,ADORA2AAS1,ADPGK,ADRA1A,ADRB2,ADRBK1,ADRBK2,ADRM1,ADSS,ADTRP,AES,AF1312171,AFF3,AFF4,AFG3L2,AGAP2,AGFG1,AGGF1,AGK,AGMAT,AGO2,AGO3,AGPAT2,AGPAT4,AGPAT5,AGPS,AGT,AGTPBP1,AGTRAP,AHCYL1,AHI1,AHNAK,AHR,AHSA1,AHSP,AIDA,AIF1,AIFM1,AIM1,AIM2,AIMP1,AIP,AK2,AK3,AK5,AKAP12,AKAP13,AKAP17A,AKAP5,AKAP7,AKAP8,AKAP8L,AKAP9,AKIRIN1,AKIRIN2,AKNA,AKR1B1,AKR1B7,AKR1C1,AKR1C3,AKR7A2,AKT2,AKTIP,AL3565852,AL5921831,AL9287683,ALAS1,ALAS2,ALCAM,ALDH1,ALDH1A1,ALDH2,ALDH3B1,ALDOA,ALDOB,ALDOC,ALG1,ALG12,ALG13,ALG14,ALG5,ALG6,ALG8,ALKBH3,ALKBH5,ALKBH6,ALKBH7,ALOX5,ALOX5AP,ALPHASMA,ALPL,ALYREF,AMN1,AMT,AMZ2,ANAPC1,ANAPC11,ANAPC15,ANAPC16,ANAPC5,ANGEL2,ANGPT2,ANK2,ANKH,ANKHD1,ANKLE2,ANKRA2,ANKRD10,ANKRD11,ANKRD12,ANKRD13A,ANKRD13D,ANKRD17,ANKRD36,ANKRD36B,ANKRD44,ANKRD49,ANKS3,ANKZF1,ANP32A,ANP32B,ANP32E,ANPEP,ANXA1,ANXA11,ANXA2,ANXA2R,ANXA3,ANXA4,ANXA5,ANXA6,ANXA7,AOAH,AP0004761,AP0037741,AP1B1,AP1G1,AP1G2,AP1M1,AP1S2,AP1S3,AP2A1,AP2M1,AP2S1,AP3D1,AP3M1,AP3S1,AP4B1,AP5Z1,APBA2,APBA3,APBB1,APBB1IP,APEH,APELA,APEX1,APH1A,API5,APLP2,APMAP,APOA1BP,APOBEC3A,APOBEC3C,APOBEC3D,APOBEC3F,APOBEC3G,APOBEC3H,APOBR,APOE,APOL1,APOL2,APOL3,APOL6,APOM,APPL1,APRT,AQP1,AQP2,AQP3,AQP6,AQP7,AQP8,AQP9,AQR,ARAF,ARAP2,ARCN1,AREG,ARF1,ARF3,ARF4,ARF4AS1,ARF5,ARF6,ARFGAP2,ARFGAP3,ARFGEF1,ARFRP1,ARG1,ARGLU1,ARHGAP10,ARHGAP15,ARHGAP18,ARHGAP24,ARHGAP25,ARHGAP26,ARHGAP30,ARHGAP35,ARHGAP4,ARHGAP9,ARHGDIA,ARHGDIB,ARHGEF1,ARHGEF10,ARHGEF2,ARHGEF26,ARHGEF3,ARHGEF39,ARHGEF6,ARID1A,ARID2,ARID4A,ARID4B,ARID5A,ARID5B,ARIH1,ARIH2,ARIH2OS,ARL14EP,ARL16,ARL2BP,ARL3,ARL4A,ARL4C,ARL5A,ARL5B,ARL6IP1,ARL6IP4,ARL6IP5,ARMC1,ARMC5,ARMCX3,ARNTL,ARPC1B,ARPC2,ARPC3,ARPC4,ARPC5,ARPC5L,ARPP19,ARRB2,ARRDC1,ARRDC2,ARSA,ART3,ASAH1,ASAP1,ASB1,ASB13,ASB15,ASB2,ASB8,ASCC1,ASCC2,ASCC3,ASF1A,ASGR1,ASGR2,ASH1L,ASH2L,ASIC4,ASL,ASMTL,ASNA1,ASNSD1,ASUN,ASXL1,ATAC2,ATAD1,ATAD2,ATAD2B,ATAD3A,ATAD3B,ATAD3C,ATF1,ATF2,ATF4,ATF6B,ATF7IP,ATF7IP2,ATG10,ATG101,ATG12,ATG13,ATG16L2,ATG2A,ATG3,ATG4B,ATG4D,ATG5,ATG9A,ATHL1,ATIC,ATM,ATOH8,ATOX1,ATP11A,ATP11B,ATP13A3,ATP1A1,ATP1A2,ATP1A3,ATP1A4,ATP1B3,ATP1B4,ATP2A3,ATP2B1,ATP2B4,ATP4A,ATP5A1,ATP5B,ATP5C1,ATP5D,ATP5E,ATP5EP2,ATP5F1,ATP5G1,ATP5G2,ATP5G3,ATP5H,ATP5I,ATP5J,ATP5J2,ATP5L,ATP5L2,ATP5O,ATP5S,ATP5SL,ATP6AP2,ATP6V0A1,ATP6V0B,ATP6V0D1,ATP6V0D2,ATP6V0E1,ATP6V0E2,ATP6V1B1,ATP6V1B2,ATP6V1D,ATP6V1E1,ATP6V1F,ATP6V1G1,ATP6V1G3,ATP8A1,ATPIF1,ATR,ATRAID,ATRX,ATXN1,ATXN10,ATXN2L,ATXN3,ATXN7L3,ATXN7L3B,ATXN8OS,AUP1,AURKA,AURKAIP1,AUTS2,AVP,AVPR1A,AVPR2,AXIN1,AXL,AZI2,B1B2,B2M,B3GALNT2,B3GALT2,B3GALT6,B3GAT3,B3GLCT,B3GNT2,B3GNT7,B4GALT1,B4GALT4,BAALC,BABAM1,BACE2,BACH1,BACH2,BAD,BAG1,BAG2,BAG6,BAIAP2L2,BAIAP3,BAK1,BAMBI,BANF1,BANK1,BANP,BAP1,BASP1,BATF,BATF3,BAX,BAZ1A,BAZ1B,BAZ2A,BAZ2B,BBX,BCAP31,BCAS1,BCAS2,BCAS3,BCAS4,BCL11A,BCL11B,BCL2A1,BCL2L11,BCL2L12,BCL2L13,BCL3,BCL6,BCL7A,BCL7B,BCL9,BCLAF1,BDCA2,BDP1,BEND5,BEST1,BET1L,BETACATENIN,BEX1,BEX4,BFAR,BFL1,BGN,BHLHE40,BHLHE41,BICD1,BID,BIN1,BIN2,BIN3,BIRC2,BIRC3,BIRC6,BISPR,BIVM,BLK,BLM,BLNK,BLOC1S1,BLOC1S2,BLOC1S4,BLOC1S5,BLVRB,BMP2,BMP2K,BMP8B,BMS1,BMX,BNIP2,BNIP3L,BNIPL,BOD1L1,BOLA2B,BOLA3,BOP1,BORCS7,BPTF,BRAF,BRAP,BRAT1,BRCA1,BRD1,BRD2,BRD3,BRD4,BRD7,BRD8,BRD9,BRE,BRF1,BRI3,BRK1,BRMS1,BROX,BRPF3,BRSK1,BRWD1,BSG,BST1,BST2,BTBD1,BTBD10,BTF3,BTF3L4,BTG1,BTG2,BTG3,BTK,BTLA,BTN3A1,BTN3A2,BTN3A3,BTNL8,BTNL9,BUB3,BUD13,BUD31,BZRAP1AS1,BZW1,BZW2,C10ORF54,C11ORF1,C11ORF21,C11ORF24,C11ORF31,C11ORF58,C11ORF73,C11ORF80,C11ORF98,C12ORF29,C12ORF42,C12ORF43,C12ORF49,C12ORF57,C12ORF75,C14ORF1,C14ORF105,C14ORF119,C14ORF166,C14ORF2,C15ORF40,C15ORF48,C15ORF57,C15ORF65,C16ORF13,C16ORF54,C16ORF74,C16ORF87,C16ORF91,C17ORF49,C17ORF58,C17ORF62,C17ORF67,C17ORF89,C18ORF21,C18ORF25,C19ORF12,C19ORF38,C19ORF43,C19ORF48,C19ORF53,C19ORF60,C19ORF66,C19ORF68,C19ORF70,C1D,C1GALT1,C1ORF109,C1ORF123,C1ORF131,C1ORF132,C1ORF162,C1ORF174,C1ORF186,C1ORF21,C1ORF210,C1ORF228,C1ORF43,C1ORF52,C1ORF56,C1Q,C1QA,C1QB,C1QBP,C1QC,C20ORF144,C20ORF196,C20ORF24,C21ORF2,C21ORF33,C21ORF59,C21ORF91,C22ORF39,C2ORF47,C2ORF49,C2ORF88,C3AR1,C3ORF17,C3ORF38,C4ORF3,C4ORF33,C4ORF48,C5AR1,C5ORF17,C5ORF22,C5ORF42,C5ORF45,C5ORF56,C5ORF63,C6ORF226,C6ORF47,C6ORF48,C6ORF62,C6ORF89,C7ORF73,C8ORF59,C8ORF76,C9ORF114,C9ORF142,C9ORF16,C9ORF69,C9ORF72,C9ORF78,C9ORF85,CA1,CA2,CA5B,CA9,CAAP1,CABIN1,CACNA2D3,CACNA2D4,CACNB4,CACYBP,CADPS,CALB1,CALB2,CALCA,CALCOCO1,CALCOCO2,CALD1,CALM1,CALM2,CALM3,CALPASTATIN,CALR,CAMK1D,CAMK2A,CAMK4,CAMKMT,CAMLG,CAMTA1,CAND1,CANX,CAP1,CAPG,CAPN1,CAPN12,CAPN15,CAPN2,CAPN3,CAPNS1,CAPS,CAPZA1,CAPZA2,CAPZB,CARD11,CARD16,CARD19,CARD8,CARHSP1,CARNMT1,CARS2,CASC4,CASK,CASP1,CASP10,CASP2,CASP3,CASP4,CASP7,CASP8,CASP8AP2,CAST,CAT,CAV1,CBFA2T2,CBFA2T3,CBFB,CBLB,CBLL1,CBWD1,CBWD5,CBX3,CBX7,CBX8,CCAR1,CCDC102A,CCDC107,CCDC109B,CCDC114,CCDC115,CCDC12,CCDC127,CCDC130,CCDC137,CCDC141,CCDC146,CCDC152,CCDC167,CCDC174,CCDC186,CCDC191,CCDC25,CCDC28A,CCDC28B,CCDC43,CCDC47,CCDC50,CCDC57,CCDC59,CCDC64,CCDC69,CCDC81,CCDC85B,CCDC88B,CCDC88C,CCDC90B,CCDC91,CCDC93,CCDC97,CCHCR1,CCL2,CCL20,CCL3,CCL3L3,CCL4,CCL4L2,CCL5,CCL6,CCL9,CCNB1,CCNB1IP1,CCNB2,CCNC,CCND1,CCND2,CCND3,CCNDBP1,CCNF,CCNG1,CCNG2,CCNH,CCNI,CCNJL,CCNK,CCNL1,CCNL2,CCNT1,CCNT2,CCPG1,CCR1,CCR10,CCR2,CCR4,CCR6,CCR7,CCR8,CCR9,CCRL2,CCS,CCSER1,CCSER2,CCT2,CCT3,CCT4,CCT5,CCT6A,CCT7,CCT8,CCZ1,CCZ1B,CD10,CD103,CD105,CD11B,CD11C,CD123,CD127,CD13,CD133,CD138,CD14,CD141,CD151,CD16,CD160,CD161,CD163,CD164,CD177,CD180,CD19,CD1C,CD1D,CD1E,CD2,CD20,CD200,CD200R3,CD206,CD209,CD209A,CD209D,CD21,CD22,CD23,CD24,CD244,CD247,CD27,CD28,CD29,CD2AP,CD2BP2,CD3,CD300C,CD300E,CD300LF,CD302,CD31,CD320,CD326,CD34,CD37,CD38,CD39,CD3D,CD3E,CD3G,CD4,CD40,CD40LG,CD44,CD45,CD46,CD47,CD48,CD5,CD52,CD53,CD55,CD56,CD57,CD58,CD6,CD63,CD64,CD68,CD69,CD69A,CD7,CD70,CD72,CD73,CD74,CD77,CD79A,CD79B,CD8,CD80,CD81,CD82,CD83,CD86,CD8A,CD8B,CD8B1,CD9,CD90,CD93,CD96,CD99,CDA,CDADC1,CDC123,CDC14A,CDC16,CDC25B,CDC26,CDC37,CDC37L1,CDC40,CDC42,CDC42EP2,CDC42EP3,CDC42SE1,CDC42SE2,CDC5L,CDC73,CDCA4,CDCA7,CDCA7L,CDCA8,CDH1,CDH2,CDH4,CDH5,CDHR5,CDIPT,CDK11A,CDK11B,CDK12,CDK13,CDK14,CDK15,CDK17,CDK2AP2,CDK5RAP1,CDK5RAP3,CDK7,CDKN1A,CDKN1B,CDKN1C,CDKN2A,CDKN2AIP,CDKN2B,CDKN2D,CDS2,CDT1,CDYL,CEACAM1,CEACAM8,CEBPB,CEBPD,CEBPE,CEBPZ,CEBPZOS,CECR5,CELF2,CENPC,CENPF,CENPK,CENPM,CENPT,CEP104,CEP120,CEP135,CEP250,CEP295,CEP44,CEP57,CEP76,CEP78,CEP83,CEP97,CEPT1,CERK,CERS4,CERS5,CES1,CETN2,CFAP126,CFAP20,CFAP36,CFAP97,CFD,CFDP1,CFH,CFI,CFL1,CFLAR,CFP,CGGBP1,CH17189H201,CH17353B191,CHAC2,CHCHD10,CHCHD2,CHCHD3,CHCHD5,CHCHD7,CHD1,CHD1L,CHD2,CHD3,CHD4,CHD6,CHD7,CHD9,CHEK1,CHERP,CHFR,CHGB,CHI3L2,CHIC1,CHIC2,CHMP1A,CHMP1B,CHMP2A,CHMP2B,CHMP4A,CHMP4B,CHMP6,CHMP7,CHP1,CHPF,CHPT1,CHRAC1,CHRNB1,CHST11,CHST12,CHST2,CHSY1,CHTF8,CHTOP,CHURC1,CIAO1,CIAPIN1,CIB1,CIDEB,CIITA,CINP,CIR1,CIRBP,CISD1,CISD3,CITED1,CITED2,CIZ1,CKAP4,CKB,CKLF,CKMT2,CKMT2AS1,CKS2,CLASP1,CLASP2,CLAUDIN1,CLC,CLCNKA,CLCNKB,CLDN10,CLDN16,CLDN5,CLDN6,CLDN8,CLDND1,CLEC10A,CLEC12A,CLEC14A,CLEC2B,CLEC2D,CLEC4A,CLEC4C,CLEC4D,CLEC4E,CLEC5A,CLEC7A,CLEC9A,CLECL1,CLIC1,CLIC3,CLIC5,CLINT1,CLK1,CLK3,CLK4,CLNS1A,CLONEC8144B,CLONEKP1,CLP1,CLPP,CLPTM1,CLPTM1L,CLPX,CLSPN,CLSTN3,CLTB,CLU,CLUSTERIN,CMA1,CMC1,CMC2,CMPK1,CMTM2,CMTM3,CMTM6,CMTM7,CMTR2,CNBP,CNDP2,CNIH1,CNKSR1,CNN2,CNNM2,CNOT1,CNOT11,CNOT2,CNOT4,CNOT6L,CNOT7,CNP,CNPPD1,CNPY2,CNPY3,CNR1,CNR2,CNRIP1,CNTRL,COA1,COA3,COA5,COASY,COBLL1,COCH,COG2,COG3,COG4,COG7,COL13A1,COL18A1,COL19A1,COL1A1,COL1A2,COL25A1,COL27A1,COL3A1,COL4A1,COL4A2,COL4A4,COL6A3,COL9A3,COLQ,COMMD1,COMMD10,COMMD2,COMMD3,COMMD5,COMMD6,COMMD7,COMMD8,COPB1,COPB2,COPE,COPG1,COPS3,COPS4,COPS5,COPS6,COPS8,COPZ1,COQ10A,COQ10B,COQ4,COQ5,COQ9,CORO1A,CORO2A,CORO7,COSMICV89,COTL1,COX11,COX14,COX15,COX16,COX17,COX19,COX4I1,COX5A,COX5B,COX6A1,COX6A2,COX6B1,COX6C,COX7A2,COX7A2L,COX7B,COX7C,COX8A,CPA3,CPD,CPM,CPNE1,CPNE3,CPNE5,CPPED1,CPSF3L,CPSF4,CPSF6,CPSF7,CPT1A,CPVL,CR1,CR2,CRABP1,CRABP2,CRACR2A,CRBN,CRCP,CREB1,CREB3,CREB3L4,CREBBP,CREBRF,CRELD1,CRELD2,CREM,CRIP1,CRIPT,CRISPLD2,CRLF3,CRNKL1,CRTAM,CRTC2,CRTC3,CRY1,CRY2,CRYAB,CRYL1,CRYZ,CRYZL1,CSDE1,CSF1,CSF1R,CSF2,CSF2RA,CSF3R,CSGALNACT2,CSK,CSNK1A1,CSNK1D,CSNK1E,CSNK1G1,CSNK1G2,CSNK1G3,CSNK2A1,CSNK2B,CSRNP1,CSRP3,CST3,CST7,CSTA,CSTB,CSTF2T,CTA293F171,CTAGE5,CTB31O202,CTB43P181,CTB61M72,CTBP1,CTBP1AS,CTBP1AS2,CTBP2,CTC1,CTC479C512,CTC487M238,CTC523E2311,CTCF,CTD2020K171,CTD2035E113,CTD2090I131,CTD2162K183,CTD2325P24,CTD2341M241,CTD2384A141,CTD2538C12,CTD2540F132,CTD2544N143,CTD3184A74,CTDNEP1,CTDP1,CTDSP1,CTGF,CTHRC1,CTLA4,CTNNBIP1,CTNNBL1,CTPS1,CTR2,CTR9,CTSB,CTSC,CTSD,CTSG,CTSH,CTSO,CTSS,CTSW,CTTNBP2,CTXN3,CUBN,CUEDC2,CUL1,CUL2,CUL3,CUL4A,CUL4B,CUTA,CUTC,CUX1,CWC15,CWC22,CWC25,CWF19L1,CWF19L2,CXCL1,CXCL12,CXCL16,CXCL3,CXCL8,CXCR1,CXCR2,CXCR3,CXCR4,CXCR5,CXCR6,CXORF38,CXORF65,CXXC1,CXXC5,CYB561A3,CYB561D2,CYB5A,CYB5B,CYB5D1,CYB5RL,CYBA,CYBB,CYC1,CYCS,CYFIP2,CYLD,CYP11A1,CYP11B2,CYP1B1,CYP20A1,CYP2R1,CYP46A1,CYSLTR1,CYSTATINC,CYTH1,CYTIP,CYTOKERATIN,CYTOKERATIN18,DAAM1,DACH2,DAD1,DAKO,DALRD3,DAP,DAP3,DAPL1,DAPP1,DARS,DAXX,DAZAP1,DAZAP2,DBF4,DBI,DBNL,DCAF11,DCAF13,DCAF16,DCAF5,DCAF6,DCAF7,DCDC2A,DCK,DCLRE1C,DCN,DCP1A,DCP2,DCPS,DCSIGN,DCTD,DCTN1,DCTN2,DCTN3,DCTN6,DCUN1D1,DCUN1D5,DCX,DCXR,DDA1,DDAH2,DDB1,DDB2,DDC,DDHD1,DDIT3,DDIT4,DDOST,DDR2,DDRGK1,DDT,DDX1,DDX10,DDX11,DDX17,DDX18,DDX19B,DDX21,DDX24,DDX27,DDX28,DDX39A,DDX39B,DDX3X,DDX3Y,DDX41,DDX46,DDX49,DDX5,DDX50,DDX52,DDX55,DDX58,DDX6,DDX60,DDX60L,DECR1,DEDD2,DEF6,DEFB1,DEGS1,DEGS2,DEK,DENND1B,DENND1C,DENND2D,DENND3,DENND4A,DENND4C,DENND5B,DENND6A,DENR,DERA,DERL1,DERL2,DERL3,DES,DESI2,DGAT2,DGCR6L,DGKA,DGKD,DGKQ,DGKZ,DGUOK,DHFR,DHPS,DHRS2,DHRS3,DHRS4AS1,DHRS7,DHRS9,DHTKD1,DHX29,DHX36,DHX38,DHX40,DHX9,DIABLO,DIAPH1,DIDO1,DIEXF,DIP2A,DIS3,DIS3L,DISP2,DKC1,DLAT,DLC1,DLD,DLG1,DLG5,DLGAP1AS1,DLGAP4,DLL1,DLL4,DMGDH,DMTF1,DMTN,DMXL2,DNAAF1,DNAJA1,DNAJA2,DNAJB1,DNAJB11,DNAJB12,DNAJB14,DNAJB2,DNAJB6,DNAJB9,DNAJC1,DNAJC10,DNAJC11,DNAJC15,DNAJC17,DNAJC19,DNAJC2,DNAJC21,DNAJC3,DNAJC4,DNAJC5B,DNAJC7,DNAJC8,DNAJC9,DNAL1,DNLZ,DNM2,DNMBPAS1,DNMT1,DNMT3A,DNPEP,DNPH1,DNTTIP2,DOCK10,DOCK11,DOCK2,DOCK5,DOCK8,DOK2,DOK4,DOLPP1,DPAGT1,DPEP2,DPF2,DPH3,DPH5,DPM1,DPM3,DPP3,DPP4,DPP7,DPP9,DPY30,DPYD,DR1,DRAM2,DRAP1,DRAXIN,DRC1,DRG2,DSC1,DSCR3,DSE,DTD1,DTL,DTNB,DTNBP1,DTX3,DTYMK,DUOX2,DUSP1,DUSP10,DUSP11,DUSP16,DUSP18,DUSP2,DUSP22,DUSP4,DUSP5,DUSP6,DUSP8,DVL2,DYNC1H1,DYNC1I2,DYNLL1,DYNLRB1,DYNLT1,DZIP3,E2F3,E2F4,E2F5,EAF2,EAPP,EBF1,EBLN2,EBLN3,EBP,EBPL,ECAD,ECADHERIN,ECD,ECE1,ECH1,ECHDC2,ECHS1,ECI2,ECM,ECSCR,ECSIT,EDEM1,EDF1,EDN1,EEF1B2,EEF1D,EEF1G,EEF2,EEF2KMT,EEFSEC,EFCAB14,EFHC1,EFHC2,EFHD2,EFNB2,EFR3A,EFTUD2,EGF,EGFL7,EGLN1,EGR1,EHD1,EHD3,EHHADH,EHMT1,EI24,EID1,EIF1,EIF1AX,EIF1AY,EIF1B,EIF2A,EIF2AK1,EIF2AK2,EIF2B1,EIF2B4,EIF2B5,EIF2D,EIF2S1,EIF2S2,EIF2S3,EIF3A,EIF3B,EIF3D,EIF3E,EIF3F,EIF3G,EIF3H,EIF3I,EIF3J,EIF3K,EIF3L,EIF3M,EIF4A1,EIF4A2,EIF4A3,EIF4B,EIF4E2,EIF4EBP2,EIF4G1,EIF4G2,EIF4H,EIF5,EIF5A,EIF5A2,EIF5AL1,EIF5B,EIF6,ELAC2,ELAVL1,ELAVL3,ELAVL4,ELF1,ELF2,ELF3,ELF5,ELK4,ELL2,ELMO1,ELMOD3,ELMSAN1,ELN,ELOVL1,ELOVL5,ELOVL6,ELP2,ELP5,ELP6,EMB,EMC10,EMC3,EMC4,EMC6,EMC7,EMC8,EMC9,EMCN,EMD,EMG1,EMID1,EMILIN2,EML2,EML3,EML4,EMP3,EMT,ENAM,ENC1,ENO1,ENOPH1,ENOSF1,ENOX1,ENPP1,ENPP3,ENSA,ENY2,EOMES,EPB41,EPB41L4AAS1,EPC1,EPC2,EPCAM,EPG5,EPHA4,EPHA7,EPHB4,EPM2AIP1,EPN1,EPN2,EPRS,EPS15,EPS15L1,EPS8L2,ERAP1,ERAP2,ERBB2IP,ERCC1,ERCC3,ERCC5,EREG,ERGIC1,ERGIC2,ERGIC3,ERH,ERI3,ERICH1,ERICH6AS1,ERLEC1,ERMP1,ERN1,ERN2,ERO1B,ERP29,ERP44,ERVK31,ESCO1,ESD,ESYT1,ESYT2,ETF1,ETFA,ETFB,ETFDH,ETHE1,ETNK1,ETS1,ETS2,ETV2,ETV3,EVI2A,EVI2B,EVL,EWSR1,EXOC1,EXOC2,EXOC4,EXOC7,EXOG,EXOSC1,EXOSC10,EXOSC2,EXOSC3,EXOSC5,EXOSC6,EXOSC7,EXOSC8,EXT1,EYA1,EYS,EZH2,EZR,EZRIN,FA2H,FAAP20,FABP5,FAHD2A,FAHD2B,FAIM,FAM101B,FAM102A,FAM102B,FAM103A1,FAM107B,FAM110A,FAM111A,FAM111B,FAM114A2,FAM117A,FAM118A,FAM120AOS,FAM122B,FAM126B,FAM129A,FAM129B,FAM129C,FAM132B,FAM133B,FAM134B,FAM134C,FAM136A,FAM159A,FAM162A,FAM167A,FAM168B,FAM169A,FAM172A,FAM173A,FAM177A1,FAM177B,FAM179A,FAM184A,FAM192A,FAM195A,FAM195B,FAM204A,FAM207A,FAM208B,FAM20B,FAM213A,FAM214A,FAM222A,FAM231D,FAM26F,FAM27C,FAM32A,FAM35A,FAM3C,FAM43A,FAM46C,FAM49A,FAM49B,FAM50A,FAM53C,FAM58A,FAM60A,FAM65B,FAM76B,FAM89B,FAM8A1,FAM96B,FAM98C,FANCL,FARS2,FAS,FASLG,FASTK,FASTKD2,FAU,FBL,FBLN1,FBLN2,FBLN5,FBP1,FBRS,FBXL3,FBXL5,FBXO21,FBXO22,FBXO25,FBXO3,FBXO33,FBXO34,FBXO4,FBXO44,FBXO6,FBXO7,FBXO9,FBXW2,FBXW5,FBXW7,FCAR,FCER1A,FCER1G,FCER2,FCF1,FCGR1A,FCGR2A,FCGR2B,FCGR3A,FCGR3B,FCGRT,FCHO1,FCHSD2,FCMR,FCN1,FCR,FCRI,FCRL1,FCRL2,FCRL3,FCRL5,FCRL6,FCRLA,FDFT1,FDPS,FDX1,FERMT3,FFAR1,FFAR2,FGB,FGD2,FGD3,FGD4,FGF7,FGFBP2,FGFR1OP2,FGL2,FGR,FH,FHIT,FHL2,FHL3,FIBP,FIBRONECTIN,FIP1L1,FIS1,FKBP11,FKBP1A,FKBP1C,FKBP2,FKBP3,FKBP51,FKBP8,FKRP,FLCN,FLI1,FLNA,FLNB,FLT1,FLT3,FLT3LG,FMNL1,FN1,FNBP1,FNBP4,FNTA,FOLR2,FOS,FOSB,FOSL1,FOSL2,FOXC2,FOXD1,FOXI,FOXI1,FOXL1,FOXN3,FOXO3,FOXP1,FOXP3,FOXQ1,FOXRED1,FPGS,FPR1,FPR2,FRG1,FRMD8,FRYL,FSD1,FSP1,FST,FTH1,FTL,FTSJ3,FUBP1,FUNDC2,FURIN,FUS,FUT8,FXR1,FXYD2,FXYD4,FXYD5,FXYD6,FYB,FYN,FYTTD1,G0S2,G3BP1,G3BP2,G6PD,GAA,GABARAPL1,GABARAPL2,GABPB1,GABPB1AS1,GADD45B,GADD45GIP1,GAK,GALC,GALNT10,GALNT11,GALNT14,GALNT3,GALNTL6,GALT,GAN,GAPDH,GAPT,GARS,GART,GAS6,GAS7,GATA2,GATA3,GATAD2A,GATC,GATSL3,GBP1,GBP2,GBP4,GBP5,GCA,GCC2,GCDH,GCH1,GCHFR,GCSAML,GDI1,GDI2,GDNF,GEMIN7,GEMIN8,GEN1,GFER,GFI1,GFM1,GFOD1,GGA1,GGA2,GGNBP2,GGPS1,GGT1,GH1,GHITM,GID4,GID8,GIGYF2,GIMAP1,GIMAP2,GIMAP3,GIMAP4,GIMAP7,GINS4,GJA5,GJB6,GK,GK5,GLCCI1,GLDC,GLG1,GLI4,GLIPR1,GLIPR2,GLMN,GLO1,GLOD4,GLRA3,GLRX,GLRX3,GLS,GLT1D1,GLT8D1,GLTP,GLTSCR1L,GLTSCR2,GLUD1,GLUL,GLYAT,GMCL1,GMDS,GMDSAS1,GMEB1,GMFG,GMIP,GMPPB,GMPR,GMPS,GNAI2,GNAI3,GNAL,GNAS,GNB2,GNB2L1,GNB5,GNE,GNG2,GNG3,GNG5,GNG7,GNGT2,GNL1,GNL2,GNL3,GNLY,GNPDA2,GNPNAT1,GNPTAB,GNS,GOLGA4,GOLGA7,GOLGA8B,GOLGA8M,GOLGA8R,GOLGB1,GOLPH3,GOLPH3L,GOLT1B,GON4L,GORASP2,GOSR1,GOT2,GP6,GPAA1,GPANK1,GPAT3,GPATCH2L,GPATCH8,GPBAR1,GPBP1,GPBP1L1,GPC3,GPCPD1,GPD1,GPHN,GPI,GPKOW,GPM6A,GPN1,GPR108,GPR132,GPR160,GPR171,GPR18,GPR183,GPR35,GPR55,GPR65,GPR68,GPR82,GPR84,GPRC5D,GPRIN3,GPS1,GPS2,GPSM3,GPX1,GPX3,GPX4,GRAMD1A,GRAMD3,GRANZYMEB,GRANZYMEGZMB,GRAP,GRAP2,GRASP,GRB2,GRHL2,GRIK4,GRINA,GRIPAP1,GRK6,GRM2,GRM6,GRN,GRPEL1,GRSF1,GRWD1,GS1279B72,GSDMD,GSK3B,GSN,GSPT1,GSS,GSTK1,GSTO1,GSTP1,GTF2A2,GTF2B,GTF2E2,GTF2F1,GTF2H1,GTF2H5,GTF2I,GTF2IRD2B,GTF3A,GTF3C1,GTF3C2,GTF3C6,GTPASE,GTPBP1,GTPBP4,GTPBP6,GTPBP8,GUCD1,GUK1,GUSB,GXYLT1,GYG1,GYPC,GZMA,GZMB,GZMH,GZMK,GZMM,H1FX,H2AFJ,H2AFV,H2AFX,H2AFY,H2AFZ,H3F3A,H3F3B,H3F3C,HACL1,HADHA,HADHB,HAL,HARS,HAS2,HAT1,HAUS1,HAUS7,HAVCR1,HAVCR2,HAX1,HBB,HBE1,HBM,HBP1,HBS1L,HBZ,HCAR2,HCAR3,HCCS,HCG18,HCK,HCLS1,HCST,HDAC1,HDAC10,HDAC3,HDAC7,HDAC9,HDC,HDDC2,HDHD2,HEATR1,HEBP2,HECA,HECTD1,HEG1,HELB,HELLS,HELZ,HELZ2,HEMK1,HENMT1,HERC2,HERPUD1,HERPUD2,HEXA,HEXIM1,HEY1,HFE,HGH1,HHEX,HIF1A,HIGD1A,HIGD2A,HINT1,HINT2,HIP1,HIP1R,HIST1H1C,HIST1H1D,HIST1H1E,HIST1H2BG,HIST1H2BH,HIST1H3J,HIST1H4C,HIST1H4J,HIST2H2AC,HIST3H2A,HIVEP1,HIVEP3,HK1,HK2,HK3,HLAA,HLAB,HLAC,HLADMA,HLADMB,HLADOB,HLADPA1,HLADPB1,HLADQA1,HLADQB1,HLADQB2,HLADR,HLADRA,HLADRB1,HLADRB5,HLAE,HLAF,HLAG,HLTF,HM13,HMBOX1,HMCES,HMG20B,HMGA1,HMGB1,HMGB2,HMGB3,HMGCR,HMGCS1,HMGCS2,HMGN1,HMGN2,HMGN3,HMGXB4,HMHA1,HMOX2,HMX2,HN1,HNF1B,HNF4A,HNMT,HNRNPA0,HNRNPA1,HNRNPA1L2,HNRNPA2B1,HNRNPA3,HNRNPAB,HNRNPC,HNRNPCL2,HNRNPD,HNRNPDL,HNRNPF,HNRNPH1,HNRNPH2,HNRNPH3,HNRNPK,HNRNPL,HNRNPM,HNRNPR,HNRNPU,HNRNPUL1,HOOK3,HOPX,HOXB6,HOXBAS1,HOXC6,HOXD11,HOXD8,HP,HP1BP3,HPGD,HPGDS,HPN,HPRT1,HPS1,HPS3,HPSE,HRASLS5,HRK,HRSP12,HSD11B2,HSD17B10,HSD17B11,HSD17B12,HSD17B8,HSF1,HSH2D,HSP90AA1,HSP90AB1,HSP90B1,HSPA13,HSPA1A,HSPA4,HSPA5,HSPA8,HSPA9,HSPB11,HSPBP1,HSPD1,HSPE1,HSPG2,HTATSF1,HUNK,HUS1,HUWE1,HVCN1,HXYD2,HYI,HYLS1,HYPK,IAH1,IARS,ICAM1,ICAM2,ICAM3,ICE1,ICE2,ICOS,ICT1,ID2,ID3,IDH2,IDH3B,IDH3G,IDI1,IDS,IER2,IER3,IER3IP1,IER5,IFFO2,IFI16,IFI27L1,IFI27L2A,IFI30,IFI35,IFI6,IFIH1,IFITM1,IFITM2,IFITM3,IFN,IFNG,IFNGAS1,IFNGR1,IFNGR2,IFRD1,IFRD2,IFT20,IFT52,IFT57,IFT88,IGBP1,IGF1,IGF2BP2,IGF2R,IGFBP4,IGFBP6,IGFBP7,IGHA1,IGHA2,IGHD,IGHE,IGHG1,IGHG2,IGHG3,IGHG4,IGHGP,IGHM,IGHMBP2,IGHV315,IGHV323,IGHV333,IGHV37,IGHV61,IGKC,IGKV112,IGKV139,IGKV15,IGKV315,IGKV320,IGKV3D11,IGKV3D20,IGKV41,IGLC2,IGLC3,IGLC4,IGLC5,IGLC6,IGLC7,IGLL1,IGLL5,IGLV31,IGLV310,IGLV469,IGLV657,IGLV743,IGSF6,IK,IKBKE,IKBKG,IKZF1,IKZF2,IKZF3,IL10,IL10RA,IL10RBAS1,IL12A,IL12RB1,IL12RB2,IL13RA1,IL16,IL17F,IL17RA,IL18R1,IL18RAP,IL1A,IL1B,IL1R1,IL1R2,IL1RAP,IL1RL1,IL1RN,IL21R,IL21RAS1,IL23R,IL26,IL27RA,IL2RA,IL2RB,IL2RG,IL32,IL4,IL4I1,IL4R,IL5RA,IL6,IL6R,IL7,IL7R,IL9R,ILF2,ILF3,ILK,ILKAP,IMMP1L,IMMT,IMP3,IMP4,IMPA1,IMPAD1,IMPDH2,ING3,ING4,ING5,INO80B,INO80D,INO80E,INPP1,INPP4A,INPP5B,INPP5D,INPP5K,INSIG1,INSR,INTEGRINALPHA8,INTESTINALALKALINEPHOSPHATASE,INTS10,INTS4,INTS6,INTS7,INTS9,INTU,IP6K1,IP6K2,IPCEF1,IPO5,IQGAP1,IQGAP2,IQSEC1,IRAK3,IREB2,IRF1,IRF2,IRF2BPL,IRF3,IRF4,IRF7,IRF8,IRG1,IRS2,IRX1,ISCA1,ISCU,ISG15,ISG20,ISG20L2,ISOC1,IST1,ISY1,ITCH,ITCHAS1,ITFG1,ITGA2B,ITGA4,ITGA8,ITGAE,ITGAL,ITGAM,ITGAX,ITGB1,ITGB1BP1,ITGB2,ITGB2AS1,ITGB3,ITGB3BP,ITGB6,ITGB7,ITIH5,ITK,ITM2A,ITM2B,ITM2C,ITPA,ITPK1,ITPRIP,ITSN2,IVNS1ABP,IWS1,IZUMO1R,JADE1,JADE2,JADE3,JAG1,JAGN1,JAK1,JAK3,JAML,JARID2,JAZF1,JCHAIN,JMJD1C,JMJD6,JMJD7PLA2G4B,JMY,JOSD1,JOSD2,JSRP1,JTB,JUN,JUNB,JUND,JUP,KANK3,KANSL1,KANSL2,KARS,KAT2B,KAT5,KAT6A,KAT6B,KB1208A123,KB1507C54,KBTBD2,KCA31,KCNAB2,KCNE1,KCNIP4,KCNJ1,KCNJ10,KCNJ15,KCNK5,KCNN3,KCNN4,KCNQ5,KCTD10,KCTD17,KCTD19,KCTD5,KCTD9,KDELR1,KDELR2,KDM1A,KDM2A,KDM4B,KDM4C,KDM5A,KDM5C,KDM5D,KDM6A,KDM6B,KDM7A,KDR,KDSR,KEAP1,KHDRBS1,KHDRBS2,KIAA0101,KIAA0125,KIAA0226L,KIAA0368,KIAA0430,KIAA0586,KIAA0907,KIAA0922,KIAA1109,KIAA1143,KIAA1328,KIAA1429,KIAA1551,KIAA2026,KIF11,KIF12,KIF19,KIF21B,KIF2A,KIF5B,KIFAP3,KIFC1,KIM1,KIR2DL1,KIR2DL3,KIR2DL4,KIR3DL1,KIR3DL3,KIRREL2,KIT,KIZ,KLF10,KLF12,KLF13,KLF2,KLF3,KLF4,KLF6,KLHDC2,KLHDC3,KLHDC4,KLHL14,KLHL20,KLHL24,KLHL28,KLHL3,KLHL36,KLHL5,KLHL6,KLK1,KLK6,KLRB1,KLRC1,KLRC2,KLRC3,KLRC4,KLRD1,KLRE1,KLRF1,KLRG1,KLRK1,KMT2A,KMT2C,KMT2E,KMT5C,KPNA2,KPNA3,KPNA4,KPNB1,KPTN,KRAS,KREMEN2,KRI1,KRIT1,KRR1,KRT1,KRT10,KRT17,KRT18,KRT19,KRT2,KRT20,KRT23,KRT5,KRT7,KRT72,KRT73,KRT8,KRT81,KRT86,KRTCAP2,KTN1,KXD1,KYNU,L1CAM,LACTB,LAG3,LAGE3,LAIR1,LAIR2,LAMA1,LAMA5,LAMB1,LAMB2,LAMC1,LAMP1,LAMP2,LAMP5,LAMTOR1,LAMTOR2,LAMTOR4,LAMTOR5,LANCL2,LAPTM4A,LAPTM5,LARP6,LARP7,LARS,LAS1L,LASP1,LAT,LAT2,LATS2AS1,LAX1,LAYN,LBH,LBR,LCK,LCN2,LCN8,LCP1,LDB2,LDHA,LDHB,LDHD,LDLR,LEF1,LEMD3,LENG1,LEO1,LEPROTL1,LETMD1,LGALS1,LGALS12,LGALS3,LGALS3BP,LGMN,LGR4,LHPP,LHX1,LHX3,LIAS,LIF,LIG3,LILRA1,LILRA2,LILRA4,LILRA5,LILRB1,LILRB2,LILRB3,LIMD2,LIMS1,LIN52,LIN7A,LINC00152,LINC00211,LINC00299,LINC00426,LINC00493,LINC00539,LINC00582,LINC00623,LINC00649,LINC00665,LINC00672,LINC00694,LINC00861,LINC00869,LINC00969,LINC01031,LINC01116,LINC01137,LINC01138,LINC01272,LINC01420,LINC01481,LINC01506,LINC01588,LINC01597,LINCPINT,LINGO2,LINGO4,LINS1,LIPN,LITAF,LLGL2,LLPH,LMAN2,LMBR1L,LMBRD1,LMF2,LMNA,LMNB1,LMNTD1,LMOD3,LNPEP,LONP2,LPCAT1,LPCAT4,LPIN1,LPIN2,LPL,LPPAS2,LPXN,LRBA,LRCH4,LRG1,LRMP,LRP1,LRP10,LRP2,LRPAP1,LRPPRC,LRRC16A,LRRC25,LRRC40,LRRC43,LRRC45,LRRC47,LRRC4C,LRRC59,LRRC75A,LRRFIP1,LRRK2,LRWD1,LSM1,LSM12,LSM14A,LSM2,LSM3,LSM4,LSM5,LSM6,LSM7,LSM8,LSP1,LST1,LTA,LTA4H,LTB,LTB4R,LTC4S,LTN1,LTV1,LUC7L,LUC7L2,LUC7L3,LUCAT1,LUM,LUZP1,LY6C2,LY6D,LY6E,LY6H,LY86,LY9,LYAR,LYL1,LYN,LYPD1,LYPD2,LYPD3,LYPLA1,LYPLA2,LYPLAL1,LYRM1,LYRM2,LYRM4,LYRM7,LYSMD2,LYSMD3,LYST,LYZ,LYZ2,LZTFL1,M6PR,MACF1,MACROD2,MAD1L1,MAEA,MAF1,MAFB,MAFF,MAGEB2,MAGED2,MAGEH1,MAGOH,MAGT1,MAL,MALT1,MAML1,MAN1A1,MAN1A2,MAN2B1,MANF,MAOB,MAP1LC3A,MAP1LC3B,MAP1LC3B2,MAP2K1,MAP2K2,MAP2K3,MAP2K5,MAP2K7,MAP3K11,MAP3K2,MAP3K7CL,MAP3K8,MAP4K1,MAP4K5,MAP7D1,MAPK1,MAPK13,MAPK1IP1L,MAPK3,MAPK8,MAPKAP1,MAPKAPK3,MAPKAPK5,MAPKAPK5AS1,MAPRE1,MAPRE2,MAPT,MAR1,MAR5,MAR6,MAR7,MARCKS,MARCKSL1,MARK3,MASTL,MAT2B,MATK,MATN2,MAX,MAZ,MB21D1,MBD2,MBD4,MBD5,MBLAC2,MBNL1,MBOAT7,MBP,MBTPS1,MCAB51,MCAM,MCCC2,MCEE,MCEMP1,MCL1,MCM3,MCM5,MCM6,MCMBP,MCMPT8,MCP1,MCPH1,MCRS1,MCTP1,MCTP2,MCTS1,MDFIC,MDH1,MDH2,MDK,MDM1,MDM2,MDM4,MDN1,MDS2,ME2,MEA1,MEAF6,MECP2,MED1,MED10,MED17,MED19,MED22,MED23,MED24,MED26,MED28,MED30,MED31,MED4,MED6,MED7,MEF2A,MEF2C,MEFV,MEGF9,MEI1,MEIS1,MEIS2,MERTK,MESDC1,MESDC2,MET,METAP1,METAP1D,METAP2,METRNL,METTL13,METTL15,METTL16,METTL17,METTL21A,METTL22,METTL23,METTL25,METTL5,METTL8,METTL9,MEX3C,MFAP1,MFF,MFN1,MFNG,MFSD1,MFSD10,MFSD14A,MGAM,MGAT1,MGAT2,MGAT4A,MGAT5,MGEA5,MGL2,MGMT,MGP,MGRN1,MHCCLASSI,MHCCLASSII,MIA3,MIATNB,MIB2,MICAL2,MICAL3,MICALL1,MICB,MICU2,MID1IP1,MIDN,MIEN1,MIER1,MIF,MIF4GD,MIFAS1,MINI80,MINOS1,MIR181A1HG,MIR22HG,MIR3142HG,MIR3945HG,MIS18BP1,MITD1,MITF,MITFP,MIXL1,MKI67,MKNK2,MKRN1,MKRN2,MLC1,MLF2,MLK7AS1,MLLT3,MLLT6,MLPH,MMADHC,MME,MMP23B,MMP24AS1,MMP25AS1,MMP7,MMP9,MN1,MNAT1,MNDA,MNX1AS1,MOAP1,MOB1A,MOB2,MOB3A,MOB3B,MOB4,MOGS,MORC3,MORF4L1,MORF4L2,MORN2,MOXD1,MPC1,MPC2,MPEG1,MPG,MPHOSPH8,MPHOSPH9,MPLKIP,MPP5,MPP6,MPRIP,MPST,MPV17L,MPZL1,MRC1,MREG,MRFAP1,MRPL1,MRPL10,MRPL11,MRPL12,MRPL13,MRPL14,MRPL18,MRPL19,MRPL20,MRPL21,MRPL23,MRPL24,MRPL27,MRPL28,MRPL3,MRPL32,MRPL33,MRPL34,MRPL36,MRPL37,MRPL39,MRPL40,MRPL43,MRPL44,MRPL47,MRPL48,MRPL49,MRPL51,MRPL52,MRPL53,MRPL54,MRPL57,MRPL9,MRPS11,MRPS12,MRPS15,MRPS16,MRPS17,MRPS18A,MRPS2,MRPS21,MRPS25,MRPS27,MRPS30,MRPS31,MRPS33,MRPS34,MRPS35,MRPS36,MRPS5,MRPS6,MRPS7,MRPS9,MS4A1,MS4A2,MS4A4B,MS4A6A,MS4A7,MSH2,MSL3,MSN,MSR1,MSRB1,MSX1,MT1E,MT1F,MT1X,MT2,MT2A,MTA1,MTAP,MTATP6,MTCH1,MTCH2,MTCO1,MTCO2,MTCO3,MTCYB,MTDH,MTERF2,MTERF4,MTF1,MTF2,MTFP1,MTG1,MTHFD2L,MTHFS,MTMR11,MTMR2,MTMR6,MTMR9,MTND1,MTND2,MTND3,MTND4,MTND4L,MTND5,MTND6,MTPN,MTRF1L,MTRNR2L1,MTRNR2L12,MTRNR2L6,MTRNR2L8,MTSS1,MTX1,MUC20,MUC4,MUC6,MUTYH,MVD,MVK,MX2,MXD1,MXD4,MXRA7,MYADM,MYBL1,MYBL2,MYC,MYCBP2,MYD88,MYDGF,MYEOV2,MYH11,MYH9,MYL1,MYL12A,MYL12B,MYL6,MYL9,MYLIP,MYLK,MYLPF,MYNN,MYO1D,MYO1F,MYO1G,MYOG,MYOM2,MZB1,MZT1,MZT2A,MZT2B,N4BP1,N4BP2,N4BP2L1,N4BP2L2,N4BP3,NAA10,NAA15,NAA30,NAA38,NAA50,NAA60,NAAA,NAALADL1,NABP1,NABP2,NACA,NACA2,NACC2,NADK,NAE1,NAIP,NAMPT,NANOG,NAP1L1,NAP1L4,NAP1L5,NAP1L6,NAPA,NAPRT,NAPSA,NARF,NARS,NASP,NBEAL1,NBN,NBPF12,NBPF19,NBR1,NCADHERIN,NCALD,NCAM,NCAM1,NCAPD3,NCAPH2,NCBP2,NCBP3,NCF1,NCF2,NCF4,NCK1,NCKAP1L,NCL,NCOA1,NCOA3,NCOA4,NCOA7,NCOR1,NCOR2,NCR1,NCR3,NDEL1,NDFIP1,NDRG2,NDUFA1,NDUFA10,NDUFA11,NDUFA12,NDUFA13,NDUFA2,NDUFA3,NDUFA4,NDUFA4L2,NDUFA5,NDUFA6,NDUFA7,NDUFA9,NDUFAB1,NDUFAF2,NDUFAF3,NDUFAF6,NDUFB1,NDUFB10,NDUFB11,NDUFB2,NDUFB3,NDUFB4,NDUFB5,NDUFB6,NDUFB7,NDUFB8,NDUFB9,NDUFC2,NDUFS2,NDUFS3,NDUFS4,NDUFS5,NDUFS6,NDUFS7,NDUFS8,NDUFV1,NDUFV2,NDUFV3,NEAT1,NEB,NECAB2,NECAB3,NECAP1,NECAP2,NEDD1,NEDD8,NEDD9,NEIL3,NEK6,NEK7,NEK8,NEK9,NELFB,NELFCD,NELFE,NEMF,NEMP2,NEO1,NES,NEUROD1,NFAM1,NFAT5,NFATC1,NFATC2,NFATC2IP,NFATC3,NFE2L2,NFE4,NFKB1,NFKB2,NFKBIA,NFKBIB,NFKBID,NFKBIE,NFKBIZ,NFU1,NFYB,NG2,NGAL,NGDN,NGLY1,NHE3,NHLRC3,NHP2,NHSL2,NIFK,NIN,NINJ1,NIP7,NIPAL3,NIPAL4,NIPBL,NIT2,NKAIN3,NKAP,NKG7,NKTR,NKX62,NLRC3,NLRC4,NLRP1,NLRP12,NLRP3,NMB,NMD3,NME3,NME4,NME7,NMI,NMRAL1,NMRK1,NMT1,NMT2,NMU,NOA1,NOB1,NOC2L,NOC3L,NOC4L,NOD2,NOL11,NOL7,NOL9,NOLC1,NOMO3,NONO,NOP10,NOP14,NOP56,NOP58,NOS1,NOSIP,NOTCH1,NOTCH2,NOTCH4,NOV,NPAT,NPC1,NPHS1,NPHS2,NPIPB15,NPIPB5,NPM1,NPNT,NPRL2,NPRL3,NR1D1,NR1D2,NR1H2,NR2F2,NR3C1,NR3C2,NR4A1,NR4A2,NR4A3,NRBF2,NRDC,NRP1,NRP2,NSA2,NSD1,NSG1,NSMCE1,NSMCE2,NSMCE3,NSMCE4A,NSRP1,NSUN2,NSUN4,NSUN6,NT5C,NT5C2,NT5C3A,NT5DC1,NT5DC2,NT5E,NTAN1,NTMT1,NTRK1,NUAK2,NUB1,NUBP2,NUCB1,NUCB2,NUCKS1,NUDC,NUDCD2,NUDT16,NUDT16L1,NUDT21,NUDT22,NUDT4,NUDT5,NUDT6,NUDT7,NUDT8,NUDT9,NUF2,NUFIP1,NUMA1,NUMB,NUP107,NUP133,NUP153,NUP160,NUP210,NUP214,NUP35,NUP37,NUP43,NUP54,NUP88,NUP93,NUP98,NUPR1,NUS1,NUSAP1,NUTF2,NUTM2BAS1,NXF1,NXPH4,NXT1,OARD1,OAS1,OAT,OAZ1,OBFC1,OCCLUDIN,OCEL1,OCIAD1,OCIAD2,OCLN,OCT4,ODC1,ODF2,ODF2L,ODF3B,OFD1,OGFR,OGFRL1,OGG1,OGT,OLA1,OLAH,OLFM3,OLFML3,OLIG1,OLIG2,OLR1,OMA1,OPA1,OPTN,ORAI1,ORAI2,ORC4,ORM1,ORMDL1,ORMDL3,OS9,OSBPL10,OSBPL10AS1,OSBPL2,OSBPL5,OSBPL7,OSBPL8,OSCAR,OSER1,OSER1AS1,OSGEP,OSM,OSR1,OST4,OSTC,OSTF1,OTUB1,OTUD1,OTUD4,OTUD5,OTUD6BAS1,OTUD7A,OTUD7B,OTULIN,OXA1L,OXCT1,OXNAD1,OXR1,OXSR1,P2RX1,P2RX5,P2RX5TAX1BP3,P2RY10,P2RY11,P2RY13,P2RY8,P3H1,P4HB,P4HTM,P75NTR,PA2G4,PAAF1,PABPC1,PABPC3,PABPN1,PACS1,PADI2,PADI4,PAFAH1B1,PAFAH1B2,PAFAH2,PAICS,PAIP2,PAIP2B,PAK1,PAK2,PALM2,PAM,PAN3,PAPD5,PAPOLA,PAQR6,PARG,PARK7,PARL,PARM1,PARP1,PARP10,PARP14,PARP15,PARP16,PARP8,PARVG,PATL1,PAWR,PAX2,PAX5,PAX6,PAX8,PAXBP1,PBDC1,PBRM1,PBXIP1,PCBP1,PCBP2,PCDH1,PCDH9,PCDHGA5,PCED1B,PCID2,PCIF1,PCK1,PCM1,PCMT1,PCMTD1,PCNA,PCNP,PCNT,PCNX,PCOLCE2,PCP4,PCSK1N,PCSK7,PCYT2,PD1,PDAP1,PDCD1,PDCD10,PDCD2,PDCD4,PDCD5,PDCD6,PDCD6IP,PDCD7,PDCL3,PDE1C,PDE3B,PDE4A,PDE4B,PDE4D,PDE6D,PDE6G,PDE7A,PDGFD,PDGFR,PDGFRA,PDGFRB,PDGFRBETA,PDHA1,PDHB,PDHX,PDIA3,PDIA4,PDIA6,PDK3,PDLIM1,PDLIM2,PDRG1,PDS5A,PDS5B,PDXDC1,PDXK,PDZD11,PDZK1,PDZK1IP1,PECAM1,PECR,PEF1,PEG10,PELI1,PEMT,PEPD,PER1,PERFORIN,PEROXIREDOXIN6,PERP,PET100,PEX13,PEX16,PEX19,PEX2,PEX6,PF4,PFDN1,PFDN2,PFDN4,PFDN5,PFDN6,PFKFB3,PFN1,PFN2,PGAM1,PGAM5,PGD,PGK1,PGLS,PGLYRP1,PGM1,PGM2,PGM2L1,PGM3,PGPEP1,PGRMC2,PHACTR1,PHAX,PHB,PHB2,PHF1,PHF11,PHF12,PHF14,PHF19,PHF20,PHF20L1,PHF3,PHF5A,PHGDH,PHKG2,PHLDA1,PHLDA2,PHLDB2,PHOSPHO1,PHOX2B,PHPT1,PHTF1,PHYKPL,PI3,PI4K2B,PI4KB,PICALM,PIFO,PIGK,PIGO,PIGP,PIGQ,PIGR,PIGV,PIGX,PIH1D1,PIK3CD,PIK3IP1,PIK3R1,PIK3R6,PILRA,PILRB,PIM1,PIM2,PIM3,PIN1,PIN4,PINX1,PIP4K2A,PIP5K1B,PITHD1,PITPNB,PITPNC1,PITPNM1,PITX1,PITX2,PJA1,PKHD1L1,PKIG,PKM,PKN1,PLA2G6,PLAC8,PLAC9,PLAT,PLAUR,PLBD1,PLCB1,PLCD1,PLCG1,PLCG2,PLCL2,PLD4,PLEK,PLEKHA1,PLEKHA2,PLEKHF1,PLEKHF2,PLEKHG1,PLEKHG3,PLEKHG7,PLEKHJ1,PLGRKT,PLIN2,PLIN5,PLK3,PLP2,PLPP5,PLPPR5,PLRG1,PLSCR1,PLVAP,PLXDC2,PLXNC1,PMAIP1,PMF1,PML,PMP22,PMPCA,PMPCB,PMS1,PMS2,PMVK,PNISR,PNKP,PNN,PNOC,PNP,PNPLA2,PNPLA6,PNPLA8,PNRC1,PNRC2,POC1B,PODXL,POFUT2,POGK,POGLUT1,POLA2,POLD2,POLDIP2,POLE3,POLE4,POLG,POLH,POLM,POLR1D,POLR1E,POLR2A,POLR2B,POLR2C,POLR2D,POLR2E,POLR2F,POLR2G,POLR2H,POLR2I,POLR2J,POLR2J2,POLR2J3,POLR2K,POLR2L,POLR2M,POLR3B,POLR3D,POLR3E,POLR3GL,POM121,POM121C,POMC,POMGNT1,POMP,POP4,POP5,POR,POSTN,POU2AF1,POU2F2,POU3F3,POU5F1,POU5F2,POXDL,PPA1,PPA2,PPAN,PPARA,PPBP,PPDPF,PPHLN1,PPIA,PPIB,PPID,PPIE,PPIF,PPIG,PPIH,PPIL3,PPIP5K2,PPL,PPM1A,PPM1B,PPM1D,PPM1G,PPM1K,PPM1M,PPP1CA,PPP1CB,PPP1CC,PPP1R10,PPP1R11,PPP1R12A,PPP1R15A,PPP1R15B,PPP1R16B,PPP1R18,PPP1R2,PPP1R35,PPP1R37,PPP1R7,PPP1R8,PPP1R9A,PPP2CA,PPP2R1A,PPP2R2A,PPP2R2D,PPP2R3C,PPP2R5A,PPP2R5C,PPP2R5E,PPP3CA,PPP3CB,PPP3CC,PPP4C,PPP4R2,PPP4R3A,PPP4R3B,PPP5C,PPP6C,PPP6R1,PPP6R2,PPT1,PPWD1,PQBP1,PQLC3,PRAM1,PRCC,PRCD,PRDM1,PRDM2,PRDM4,PRDX2,PRDX5,PRDX6,PRELID1,PRELID3B,PRELP,PREP,PREPL,PREX1,PRF1,PRIM1,PRIM2,PRKAA1,PRKACB,PRKAG1,PRKAG2AS1,PRKAR1A,PRKAR1B,PRKAR2A,PRKCA,PRKCB,PRKCH,PRKCQ,PRKCSH,PRKD2,PRKD3,PRKDC,PRKRIP1,PRKRIR,PRKX,PRMT1,PRMT2,PRODH2,PROK2,PROPERDIN,PRPF18,PRPF19,PRPF3,PRPF31,PRPF38A,PRPF38B,PRPF39,PRPF4,PRPF40A,PRPF4B,PRPF6,PRPF8,PRPS1,PRPSAP1,PRPSAP2,PRR13,PRR14,PRR5,PRR5L,PRR7,PRRC2B,PRRC2C,PRRT3,PRRX1,PRSS23,PSAP,PSD4,PSEN1,PSENEN,PSIP1,PSMA1,PSMA2,PSMA3,PSMA3AS1,PSMA4,PSMA5,PSMA6,PSMA7,PSMA8,PSMB1,PSMB10,PSMB2,PSMB3,PSMB4,PSMB6,PSMB7,PSMB8,PSMB8AS1,PSMB9,PSMC1,PSMC2,PSMC3,PSMC4,PSMC5,PSMC6,PSMD1,PSMD12,PSMD13,PSMD14,PSMD2,PSMD3,PSMD4,PSMD6,PSMD7,PSMD8,PSMD9,PSME1,PSME2,PSME4,PSMF1,PSMG2,PSMG3,PSMG4,PSPC1,PSTPIP1,PTAFR,PTAR1,PTBP1,PTDSS1,PTEN,PTGDR,PTGER3,PTGER4,PTGES,PTGES2,PTGES3,PTGS1,PTGS2,PTK2B,PTMA,PTOV1,PTP4A1,PTP4A2,PTPN1,PTPN11,PTPN12,PTPN2,PTPN22,PTPN4,PTPN6,PTPN7,PTPN9,PTPRA,PTPRB,PTPRC,PTPRE,PTPRK,PTPRO,PTPRR,PTRHD1,PTS,PTX3,PUF60,PUM2,PUM3,PUS3,PUS7L,PVALB,PVRIG,PVRL4,PVT1,PWP1,PWWP2A,PXK,PXN,PYCARD,PYCR1,PYCR2,PYGL,PYHIN1,PYROXD1,PYROXD2,PYURF,QARS,QKI,QPCT,QPRT,QRICH1,QRSL1,QSOX1,QSOX2,QTRT1,R3HCC1,R3HCC1L,R3HDM4,RAB11A,RAB11B,RAB11FIP1,RAB11FIP4,RAB14,RAB18,RAB1A,RAB1B,RAB20,RAB21,RAB27A,RAB27B,RAB29,RAB2A,RAB30,RAB31,RAB33A,RAB34,RAB35,RAB37,RAB3D,RAB3GAP1,RAB40A,RAB4B,RAB5A,RAB5C,RAB6A,RAB7A,RAB7B,RAB8A,RAB8B,RAB9A,RABAC1,RABEP1,RABEP2,RABGAP1L,RABGGTA,RABL2B,RABL3,RAC1,RAC2,RAD1,RAD17,RAD18,RAD21,RAD23A,RAD23B,RAD50,RAD51D,RAD54L2,RAD9A,RAE1,RAF1,RALA,RALBP1,RALGAPA1,RALGDS,RALGPS2,RALY,RAMP2,RAN,RANBP1,RANBP3,RANBP6,RANGRF,RAP1A,RAP1B,RAP1GDS1,RAP2C,RAPGEF5,RARA,RARRES3,RARS,RASA2,RASA3,RASAL3,RASD1,RASGEF1A,RASGEF1B,RASGRP1,RASGRP2,RASGRP3,RASGRP4,RASSF1,RASSF5,RASSF6,RASSF7,RB1,RB1CC1,RBBP4,RBBP5,RBBP6,RBBP7,RBBP8,RBCK1,RBL2,RBM10,RBM12,RBM14,RBM15,RBM17,RBM19,RBM22,RBM23,RBM24,RBM25,RBM26,RBM28,RBM3,RBM33,RBM34,RBM38,RBM39,RBM4,RBM42,RBM47,RBM48,RBM5,RBM6,RBM7,RBM8A,RBMS1,RBMX,RBMXL1,RBP7,RBX1,RC3H1,RC3H2,RCC1,RCE1,RCL1,RCN1,RCN2,RCSD1,RDH5,REC8,RECQL,REEP5,REL,RELA,RELB,RELT,REN,REN1,RENINRECEPTOR,REPS2,RER1,RERGL,REST,RET,RETN,REV3L,REXO1,REXO4,RFC1,RFC2,RFFL,RFPL1,RFTN1,RFXANK,RFXAP,RGCC,RGL4,RGMB,RGS1,RGS10,RGS13,RGS14,RGS16,RGS19,RGS2,RGS3,RGS5,RGS9,RHBDD1,RHBDD2,RHBG,RHCG,RHEB,RHEBL1,RHNO1,RHOA,RHOBTB2,RHOC,RHOF,RHOG,RHOH,RHOT2,RIC3,RIC8A,RICTOR,RIF1,RILPL2,RIN3,RING1,RINL,RINT1,RIOK1,RIOK3,RIPK2,RITA1,RLF,RMDN3,RMI2,RMND5A,RNASE2,RNASE6,RNASEH1,RNASEH2B,RNASEH2C,RNASEK,RNASET2,RNF10,RNF11,RNF113A,RNF114,RNF115,RNF125,RNF126,RNF13,RNF130,RNF138,RNF139,RNF141,RNF144B,RNF145,RNF149,RNF157,RNF166,RNF167,RNF168,RNF170,RNF181,RNF187,RNF19A,RNF213,RNF25,RNF34,RNF40,RNF43,RNF44,RNF5,RNF6,RNF7,RNFT1,RNGTT,RNH1,RNMT,RNMTL1,RNPEPL1,RNPS1,RNU,ROBO2,ROCK1,ROM1,ROMO1,ROPN1L,RORA,RORC,RP11104L213,RP11105N141,RP111070N103,RP1110L124,RP111100L38,RP11126O16,RP11138A91,RP11138A92,RP11166P134,RP1116E122,RP11179A101,RP1118H211,RP11210M152,RP11215P83,RP11222K162,RP11255M23,RP1125K191,RP11266K49,RP11290F51,RP11291B212,RP11295P913,RP11298J203,RP11302B135,RP11307N166,RP11315I201,RP11325F222,RP11326C315,RP11347P51,RP11354E112,RP11356I24,RP11356J512,RP11373D233,RP1137K241,RP11386G1110,RP11387A15,RP11398K2212,RP11412D94,RP11426C225,RP11431M73,RP11449D81,RP11455F55,RP11473I15,RP1147L31,RP11488C135,RP11488L1810,RP11489E74,RP1148B33,RP11493L124,RP11500C113,RP11501J205,RP1151J95,RP11521B243,RP11531F164,RP11533E195,RP11536K75,RP11539I51,RP11539L102,RP11542M133,RP11544A128,RP11635N191,RP1165M173,RP11660L162,RP1173E172,RP1173O63,RP11763B224,RP11796E24,RP1183A242,RP11936I51,RP1276N62,RP128O101,RP13143G154,RP3395M2012,RP3395M208,RP3508I1510,RP4539M622,RP4706G241,RP4728D42,RP51028K72,RP51085F173,RP51171I105,RP51180E215,RP5887A101,RP5940J59,RP6159A14,RPA1,RPA2,RPA3,RPAIN,RPAP2,RPE,RPF1,RPGR,RPGRIP1L,RPIA,RPL10,RPL10A,RPL10L,RPL11,RPL12,RPL13,RPL13A,RPL14,RPL15,RPL17,RPL18,RPL18A,RPL19,RPL21,RPL22,RPL22L1,RPL23,RPL23A,RPL24,RPL26,RPL27,RPL27A,RPL28,RPL29,RPL3,RPL30,RPL31,RPL32,RPL34,RPL35,RPL35A,RPL36,RPL36A,RPL36AL,RPL37,RPL37A,RPL38,RPL39,RPL4,RPL41,RPL5,RPL6,RPL7,RPL7A,RPL7L1,RPL8,RPL9,RPLP0,RPLP1,RPLP2,RPN2,RPRD1B,RPS10,RPS11,RPS12,RPS13,RPS14,RPS15,RPS15A,RPS16,RPS17,RPS18,RPS19,RPS19BP1,RPS2,RPS20,RPS21,RPS23,RPS24,RPS25,RPS26,RPS27,RPS27A,RPS27L,RPS28,RPS29,RPS3,RPS3A,RPS4X,RPS4Y1,RPS5,RPS6,RPS6KA1,RPS6KA3,RPS6KA5,RPS6KB1,RPS6KB2,RPS7,RPS8,RPS9,RPSA,RPUSD3,RQCD1,RRAGC,RRAS2,RRBP1,RRM1,RRM2,RRN3,RRP7A,RRP8,RRS1,RSAD1,RSBN1L,RSF1,RSL1D1,RSL24D1,RSPO1,RSPO3,RSPRY1,RSRC2,RSRP1,RSU1,RTCB,RTF1,RTFDC1,RTN3,RTN4,RTP4,RTP5,RUFY1,RUNDC1,RUNX2,RUNX3,RUVBL1,RWDD1,RWDD4,RXRA,RXRB,RYBP,RYK,S100,S100A,S100A10,S100A11,S100A12,S100A4,S100A6,S100A8,S100A9,S100G,S100P,S100PBP,S100Z,S1PR1,S1PR2,S1PR4,S1PR5,SAA1,SAA2,SAAL1,SAC3D1,SACM1L,SAFB,SAFB2,SALL1,SAMD12,SAMD3,SAMD9,SAMD9L,SAMHD1,SAMM50,SAMSN1,SAP18,SAP30BP,SAR1A,SAR1B,SARAF,SARS,SART1,SASH3,SAT1,SAT2,SATB1,SAV1,SBDS,SBK1,SBNO1,SBSN,SC5D,SCAF1,SCAF11,SCAF4,SCAMP2,SCAMP3,SCAND1,SCAPER,SCARNA2,SCCPDH,SCD5,SCFD1,SCG2,SCIMP,SCLT1,SCML4,SCN1B,SCN4B,SCNN1B,SCNN1G,SCO2,SCP2,SCPEP1,SCRN2,SCYL2,SDAD1,SDC1,SDC4,SDCBP,SDE2,SDF2,SDF2L1,SDF4,SDHA,SDHAF2,SDHB,SDHC,SDHD,SDPR,SEC11A,SEC11C,SEC13,SEC14L1,SEC22A,SEC23A,SEC23B,SEC23IP,SEC31A,SEC61A1,SEC61B,SEC61G,SEC62,SEC63,SECISBP2L,SEL1L3,SELENBP1,SELK,SELL,SELPLG,SELT,SEMA3G,SEMA4A,SEMA4B,SEMA5A,SENP2,SENP5,SENP7,SEP1,SEP15,SEP2,SEP3,SEP6,SEP7,SEP9,SEPW1,SERBP1,SERF1A,SERF2,SERGEF,SERINC1,SERINC3,SERP1,SERPINA1,SERPINA11,SERPINB1,SERPINB2,SERPINB6,SERPINB8,SERPINB9,SERPINE2,SERTAD1,SERTAD2,SESELECTIN,SESN1,SESTD1,SET,SETBP1,SETD2,SETD3,SETD5,SETX,SF1,SF3A1,SF3A2,SF3B1,SF3B2,SF3B3,SF3B4,SF3B5,SF3B6,SFI1,SFMBT1,SFPQ,SFR1,SFRP1,SFRP2,SFT2D1,SFT2D2,SFXN1,SFXN5,SGF29,SGOL1,SGSM3,SH2B2,SH2D1A,SH2D1B,SH2D2A,SH2D3A,SH3BGRL,SH3BGRL3,SH3BP1,SH3BP2,SH3BP5,SH3D19,SH3GLB1,SH3KBP1,SH3YL1,SHARPIN,SHFM1,SHISA5,SHISA8,SHKBP1,SHMT2,SHOC2,SHPRH,SHTN1,SIAH2,SIDT1,SIDT1AS1,SIDT2,SIGIRR,SIGLEC1,SIGLEC14,SIGLEC5,SIGLEC7,SIGLEC8,SIGLEC9,SIGLECG,SIGLECH,SIGMAR1,SIKE1,SIMC1,SIN3A,SIPA1,SIPA1L1,SIPA1L3,SIRP,SIRPA,SIRPB1,SIRPG,SIRT2,SIRT3,SIRT7,SIX1,SIX2,SKA2,SKAP1,SKI,SKIL,SKIV2L2,SKP1,SLA,SLA2,SLAMF1,SLAMF6,SLAMF7,SLBP,SLC10A3,SLC11A1,SLC12A1,SLC12A2,SLC12A3,SLC13A1,SLC13A3,SLC14A1,SLC14A2,SLC15A3,SLC15A4,SLC16A3,SLC16A5,SLC16A6,SLC16A8,SLC16A9,SLC17A3,SLC18A2,SLC1A1,SLC1A4,SLC20A1,SLC22A5,SLC22A6,SLC22A7,SLC22A8,SLC24A1,SLC24A4,SLC25A10,SLC25A11,SLC25A12,SLC25A18,SLC25A20,SLC25A22,SLC25A26,SLC25A3,SLC25A32,SLC25A36,SLC25A37,SLC25A38,SLC25A39,SLC25A42,SLC25A46,SLC25A5,SLC25A6,SLC26A4,SLC26A6,SLC26A7,SLC27A2,SLC27A5,SLC2A11,SLC2A3,SLC2A4RG,SLC2A6,SLC30A7,SLC31A2,SLC34A1,SLC35A3,SLC35B2,SLC35C2,SLC35E1,SLC35E2B,SLC35E3,SLC35F2,SLC36A4,SLC37A1,SLC37A4,SLC38A1,SLC38A10,SLC38A2,SLC39A1,SLC39A10,SLC39A7,SLC39A8,SLC3A2,SLC41A1,SLC43A2,SLC44A1,SLC44A2,SLC45A3,SLC4A1,SLC4A10,SLC4A1AP,SLC4A4,SLC4A9,SLC50A1,SLC5A12,SLC5A2,SLC5A3,SLC5A5,SLC6A19,SLC6A6,SLC7A13,SLC7A5,SLC7A6,SLC7A6OS,SLC7A7,SLC7A8,SLC7A9,SLC8A1,SLC9A3,SLC9A3R1,SLC9A8,SLCO3A1,SLCO4C1,SLF1,SLFN12L,SLFN13,SLFN5,SLK,SLMAP,SLPI,SLTM,SLU7,SLX1A,SLX4IP,SMA,SMAD2,SMAD3,SMAD6,SMAD7,SMAP1,SMAP2,SMARCA2,SMARCA4,SMARCA5,SMARCAD1,SMARCB1,SMARCC1,SMARCC2,SMARCD1,SMARCD2,SMARCD3,SMARCE1,SMC1A,SMC2,SMC3,SMC4,SMC5,SMC6,SMCHD1,SMCO4,SMDT1,SMG1,SMG6,SMIM10L1,SMIM14,SMIM15,SMIM19,SMIM24,SMIM7,SMIM8,SMKR1,SMN1,SMN2,SMNDC1,SMPD1,SMPD4,SMPDL3A,SMPDL3B,SMU1,SMYD2,SMYD3,SMYD4,SNAI1,SNAI3,SNAIL,SNAP29,SNAP47,SND1,SNF8,SNHG15,SNHG19,SNHG21,SNHG7,SNHG8,SNHG9,SNIP1,SNN,SNRK,SNRNP200,SNRNP25,SNRNP40,SNRNP70,SNRPA,SNRPA1,SNRPB,SNRPB2,SNRPC,SNRPD1,SNRPD2,SNRPD3,SNRPE,SNRPF,SNRPG,SNRPN,SNTA1,SNU13,SNW1,SNX10,SNX14,SNX17,SNX2,SNX20,SNX22,SNX27,SNX29,SNX3,SOAT2,SOBP,SOCS1,SOCS2,SOCS3,SOCS4,SOCS7,SOD1,SOD2,SON,SORD,SORL1,SOS2,SOWAHD,SOX17,SOX2,SOX9,SP100,SP110,SP140,SP140L,SP2AS1,SP3,SPAG1,SPAG7,SPAG9,SPARC,SPATA13,SPATA2,SPATA5,SPATC1L,SPATS2,SPCS1,SPCS2,SPCS3,SPECC1L,SPG21,SPG7,SPI1,SPIB,SPINK8,SPINT2,SPIRE2,SPN,SPOCK2,SPON1,SPON2,SPOP,SPOPL,SPP1,SPPL2A,SPRTN,SPRY1,SPSB3,SPTAN1,SPTBN1,SPTLC1,SPTSSB,SPTY2D1,SQRDL,SQSTM1,SRA1,SREK1,SREK1IP1,SRFBP1,SRGN,SRI,SRM,SRP14,SRP14AS1,SRP19,SRP54,SRP68,SRP72,SRP9,SRPK1,SRPK2,SRPRA,SRPRB,SRRM1,SRRM2,SRRT,SRSF1,SRSF10,SRSF11,SRSF2,SRSF3,SRSF4,SRSF5,SRSF6,SRSF7,SRSF8,SRSF9,SS18,SS18L2,SSB,SSBP1,SSBP3,SSBP4,SSH2,SSNA1,SSPN,SSR1,SSR2,SSR3,SSR4,SSRP1,SSSCA1,SSU72,ST13,ST20,ST3GAL1,ST3GAL4,ST3GAL5,ST6GAL1,ST6GALNAC4,ST6GALNAC6,ST8SIA4,STAG1,STAG2,STAG3,STAMBP,STAMBPL1,STAP1,STARD10,STARD3,STARD3NL,STARD7,STAT2,STAT3,STAT4,STAT5B,STAT6,STAU1,STAU2,STEAP1B,STEAP4,STIM1,STIM2,STIP1,STK10,STK16,STK17A,STK17B,STK24,STK25,STK26,STK38,STK39,STK4,STK40,STMN2,STOM,STOML2,STRADB,STRAP,STRBP,STRIP1,STT3A,STT3B,STUB1,STX10,STX11,STX16,STX17,STX18,STX3,STX4,STX5,STX7,STX8,STXBP2,STXBP3,STXBP5,STXBP6,SUB1,SUCLA2,SUCLG1,SUCLG2,SUCO,SUDS3,SUGP2,SUGT1,SULF2,SULT1A1,SULT1B1,SULT1E1,SUMF2,SUMO1,SUMO2,SUMO3,SUN2,SUPT16H,SUPT20H,SUPT3H,SUPT4H1,SUPT5H,SUPT7L,SURF1,SURF2,SURF4,SUZ12,SVIL,SVIP,SVOPL,SWAP70,SYAP1,SYF2,SYK,SYN1,SYNCRIP,SYNE1,SYNE2,SYNGAP1,SYNGR2,SYNJ2,SYNM,SYNPO,SYNRG,SYP,SYPL1,SYS1,SYTL1,SYTL2,SYTL3,SYVN1,SZRD1,TACC1,TACC3,TACSTD2,TADA3,TAF10,TAF11,TAF12,TAF13,TAF15,TAF1D,TAF3,TAF6L,TAF7,TAF9,TAGAP,TAGLN,TAGLN2,TAL1,TALDO1,TANC2,TANGO6,TANK,TAOK3,TAP1,TAP2,TAPBP,TAPBPL,TARDBP,TARS,TARS2,TAS1R3,TASP1,TATDN1,TAX1BP1,TAZ,TBC1D1,TBC1D10A,TBC1D10C,TBC1D19,TBC1D23,TBC1D25,TBC1D2B,TBC1D31,TBC1D5,TBC1D8,TBCA,TBCB,TBCC,TBCD,TBK1,TBPL1,TBX19,TBX21,TC2N,TCAF2,TCEA1,TCEAL8,TCEB1,TCEB2,TCEB3,TCERG1,TCF19,TCF21,TCF25,TCF3,TCF4,TCF7,TCFCP2L1,TCIRG1,TCL1A,TCOF1,TCP1,TCP11L2,TCTA,TCTEX1D2,TCTN3,TDG,TDP1,TECR,TEFM,TEK,TELO2,TERF1,TERF2IP,TES,TESC,TESPA1,TET2,TEX264,TEX30,TEX9,TFAM,TFB1M,TFCP2L1,TFDP1,TFDP2,TFEB,TFG,TFIP11,TFPI,TGFB1,TGFBI,TGFBR3,TGIF2,TGM3,TGOLN2,TGS1,TH,THAP1,THAP5,THBS1,THEM4,THEM6,THEMIS,THEMIS2,THOC2,THOC3,THOC5,THOC7,THRAP3,THSD4,THSD7A,THUMPD1,THUMPD3,THUMPD3AS1,THY1,THYN1,TIAL1,TICAM1,TIE1,TIE2,TIFA,TIGIT,TIM3,TIMD4,TIMM10,TIMM13,TIMM17A,TIMM17B,TIMM50,TIMM8B,TIMM9,TIMP1,TIMP3,TINAGL1,TINF2,TIPARP,TIPARPAS1,TIPIN,TIPRL,TJAP1,TKFC,TKT,TKTL1,TLCD1,TLCD2,TLE1,TLE4,TLK2,TLN1,TLR10,TLR2,TLR4,TLR8,TM2D1,TM2D3,TM7SF3,TM9SF2,TMA16,TMA7,TMBIM1,TMBIM4,TMBIM6,TMC6,TMC8,TMCO1,TMED1,TMED10,TMED2,TMED3,TMED4,TMED9,TMEM100,TMEM101,TMEM106B,TMEM107,TMEM109,TMEM119,TMEM120B,TMEM126A,TMEM128,TMEM131,TMEM134,TMEM141,TMEM14B,TMEM154,TMEM156,TMEM160,TMEM161A,TMEM165,TMEM167A,TMEM167B,TMEM170A,TMEM170B,TMEM171,TMEM174,TMEM175,TMEM176B,TMEM179B,TMEM18,TMEM181,TMEM184B,TMEM185B,TMEM2,TMEM204,TMEM207,TMEM208,TMEM213,TMEM218,TMEM220AS1,TMEM222,TMEM230,TMEM233,TMEM241,TMEM243,TMEM246,TMEM248,TMEM256,TMEM258,TMEM261,TMEM263,TMEM30A,TMEM41A,TMEM43,TMEM50A,TMEM59,TMEM63A,TMEM64,TMEM71,TMEM87A,TMEM91,TMEM99,TMEM9B,TMF1,TMIGD2,TMOD1,TMOD3,TMPO,TMPRSS3,TMSB10,TMUB1,TMUB2,TMX1,TMX2,TMX4,TNC,TNFAIP2,TNFAIP3,TNFAIP6,TNFAIP8,TNFRSF10A,TNFRSF10B,TNFRSF10C,TNFRSF12A,TNFRSF13B,TNFRSF13C,TNFRSF14,TNFRSF17,TNFRSF18,TNFRSF1A,TNFRSF1B,TNFRSF25,TNFRSF4,TNFRSF8,TNFRSF9,TNFSF10,TNFSF11,TNFSF12,TNFSF13B,TNFSF14,TNIK,TNIP1,TNIP2,TNKS,TNKS2,TNNC2,TNNI2,TNRC6A,TNRC6B,TNRC6C,TOB2,TOE1,TOM1,TOMM20,TOMM22,TOMM5,TOMM7,TONSL,TOP1,TOP2A,TOP2B,TOPBP1,TOPORS,TOPORSAS1,TOR1A,TOR1AIP1,TOR1AIP2,TOR1B,TOR2A,TOX,TOX2,TOX4,TP53,TP53BP1,TP53BP2,TP53I13,TP53INP1,TP63,TPD52,TPGS1,TPGS2,TPI1,TPM2,TPM3,TPM4,TPMT,TPP2,TPPP3,TPR,TPSAB1,TPSAP1,TPSB2,TPSD1,TPST1,TPST2,TPT1,TPTEP1,TRA2A,TRA2B,TRABD,TRAC,TRADD,TRAF1,TRAF3,TRAF3IP3,TRAF4,TRAF5,TRAM1,TRAM2,TRANK1,TRAP1,TRAPPC1,TRAPPC10,TRAPPC2,TRAPPC2L,TRAPPC2P1,TRAPPC3,TRAPPC4,TRAPPC6A,TRAPPC6B,TRAPPC8,TRAT1,TRBC1,TRBC2,TRDC,TREM1,TREM2,TRGAS1,TRGC1,TRGC2,TRGV10,TRGV9,TRIB1,TRIB2,TRIM11,TRIM14,TRIM24,TRIM25,TRIM26,TRIM27,TRIM33,TRIM38,TRIM39,TRIM44,TRIM56,TRIM61,TRIM63,TRIM65,TRIP11,TRIP12,TRMO,TRMT10B,TRMT10C,TRMT112,TRMT2A,TRMT6,TRNAU1AP,TROVE2,TRPC4AP,TRPM4,TRPM6,TRPM7,TRPS1,TRPT1,TRPV2,TRPV4,TRPV5,TSAPN7,TSC1,TSC2,TSC22D1,TSC22D2,TSC22D3,TSC22D4,TSEN15,TSEN54,TSFM,TSG101,TSHR,TSHZ2,TSNAX,TSPAN1,TSPAN13,TSPAN15,TSPAN17,TSPAN3,TSPAN32,TSPAN5,TSPO,TSPYL1,TSPYL2,TSR1,TSR2,TSR3,TSSC1,TSSC4,TSTA3,TSTD1,TTBK2,TTC1,TTC14,TTC16,TTC17,TTC19,TTC3,TTC33,TTC37,TTC38,TTC39B,TTC39C,TTC39CAS1,TTC7A,TTC9C,TTF1,TTN,TTTY15,TUBA1B,TUBA4A,TUBB,TUBB4B,TUBGCP2,TUFM,TWF2,TWISTNB,TXK,TXN,TXN2,TXNDC11,TXNDC15,TXNDC17,TXNDC5,TXNDC9,TXNIP,TXNL1,TXNRD1,TYK2,TYMP,TYMS,TYROBP,TYSND1,TYW1,TYW3,U2AF1,U2AF1L4,U2AF2,U2SURP,UAP1,UBA2,UBA3,UBA5,UBA52,UBA6,UBAC2,UBALD2,UBAP1,UBAP2L,UBASH3B,UBB,UBC,UBE2B,UBE2C,UBE2D1,UBE2D2,UBE2D3,UBE2E3,UBE2F,UBE2G1,UBE2I,UBE2J1,UBE2J2,UBE2L3,UBE2L6,UBE2M,UBE2N,UBE2Q2,UBE2S,UBE2V1,UBE2V2,UBE3A,UBE3C,UBE4B,UBL5,UBL7,UBLCP1,UBN1,UBQLN1,UBQLN2,UBR1,UBR4,UBR5,UBTF,UBXN1,UBXN2A,UBXN4,UBXN6,UCBS,UCHL3,UCHL5,UCKL1,UCKL1AS1,UCP2,UFC1,UFD1L,UFL1,UFM1,UGGT1,UGP2,UGT2A1,UGT8,UHMK1,UHRF1,UHRF2,UIMC1,UMAD1,UMOD,UMPS,UNC13C,UNC13D,UNC45A,UNG,UNK,UPF2,UPF3A,UPF3B,UPK1A,UPK1B,UPK3A,UPP1,UQCC2,UQCR10,UQCR11,UQCRB,UQCRC1,UQCRC2,UQCRFS1,UQCRH,UQCRHL,UQCRQ,URB2,URI1,URM1,UROS,USB1,USE1,USF3,USMG5,USO1,USP1,USP10,USP11,USP13,USP14,USP15,USP16,USP22,USP28,USP3,USP30AS1,USP33,USP34,USP36,USP38,USP4,USP47,USP48,USP7,USP8,USP9Y,UTF1,UTP14A,UTP15,UTP6,UTRN,UTUC,UVRAG,UXT,VAMP2,VAMP5,VAMP7,VAMP8,VAPA,VASP,VAV1,VAV3AS1,VBP1,VCAM1,VCAN,VCL,VCP,VCPKMT,VDAC1,VDAC2,VDAC3,VDR,VEGFA,VEGFC,VEGFR2,VENTX,VGLL4,VHL,VILLIN1,VIM,VIMAS1,VIMENTIN,VIMP,VIPR1,VMP1,VNN1,VNN2,VNN3,VOPP1,VPREB3,VPS11,VPS13A,VPS13B,VPS13C,VPS16,VPS26A,VPS26B,VPS28,VPS29,VPS36,VPS37B,VPS4A,VPS4B,VPS51,VPS53,VRK1,VRK3,VSIR,VSTM1,VTI1A,VWA5A,VWA7,VWA9,VWC2,VWF,WAC,WACAS1,WAPL,WARS,WARS2,WAS,WASF2,WBP1,WBP11,WBP2,WBP4,WBP5,WBSCR16,WBSCR22,WDFY1,WDFY3,WDFY4,WDR1,WDR13,WDR3,WDR33,WDR34,WDR35,WDR4,WDR41,WDR43,WDR45,WDR46,WDR54,WDR55,WDR61,WDR62,WDR70,WDR74,WDR83,WDR83OS,WDR89,WDR92,WDSUB1,WDYHV1,WFDC17,WFDC2,WFIKKN1,WFS1,WHAMM,WHSC1L1,WIPF1,WIPF2,WIPF3,WIPI2,WNK1,WNK4,WNT11,WNT16,WNT4,WRAP73,WSB1,WT1,WTAP,XAB2,XAF1,XBP1,XCL1,XCL2,XCR1,XIAP,XPA,XPC,XPNPEP2,XRCC5,XRCC6,XRN1,XRN2,XXBACBPG13B810,YAF2,YARS,YARS2,YBX1,YDJC,YEATS4,YES1,YIPF3,YIPF4,YIPF5,YME1L1,YPEL1,YPEL3,YPEL5,YRDC,YTHDC1,YTHDC2,YTHDF2,YWHAB,YWHAE,YWHAQ,YWHAZ,YY1,ZAP70,ZAR1,ZBED5,ZBP1,ZBTB1,ZBTB10,ZBTB11,ZBTB16,ZBTB20,ZBTB21,ZBTB25,ZBTB32,ZBTB43,ZBTB44,ZBTB7A,ZBTB8A,ZBTB8OS,ZC3H11A,ZC3H12A,ZC3H13,ZC3H14,ZC3H15,ZC3H18,ZC3H7A,ZC3H8,ZC3HAV1,ZCCHC10,ZCCHC11,ZCCHC17,ZCCHC7,ZCCHC9,ZCRB1,ZDBF2,ZDHHC12,ZDHHC18,ZDHHC20,ZDHHC21,ZDHHC24,ZDHHC3,ZDHHC4,ZDHHC6,ZEB1,ZEB2,ZFAND1,ZFAND2A,ZFAND2B,ZFAND5,ZFAND6,ZFAS1,ZFP36,ZFP36L1,ZFP36L2,ZFP91,ZFPL1,ZFR,ZFX,ZFY,ZFYVE27,ZFYVE28,ZHX2,ZKSCAN1,ZKSCAN8,ZMAT2,ZMAT3,ZMAT5,ZMYM1,ZMYM2,ZMYM5,ZMYND11,ZMYND8,ZNF101,ZNF106,ZNF107,ZNF121,ZNF131,ZNF140,ZNF141,ZNF142,ZNF148,ZNF16,ZNF184,ZNF195,ZNF207,ZNF217,ZNF222,ZNF224,ZNF24,ZNF254,ZNF256,ZNF260,ZNF263,ZNF266,ZNF267,ZNF274,ZNF275,ZNF276,ZNF277,ZNF292,ZNF296,ZNF302,ZNF317,ZNF326,ZNF331,ZNF350,ZNF382,ZNF383,ZNF385A,ZNF394,ZNF410,ZNF428,ZNF430,ZNF451,ZNF468,ZNF486,ZNF493,ZNF511,ZNF525,ZNF526,ZNF532,ZNF556,ZNF562,ZNF569,ZNF574,ZNF576,ZNF581,ZNF585B,ZNF586,ZNF587B,ZNF600,ZNF605,ZNF622,ZNF628,ZNF638,ZNF639,ZNF641,ZNF644,ZNF655,ZNF683,ZNF684,ZNF701,ZNF706,ZNF708,ZNF721,ZNF75A,ZNF784,ZNF786,ZNF791,ZNF793,ZNF800,ZNF808,ZNF827,ZNF829,ZNF83,ZNF830,ZNF831,ZNF836,ZNF860,ZNF90,ZNF91,ZNF92,ZNFX1,ZNHIT1,ZNHIT3,ZNRD1,ZNRF1,ZO1,ZO2,ZPR1,ZRANB2,ZSCAN16AS1,ZSCAN18,ZSCAN26,ZYX,ZZEF1
+LIVER,N
+2B4,A2M,AADAC,AAT,ABCA2,ABCB1,ABCB5,ABCG1,ABHD14B,ABI2,ABI3,ABLIM3,ACE2,ACN9,ACOT9,ACP5,ACSL1,ACSL4,ACTA2,ACTN4,ACTR3C,ADAM10,ADAM12,ADAM17,ADAM19,ADAMTS1,ADAMTSL2,ADAT2,ADCY3,ADCYAP1,ADGRG1,ADGRG5,ADI1,ADORA2A,ADPRH,ADRB2,AFAP1L2,AFETOPROTEIN,AFP,AFTPH,AGPAT4,AHI1,AHNAK,AHSP,AIMP2,AIP,AK2,AKAP12,AKAP5,AKIP1,AKIRIN2,AKR1A1,AKR1C1,AKR1C2,AKR1C3,ALAS2,ALB,ALBUMIN,ALDH,ALDH1,ALDH3A2,ALG8,ALKALINEPHOSPHATASE,ALPHASMA,ALPHASMOOTHMUSCLEACTIN,AMBP,ANIONEXCHANGER2,ANKRD10,ANPEP,ANXA5,APLP2,APMAP,APOA2,APOB,APOBEC3C,APOBEC3D,APOBEC3F,APOBEC3G,APOC1,APOE,APOH,APOL1,APOL3,APPBP2,AQP3,ARG1,ARGLU1,ARHGAP9,ARHGEF12,ARID5B,ARL3,ARL4C,ARL5A,ARNT,ARPC1A,ARPC1B,ARPP19,ARX,ASB2,ASCL1,ASGPR,ASGPR1,ASGR1,ASNSD1,ASS1,AST,ASUN,ASXL2,ATOX1,ATP10D,ATP13A3,ATP1B1,ATP5C1,ATP5G1,ATP6V0A1,ATP6V1A,ATP6V1C2,ATP8B4,ATXN1,AXIN2,AZGP1,B3GALT2,BACH1,BANK1,BAP1,BATF,BCL11A,BCL2L11,BETACATENIN,BEX1,BEX3,BHLHE40AS1,BHMT2,BID,BIRC3,BIRC5,BLOC1S2,BNIP1,BPGM,BRAINISOFORMGLYCOGENPHOSPHORYLASE,BRE,BREAS1,BST2,BTG3,BTLA,BTNL9,C11ORF96,C12ORF75,C14ORF105,C15ORF53,C16ORF87,C17ORF62,C19ORF33,C1ORF21,C1QA,C1QB,C1R,C1S,C21ORF91,C2ORF82,C3AR1,C3ORF58,C5ORF45,C7ORF25,C8ORF4,C9ORF16,CACNA2D1,CACYBP,CADM1,CALCOCO2,CALLA,CALM3,CAM52,CAMK1,CAPG,CAPZA2,CAPZB,CARD16,CARD17,CARHSP1,CASP1,CASP3,CASP7,CAT,CBLB,CBX5,CCDC141,CCDC22,CCDC50,CCDC85B,CCDC86,CCL14,CCL18,CCL19,CCL2,CCL20,CCL21,CCL3,CCL4,CCL5,CCND2,CCNG2,CCR1,CCR2,CCR4,CCR6,CCR7,CCR8,CD10,CD103,CD105,CD107,CD109,CD110,CD117,CD11B,CD11C,CD123,CD13,CD133,CD137,CD14,CD141,CD146,CD147,CD15,CD16,CD160,CD163,CD166,CD169,CD177,CD18,CD19,CD1A,CD1C,CD1E,CD2,CD20,CD200,CD206,CD24,CD244,CD25,CD27,CD271,CD274,CD276,CD27AS1,CD28,CD29,CD2BP2,CD3,CD300A,CD303,CD31,CD32,CD32B,CD33,CD335,CD34,CD38,CD39,CD3D,CD3D25,CD3E,CD3G,CD4,CD40,CD40LG,CD42B,CD44,CD44V9,CD45,CD45RA,CD45RO,CD47,CD49A,CD49E,CD49F,CD5,CD52,CD54,CD56,CD57,CD58,CD59,CD5A,CD5L,CD62L,CD63,CD64,CD66A,CD66B,CD66C,CD66E,CD68,CD6824,CD69,CD7,CD70,CD71,CD73,CD74,CD77,CD79A,CD79B,CD8,CD80,CD82,CD83,CD84,CD86,CD8A,CD8B,CD9,CD90,CD94,CDC37L1,CDC42EP2,CDC73,CDCP1,CDH5,CDIP1,CDKL1,CDKN1A,CDKN2A,CEA,CEACAM1,CEBPA,CEBPD,CEP78,CERK,CFH,CFHR1,CFTR,CHCHD2,CHD1L,CHD4,CHEK1,CHI3L2,CHN1,CHST12,CK,CK18,CK19,CK8,CKAP2,CKIT,CKLF,CLDN1,CLEC10A,CLEC1B,CLEC2B,CLEC4C,CLEC4F,CLEC4G,CLEC4M,CLEC7A,CLEC9A,CLECL1,CLIC2,CLIP1,CLNK,CLSTN3,CLTC,CMET,CMTM6,CO3D,COG1,COL1A1,COL1A2,COL3A1,COL9A2,COLEC10,COLQ,COMMD3,COPZ1,COQ10B,CORO1B,COTL1,COX5A,CPB2,CPED1,CPM,CPNE8,CPS1,CRBN,CRBP1,CREB3L2,CREM,CRHBP,CSF1,CSF1R,CSF2RB,CSNK2B,CSPG4,CSRP1,CST7,CTLA4,CTNNA1,CTNNB1,CTSA,CTSB,CTSC,CTSD,CTSH,CTSL,CTSW,CTTNBP2NL,CX3CR1,CXCL10,CXCL13,CXCL9,CXCR3,CXCR4,CXCR5,CXCR6,CYP2C9,CYP2E1,CYP2J2,CYP3A1,CYP3A4,CYP3A7,CYP4V2,CYSTICFIBROSISTRANSMEMBRANECONDUCTANCEREGULATOR,CYTOKERATIN,CYTOKERATIN18,CYTOKERATIN19,CYTOKERATIN7,CYTOR,DACT1,DBNL,DCAF11,DCAMKL1,DCLRE1C,DCN,DDB2,DDIT4,DDX21,DDX24,DDX60,DGKH,DIAPH2,DKK3,DLC1,DLG1,DLK,DLK1,DNAJC12,DNASE1L3,DNPH1,DOCK1,DOUBLECORTINLIKEKINASE1,DPEP1,DPM3,DPP4,DPYSL2,DR1,DRAP1,DSTN,DUOX2,DUSP1,DUSP10,DUSP16,DUSP23,DUSP4,DUSP5,DYNC1I2,DYNLL1,DYNLRB1,EBI3,ECADHERIN,ECH1,ECT2,EDARADD,EDEM2,EDNRA,EFHD2,EFNB2,EGF,EHD4,EID1,EIF1AY,EIF4H,ELF3,ELOVL5,EMP2,EMP3,ENG,ENO1,ENPP1,ENTPD1,ENTPD1AS1,ENTPD3,EOMES,EPAS1,EPCAM,EPITHELIALCELLULARADHESIONMOLECULE,EPSTI1,ERI1,ERICH5,ERN1,ESF1,ESM1,ETNK1,ETV1,ETV7,EVA1A,EWSR1,EZH2,F2R,F480,F5,F8,FABP4,FABP5,FAM104A,FAM110A,FAM216A,FAM3C,FAM53B,FANCL,FANK1,FAP,FARSB,FAS,FASLG,FAT10,FBLN1,FBLN7,FCER1A,FCER2,FCGR2B,FCGR3A,FCGR3A26,FCGR3B,FCN1,FCN2,FCN3,FCRL3,FCRL6,FEV,FFAR4,FGB,FGFBP2,FGR,FIBP,FILIP1,FILIP1L,FJX1,FKBP11,FKBP1A,FKBP1ASDCBP2,FKBP4,FKBP5,FLK1,FLT1,FLT4,FMNL3,FOPX3,FOSB,FOSL1,FOXA1,FOXA2,FOXF1,FOXO1,FOXP3,FRZB,FSP1,FSTL3,FTH1,FTL,FUT11,FUT8,FXYD1,FXYD2,FXYD6,FYCO1,GABARAP,GABARAPL1,GABPB1,GADD45A,GADD45B,GADD45G,GAL,GALC,GALM,GALNT2,GAMMAGLUTAMYLTRANSFERASE,GAPDH,GATA1,GATA2,GATA3,GATA4,GATA6,GBP1,GBP2,GBP4,GBP5,GC,GCG,GCNT1,GEM,GFAP,GFOD1,GGA2,GGT,GJB1,GK,GK5,GLDC,GLIPR1,GLRX,GLRX2,GLUL,GLYCOPHORINA,GMDS,GMFG,GMNN,GNA15,GNAI1,GNG11,GNG4,GNLY,GOLGA8A,GOLGA8B,GOLIM4,GOT2,GPC3,GPD2,GPI,GPM6B,GPMB,GPNMB,GPR116,GPR171,GPR182,GPR183,GPR65,GPX1,GPX7,GRAMD3,GRINA,GRN,GSPT1,GSTO1,GSTP,GSTP1,GTF2I,GTF3A,GTF3C6,GUCY1B3,GYG1,GYPA,GZMA,GZMB,GZMH,GZMK,GZMM,H19,H2AFJ,HACD1,HACL1,HADH,HADHA,HADHB,HAPLN1,HARE,HAVCR1,HAVCR2,HBB,HBE1,HDAC7,HDC,HERPUD1,HES1,HES4,HGF,HIST1H2BK,HIST1H4C,HIST2H2AA4,HLACLASSI,HLACLASSII,HLADMA,HLADPA1,HLADPB1,HLADQA1,HLADQA2,HLADQB1,HLADR,HLADRA,HLAE,HLX,HMGB1,HMGB2,HMMR,HMOX1,HNF1B,HNF4A,HNRNPK,HNRNPLL,HOPX,HOXB2,HP,HPD,HPGD,HPRT1,HPSE,HS3ST3B1,HSD17B10,HSPA1A,HSPA1B,HSPB1,HSPB6,HTATIP2,HYI,HYPK,IAPP,ICA1,ICAM1,ICAM3,ICOS,ID2,ID3,IDI1,IFI16,IFI27L2,IFI30,IFI35,IFI6,IFITM3,IFN,IFNAR2,IFNG,IFNGR1,IGD,IGF2,IGFBP2,IGFBP4,IGFBP5,IGFBP7,IGFLR1,IGH1,IGHA2,IGHD,IGHM,IGKC,IGLC3,IGM,IHH,IKZF2,IKZF3,IKZF4,IL10RB,IL12RB1,IL12RB2,IL18R1,IL18RAP,IL1B,IL1R1,IL1R2,IL21,IL21R,IL21RAS1,IL23R,IL2RA,IL2RB,IL32,IL33,IL4I1,IL4R,IL7R,ILK,INO80C,INPP1,INPP5F,INS,IP6K3,IPF1,IRAK2,IRF2,IRF4,IRF5,IRF7,IRF8,IRF9,ISG15,ISL1,ISOC1,ITGA1,ITGA2,ITGA2B,ITGA3,ITGA4,ITGAE,ITGAM,ITGAX,ITGB1,ITGB4,ITIH2,ITM2A,ITM2C,JAG1,JAML,JCHAIN,JMJD4,KAT2B,KCNK5,KCNN4,KDM5B,KDR,KERATIN18,KERATIN19,KERATIN7,KERATIN8,KERATINS,KHDRBS3,KIAA0101,KIAA1114,KIF1B,KIF20B,KIF5B,KIR2DL1,KIR2DL4,KIT,KLF8,KLHL2,KLHL28,KLRB1,KLRC3,KLRC4,KLRF,KLRF1,KLRG1,KRT,KRT18,KRT19,KRT7,KRT8,KRT86,KYNU,LAG3,LAIR2,LAMP3,LAP3,LAPTM4A,LAPTM4B,LASP1,LAT2,LAYN,LBP,LCN2,LDB2,LDHA,LDLRAD4,LECT2,LEF1,LEPR,LEPROT,LFNG,LGALS3,LGMN,LGR5,LGR6,LHX2,LILRA4,LILRB1,LIMA1,LIMK1,LIMS1,LIN28,LINC00299,LINC00612,LINC00963,LITAF,LLGL2,LMBRD1,LMCD1,LOC100130872,LOC389831,LOC643733,LPCAT1,LRAT,LRPAP1,LRRC17,LRRC61,LSM2,LSP1,LST1,LTA,LTB,LTK,LTV1,LUM,LY6E,LY6G5B,LY75,LY75CD302,LYAR,LYRM4,LYST,LYVE1,LYZ,MAD2L2,MAF,MAGE3,MAGEH1,MAL,MALAT1,MAN1A2,MAP1LC3A,MAP2K3,MAPKAPK3,MAPRE2,MARCO,MASP2,MAST4,MBNL1,MBOAT1,MBOAT7,MBP,MCCC2,MCL1,MCM3AP,MCM5,MDK,ME1,MEF2C,MET,METTL5,METTL7A,METTL8,MFN1,MGAT1,MGAT5,MGLL,MHCII,MICAL2,MIIP,MIR155,MIR155HG,MIR44352HG,MIR4632,MIR497HG,MIS18BP1,MKI67,MKNK1,MO57,MPO,MPZL1,MPZL3,MRC1,MRP2,MRPL33,MRPS28,MRPS6,MS4A1,MS4A127,MS4A4A,MS4A6A,MSLN,MT1A,MT1E,MT1F,MT1G,MT1H,MT1HL1,MT1M,MT1X,MT2A,MTHFD1,MTHFD2,MUC5AC,MUC6,MUCIN,MUSASHI1,MX1,MYBL1,MYC,MYO18A,MYO1E,MYO1F,MYO5A,MYO5C,MYO7A,MZB1,N4BP2,NAB1,NAMPT,NANOG,NAPA,NASP,NBR1,NCADHERIN,NCAM,NCAM1,NCF4,NCOA3,NCR3,NDFIP2,NDN,NDUFA13,NDUFA4L2,NDUFAF2,NDUFAF4,NDUFC2,NDUFC2KCTD14,NEDD9,NESTIN,NFAT5,NFIC,NFKBIA,NGFR,NGK7,NINJ1,NINJ2,NIP7,NKG2C,NKG2D,NKG7,NKP46,NME1,NME3,NMI,NOP16,NOS2,NOSIP,NOTCH3,NPC2,NPRL2,NPTN,NR1D1,NR1H2,NR1H4,NR3C1,NR4A2,NRBP1,NRIP1,NRP1,NSF,NUDT5,NUF2,NUPR1,NUTF2,NXT1,OAS1,OAS3,OASL,OBFC1,OCIAD2,OCT34,OCT4,OCT4A,ODF2L,OGG1,OIT3,ONECUT1,OPN3,ORM1,ORM2,OS9,OSBPL3,OSBPL5,OSMR,OTUD5,OV6,P2RY10,P2RY14,P2RY6,PAFAH2,PAIP2,PAK2,PALMD,PAM,PARK7,PARP14,PARP8,PATL2,PAX5,PBX3,PBXIP1,PCDH17,PCF11,PCK1,PCK2,PCOLCE2,PD1,PDCD1,PDCD1LG2,PDE4A,PDE7B,PDGFR,PDGFRA,PDGFRALPHA,PDGFRB,PDIA6,PDK3,PDLIM7,PDPN,PECAM1,PECAM128,PELI1,PF4,PFKP,PGK1,PHACTR2,PHEX,PHLDA1,PHPT1,PHTF2,PI3,PID1,PIK3C2A,PIM2,PIM3,PKM,PLEK,PLEK2,PLEKHA1,PLEKHG2,PLEKHG3,PLK1,PLP2,PLPP1,PLPP5,PLSCR1,PLTP,PMAIP1,PMF1,PMF1BGLAP,PNP,POLE3,POLE4,POLR3K,PON2,PON3,POSTN,POU2F2,PPA1,PPAP2B,PPARG,PPBP,PPIA,PPIF,PPM1G,PPM1M,PPP1CB,PPWD1,PRDM1,PRDX1,PRDX3,PRDX5,PRF1,PRG4,PRKAG1,PRKAR1A,PRKCH,PRMT1,PRNP,PROK2,PROM1,PROX1,PRSS23,PSEN1,PSMA2,PSMA5,PSMB1,PSMB3,PSMB6,PSMC2,PSMD11,PSME2,PSTPIP1,PTCH1,PTGDS,PTGES2,PTGIS,PTGS2,PTMS,PTN,PTP4A3,PTPN11,PTPN22,PTPN4,PTPN7,PTPRC,PTPRJ,PTRH1,PTTG1,PVRIG,PXN,PZP,RAB11FIP1,RAB27A,RAB29,RAB31,RAB32,RAB35,RABGAP1L,RALGDS,RALY,RAP1A,RAP1B,RAP2B,RARRES2,RASGEF1B,RASGRP3,RASSF1,RBP1,RBP4,RBPJ,RCAN3,RCBTB1,RCL1,RELN,REREP3,RFX5,RGS1,RGS2,RGS5,RHBDD2,RHOB,RHOC,RHOH,RHOQ,RILPL2,RIN2,RIN3,RNF187,RNF19A,RNF31,ROR1,RORA,RORC,RPS27L,RRAD,RRP15,RRP9,RSU1,RTKN2,RUNX2,RUNX3,S100A12,S100A4,S100A6,S100A8,S100A9,S100P,S1PR5,SAA1,SAA2,SAA4,SAMD3,SAMD9L,SAMSN1,SARDH,SAT1,SCN9A,SCO2,SCTR,SDC1,SDC127,SDC4,SDF4,SDSL,SEC11C,SEC14L1,SEC14L2,SEC61A2,SECISBP2L,SEL1L3,SELENOP,SELL,SEMA4A,SERPINA1,SERPINA3,SERPINA4,SERPINB8,SERPINB9,SERPINC1,SERPINE1,SERPINE2,SERPINF1,SERTM1,SESN1,SF3A2,SF3B5,SFN,SFRP4,SFT2D1,SFXN1,SGMS1,SGPP1,SGSH,SH2D2A,SH3BGRL,SH3BP5,SHFM1,SIRPA,SIRPG,SKIV2L2,SLA,SLAMF1,SLAMF7,SLC12A6,SLC16A1,SLC16A7,SLC25A38,SLC2A1,SLC2A8,SLC35F2,SLC38A1,SLC38A2,SLC3A2,SLC40A1,SLC41A1,SLC4A10,SLC4A2,SLC4A5,SLC5A3,SLC6A6,SLC9A9,SMA,SMAD1,SMAD4,SMC4,SMC5,SMPD3,SMS,SNAI1,SNAI3,SNAIL,SNAP47,SNRPA,SNX17,SNX9,SOCS3,SOD2,SORBS3,SOX17,SOX2,SOX4,SOX9,SP110,SP140,SPATS2L,SPIB,SPINK1,SPINK2,SPN,SPOCK2,SPON2,SPP1,SPP2,SPRYD7,SPTAN1,SQRDL,SQSTM1,SRA1,SRGAP3,SRGN,SRI,SSH1,ST8SIA1,STAB1,STAB2,STAM,STAMBPL1,STARD4,STARD7,STAT3,STAT4,STEAP3,STMN2,STRN3,STRO1,SUMO1,SUN2,SUOX,SURF4,SURVIVIN,SUSD6,SVIL,SVIP,SYNAPTOPHYSIN,SYNE1,SYNE2,SYNGR2,SYNJ1,SYTL2,TACSD2,TACSTD2,TARP,TAT,TBC1D2B,TBC1D31,TBC1D4,TBC1D8,TBK1,TBL1XR1,TBX21,TBX3,TBXAS1,TC2N,TCF12,TCF4,TCF7,TCL1A,TCR,TCRALPHABETA,TER119,TET2,TEX264,TF,TFRC,TGFBI,TGFBR3,TGM2,THADA,THY1,TIE2,TIGIT,TIM4,TIMD4,TIMP1,TLE1,TLK1,TM4SF19,TM4SF19TCTEX1D2,TM4SF4,TM9SF2,TMEM109,TMEM154,TMEM176A,TMEM176B,TMEM181,TMEM2,TMEM71,TMEM98,TMIGD2,TMX1,TNF,TNFAIP3,TNFRSF13B,TNFRSF18,TNFRSF1B,TNFRSF4,TNFRSF8,TNFRSF9,TNFSF14,TNFSF4,TNFSF8,TNIP1,TNIP3,TNS3,TOM1,TOP2A,TOR3A,TOX,TOX2,TP53INP1,TPI1,TPMT,TPP1,TPSB2,TRAF1,TRAF3,TRAF5,TRAFD1,TRAPPC11,TRAT1,TRDC,TREM2,TRIM69,TROP2,TRPS1,TRYPTASE,TSHZ2,TSPAN13,TSPAN15,TSPAN7,TSPYL2,TTC16,TTC24,TTC38,TTC39C,TTN,TTR,TTYH3,TUBA1B,TUBA4A,TULP4,TWIST,TWIST1,TYMP,TYMS,TYW3,UBASH3B,UBE2C,UBE2L6,UBE2N,UCP2,UGP2,UGT2B4,UGT2B7,UNQ6494,UP3KB,UPK1B,UPK3B,UQCRH,USP46,USP48,UXS1,VAMP5,VAV3,VCAM1,VCAN,VCL,VCP,VDR,VEFGB,VEGFR2,VEGFR3,VEZT,VIM,VIMENTIN,VMP1,VPS54,VSIG4,VWF,WARS,WDFY1,WDR1,WDR83OS,WFDC21P,WHRN,WSB1,WSB2,XCL2,XCR1,YARS,YJEFN3,YRDC,ZAR1,ZBED2,ZBTB1,ZBTB16,ZBTB32,ZC2HC1A,ZC3H12D,ZC3H7A,ZEB1,ZEB2,ZEB2AS1,ZFP36L1,ZFP36L2,ZMYM5,ZNF280C,ZNF286B,ZNF292,ZNF683,ZNF79,ZO1
+LUNG,N
+5LO,A2M,A549,AAK1,AARD,AASDH,ABCA10,ABCA13,ABCA3,ABCA5,ABCA9,ABCB1,ABCC13,ABCC6,ABCC9,ABCF3,ABCG2,ABCG5,ABHD15,ABI2,ABL2,ACAD11,ACADS,ACADSB,ACBD7,ACE2,ACER3,ACIN1,ACKR1,ACKR3,ACKR4,ACP1,ACSL1,ACSL4,ACSL6,ACSS3,ACTA2,ACTG2,ACTL6A,ACTN1,ACTUB,ACVR1,ACVRL1,ADA,ADAM10,ADAM15,ADAM17,ADAM8,ADAMTS2,ADAR,ADAT1,ADCY1,ADGB,ADGRE5,ADGRL4,ADH7,ADM,ADORA3,ADPRHL2,ADRBK2,AEN,AFAP1,AFDN,AGAP6,AGBL2,AGBL5,AGER,AGMAT,AGPAT2,AGR3,AHCY,AHSA1,AHSA2,AICDA,AIF1,AIFM1,AIPL1,AIRE,AK1,AK3,AKAP14,AKAP2,AKAP7,AKAP8,AKAP9,AKIP1,AKIRIN1,AKR1B1,AKR1D1,AKT2,AKT3,ALDH,ALDH1,ALDH1A1,ALDH1A3,ALDH3A1,ALDH3B1,ALDH9A1,ALDHA1,ALDOA,ALG1,ALK,ALKBH4,ALOX5AP,ALPHANAPHTHYLACETATEESTERASE,ALPHASMA,ALPK1,ALPL,ALS2,AMACR,AMD1,AMIGO1,AMOTL2,AMZ2,ANAPC4,ANG,ANGEL2,ANGPT2,ANGPTL3,ANK2,ANKIB1,ANKK1,ANKLE1,ANKRD11,ANKRD16,ANKRD18A,ANKRD20A9P,ANKRD30BP2,ANKRD36,ANKRD36B,ANKRD37,ANKRD45,ANKRD6,ANKRD62,ANKRD65,ANKRD66,ANKRD9,ANKS6,ANP32AIT1,ANPEP,ANTXR1,ANXA1,ANXA4,ANXA8,ANXA8L1,AOC4P,AP1S3,AP3M2,AP4B1AS1,AP4S1,AP5B1,APLP2,APOBEC3A,APOBEC4,APOC1,APOC1P1,APOE,APOL6,APOO,APOPT1,APP,AQP3,AQP4,ARAP1,ARFIP2,ARG1,ARGFX,ARGLU1,ARHGAP32,ARHGAP39,ARHGAP8,ARHGEF26AS1,ARHGEF4,ARID4B,ARIH2OS,ARL11,ARL16,ARL17A,ARL3,ARL4A,ARL4C,ARL4D,ARL6IP5,ARMC4,ARMC9,ARNTL2,ARPC4TTLL3,ARRDC3AS1,ASB11,ASB16AS1,ASCL1,ASCL2,ASCL3,ASMA,AT1,AT2,ATAD3C,ATCAY,ATF3,ATG14,ATG16L2,ATL2,ATM,ATP11A,ATP11C,ATP1A1,ATP1B3,ATP5S,ATP6V0A4,ATP6V0B,ATP6V0C,ATP6V0CP3,ATP6V0D2,ATP6V1A,ATP6V1B1,ATP6V1C2,ATP6V1F,ATP6V1G3,ATP7A,ATP8B2,ATP8B4,ATPIF1,ATR,ATRN,AXIN1,AZGP1,AZIN1,B3GNT6,B3GNT7,B9D1,B9D2,BAIAP2AS1,BAMBI,BANK1,BASP1,BBS9,BCATENIN,BCL2,BCL2L15,BCMA,BCOR,BCR,BEST4,BETACATENIN,BEX5,BFAR,BHMT2,BIK,BIN3,BIN3IT1,BIRC3,BIRC5,BIRC6,BIVM,BLK,BLZF1,BMF,BMI1,BMP7,BMPR2,BMS1P5,BMX,BPIFA1,BPIFA2,BRAF,BRIP1,BRPF1,BSCL2,BSNAS2,BSND,BSP1,BTAF1,BTBD3,BTBD7,BTBD9,BTD,BTG3,BTLA,BTN2A3P,BTN3A2,BZRAP1,C10ORF107,C10ORF32,C10ORF99,C11ORF49,C11ORF52,C11ORF63,C11ORF68,C11ORF88,C11ORF97,C12ORF5,C12ORF75,C14ORF105,C14ORF132,C14ORF142,C14ORF159,C14ORF182,C14ORF23,C15ORF26,C15ORF40,C15ORF57,C16ORF52,C16ORF71,C16ORF74,C17ORF75,C17ORF97,C18ORF61,C19ORF40,C19ORF66,C1D,C1GB,C1ORF189,C1ORF192,C1ORF194,C1ORF228,C1QA,C1QTNF2,C1QTNF3AMACR,C1R,C20ORF26,C20ORF85,C21ORF2,C21ORF58,C21ORF59,C21ORF62,C22ORF29,C2ORF15,C2ORF40,C2ORF81,C2ORF91,C3,C3ORF62,C4ORF19,C4ORF29,C4ORF3,C4ORF47,C5AR1,C5ORF15,C5ORF28,C5ORF42,C5ORF45,C5ORF49,C5ORF55,C7ORF55,C7ORF63,C7ORF65,C8ORF31,C8ORF44,C8ORF44SGK3,C9ORF116,C9ORF117,C9ORF135,C9ORF139,C9ORF152,C9ORF171,C9ORF24,C9ORF3,C9ORF9,CA12,CA125,CA13,CA4,CABP4,CACNG8,CADH1,CADH2,CALCA,CALCRL,CALM1,CALML3,CALML4,CALPONIN,CAMK1D,CAMK2B,CAPG,CAPN10AS1,CAPN13,CAPRIN2,CAPS,CAPS2,CAPSL,CARBOXYPEPTIDASEM,CARF,CARHSP1,CARKD,CARS,CASC1,CASD1,CASP3,CAST,CATENIN,CATSPER2P1,CAV1,CAV2,CAVIN1,CAVIN2,CBLN4,CBR3,CBY1,CC10,CC2512,CCAR1,CCBE1,CCDC103,CCDC104,CCDC107,CCDC11,CCDC114,CCDC125,CCDC132,CCDC142,CCDC144A,CCDC144B,CCDC153,CCDC170,CCDC176,CCDC181,CCDC30,CCDC33,CCDC37,CCDC40,CCDC42B,CCDC60,CCDC65,CCDC66,CCDC74B,CCDC78,CCDC81,CCDC84,CCDC85C,CCDC88C,CCKAR,CCL11,CCL13,CCL15,CCL17,CCL18,CCL19,CCL2,CCL20,CCL21,CCL22,CCL24,CCL4,CCL5,CCL7,CCND1,CCND2,CCNJ,CCNJL,CCNL1,CCNL2,CCNO,CCR2,CCR4,CCR5,CCR6,CCR7,CCR8,CCRL2,CD10,CD103,CD105,CD106,CD109,CD110,CD111,CD115,CD117,CD11A,CD11B,CD11C,CD123,CD126,CD13,CD130,CD131,CD133,CD137,CD138,CD14,CD141,CD143,CD144,CD146,CD148,CD15,CD16,CD160,CD163,CD164,CD166,CD19,CD195,CD197,CD1A,CD1B,CD1C,CD1D,CD2,CD20,CD200,CD204,CD205,CD206,CD207,CD209,CD209A,CD22,CD24,CD243,CD247,CD25,CD27,CD270,CD273,CD277,CD28,CD3,CD30,CD303,CD304,CD31,CD317,CD324,CD326,CD33,CD34,CD344,CD36,CD371,CD38,CD3D,CD3E,CD3EAP,CD3G,CD4,CD40,CD40LG,CD42B,CD44,CD44V,CD44V6,CD44VARIANT6,CD45,CD45B,CD45RA,CD45RO,CD49A,CD49D,CD49F,CD5,CD54,CD55,CD56,CD57,CD59,CD5L,CD64,CD66,CD66A,CD66B,CD66C,CD66E,CD68,CD69,CD70,CD71,CD74,CD79A,CD79B,CD8,CD80,CD82,CD83,CD84,CD86,CD87,CD8A,CD8B,CD9,CD90,CD96,CD97,CDA,CDC14B,CDC20,CDC20B,CDCP1,CDF15,CDH1,CDH2,CDH23,CDH5,CDHR3,CDK1,CDK2AP2,CDK5RAP1,CDK5RAP3,CDKN1A,CDKN1B,CDKN2A,CDKN2BAS1,CDT1,CDW338,CEACAM22P,CEACAM5,CEACAM6,CELF2,CENPM,CEP104,CEP162,CEP164,CEP19,CEP290,CEP85L,CERS5,CETN2,CF,CFB,CFD,CFH,CFLAR,CFTR,CGNL1,CHCHD2,CHDH,CHGA,CHI3L1,CHI3L2,CHORDC1,CHRNB1,CHST12,CHST15,CHST5,CHST9,CHURC1,CIB1,CIITA,CILP,CK19,CK5,CKB,CLASRP,CLAUDIN1,CLAUDIN5,CLCA2,CLCA4,CLCN3,CLCNKA,CLCNKB,CLDN1,CLDN16,CLDN18,CLDN19,CLDN4,CLDN5,CLEC10A,CLEC12A,CLEC14A,CLEC1A,CLEC4C,CLEC4GP1,CLEC4M,CLEC9A,CLGN,CLHC1,CLIC5,CLIC6,CLK1,CLK4,CLMN,CLMP,CLN8,CLND5,CLU,CLUAP1,CMAHP,CMBL,CMKLR1,CMYC,CNN1,CNN3,CNTN3,CNTRL,CNTROB,COA7,COL14A1,COL15A1,COL17A1,COL1A1,COL1A2,COL21A1,COL3A1,COL6A2,COL7A1,COLCA2,COMMD2,CORO7,COTL1,COX18,COX19,COX4I2,COX5B,COX6B2,COX7B,CP,CPA3,CPA33,CPD,CPE,CPLX2,CPM,CPT2,CR3,CREB3L1,CREBZF,CRIP1,CRIPAK,CROCC,CRP,CRX,CRYM,CSAD,CSF1R,CSF3R,CSPG4,CSPG5,CSRP3,CST2,CST3,CST6,CSTA,CSTF3,CTBP1AS,CTBS,CTF1,CTGF,CTH,CTL,CTLA4,CTNNB1S37C,CTNS,CTSC,CTSK,CTSS,CTXN1,CUL9,CWC25,CWH43,CX3CL1,CX3CR1,CXCL1,CXCL10,CXCL11,CXCL12,CXCL13,CXCL17,CXCL2,CXCL3,CXCL6,CXCL8,CXCL9,CXCR2,CXCR3,CXCR5,CXCR6,CXORF21,CXORF30,CXORF36,CYB561,CYB561A3,CYB5D2,CYB5RL,CYBA,CYFIP2,CYGB,CYP20A1,CYP2F1,CYP2F2,CYP4B1,CYP4F12,CYP51A1,CYSTM1,CYTOKERATIN,DAK,DALRD3,DAPL1,DARS,DAW1,DBF4,DBIL5P2,DBT,DCAF10,DCAF16,DCDC5,DCLK1,DCN,DCP1A,DCTN5,DCUN1D2,DDAH2,DDR2,DDX17,DDX26B,DDX3Y,DDX5,DDX51,DDX55,DENND5B,DERL3,DES,DESI1,DESMIN,DFFA,DGCR6,DGKE,DHFR,DHRS7,DIAPH2,DIP2A,DIP2B,DIP2C,DIS3L,DKK2,DKK3,DLEC1,DLEU1,DLGAP1AS2,DMBT1P1,DMBX1,DMC1,DMKN,DMRT2,DMTF1,DNAAF1,DNAAF2,DNAAF3,DNAH1,DNAH11,DNAH12,DNAH2,DNAH3,DNAH5,DNAH7,DNAI1,DNAJB2,DNAJC22,DNAL4,DNASE1,DNASE2,DNM1P46,DNMBP,DNMBPAS1,DNPH1,DOC2A,DOCK11,DOCK4,DOCK6,DOPEY1,DPCD,DPH7,DPP9,DPY19L1,DPY19L2P2,DRC1,DSC1,DSC3,DSEL,DSG3,DSTYK,DTX4,DUSP13,DUSP2,DUSP4,DUSP6,DUSP7,DUXA,DVL3,DYNC1LI2,DYNC2H1,DYNC2LI1,DYNLL1,DYNLRB2,DYNLT1,DZANK1,DZIP1L,E2F7,E2F8,EBI3,EBNA1BP2,ECADHERIN,ECHDC2,ECP,EDN1,EDNRB,EEF2K,EFCAB10,EFCAB11,EFCAB5,EFHC1,EFHC2,EFHD1,EFNB2,EGFEM1P,EGFR,EGFRTKI,EHBP1L1,EIF2AK3,EIF2S2,EIF4E2,ELMOD1,ELMOD3,ELN,EMC3AS1,EMCN,EMR4P,ENDOCAN,ENDOG,ENDOMUCIN,ENG,ENGASE,ENKUR,ENO1,ENO2,ENPP5,ENTPD1,ENTPD4,EOMES,EPAS1,EPB41L4AAS1,EPCAM,EPHX2,EPO,EPS8L2,ER,ERAP2,ERBB4,ERC1,ERCC6L2,ERF,ERG,ERICH2,ERICH5,ERVK131,ERVV1,ESA,ESAM,ESR1,ETS1,ETV5,EVI5L,EXD3,EXO5,EXOC1,EXOC3L2,EXOG,EZR,F4,F480,F5,F80,FAAH2,FABP4,FABP5,FABP5P3,FADS6,FAHD1,FAM104B,FAM106A,FAM111A,FAM111B,FAM114A1,FAM117B,FAM120AOS,FAM126B,FAM127B,FAM133B,FAM153C,FAM154B,FAM160A2,FAM161A,FAM166B,FAM174A,FAM174B,FAM179A,FAM183A,FAM184B,FAM195A,FAM208B,FAM210B,FAM212B,FAM216B,FAM217B,FAM219B,FAM221A,FAM227A,FAM229B,FAM230B,FAM26F,FAM43A,FAM63B,FAM71F2,FAM73A,FAM74A3,FAM76A,FAM81B,FAM83A,FAM83E,FAM89B,FAM92B,FAM95C,FANCD2,FANK1,FAP,FAP1,FASLG,FASTKD2,FAT2,FBLIM1,FBLN1,FBLN2,FBLN5,FBN1,FBP1,FBRSL1,FBXL13,FBXL18,FBXL19AS1,FBXL20,FBXO15,FBXO32,FBXO48,FBXO6,FBXW9,FCAR,FCER1A,FCER1G,FCER2,FCGR1A,FCGR1B,FCGR1C,FCGR3,FCGR3A,FCGR3B,FCMR,FCN1,FCN3,FCRI,FCRL2,FDPSP2,FGD5P1,FGF1,FGFBP1,FGFBP2,FGFR1OP,FGFR2,FHIT,FIBRONECTIN,FIGF,FILIP1,FIZZ1,FKBP11,FKBP14,FKBP1AP1,FLJ30403,FLJ31104,FLJ42102,FLJ42627,FLJ45079,FLT1,FLT4,FLVCR1,FMN1,FMNL2,FN1,FNBP1,FNBP4,FNDC3B,FOCAD,FOPNL,FOXF1,FOXI1,FOXJ1,FOXK2,FOXN4,FOXP1,FOXP3,FPR3,FRAS1,FRAT2,FRMD6AS1,FRYAS1,FRYL,FSD2,FUT2,FUT6,FUZ,FXN,FXYD2,FXYD3,FXYD6,FXYD6FXYD2,FYB,G0S2,GABARAPL1,GABPB1AS1,GABRB3,GABRP,GADD45B,GADD45G,GALC,GALECTIN3,GALM,GALNT18,GALNT6,GAMT,GAREM,GAS6,GAS7,GATA2,GATA3,GBAS,GBP4,GCAT,GCSAM,GDAP1L1,GDPD1,GEMIN8,GFOD2,GGA1,GGH,GGPS1,GGT8P,GJA4,GJA5,GJA9MYCBP,GJB3,GJD4,GK5,GLB1L,GLI1,GLIDR,GLTP,GM2A,GMEB1,GNA11,GNB4,GNB5,GNE,GNLY,GNRHR2,GOLGA2,GOLGA2P5,GOLGA6L10,GOLGA6L4,GOLGA6L9,GOLGA8A,GOLM1,GON4L,GOPC,GP2,GPATCH2,GPC1,GPD1,GPD1L,GPIHBP1,GPNMB,GPR116,GPR155,GPR160,GPR162,GPR182,GPR183,GPR65,GPR82,GPRASP1,GPRC5B,GPX2,GPX4,GRAMD1A,GRAMD1B,GRAMD2,GREB1,GRPEL2,GRTP1,GSDMB,GSG1,GSKIP,GSN,GSTM3,GSTTP2,GTF2F1,GTF2H2,GTF2H2B,GTF2H3,GTF2H5,GTPBP10,GUCA1B,GUSBP3,GYG1,GYS2,GZMA,GZMB,GZMH,GZMK,H1F0,H1FXAS1,H2AFJ,H2AFV,H3F3B,H3K18AC,H3K9ME3,HAUS3,HAVCR2,HBA,HBA1,HBA2,HBB,HBD,HBM,HBME1,HCAR1,HCG11,HDAC2,HDAC4,HDAC9,HEATR2,HEATR3,HECTD4,HELLS,HEMGN,HEPACAM2,HERC2P2,HERC2P9,HES6,HEY1,HHIP,HHLA3,HIATL2,HILPDA,HIP1,HIPK1,HIPK1AS1,HIST1H1C,HIST1H2BD,HIST1H4C,HIST2H2AA3,HIST2H2AA4,HKR1,HLAA,HLACLASSII,HLADMA,HLADMB,HLADPA1,HLADPB1,HLADQ,HLADQA1,HLADQA2,HLADQB1,HLADR,HLADRA,HLADRB1,HLADRB5,HLADRB6,HLADRDQDP,HLAE,HLAJ,HLTF,HMGA1,HMGB2,HMGN3,HN1L,HNF1AAS1,HNL,HNRNPUAS1,HNRNPUL2BSCL2,HOMER3,HOPX,HOTAIRM1,HOXA1,HOXD3,HP,HPCAL1,HPGD,HRASLS2,HS3ST6,HSCB,HSH2D,HSP90AA1,HSP90B1,HSPA4L,HSPA6,HSPB1,HSPB2C11ORF52,HSPBP1,HSPD1,HTATSF1P2,HTL,HYLS1,IBA57,ICA1L,ICOS,ID2,ID3,ID4,IDO1,IFI27,IFI27L2,IFI44L,IFIT1,IFITM1,IFITM2,IFITM3,IFN,IFNG,IFT22,IFT43,IFT46,IFT52,IFT57,IFT80,IGF1,IGF2BP2,IGFBP5,IGFBP6,IGFBP7,IGHA1,IGHA2,IGHG1,IGHG2,IGHG3,IGHG4,IGHGP,IGHM,IGHV434,IGKC,IGLC7,IGLL5,IGLV319,IGSF9,IK,IKBIP,IKBKB,IKZF2,IKZF3,IKZF4,IL1,IL10,IL10RB,IL12,IL12A,IL12B,IL17RA,IL17RE,IL18,IL1A,IL1B,IL1R1,IL1R2,IL1RA,IL1RN,IL20RB,IL23A,IL23R,IL27,IL27RA,IL2RA,IL2RG,IL3RA,IL3RC,IL4R,IL6,IL6R,IL7R,IL8,IL9R,ILF3AS1,ILRN,IMPA2,INE1,INE2,INGX,INHBA,INO80,INO80B,INOS,INPP5B,INPPL1,INSIG1,INSM1,INSR,INTU,IP6K1,IPO5P1,IPP,IQCE,IQCG,IQCH,IQCK,IQGAP2,IRF1,IRF2BPL,IRF4,IRF5,IRF7,IRF8,ISCA2,ISG15,ISG20,ISG20L2,ISLR,ISPD,ISYNA1,ITGA1,ITGA11,ITGA5,ITGA6,ITGA8,ITGAE,ITGAL,ITGAM,ITGAX,ITGB1,ITGB2RS3788142,ITGB5,ITIH5,ITM2A,ITPK1AS1,ITPKB,ITPR2,ITSN1,JADE1,JAM2,JAM3,JAML,JCHAIN,JMJD6,JMJD7,JOSD2,JPX,JSRP1,JUP,KANK4,KANSL1L,KAT2A,KATNAL1,KBTBD6,KCMF1,KCNA7,KCNAB1,KCNE1,KCNH1,KCNH6,KCNJ14,KCNJ3,KCNJ5,KCNMA1,KCNN3,KCNQ1OT1,KCNRG,KCP,KDELC2,KDM3A,KDM4AAS1,KDM6B,KDR,KDSR,KHDRBS3,KIAA0101,KIAA0226,KIAA0319,KIAA0408,KIAA0753,KIAA0895,KIAA0895L,KIAA0907,KIAA1033,KIAA1244,KIAA1377,KIAA1429,KIAA1456,KIAA1598,KIAA1614,KIAA1656,KIAA1715,KIAA1751,KIAA1919,KIDINS220,KIF19,KIF1B,KIF9,KIR2DL3,KIR2DL4,KIR3DX1,KIT,KL6,KLC1,KLF4,KLGR1,KLHDC9,KLHL13,KLHL22,KLHL23,KLRB1,KLRC1,KLRD1,KLRF1,KLRG1,KMT2B,KNCN,KNG1,KPNA6,KRBA2,KREMEN1,KRT13,KRT14,KRT15,KRT16,KRT17,KRT18,KRT19,KRT4,KRT5,KRT6A,KRT6B,KRT6C,KRT7,KRT8,KRT80,KYNU,L1TD1,L2HGDH,LACTB,LAD1,LAG3,LAIR1,LAMA5,LAMB2,LAMP3,LAP3,LARS,LAX1,LAYN,LBH,LCK,LDB3,LDHB,LDOC1L,LEF1,LENG8,LEP,LEPR,LEPREL4,LFNG,LGALS7,LGALS7B,LGALS9,LGMN,LGR4,LGR6,LIAS,LILRA4,LILRA5,LILRB1,LILRB3,LILRB4,LIMA1,LIMCH1,LIMD1,LIMS3,LIMS3L,LIN52,LINC00094,LINC00311,LINC00476,LINC00483,LINC00574,LINC00696,LINC00926,LINC01187,LMOD3,LOC101927318,LOC158960,LOC388780,LOC644172,LOC644961,LOC645638,LOC728392,LONP2,LOXL4,LPAL2,LPCAT1,LPIN1,LPL,LPO,LPP,LRAT,LRIG1,LRMP,LRRC10B,LRRC2,LRRC23,LRRC26,LRRC27,LRRC34,LRRC36,LRRC42,LRRC45,LRRC46,LRRC57,LRRC58,LRRC6,LRRC73,LRRC8B,LRRN3,LRWD1,LTB,LTBP2,LTBP4,LTC4S,LTF,LUM,LUN,LXN,LY6C,LY6D,LY6G,LYN,LYPD2,LYPD3,LYPLA2,LYPLA2P2,LYRM7,LYVE1,LYZ,MA4A1,MAB21L3,MACC1,MAF,MAFB,MAFF,MAFK,MAGEB10,MAGEH1,MAGI3,MAL,MALAT1,MAN1B1AS1,MAN2A1,MANEAL,MAOA,MAP3K3,MAP3K6,MAP3K9,MAP4K1,MAPK10,MAPK14,MAPK8IP1,MAPK8IP3,MAPRE3,MAR1,MARCO,MARVELD3,MAT1A,MAVS,MAZ,MBD4,MBOAT2,MCAM,MCEMP1,MCHR2,MCIDAS,MCPH1,MCTS1,MCU,MDGA1,MDH1B,MDK,MDM4,MED15P9,MED18,MED29,MEF2D,MEFV,MEGF9,MERTK,MET,METTL13,METTL16,METTL17,METTL21A,METTL2A,METTL2B,METTL6,METTL8,MFAP5,MFHAS1,MFSD11,MFSD8,MFSD9,MGAT4A,MGAT5,MGC16275,MGMT,MGP,MHCCLASSII,MHCI2,MHCII,MIA,MIAT,MICAL3,MID1,MIEF1,MIF,MINI80,MINOS1P1,MIR17HG,MIRLET7BHG,MKI67,MKRN2OS,MLF1,MLLT10,MLLT11,MLLT4,MLLT4AS1,MLPH,MMAA,MMACHC,MME,MMP12,MMP14,MMP19,MMP28,MMP7,MMP9,MOCS3,MOG,MOGAT3,MOK,MORN2,MORN5,MOV10,MPC1,MPPED2,MR1,MRC1,MRFAP1L1,MRI1,MRP14,MRPL34,MRPS26,MS4A1,MS4A2,MS4A4A,MS4A6A,MSL1,MSLN,MSMB,MSR1,MSRA,MSRB1,MSRB3,MT1X,MTA1,MTAP,MTCO,MTG2,MTHFD1L,MTHFR,MTMR9,MTND,MTND2,MTSS1L,MTX3,MUC1,MUC4,MUC5AC,MUC5B,MUSASHI1,MYC,MYCBP,MYCL,MYCL1,MYCNOS,MYEF2,MYH11,MYL12A,MYL12B,MYLK,MYLK3,MYO10,MYO19,MYO1D,MYO1F,MYO3B,MYO5A,MYO6,MYSM1,MZB1,MZF1,N4BP2,N4BP2L2,NAA40,NABP2,NANOG,NAPEPLD,NAPSA,NAT14,NAV1,NCADHERIN,NCALD,NCAM1,NCCRP1,NCKAP5,NCR1,NCR3,NCR3LG1,NCRUPAR,NDC1,NDST1,NDUFA4,NEAT1,NEBL,NEDD4L,NEIL1,NEK11,NEK2,NEK3,NEK8,NES,NESTIN,NETO2,NEURL1,NFAT5,NFATC2IP,NFATC3,NFKBIB,NFKBIZ,NFS1,NFYCAS1,NGAL,NGFR,NHLRC4,NIF3L1,NIFK,NIP7,NIPAL1,NKD1,NKG7,NKP46,NKX21,NKX31,NLN,NLRP12,NME5,NME6,NME7,NMNAT1,NMRK1,NOL9,NOM1,NONO,NOP16,NOS1,NOS2,NOTCH1,NOX4,NPHP3,NPHP3ACAD11,NPIPA2,NPIPA5,NPIPB3,NPIPB5,NPIPB6,NPIPB9,NPTNIT1,NPTXR,NQO1,NR2C1,NR2F1,NR2F2,NR3C2,NR4A2,NRARP,NREP,NRGN,NRIP3,NRP1,NSMCE1,NSUN6,NSUN7,NT5C,NT5DC3,NTRK2,NUDT16L1,NUMBL,NUP50AS1,NUPR1,NXF2,NXF2B,NXN,NXNL1,NXPE3,NYAP2,OAT,OCLN,OCT3,OCT4,OCT4A,ODC1,ODF2L,ODF3B,OLAH,OLFML2B,OMA1,OPA3,OPHN1,OR8B3,ORAI2,ORC4,ORMDL2,OSBPL1A,OSER1AS1,OSM,OSR1,OST4,OTC4,OVGP1,OX40,P2RX7,P2RX7B,P2X7,P4HA1,P63,PABPC1L,PABPC1P2,PACRG,PAFAH1B2,PAIP2,PALLD,PALM2,PALM2AKAP2,PANK2,PANNP63,PAPL,PAQR4,PARK2,PAXBP1,PBOV1,PBX4,PCBP4,PCD1,PCDH11X,PCDH11Y,PCDH17,PCED1BAS1,PCMTD1,PCSK5,PCSK6,PCX3CR1,PD1,PDCD1,PDCD7,PDDC1,PDE1C,PDE2A,PDE4C,PDE6A,PDGFR,PDGFRA,PDGFRALPHA,PDGFRB,PDGFRBETA,PDGRB,PDK3,PDL1,PDP2,PDPN,PDPR,PDXDC2P,PDXP,PDZK1IP1,PECAM1,PEPSINOGENC,PERIOSTIN,PEX26,PF4,PFKFB3,PFLT3,PGC,PGLYRP4,PGM2,PGP,PGR,PHACTR4,PHB,PHF23,PHIP,PHKG1,PHKG2,PHLDA3,PHOSPHO2KLHL23,PHYKPL,PI3,PI4KB,PIFO,PIGM,PIGO,PIGR,PIGU,PIGW,PIGX,PIH1D2,PIH1D3,PIK3C2A,PILRB,PINK1AS,PIPOX,PITPNM1,PITX2,PIWIL2,PKD1,PKIB,PKP1,PKP3,PLA2G16,PLA2G4C,PLA2G6,PLA2G7,PLAC8,PLAT,PLAUR,PLCB4,PLCG2,PLD4,PLEKHA5,PLEKHB1,PLEKHF2,PLEKHG3,PLEKHG4B,PLEKHG6,PLEKHG7,PLIN2,PLK2,PLK4,PLN,PLP2,PLXDC1,PLXDC2,PLXNB1,PLZF,PMEL,PMS1,PNMA1,PNMAL1,PNOC,PNPLA6,PNPLA7,PNPT1,PODOPLANIN,PODXL,PODXL1,POFUT2,POLH,POLR2I,POLR2J3,POLR2L,POM121,POM121L8P,POSTN,POU2F3,POU5F1,PPARG,PPARGC1A,PPBP,PPCT1625,PPIL6,PPM1B,PPM1G,PPOX,PPP1R12B,PPP1R13B,PPP1R13L,PPP1R14B,PPP1R14C,PPP1R16B,PPP1R18,PPP1R3B,PPP1R7,PPP2CA,PPP2R3A,PQLC2,PRAX1,PRDM1,PRDM4,PRDX1,PRDX5,PRELID2,PRELP,PRF1,PRK2,PRKAA1,PRKAG2,PRKAR1A,PRKD2,PRKX,PRKXP1,PRORY,PROX1,PRPF38A,PRPS1,PRPS2,PRR11,PRR4,PRR5ARHGAP8,PRR5L,PRRT3,PRRX1,PRSS12,PRSS2,PRSS23,PRX,PSCA,PSD3,PSEN2,PSENEN,PSIP1,PSMB10,PSMC3,PTAFR,PTAR1,PTGDS,PTGES3,PTGFRN,PTGS1,PTK2,PTK6,PTK7,PTMA,PTPLAD1,PTPLAD2,PTPN14,PTPN2,PTPRC,PTPRCAP,PTPRM,PTTG1,PURB,PVRL1,PWARSN,PXDN,PXMP4,PXN,PYCRL,PYGB,PYGO2,QPCTL,QPRT,QRFPR,QRSL1,QSOX1,RAB17,RAB27A,RAB37,RAB38,RAB42,RABGGTA,RAD51AS1,RAD51C,RAD51L3RFFL,RAD9A,RALA,RALGDS,RAMP2,RAMP2AS1,RAMP3,RANBP1,RAPGEF5,RARG,RARRES1,RARRES2,RARRES3,RASA3,RASEF,RASSF6,RASSF8,RAX2,RB1,RBBP5,RBKS,RBM25,RBM34,RBM41,RBM6,RBMS2,RBMXL1,RBPJ,RC3H1,RCAN2,RCC2,RCOR1,RECQL,REL,REPIN1,RERG,RET,RFC2,RFD7,RFFL,RFK,RFPL1S,RGCC,RGL1,RGMA,RGS13,RGS5,RHPN2,RIIAD1,RIMKLA,RINL,RITA1,RNASEH1,RNASEH1AS1,RND2,RNF139AS1,RNF14,RNF149,RNF170,RNF183,RNF207,RNF34,RNF41,RNPC3,ROBO1,ROBO4,ROPN1L,ROR1AS1,ROS1,RP1,RPA3,RPF1,RPL21P44,RPL7L1,RPLP0P2,RPS18,RPS6KC1,RPUSD2,RRAD,RRAGA,RRM2B,RRP7A,RRP7B,RSAD2,RSPH1,RSPH4A,RSRP1,RTCB,RTDR1,RTP4,RTTN,RUNX3,RUVBL1,RUVBL2,RYR2,S100A10,S100A12,S100A14,S100A16,S100A2,S100A4,S100A8,S100A9,S1PR1,S1PR3,SAA1,SAA2,SAA2SAA4,SAA3P,SAA4,SAMD4B,SAMD7,SART1,SAV1,SBNO1,SBS3,SC5D,SCAF11,SCAND2P,SCAP,SCARB2,SCG2,SCGB1A1,SCGB2A1,SCGB3A1,SCGB3A2,SCIMP,SCIN,SCN11A,SCN2B,SCNN1B,SCNN1D,SDC1,SDC2,SDHC,SEC11C,SEC14L4,SEC22C,SEC23B,SELL,SELM,SELP,SEMA3C,SEMA3E,SEMA3G,SEMA4F,SEMA5A,SENP7,SERPINA3,SERPINB1,SERPINB13,SERPINB2,SERPINB3,SERPINB5,SERPINB7,SERPING1,SERTAD4AS1,SETD1B,SETD4,SFN,SFSWAP,SFTA3,SFTPA,SFTPA1,SFTPA2,SFTPB,SFTPC,SFTPD,SGK1,SGK3,SGK494,SGOL1,SGSM1,SGTB,SH3BGRL3,SH3BP4,SH3D19,SH3GLB1,SHCBP1,SHE,SHISA2,SHISA9,SHROOM1,SHROOM4,SIAH3,SIDT1,SIGLEC1,SIGLEC11,SIGLEC16,SIGLEC8,SIGLEC9,SIRPB2,SIRT2,SKAP2,SKIV2L,SLAIN2,SLAMF6,SLAMF7,SLC12A2,SLC12A6,SLC14A1,SLC14A2,SLC16A1,SLC16A7,SLC22A3,SLC22A5,SLC22A9,SLC25A15,SLC25A23,SLC25A29,SLC25A36,SLC26A2,SLC26A8,SLC28A2,SLC29A1,SLC29A3,SLC2A11,SLC2A12,SLC2A3,SLC31A1,SLC34A2,SLC35B4,SLC35E1,SLC35E2,SLC35F3,SLC37A3,SLC45A2,SLC4A1,SLC4A4,SLC4A8,SLC50A1,SLC6A14,SLC6A20,SLC6A4,SLC7A11AS1,SLC7A14,SLC7A5P2,SLC7A6,SLC9A7,SLC9A7P1,SLFN11,SLFN13,SLIT1,SLPI,SLUG,SMA,SMA5,SMAGP,SMAP1,SMARCA4,SMARCB1,SMCR5,SMG1,SMG7AS1,SMIM11,SMIM22,SMOC1,SMYD2,SMYD4,SNAI1,SNAI2,SNAIL,SNAP25,SNAP29,SNAPC1,SNAPC4,SNHG1,SNHG12,SNHG21,SNHG7,SNRPG,SNTB1,SNTN,SNX29,SOCS3,SOD1,SOGA3,SORL1,SOSTDC1,SOX15,SOX17,SOX2,SOX4,SOX9,SP110,SPA17,SPAG16,SPAG17,SPAG6,SPARC,SPATS2,SPC25,SPDEF,SPEF2,SPG20,SPG7,SPI1,SPIB,SPINK5,SPLI,SPN,SPP1,SPRR1A,SPRR1B,SPRR2A,SPRR3,SPRYD7,SPTAN1,SPTSSB,SRCAP,SRCIN1,SREK1,SREK1IP1,SRFBP1,SRGAP3,SRI,SRSF11,SSB,SSEA4,SSEA5,SSFA2,SSH1,SSTR2,ST14,ST6GAL2,ST6GALNAC3,STAB1,STAC2,STAG3L5PPVRIG2PPILRB,STAP1,STAT1,STAT2,STAT6,STAU2AS1,STEAP4,STIL,STK11,STK33,STK36,STMN1,STMND1,STOML1,STOML3,STRN4,STX16,STX2,STXBP4,STYXL1,SUCLG1,SUGP2,SULT1C2,SULT2A1,SUSD2,SUSD3,SUV39H2,SVIL,SVOPL,SYNAPTOPHYSIN,SYNE1,SYNGAP1,SYNPO2L,SYNRG,SYP,SYT7,TACC1,TADA2B,TAF1,TAF11,TAF1A,TAF8,TAGAP,TAGLN,TAP2,TARBP1,TARS2,TBC1D1,TBC1D14,TBC1D2B,TBC1D3,TBC1D32,TBC1D4,TBC1D8,TBC1D9,TBX1,TCEA3,TCEANC2,TCEB1,TCF19,TCF21,TCF7,TCL1A,TCTEX1D1,TCTEX1D2,TCTEX1D4,TCTN1,TDP1,TDRD3,TECPR1,TEK,TEKT1,TEKT4P2,TERT,TFCP2L1,TFDP2,TFF3,TFG,TFPI,TGF1,TGF2,TGFB1,TGFB2,TGFB3,TGFBR2,TGM2,THBD,THBS1,THEM4,THEMIS,THUMPD3AS1,THY1,TIA1,TIE1,TIE2,TIGD1,TIGIT,TIMP1,TIRAP,TJP1,TLCD2,TLDC1,TLK2,TLL1,TLR10,TLR2,TLR3,TLR4,TLR7,TM4SF1,TM4SF19TCTEX1D2,TM7SF3,TM9SF1,TMC5,TMEM106C,TMEM107,TMEM120B,TMEM156,TMEM160,TMEM168,TMEM17,TMEM185B,TMEM190,TMEM198B,TMEM212,TMEM231,TMEM236,TMEM254,TMEM254AS1,TMEM43,TMEM45A,TMEM51,TMEM61,TMEM67,TMG2,TMIGD2,TMPRSS11B,TMPRSS11E,TMPRSS13,TMPRSS7,TMSB4X,TMTC3,TMUB1,TNF,TNFAIP3,TNFAIP6,TNFRSF10B,TNFRSF17,TNFRSF18,TNFRSF25,TNFRSF4,TNFRSF9,TNFSF15,TNIP3,TNRC6A,TNRC6B,TNS4,TOMM20,TOMM34,TONSL,TOP2A,TOP3A,TOX,TOX2,TP53TG1,TP63,TP73,TPD52,TPM1,TPPP,TPPP3,TPSAB1,TPSB2,TPT1AS1,TPTE2P1,TRAC,TRAF3IP2,TRAF6,TRBC1,TRBC2,TRDC,TREM1,TREM2,TRIM3,TRIM32,TRIM41,TRIM47,TRIM52,TRIM52AS1,TRIM58,TRIM65,TRIM7,TRIM72,TRIM8,TRIP11,TRIP13,TRMU,TRP63,TRPC6,TRPM7,TSC22D1AS1,TSHZ2,TSIX,TSLP,TSN,TSNARE1,TSPAN1,TSPAN14,TSPAN19,TSPYL4,TSR1,TSSC1,TSTD1,TSTD3,TTC12,TTC14,TTC18,TTC23,TTC25,TTC30A,TTC40,TTF1,TTLL3,TTPAL,TUB1A1,TUBA1A,TUBA3FP,TUBA4B,TUBB1,TUBB2B,TUBB3,TUBB4B,TUBB6,TUBD1,TUBGCP4,TUBULIN,TWIST,TWIST1,TWIST2,TWSG1,TXLNGY,TYMS,TYROBP,TYW5,UBD,UBE2G2,UBE2MP1,UBE2Q2P1,UBE2T,UBIAD1,UBN2,UBOX5,UBXN2B,UCKL1AS1,UCP2,UFC1,UGDH,UGDHAS1,UGGT1,UGT1A9,UGT2B15,UHRF1BP1L,ULK4,UNC119B,UNC5BAS1,UNC5C,UNKL,UPK3B,UPK3BL,USF2,USP13,USP2,USP28,USP34,USP40,USP43,USP49,USP53,USP54,UST,UTEROGLOBIN,UTP23,UTRN,UVSSA,V1N1,VAT1,VBP1,VCAM1,VCAN,VECADHERIN,VEGFA,VEGFB,VEN,VGLL1,VGLL4,VIM,VIMENTIN,VIT,VMO1,VN1R10P,VNN1,VNN3,VONWILLEBRANDFACTOR,VOTCH3,VPS11,VPS13A,VPS13B,VPS33A,VPS39,VPS53,VRK3,VSIG1,VSTM4,VWA1,VWA3A,VWA3B,VWA5A,VWDE,VWF,VWFRS73049469,WBSCR27,WDPCP,WDR1,WDR16,WDR17,WDR27,WDR38,WDR45,WDR52,WDR54,WDR61,WDR66,WDR73,WDR78,WDR86AS1,WDR92,WDR93,WHSC1,WIF1,WLS,WNT10A,WNT2,WRB,WSB1,WT1,WWOX,XAF1,XBP1,XCR1,XIAP,XPA,XPC,XPO5,XRCC2,XRN1,YARS2,YBX1,YEATS2,YM1,YTHDC1,YWHAH,ZAR1,ZBBX,ZBED5AS1,ZBP1,ZBTB11AS1,ZBTB16,ZBTB8A,ZC3H12D,ZC3H3,ZC3H6,ZCWPW1,ZDHHC1,ZDHHC15,ZDHHC21,ZDHHC3,ZEB1,ZEB2,ZFP14,ZFYVE16,ZFYVE27,ZG16B,ZKSCAN1,ZMAT3,ZMYM5,ZMYND12,ZNF106,ZNF114,ZNF124,ZNF135,ZNF154,ZNF169,ZNF23,ZNF234,ZNF250,ZNF251,ZNF264,ZNF273,ZNF277,ZNF3,ZNF302,ZNF316,ZNF320,ZNF321P,ZNF33B,ZNF34,ZNF343,ZNF365,ZNF37A,ZNF385A,ZNF398,ZNF410,ZNF417,ZNF426,ZNF429,ZNF440,ZNF445,ZNF454,ZNF461,ZNF483,ZNF493,ZNF514,ZNF519,ZNF526,ZNF540,ZNF549,ZNF551,ZNF554,ZNF555,ZNF556,ZNF561,ZNF563,ZNF587,ZNF606,ZNF608,ZNF621,ZNF625,ZNF655,ZNF665,ZNF669,ZNF683,ZNF688,ZNF692,ZNF696,ZNF704,ZNF713,ZNF714,ZNF716,ZNF728,ZNF737,ZNF749,ZNF761,ZNF763,ZNF766,ZNF773,ZNF785,ZNF791,ZNF793,ZNF816ZNF321P,ZNF83,ZNF841,ZNF862,ZNF865,ZNHIT2,ZNRF3AS1,ZO1,ZYX
+MAIT T-CELL,Y
+CCR6,CD103,CD161,CD26,CD28,CD3,CD40LG,CD69,COLQ,DPP4,GZMK,IL17R,IL23R,IL7R,KIT,KLRB1,ME1,NCR3,RORC,SLC4A10,TLE1,TMIGD2,TRAV12,TRAV12TRAJ12,TRAV12TRAJ20,TRAV12TRAJ33,TRGV9,V72,ZBTB16
+MEMORY B-CELL,Y
+A549,AIM2,AQP5,ARID1A,CBF1,CC19,CC27,CCR2,CCR6,CCR7,CD11C,CD19,CD20,CD21,CD22,CD24,CD27,CD38,CD44,CD69,CD70,CD72,CD79A,CD8,CD86,CD95,CEACAM21,CLECL1,CNAS,CNLOH,CXCR3,DRP6,DSAP,EBI3,FCRECEPTORLIKEPROTEINS,FCRL5,GCT,GCTS,GPR183,IGD,IGG,IGHA1,IGHG1,IGM,JCHAIN,KI67,KIF16B,KIR2DL1,KLF10,KLK1,MS4A1,NEDD4L,PAX5,RB,RTICB,SELL,SMAD4,SPIB,TCF7,TCL1A,TCR,TFEC,TLR1,TLR10,TLR2,TLR6,TLR7,TLRS,TSC2,ZBTB32
+MEMORY CD4 T-CELL,Y
+ANXA1,AQP3,CCR6,CCR7,CD127,CD161,CD25,CD26,CD27,CD28,CD3,CD38,CD3D,CD3E,CD4,CD45RO,CD69,CD7,CD8,CD95,COTL1,CXCR5,GPR183,GZMK,HLADR,IL7R,LDHB,S100A4,S1PR1
+MEMORY CD8 T-CELL,Y
+CD8A
+MYELOID DC,Y
+BATF3,BDCA1,CCR7,CD11B,CD11C,CD123,CD197,CD1A,CD1B,CD1C,CD1E,CD205,CD207,CD209,CD273,CD304,CD4,CD40,CD49D,CD80,CD83,CD86,CDC2,CLEC10A,CLEC4A,CLEC9A,CLIC2,F480,FCER1A,HLADR,ID2,IRF4,ITGAX,KLF4,LAMP3,LYZ,MHCCLASSII,SIRPA,WFDC21P,ZEB2
+NAIVE B-CELL,Y
+APLP2,BCL7A,CC19,CCR7,CD10,CD11C,CD19,CD20,CD22,CD24,CD27,CD37,CD38,CD45,CD72,CD74,CD79A,CD83,CXCR4,FCER2,FCRL5,GCNT1,HOXB2,IGD,IGHD,IGHM,IGIG,IGM,IL21R,IL4R,MS4A1,PAX5,PCDH9,PLPP5,RNAPNOC,SATB1,SELL,SEMA4A,TCL1A,TCL1B,YBX3
+NAIVE CD4 T-CELL,Y
+CCR7,CD3D,CD3G,CD4,LEF1,LTB,MAL,MYC,NOSIP,SELL,SOCS3,TCF7,TSHZ2
+NAIVE CD8 T-CELL,Y
+CCR7,LEF1,MAL,MYC,NOSIP,RCAN3,SELL,SOCS3,TCF7,TSHZ2
+NEUTROPHIL,Y
+ABHD5,ACPA,ACPAS100,ADAM8,ADGRG3,ADM,ALPL,ANP32A,ANTIMPO,ANXA3,AQP9,ARG1,ARGINASE,AZU1,BASP1,BCL2A1,BIONEU,BST1,BTNL8,C5AR1,CA4,CAMP,CCR7,CD10,CD101,CD112,CD114,CD116,CD117,CD11A,CD11B,CD11C,CD123,CD127,CD13,CD14,CD15,CD157,CD16,CD16B,CD17,CD177,CD18,CD181,CD182,CD184,CD19,CD197,CD20,CD203C,CD235A,CD24,CD281,CD282,CD284,CD286,CD289,CD3,CD304,CD31,CD32,CD33,CD34,CD35,CD38,CD41,CD43,CD44,CD45,CD45RA,CD48,CD49D,CD55,CD56,CD62,CD62L,CD64,CD66,CD66A,CD66B,CD66C,CD66D,CD71,CD79B,CD80,CD86,CD87,CD88,CD89,CD93,CDA,CEACAM3,CEACAM8,CEBPB,CEPBE,CFLAR,CLC,CLEC4D,CLEC4E,CMTM2,CRISPLD2,CSF3,CSF3R,CTB61M72,CTSG,CXCL1,CXCL2,CXCL3,CXCL6,CXCL8,CXCR1,CXCR2,CXCR4,CYP4F3,DEFA4,DGAT2,DRC1,DUSP2,DYSF,ELANE,FCAR,FCER1G,FCGR3,FCGR3A,FCGR3B,FLJ11151,FMLP,FOS,FPR1,FPR2,FPR3,FPRL1,FTL,FUT,G0S2,GBP1,GBP4,GBP5,GCA,GDA,GFI3,GP110,GR1,GS1279B72,H3CIT,HAL,HCAR2,HCAR3,HLAA,HLAB,HLAC,HLADR,HNL,HP,HPSE,HSPA6,IDU,IFI6,IFIT3,IFITM1,IFITM2,IFITM3,IGSF6,IL1,IL18,IL1R2,IL1RN,IL8,IL8RA,IL8RB,IRF1,ISG10,ITGAL,ITGAM,JAML,KCNJ15,KIAA0329,KRT23,LCN2,LILRB2,LINC00211,LINC00694,LINC01272,LINC01506,LRG1,LST1,LTF,LUCAT1,LY6C,LY6G,LYN,LYZ,LYZ2,MCEMP1,MEGF9,MGAM,MME,MMP8,MMP9,MNDA,MPO,MRP14,MSRB1,MXD1,MXRA8,MYELOPEROXIDASE,NAMPT,NCF1,NE,NETS,NFE4,NGAL,NGP,ORM1,OSM,PADI4,PCGR2A,PD1,PDL1,PELI1,PGLYRP1,PHOSPHO1,PI3,PLAC8,PROK2,PRTN3,PTGS2,QPCT,RGS2,ROPN1L,RP128O101,RP6159A14,RSAD2,S100A11,S100A12,S100A6,S100A8,S100A8A9,S100A9,S100P,SAT1,SDCBP,SELL,SIGLEC5,SIGLEC8,SLAMF6,SLC22A4,SLC25A37,SOD2,SSC,SSCA,ST20,STAT1,STEAP4,TAGAP,TAP1,TECPR2,TGM3,TLE3,TLR2,TNFAIP6,TNFRSF10C,TNFRSF1A,TNFSF13B,TREM1,TYROBP,USP10,VNN2,VNN3
+NK-CELL,Y
+2B4,2DL3,2DS2,ADARB1,AF107846,AL080130,ALDH1B1,BAT,BCL2,CASP5,CCL19,CCL3,CCL4,CCL5,CCR4,CCR7,CCRECEPTOR,CD10,CD103,CD107A,CD117,CD11B,CD11C,CD122,CD127,CD137,CD14,CD158,CD158A,CD158B1B2J,CD158E,CD158E1E2,CD159A,CD16,CD160,CD161,CD163,CD178,CD183,CD19,CD194,CD196,CD2,CD212,CD217,CD218A,CD224,CD226,CD229,CD244,CD247,CD25,CD27,CD28H,CD3,CD314,CD319,CD32,CD328,CD335,CD336,CD337,CD34,CD38,CD3D,CD3E,CD3G,CD4,CD40L,CD43,CD44,CD45,CD45RA,CD49A,CD49B,CD49D,CD49E,CD52,CD56,CD57,CD62L,CD68,CD69,CD69A,CD7,CD74,CD79B,CD8,CD81,CD8A,CD8B,CD94,CD96,CD98,CDC5L,CHST12,CHST2,CISPLATIN,CLIC3,CR2,CRECEPTOR,CRTH2,CST7,CTSW,CX3CR1,CXCCHEMOKINERECEPTOR,CXCR1,CXCR3,CXCR4,CXCR5,CXCR6,CXXC5,DIPEPTIDYLPEPTIDASE4,DNAM1,DOCK2,DPIV,DUSP1,E4BP4,EOMES,FASL,FASLG,FCER1G,FCG3RA,FCGR3A,FCGR3A26,FCGR3B,FCGRII,FCGRN3A,FGF18,FGFBP2,FLT3,FLT3LG,FOS,FUT5,FZR1,GATA3,GNLY,GRANZYMEA,GRANZYMEB,GRANZYMES,GSG1,GZMA,GZMB,GZMH,GZMK,GZMM,H25,HAVR2C,HCD56,HIST1H4C,HLADR,HLAE,HMGB2,HOPX,ICAM1,ID2,IFITM3,IFN,IFNG,IGFBP5,IL10,IL12,IL15,IL18,IL18RAP,IL2,IL21R,IL2RB,IL32,IL7R,IOT10,IP10,IRF8,JUN,KI67,KIR,KIR2DL1,KIR2DL12DS1,KIR2DL2,KIR2DL22DL3CD127,KIR2DL3,KIR2DL4,KIR2DL5,KIR2DS1,KIR2DS4,KIR3DL1,KIR3DL2,KIR3DL3,KIR3DS1,KIRS,KLRB1,KLRB1C,KLRC1,KLRC2,KLRC3,KLRD1,KLRE1,KLRF,KLRF1,KLRG1,KLRK1,KNG2A,KNG2D,KR2DS4,L1TD1,LAG3,LDB3,LTB,LY108,MAPRE3,MCM3AP,MIPLA,MKI67,MRC2,MXRA8,NATURALCYTOTOXICITYRECEPTORS,NCAM,NCAM1,NCR1,NCR2,NCR3,NGK7,NK11,NKG2A,NKG2C,NKG2D,NKG2DLS,NKG7,NKH1,NKP30,NKP44,NKP46,NKP80,NM014274,NM017616,NMUR1,PD1,PDL1PDL2,PDLIM4,PERFORIN,PRE,PRF1,PRSS23,PRX,PSMD4,PTGDR,PTPRC,RAX,RORGAMMAT,RUNX1,SAMD3,SELL,SH2D1B,SLC30A5,SPON2,ST2,STMN1,STYK1,TBET,TBX21,TBXA2R,TCRD,TCRG,TCTN2,TESC,TIGIT,TIM3,TINAGL1,TMIGD2,TNF,TNFRSF18,TOX,TP53TG5,TRAC,TRAIL,TRDC,TRGC1,TRGC2,TYROBP,VALPHA24JALPHA18TCR,XCL1,XCL2,ZAP70,ZBTB16,ZFP36,ZNF205,ZNF528,ZNF683,ZNF747
+NON-CLASSICAL MONOCYTE,N
+CD11B,CD11C,CD123,CD14,CD15,CD16,CD33,CD45,CD66B,CDKN1C,CSF1R,CX3CR1,DR,FCGR3A,FCN1,HLADR,LYZ,SLAN,TNFRFA1,TNFRFB2
+OVARY,N
+ABCG2,ACTA2,ADIRF,AFP,AIF1,ALDH,ALDH1,ALDH1A1,ALDH1A2,ALDH1A3,AMH,AMINOPEPTIDASEN,ANGPT2,BANK1,BCL6,BGN,BMI1,BMP15,BRCA2,C1QB,CA125,CAPS,CATENIN,CAV1,CCL14,CCL21,CCL4,CCL5,CCR4,CCR7,CD103,CD105,CD113,CD117,CD11B,CD11C,CD127,CD133,CD137,CD14,CD140B,CD147,CD15,CD163,CD166,CD19,CD1C,CD1D,CD2,CD20,CD207,CD24,CD27,CD28,CD3,CD31,CD33,CD34,CD38,CD3D,CD3E,CD3G,CD4,CD40,CD44,CD45,CD45RA,CD45RO,CD49E,CD53,CD56,CD57,CD68,CD69,CD73,CD74,CD79A,CD79B,CD8,CD80,CD86,CD8A,CDH1,CDH2,CDH5,CHST8,CK18,CK7,CK8,CKIT,CLDN4,CLDN5,CLEC9A,CMA1,COL1A1,COL1A2,COL3A1,COL6A1,COL6A2,CPA3,CR2,CRYAB,CTGF,CTLA4,CXCR1,CXCR4,CYP17,DAZL,DCN,DDR2,DDX4,DLK1,DSP,ECADHERIN,EGFL7,EPCAM,FAP,FAS,FBLN1,FBLN5,FCER1G,FGFR1,FN1,FOLLICLESTIMULATINGHORMONERECEPTOR,FOLR1,FOXJ,FOXJ1,FOXL2,FOXP3,FSHR,GATA3,GDF15,GDF9,GJA4,GLDC,GLYPICAN3,GPX3,GSTA1,GZMA,GZMB,HE4,HLADR,HSD17B1,IBA1,IFI27,IFITM3,IGFBP7,IGHG4,IGKC,IGLC2,IGLC3,IGM,IL13,IL1B,IL21,IL2RA,IL32,IL4,IL7R,INHBA,ITGA5,JCHAIN,KIT,KL6,KL7,KL8,KLK6,KLRC1,KLRC3,KLRG1,KRT10,KRT18,KRT19,KRT5,KRT8,KRT9,LEF1,LGR5,LGR6,LILRA4,LUM,LYVE1,LYZ,MARCO,MATER,MCAM,MFGE8,MGARP,MGP,MMP2,MMP7,MS4A1,MS4A2,MT1A,MUC16,MYD88,MYH11,MZB1,NALP9,NANOG,NATRIURETICPEPTIDEB,NCADHERIN,NCAM,NCR1,NESTIN,NKG7,NLRP5,NNMT,OCLN,OCT34,OCT4,OCT4A,OGN,OVGP1,PAX8,PD1,PDGFRA,PDGFRB,PDL1,PDPN,PECAM1,PEG10,PIGR,PIK3CA,PLN,PODOPLANIN,POSTN,PRF1,PROCR,PROM1,PROX1,PTPRC,RAMP2,RGS5,S100A4,SALL4,SCP3,SERPINE2,SIRP,SMA,SNAI2,SOCS3,SOX17,SOX18,SOX2,SPARCL1,SPRR2,SSEA1,SSEA4,STAR,STELLA,TAGLN,TCF1,TCF4,TCF7,TFF3,TIGIT,TM4SF1,TNC,TNF,TPSAB1,TPSB2,TRAC,TWIST1,TXNIP,VASA,VEGFC,VEGFR3,VIM,VIMENTIN,VSIG4,VWF,WFDC2,WNT5A,WT1,XCL2,ZAR1,ZEB1,ZEB2,ZP4
+PANCREAS,N
+41BB,AADAC,AB9221,ABCAM,ABI2,AC0090411,AC0188658,AC133,AC1404811,ACE2,ACTA2,ACTUB,ADCYAP1,ADIRF,ADORA2A,AIF1,AKR1B10,AKR1C1,AKR1C2,AKR1C3,AKR7A3,AL1171902,ALAS2,ALB,ALCAM,ALDH1,ALDH1A1,ALDOB,ALOX5,AMBP,AMY2A,AMY2B,AMYP1,ANPEP,ANXA4,AP3B1,APCDD1L,APLP2,APOE,AQP3,AQP5,AQP8,ARG1,ARHGAP3,ARL13B,ARRDC4,ARX,ASPH,ASXL3,ATG7,ATL2,ATP2A3,AURKA,AZGP1,B2M,BACE2,BAZ2B,BCAT1,BDCA1,BHLHB26,BHLHB27,BICC1,BLK,BMI1,BMP,BMP5,BMPR1A,BSCL2,BTLA,C11ORF24,C15ORF48,C18ORF42,C19ORF77,C1ORF127,C21ORF119,C21ORF58,C3,C4B,C4ORF29,CA12,CA2,CADM1,CAMK2G,CAPN13,CARTPT,CASR,CATENIN,CBS,CCL2,CCL3,CCR2,CCR6,CD1,CD103,CD11B,CD11C,CD127,CD133,CD14,CD142,CD15,CD161,CD163,CD19,CD1A,CD1C,CD1D,CD1E,CD2,CD20,CD206,CD21,CD22,CD24,CD247,CD25,CD27,CD3,CD31,CD33,CD34,CD36,CD38,CD39,CD3D,CD3E,CD3G,CD4,CD40LG,CD44,CD45,CD45RO,CD49A,CD5,CD52,CD56,CD6,CD63,CD64,CD68,CD69,CD72,CD74,CD79A,CD79B,CD8,CD80,CD86,CD8A,CD8B,CD9,CD90,CD99,CDH1,CDH18,CDH19,CDH2,CDH5,CDK1,CDK5R1,CDKN1C,CDS2,CEL,CELA2A,CELA3A,CELA3B,CERCAM,CFD,CFH,CFI,CFTR,CGRRF1,CHE1,CHGA,CHGB,CK19,CKIT,CLDN1,CLDN5,CLEC10A,CLIM1,CLPS,CLU,CMET,CNTN4,COL11A1,COL1A1,COL1A2,COL1A4,COL4A1,CPA1,CPA2,CPB1,CPEPTIDE,CR2,CRTR1,CRYAB,CRYBA2,CSDE1,CSF1R,CSF2RA,CSF3R,CSRP2,CT,CTA246H38,CTLA4,CTRB1,CTRB2,CTRC,CTRL,CTSV,CUZD1,CXCL12,CXCL17,CXCR3,CXCR4,CYP2U1,CYTOKERATIN19,CYTOKERATINAE1,CYTOKERATINAE3,CYYR1,DCLK1,DCN,DDR1,DISP2,DLK1,DNER,DPEP1,DPP4,DPT,DSC2,DUOX2,DUOXA2,ECADHERIN,ECE2,EDARADD,EFCAB14,EFHD2,EGFEM1P,EGFL7,EGFR,EGR3,ELF3,ELL2,ELMO1,ELOVL4,ENG,ENPP4,ENTPD2,ENTPD3,EPCAM,EPG5,EPHX2,ERO1LB,ERP27,ESA,ESE3B,ESRP1,ESRP2,ETFDH,ETV1,F10,FADS2,FAM110B,FAM129A,FAM178A,FAM222A,FAM46A,FAM76A,FAM84A,FAP,FCER1A,FCER1G,FCER2,FCGR2A,FCGR3A,FCN1,FEV,FFAR1,FGF12,FGL1,FIBRONECTIN,FLT1,FLT4,FN1,FOLR1,FOXA1,FOXP3,FSTL5,FXYD2,FXYD2GAMMA,FXYD5,G6PC2,GABRG2,GADD45G,GALNT7,GAP43,GATA3,GATA6,GBA,GC,GCC1,GCG,GCSF,GHRL,GLS,GLUCAGON,GLUCOSETRANSPORTERTYPE2,GLUT2,GNAS,GNL3,GP2,GPC1,GPC6,GPM6A,GPR119,GPR44,GPSM1,GPT2,GRANZYMEB,GREM1,GRIA3,GSTA1,GSTA2,GUSB,GYG1,GZMA,GZMB,GZMH,HAMP,HBG1,HEPACAM2,HER4,HEV,HHLA2,HIGD1A,HLA,HLADPA1,HLADR,HLADRA,HLADRB1,HMGB2,HMGB3,HNF1,HNF1B,HNRNPA3,HOPX,HPS1,HSD17B14,HSPD1,HTR1F,IAPP,ID14,IGF2,IL1B,IL2RA,IL32,IL6,IL7R,IL8,ILTMP,INHBA,INS,INS1,INSULIN,IRF1,IRF5,IRX2,ISL1,ISLETAMYLOIDPOLYPEPTIDE,ITGAM,ITGAX,ITPK1,KARS,KCNMA1,KCTD14,KDELR3,KDR,KIR3DL1,KIT,KL,KLHDC8A,KLHL41,KLK1,KLRB1,KLRD1,KLRK1,KPNA6,KRAS,KRP1,KRT14,KRT19,KRT5,KRT7,KRT8,LAG3,LCORL,LEDGF,LEPR,LGALS2,LGMN,LGR5,LIFR,LMNA,LOXL4,LRP11,LRRTM3,LUM,LYVE1,LYZ,MACC1,MAFA,MAFB,MARCO,MAT1A,MBOAT2,MCOLN3,MEIS1,MEIS2,MGST1,MK167,MKI67,MLLT11,MMP11,MMP7,MNX1,MRAP2,MRC1,MRC1L1,MS4A1,MS4A2,MTSS1,MUC1,MUC6,MXRA7,MYBPHL,MYC,MYCHNSCC,MYL9,NAA20,NANOG,NCADHERIN,NCR1,NEC1,NECAB1,NEURONSPECIFICENOLASE,NFKBIA,NHP2L1,NKX61,NMRK1,NOTCH2,NOTCH3,NPTX2,NPY,NTPCR,NUPR1,OCT34,OGT,ONECUT2,OXLD1,P63,PACAP,PAF1,PAK4,PALLD,PANCK,PAX6,PCSK1,PD1,PD2,PDAC,PDCD1,PDE4DIP,PDGFRA,PDGFRB,PDIA2,PDK4,PDLIM4,PDPN,PDX1,PDZK1,PECAM1,PFKFB2,PGE2R,PGR,PIGV,PIK3IP1,PIR,PLA2G16,PLA2G1B,PLCE1,PLK1,PLOD2,PLTP,PLVAP,PMM1,PMP22,PNISR,PNLIP,PNLIPRP1,PNLIPRP2,POPDC3,POSTN,POU3F1,PP,PPIF,PPY,PRBP,PRF1,PRG4,PRKCE,PROCR,PROM1,PROX1,PRPH,PRSS,PRSS1,PRSS2,PRSS3,PRSS3P2,PSAT1,PTF1A,PTGFR,PTGR1,PTPN2,PTPRC,RAB3C,RAPH1,RARRES2,RASA4,RASA4B,RASGRF1,RBP4,RBTN3,REG1A,REG1B,REG3A,REG3G,RFX6,RGP4,RGS16,RGS2,RGS5,RNASE1,RNF130,ROBO2,RP11520H111,RP6149D171,RRAGB,RRNAD1,RSAD2,S100A14,S100A2,S100A8,S100A9,S100B,SAA3,SALL2,SCD5,SCN7A,SCTR,SDC4,SELL,SEMA5A,SERPINA4,SERPINE2,SERPINI2,SERTM1,SETD2,SEZ6L2,SFRP2,SFRP3,SFTPA1,SGCB,SGCZ,SGK1,SGK3,SH2D1A,SHARP1,SIAH1,SIX2,SIX3,SLAMF7,SLC15A1,SLC25A34,SLC25A37,SLC30A8,SLC38A4,SLC38A5,SLC39A5,SLC43A1,SLC43A2,SLC4A4,SLCO2A1,SLITRK6,SLUG,SMAD9,SMARCA1,SNAI1,SNAI2,SNAIL,SOCS2,SOD2,SOLUTECARRIERFAMILY30,SOMATOSTATIN,SORL1,SORT1,SOX9,SPARC,SPATC1L,SPINK1,SPOCK3,SPP1,SRBD1,SRD5A1,SREK1,SSEA4,SST,STARD3,SUSD4,SV2,SYCN,SYT13,TAGLN,TBC1D30,TBCC,TBET,TBX21,TCF7,TDRP,TERF2IP,TETRASPANIN7,TFCP2L1,TGFBR3,THSD7A,THY1,TIFA,TIGIT,TIM3,TJP2,TLR2,TMCO3,TMEM236,TMEM37,TMEM97,TMPRSS2,TNFRSF17,TP53,TPD52L1,TPM1,TPM2,TPSAB1,TPST2,TRIB2,TRYPSIN,TSPAN1,TTC39A,TTR,TTYH1,TWIST,U6606139,UBQLN1,UGDH,UQCC1,VAT1L,VCAN,VGF,VIM,VIMENTIN,VWF,WDR37,WNT2,WNT4,WSCD2,XCR1,YBX3,YIPF2,ZDHHC9,ZEB1,ZEB2,ZNF441,ZNF506,ZNF776,ZO1
+PLACENTA,N
+ABCG2,AIF1,ALAS2,ALPHASMA,ARGINASE,ATP1B3,CCNB1,CCR2,CD10,CD105,CD106,CD117,CD11C,CD13,CD14,CD146,CD15,CD16,CD163,CD166,CD206,CD209,CD248,CD29,CD3,CD34,CD349,CD3G,CD44,CD45,CD47,CD49A,CD52,CD53,CD56,CD63,CD66B,CD68,CD73,CD83,CD86,CD87,CD9,CD90,CDH5,CDX2,CGA,CLDN10,CNN1,CSF1R,CYP19A1,CYR61,CYTOKERATIN,CYTOKERATIN17,CYTOKERATIN7,DKK1,ECADHERIN,ECM1,FGF10,FGFR4,FIBROMODULIN,FLT1,FOXP3,GATA2,GH2,GZMA,HBA1,HBB,HBG1,HEY1,HLAABC,HLADR,HLAG,ICAM1,IGFBP1,ITGA1,ITGA2,ITGA5,ITGA6,ITGB4,KRT17,KRT23,LAEVERIN,LIMCH1,MMP2,MMP9,MUC16,MYELOPEROXIDASE,MYH11,NANOG,NOV,OCT34,OCT4,P63,PAPPA2,PARP1,PLVAP,POU5F1,PRL,S100A6,S100P,SDC1,SOX4,STRO1,TAP1,TBX3,VEGFR1,VEGFR2,VIM1,VIMENTIN
+PLASMACYTOID DC,Y
+ALOX5AP,APP,BCL11A,BDCA2,BDCA4,C10ORF118,C12ORF75,CCDC50,CCR7,CCR9,CD11C,CD123,CD19,CD20,CD209D,CD27,CD2AP,CD303,CD304,CD34,CD38,CD4,CD45,CD45RA,CLEC4A,CLEC4C,CLIC3,COX6A2,CYB561A3,CYTL1,GAPT,GATA2,GZMB,HIGD1A,HLADR,IDH3A,IGJ,IL3R,IL3RA,IL3RC,ILT7,IRF4,IRF7,IRF8,ITM2C,JCHAIN,LAIR1,LAMP5,LILRA4,LILRB4,LRRC26,LTB,LY6D,MAP1A,MPEG1,MZB1,NRP1,NUCB2,OFD1,PLAC8,PLD4,PPP1R14B,PTCRA,PTGDS,PTPRS,RNASE6,RUNX2,SCT,SEC61B,SELL,SERPINF1,SIGLECH,SLC15A4,SMPD3,SPCS1,SPIB,TCF4,TCL1A,TLR7,TLR9,TNFRSF21,TRAF4,TSPAN13,UGCG,VEGFB
+PROSTATE,N
+21HI,21INTEGRIN,ABCG2,ACPP,ADT,ALDH1,AMACR,ANDROGENRECEPTOR,APOD,APOE,AR,ATAD2,BETACATENIN,BLNK,BMI1,BRN2,C1QA,C1QB,CALCYCLIN,CAM52,CCR7,CD117,CD11B,CD11C,CD133,CD138,CD147,CD163,CD166,CD19,CD1D,CD2,CD20,CD201,CD206,CD24,CD274,CD3,CD38,CD3D,CD3E,CD3G,CD40,CD44,CD45,CD49,CD49B,CD49F,CD55,CD79A,CD79B,CD8,CD8A,CD8B,CD90,CDH1,CDH5,CDK12,CHGA,CHROMOGRANINA,CK19,CK44,CK5,CK8,CK9,CMYC,CXCR4,CYTOKERATIN18,CYTOKERATIN8,DCN,DCX,DELTANP63,DES,ECADHERIN,EGFR,ENG,ENO2,EPCAM,ESRP1,ESRP2,EZH2,FAM65B,FBLN1,FGF2,FOXP3,FRMD6,GJA4,GZMB,HES1,HGF,HLADR,HMWCK,IGM,IL1B,INTEGRINALPHA2BETA1,ITGA2,JAGGED1,KERATIN14,KERATIN5,KLK2,KLK3,KLRB1,KLRC1,KLRD1,KLRF1,KLRK1,KRT14,KRT15,KRT18,KRT5,KRT8,LEF1,LGR5,LYZ,MAC1,MAC2,MFI2,MS4A1,MSMB,MT1A,MYH11,NANOG,NCADHERIN,NCAM1,NESTIN,NKX31,OCT4,P63,PATCHED,PCGR2A,PD1,PDCD1,PDCD1LG2,PECAM1,PFKFB4,PIAS2,POU5F1,PROM1,PSCA,PTEN,PTGDS,RGS5,RSPO3,SCA1,SELE,SMOOTHENED,SOX2,SYNDECAN1,SYP,TACSTD2,TAZ,TCF1,TEAD1,THY1,TMPRSS2,TNFAIP6,TP63,TROP2,TSC22,UBE2T,VIM,VIMENTIN,VWF,WFDC2,ZEB1
+RETINA,N
+,ACTB,ADAMTS9,AIF1,ALCAM,AP2A,AQUAPORIN0,ARR3,ASCL1,ATOH7,ATP1A2,BEST1,BMP7,C1QA,C1QB,C1QL2,C3,CALB1,CAMK2B,CD163,CD34,CD3D,CD44,CD74,CDH5,CHAT,CKIT,CLASSIIIBETATUBULIN,CLU,CNBG3,CNGA1,CNTN2,COL4A3,CPODXL,CRALBP,CRX,CXCR4,DCLK1,DCX,DLL4,EBF1,EBF3,EFNB2,FABP7,FOS,FOXG1,FTL,FZD3,GAD1,GAP43,GFAP,GJA1,GLUL,GNAT2,GNGT2,GOALPHA,GPM6A,GPM6B,GRK7,GRM6,GS,GUCA1A,GUCA1B,GUCA1C,HLADPA1,HLADPB1,HLADRA,IGFBP5,ISLET1,ISLR2,JAG1,KCNIP2,LHX1,LIN28A,LIN28B,MAP2,MITF,NEFL,NEFM,NESTIN,NGN2,NR2E3,NRCAM,NRL,NRN1,ONECUT1,ONECUT2,OPN1LW,OPN1MW,OPN1SW,OTX2,P2RY12,PCDH9,PDE6A,PDE6C,PDE6H,PERIPHERIN,PFN1,PKC,POU4F2,POU5F1,PPEF2,PSAP,RB1,RCVRN,RECOVERIN,REDD1,REDD2,RGS16,RGS5,RHO,RHODOPSIN,RIMS3,RLBP1,RPE65,RTN4,RUFY3,RXRG,SEMA5A,SLC17A6,SLC1A3,SNCG,SOX1,SOX2,SPARCL1,SPP1,STAC2,TGF2,TGFBR1,THRB,TM4SF1,TMEM119,TMEM215,TMSB10,TRAC,TREM2,TRPM1,TUBB3,TYR,VSX1,VSX2
+SALIVARY GLAND,N
+ABCG2,ACTA2,ACTIN,AMY1,BCL6,BMI1,BMP6,CALPONIN,CD103,CD138,CD14,CD16,CD166,CD19,CD1C,CD20,CD25,CD27,CD29,CD3,CD34,CD38,CD3D,CD4,CD44,CD5,CD56,CD68,CD79A,CD80,CD83,CD86,CDH1,CDH11,CDH5,CNP,COL1A1,COL1A2,CSPG4,CTLA4,CXCR5,CYTOKERATIN5,FABP4,FCGR3A,FCN1,HBB,HLAABC,HLADR,ICOS,IGD,IGKC,IL3RA,KLRF1,LPO,MKI67,MYL9,NANOG,NCR3,NKP30,NKP46,P63,PD1,PDGFRB,PECAM1,PLP1,PODOPLANIN,S100,SMA,SPP1,STATH,TAGLN,TJP1
+SEMINAL VESICLE,N
+
+SKELETAL MUSCLE,N
+ACTN1,ADGRE1,AIF1,APOC1,APOE,CD105,CD117,CD14,CD144,CD146,CD19,CD22,CD29,CD31,CD34,CD3D,CD3E,CD3G,CD4,CD44,CD45,CD56,CD73,CD8A,CD90,CDH19,CDH5,COL1A1,COL2A1,COL3A1,CSF1R,DCN,EMD,ESAM,EYA1,EYA2,FACTIN,FOXC1,FOXC2,GLI2,HEMGN,HES7,ITGAM,ITGB1,KCNA1,KDR,LEMD2,LY6A,LY6E,MAPK12,MBP,MEF2A,MEF2C,MEF2D,MEOX1,MEOX2,MET,MIXL1,MS4A1,MYBPH,MYF5,MYF6,MYH,MYL1,MYLK,MYOD1,MYOG,NAAOG,NCAD,NODAL,NRG1,NT5E,PAX1,PAX3,PAX7,PDGFRA,PDGFRALPHA,PECAM1,PLP1,POU5F1,PTPRC,RIPPLY1,S100A8,S100A9,S100B,SCX,SDC4,SIX1,SIX2,SMTN,SOX2,SOX9,SRGN,T,TBX18,TCF12,TCF15,TEAD4,TEK,TGFB1,TNC,TNMD,TNNC2,TNNI1,TWIST2,UNCX,VCAM1,VEGFR2
+SKIN 1,N
+AADACL2,ABCB5,ABCG2,ABO,ACKR1,ACTA2,ADIPOQ,ADORA2A,AFF3,AIF1,ALDH,ALF1,ANLN,ANXA1,ANXA7,APCDD1,APOD,APOE,AQP1,AQP5,AR,AREG,ARG1,ARHGEF17,ARL4C,ATAC2,ATOH1,ATP1B1,B220,BATF,BCL2,BCL6,BETACATENIN,BIRC3,BLIMP1,BMPRIB,BRD4,BTLA,C15ORF48,C1ORF54,C1QA,CALB1,CALPONIN,CCDC66,CCK,CCL17,CCL19,CCL2,CCL21,CCL22,CCL4,CCL5,CCR4,CCR6,CCR7,CD1,CD10,CD103,CD105,CD106,CD11B,CD11C,CD123,CD126,CD127,CD13,CD130,CD133,CD137,CD14,CD141,CD146,CD15,CD16,CD161,CD163,CD166,CD169,CD16B,CD19,CD197,CD1A,CD1B,CD1C,CD1D,CD1E,CD2,CD20,CD200,CD200R1,CD203C,CD204,CD205,CD206,CD207,CD209,CD209A,CD209D,CD21,CD223,CD23,CD235AB,CD24,CD25,CD26,CD27,CD271,CD273,CD28,CD29,CD3,CD303,CD304,CD31,CD324,CD33,CD34,CD355,CD36,CD38,CD39,CD3D,CD3E,CD3G,CD4,CD40,CD44,CD45,CD45RA,CD45RO,CD46,CD49A,CD49B,CD49D,CD49F,CD5,CD56,CD63,CD66B,CD68,CD69,CD7,CD71,CD73,CD74,CD79A,CD8,CD80,CD83,CD86,CD88,CD8A,CD8B,CD90,CD93,CD94,CDH19,CDH3,CDH5,CDKN2A,CEBPB,CFD,CHAT,CHI3L1,CIITA,CK14,CKAP2L,CKIT,CLDN5,CLE4C,CLEC10A,CLEC14A,CLEC4C,CLEC9A,CLPTM1,CMTM2,CMYC,CNN1,COCH,COL11A1,COL18A1,COL1A1,COL1A2,COL23A1,COL23A13,COL2A2,COL3A1,COL5A1,COL6A1,COL6A2,COL6A3,COL6A5,CPA3,CSF1R,CSF3,CST7,CTIP2,CTLA4,CTSC,CTSS,CX3CR1,CXCL10,CXCL11,CXCL12,CXCL13,CXCL14,CXCL8,CXCL9,CXCR3,CXCR4,CXCR5,CXCR6,CYBB,CYTOKERATIN,CYTOKERATIN14,CYTOKERATIN15,CYTOKERATIN18,CYTOKERATIN19,CYTOKERATIN20,DAB2,DCD,DCN,DCT,DDC,DEFB1,DES,DESMIN,DLX4,DLX5,DPP4,DRD1,DRD2,DSAP,DSC1,DUT,EC,ECADHERIN,EGFL7,ELN,EN1,EN2,ENG,ENTPD1,EOMES,EPCAM,ERAP1,ERAP2,EREG,ERG,EZH2,F13A1,F480,FAB7,FAP,FASLG,FASN,FB,FBLN1,FCER1G,FCER2,FCGR1A,FCGR3A,FCGR3B,FCGRN3A,FCN1,FLG,FLG2,FLT3LG,FN1,FNDC1,FOS,FOXA1,FOXA2,FOXM1,FOXP3,FRIZZLED2,FRIZZLED3,FRIZZLED7,FYCO1,GATA3,GBX2,GDNF,GFRA2,GIPR,GJB2,GLDN,GLI1,GNLY,GPIHBP1,GRANZYMEB,GZMA,GZMB,GZMH,GZMK,H2M2,H3K27ME3,HAND1,HAVCR1,HAVCR2,HBA1,HBA2,HBB,HELIOS,HERC5,HES5,HEY1,HLAABC,HLADPB1,HLADQA1,HLADQB2,HLADR,HLADRA,HLADRB1,HMB45,HMGB2,HNK1,HRNR,IC,ICAM1,ICOS,ID2,IDO1,IFI27,IFIH1,IFN,IFNG,IGHD,IGHG1,IGHG2,IGHM,IGJ,IGLL1,IGLL5,IGM,IL10,IL12B,IL13,IL15,IL1B,IL1R1,IL1RL1,IL2,IL20,IL23R,IL2RA,IL3RA,IL4R,IL4RA,IL6,IL7R,INOS,INTEGRINALPHA6,INTEGRINBETA1,IRF4,IRF5,IRF8,ISL1,ITGA1,ITGA6,ITGAE,ITGAM,ITGAX,ITGB1,IVL,JAG1,JCHAIN,K10,K15,K19,K5,K8,KCNJ6,KIAA0319,KIR3DL1,KIT,KLF2,KLRB1,KLRB1C,KLRG1,KLRK1,KRT1,KRT10,KRT14,KRT15,KRT18,KRT19,KRT2,KRT20,KRT4,KRT5,KRT6A,KRT6B,KRT7,KRT8,KRY1,LAG3,LAMP3,LANGERIN,LDH,LEF1,LEKR1,LGR5,LGR6,LHX2,LILRA4,LIN,LMAN1,LMNA,LMX1A,LMX1B,LNPEP,LRIG1,LTB,LUM,LY6C,LY6C1,LY6G6C,LYSOZYME,LYVE1,LYZ,LYZ2,MAFB,MAPKAPK5,MC,MCAM,MCSP,ME,MEG3,MELANA,MERTK,METTL1,MFAP5,MGL2,MGP,MGP35,MHCCLASSII,MHCII,MITF,MKI67,MLANA,MMP1,MMP14,MMP2,MMP9,MPZ,MRC1,MS4A1,MS4A1A,MS4A4A,MSX1,MUC1,MUCL1,MXRA8,MYD88,MZB1,NANOG,NCAM,NCAM1,NCAM2,NCAPG,NCR1,NCR2,NES,NESTIN,NFATC1,NGFR,NKG2D,NKG7,NKIC3,NMDAR1,NP63,NR4A2,NRP1,NRXN1,NTN1,NUB1,OCT4,OLFML2B,OSTEOPONTIN,OTX1,OTX2,P63,P75NTR,PAFABP,PANCYTOKERATIN,PAX1,PAX3,PAX6,PAX8,PCOLCE,PD1,PD1L1,PD1L2,PDCD1,PDGDRA,PDGFRA,PDGFRB,PDL1,PDPN,PECAM1,PERFORIN,PGP95,PHLDA1,PIM3,PIP,PITX1,PITX3,PLA2G2A,PLET1,PLP1,PLPP3,PMEL,PMEL1,POSTN,POT1,PPAR,PRDM1,PRF1,PROCR,PROM1,PRRX1,PSAP,PTGDS,PTPRC,PXDC1,RAP1,RASGRP1,RAX,RELN,RETNLA,RGS1,RGS5,RUNX1,RUNX3,S100,S100A8,S100A9,S100B,S100PROTEIN,S1PR1,SCD,SCGB1B2P,SCGB2A2,SCN7A,SDC1,SDC2,SELE,SELL,SERPINE1,SERPINH1,SFPR4,SFRP1,SFRP2,SFRP4,SIGLEC1,SIRPA,SIX1,SLAMF6,SLC12A2,SLC18A1,SLC18A2,SLC6A3,SLCO5A1,SMA,SMTN,SOCS2,SOX1,SOX10,SOX2,SOX6,SOX9,SPP1,SPRR2A,SSEA4,STAT3,STK17B,STYK1,SYTL2,TAGLN,TBET,TBR1,TBX21,TCF1,TCF4,TCF7,TCL1A,TCRD,TCRG,TCRGD,TCRVA72,TENASCINC,TFAP2A,TFF3,TGFB1,TGFB3,TGFBETA,TGM1,TGM3,TH,TH17,THBD,THBS1,TIA1,TIGIT,TIM3,TIMP1,TINAGL1,TNC,TNF,TNFRSF18,TNFRSF4,TNFRSF9,TNPO3,TOP2A,TP63,TPM2,TPP1,TPSAB1,TPSB2,TRA160,TRAC,TRBC2,TRDC,TREM1,TRIL,TROY,TRP1,TRP2,TRYPTASE,TUJ1,TWIST1,TWIST2,TYMP,TYMS,TYR,TYROBP,TYRP1,TYRP2,UBE2C,UBLCP1,VACHT,VCAM1,VCAN,VECADHERI,VECADHERIN,VEGFA,VHF,VIM,VIMENTIN,VMAT1,VNN2,VWF,WDFY4,WIF1,WNT6,XCL1,XCL2,XCR1,XIIIA,YAP,YAP1,ZAR1,ZBTB16,ZNF816A
+T-REG,Y
+AB22510,ABCAM,AIRE,ARID5B,BACH2,BATF,CAPG,CCR10,CCR4,CCR6,CCR7,CCR8,CD103,CD125,CD127,CD154,CD161,CD244,CD25,CD27,CD28,CD3,CD39,CD3D,CD3E,CD3G,CD4,CD40LG,CD45RA,CD45RO,CD49D,CD62L,CD70,CD73,CD8,CD8A,CD8B,CD95,CDC25B,CECAM4,CORO1B,CTLA,CTLA4,CXCR6,ENC1,EZH2,FANK1,FCGR2B,FCRL3,FOXP3,FOXP31,GARP,GATA3,GBP2,GITR,GNG8,GPA33,GRANZYMEB,GZMB,HAVCR2,HELIOS,HLADR,ICA1,ICOS,ID3,IFI27L2A,IFNG,IKZF2,IKZF4,IL10,IL10RA,IL17,IL17A,IL1R1,IL23R,IL2R,IL2RA,IL32,IL4I1,IL7R,IZUMO1R,KLRB1,KLRD1,LAG3,LAYN,LGALS1,LGALS3,LGMN,LTA,LTB,MAF,MAGEH1,MIR155HG,NKG7,NRP1,NT5A,OX40,PD1,PDCD1,PLN,PRDM1,PTGIR,PTKN2,REL,RGS1,RORC,RTKN2,S100A4,S1PR4,SOCS1,STAT5B,TGF,TGFB1,TGFB3,TIGIT,TIM3,TNFRSF18,TNFRSF4,TNFRSF9,TNFSRF18,TNFSRF4,TNFSRF9,TRAF3,UTS2
+TESTIS,N
+ACRV1,ACTA2,ACTL7B,ADIRF,AEBP1,ANTIMULLERIANHORMONE,ATCA2,BCL6,BEND4,BEX1,BEX2,BEX5,BRDT,C19ORF84,C1QA,C1QB,C1QC,CALB2,CD14,CD163,CD31,CD34,CD3D,CD3E,CD3G,CD4,CD52,CD68,CD74,CD89,CD8A,CD8B,CD9,CENP1,CFD,CITED,CITED1,CKIT,CLDN11,CLUSTERIN,COL4A1,CRIP1,CSF1,CSF1R,CXCL12,CYP11A1,CYTOKERATIN18,DAZL,DCAF4L1,DCN,DDX4,DES,DLK1,DMRT,DMRT1,DPPA3,EGFL7,EGR4,EPCAM,ETV5,FATE1,FGFR3,FMR1,FOXL2,GFRA1,GPR125,GZMA,GZMB,GZMH,GZMK,GZMM,H1FNT,HES1,HILS1,HLADRA,HLADRB1,HSD3B,HSD3B1,ICFBP5,ICFBP7,ID2,ID4,IGF1,IGF2,IGFBP3,IGFBP4,IGFBP5,INHBA,ITGA1,ITGA6,ITGB1,ITGB2,KIT,KLRB1,KLRG1,KLRK1,L1TD1,LHX9,LIN28,LUM,LYZ,MAGEA4,MAGEB2,MAGEC2,MCAM,MIS,MORC1,MYH11,MYL6,MYL9,NANOG,NANOS2,NESTIN,NOTCH3,NOTCH4,NR2F2,NR6A1,OCT4,PAGE2B,PECAM1,PIWIL1,PIWIL4,PLPPR3,PLZF,POU5F1,PRF1,PRM1,PRM2,PRM3,PRND,PRSS23,PTCH1,PTGDS,RBP7,RGS5,RHOXF1,SALL4,SFRP1,SIX1,SOHLH2,SOX17,SOX2,SOX9,SPACA3,SPACA4,SPATA16,SPATA3,SSEA4,SSX3,STAR,STEAP4,SYCE3,SYCP1,SYCP2,SYCP3,TAGLN,TEX101,TEX15,TFAP2C,THY1,TIE1,TNP1,TPM2,TRAC,TRANSFERRIN,TSPAN33,TSSK6,TYROBP,UCHL1,UTF1,VASA,VIM,VIMENTIN,VWF,WFDC2,WT1,YBX1,YBX2,ZBTB43
+THYROID GLAND,N
+ABCG2,ACTA2,ALDH,ALDH1,ALDH1A1,ALDH1A2,ALDH1A3,ALDH2,CALCA,CD133,CD24,CD3,CD31,CD3D,CD4,CD44,CD68,CD74,CD79A,CD79B,CD8,CDH1,CLDN5,CLU,COL1A2,CTNNB1,DIO2,EPCAM,ERG,FCER1G,FN1,ID1,ID4,IGFBP7,IGKC,IYD,KLF2,KRT18,LYZ,MGP,MGST1,MS4A1,NESTIN,NKX21,PAX8,RAMP2,RGS5,S100A13,SOX2,TAGLN,TFF3,TFPI,TG,TIMP3,TPO,TSHR,TYROBP
+TONGUE,N
+ABCG2,BMI1,CD44,CD44V6,ECAD,NANOG,NCADHERIN,OCT4,SLUG,SNAIL,TWIST,VIM,ZEB1
+URINARY BLADDER,N
+ACE2,ACTA2,ACTC1,ACTG2,ALDH1,ALDH1A1,AR,ARG1,CALD1,CCL5,CCR7,CD133,CD14,CD163,CD19,CD1C,CD20,CD209,CD21,CD24,CD247,CD3,CD31,CD34,CD3D,CD3E,CD3Z,CD4,CD44,CD44V6,CD47,CD49F,CD56,CD66B,CD68,CD79A,CD8,CD90,CDH1,CDH12,CDH18,CDH2,CDH3,CDH5,CHGA,CHGB,CK20,CK5,CLDN3,CLDN4,CLDN7,CLEC10A,CLEC9A,CNN1,COL1A1,COL1A2,COL3A1,CSF2RA,CSTB,CTLA4,CYP2J2,DCN,DES,DSC1,DSC2,DSC3,DSG1,DSG3,EEF2,EGF,EGFR,EMA,ENO2,EPCAM,ERBB2,ERBB3,ERG,FABP4,FAP,FGFR3,FLNC,FLT1,FN1,FOXA1,FOXC2,FOXP3,GATA3,GPM6A,GPX2,IL2RA,KRT1,KRT13,KRT14,KRT15,KRT16,KRT17,KRT18,KRT19,KRT20,KRT5,KRT6,KRT6A,KRT6B,KRT6C,KRT7,KRT8,LAG3,LAMP3,LYZ,MASTCELLTRYPTASE,MFAP4,MMP14,MRC1,MS4A1,MS4A7,MSR1,MYH11,MZB1,NCADHERIN,NCAM1,NKX31,OCT4,P501S,P63,PANCK,PCP4,PD1,PDGFR,PDPN,PECAM1,PGM5,PLA2G2A,PPARG,PTPRC,RGS5,RPSA,S100A4,S100A7,S100A8,S100A9,SCG2,SELE,SNAI2,SNAIL,SOX2,SOX9,STAT3,SYP,TAGLN,TCF1,TFAP2C,TGFB1,TIGIT,TIM3,TNC,TNF,TNFRSF18,TNFRSF4,TNFRSF9,TOP2A,TPM2,TPSAB1,TUBA1B,TWIST1,UGP85,UPK1A,UPK2,UPK3A,UROPLAKINII,UROPLAKINS,VCAM1,VIM,VTCN1,VWF,XBP1,ZEB1,ZEB2
diff --git a/run/Graphs/CCL11_graph.csv b/run/Graphs/CCL11_graph.csv
new file mode 100644
index 00000000..4629138a
--- /dev/null
+++ b/run/Graphs/CCL11_graph.csv
@@ -0,0 +1,17 @@
+heart muscle,NK-cell
+heart muscle,placenta
+intestine,basophil
+heart muscle,salivary gland
+intestine,MAIT T-cell
+intestine,eosinophil
+heart muscle,basophil
+heart muscle,intestine
+intestine,salivary gland
+heart muscle,adipose tissue
+intestine,NK-cell
+intestine,plasmacytoid DC
+heart muscle,plasmacytoid DC
+intestine,adipose tissue
+heart muscle,eosinophil
+heart muscle,MAIT T-cell
+intestine,placenta
diff --git a/run/Graphs/CCL13_graph.csv b/run/Graphs/CCL13_graph.csv
new file mode 100644
index 00000000..2c29d5fe
--- /dev/null
+++ b/run/Graphs/CCL13_graph.csv
@@ -0,0 +1,9 @@
+classical monocyte,eosinophil
+classical monocyte,placenta
+classical monocyte,plasmacytoid DC
+classical monocyte,intestine
+classical monocyte,NK-cell
+classical monocyte,adipose tissue
+classical monocyte,basophil
+classical monocyte,MAIT T-cell
+classical monocyte,salivary gland
diff --git a/run/Graphs/CCL14_graph.csv b/run/Graphs/CCL14_graph.csv
new file mode 100644
index 00000000..c29b0d12
--- /dev/null
+++ b/run/Graphs/CCL14_graph.csv
@@ -0,0 +1,7 @@
+breast,basophil
+breast,placenta
+breast,salivary gland
+breast,eosinophil
+breast,adipose tissue
+breast,MAIT T-cell
+breast,NK-cell
diff --git a/run/Graphs/CCL15_graph.csv b/run/Graphs/CCL15_graph.csv
new file mode 100644
index 00000000..6c27f2f7
--- /dev/null
+++ b/run/Graphs/CCL15_graph.csv
@@ -0,0 +1,4 @@
+intestine,basophil
+liver,eosinophil
+intestine,eosinophil
+liver,basophil
diff --git a/run/Graphs/CCL16_graph.csv b/run/Graphs/CCL16_graph.csv
new file mode 100644
index 00000000..299e7d87
--- /dev/null
+++ b/run/Graphs/CCL16_graph.csv
@@ -0,0 +1,5 @@
+liver,eosinophil
+liver,urinary bladder
+liver,MAIT T-cell
+liver,T-reg
+liver,basophil
diff --git a/run/Graphs/CCL17_graph.csv b/run/Graphs/CCL17_graph.csv
new file mode 100644
index 00000000..f1f1965a
--- /dev/null
+++ b/run/Graphs/CCL17_graph.csv
@@ -0,0 +1,14 @@
+myeloid DC,adipose tissue
+memory B-cell,salivary gland
+memory B-cell,urinary bladder
+myeloid DC,eosinophil
+myeloid DC,placenta
+myeloid DC,urinary bladder
+memory B-cell,placenta
+myeloid DC,T-reg
+memory B-cell,T-reg
+memory B-cell,NK-cell
+memory B-cell,adipose tissue
+memory B-cell,eosinophil
+myeloid DC,salivary gland
+myeloid DC,NK-cell
diff --git a/run/Graphs/CCL18_graph.csv b/run/Graphs/CCL18_graph.csv
new file mode 100644
index 00000000..15368b14
--- /dev/null
+++ b/run/Graphs/CCL18_graph.csv
@@ -0,0 +1,8 @@
+lung,T-reg
+heart muscle,basophil
+lung,eosinophil
+lung,basophil
+heart muscle,T-reg
+lung,urinary bladder
+heart muscle,eosinophil
+heart muscle,urinary bladder
diff --git a/run/Graphs/CCL19_graph.csv b/run/Graphs/CCL19_graph.csv
new file mode 100644
index 00000000..3cccf61b
--- /dev/null
+++ b/run/Graphs/CCL19_graph.csv
@@ -0,0 +1,10 @@
+intermediate monocyte,naive CD4 T-cell
+intermediate monocyte,plasmacytoid DC
+intermediate monocyte,NK-cell
+intermediate monocyte,placenta
+intermediate monocyte,basophil
+intermediate monocyte,eosinophil
+intermediate monocyte,intestine
+intermediate monocyte,T-reg
+intermediate monocyte,salivary gland
+intermediate monocyte,adipose tissue
diff --git a/run/Graphs/CCL1_graph.csv b/run/Graphs/CCL1_graph.csv
new file mode 100644
index 00000000..ffa89f1a
--- /dev/null
+++ b/run/Graphs/CCL1_graph.csv
@@ -0,0 +1,8 @@
+intestine,urinary bladder
+tongue,urinary bladder
+intermediate monocyte,T-reg
+classical monocyte,urinary bladder
+tongue,T-reg
+classical monocyte,T-reg
+intermediate monocyte,urinary bladder
+intestine,T-reg
diff --git a/run/Graphs/CCL20_graph.csv b/run/Graphs/CCL20_graph.csv
new file mode 100644
index 00000000..ae7fecf0
--- /dev/null
+++ b/run/Graphs/CCL20_graph.csv
@@ -0,0 +1,23 @@
+lung,adipose tissue
+gallbladder,intestine
+lung,T-reg
+gallbladder,memory B-cell
+MAIT T-cell,T-reg
+MAIT T-cell,naive B-cell
+gallbladder,MAIT T-cell
+lung,MAIT T-cell
+MAIT T-cell,adipose tissue
+MAIT T-cell,memory CD4 T-cell
+lung,intestine
+MAIT T-cell,memory B-cell
+lung,plasmacytoid DC
+gallbladder,T-reg
+gallbladder,adipose tissue
+MAIT T-cell,plasmacytoid DC
+lung,memory B-cell
+lung,naive B-cell
+lung,memory CD4 T-cell
+gallbladder,plasmacytoid DC
+gallbladder,naive B-cell
+MAIT T-cell,intestine
+gallbladder,memory CD4 T-cell
diff --git a/run/Graphs/CCL23_graph.csv b/run/Graphs/CCL23_graph.csv
new file mode 100644
index 00000000..f552ff83
--- /dev/null
+++ b/run/Graphs/CCL23_graph.csv
@@ -0,0 +1,3 @@
+eosinophil,placenta
+eosinophil,salivary gland
+eosinophil,NK-cell
diff --git a/run/Graphs/CCL24_graph.csv b/run/Graphs/CCL24_graph.csv
new file mode 100644
index 00000000..0b264048
--- /dev/null
+++ b/run/Graphs/CCL24_graph.csv
@@ -0,0 +1,15 @@
+intestine,basophil
+lung,eosinophil
+lung,NK-cell
+lung,placenta
+intermediate monocyte,eosinophil
+lung,basophil
+lung,salivary gland
+intermediate monocyte,salivary gland
+intestine,eosinophil
+intestine,salivary gland
+intermediate monocyte,NK-cell
+intestine,NK-cell
+intermediate monocyte,placenta
+intermediate monocyte,basophil
+intestine,placenta
diff --git a/run/Graphs/CCL25_graph.csv b/run/Graphs/CCL25_graph.csv
new file mode 100644
index 00000000..7257a88b
--- /dev/null
+++ b/run/Graphs/CCL25_graph.csv
@@ -0,0 +1,24 @@
+intestine,basophil
+memory B-cell,basophil
+memory B-cell,salivary gland
+NK-cell,eosinophil
+intestine,eosinophil
+intestine,T-reg
+memory B-cell,placenta
+NK-cell,placenta
+memory B-cell,naive B-cell
+intestine,salivary gland
+memory B-cell,T-reg
+NK-cell,intestine
+NK-cell,naive B-cell
+memory B-cell,NK-cell
+intestine,NK-cell
+NK-cell,salivary gland
+intestine,memory B-cell
+intestine,naive B-cell
+memory B-cell,eosinophil
+NK-cell,memory B-cell
+NK-cell,T-reg
+intestine,placenta
+memory B-cell,intestine
+NK-cell,basophil
diff --git a/run/Graphs/CCL26_graph.csv b/run/Graphs/CCL26_graph.csv
new file mode 100644
index 00000000..c28de6b4
--- /dev/null
+++ b/run/Graphs/CCL26_graph.csv
@@ -0,0 +1,15 @@
+retina,MAIT T-cell
+intermediate monocyte,brain
+intermediate monocyte,eosinophil
+ovary,basophil
+ovary,eosinophil
+retina,basophil
+retina,eosinophil
+retina,non-classical monocyte
+ovary,MAIT T-cell
+ovary,brain
+intermediate monocyte,basophil
+intermediate monocyte,non-classical monocyte
+retina,brain
+intermediate monocyte,MAIT T-cell
+ovary,non-classical monocyte
diff --git a/run/Graphs/CCL27_graph.csv b/run/Graphs/CCL27_graph.csv
new file mode 100644
index 00000000..91aaba36
--- /dev/null
+++ b/run/Graphs/CCL27_graph.csv
@@ -0,0 +1,9 @@
+skin 1,T-reg
+T-reg,eosinophil
+skin 1,salivary gland
+T-reg,placenta
+skin 1,eosinophil
+skin 1,NK-cell
+skin 1,placenta
+T-reg,NK-cell
+T-reg,salivary gland
diff --git a/run/Graphs/CCL28_graph.csv b/run/Graphs/CCL28_graph.csv
new file mode 100644
index 00000000..79cb37d8
--- /dev/null
+++ b/run/Graphs/CCL28_graph.csv
@@ -0,0 +1,5 @@
+salivary gland,NK-cell
+salivary gland,placenta
+salivary gland,eosinophil
+salivary gland,T-reg
+salivary gland,basophil
diff --git a/run/Graphs/CCL2_graph.csv b/run/Graphs/CCL2_graph.csv
new file mode 100644
index 00000000..9ff4ed15
--- /dev/null
+++ b/run/Graphs/CCL2_graph.csv
@@ -0,0 +1,17 @@
+classical monocyte,eosinophil
+classical monocyte,placenta
+eosinophil,placenta
+classical monocyte,intestine
+classical monocyte,NK-cell
+eosinophil,salivary gland
+classical monocyte,adipose tissue
+eosinophil,T-reg
+classical monocyte,salivary gland
+eosinophil,basophil
+eosinophil,MAIT T-cell
+classical monocyte,basophil
+classical monocyte,MAIT T-cell
+eosinophil,NK-cell
+eosinophil,intestine
+eosinophil,adipose tissue
+classical monocyte,T-reg
diff --git a/run/Graphs/CCL3L1_graph.csv b/run/Graphs/CCL3L1_graph.csv
new file mode 100644
index 00000000..a50e93fb
--- /dev/null
+++ b/run/Graphs/CCL3L1_graph.csv
@@ -0,0 +1,23 @@
+bone marrow,NK-cell
+brain,basophil
+eosinophil,placenta
+bone marrow,placenta
+eosinophil,salivary gland
+neutrophil,placenta
+bone marrow,salivary gland
+neutrophil,salivary gland
+brain,eosinophil
+brain,NK-cell
+brain,salivary gland
+brain,MAIT T-cell
+neutrophil,MAIT T-cell
+neutrophil,NK-cell
+eosinophil,basophil
+bone marrow,basophil
+neutrophil,basophil
+eosinophil,MAIT T-cell
+brain,placenta
+eosinophil,NK-cell
+bone marrow,eosinophil
+bone marrow,MAIT T-cell
+neutrophil,eosinophil
diff --git a/run/Graphs/CCL3_graph.csv b/run/Graphs/CCL3_graph.csv
new file mode 100644
index 00000000..3519e23d
--- /dev/null
+++ b/run/Graphs/CCL3_graph.csv
@@ -0,0 +1,18 @@
+bone marrow,NK-cell
+bone marrow,memory B-cell
+bone marrow,naive B-cell
+bone marrow,placenta
+gdT-cell,NK-cell
+bone marrow,salivary gland
+gdT-cell,memory B-cell
+gdT-cell,salivary gland
+gdT-cell,basophil
+bone marrow,basophil
+gdT-cell,MAIT T-cell
+bone marrow,eosinophil
+bone marrow,MAIT T-cell
+bone marrow,T-reg
+gdT-cell,eosinophil
+gdT-cell,naive B-cell
+gdT-cell,T-reg
+gdT-cell,placenta
diff --git a/run/Graphs/CCL4L2_graph.csv b/run/Graphs/CCL4L2_graph.csv
new file mode 100644
index 00000000..435e50d2
--- /dev/null
+++ b/run/Graphs/CCL4L2_graph.csv
@@ -0,0 +1,23 @@
+bone marrow,NK-cell
+eosinophil,placenta
+lung,T-reg
+lung,eosinophil
+bone marrow,placenta
+eosinophil,salivary gland
+lung,NK-cell
+lung,placenta
+bone marrow,salivary gland
+eosinophil,T-reg
+lung,MAIT T-cell
+lung,basophil
+lung,salivary gland
+lung,urinary bladder
+eosinophil,basophil
+bone marrow,basophil
+eosinophil,MAIT T-cell
+eosinophil,NK-cell
+bone marrow,eosinophil
+bone marrow,urinary bladder
+bone marrow,MAIT T-cell
+bone marrow,T-reg
+eosinophil,urinary bladder
diff --git a/run/Graphs/CCL4_graph.csv b/run/Graphs/CCL4_graph.csv
new file mode 100644
index 00000000..1e4ca713
--- /dev/null
+++ b/run/Graphs/CCL4_graph.csv
@@ -0,0 +1,39 @@
+lung,T-reg
+lung,eosinophil
+MAIT T-cell,T-reg
+lung,NK-cell
+lung,placenta
+MAIT T-cell,urinary bladder
+naive CD8 T-cell,salivary gland
+lung,salivary gland
+memory CD8 T-cell,urinary bladder
+lung,urinary bladder
+naive CD8 T-cell,MAIT T-cell
+gdT-cell,salivary gland
+gdT-cell,basophil
+MAIT T-cell,basophil
+MAIT T-cell,eosinophil
+memory CD8 T-cell,T-reg
+MAIT T-cell,NK-cell
+naive CD8 T-cell,basophil
+gdT-cell,placenta
+memory CD8 T-cell,MAIT T-cell
+memory CD8 T-cell,salivary gland
+naive CD8 T-cell,eosinophil
+MAIT T-cell,placenta
+gdT-cell,NK-cell
+naive CD8 T-cell,T-reg
+lung,MAIT T-cell
+lung,basophil
+naive CD8 T-cell,placenta
+naive CD8 T-cell,urinary bladder
+memory CD8 T-cell,placenta
+naive CD8 T-cell,NK-cell
+memory CD8 T-cell,NK-cell
+gdT-cell,urinary bladder
+MAIT T-cell,salivary gland
+gdT-cell,MAIT T-cell
+memory CD8 T-cell,basophil
+gdT-cell,eosinophil
+gdT-cell,T-reg
+memory CD8 T-cell,eosinophil
diff --git a/run/Graphs/CCL5_graph.csv b/run/Graphs/CCL5_graph.csv
new file mode 100644
index 00000000..b17d2a94
--- /dev/null
+++ b/run/Graphs/CCL5_graph.csv
@@ -0,0 +1,22 @@
+memory CD8 T-cell,MAIT T-cell
+memory CD8 T-cell,plasmacytoid DC
+memory CD8 T-cell,salivary gland
+gdT-cell,NK-cell
+memory CD8 T-cell,brain
+memory CD8 T-cell,intestine
+memory CD8 T-cell,placenta
+gdT-cell,salivary gland
+gdT-cell,basophil
+memory CD8 T-cell,NK-cell
+gdT-cell,MAIT T-cell
+memory CD8 T-cell,T-reg
+gdT-cell,adipose tissue
+gdT-cell,plasmacytoid DC
+memory CD8 T-cell,adipose tissue
+memory CD8 T-cell,basophil
+gdT-cell,brain
+gdT-cell,eosinophil
+gdT-cell,intestine
+gdT-cell,T-reg
+gdT-cell,placenta
+memory CD8 T-cell,eosinophil
diff --git a/run/Graphs/CCL7_graph.csv b/run/Graphs/CCL7_graph.csv
new file mode 100644
index 00000000..7cb73a82
--- /dev/null
+++ b/run/Graphs/CCL7_graph.csv
@@ -0,0 +1,29 @@
+bone marrow,NK-cell
+classical monocyte,eosinophil
+adipose tissue,NK-cell
+bone marrow,placenta
+adipose tissue,MAIT T-cell
+classical monocyte,salivary gland
+bone marrow,adipose tissue
+classical monocyte,MAIT T-cell
+adipose tissue,T-reg
+adipose tissue,salivary gland
+adipose tissue,eosinophil
+bone marrow,MAIT T-cell
+bone marrow,T-reg
+classical monocyte,T-reg
+classical monocyte,placenta
+bone marrow,intestine
+classical monocyte,plasmacytoid DC
+classical monocyte,intestine
+classical monocyte,NK-cell
+adipose tissue,plasmacytoid DC
+classical monocyte,adipose tissue
+bone marrow,salivary gland
+adipose tissue,placenta
+adipose tissue,intestine
+bone marrow,basophil
+classical monocyte,basophil
+bone marrow,eosinophil
+adipose tissue,basophil
+bone marrow,plasmacytoid DC
diff --git a/run/Graphs/CCL8_graph.csv b/run/Graphs/CCL8_graph.csv
new file mode 100644
index 00000000..c38b7ed2
--- /dev/null
+++ b/run/Graphs/CCL8_graph.csv
@@ -0,0 +1,15 @@
+classical monocyte,eosinophil
+classical monocyte,placenta
+placenta,MAIT T-cell
+classical monocyte,intestine
+classical monocyte,NK-cell
+placenta,eosinophil
+placenta,salivary gland
+classical monocyte,adipose tissue
+placenta,intestine
+classical monocyte,salivary gland
+placenta,adipose tissue
+placenta,basophil
+classical monocyte,basophil
+classical monocyte,MAIT T-cell
+placenta,NK-cell
diff --git a/run/Graphs/CD40LG_graph.csv b/run/Graphs/CD40LG_graph.csv
new file mode 100644
index 00000000..cb8892e3
--- /dev/null
+++ b/run/Graphs/CD40LG_graph.csv
@@ -0,0 +1,10 @@
+naive CD4 T-cell,naive B-cell
+MAIT T-cell,naive B-cell
+memory CD4 T-cell,memory B-cell
+memory CD4 T-cell,naive B-cell
+naive CD4 T-cell,memory B-cell
+intestine,memory B-cell
+intestine,naive B-cell
+MAIT T-cell,memory B-cell
+gdT-cell,memory B-cell
+gdT-cell,naive B-cell
diff --git a/run/Graphs/CD70_graph.csv b/run/Graphs/CD70_graph.csv
new file mode 100644
index 00000000..90defeb2
--- /dev/null
+++ b/run/Graphs/CD70_graph.csv
@@ -0,0 +1 @@
+memory B-cell,T-reg
diff --git a/run/Graphs/CKLF_graph.csv b/run/Graphs/CKLF_graph.csv
new file mode 100644
index 00000000..e55cdeca
--- /dev/null
+++ b/run/Graphs/CKLF_graph.csv
@@ -0,0 +1 @@
+neutrophil,T-reg
diff --git a/run/Graphs/CSF1_graph.csv b/run/Graphs/CSF1_graph.csv
new file mode 100644
index 00000000..f585ea9f
--- /dev/null
+++ b/run/Graphs/CSF1_graph.csv
@@ -0,0 +1,4 @@
+basophil,non-classical monocyte
+eosinophil,non-classical monocyte
+basophil,intermediate monocyte
+eosinophil,intermediate monocyte
diff --git a/run/Graphs/CSF2_graph.csv b/run/Graphs/CSF2_graph.csv
new file mode 100644
index 00000000..f5850492
--- /dev/null
+++ b/run/Graphs/CSF2_graph.csv
@@ -0,0 +1,33 @@
+lung,eosinophil
+lung,liver
+lung,placenta
+NK-cell,plasmacytoid DC
+NK-cell,neutrophil
+NK-cell,classical monocyte
+pancreas,myeloid DC
+pancreas,basophil
+NK-cell,placenta
+NK-cell,myeloid DC
+pancreas,classical monocyte
+NK-cell,basophil
+lung,intermediate monocyte
+pancreas,intermediate monocyte
+lung,myeloid DC
+NK-cell,liver
+pancreas,plasmacytoid DC
+lung,basophil
+lung,plasmacytoid DC
+NK-cell,eosinophil
+lung,thyroid gland
+NK-cell,intermediate monocyte
+pancreas,eosinophil
+pancreas,placenta
+NK-cell,thyroid gland
+pancreas,thyroid gland
+lung,breast
+pancreas,liver
+lung,classical monocyte
+NK-cell,breast
+pancreas,neutrophil
+lung,neutrophil
+pancreas,breast
diff --git a/run/Graphs/CSF3_graph.csv b/run/Graphs/CSF3_graph.csv
new file mode 100644
index 00000000..c88f5c11
--- /dev/null
+++ b/run/Graphs/CSF3_graph.csv
@@ -0,0 +1,3 @@
+lung,placenta
+lung,bone marrow
+lung,neutrophil
diff --git a/run/Graphs/CXCL10_graph.csv b/run/Graphs/CXCL10_graph.csv
new file mode 100644
index 00000000..f844cd01
--- /dev/null
+++ b/run/Graphs/CXCL10_graph.csv
@@ -0,0 +1,15 @@
+classical monocyte,eosinophil
+classical monocyte,plasmacytoid DC
+lung,eosinophil
+non-classical monocyte,eosinophil
+intermediate monocyte,plasmacytoid DC
+intermediate monocyte,eosinophil
+non-classical monocyte,plasmacytoid DC
+lung,basophil
+prostate,basophil
+lung,plasmacytoid DC
+prostate,eosinophil
+non-classical monocyte,basophil
+prostate,plasmacytoid DC
+classical monocyte,basophil
+intermediate monocyte,basophil
diff --git a/run/Graphs/CXCL11_graph.csv b/run/Graphs/CXCL11_graph.csv
new file mode 100644
index 00000000..4fce9cf8
--- /dev/null
+++ b/run/Graphs/CXCL11_graph.csv
@@ -0,0 +1,8 @@
+classical monocyte,eosinophil
+thyroid gland,adipose tissue
+classical monocyte,plasmacytoid DC
+thyroid gland,basophil
+classical monocyte,adipose tissue
+classical monocyte,basophil
+thyroid gland,eosinophil
+thyroid gland,plasmacytoid DC
diff --git a/run/Graphs/CXCL12_graph.csv b/run/Graphs/CXCL12_graph.csv
new file mode 100644
index 00000000..10ea9e8e
--- /dev/null
+++ b/run/Graphs/CXCL12_graph.csv
@@ -0,0 +1,8 @@
+intermediate monocyte,myeloid DC
+intermediate monocyte,classical monocyte
+intermediate monocyte,naive CD4 T-cell
+intermediate monocyte,plasmacytoid DC
+intermediate monocyte,memory CD4 T-cell
+intermediate monocyte,bone marrow
+intermediate monocyte,non-classical monocyte
+intermediate monocyte,T-reg
diff --git a/run/Graphs/CXCL13_graph.csv b/run/Graphs/CXCL13_graph.csv
new file mode 100644
index 00000000..ab0e9359
--- /dev/null
+++ b/run/Graphs/CXCL13_graph.csv
@@ -0,0 +1,7 @@
+memory CD8 T-cell,plasmacytoid DC
+memory CD8 T-cell,salivary gland
+memory CD8 T-cell,T-reg
+memory CD8 T-cell,intestine
+memory CD8 T-cell,basophil
+memory CD8 T-cell,memory B-cell
+memory CD8 T-cell,naive B-cell
diff --git a/run/Graphs/CXCL14_graph.csv b/run/Graphs/CXCL14_graph.csv
new file mode 100644
index 00000000..2463911f
--- /dev/null
+++ b/run/Graphs/CXCL14_graph.csv
@@ -0,0 +1,2 @@
+myeloid DC,bone marrow
+skin 1,bone marrow
diff --git a/run/Graphs/CXCL1_graph.csv b/run/Graphs/CXCL1_graph.csv
new file mode 100644
index 00000000..b7439a49
--- /dev/null
+++ b/run/Graphs/CXCL1_graph.csv
@@ -0,0 +1 @@
+neutrophil,adipose tissue
diff --git a/run/Graphs/CXCL2_graph.csv b/run/Graphs/CXCL2_graph.csv
new file mode 100644
index 00000000..0397f926
--- /dev/null
+++ b/run/Graphs/CXCL2_graph.csv
@@ -0,0 +1,9 @@
+intermediate monocyte,myeloid DC
+non-classical monocyte,neutrophil
+non-classical monocyte,adipose tissue
+liver,neutrophil
+liver,adipose tissue
+non-classical monocyte,myeloid DC
+intermediate monocyte,neutrophil
+liver,myeloid DC
+intermediate monocyte,adipose tissue
diff --git a/run/Graphs/CXCL3_graph.csv b/run/Graphs/CXCL3_graph.csv
new file mode 100644
index 00000000..3bad9d5d
--- /dev/null
+++ b/run/Graphs/CXCL3_graph.csv
@@ -0,0 +1,2 @@
+non-classical monocyte,neutrophil
+lung,neutrophil
diff --git a/run/Graphs/CXCL5_graph.csv b/run/Graphs/CXCL5_graph.csv
new file mode 100644
index 00000000..72129e7a
--- /dev/null
+++ b/run/Graphs/CXCL5_graph.csv
@@ -0,0 +1,5 @@
+lung,adipose tissue
+neutrophil,adipose tissue
+salivary gland,adipose tissue
+salivary gland,neutrophil
+lung,neutrophil
diff --git a/run/Graphs/CXCL6_graph.csv b/run/Graphs/CXCL6_graph.csv
new file mode 100644
index 00000000..b7439a49
--- /dev/null
+++ b/run/Graphs/CXCL6_graph.csv
@@ -0,0 +1 @@
+neutrophil,adipose tissue
diff --git a/run/Graphs/CXCL8_graph.csv b/run/Graphs/CXCL8_graph.csv
new file mode 100644
index 00000000..d50d20aa
--- /dev/null
+++ b/run/Graphs/CXCL8_graph.csv
@@ -0,0 +1,11 @@
+bone marrow,adipose tissue
+lung,adipose tissue
+neutrophil,adipose tissue
+lung,liver
+bone marrow,neutrophil
+bone marrow,liver
+bone marrow,thyroid gland
+neutrophil,thyroid gland
+neutrophil,liver
+lung,thyroid gland
+lung,neutrophil
diff --git a/run/Graphs/CXCL9_graph.csv b/run/Graphs/CXCL9_graph.csv
new file mode 100644
index 00000000..50198a20
--- /dev/null
+++ b/run/Graphs/CXCL9_graph.csv
@@ -0,0 +1,9 @@
+non-classical monocyte,eosinophil
+intermediate monocyte,plasmacytoid DC
+thyroid gland,basophil
+thyroid gland,eosinophil
+intermediate monocyte,basophil
+intermediate monocyte,eosinophil
+non-classical monocyte,plasmacytoid DC
+thyroid gland,plasmacytoid DC
+non-classical monocyte,basophil
diff --git a/run/Graphs/EGF_graph.csv b/run/Graphs/EGF_graph.csv
new file mode 100644
index 00000000..1966c910
--- /dev/null
+++ b/run/Graphs/EGF_graph.csv
@@ -0,0 +1,16 @@
+pancreas,NK-cell
+kidney,gdT-cell
+pancreas,esophagus
+neutrophil,esophagus
+skeletal muscle,NK-cell
+kidney,plasmacytoid DC
+pancreas,plasmacytoid DC
+skeletal muscle,gdT-cell
+neutrophil,gdT-cell
+kidney,NK-cell
+neutrophil,NK-cell
+skeletal muscle,plasmacytoid DC
+neutrophil,plasmacytoid DC
+kidney,esophagus
+pancreas,gdT-cell
+skeletal muscle,esophagus
diff --git a/run/Graphs/EPO_graph.csv b/run/Graphs/EPO_graph.csv
new file mode 100644
index 00000000..ad29c6aa
--- /dev/null
+++ b/run/Graphs/EPO_graph.csv
@@ -0,0 +1,6 @@
+endometrium 1,classical monocyte
+non-classical monocyte,neutrophil
+liver,neutrophil
+endometrium 1,neutrophil
+non-classical monocyte,classical monocyte
+liver,classical monocyte
diff --git a/run/Graphs/FASLG_graph.csv b/run/Graphs/FASLG_graph.csv
new file mode 100644
index 00000000..c5c4ea2c
--- /dev/null
+++ b/run/Graphs/FASLG_graph.csv
@@ -0,0 +1 @@
+gdT-cell,neutrophil
diff --git a/run/Graphs/FLT3LG_graph.csv b/run/Graphs/FLT3LG_graph.csv
new file mode 100644
index 00000000..169e998e
--- /dev/null
+++ b/run/Graphs/FLT3LG_graph.csv
@@ -0,0 +1,21 @@
+memory CD8 T-cell,plasmacytoid DC
+memory CD4 T-cell,brain
+naive CD4 T-cell,myeloid DC
+naive CD8 T-cell,brain
+memory CD8 T-cell,brain
+MAIT T-cell,myeloid DC
+memory CD4 T-cell,myeloid DC
+naive CD8 T-cell,myeloid DC
+T-reg,plasmacytoid DC
+MAIT T-cell,brain
+memory CD4 T-cell,plasmacytoid DC
+T-reg,brain
+MAIT T-cell,plasmacytoid DC
+naive CD8 T-cell,plasmacytoid DC
+gdT-cell,plasmacytoid DC
+naive CD4 T-cell,brain
+naive CD4 T-cell,plasmacytoid DC
+T-reg,myeloid DC
+gdT-cell,brain
+gdT-cell,myeloid DC
+memory CD8 T-cell,myeloid DC
diff --git a/run/Graphs/GDF15_graph.csv b/run/Graphs/GDF15_graph.csv
new file mode 100644
index 00000000..094bf4bb
--- /dev/null
+++ b/run/Graphs/GDF15_graph.csv
@@ -0,0 +1,5 @@
+neutrophil,adipose tissue
+placenta,liver
+neutrophil,liver
+placenta,neutrophil
+placenta,adipose tissue
diff --git a/run/Graphs/HGF_graph.csv b/run/Graphs/HGF_graph.csv
new file mode 100644
index 00000000..fefecec5
--- /dev/null
+++ b/run/Graphs/HGF_graph.csv
@@ -0,0 +1,22 @@
+basophil,thyroid gland
+placenta,liver
+placenta,MAIT T-cell
+basophil,gallbladder
+placenta,gallbladder
+basophil,skin 1
+placenta,intestine
+placenta,esophagus
+basophil,neutrophil
+placenta,skin 1
+basophil,MAIT T-cell
+placenta,plasmacytoid DC
+basophil,pancreas
+basophil,intestine
+basophil,NK-cell
+basophil,plasmacytoid DC
+basophil,liver
+placenta,thyroid gland
+placenta,neutrophil
+placenta,pancreas
+basophil,esophagus
+placenta,NK-cell
diff --git a/run/Graphs/IFNA13_graph.csv b/run/Graphs/IFNA13_graph.csv
new file mode 100644
index 00000000..8eb4ee09
--- /dev/null
+++ b/run/Graphs/IFNA13_graph.csv
@@ -0,0 +1,2 @@
+brain,memory B-cell
+brain,naive B-cell
diff --git a/run/Graphs/IFNA1_graph.csv b/run/Graphs/IFNA1_graph.csv
new file mode 100644
index 00000000..617fc127
--- /dev/null
+++ b/run/Graphs/IFNA1_graph.csv
@@ -0,0 +1,4 @@
+brain,memory B-cell
+urinary bladder,memory B-cell
+urinary bladder,naive B-cell
+brain,naive B-cell
diff --git a/run/Graphs/IFNG_graph.csv b/run/Graphs/IFNG_graph.csv
new file mode 100644
index 00000000..b782af70
--- /dev/null
+++ b/run/Graphs/IFNG_graph.csv
@@ -0,0 +1,6 @@
+memory CD4 T-cell,neutrophil
+naive CD8 T-cell,neutrophil
+gdT-cell,neutrophil
+bone marrow,neutrophil
+memory CD8 T-cell,neutrophil
+lung,neutrophil
diff --git a/run/Graphs/IFNL1_graph.csv b/run/Graphs/IFNL1_graph.csv
new file mode 100644
index 00000000..0b720820
--- /dev/null
+++ b/run/Graphs/IFNL1_graph.csv
@@ -0,0 +1,7 @@
+memory CD8 T-cell,plasmacytoid DC
+MAIT T-cell,plasmacytoid DC
+naive CD8 T-cell,plasmacytoid DC
+gdT-cell,plasmacytoid DC
+myeloid DC,plasmacytoid DC
+NK-cell,plasmacytoid DC
+memory CD4 T-cell,plasmacytoid DC
diff --git a/run/Graphs/IFNL2_graph.csv b/run/Graphs/IFNL2_graph.csv
new file mode 100644
index 00000000..b9539ecf
--- /dev/null
+++ b/run/Graphs/IFNL2_graph.csv
@@ -0,0 +1,2 @@
+pancreas,plasmacytoid DC
+testis,plasmacytoid DC
diff --git a/run/Graphs/IFNL3_graph.csv b/run/Graphs/IFNL3_graph.csv
new file mode 100644
index 00000000..0a74b661
--- /dev/null
+++ b/run/Graphs/IFNL3_graph.csv
@@ -0,0 +1,4 @@
+salivary gland,plasmacytoid DC
+brain,plasmacytoid DC
+skin 1,plasmacytoid DC
+testis,plasmacytoid DC
diff --git a/run/Graphs/IL11_graph.csv b/run/Graphs/IL11_graph.csv
new file mode 100644
index 00000000..b8fbe774
--- /dev/null
+++ b/run/Graphs/IL11_graph.csv
@@ -0,0 +1,2 @@
+brain,naive CD4 T-cell
+neutrophil,naive CD4 T-cell
diff --git a/run/Graphs/IL12A_graph.csv b/run/Graphs/IL12A_graph.csv
new file mode 100644
index 00000000..10bbf361
--- /dev/null
+++ b/run/Graphs/IL12A_graph.csv
@@ -0,0 +1,6 @@
+naive B-cell,T-reg
+esophagus,NK-cell
+naive B-cell,pancreas
+esophagus,pancreas
+esophagus,T-reg
+naive B-cell,NK-cell
diff --git a/run/Graphs/IL12B_graph.csv b/run/Graphs/IL12B_graph.csv
new file mode 100644
index 00000000..d1cc204d
--- /dev/null
+++ b/run/Graphs/IL12B_graph.csv
@@ -0,0 +1,3 @@
+neutrophil,MAIT T-cell
+neutrophil,NK-cell
+neutrophil,pancreas
diff --git a/run/Graphs/IL13_graph.csv b/run/Graphs/IL13_graph.csv
new file mode 100644
index 00000000..f7e83c19
--- /dev/null
+++ b/run/Graphs/IL13_graph.csv
@@ -0,0 +1,4 @@
+testis,eosinophil
+testis,classical monocyte
+testis,myeloid DC
+testis,neutrophil
diff --git a/run/Graphs/IL17A_graph.csv b/run/Graphs/IL17A_graph.csv
new file mode 100644
index 00000000..4e9f7e7e
--- /dev/null
+++ b/run/Graphs/IL17A_graph.csv
@@ -0,0 +1,6 @@
+tongue,neutrophil
+urinary bladder,myeloid DC
+tongue,myeloid DC
+urinary bladder,neutrophil
+tongue,classical monocyte
+urinary bladder,classical monocyte
diff --git a/run/Graphs/IL17F_graph.csv b/run/Graphs/IL17F_graph.csv
new file mode 100644
index 00000000..b20dee9b
--- /dev/null
+++ b/run/Graphs/IL17F_graph.csv
@@ -0,0 +1,4 @@
+esophagus,classical monocyte
+urinary bladder,myeloid DC
+esophagus,myeloid DC
+urinary bladder,classical monocyte
diff --git a/run/Graphs/IL18_graph.csv b/run/Graphs/IL18_graph.csv
new file mode 100644
index 00000000..e91d3992
--- /dev/null
+++ b/run/Graphs/IL18_graph.csv
@@ -0,0 +1,14 @@
+esophagus,brain
+skin 1,lung
+skin 1,brain
+myeloid DC,skin 1
+skin 1,bone marrow
+esophagus,bone marrow
+myeloid DC,lung
+esophagus,skin 1
+esophagus,lung
+esophagus,NK-cell
+myeloid DC,bone marrow
+skin 1,NK-cell
+myeloid DC,brain
+myeloid DC,NK-cell
diff --git a/run/Graphs/IL19_graph.csv b/run/Graphs/IL19_graph.csv
new file mode 100644
index 00000000..6f5f605f
--- /dev/null
+++ b/run/Graphs/IL19_graph.csv
@@ -0,0 +1,8 @@
+esophagus,skin 1
+salivary gland,esophagus
+basophil,memory CD4 T-cell
+basophil,skin 1
+salivary gland,memory CD4 T-cell
+esophagus,memory CD4 T-cell
+basophil,esophagus
+salivary gland,skin 1
diff --git a/run/Graphs/IL1A_graph.csv b/run/Graphs/IL1A_graph.csv
new file mode 100644
index 00000000..9b7d7cc6
--- /dev/null
+++ b/run/Graphs/IL1A_graph.csv
@@ -0,0 +1,2 @@
+tongue,neutrophil
+esophagus,neutrophil
diff --git a/run/Graphs/IL1B_graph.csv b/run/Graphs/IL1B_graph.csv
new file mode 100644
index 00000000..b98648a6
--- /dev/null
+++ b/run/Graphs/IL1B_graph.csv
@@ -0,0 +1 @@
+bone marrow,neutrophil
diff --git a/run/Graphs/IL1F10_graph.csv b/run/Graphs/IL1F10_graph.csv
new file mode 100644
index 00000000..992a662a
--- /dev/null
+++ b/run/Graphs/IL1F10_graph.csv
@@ -0,0 +1,2 @@
+skin 1,liver
+skin 1,brain
diff --git a/run/Graphs/IL1RN_graph.csv b/run/Graphs/IL1RN_graph.csv
new file mode 100644
index 00000000..add78d86
--- /dev/null
+++ b/run/Graphs/IL1RN_graph.csv
@@ -0,0 +1,4 @@
+tongue,neutrophil
+classical monocyte,neutrophil
+esophagus,neutrophil
+myeloid DC,neutrophil
diff --git a/run/Graphs/IL20_graph.csv b/run/Graphs/IL20_graph.csv
new file mode 100644
index 00000000..f7ea80f1
--- /dev/null
+++ b/run/Graphs/IL20_graph.csv
@@ -0,0 +1,4 @@
+seminal vesicle,pancreas
+seminal vesicle,memory CD4 T-cell
+seminal vesicle,esophagus
+seminal vesicle,skin 1
diff --git a/run/Graphs/IL22_graph.csv b/run/Graphs/IL22_graph.csv
new file mode 100644
index 00000000..d0d49a10
--- /dev/null
+++ b/run/Graphs/IL22_graph.csv
@@ -0,0 +1,3 @@
+urinary bladder,pancreas
+urinary bladder,skin 1
+urinary bladder,memory CD4 T-cell
diff --git a/run/Graphs/IL23A_graph.csv b/run/Graphs/IL23A_graph.csv
new file mode 100644
index 00000000..f147a0b6
--- /dev/null
+++ b/run/Graphs/IL23A_graph.csv
@@ -0,0 +1,8 @@
+memory CD8 T-cell,MAIT T-cell
+memory B-cell,MAIT T-cell
+testis,MAIT T-cell
+T-reg,MAIT T-cell
+naive CD8 T-cell,MAIT T-cell
+memory CD4 T-cell,MAIT T-cell
+naive B-cell,MAIT T-cell
+naive CD4 T-cell,MAIT T-cell
diff --git a/run/Graphs/IL26_graph.csv b/run/Graphs/IL26_graph.csv
new file mode 100644
index 00000000..8063717a
--- /dev/null
+++ b/run/Graphs/IL26_graph.csv
@@ -0,0 +1,11 @@
+T-reg,memory CD4 T-cell
+T-reg,skin 1
+memory CD8 T-cell,skin 1
+MAIT T-cell,skin 1
+memory CD8 T-cell,memory CD4 T-cell
+MAIT T-cell,memory CD4 T-cell
+memory CD4 T-cell,skin 1
+urinary bladder,skin 1
+urinary bladder,memory CD4 T-cell
+tongue,memory CD4 T-cell
+tongue,skin 1
diff --git a/run/Graphs/IL2_graph.csv b/run/Graphs/IL2_graph.csv
new file mode 100644
index 00000000..c167b513
--- /dev/null
+++ b/run/Graphs/IL2_graph.csv
@@ -0,0 +1,14 @@
+intestine,basophil
+memory CD4 T-cell,basophil
+memory CD4 T-cell,adipose tissue
+intestine,T-reg
+memory CD4 T-cell,plasmacytoid DC
+memory CD4 T-cell,NK-cell
+memory CD4 T-cell,gdT-cell
+intestine,NK-cell
+intestine,plasmacytoid DC
+memory CD4 T-cell,placenta
+intestine,adipose tissue
+intestine,gdT-cell
+memory CD4 T-cell,T-reg
+intestine,placenta
diff --git a/run/Graphs/IL31_graph.csv b/run/Graphs/IL31_graph.csv
new file mode 100644
index 00000000..00484cc7
--- /dev/null
+++ b/run/Graphs/IL31_graph.csv
@@ -0,0 +1,4 @@
+testis,tongue
+testis,brain
+testis,classical monocyte
+testis,myeloid DC
diff --git a/run/Graphs/IL34_graph.csv b/run/Graphs/IL34_graph.csv
new file mode 100644
index 00000000..94604c9d
--- /dev/null
+++ b/run/Graphs/IL34_graph.csv
@@ -0,0 +1,4 @@
+eosinophil,non-classical monocyte
+skin 1,intermediate monocyte
+eosinophil,intermediate monocyte
+skin 1,non-classical monocyte
diff --git a/run/Graphs/IL36RN_graph.csv b/run/Graphs/IL36RN_graph.csv
new file mode 100644
index 00000000..ab6f67b0
--- /dev/null
+++ b/run/Graphs/IL36RN_graph.csv
@@ -0,0 +1 @@
+tongue,skin 1
diff --git a/run/Graphs/IL37_graph.csv b/run/Graphs/IL37_graph.csv
new file mode 100644
index 00000000..633a51b1
--- /dev/null
+++ b/run/Graphs/IL37_graph.csv
@@ -0,0 +1,5 @@
+skin 1,lung
+skin 1,NK-cell
+skin 1,brain
+NK-cell,brain
+NK-cell,lung
diff --git a/run/Graphs/IL3_graph.csv b/run/Graphs/IL3_graph.csv
new file mode 100644
index 00000000..528ee8a0
--- /dev/null
+++ b/run/Graphs/IL3_graph.csv
@@ -0,0 +1,5 @@
+bone marrow,basophil
+bone marrow,placenta
+bone marrow,breast
+bone marrow,neutrophil
+bone marrow,plasmacytoid DC
diff --git a/run/Graphs/IL4_graph.csv b/run/Graphs/IL4_graph.csv
new file mode 100644
index 00000000..b74a26f9
--- /dev/null
+++ b/run/Graphs/IL4_graph.csv
@@ -0,0 +1,6 @@
+basophil,classical monocyte
+basophil,eosinophil
+basophil,myeloid DC
+basophil,testis
+basophil,neutrophil
+basophil,naive B-cell
diff --git a/run/Graphs/IL5_graph.csv b/run/Graphs/IL5_graph.csv
new file mode 100644
index 00000000..e4d9ed42
--- /dev/null
+++ b/run/Graphs/IL5_graph.csv
@@ -0,0 +1,8 @@
+memory B-cell,placenta
+memory B-cell,basophil
+testis,eosinophil
+testis,basophil
+memory B-cell,neutrophil
+testis,placenta
+memory B-cell,eosinophil
+testis,neutrophil
diff --git a/run/Graphs/IL6_graph.csv b/run/Graphs/IL6_graph.csv
new file mode 100644
index 00000000..5b7cbd3d
--- /dev/null
+++ b/run/Graphs/IL6_graph.csv
@@ -0,0 +1,9 @@
+naive B-cell,skeletal muscle
+adipose tissue,naive CD4 T-cell
+naive B-cell,naive CD4 T-cell
+adipose tissue,skeletal muscle
+memory B-cell,neutrophil
+naive B-cell,neutrophil
+adipose tissue,neutrophil
+memory B-cell,skeletal muscle
+memory B-cell,naive CD4 T-cell
diff --git a/run/Graphs/IL7_graph.csv b/run/Graphs/IL7_graph.csv
new file mode 100644
index 00000000..51920835
--- /dev/null
+++ b/run/Graphs/IL7_graph.csv
@@ -0,0 +1,17 @@
+intestine,memory CD8 T-cell
+intestine,naive CD4 T-cell
+memory B-cell,MAIT T-cell
+memory B-cell,memory CD4 T-cell
+intestine,MAIT T-cell
+intestine,naive CD8 T-cell
+memory B-cell,naive CD8 T-cell
+memory B-cell,naive CD4 T-cell
+memory B-cell,NK-cell
+intestine,NK-cell
+memory B-cell,memory CD8 T-cell
+intestine,gdT-cell
+memory B-cell,gdT-cell
+intestine,lung
+memory B-cell,lung
+intestine,memory CD4 T-cell
+memory B-cell,intestine
diff --git a/run/Graphs/IL9_graph.csv b/run/Graphs/IL9_graph.csv
new file mode 100644
index 00000000..c36d7c01
--- /dev/null
+++ b/run/Graphs/IL9_graph.csv
@@ -0,0 +1,4 @@
+skin 1,eosinophil
+brain,eosinophil
+skin 1,urinary bladder
+brain,urinary bladder
diff --git a/run/Graphs/LIF_graph.csv b/run/Graphs/LIF_graph.csv
new file mode 100644
index 00000000..1c4801d5
--- /dev/null
+++ b/run/Graphs/LIF_graph.csv
@@ -0,0 +1,2 @@
+gallbladder,naive CD4 T-cell
+NK-cell,naive CD4 T-cell
diff --git a/run/Graphs/OSM_graph.csv b/run/Graphs/OSM_graph.csv
new file mode 100644
index 00000000..2977f29a
--- /dev/null
+++ b/run/Graphs/OSM_graph.csv
@@ -0,0 +1,3 @@
+neutrophil,naive CD4 T-cell
+bone marrow,naive CD4 T-cell
+basophil,naive CD4 T-cell
diff --git a/run/Graphs/PDGFA_graph.csv b/run/Graphs/PDGFA_graph.csv
new file mode 100644
index 00000000..6fd8e4b6
--- /dev/null
+++ b/run/Graphs/PDGFA_graph.csv
@@ -0,0 +1,3 @@
+skeletal muscle,gdT-cell
+skeletal muscle,ovary
+skeletal muscle,non-classical monocyte
diff --git a/run/Graphs/PDGFB_graph.csv b/run/Graphs/PDGFB_graph.csv
new file mode 100644
index 00000000..aeedbbf2
--- /dev/null
+++ b/run/Graphs/PDGFB_graph.csv
@@ -0,0 +1,6 @@
+MAIT T-cell,intermediate monocyte
+MAIT T-cell,ovary
+MAIT T-cell,gdT-cell
+MAIT T-cell,myeloid DC
+MAIT T-cell,non-classical monocyte
+MAIT T-cell,classical monocyte
diff --git a/run/Graphs/PF4_graph.csv b/run/Graphs/PF4_graph.csv
new file mode 100644
index 00000000..0e8380f1
--- /dev/null
+++ b/run/Graphs/PF4_graph.csv
@@ -0,0 +1,26 @@
+basophil,thyroid gland
+neutrophil,adipose tissue
+bone marrow,placenta
+neutrophil,placenta
+bone marrow,adipose tissue
+neutrophil,basophil
+heart muscle,thyroid gland
+heart muscle,placenta
+bone marrow,neutrophil
+heart muscle,liver
+bone marrow,thyroid gland
+neutrophil,thyroid gland
+neutrophil,liver
+basophil,neutrophil
+heart muscle,neutrophil
+basophil,adipose tissue
+bone marrow,basophil
+heart muscle,basophil
+basophil,placenta
+heart muscle,adipose tissue
+basophil,plasmacytoid DC
+basophil,liver
+neutrophil,plasmacytoid DC
+heart muscle,plasmacytoid DC
+bone marrow,liver
+bone marrow,plasmacytoid DC
diff --git a/run/Graphs/PPBP_graph.csv b/run/Graphs/PPBP_graph.csv
new file mode 100644
index 00000000..5209b64a
--- /dev/null
+++ b/run/Graphs/PPBP_graph.csv
@@ -0,0 +1,5 @@
+bone marrow,adipose tissue
+neutrophil,adipose tissue
+bone marrow,neutrophil
+basophil,neutrophil
+basophil,adipose tissue
diff --git a/run/Graphs/SPP1_graph.csv b/run/Graphs/SPP1_graph.csv
new file mode 100644
index 00000000..17f5af88
--- /dev/null
+++ b/run/Graphs/SPP1_graph.csv
@@ -0,0 +1,15 @@
+kidney,basophil
+kidney,gdT-cell
+gallbladder,gdT-cell
+neutrophil,gdT-cell
+neutrophil,thyroid gland
+gallbladder,basophil
+kidney,neutrophil
+placenta,basophil
+gallbladder,thyroid gland
+neutrophil,basophil
+kidney,thyroid gland
+placenta,gdT-cell
+gallbladder,neutrophil
+placenta,thyroid gland
+placenta,neutrophil
diff --git a/run/Graphs/TGFA_graph.csv b/run/Graphs/TGFA_graph.csv
new file mode 100644
index 00000000..89fcf4c5
--- /dev/null
+++ b/run/Graphs/TGFA_graph.csv
@@ -0,0 +1,3 @@
+basophil,gdT-cell
+neutrophil,gdT-cell
+eosinophil,gdT-cell
diff --git a/run/Graphs/TGFB1_graph.csv b/run/Graphs/TGFB1_graph.csv
new file mode 100644
index 00000000..1d4e7dd4
--- /dev/null
+++ b/run/Graphs/TGFB1_graph.csv
@@ -0,0 +1,9 @@
+eosinophil,basophil
+eosinophil,myeloid DC
+eosinophil,neutrophil
+eosinophil,lung
+eosinophil,liver
+eosinophil,thyroid gland
+eosinophil,bone marrow
+eosinophil,classical monocyte
+eosinophil,kidney
diff --git a/run/Graphs/TGFB3_graph.csv b/run/Graphs/TGFB3_graph.csv
new file mode 100644
index 00000000..1920be81
--- /dev/null
+++ b/run/Graphs/TGFB3_graph.csv
@@ -0,0 +1,9 @@
+naive CD4 T-cell,myeloid DC
+naive CD4 T-cell,gdT-cell
+naive CD4 T-cell,lung
+naive CD4 T-cell,classical monocyte
+naive CD4 T-cell,naive CD8 T-cell
+naive CD4 T-cell,MAIT T-cell
+naive CD4 T-cell,memory CD4 T-cell
+naive CD4 T-cell,memory CD8 T-cell
+naive CD4 T-cell,NK-cell
diff --git a/run/Graphs/THPO_graph.csv b/run/Graphs/THPO_graph.csv
new file mode 100644
index 00000000..eff079b0
--- /dev/null
+++ b/run/Graphs/THPO_graph.csv
@@ -0,0 +1 @@
+liver,neutrophil
diff --git a/run/Graphs/TMPRSS13_graph.csv b/run/Graphs/TMPRSS13_graph.csv
new file mode 100644
index 00000000..f08b55c6
--- /dev/null
+++ b/run/Graphs/TMPRSS13_graph.csv
@@ -0,0 +1,11 @@
+salivary gland,intestine
+placenta,MAIT T-cell
+placenta,gallbladder
+salivary gland,gallbladder
+placenta,intestine
+skin 1,MAIT T-cell
+placenta,skin 1
+salivary gland,MAIT T-cell
+salivary gland,skin 1
+skin 1,gallbladder
+skin 1,intestine
diff --git a/run/Graphs/TNFSF10_graph.csv b/run/Graphs/TNFSF10_graph.csv
new file mode 100644
index 00000000..e860dfc8
--- /dev/null
+++ b/run/Graphs/TNFSF10_graph.csv
@@ -0,0 +1,11 @@
+non-classical monocyte,neutrophil
+kidney,naive CD4 T-cell
+classical monocyte,neutrophil
+intermediate monocyte,naive CD4 T-cell
+classical monocyte,naive CD4 T-cell
+neutrophil,naive CD4 T-cell
+intermediate monocyte,neutrophil
+basophil,neutrophil
+non-classical monocyte,naive CD4 T-cell
+basophil,naive CD4 T-cell
+kidney,neutrophil
diff --git a/run/Graphs/TNFSF11_graph.csv b/run/Graphs/TNFSF11_graph.csv
new file mode 100644
index 00000000..e1584941
--- /dev/null
+++ b/run/Graphs/TNFSF11_graph.csv
@@ -0,0 +1,6 @@
+NK-cell,intestine
+NK-cell,thyroid gland
+NK-cell,salivary gland
+NK-cell,gallbladder
+NK-cell,plasmacytoid DC
+NK-cell,kidney
diff --git a/run/Graphs/TNFSF13B_graph.csv b/run/Graphs/TNFSF13B_graph.csv
new file mode 100644
index 00000000..2268d724
--- /dev/null
+++ b/run/Graphs/TNFSF13B_graph.csv
@@ -0,0 +1,5 @@
+neutrophil,naive B-cell
+neutrophil,skeletal muscle
+neutrophil,plasmacytoid DC
+neutrophil,memory B-cell
+neutrophil,intestine
diff --git a/run/Graphs/TNFSF13_graph.csv b/run/Graphs/TNFSF13_graph.csv
new file mode 100644
index 00000000..29b738e2
--- /dev/null
+++ b/run/Graphs/TNFSF13_graph.csv
@@ -0,0 +1,49 @@
+plasmacytoid DC,memory B-cell
+eosinophil,liver
+intermediate monocyte,memory B-cell
+classical monocyte,thyroid gland
+myeloid DC,memory B-cell
+intermediate monocyte,skeletal muscle
+non-classical monocyte,memory B-cell
+plasmacytoid DC,skeletal muscle
+salivary gland,liver
+plasmacytoid DC,liver
+classical monocyte,naive B-cell
+classical monocyte,intestine
+classical monocyte,liver
+intermediate monocyte,intestine
+non-classical monocyte,skeletal muscle
+salivary gland,neutrophil
+classical monocyte,memory B-cell
+classical monocyte,skeletal muscle
+salivary gland,naive B-cell
+plasmacytoid DC,neutrophil
+salivary gland,memory B-cell
+myeloid DC,thyroid gland
+non-classical monocyte,naive B-cell
+non-classical monocyte,thyroid gland
+non-classical monocyte,liver
+salivary gland,skeletal muscle
+non-classical monocyte,intestine
+eosinophil,thyroid gland
+eosinophil,naive B-cell
+intermediate monocyte,liver
+intermediate monocyte,naive B-cell
+plasmacytoid DC,intestine
+salivary gland,intestine
+non-classical monocyte,neutrophil
+classical monocyte,neutrophil
+eosinophil,skeletal muscle
+myeloid DC,intestine
+plasmacytoid DC,thyroid gland
+intermediate monocyte,thyroid gland
+salivary gland,thyroid gland
+eosinophil,neutrophil
+myeloid DC,naive B-cell
+intermediate monocyte,neutrophil
+plasmacytoid DC,naive B-cell
+myeloid DC,liver
+myeloid DC,neutrophil
+eosinophil,intestine
+myeloid DC,skeletal muscle
+eosinophil,memory B-cell
diff --git a/run/Graphs/TNFSF14_graph.csv b/run/Graphs/TNFSF14_graph.csv
new file mode 100644
index 00000000..0b522c7e
--- /dev/null
+++ b/run/Graphs/TNFSF14_graph.csv
@@ -0,0 +1,9 @@
+neutrophil,intermediate monocyte
+neutrophil,non-classical monocyte
+liver,neutrophil
+liver,classical monocyte
+liver,intermediate monocyte
+liver,non-classical monocyte
+liver,myeloid DC
+neutrophil,myeloid DC
+neutrophil,classical monocyte
diff --git a/run/Graphs/TNFSF18_graph.csv b/run/Graphs/TNFSF18_graph.csv
new file mode 100644
index 00000000..8fcc7551
--- /dev/null
+++ b/run/Graphs/TNFSF18_graph.csv
@@ -0,0 +1,6 @@
+brain,skin 1
+non-classical monocyte,skin 1
+non-classical monocyte,NK-cell
+brain,NK-cell
+tongue,NK-cell
+tongue,skin 1
diff --git a/run/Graphs/TNFSF4_graph.csv b/run/Graphs/TNFSF4_graph.csv
new file mode 100644
index 00000000..1ddc222a
--- /dev/null
+++ b/run/Graphs/TNFSF4_graph.csv
@@ -0,0 +1,3 @@
+testis,adipose tissue
+testis,T-reg
+testis,memory CD4 T-cell
diff --git a/run/Graphs/TNFSF9_graph.csv b/run/Graphs/TNFSF9_graph.csv
new file mode 100644
index 00000000..e7bd14e2
--- /dev/null
+++ b/run/Graphs/TNFSF9_graph.csv
@@ -0,0 +1,3 @@
+memory CD8 T-cell,T-reg
+memory CD8 T-cell,neutrophil
+memory CD8 T-cell,NK-cell
diff --git a/run/Graphs/TNF_graph.csv b/run/Graphs/TNF_graph.csv
new file mode 100644
index 00000000..646662d7
--- /dev/null
+++ b/run/Graphs/TNF_graph.csv
@@ -0,0 +1,13 @@
+non-classical monocyte,intermediate monocyte
+bone marrow,myeloid DC
+bone marrow,neutrophil
+non-classical monocyte,plasmacytoid DC
+non-classical monocyte,brain
+non-classical monocyte,myeloid DC
+bone marrow,non-classical monocyte
+non-classical monocyte,neutrophil
+bone marrow,classical monocyte
+non-classical monocyte,classical monocyte
+bone marrow,brain
+bone marrow,intermediate monocyte
+bone marrow,plasmacytoid DC
diff --git a/run/Graphs/XCL1_graph.csv b/run/Graphs/XCL1_graph.csv
new file mode 100644
index 00000000..fc2aa943
--- /dev/null
+++ b/run/Graphs/XCL1_graph.csv
@@ -0,0 +1 @@
+NK-cell,myeloid DC
diff --git a/run/Graphs/XCL2_graph.csv b/run/Graphs/XCL2_graph.csv
new file mode 100644
index 00000000..fc2aa943
--- /dev/null
+++ b/run/Graphs/XCL2_graph.csv
@@ -0,0 +1 @@
+NK-cell,myeloid DC
diff --git a/run/datasets/__init__.py b/run/Graphs/__init__.py
similarity index 100%
rename from run/datasets/__init__.py
rename to run/Graphs/__init__.py
diff --git a/run/Modified Graphs/CCL13_graph.csv b/run/Modified Graphs/CCL13_graph.csv
new file mode 100644
index 00000000..77ddc560
--- /dev/null
+++ b/run/Modified Graphs/CCL13_graph.csv
@@ -0,0 +1,5 @@
+classical monocyte,eosinophil
+classical monocyte,plasmacytoid DC
+classical monocyte,NK-cell
+classical monocyte,basophil
+classical monocyte,MAIT T-cell
diff --git a/run/Modified Graphs/CCL17_graph.csv b/run/Modified Graphs/CCL17_graph.csv
new file mode 100644
index 00000000..f59d0011
--- /dev/null
+++ b/run/Modified Graphs/CCL17_graph.csv
@@ -0,0 +1,6 @@
+myeloid DC,eosinophil
+myeloid DC,T-reg
+memory B-cell,T-reg
+memory B-cell,NK-cell
+memory B-cell,eosinophil
+myeloid DC,NK-cell
diff --git a/run/Modified Graphs/CCL19_graph.csv b/run/Modified Graphs/CCL19_graph.csv
new file mode 100644
index 00000000..6e625ecf
--- /dev/null
+++ b/run/Modified Graphs/CCL19_graph.csv
@@ -0,0 +1,6 @@
+intermediate monocyte,naive CD4 T-cell
+intermediate monocyte,plasmacytoid DC
+intermediate monocyte,NK-cell
+intermediate monocyte,basophil
+intermediate monocyte,eosinophil
+intermediate monocyte,T-reg
diff --git a/run/Modified Graphs/CCL1_graph.csv b/run/Modified Graphs/CCL1_graph.csv
new file mode 100644
index 00000000..1c4c78ab
--- /dev/null
+++ b/run/Modified Graphs/CCL1_graph.csv
@@ -0,0 +1,2 @@
+intermediate monocyte,T-reg
+classical monocyte,T-reg
diff --git a/run/Modified Graphs/CCL20_graph.csv b/run/Modified Graphs/CCL20_graph.csv
new file mode 100644
index 00000000..05514a0e
--- /dev/null
+++ b/run/Modified Graphs/CCL20_graph.csv
@@ -0,0 +1,5 @@
+MAIT T-cell,T-reg
+MAIT T-cell,naive B-cell
+MAIT T-cell,memory CD4 T-cell
+MAIT T-cell,memory B-cell
+MAIT T-cell,plasmacytoid DC
diff --git a/run/Modified Graphs/CCL23_graph.csv b/run/Modified Graphs/CCL23_graph.csv
new file mode 100644
index 00000000..9ddec011
--- /dev/null
+++ b/run/Modified Graphs/CCL23_graph.csv
@@ -0,0 +1 @@
+eosinophil,NK-cell
diff --git a/run/Modified Graphs/CCL24_graph.csv b/run/Modified Graphs/CCL24_graph.csv
new file mode 100644
index 00000000..aaa4923f
--- /dev/null
+++ b/run/Modified Graphs/CCL24_graph.csv
@@ -0,0 +1,3 @@
+intermediate monocyte,eosinophil
+intermediate monocyte,NK-cell
+intermediate monocyte,basophil
diff --git a/run/Modified Graphs/CCL25_graph.csv b/run/Modified Graphs/CCL25_graph.csv
new file mode 100644
index 00000000..aa0ff1ab
--- /dev/null
+++ b/run/Modified Graphs/CCL25_graph.csv
@@ -0,0 +1,10 @@
+memory B-cell,basophil
+NK-cell,eosinophil
+memory B-cell,naive B-cell
+memory B-cell,T-reg
+NK-cell,naive B-cell
+memory B-cell,NK-cell
+memory B-cell,eosinophil
+NK-cell,memory B-cell
+NK-cell,T-reg
+NK-cell,basophil
diff --git a/run/Modified Graphs/CCL26_graph.csv b/run/Modified Graphs/CCL26_graph.csv
new file mode 100644
index 00000000..c9ccebef
--- /dev/null
+++ b/run/Modified Graphs/CCL26_graph.csv
@@ -0,0 +1,3 @@
+intermediate monocyte,eosinophil
+intermediate monocyte,basophil
+intermediate monocyte,MAIT T-cell
diff --git a/run/Modified Graphs/CCL27_graph.csv b/run/Modified Graphs/CCL27_graph.csv
new file mode 100644
index 00000000..7b804a7f
--- /dev/null
+++ b/run/Modified Graphs/CCL27_graph.csv
@@ -0,0 +1,2 @@
+T-reg,eosinophil
+T-reg,NK-cell
diff --git a/run/Modified Graphs/CCL2_graph.csv b/run/Modified Graphs/CCL2_graph.csv
new file mode 100644
index 00000000..4422d988
--- /dev/null
+++ b/run/Modified Graphs/CCL2_graph.csv
@@ -0,0 +1,9 @@
+classical monocyte,eosinophil
+classical monocyte,NK-cell
+eosinophil,T-reg
+eosinophil,basophil
+eosinophil,MAIT T-cell
+classical monocyte,basophil
+classical monocyte,MAIT T-cell
+eosinophil,NK-cell
+classical monocyte,T-reg
diff --git a/run/Modified Graphs/CCL3L1_graph.csv b/run/Modified Graphs/CCL3L1_graph.csv
new file mode 100644
index 00000000..c1cd04b9
--- /dev/null
+++ b/run/Modified Graphs/CCL3L1_graph.csv
@@ -0,0 +1,11 @@
+bone marrow,NK-cell
+neutrophil,MAIT T-cell
+neutrophil,NK-cell
+eosinophil,basophil
+bone marrow,basophil
+neutrophil,basophil
+eosinophil,MAIT T-cell
+eosinophil,NK-cell
+bone marrow,eosinophil
+bone marrow,MAIT T-cell
+neutrophil,eosinophil
diff --git a/run/Modified Graphs/CCL3_graph.csv b/run/Modified Graphs/CCL3_graph.csv
new file mode 100644
index 00000000..c3a17487
--- /dev/null
+++ b/run/Modified Graphs/CCL3_graph.csv
@@ -0,0 +1,14 @@
+bone marrow,NK-cell
+bone marrow,memory B-cell
+bone marrow,naive B-cell
+gdT-cell,NK-cell
+gdT-cell,memory B-cell
+gdT-cell,basophil
+bone marrow,basophil
+gdT-cell,MAIT T-cell
+bone marrow,eosinophil
+bone marrow,MAIT T-cell
+bone marrow,T-reg
+gdT-cell,eosinophil
+gdT-cell,naive B-cell
+gdT-cell,T-reg
diff --git a/run/Modified Graphs/CCL4L2_graph.csv b/run/Modified Graphs/CCL4L2_graph.csv
new file mode 100644
index 00000000..627efc4a
--- /dev/null
+++ b/run/Modified Graphs/CCL4L2_graph.csv
@@ -0,0 +1,9 @@
+bone marrow,NK-cell
+eosinophil,T-reg
+eosinophil,basophil
+bone marrow,basophil
+eosinophil,MAIT T-cell
+eosinophil,NK-cell
+bone marrow,eosinophil
+bone marrow,MAIT T-cell
+bone marrow,T-reg
diff --git a/run/Modified Graphs/CCL4_graph.csv b/run/Modified Graphs/CCL4_graph.csv
new file mode 100644
index 00000000..14b6873a
--- /dev/null
+++ b/run/Modified Graphs/CCL4_graph.csv
@@ -0,0 +1,19 @@
+MAIT T-cell,T-reg
+naive CD8 T-cell,MAIT T-cell
+gdT-cell,basophil
+MAIT T-cell,basophil
+MAIT T-cell,eosinophil
+memory CD8 T-cell,T-reg
+MAIT T-cell,NK-cell
+naive CD8 T-cell,basophil
+memory CD8 T-cell,MAIT T-cell
+naive CD8 T-cell,eosinophil
+gdT-cell,NK-cell
+naive CD8 T-cell,T-reg
+naive CD8 T-cell,NK-cell
+memory CD8 T-cell,NK-cell
+gdT-cell,MAIT T-cell
+memory CD8 T-cell,basophil
+gdT-cell,eosinophil
+gdT-cell,T-reg
+memory CD8 T-cell,eosinophil
diff --git a/run/Modified Graphs/CCL5_graph.csv b/run/Modified Graphs/CCL5_graph.csv
new file mode 100644
index 00000000..3084ea06
--- /dev/null
+++ b/run/Modified Graphs/CCL5_graph.csv
@@ -0,0 +1,12 @@
+memory CD8 T-cell,MAIT T-cell
+memory CD8 T-cell,plasmacytoid DC
+gdT-cell,NK-cell
+gdT-cell,basophil
+memory CD8 T-cell,NK-cell
+gdT-cell,MAIT T-cell
+memory CD8 T-cell,T-reg
+gdT-cell,plasmacytoid DC
+memory CD8 T-cell,basophil
+gdT-cell,eosinophil
+gdT-cell,T-reg
+memory CD8 T-cell,eosinophil
diff --git a/run/Modified Graphs/CCL7_graph.csv b/run/Modified Graphs/CCL7_graph.csv
new file mode 100644
index 00000000..73285afd
--- /dev/null
+++ b/run/Modified Graphs/CCL7_graph.csv
@@ -0,0 +1,12 @@
+bone marrow,NK-cell
+classical monocyte,eosinophil
+classical monocyte,MAIT T-cell
+bone marrow,MAIT T-cell
+bone marrow,T-reg
+classical monocyte,T-reg
+classical monocyte,plasmacytoid DC
+classical monocyte,NK-cell
+bone marrow,basophil
+classical monocyte,basophil
+bone marrow,eosinophil
+bone marrow,plasmacytoid DC
diff --git a/run/Modified Graphs/CCL8_graph.csv b/run/Modified Graphs/CCL8_graph.csv
new file mode 100644
index 00000000..80ab21d5
--- /dev/null
+++ b/run/Modified Graphs/CCL8_graph.csv
@@ -0,0 +1,4 @@
+classical monocyte,eosinophil
+classical monocyte,NK-cell
+classical monocyte,basophil
+classical monocyte,MAIT T-cell
diff --git a/run/Modified Graphs/CD40LG_graph.csv b/run/Modified Graphs/CD40LG_graph.csv
new file mode 100644
index 00000000..d17aebcf
--- /dev/null
+++ b/run/Modified Graphs/CD40LG_graph.csv
@@ -0,0 +1,8 @@
+naive CD4 T-cell,naive B-cell
+MAIT T-cell,naive B-cell
+memory CD4 T-cell,memory B-cell
+memory CD4 T-cell,naive B-cell
+naive CD4 T-cell,memory B-cell
+MAIT T-cell,memory B-cell
+gdT-cell,memory B-cell
+gdT-cell,naive B-cell
diff --git a/run/Modified Graphs/CD70_graph.csv b/run/Modified Graphs/CD70_graph.csv
new file mode 100644
index 00000000..90defeb2
--- /dev/null
+++ b/run/Modified Graphs/CD70_graph.csv
@@ -0,0 +1 @@
+memory B-cell,T-reg
diff --git a/run/Modified Graphs/CKLF_graph.csv b/run/Modified Graphs/CKLF_graph.csv
new file mode 100644
index 00000000..e55cdeca
--- /dev/null
+++ b/run/Modified Graphs/CKLF_graph.csv
@@ -0,0 +1 @@
+neutrophil,T-reg
diff --git a/run/Modified Graphs/CSF1_graph.csv b/run/Modified Graphs/CSF1_graph.csv
new file mode 100644
index 00000000..d69d017d
--- /dev/null
+++ b/run/Modified Graphs/CSF1_graph.csv
@@ -0,0 +1,2 @@
+basophil,intermediate monocyte
+eosinophil,intermediate monocyte
diff --git a/run/Modified Graphs/CSF2_graph.csv b/run/Modified Graphs/CSF2_graph.csv
new file mode 100644
index 00000000..1444bafb
--- /dev/null
+++ b/run/Modified Graphs/CSF2_graph.csv
@@ -0,0 +1,7 @@
+NK-cell,plasmacytoid DC
+NK-cell,neutrophil
+NK-cell,classical monocyte
+NK-cell,myeloid DC
+NK-cell,basophil
+NK-cell,eosinophil
+NK-cell,intermediate monocyte
diff --git a/run/Modified Graphs/CXCL10_graph.csv b/run/Modified Graphs/CXCL10_graph.csv
new file mode 100644
index 00000000..abbd08c1
--- /dev/null
+++ b/run/Modified Graphs/CXCL10_graph.csv
@@ -0,0 +1,6 @@
+classical monocyte,eosinophil
+classical monocyte,plasmacytoid DC
+intermediate monocyte,plasmacytoid DC
+intermediate monocyte,eosinophil
+classical monocyte,basophil
+intermediate monocyte,basophil
diff --git a/run/Modified Graphs/CXCL11_graph.csv b/run/Modified Graphs/CXCL11_graph.csv
new file mode 100644
index 00000000..548238e1
--- /dev/null
+++ b/run/Modified Graphs/CXCL11_graph.csv
@@ -0,0 +1,3 @@
+classical monocyte,eosinophil
+classical monocyte,plasmacytoid DC
+classical monocyte,basophil
diff --git a/run/Modified Graphs/CXCL12_graph.csv b/run/Modified Graphs/CXCL12_graph.csv
new file mode 100644
index 00000000..d1a4336f
--- /dev/null
+++ b/run/Modified Graphs/CXCL12_graph.csv
@@ -0,0 +1,7 @@
+intermediate monocyte,myeloid DC
+intermediate monocyte,classical monocyte
+intermediate monocyte,naive CD4 T-cell
+intermediate monocyte,plasmacytoid DC
+intermediate monocyte,memory CD4 T-cell
+intermediate monocyte,bone marrow
+intermediate monocyte,T-reg
diff --git a/run/Modified Graphs/CXCL13_graph.csv b/run/Modified Graphs/CXCL13_graph.csv
new file mode 100644
index 00000000..b78d29e1
--- /dev/null
+++ b/run/Modified Graphs/CXCL13_graph.csv
@@ -0,0 +1,5 @@
+memory CD8 T-cell,plasmacytoid DC
+memory CD8 T-cell,T-reg
+memory CD8 T-cell,basophil
+memory CD8 T-cell,memory B-cell
+memory CD8 T-cell,naive B-cell
diff --git a/run/Modified Graphs/CXCL14_graph.csv b/run/Modified Graphs/CXCL14_graph.csv
new file mode 100644
index 00000000..92c914a8
--- /dev/null
+++ b/run/Modified Graphs/CXCL14_graph.csv
@@ -0,0 +1 @@
+myeloid DC,bone marrow
diff --git a/run/Modified Graphs/CXCL2_graph.csv b/run/Modified Graphs/CXCL2_graph.csv
new file mode 100644
index 00000000..3b71ec4b
--- /dev/null
+++ b/run/Modified Graphs/CXCL2_graph.csv
@@ -0,0 +1,2 @@
+intermediate monocyte,myeloid DC
+intermediate monocyte,neutrophil
diff --git a/run/Modified Graphs/CXCL8_graph.csv b/run/Modified Graphs/CXCL8_graph.csv
new file mode 100644
index 00000000..b98648a6
--- /dev/null
+++ b/run/Modified Graphs/CXCL8_graph.csv
@@ -0,0 +1 @@
+bone marrow,neutrophil
diff --git a/run/Modified Graphs/CXCL9_graph.csv b/run/Modified Graphs/CXCL9_graph.csv
new file mode 100644
index 00000000..3809759f
--- /dev/null
+++ b/run/Modified Graphs/CXCL9_graph.csv
@@ -0,0 +1,3 @@
+intermediate monocyte,plasmacytoid DC
+intermediate monocyte,basophil
+intermediate monocyte,eosinophil
diff --git a/run/Modified Graphs/EGF_graph.csv b/run/Modified Graphs/EGF_graph.csv
new file mode 100644
index 00000000..fac77a32
--- /dev/null
+++ b/run/Modified Graphs/EGF_graph.csv
@@ -0,0 +1,3 @@
+neutrophil,gdT-cell
+neutrophil,NK-cell
+neutrophil,plasmacytoid DC
diff --git a/run/Modified Graphs/FASLG_graph.csv b/run/Modified Graphs/FASLG_graph.csv
new file mode 100644
index 00000000..c5c4ea2c
--- /dev/null
+++ b/run/Modified Graphs/FASLG_graph.csv
@@ -0,0 +1 @@
+gdT-cell,neutrophil
diff --git a/run/Modified Graphs/FLT3LG_graph.csv b/run/Modified Graphs/FLT3LG_graph.csv
new file mode 100644
index 00000000..fc898091
--- /dev/null
+++ b/run/Modified Graphs/FLT3LG_graph.csv
@@ -0,0 +1,14 @@
+memory CD8 T-cell,plasmacytoid DC
+naive CD4 T-cell,myeloid DC
+MAIT T-cell,myeloid DC
+memory CD4 T-cell,myeloid DC
+naive CD8 T-cell,myeloid DC
+T-reg,plasmacytoid DC
+memory CD4 T-cell,plasmacytoid DC
+MAIT T-cell,plasmacytoid DC
+naive CD8 T-cell,plasmacytoid DC
+gdT-cell,plasmacytoid DC
+naive CD4 T-cell,plasmacytoid DC
+T-reg,myeloid DC
+gdT-cell,myeloid DC
+memory CD8 T-cell,myeloid DC
diff --git a/run/Modified Graphs/HGF_graph.csv b/run/Modified Graphs/HGF_graph.csv
new file mode 100644
index 00000000..46520f1d
--- /dev/null
+++ b/run/Modified Graphs/HGF_graph.csv
@@ -0,0 +1,4 @@
+basophil,neutrophil
+basophil,MAIT T-cell
+basophil,NK-cell
+basophil,plasmacytoid DC
diff --git a/run/Modified Graphs/IFNG_graph.csv b/run/Modified Graphs/IFNG_graph.csv
new file mode 100644
index 00000000..9a1c0339
--- /dev/null
+++ b/run/Modified Graphs/IFNG_graph.csv
@@ -0,0 +1,5 @@
+memory CD4 T-cell,neutrophil
+naive CD8 T-cell,neutrophil
+gdT-cell,neutrophil
+bone marrow,neutrophil
+memory CD8 T-cell,neutrophil
diff --git a/run/Modified Graphs/IFNL1_graph.csv b/run/Modified Graphs/IFNL1_graph.csv
new file mode 100644
index 00000000..0b720820
--- /dev/null
+++ b/run/Modified Graphs/IFNL1_graph.csv
@@ -0,0 +1,7 @@
+memory CD8 T-cell,plasmacytoid DC
+MAIT T-cell,plasmacytoid DC
+naive CD8 T-cell,plasmacytoid DC
+gdT-cell,plasmacytoid DC
+myeloid DC,plasmacytoid DC
+NK-cell,plasmacytoid DC
+memory CD4 T-cell,plasmacytoid DC
diff --git a/run/Modified Graphs/IL11_graph.csv b/run/Modified Graphs/IL11_graph.csv
new file mode 100644
index 00000000..7f88e7be
--- /dev/null
+++ b/run/Modified Graphs/IL11_graph.csv
@@ -0,0 +1 @@
+neutrophil,naive CD4 T-cell
diff --git a/run/Modified Graphs/IL12A_graph.csv b/run/Modified Graphs/IL12A_graph.csv
new file mode 100644
index 00000000..48755952
--- /dev/null
+++ b/run/Modified Graphs/IL12A_graph.csv
@@ -0,0 +1,2 @@
+naive B-cell,T-reg
+naive B-cell,NK-cell
diff --git a/run/Modified Graphs/IL12B_graph.csv b/run/Modified Graphs/IL12B_graph.csv
new file mode 100644
index 00000000..4e9cb672
--- /dev/null
+++ b/run/Modified Graphs/IL12B_graph.csv
@@ -0,0 +1,2 @@
+neutrophil,MAIT T-cell
+neutrophil,NK-cell
diff --git a/run/Modified Graphs/IL18_graph.csv b/run/Modified Graphs/IL18_graph.csv
new file mode 100644
index 00000000..afebbda0
--- /dev/null
+++ b/run/Modified Graphs/IL18_graph.csv
@@ -0,0 +1,2 @@
+myeloid DC,bone marrow
+myeloid DC,NK-cell
diff --git a/run/Modified Graphs/IL19_graph.csv b/run/Modified Graphs/IL19_graph.csv
new file mode 100644
index 00000000..bf590a95
--- /dev/null
+++ b/run/Modified Graphs/IL19_graph.csv
@@ -0,0 +1 @@
+basophil,memory CD4 T-cell
diff --git a/run/Modified Graphs/IL1B_graph.csv b/run/Modified Graphs/IL1B_graph.csv
new file mode 100644
index 00000000..b98648a6
--- /dev/null
+++ b/run/Modified Graphs/IL1B_graph.csv
@@ -0,0 +1 @@
+bone marrow,neutrophil
diff --git a/run/Modified Graphs/IL1RN_graph.csv b/run/Modified Graphs/IL1RN_graph.csv
new file mode 100644
index 00000000..e55045b4
--- /dev/null
+++ b/run/Modified Graphs/IL1RN_graph.csv
@@ -0,0 +1,2 @@
+classical monocyte,neutrophil
+myeloid DC,neutrophil
diff --git a/run/Modified Graphs/IL23A_graph.csv b/run/Modified Graphs/IL23A_graph.csv
new file mode 100644
index 00000000..68fdb91f
--- /dev/null
+++ b/run/Modified Graphs/IL23A_graph.csv
@@ -0,0 +1,7 @@
+memory CD8 T-cell,MAIT T-cell
+memory B-cell,MAIT T-cell
+T-reg,MAIT T-cell
+naive CD8 T-cell,MAIT T-cell
+memory CD4 T-cell,MAIT T-cell
+naive B-cell,MAIT T-cell
+naive CD4 T-cell,MAIT T-cell
diff --git a/run/Modified Graphs/IL26_graph.csv b/run/Modified Graphs/IL26_graph.csv
new file mode 100644
index 00000000..32a8d025
--- /dev/null
+++ b/run/Modified Graphs/IL26_graph.csv
@@ -0,0 +1,3 @@
+T-reg,memory CD4 T-cell
+memory CD8 T-cell,memory CD4 T-cell
+MAIT T-cell,memory CD4 T-cell
diff --git a/run/Modified Graphs/IL2_graph.csv b/run/Modified Graphs/IL2_graph.csv
new file mode 100644
index 00000000..bf36a5c5
--- /dev/null
+++ b/run/Modified Graphs/IL2_graph.csv
@@ -0,0 +1,5 @@
+memory CD4 T-cell,basophil
+memory CD4 T-cell,plasmacytoid DC
+memory CD4 T-cell,NK-cell
+memory CD4 T-cell,gdT-cell
+memory CD4 T-cell,T-reg
diff --git a/run/Modified Graphs/IL34_graph.csv b/run/Modified Graphs/IL34_graph.csv
new file mode 100644
index 00000000..af40cbd2
--- /dev/null
+++ b/run/Modified Graphs/IL34_graph.csv
@@ -0,0 +1 @@
+eosinophil,intermediate monocyte
diff --git a/run/Modified Graphs/IL3_graph.csv b/run/Modified Graphs/IL3_graph.csv
new file mode 100644
index 00000000..397c87c3
--- /dev/null
+++ b/run/Modified Graphs/IL3_graph.csv
@@ -0,0 +1,3 @@
+bone marrow,basophil
+bone marrow,neutrophil
+bone marrow,plasmacytoid DC
diff --git a/run/Modified Graphs/IL4_graph.csv b/run/Modified Graphs/IL4_graph.csv
new file mode 100644
index 00000000..eba3e33a
--- /dev/null
+++ b/run/Modified Graphs/IL4_graph.csv
@@ -0,0 +1,5 @@
+basophil,classical monocyte
+basophil,eosinophil
+basophil,myeloid DC
+basophil,neutrophil
+basophil,naive B-cell
diff --git a/run/Modified Graphs/IL5_graph.csv b/run/Modified Graphs/IL5_graph.csv
new file mode 100644
index 00000000..6a2ff621
--- /dev/null
+++ b/run/Modified Graphs/IL5_graph.csv
@@ -0,0 +1,3 @@
+memory B-cell,basophil
+memory B-cell,neutrophil
+memory B-cell,eosinophil
diff --git a/run/Modified Graphs/IL6_graph.csv b/run/Modified Graphs/IL6_graph.csv
new file mode 100644
index 00000000..002dd483
--- /dev/null
+++ b/run/Modified Graphs/IL6_graph.csv
@@ -0,0 +1,4 @@
+naive B-cell,naive CD4 T-cell
+memory B-cell,neutrophil
+naive B-cell,neutrophil
+memory B-cell,naive CD4 T-cell
diff --git a/run/Modified Graphs/IL7_graph.csv b/run/Modified Graphs/IL7_graph.csv
new file mode 100644
index 00000000..34e32900
--- /dev/null
+++ b/run/Modified Graphs/IL7_graph.csv
@@ -0,0 +1,7 @@
+memory B-cell,MAIT T-cell
+memory B-cell,memory CD4 T-cell
+memory B-cell,naive CD8 T-cell
+memory B-cell,naive CD4 T-cell
+memory B-cell,NK-cell
+memory B-cell,memory CD8 T-cell
+memory B-cell,gdT-cell
diff --git a/run/Modified Graphs/LIF_graph.csv b/run/Modified Graphs/LIF_graph.csv
new file mode 100644
index 00000000..8fdd8ac9
--- /dev/null
+++ b/run/Modified Graphs/LIF_graph.csv
@@ -0,0 +1 @@
+NK-cell,naive CD4 T-cell
diff --git a/run/Modified Graphs/OSM_graph.csv b/run/Modified Graphs/OSM_graph.csv
new file mode 100644
index 00000000..2977f29a
--- /dev/null
+++ b/run/Modified Graphs/OSM_graph.csv
@@ -0,0 +1,3 @@
+neutrophil,naive CD4 T-cell
+bone marrow,naive CD4 T-cell
+basophil,naive CD4 T-cell
diff --git a/run/Modified Graphs/PDGFB_graph.csv b/run/Modified Graphs/PDGFB_graph.csv
new file mode 100644
index 00000000..7049827e
--- /dev/null
+++ b/run/Modified Graphs/PDGFB_graph.csv
@@ -0,0 +1,4 @@
+MAIT T-cell,intermediate monocyte
+MAIT T-cell,gdT-cell
+MAIT T-cell,myeloid DC
+MAIT T-cell,classical monocyte
diff --git a/run/Modified Graphs/PF4_graph.csv b/run/Modified Graphs/PF4_graph.csv
new file mode 100644
index 00000000..7b95202c
--- /dev/null
+++ b/run/Modified Graphs/PF4_graph.csv
@@ -0,0 +1,7 @@
+neutrophil,basophil
+bone marrow,neutrophil
+basophil,neutrophil
+bone marrow,basophil
+basophil,plasmacytoid DC
+neutrophil,plasmacytoid DC
+bone marrow,plasmacytoid DC
diff --git a/run/Modified Graphs/PPBP_graph.csv b/run/Modified Graphs/PPBP_graph.csv
new file mode 100644
index 00000000..5a53f0c8
--- /dev/null
+++ b/run/Modified Graphs/PPBP_graph.csv
@@ -0,0 +1,2 @@
+bone marrow,neutrophil
+basophil,neutrophil
diff --git a/run/Modified Graphs/SPP1_graph.csv b/run/Modified Graphs/SPP1_graph.csv
new file mode 100644
index 00000000..10afc71f
--- /dev/null
+++ b/run/Modified Graphs/SPP1_graph.csv
@@ -0,0 +1,2 @@
+neutrophil,gdT-cell
+neutrophil,basophil
diff --git a/run/Modified Graphs/TGFA_graph.csv b/run/Modified Graphs/TGFA_graph.csv
new file mode 100644
index 00000000..89fcf4c5
--- /dev/null
+++ b/run/Modified Graphs/TGFA_graph.csv
@@ -0,0 +1,3 @@
+basophil,gdT-cell
+neutrophil,gdT-cell
+eosinophil,gdT-cell
diff --git a/run/Modified Graphs/TGFB1_graph.csv b/run/Modified Graphs/TGFB1_graph.csv
new file mode 100644
index 00000000..7d9c78bc
--- /dev/null
+++ b/run/Modified Graphs/TGFB1_graph.csv
@@ -0,0 +1,5 @@
+eosinophil,basophil
+eosinophil,myeloid DC
+eosinophil,neutrophil
+eosinophil,bone marrow
+eosinophil,classical monocyte
diff --git a/run/Modified Graphs/TGFB3_graph.csv b/run/Modified Graphs/TGFB3_graph.csv
new file mode 100644
index 00000000..e8ecbd09
--- /dev/null
+++ b/run/Modified Graphs/TGFB3_graph.csv
@@ -0,0 +1,8 @@
+naive CD4 T-cell,myeloid DC
+naive CD4 T-cell,gdT-cell
+naive CD4 T-cell,classical monocyte
+naive CD4 T-cell,naive CD8 T-cell
+naive CD4 T-cell,MAIT T-cell
+naive CD4 T-cell,memory CD4 T-cell
+naive CD4 T-cell,memory CD8 T-cell
+naive CD4 T-cell,NK-cell
diff --git a/run/Modified Graphs/TNFSF10_graph.csv b/run/Modified Graphs/TNFSF10_graph.csv
new file mode 100644
index 00000000..c78f9fb2
--- /dev/null
+++ b/run/Modified Graphs/TNFSF10_graph.csv
@@ -0,0 +1,7 @@
+classical monocyte,neutrophil
+intermediate monocyte,naive CD4 T-cell
+classical monocyte,naive CD4 T-cell
+neutrophil,naive CD4 T-cell
+intermediate monocyte,neutrophil
+basophil,neutrophil
+basophil,naive CD4 T-cell
diff --git a/run/Modified Graphs/TNFSF11_graph.csv b/run/Modified Graphs/TNFSF11_graph.csv
new file mode 100644
index 00000000..36f76b6f
--- /dev/null
+++ b/run/Modified Graphs/TNFSF11_graph.csv
@@ -0,0 +1 @@
+NK-cell,plasmacytoid DC
diff --git a/run/Modified Graphs/TNFSF13B_graph.csv b/run/Modified Graphs/TNFSF13B_graph.csv
new file mode 100644
index 00000000..a2f246aa
--- /dev/null
+++ b/run/Modified Graphs/TNFSF13B_graph.csv
@@ -0,0 +1,3 @@
+neutrophil,naive B-cell
+neutrophil,plasmacytoid DC
+neutrophil,memory B-cell
diff --git a/run/Modified Graphs/TNFSF13_graph.csv b/run/Modified Graphs/TNFSF13_graph.csv
new file mode 100644
index 00000000..fe057674
--- /dev/null
+++ b/run/Modified Graphs/TNFSF13_graph.csv
@@ -0,0 +1,15 @@
+plasmacytoid DC,memory B-cell
+intermediate monocyte,memory B-cell
+myeloid DC,memory B-cell
+classical monocyte,naive B-cell
+classical monocyte,memory B-cell
+plasmacytoid DC,neutrophil
+eosinophil,naive B-cell
+intermediate monocyte,naive B-cell
+classical monocyte,neutrophil
+eosinophil,neutrophil
+myeloid DC,naive B-cell
+intermediate monocyte,neutrophil
+plasmacytoid DC,naive B-cell
+myeloid DC,neutrophil
+eosinophil,memory B-cell
diff --git a/run/Modified Graphs/TNFSF14_graph.csv b/run/Modified Graphs/TNFSF14_graph.csv
new file mode 100644
index 00000000..1c635156
--- /dev/null
+++ b/run/Modified Graphs/TNFSF14_graph.csv
@@ -0,0 +1,3 @@
+neutrophil,intermediate monocyte
+neutrophil,myeloid DC
+neutrophil,classical monocyte
diff --git a/run/Modified Graphs/TNFSF9_graph.csv b/run/Modified Graphs/TNFSF9_graph.csv
new file mode 100644
index 00000000..e7bd14e2
--- /dev/null
+++ b/run/Modified Graphs/TNFSF9_graph.csv
@@ -0,0 +1,3 @@
+memory CD8 T-cell,T-reg
+memory CD8 T-cell,neutrophil
+memory CD8 T-cell,NK-cell
diff --git a/run/Modified Graphs/TNF_graph.csv b/run/Modified Graphs/TNF_graph.csv
new file mode 100644
index 00000000..8a9ecd5e
--- /dev/null
+++ b/run/Modified Graphs/TNF_graph.csv
@@ -0,0 +1,5 @@
+bone marrow,myeloid DC
+bone marrow,neutrophil
+bone marrow,classical monocyte
+bone marrow,intermediate monocyte
+bone marrow,plasmacytoid DC
diff --git a/run/Modified Graphs/XCL1_graph.csv b/run/Modified Graphs/XCL1_graph.csv
new file mode 100644
index 00000000..fc2aa943
--- /dev/null
+++ b/run/Modified Graphs/XCL1_graph.csv
@@ -0,0 +1 @@
+NK-cell,myeloid DC
diff --git a/run/Modified Graphs/XCL2_graph.csv b/run/Modified Graphs/XCL2_graph.csv
new file mode 100644
index 00000000..fc2aa943
--- /dev/null
+++ b/run/Modified Graphs/XCL2_graph.csv
@@ -0,0 +1 @@
+NK-cell,myeloid DC
diff --git a/run/Modified Graphs/__init__.py b/run/Modified Graphs/__init__.py
new file mode 100644
index 00000000..e69de29b
diff --git a/run/configs_gen.py b/run/configs_gen.py
index 0a0254ce..c90dbc7d 100644
--- a/run/configs_gen.py
+++ b/run/configs_gen.py
@@ -205,6 +205,9 @@ def gen_grid(args, config, config_budget={}):
ptr = ptr[item]
ptr[var_label[-1]] = vars[j]
var_repr = str(vars[j]).strip("[]").strip("''")
+ if ',' in var_repr:
+ parts = var_repr.split(",")
+ var_repr = parts[1]
fname_out += f'-{vars_alias[j]}={var_repr}'
if len(config_budget) > 0:
config_out = match_baseline_cfg(config_out, config_budget)
diff --git a/run/custom.sh b/run/custom.sh
new file mode 100644
index 00000000..9f93d51b
--- /dev/null
+++ b/run/custom.sh
@@ -0,0 +1,14 @@
+ESET=$1
+PATIENT=$2
+CYTO=$3
+GRID=$4
+
+python generation.py ${ESET} ${PATIENT} ${CYTO} ${GRID}
+wait
+
+
+if [ $GRID = "True" ]; then
+ bash run_custom_batch_${ESET}_${CYTO}.sh
+elif [ $GRID = "False" ]; then
+ bash run_custom_${ESET}_${CYTO}.sh
+fi
\ No newline at end of file
diff --git a/run/data/processed/pre_filter.pt b/run/data/processed/pre_filter.pt
new file mode 100644
index 00000000..cf160367
Binary files /dev/null and b/run/data/processed/pre_filter.pt differ
diff --git a/run/data/processed/pre_transform.pt b/run/data/processed/pre_transform.pt
new file mode 100644
index 00000000..cf160367
Binary files /dev/null and b/run/data/processed/pre_transform.pt differ
diff --git a/run/datasets/ba.pkl b/run/datasets/ba.pkl
deleted file mode 100644
index 8ea7ec4c..00000000
Binary files a/run/datasets/ba.pkl and /dev/null differ
diff --git a/run/datasets/ba500.pkl b/run/datasets/ba500.pkl
deleted file mode 100644
index 96a01766..00000000
Binary files a/run/datasets/ba500.pkl and /dev/null differ
diff --git a/run/datasets/scalefree.pkl b/run/datasets/scalefree.pkl
deleted file mode 100644
index 628d510c..00000000
Binary files a/run/datasets/scalefree.pkl and /dev/null differ
diff --git a/run/datasets/smallworld.pkl b/run/datasets/smallworld.pkl
deleted file mode 100644
index 2dbb9400..00000000
Binary files a/run/datasets/smallworld.pkl and /dev/null differ
diff --git a/run/datasets/syn_graph.py b/run/datasets/syn_graph.py
deleted file mode 100644
index fe1ad465..00000000
--- a/run/datasets/syn_graph.py
+++ /dev/null
@@ -1,93 +0,0 @@
-import collections
-import os
-import pickle
-
-import matplotlib.pyplot as plt
-import networkx as nx
-import numpy as np
-import torch
-
-dirname = os.path.dirname(__file__)
-
-
-def degree_dist(G):
- degree_sequence = sorted([d for n, d in G.degree()], reverse=True)
- degreeCount = collections.Counter(degree_sequence)
- deg, cnt = zip(*degreeCount.items())
-
- fig, ax = plt.subplots()
- plt.bar(deg, cnt, width=0.80, color='b')
-
- plt.title("Degree Histogram")
- plt.ylabel("Count")
- plt.xlabel("Degree")
- ax.set_xticks([d + 0.4 for d in deg])
- ax.set_xticklabels(deg)
- plt.show()
-
-
-def save_syn():
- clustering_bins = np.linspace(0.3, 0.6, 7)
- print(clustering_bins)
- path_bins = np.linspace(1.8, 3.0, 7)
- print(path_bins)
-
- powerlaw_k = np.arange(2, 12)
- powerlaw_p = np.linspace(0, 1, 101)
- ws_k = np.arange(4, 23, 2)
- ws_p = np.linspace(0, 1, 101)
-
- counts = np.zeros((8, 8))
- thresh = 4
- graphs = []
- n = 64
- while True:
- k, p = np.random.choice(powerlaw_k), np.random.choice(powerlaw_p)
- g = nx.powerlaw_cluster_graph(n, k, p)
- clustering = nx.average_clustering(g)
- path = nx.average_shortest_path_length(g)
- clustering_id = np.digitize(clustering, clustering_bins)
- path_id = np.digitize(path, path_bins)
- if counts[clustering_id, path_id] < thresh:
- counts[clustering_id, path_id] += 1
- default_feature = torch.ones(1)
- nx.set_node_attributes(g, default_feature, 'node_feature')
- graphs.append(g)
- print(np.sum(counts))
- if np.sum(counts) == 8 * 8 * thresh:
- break
-
- with open('scalefree.pkl', 'wb') as file:
- pickle.dump(graphs, file)
-
- counts = np.zeros((8, 8))
- thresh = 4
- graphs = []
- n = 64
- while True:
- k, p = np.random.choice(ws_k), np.random.choice(ws_p)
- g = nx.watts_strogatz_graph(n, k, p)
- clustering = nx.average_clustering(g)
- path = nx.average_shortest_path_length(g)
- clustering_id = np.digitize(clustering, clustering_bins)
- path_id = np.digitize(path, path_bins)
- if counts[clustering_id, path_id] < thresh:
- counts[clustering_id, path_id] += 1
- default_feature = torch.ones(1)
- nx.set_node_attributes(g, default_feature, 'node_feature')
- graphs.append(g)
- print(np.sum(counts))
- if np.sum(counts) == 8 * 8 * thresh:
- break
-
- with open('smallworld.pkl', 'wb') as file:
- pickle.dump(graphs, file)
-
-
-def load_syn():
- with open('{}/smallworld.pkl'.format(dirname), 'rb') as file:
- graphs = pickle.load(file)
- for graph in graphs:
- print(nx.average_clustering(graph),
- nx.average_shortest_path_length(graph))
- # degree_dist(graph)
diff --git a/run/datasets/ws.pkl b/run/datasets/ws.pkl
deleted file mode 100644
index 98376b97..00000000
Binary files a/run/datasets/ws.pkl and /dev/null differ
diff --git a/run/datasets/ws500.pkl b/run/datasets/ws500.pkl
deleted file mode 100644
index 099d8d7b..00000000
Binary files a/run/datasets/ws500.pkl and /dev/null differ
diff --git a/run/generation.py b/run/generation.py
new file mode 100644
index 00000000..52e716c0
--- /dev/null
+++ b/run/generation.py
@@ -0,0 +1,431 @@
+import os
+import torch
+import numpy as np
+from CytokinesDataSet import CytokinesDataSet
+import sys
+
+# A file that is meant to generate all the files needed to run the underlying graphgym.
+
+# things we need to be provided
+
+eset = sys.argv[1]
+eset = os.path.join("rawData", eset + ".csv")
+
+patients = sys.argv[2]
+
+patients = os.path.join("rawData", patients + ".csv")
+cyto = sys.argv[3]
+grid = sys.argv[4]
+
+if grid[0] == "F":
+ grid = False
+else:
+ grid = bool(grid)
+
+
+# general configs that we can keep as they are, unless changed.
+blood_only=True
+batch_size = 80
+eval_period = 20
+layers_pre_mp = 2
+layers_mp = 6
+layers_post_mp = 2
+dim_inner = 137
+max_epoch = 400
+
+def makeConfigFile(name, batch_size, eval_period, layers_pre_mp, layers_mp,
+ layers_post_mp, dim_inner, max_epoch):
+ if (not os.path.exists(os.path.abspath("configs"))):
+ os.makedirs(os.path.abspath("configs"))
+
+ # using with statement
+ with open(os.path.join('configs', name + ".yaml"), 'w') as file:
+ file.write('out_dir: results\n')
+ file.write('dataset:\n')
+ file.write(' format: PyG\n')
+ file.write(' name: Custom,' + name + ',,\n')
+ file.write(' task: graph\n')
+ file.write(' task_type: classification\n')
+ file.write(' transductive: True\n')
+ file.write(' split: [0.8, 0.2]\n')
+ file.write(' augment_feature: []\n')
+ file.write(' augment_feature_dims: [0]\n')
+ file.write(' augment_feature_repr: position\n')
+ file.write(' augment_label: \'\'\n')
+ file.write(' augment_label_dims: 0\n')
+ file.write(' transform: none\n')
+ file.write('train:\n')
+ file.write(' batch_size: ' + str(batch_size) + '\n' )
+ file.write(' eval_period: ' + str(eval_period) + '\n')
+ file.write(' ckpt_period: 100\n')
+ file.write('model:\n')
+ file.write(' type: gnn\n')
+ file.write(' loss_fun: cross_entropy\n')
+ file.write(' edge_decoding: dot\n')
+ file.write(' graph_pooling: add\n')
+ file.write('gnn:\n')
+ file.write(' layers_pre_mp: ' + str(layers_pre_mp) + '\n')
+ file.write(' layers_mp: ' + str(layers_mp) + '\n')
+ file.write(' layers_post_mp: ' + str(layers_post_mp) + '\n')
+ file.write(' dim_inner: ' + str(dim_inner) + '\n')
+ file.write(' layer_type: generalconv\n')
+ file.write(' stage_type: skipsum\n')
+ file.write(' batchnorm: True\n')
+ file.write(' act: prelu\n')
+ file.write(' dropout: 0.0\n')
+ file.write(' agg: add\n')
+ file.write(' normalize_adj: False\n')
+ file.write('optim:\n')
+ file.write(' optimizer: adam\n')
+ file.write(' base_lr: 0.01\n')
+ file.write(' max_epoch: ' + str(max_epoch) + '\n')
+
+ return name + ".yaml"
+
+
+
+def create_cyto_database(cyto, eset, cyto_tissue_dict, active_tissue_gene_dict, patient_list,
+ patient_dict, gene_to_patient, cyto_adjacency_dict):
+
+ # creates graphname
+ graphName = cyto + "_" + eset
+
+ #create patientArray
+ patientArray = []
+
+ # count the number of active genes in each tissue.
+ tissues = cyto_tissue_dict[cyto]
+
+ gene_count = []
+ for tissue in tissues:
+ count = len(active_tissue_gene_dict[tissue])
+
+ gene_count.append(count)
+
+ total_genes = sum(gene_count)
+
+
+ for patient in patient_list:
+ patient_data = {}
+
+ patient_data["DISEASE"] = str(patient_dict[patient])
+
+
+ data = []
+ # create the information that goes into each node
+ for i, tissue in enumerate(tissues):
+ tissue_data = [0]*total_genes
+ start = sum(gene_count[:i])
+
+ tissue_genes = active_tissue_gene_dict[tissue]
+
+ offset = 0
+ for gene in tissue_genes:
+ tissue_data[start + offset] = gene_to_patient[gene][patient] / 20
+ offset += 1
+
+ data.append(tissue_data)
+
+ patient_data["data"] = data
+ patientArray.append(patient_data)
+
+
+ nodeList = cyto_tissue_dict[cyto]
+ graphAdjacency = cyto_adjacency_dict[cyto]
+
+ nodeIntMap = {}
+ i = 0
+
+ for node in nodeList:
+ nodeIntMap[node] = i
+ i += 1
+
+ intAdjacency = []
+ # turn the adjacency names into int
+ for edge in graphAdjacency:
+ newEdge = [nodeIntMap[edge[0]], nodeIntMap[edge[1]]]
+ intAdjacency.append(newEdge)
+
+ try:
+ os.mkdir(os.path.join("datasets"))
+ except OSError:
+ pass
+
+ try:
+ os.mkdir(os.path.join("datasets", graphName))
+ except OSError:
+ pass
+
+ try:
+ os.mkdir(os.path.join("datasets", graphName ,"raw"))
+ except OSError:
+ pass
+
+ try:
+ os.mkdir(os.path.join("datasets", graphName, "processed"))
+ except OSError:
+ pass
+
+ full_dataset = CytokinesDataSet(root="data/", graphName=graphName, filename="full.csv",
+ test=True, patients=patientArray, adjacency=intAdjacency,
+ nodeNames = nodeIntMap, divisions = gene_count)
+
+
+ torch.save(full_dataset, (os.path.join("datasets", graphName, "raw", graphName + ".pt")))
+
+
+def normalize_vector(vector):
+ min_val = np.min(vector)
+ max_val = np.max(vector)
+ normalized_vector = (vector - min_val) / (max_val - min_val)
+ return normalized_vector
+
+def process_tissues(blood_only):
+ tissue_gene_dict = dict() # maps tissues to the genes associated with them
+
+ gene_set = set()
+
+ tissue_file = open("GenesToTissues.csv")
+
+ tissue_lines = tissue_file.read().splitlines()
+
+ for i in range(0, len(tissue_lines), 2):
+ tissue_line = tissue_lines[i]
+
+ tissue_line_arr = tissue_line.split(",")
+
+ if (blood_only and (tissue_line_arr[1] == "N")):
+ continue
+
+ tissue = tissue_line_arr[0]
+ genes_array = tissue_lines[i + 1].split(',')
+
+ tissue_gene_dict[tissue] = genes_array
+
+ gene_set.update(genes_array)
+
+ return tissue_gene_dict, gene_set
+
+def process_eset(eset, gene_set, patient_dict, tissue_gene_dict):
+ eset_file = open(eset, 'r')
+
+ eset_lines = eset_file.read().splitlines()
+
+
+ # read the first line, and see if it matches with the patient file provided
+ patients = eset_lines[0].replace("\"", "").split(",")[2:]
+
+ patient_set = set(patient_dict.keys())
+
+ for patient in patients:
+ try:
+ patient_set.remove(patient)
+ except(KeyError):
+ raise(ValueError("{} is not found in the patients file.".format(patient)))
+
+
+ if (len(patient_set) != 0):
+ raise(ValueError("The eset file does not contain {}".format(patient_set)))
+
+
+ gene_to_patient = dict() # maps the name of a gene to a dict of patients
+ for line_num in range(1, len(eset_lines)):
+ line = eset_lines[line_num].replace("\"", "")
+ parts = line.split(",")
+ new_gene = parts[1]
+
+
+ if (new_gene not in gene_set):
+ continue
+ # get all the gene expression numbers, and then normalize them
+ gene_nums = parts[2:]
+ gene_nums = [float(gene_num) for gene_num in gene_nums]
+ gene_nums = normalize_vector(gene_nums)
+
+
+
+ patient_gene_data_dict = dict() # maps the patients code to their gene expression data of this one specific gene
+ for index, patient in enumerate(patients):
+ patient_gene_data_dict[patient] = gene_nums[index]
+
+ gene_to_patient[new_gene] = patient_gene_data_dict
+
+ # make a new tissue_gene_dict
+
+ active_tissue_gene_dict = dict()
+
+ for tissue in tissue_gene_dict.keys():
+ gene_array = []
+
+ original_genes = tissue_gene_dict[tissue]
+
+ for gene in original_genes:
+ if gene in gene_to_patient.keys():
+ gene_array.append(gene)
+
+ active_tissue_gene_dict[tissue] = gene_array
+ return (gene_to_patient, active_tissue_gene_dict)
+
+def process_graphs(blood_only):
+ if(blood_only):
+ graph_folder_path = "Modified Graphs"
+ else:
+ graph_folder_path = "Graphs"
+
+ cyto_list = []
+ cyto_adjacency_dict = dict() # maps a cytokine's name to their adjacency matrix
+ cyto_tissue_dict = dict() # maps a cytokine's name to the tissues they need
+
+ for filename in os.listdir(graph_folder_path):
+ cyto_name = filename[:-10]
+ cyto_list.append(cyto_name) # drop the _graph.csv
+ graph_file_path = os.path.join(graph_folder_path, filename)
+ if (filename == '__pycache__'):
+ continue
+ graphAdjacency = []
+ tissue_set = set()
+
+ f = open(graph_file_path, 'r')
+ graphLines = f.read().splitlines()
+
+ for line in graphLines:
+ parts = line.upper().split(",") # remove newline, capitalize, and remove spaces
+ graphAdjacency.append(parts)
+ newParts = [parts[1], parts[0]]
+ tissue_set.update(newParts)
+
+ graphAdjacency.append(newParts)
+
+
+ # put the tissues into a list, and then sort them
+ tissue_list = []
+ for tissue in tissue_set:
+ tissue_list.append(tissue)
+
+ tissue_list.sort()
+
+ cyto_adjacency_dict[cyto_name] = graphAdjacency
+ cyto_tissue_dict[cyto_name] = tissue_list
+
+
+ return cyto_list,cyto_adjacency_dict,cyto_tissue_dict
+
+def process_patients(patients):
+ patient_file = open(patients, 'r')
+ patient_dict = dict()
+ patient_list = []
+
+ for line in patient_file.read().splitlines():
+ parts = line.split(",")
+ patient_dict[parts[0]] = int(parts[1])
+ patient_list.append(parts[0])
+
+ return patient_dict, patient_list
+
+def write_lines_to_file(self, input_file, output_file_name):
+ try:
+ with open(input_file, 'r') as infile:
+ # Read all lines from the input file
+ lines = infile.readlines()
+
+ # Remove any leading/trailing whitespaces from the output file name
+ output_file_name = output_file_name.strip()
+
+ # Write the lines to the output file with the provided name (overwriting if it exists)
+ with open(output_file_name, 'w') as outfile:
+ for line in lines:
+ outfile.write(line)
+
+ except FileNotFoundError:
+ print(f"Error: Input file '{input_file}' not found.")
+ except Exception as e:
+ print(f"Error: An unexpected error occurred - {e}")
+
+
+def make_grid(name):
+ if (not os.path.exists(os.path.abspath("grids"))):
+ os.makedirs(os.path.abspath("grids"))
+
+ # using with statement
+ with open(os.path.join('grids', name + ".txt"), 'w') as file:
+ file.write("dataset.format format ['PyG']\n")
+ file.write("dataset.name dataset ['Custom," + name + ",','Custom," + name + ",']\n")
+ file.write("dataset.task task ['graph']\n")
+ file.write("dataset.transductive trans [False]\n")
+ file.write("dataset.augment_feature feature [[]]\n")
+ file.write("dataset.augment_label label ['']\n")
+ file.write("gnn.layers_pre_mp l_pre [1,2]\n")
+ file.write("gnn.layers_mp l_mp [2,4,6,8]\n")
+ file.write("gnn.layers_post_mp l_post [2,3]\n")
+ file.write("gnn.stage_type stage ['skipsum','skipconcat']\n")
+ file.write("gnn.agg agg ['add','mean']\n")
+
+def make_grid_sh(eset_name, cyto, name):
+ with open("run_custom_batch_" + eset_name + "_" + cyto + ".sh", 'w') as file:
+ file.write("#!/usr/bin/env bash\n")
+ file.write("\n")
+ file.write("CONFIG=" + name + "\n")
+ file.write("GRID=" + name + "\n")
+ file.write("REPEAT=1\n")
+ file.write("MAX_JOBS=20\n")
+ file.write("\n")
+ file.write("# generate configs (after controlling computational budget)\n")
+ file.write("# please remove --config_budget, if don't control computational budget\n")
+ file.write("python configs_gen.py --config configs/${CONFIG}.yaml \\\n")
+ file.write(" --config_budget configs/${CONFIG}.yaml \\\n")
+ file.write(" --grid grids/${GRID}.txt \\\n")
+ file.write(" --out_dir configs\n")
+ file.write("#python configs_gen.py --config configs/ChemKG/${CONFIG}.yaml --config_budget configs/ChemKG/${CONFIG}.yaml --grid grids/ChemKG/${GRID}.txt --out_dir configs\n")
+ file.write("# run batch of configs\n")
+ file.write("# Args: config_dir, num of repeats, max jobs running\n")
+ file.write("bash parallel.sh configs/${CONFIG}_grid_${GRID} $REPEAT $MAX_JOBS\n")
+ file.write("# rerun missed / stopped experiments\n")
+ file.write("bash parallel.sh configs/${CONFIG}_grid_${GRID} $REPEAT $MAX_JOBS\n")
+ file.write("# rerun missed / stopped experiments\n")
+ file.write("bash parallel.sh configs/${CONFIG}_grid_${GRID} $REPEAT $MAX_JOBS\n")
+ file.write("\n")
+ file.write("# aggregate results for the batch\n")
+ file.write("python agg_batch.py --dir results/${CONFIG}_grid_${GRID}\n")
+
+
+def make_single_sh(eset_name, cyto, config_name):
+ # using with statement
+ with open("run_custom_" + eset_name + "_" + cyto + ".sh", 'w') as file:
+ file.write('#!/usr/bin/env bash\n')
+ file.write('\n')
+ escaped_path = os.path.join("configs",config_name).replace("\\", "/")
+ file.write('python main.py --cfg ' + escaped_path + ' --repeat 1')
+
+#MAIN
+
+
+#get patient data
+patient_dict, patient_list = process_patients(patients) # a dict that matches a patient name to their classification
+
+# process graph data
+cyto_list,cyto_adjacency_dict,cyto_tissue_dict = process_graphs(blood_only) # list of cytokines, maps a cytokine's name to their adjacency matrix, maps a cytokine's name to the tissues they need
+
+tissue_gene_dict, gene_set = process_tissues(blood_only) # dict that matches tissues to the genes associated with them, a set of all genes we have
+
+
+gene_to_patient, active_tissue_gene_dict = process_eset(eset, gene_set, patient_dict, tissue_gene_dict) # 2 layer deep dict. First layer maps gene name to a dict. Second layer matches patient code to gene expresion data of the given gene.
+
+eset_name = sys.argv[1]
+
+create_cyto_database(cyto, eset_name, cyto_tissue_dict, active_tissue_gene_dict, patient_list,
+ patient_dict, gene_to_patient, cyto_adjacency_dict)
+
+name = cyto + "_" + eset_name
+
+
+config_name = makeConfigFile(name, batch_size, eval_period, layers_pre_mp, layers_mp,
+ layers_post_mp, dim_inner, max_epoch)
+
+
+
+if (grid) :
+ make_grid_sh(sys.argv[1], cyto, name)
+ make_grid(name)
+else:
+ make_single_sh(sys.argv[1], cyto, config_name)
+#also need to make the grid file and the sh file
\ No newline at end of file
diff --git a/run/grids/CCL2_GSE40240_eset.txt b/run/grids/CCL2_GSE40240_eset.txt
new file mode 100644
index 00000000..f55a8fee
--- /dev/null
+++ b/run/grids/CCL2_GSE40240_eset.txt
@@ -0,0 +1,11 @@
+dataset.format format ['PyG']
+dataset.name dataset ['Custom,CCL2_GSE40240_eset,','Custom,CCL2_GSE40240_eset,']
+dataset.task task ['graph']
+dataset.transductive trans [False]
+dataset.augment_feature feature [[]]
+dataset.augment_label label ['']
+gnn.layers_pre_mp l_pre [1,2]
+gnn.layers_mp l_mp [2,4,6,8]
+gnn.layers_post_mp l_post [2,3]
+gnn.stage_type stage ['skipsum','skipconcat']
+gnn.agg agg ['add','mean']
diff --git a/run/grids/example_custom_CCL1.txt b/run/grids/example_custom_CCL1.txt
new file mode 100644
index 00000000..39bbc52a
--- /dev/null
+++ b/run/grids/example_custom_CCL1.txt
@@ -0,0 +1,18 @@
+# Format for each row: name in config.py; alias; range to search
+# No spaces, except between these 3 fields
+# Line breaks are used to union different grid search spaces
+# Feel free to add '#' to add comments
+
+# (1) dataset configurations
+dataset.format format ['PyG']
+dataset.name dataset ['Custom,GSE40240_CCL1,https://drive.google.com/uc?export=download&id=1grcJaqZHXlrejhNDrJXpnb1s07Gk4X0j','Custom,GSE40240_CCL1,https://drive.google.com/uc?export=download&id=1grcJaqZHXlrejhNDrJXpnb1s07Gk4X0j']
+dataset.task task ['graph']
+dataset.transductive trans [False]
+dataset.augment_feature feature [[]]
+dataset.augment_label label ['']
+# (2) The recommended GNN design space, 96 models in total
+gnn.layers_pre_mp l_pre [1,2]
+gnn.layers_mp l_mp [2,4,6,8]
+gnn.layers_post_mp l_post [2,3]
+gnn.stage_type stage ['skipsum','skipconcat']
+gnn.agg agg ['add','mean']
\ No newline at end of file
diff --git a/run/main.py b/run/main.py
index 0afa1a52..e5aafff6 100644
--- a/run/main.py
+++ b/run/main.py
@@ -3,7 +3,7 @@
import torch
from torch_geometric import seed_everything
-
+from deepsnap.dataset import GraphDataset
from graphgym.cmd_args import parse_args
from graphgym.config import cfg, dump_cfg, load_cfg, set_run_dir, set_out_dir
from graphgym.loader import create_dataset, create_loader
@@ -15,6 +15,12 @@
from graphgym.utils.agg_runs import agg_runs
from graphgym.utils.comp_budget import params_count
from graphgym.utils.device import auto_select_device
+from graphgym.models.gnn import GNNStackStage
+from CytokinesDataSet import CytokinesDataSet
+from graphgym.models.layer import GeneralMultiLayer, Linear, GeneralConv
+from graphgym.models.gnn import GNNStackStage
+import numpy as np
+
if __name__ == '__main__':
# Load cmd line args
@@ -25,6 +31,7 @@
# Set Pytorch environment
torch.set_num_threads(cfg.num_threads)
dump_cfg(cfg)
+ print("wonder")
# Repeat for different random seeds
for i in range(args.repeat):
set_run_dir(cfg.out_dir)
@@ -38,7 +45,26 @@
loaders = create_loader(datasets)
loggers = create_logger()
model = create_model()
- optimizer = create_optimizer(model.parameters())
+
+ total = 0
+
+
+ # Add edge_weights attribute to the datasets so that they can be accessed in batches
+ num_edges = len(datasets[0][0].edge_index[0])
+ edge_weights = torch.nn.Parameter(torch.ones(num_edges))
+ for loader in loaders:
+ for dataset in loader.dataset:
+ dataset.edge_weights = edge_weights
+
+
+ #add edge weights to the set of parameters
+ newParam = list()
+ for param in model.parameters():
+ newParam.append(param)
+
+ newParam.append(edge_weights)
+
+ optimizer = create_optimizer(newParam)
scheduler = create_scheduler(optimizer)
# Print model info
logging.info(model)
@@ -50,9 +76,11 @@
train(loggers, loaders, model, optimizer, scheduler)
else:
train_dict[cfg.train.mode](loggers, loaders, model, optimizer,
- scheduler)
- # Aggregate results from different seeds
- agg_runs(cfg.out_dir, cfg.metric_best)
- # When being launched in batch mode, mark a yaml as done
- if args.mark_done:
- os.rename(args.cfg_file, f'{args.cfg_file}_done')
+ scheduler)
+
+ agg_runs(cfg.out_dir, cfg.metric_best)
+ # When being launched in batch mode, mark a yaml as done
+ if args.mark_done:
+ os.rename(args.cfg_file, f'{args.cfg_file}_done')
+
+
diff --git a/run/rawData/GSE40240_eset.csv b/run/rawData/GSE40240_eset.csv
new file mode 100644
index 00000000..990a22f5
--- /dev/null
+++ b/run/rawData/GSE40240_eset.csv
@@ -0,0 +1,18837 @@
+"","gene_sym","GSM989153","GSM989154","GSM989155","GSM989156","GSM989157","GSM989158","GSM989159","GSM989160","GSM989161","GSM989162","GSM989163","GSM989164","GSM989165","GSM989166","GSM989167","GSM989168","GSM989169","GSM989170","GSM989171","GSM989172","GSM989173","GSM989174","GSM989175","GSM989176","GSM989177","GSM989178","GSM989179","GSM989180"
+"1","A1CF",3.967147246,3.967147248,3.96714725,3.967147247,3.967147256,3.967147247,3.967147251,3.967147252,3.967147249,3.967147249,3.967147251,3.967147253,3.967147248,3.967147244,3.96714725,3.967147246,3.967147253,3.967147247,3.967147243,3.967147252,3.967147247,3.967147249,3.967147253,3.967147243,3.967147249,3.967147247,3.967147251,3.967147252
+"2","A2M",4.669213864,4.669213567,4.669213628,4.669213449,4.669213678,4.669213564,4.669213693,4.669213751,4.669213524,4.669213701,4.669213682,4.669213649,4.669213619,4.669213526,4.669213817,4.6692134,4.669213771,4.669213616,4.669213585,4.669213654,4.66921371,4.66921385,4.669213587,4.66921349,4.669213407,4.669213668,4.66921361,4.669213739
+"3","A2ML1",4.140074251,4.140074246,4.140074286,4.140074244,4.140074298,4.140074243,4.140074256,4.140074274,4.140074286,4.140074273,4.140074266,4.140074301,4.140074267,4.140074258,4.140074283,4.140074262,4.140074302,4.140074263,4.140074274,4.140074272,4.140074277,4.140074293,4.140074242,4.140074284,4.140074285,4.140074277,4.140074259,4.140074273
+"4","A3GALT2",4.483533491,4.483533603,4.483533738,4.483533654,4.483533598,4.483533622,4.483533503,4.483533556,4.483533659,4.48353352,4.483533525,4.483533548,4.483533414,4.483533408,4.483533656,4.483533633,4.483533652,4.483533693,4.483533627,4.48353365,4.483533621,4.483533552,4.483533571,4.483533574,4.483533556,4.483533528,4.483533444,4.483533628
+"5","A4GALT",5.507271759,5.507271967,5.507272453,5.507272199,5.507272449,5.507272093,5.507272148,5.507272486,5.5072723,5.507272088,5.507272243,5.507272536,5.507272023,5.507271638,5.507272433,5.507272235,5.507272631,5.507272404,5.507272296,5.507272321,5.507272459,5.507272305,5.507271893,5.507271932,5.507272272,5.507272421,5.507272108,5.507272009
+"6","A4GNT",3.893926151,3.893926165,3.89392614,3.893926204,3.893926233,3.893926163,3.893926182,3.893926242,3.893926195,3.893926267,3.8939262,3.893926264,3.89392623,3.89392614,3.893926219,3.893926233,3.893926243,3.893926247,3.893926268,3.893926206,3.893926213,3.893926278,3.893926226,3.893926177,3.893926188,3.893926168,3.893926187,3.893926142
+"7","AAAS",6.865618553,6.865618576,6.865618485,6.865618435,6.865618338,6.86561858,6.865618572,6.865618482,6.865618588,6.865618534,6.865618361,6.865618496,6.865618576,6.865618597,6.865618447,6.865618517,6.865618403,6.865618375,6.86561845,6.865618529,6.865618439,6.865618535,6.865618568,6.865618507,6.865618423,6.865618546,6.865618584,6.865618488
+"8","AACS",5.889714741,5.889714789,5.889714674,5.889714748,5.88971465,5.889714665,5.889714792,5.889714692,5.889714726,5.889714781,5.88971473,5.889714578,5.889714706,5.889714791,5.889714652,5.889714723,5.88971458,5.889714688,5.889714723,5.889714739,5.889714645,5.889714716,5.889714684,5.889714759,5.889714647,5.889714716,5.889714736,5.889714753
+"9","AADAC",2.421202028,2.421202065,2.42120204,2.421202026,2.421202017,2.421202045,2.421202015,2.421202027,2.42120203,2.421202039,2.421202037,2.421202037,2.421202028,2.421202011,2.421202041,2.421202027,2.421202082,2.42120203,2.421202013,2.421202031,2.421202023,2.421202052,2.421202064,2.42120203,2.421202038,2.421202023,2.42120203,2.421202025
+"10","AADACL2",2.935631768,2.935631917,2.935631719,2.935631481,2.93563174,2.935632153,2.935631675,2.935631766,2.935631859,2.935631873,2.935631874,2.935631909,2.935631626,2.935631757,2.93563165,2.935631731,2.935631706,2.935631866,2.935631841,2.935631628,2.935631659,2.935631593,2.935631864,2.935631988,2.935631624,2.935631699,2.935631837,2.935631792
+"11","AADACL3",3.82130087,3.821300558,3.821300573,3.82130092,3.821300889,3.821300779,3.821300896,3.821300951,3.821300779,3.821300902,3.821300862,3.821300685,3.821300968,3.821300874,3.821300833,3.821300997,3.821301137,3.821301262,3.821301021,3.821301087,3.821301006,3.821301031,3.821300984,3.821301187,3.821300941,3.821300712,3.821300933,3.821300937
+"12","AADACL4",3.743065285,3.743065447,3.743065216,3.743065435,3.743065336,3.743065521,3.743065411,3.743065375,3.743065614,3.743065492,3.743065528,3.74306533,3.743065323,3.743065299,3.74306521,3.743065559,3.743065392,3.743065387,3.743065203,3.743065549,3.743065199,3.743065344,3.743065496,3.743065278,3.743065421,3.743065273,3.743065456,3.74306546
+"13","AADAT",3.446272343,3.446272339,3.446272339,3.446272346,3.446272342,3.446272348,3.446272336,3.446272345,3.446272336,3.44627234,3.446272342,3.446272346,3.446272341,3.44627234,3.446272338,3.446272336,3.446272346,3.446272338,3.44627234,3.446272342,3.446272342,3.446272341,3.446272343,3.446272337,3.446272341,3.446272344,3.446272337,3.446272337
+"14","AAGAB",5.87883536,5.878835316,5.878835214,5.878835226,5.878835117,5.878835339,5.878835213,5.878835219,5.878835301,5.878835299,5.878835313,5.878835045,5.87883533,5.878835553,5.87883527,5.878835309,5.878835148,5.878835227,5.878835293,5.878835278,5.878835152,5.878835249,5.878835354,5.878835355,5.878835179,5.878835166,5.878835327,5.878835407
+"15","AAK1",7.8335504315,7.8335500645,7.8335496655,7.833549859,7.8335499025,7.833550243,7.8335501955,7.8335502825,7.833550766,7.8335504125,7.8335497165,7.8335504805,7.833550494,7.833550517,7.833549875,7.833549729,7.833549043,7.833549628,7.8335501135,7.8335499825,7.83354996,7.83355012,7.833550351,7.8335502705,7.833549975,7.8335507535,7.8335506125,7.8335502025
+"16","AAMDC",4.927060052,4.927060058,4.92706006,4.92706003,4.927060013,4.92706008,4.927060054,4.92706008,4.927060063,4.927060087,4.927060058,4.927060034,4.92706007,4.927060082,4.92706005,4.927060061,4.927060084,4.927060053,4.927060036,4.927060064,4.927060037,4.927060083,4.927060055,4.927060069,4.927060066,4.927060037,4.927060068,4.927060086
+"17","AAMP",6.822932036,6.822932077,6.822932042,6.822932006,6.822932068,6.822932089,6.822931941,6.82293209,6.822932089,6.822932073,6.822932051,6.822931981,6.822932081,6.822932086,6.822932037,6.822932107,6.822932033,6.822932025,6.822932018,6.822932104,6.822932034,6.822932059,6.822932051,6.822932088,6.822931987,6.82293204,6.822932079,6.822932078
+"18","AANAT",5.343285435,5.343285385,5.343285505,5.343285574,5.343285603,5.343285485,5.343285457,5.343285574,5.343285581,5.343285478,5.343285519,5.343285722,5.343285543,5.34328549,5.343285649,5.34328566,5.343285669,5.343285616,5.343285428,5.343285568,5.34328559,5.343285632,5.343285477,5.343285438,5.343285548,5.343285623,5.343285491,5.343285591
+"19","AAR2",6.66097219,6.660972365,6.660972208,6.660971936,6.660972075,6.660972403,6.660972123,6.660972212,6.660972325,6.660972255,6.660971983,6.660972176,6.660972206,6.660972212,6.660972077,6.660972221,6.660972152,6.660971995,6.660972208,6.660972213,6.660971987,6.660972195,6.660972326,6.660972219,6.660972023,6.660972019,6.66097228,6.66097232
+"20","AARD",5.003583439,5.003583408,5.003583612,5.003583417,5.003583643,5.003583233,5.003583297,5.003583481,5.003583487,5.003583341,5.003583655,5.00358356,5.003583298,5.003583011,5.003583327,5.003583599,5.003583697,5.00358352,5.003583427,5.003583598,5.003583351,5.003583557,5.003583141,5.003583384,5.003583612,5.003583519,5.003583411,5.003583377
+"21","AARS1",7.193164497,7.193164568,7.193164394,7.193164303,7.193164477,7.193164658,7.193164596,7.193164406,7.193164659,7.193164544,7.193164306,7.193164438,7.193164561,7.193164713,7.19316445,7.193164548,7.193164293,7.193164327,7.193164442,7.193164619,7.193164504,7.19316448,7.193164587,7.193164475,7.193164254,7.193164499,7.19316452,7.193164564
+"22","AARS2",5.862964313,5.862964331,5.862964324,5.862964288,5.86296431,5.862964338,5.862964329,5.862964317,5.862964332,5.862964336,5.862964311,5.862964336,5.862964334,5.862964322,5.862964329,5.862964319,5.862964321,5.862964315,5.862964321,5.862964301,5.862964311,5.862964343,5.86296434,5.862964318,5.862964323,5.86296434,5.862964339,5.862964345
+"23","AASDH",4.923677664,4.923677635,4.923677587,4.923677468,4.923677528,4.923677451,4.923677472,4.923677531,4.923677612,4.923677586,4.923677446,4.923677503,4.923677533,4.923677798,4.923677608,4.923677472,4.923677435,4.923677454,4.923677642,4.923677428,4.923677436,4.923677522,4.923677616,4.923677588,4.923677468,4.923677398,4.923677486,4.923677666
+"24","AASDHPPT",7.076959484,7.076959252,7.076958924,7.076958825,7.076959072,7.076958902,7.076959147,7.076958948,7.076959308,7.07695935,7.076958793,7.076958482,7.076959281,7.076959961,7.076959185,7.076959116,7.076958797,7.076958688,7.076959225,7.076958527,7.076959029,7.076958762,7.076959392,7.076959475,7.076958687,7.076958884,7.076959361,7.076959617
+"25","AASS",5.260229905,5.260229864,5.260229626,5.260229708,5.260229948,5.260229764,5.260229917,5.260230008,5.260229784,5.260229627,5.260229975,5.260229942,5.260229786,5.260229925,5.260229981,5.2602299,5.260229972,5.260229839,5.260229849,5.260229864,5.260229939,5.260229982,5.260229826,5.260229721,5.26022975,5.260229864,5.260229776,5.260229847
+"26","AATBC",6.354460822,6.354460855,6.354460805,6.35446077,6.354460815,6.354460893,6.354460775,6.354460805,6.354460752,6.354460867,6.354460812,6.354460752,6.354460831,6.354460803,6.354460761,6.354460761,6.354460799,6.354460757,6.354460787,6.354460865,6.354460799,6.354460785,6.35446076,6.354460837,6.354460794,6.354460756,6.354460852,6.354460781
+"27","AATF",7.72639156,7.726391674,7.726391342,7.726391524,7.726391215,7.726391447,7.726391452,7.726391337,7.726391491,7.726391409,7.726391294,7.726391168,7.72639146,7.726391726,7.726391358,7.726391549,7.726391132,7.726391353,7.72639149,7.726391343,7.726391395,7.726391255,7.726391507,7.726391569,7.72639128,7.726391328,7.726391438,7.72639146
+"28","AATK",6.732910104,6.732911364,6.732910636,6.732911933,6.732910798,6.732910445,6.732910693,6.732910743,6.732910606,6.732910251,6.732911208,6.732910795,6.732910819,6.732910226,6.73291055,6.732911484,6.732910878,6.732911686,6.732910853,6.732910425,6.732910698,6.732910547,6.732910943,6.73291099,6.732911435,6.732910802,6.732910698,6.732910437
+"29","ABAT",6.787291305,6.787291546,6.787291447,6.787291876,6.787291378,6.787291365,6.787291258,6.78729145,6.787291388,6.787291582,6.787291828,6.787291282,6.787291411,6.787291311,6.787291541,6.787291621,6.787291637,6.787291606,6.787291644,6.787291314,6.7872912,6.787291395,6.787291627,6.787291889,6.787291934,6.787291598,6.787291515,6.787291261
+"30","ABCA1",6.672653661,6.672654578,6.672653965,6.6726575,6.67265506,6.672656186,6.672653916,6.672652936,6.672654128,6.672653722,6.672654116,6.672653394,6.672652236,6.672651935,6.672654244,6.672654814,6.672654249,6.672657219,6.672657753,6.672656773,6.672653957,6.672653547,6.672656109,6.672656135,6.672655928,6.672655381,6.672652748,6.672651584
+"31","ABCA10",3.160943217,3.160943207,3.160943214,3.160943203,3.160943207,3.160943199,3.160943208,3.160943194,3.160943204,3.160943207,3.160943196,3.160943202,3.160943209,3.16094321,3.160943214,3.160943215,3.160943212,3.160943218,3.160943212,3.160943205,3.160943211,3.160943209,3.16094321,3.160943203,3.160943216,3.160943211,3.160943206,3.160943199
+"32","ABCA11P",4.174755516,4.174755443,4.174755494,4.1747554,4.174755419,4.174755373,4.174755399,4.174755563,4.174755448,4.174755433,4.174755423,4.174755485,4.174755465,4.17475555,4.174755459,4.174755439,4.174755436,4.174755438,4.174755441,4.174755367,4.174755458,4.174755452,4.17475545,4.174755402,4.174755432,4.174755371,4.174755473,4.174755583
+"33","ABCA12",3.556582729,3.556582736,3.556582729,3.556582731,3.556582745,3.556582732,3.55658273,3.556582739,3.55658273,3.55658273,3.556582732,3.556582735,3.556582728,3.556582726,3.556582735,3.556582736,3.556582738,3.556582744,3.556582733,3.556582735,3.556582741,3.556582739,3.556582731,3.556582728,3.556582731,3.556582735,3.55658274,3.556582731
+"34","ABCA13",4.480482587,4.48048191,4.480483201,4.480481953,4.480482002,4.480482168,4.480483802,4.480481932,4.48048155,4.480481609,4.480483013,4.480482182,4.480481377,4.480481169,4.480482554,4.480481587,4.480483052,4.480482051,4.48048204,4.480482176,4.480483888,4.480482053,4.480481633,4.480481307,4.480482837,4.48048222,4.480481262,4.480481371
+"35","ABCA2",6.761758303,6.761758172,6.761758088,6.761758159,6.761758046,6.761758127,6.76175818,6.761758368,6.761758043,6.761758049,6.761758056,6.761757761,6.761757979,6.761758006,6.761758315,6.761758182,6.761758005,6.761758255,6.761757945,6.76175767,6.761758012,6.761758356,6.761758184,6.761758124,6.761758117,6.761758143,6.761757976,6.761757825
+"36","ABCA3",5.334663829,5.334663833,5.33466385,5.334663808,5.334663839,5.334663772,5.33466382,5.33466388,5.334663875,5.334663854,5.334663826,5.334663851,5.33466384,5.334663789,5.334663852,5.33466382,5.334663896,5.334663826,5.334663807,5.334663865,5.334663806,5.334663886,5.334663816,5.334663822,5.334663844,5.33466382,5.334663774,5.334663822
+"37","ABCA4",4.105681473,4.105681498,4.105681589,4.105681501,4.105681616,4.10568142,4.105681544,4.105681566,4.105681504,4.10568153,4.105681616,4.105681579,4.105681508,4.105681472,4.105681548,4.105681529,4.105681625,4.105681624,4.1056815,4.105681538,4.105681559,4.105681673,4.105681368,4.10568152,4.10568152,4.105681566,4.105681567,4.105681518
+"38","ABCA5",5.312185533,5.31218539,5.312185207,5.312184991,5.312185028,5.31218438,5.31218507,5.312185077,5.312185223,5.312185145,5.312185049,5.312185053,5.312185323,5.312185736,5.312185259,5.312185322,5.312185055,5.312184974,5.312185353,5.31218486,5.312185089,5.312185221,5.312185336,5.312185127,5.312185133,5.312185133,5.312185306,5.31218549
+"39","ABCA6",3.094393727,3.094393746,3.094393743,3.094393741,3.094393745,3.094393744,3.094393722,3.094393717,3.094393734,3.094393734,3.094393757,3.094393717,3.094393728,3.094393735,3.094393722,3.094393725,3.094393742,3.094393749,3.094393728,3.09439375,3.094393715,3.094393727,3.094393727,3.09439372,3.094393728,3.09439372,3.094393727,3.094393724
+"40","ABCA7",7.484421567,7.484423634,7.484423936,7.484424705,7.48442265,7.484424105,7.484424647,7.48442333,7.484420138,7.484423215,7.484423764,7.484423081,7.48442385,7.484422471,7.484421263,7.484424006,7.484423438,7.484424489,7.484423693,7.48442406,7.48442407,7.484423891,7.484419267,7.484423585,7.484424646,7.484423556,7.48442395,7.484422051
+"41","ABCA8",3.095081491,3.095081509,3.095081535,3.095081536,3.095081549,3.095081534,3.095081514,3.095081549,3.095081543,3.095081552,3.095081556,3.095081537,3.095081522,3.095081513,3.095081542,3.095081546,3.095081536,3.09508156,3.095081578,3.09508154,3.095081529,3.095081542,3.09508153,3.095081526,3.095081564,3.095081527,3.0950815,3.095081514
+"42","ABCA9",3.524404562,3.524404591,3.52440456,3.524404571,3.524404575,3.524404579,3.524404558,3.524404578,3.524404567,3.524404581,3.524404566,3.524404589,3.524404543,3.524404567,3.524404575,3.524404579,3.524404576,3.524404618,3.524404605,3.524404558,3.52440457,3.524404594,3.524404584,3.524404579,3.524404574,3.524404573,3.524404534,3.524404571
+"43","ABCB1",5.876468518,5.876468493,5.876468283,5.876468361,5.876468264,5.876468264,5.876468434,5.876468496,5.876468456,5.876468275,5.87646825,5.87646834,5.876468472,5.876468573,5.876468606,5.876468572,5.876468299,5.876468407,5.876468302,5.876468197,5.876468442,5.876468496,5.876468558,5.876468434,5.876468425,5.876468414,5.876468501,5.876468545
+"44","ABCB10",6.92568735,6.925687338,6.925687359,6.925687343,6.92568736,6.925687338,6.925687361,6.92568736,6.925687354,6.925687352,6.925687365,6.925687369,6.925687345,6.92568735,6.925687352,6.925687322,6.925687365,6.925687346,6.925687352,6.92568734,6.925687351,6.925687364,6.925687342,6.925687342,6.925687357,6.925687359,6.925687346,6.925687348
+"45","ABCB11",3.486450401,3.486450404,3.48645051,3.486450465,3.486450497,3.486450476,3.486450663,3.48645056,3.486450472,3.486450422,3.486450426,3.486450663,3.486450386,3.486450385,3.486450626,3.486450572,3.486450752,3.486450543,3.486450594,3.486450499,3.486450574,3.48645066,3.486450444,3.486450357,3.486450411,3.48645046,3.48645041,3.48645057
+"46","ABCB4",4.435103899,4.43510364,4.435103495,4.435103766,4.435103514,4.435103639,4.435103622,4.435103481,4.435103488,4.435103704,4.435103479,4.435103576,4.435103458,4.435103915,4.435103814,4.435103471,4.435103573,4.435103573,4.435103746,4.435103498,4.435103596,4.435103564,4.43510344,4.435103802,4.435103531,4.4351035,4.435103344,4.435103807
+"47","ABCB5",3.122658227,3.12265823,3.122658245,3.122658258,3.122658236,3.122658238,3.122658234,3.12265826,3.122658228,3.122658241,3.122658258,3.122658255,3.122658244,3.122658219,3.122658222,3.122658238,3.122658235,3.12265826,3.122658229,3.122658237,3.122658231,3.122658229,3.122658246,3.122658231,3.122658234,3.122658233,3.122658231,3.122658239
+"48","ABCB6",5.157030384,5.157030515,5.157030469,5.157030502,5.157030499,5.157030465,5.157030488,5.157030494,5.157030483,5.157030537,5.157030546,5.157030545,5.157030454,5.157030463,5.157030484,5.157030529,5.157030455,5.157030453,5.157030439,5.157030502,5.157030522,5.157030496,5.157030446,5.157030496,5.157030449,5.157030464,5.15703045,5.15703044
+"49","ABCB7",5.978925641,5.978925136,5.978925403,5.978925113,5.978925135,5.978925134,5.978925324,5.978925151,5.978925344,5.978925314,5.9789251,5.978925453,5.978925451,5.978925761,5.978925203,5.978924923,5.978925229,5.978924833,5.978925498,5.978925231,5.978925272,5.978925222,5.978925485,5.978925527,5.978925322,5.978925373,5.978925494,5.978925563
+"50","ABCB9",4.572190389,4.572190349,4.572190412,4.572190428,4.572190502,4.572190433,4.572190446,4.572190423,4.572190405,4.572190453,4.57219044,4.572190499,4.57219043,4.572190334,4.572190479,4.572190399,4.572190482,4.572190483,4.572190413,4.572190402,4.572190467,4.572190453,4.572190453,4.572190389,4.572190389,4.572190436,4.572190367,4.572190481
+"51","ABCC1",7.58470718,7.584707418,7.584706703,7.584707165,7.584707346,7.584707325,7.584707457,7.584707055,7.584707572,7.584707398,7.584707354,7.584707092,7.584707368,7.584707388,7.584706792,7.584707146,7.584706364,7.584706799,7.584707483,7.584707161,7.584707068,7.584706834,7.584707231,7.58470725,7.584706793,7.584707098,7.584707326,7.58470713
+"52","ABCC10",6.948853293,6.948853228,6.94885313,6.948853033,6.948853293,6.948853284,6.948853253,6.948853305,6.948853268,6.948853223,6.948853165,6.948853285,6.948853375,6.948853187,6.948853204,6.948853252,6.948853011,6.94885319,6.94885327,6.948853254,6.948853242,6.948853352,6.94885321,6.948853297,6.948853224,6.948853321,6.948853307,6.948853191
+"53","ABCC11",4.336629974,4.336630008,4.336630008,4.336630012,4.336630043,4.336630041,4.33663002,4.336630051,4.33663,4.336629988,4.336630058,4.33663003,4.336630009,4.336629984,4.336630062,4.336630034,4.336630034,4.33663,4.336630034,4.336630038,4.336630044,4.336630082,4.336629984,4.336629973,4.336629967,4.336630043,4.336629985,4.336630006
+"54","ABCC12",3.804718646,3.804718645,3.804718658,3.80471867,3.804718663,3.804718645,3.804718656,3.804718657,3.804718645,3.804718646,3.804718664,3.804718682,3.804718656,3.804718647,3.804718668,3.804718665,3.80471868,3.804718661,3.804718654,3.804718652,3.804718654,3.804718658,3.804718653,3.804718651,3.804718668,3.804718635,3.804718653,3.804718642
+"55","ABCC13",4.187133274,4.187133285,4.187133369,4.187133296,4.187133252,4.18713335,4.187133245,4.18713341,4.187133286,4.187133331,4.187133376,4.187133411,4.187133218,4.187133204,4.187133259,4.187133263,4.187133314,4.187133303,4.187133219,4.187133304,4.187133258,4.187133333,4.187133282,4.187133395,4.187133312,4.187133395,4.187133278,4.187133239
+"56","ABCC2",4.850664893,4.850664892,4.850664853,4.850664871,4.85066486,4.850664898,4.850664848,4.850664839,4.850664883,4.850664877,4.850664887,4.850664865,4.85066485,4.85066484,4.850664874,4.850664837,4.850664894,4.850664867,4.850664879,4.850664868,4.850664891,4.85066482,4.850664899,4.850664869,4.850664909,4.850664872,4.850664876,4.850664828
+"57","ABCC3",5.799756903,5.799757667,5.799757501,5.799759049,5.799758005,5.799757198,5.799757094,5.799756688,5.799756423,5.799758101,5.799757921,5.799757739,5.79975676,5.799756034,5.799757353,5.799757471,5.799757904,5.799759176,5.799757598,5.799757224,5.799757258,5.799756844,5.799756151,5.799758009,5.799757731,5.799757844,5.799757116,5.799756244
+"58","ABCC4",6.355109407,6.355109704,6.355109948,6.355110012,6.355109689,6.355109496,6.355109394,6.355109624,6.355109874,6.355109566,6.355110028,6.355109765,6.355109536,6.355109664,6.355109471,6.35510918,6.355109682,6.355110133,6.355109327,6.355108663,6.355109402,6.355109607,6.355109914,6.355109843,6.355109935,6.355109874,6.355109394,6.355109712
+"59","ABCC5",6.648936255,6.648936477,6.648936296,6.648936263,6.648935957,6.648935891,6.648936289,6.648936158,6.648936144,6.648936142,6.648936047,6.648936085,6.648936036,6.648936252,6.64893645,6.648936557,6.648936393,6.648936171,6.64893624,6.648936028,6.648936317,6.648936117,6.648936338,6.648936368,6.648936169,6.648936198,6.648936032,6.648936007
+"60","ABCC6",5.461208463,5.461208866,5.46120901,5.461209407,5.461209514,5.461208653,5.461209358,5.461209632,5.461209115,5.46120889,5.461209495,5.461209239,5.461209074,5.461208576,5.461209433,5.461209122,5.461209644,5.461209175,5.461209031,5.461209048,5.461209495,5.461209555,5.461208975,5.461208613,5.461209247,5.461209479,5.461209131,5.46120909
+"61","ABCC8",5.23502899,5.235029006,5.235029114,5.235029116,5.235029199,5.235029004,5.23502915,5.235029143,5.235029054,5.235029012,5.23502913,5.235029275,5.235029055,5.235028963,5.235029191,5.235029076,5.235029238,5.235029157,5.23502914,5.235029096,5.235029208,5.235029263,5.235029007,5.235029051,5.235029129,5.235029143,5.235029064,5.235029114
+"62","ABCC9",3.283755715,3.283755729,3.283755728,3.283755716,3.283755732,3.283755712,3.283755724,3.283755734,3.283755715,3.283755716,3.283755727,3.283755729,3.283755727,3.283755711,3.283755739,3.283755713,3.283755727,3.283755725,3.283755722,3.283755717,3.283755729,3.283755723,3.283755708,3.283755716,3.283755721,3.283755724,3.283755711,3.283755708
+"63","ABCD1",6.353299911,6.353300181,6.353300072,6.353300115,6.353300073,6.353300162,6.353299941,6.353300027,6.353300083,6.353300023,6.353300025,6.353300126,6.353300072,6.353299956,6.353300098,6.353300197,6.35330008,6.353300181,6.353300118,6.353300071,6.353300008,6.353300193,6.353299859,6.353299772,6.353299999,6.353300134,6.353299985,6.353300061
+"64","ABCD2",6.567409779,6.567408927,6.567408237,6.56740626,6.567407841,6.567406257,6.567408341,6.567407664,6.567410559,6.56740856,6.56740648,6.567407275,6.567409124,6.567411357,6.567408834,6.567407967,6.567407723,6.567407274,6.567409136,6.567405287,6.567408155,6.567408535,6.567410722,6.567408572,6.567406864,6.567408088,6.56740903,6.567410418
+"65","ABCD3",6.328985235,6.328984238,6.328984191,6.328982925,6.328984007,6.328982761,6.328984077,6.328983091,6.328984611,6.328984352,6.328983475,6.328983492,6.328983808,6.328986453,6.328984075,6.328984082,6.328983613,6.328982085,6.32898447,6.328983489,6.328983908,6.328982828,6.328984924,6.328983838,6.32898323,6.328983641,6.328983526,6.328985257
+"66","ABCD4",6.519913717,6.519913729,6.519913729,6.519913708,6.519913715,6.519913743,6.519913735,6.51991374,6.51991374,6.519913721,6.519913723,6.519913739,6.519913738,6.5199137,6.51991373,6.519913694,6.519913702,6.519913711,6.519913715,6.519913653,6.519913736,6.519913736,6.519913723,6.519913732,6.519913698,6.519913743,6.519913732,6.519913715
+"67","ABCE1",5.073083578,5.073083349,5.073082895,5.073082158,5.073082221,5.073082193,5.073082117,5.073082157,5.073082788,5.07308313,5.073082308,5.073081551,5.073082745,5.073085102,5.073082535,5.073082346,5.073082352,5.073081697,5.073082904,5.07308236,5.073082868,5.073082323,5.073083506,5.07308271,5.073081543,5.073082688,5.073083196,5.073084175
+"68","ABCF1",7.658936752,7.658936774,7.658936757,7.6589367,7.658936774,7.658936866,7.658936815,7.658936763,7.658936856,7.658936846,7.658936689,7.658936742,7.658936802,7.658936888,7.658936803,7.658936712,7.658936711,7.65893665,7.658936774,7.658936772,7.658936759,7.658936742,7.658936869,7.658936778,7.658936635,7.658936775,7.658936782,7.658936855
+"69","ABCF3",6.847559563,6.847559582,6.847559443,6.847559465,6.847559188,6.847559686,6.847559504,6.847559237,6.847559571,6.847559658,6.847558995,6.847559352,6.847559591,6.847559838,6.847559487,6.847559488,6.847559142,6.847559009,6.847559342,6.847559767,6.847559182,6.84755951,6.847559447,6.847559658,6.847559331,6.84755962,6.847559701,6.847559488
+"70","ABCG1",6.574559976,6.574561361,6.574559418,6.574561656,6.57456017,6.57456078,6.574559213,6.57456035,6.574560934,6.574559052,6.574559922,6.574559806,6.574558992,6.574559878,6.574560609,6.574561511,6.574559897,6.574561397,6.574561311,6.574561048,6.574558996,6.574560989,6.574561637,6.574560758,6.574560612,6.574560299,6.574559696,6.574558957
+"71","ABCG2",4.11103003,4.111030026,4.111030043,4.111030027,4.11103004,4.111030039,4.111030035,4.111030029,4.111030037,4.11103003,4.111030031,4.111030035,4.11103003,4.111030012,4.111030033,4.111030028,4.111030041,4.11103003,4.111030022,4.111030039,4.11103004,4.111030041,4.111030037,4.111030033,4.111030036,4.111030043,4.111030037,4.111030021
+"72","ABCG4",5.369258641,5.369258598,5.369258687,5.369258792,5.369258997,5.36925856,5.369258765,5.369258907,5.369258605,5.369258549,5.369258887,5.36925878,5.369258653,5.369258574,5.369258893,5.369258937,5.369258718,5.369258727,5.369258572,5.369258832,5.369258857,5.369258878,5.369258726,5.369258735,5.369258722,5.369258816,5.369258656,5.369258504
+"73","ABCG5",4.046313582,4.046313589,4.046313608,4.046313632,4.046313641,4.046313583,4.046313599,4.046313621,4.046313611,4.046313597,4.046313634,4.046313615,4.046313637,4.046313552,4.04631365,4.04631364,4.04631365,4.046313652,4.046313605,4.046313607,4.046313655,4.046313607,4.046313554,4.046313581,4.04631363,4.046313626,4.046313591,4.04631364
+"74","ABCG8",4.874293036,4.874293174,4.874293216,4.874293229,4.87429332,4.874293227,4.874293139,4.874293214,4.874293208,4.874293424,4.874293428,4.874293438,4.87429324,4.874292749,4.874293327,4.874293326,4.874293398,4.874293382,4.874293148,4.874293264,4.874293239,4.874293318,4.874293216,4.874293231,4.87429334,4.874293217,4.874293106,4.874293184
+"75","ABHD1",4.922929633,4.922929616,4.922929664,4.92292965,4.922929693,4.92292963,4.92292967,4.922929693,4.922929647,4.92292963,4.922929691,4.922929687,4.922929621,4.922929595,4.922929678,4.922929613,4.922929678,4.92292966,4.922929641,4.922929612,4.922929659,4.922929691,4.922929622,4.922929599,4.922929657,4.922929654,4.922929633,4.922929631
+"76","ABHD10",5.408156456,5.408156355,5.408156267,5.408156052,5.408156158,5.408156122,5.408156309,5.408156124,5.408156327,5.408156429,5.40815618,5.408155994,5.408156283,5.408156733,5.408156302,5.408156294,5.408156084,5.408156082,5.408156375,5.40815621,5.408156255,5.408156179,5.408156262,5.408156379,5.408156288,5.408156277,5.408156313,5.40815655
+"77","ABHD11",5.804055198,5.804055186,5.804055286,5.804055303,5.804055261,5.804055432,5.804055283,5.804055361,5.804055316,5.804054942,5.804055316,5.804055421,5.804055138,5.804055142,5.804055363,5.804055456,5.804055457,5.804055206,5.804055354,5.804055451,5.804055381,5.804055346,5.804055121,5.804055323,5.804055335,5.804055244,5.804055375,5.80405506
+"78","ABHD12",7.140597782,7.140597768,7.140597775,7.140597671,7.140597806,7.140597701,7.140597655,7.140597789,7.140597756,7.140597769,7.140597729,7.140597665,7.140597797,7.140597749,7.140597836,7.140597779,7.14059771,7.140597782,7.140597728,7.14059772,7.140597703,7.140597785,7.140597641,7.140597766,7.140597699,7.14059777,7.1405978,7.140597732
+"79","ABHD12B",3.782827229,3.782827219,3.782827196,3.782827225,3.782827206,3.782827257,3.782827252,3.782827232,3.782827268,3.782827232,3.782827214,3.782827233,3.782827223,3.782827222,3.782827249,3.782827204,3.782827281,3.782827199,3.782827228,3.782827254,3.782827228,3.782827247,3.782827212,3.782827219,3.782827243,3.782827209,3.782827251,3.782827214
+"80","ABHD13",6.76972745,6.769727659,6.769727528,6.769727392,6.769726995,6.769726587,6.769727296,6.769727113,6.769727288,6.769727062,6.76972744,6.769726545,6.769727161,6.769728129,6.76972725,6.769727536,6.769727193,6.769727007,6.769727163,6.769727204,6.769727206,6.769727202,6.769727603,6.769727293,6.769727348,6.769726831,6.769727271,6.76972796
+"81","ABHD14B",6.358392152,6.358391985,6.35839205,6.358392033,6.358392186,6.358392257,6.358392388,6.358392193,6.358392298,6.358392302,6.358391819,6.358392202,6.35839221,6.358392109,6.358392234,6.358392031,6.358392227,6.358392042,6.358392218,6.358392161,6.3583923,6.358392257,6.358392156,6.358392097,6.358391804,6.358392261,6.35839215,6.358392209
+"82","ABHD15",6.903542216,6.90354221,6.903542261,6.903542207,6.903542411,6.90354229,6.903542328,6.903542342,6.9035423,6.903542359,6.903542354,6.90354237,6.90354226,6.903542206,6.90354233,6.903542261,6.903542302,6.903542238,6.903542328,6.903542281,6.903542341,6.903542312,6.903542233,6.90354224,6.903542325,6.903542326,6.903542277,6.903542336
+"83","ABHD16A",7.002350981,7.002351058,7.002350913,7.00235105,7.002350915,7.002351087,7.002350944,7.002350984,7.002350929,7.002350968,7.002351016,7.002350997,7.00235101,7.0023509,7.002350944,7.002351014,7.002350873,7.002350984,7.00235099,7.00235108,7.002350922,7.002350969,7.002350957,7.002351042,7.002350951,7.002350982,7.002351017,7.002350824
+"84","ABHD16B",5.522517534,5.522517493,5.522517622,5.52251723,5.522517628,5.522517679,5.522517451,5.522517557,5.522517408,5.522517627,5.522517643,5.522517902,5.522517393,5.522516862,5.522517663,5.522517418,5.522517866,5.522517267,5.52251766,5.522517446,5.522517492,5.522517541,5.522517265,5.522517337,5.522517462,5.522517388,5.52251741,5.522517348
+"85","ABHD17A",7.4414915775,7.44149170725,7.44149183575,7.441491653,7.4414919155,7.44149170175,7.441491716,7.4414920675,7.44149184075,7.44149171075,7.44149171625,7.4414918955,7.44149185375,7.44149142475,7.4414918725,7.441491908,7.44149197175,7.4414918565,7.441491817,7.441491657,7.44149153925,7.44149206675,7.4414918415,7.441491646,7.44149186325,7.44149165825,7.4414917895,7.4414919685
+"86","ABHD17B",5.749057896,5.74905789,5.749057877,5.74905786,5.749057865,5.749057839,5.749057877,5.749057872,5.749057898,5.74905788,5.749057867,5.749057872,5.749057888,5.749057937,5.749057911,5.749057902,5.749057884,5.749057844,5.749057919,5.749057878,5.749057869,5.74905787,5.749057891,5.749057854,5.749057856,5.74905787,5.74905788,5.749057923
+"87","ABHD17C",6.312334477,6.312334491,6.312334497,6.3123345,6.312334519,6.312334429,6.312334468,6.312334538,6.312334513,6.312334491,6.312334497,6.312334559,6.312334492,6.312334413,6.312334508,6.312334475,6.312334512,6.312334483,6.312334487,6.312334482,6.312334458,6.312334485,6.312334502,6.312334466,6.312334499,6.312334493,6.312334476,6.31233447
+"88","ABHD18",6.425403536,6.425403401,6.42540321,6.425403261,6.425402916,6.425403155,6.425403094,6.425402957,6.42540342,6.425403288,6.425403156,6.425403001,6.425403365,6.425403618,6.425403224,6.42540315,6.425402998,6.425402852,6.425403322,6.425403413,6.42540322,6.425403008,6.42540349,6.425403423,6.425403242,6.425403094,6.425403255,6.425403505
+"89","ABHD2",8.809597498,8.809598517,8.809598252,8.809599349,8.809597358,8.809599333,8.809598269,8.809597943,8.80959763,8.809597778,8.809597966,8.809597335,8.809598008,8.809597313,8.80959771,8.809598133,8.809598067,8.809598914,8.809597959,8.809599216,8.809598209,8.809597481,8.809598476,8.809598576,8.809598132,8.809597932,8.809598049,8.809596628
+"90","ABHD3",7.755220615,7.75522078,7.755220573,7.755221287,7.755220107,7.755220802,7.755220661,7.755220262,7.755220215,7.755220035,7.755220537,7.755219614,7.755220554,7.75522072,7.755220476,7.755220834,7.755220281,7.755220802,7.75522082,7.755221115,7.755220735,7.755220366,7.755220508,7.755220494,7.755220716,7.755220342,7.755220811,7.755220267
+"91","ABHD4",7.006628038,7.006628451,7.006628016,7.006628651,7.00662803,7.006628225,7.006627969,7.006628117,7.006628009,7.006628052,7.00662831,7.006627739,7.006628085,7.006628008,7.006628158,7.006628266,7.006628133,7.006628595,7.006628305,7.00662827,7.006628069,7.006627954,7.006628079,7.006628428,7.006628461,7.006627998,7.006628183,7.006627849
+"92","ABHD5",7.808568535,7.80901631,7.808344443,7.810022341,7.807383029,7.808298888,7.808501607,7.808237999,7.807157285,7.806770297,7.808327393,7.80764516,7.808119703,7.807898462,7.8081818,7.809366013,7.808796735,7.809271195,7.808519356,7.808487374,7.808620729,7.807754684,7.808449287,7.808920546,7.808750738,7.808067244,7.807812734,7.807634294
+"93","ABHD6",6.112747271,6.112747348,6.112747288,6.112747281,6.112747364,6.112747346,6.112747282,6.112747304,6.112747322,6.11274739,6.11274732,6.112747263,6.112747367,6.112747445,6.112747349,6.112747323,6.112747323,6.112747256,6.11274734,6.112747405,6.112747271,6.112747261,6.112747239,6.11274737,6.112747307,6.112747317,6.112747344,6.112747369
+"94","ABHD8",6.192157056,6.192157072,6.192157147,6.192157094,6.19215717,6.192157089,6.192157126,6.192157124,6.192157084,6.192157119,6.192157184,6.192157179,6.192157036,6.192157012,6.192157132,6.192157117,6.192157152,6.192157144,6.1921571,6.192157141,6.192157179,6.192157104,6.192157079,6.192157053,6.192157093,6.192157165,6.192157033,6.192157142
+"95","ABI1",7.889442189,7.889442095,7.889441502,7.88944167,7.889441297,7.88944116,7.889441646,7.889441438,7.889441518,7.889441543,7.889441298,7.88944092,7.889441628,7.889442352,7.88944164,7.889442186,7.889441048,7.889441548,7.889441795,7.889441299,7.88944156,7.889441257,7.889441718,7.889441855,7.889441572,7.889441388,7.889441547,7.889441875
+"96","ABI2",5.8513347,5.851334628,5.851334446,5.851334654,5.851334576,5.851334438,5.851334478,5.851334608,5.851334602,5.851334807,5.85133458,5.851334637,5.85133474,5.851334838,5.851334623,5.851334331,5.851334351,5.851334539,5.851334624,5.851334541,5.851334555,5.8513346,5.851334753,5.851334671,5.851334472,5.851334708,5.851334731,5.851334681
+"97","ABI3",7.373880206,7.37387999,7.373880262,7.373879637,7.373879837,7.373880441,7.373880036,7.373879992,7.37387968,7.373880096,7.373880051,7.373879644,7.373880339,7.37388007,7.373879967,7.373879694,7.373879935,7.373879472,7.373879747,7.373880305,7.373879834,7.373880125,7.373880036,7.373880033,7.373879712,7.373879846,7.373880347,7.373879733
+"98","ABI3BP",4.010307304,4.010307551,4.010307598,4.010307661,4.010307846,4.010307391,4.010307412,4.010307787,4.010307461,4.010307721,4.010307739,4.010307952,4.010307485,4.010307389,4.010307636,4.010307653,4.010307864,4.010307957,4.01030753,4.010307582,4.010307839,4.010307752,4.010307418,4.010307543,4.010307837,4.010307513,4.010307556,4.010307776
+"99","ABITRAM",5.466441342,5.46644139,5.466441376,5.466441508,5.466441188,5.466441305,5.466441251,5.466441204,5.466441329,5.466441253,5.466441317,5.466441285,5.466441356,5.466441398,5.466441388,5.466441302,5.466441283,5.466441462,5.466441377,5.466441479,5.466441334,5.466441256,5.466441375,5.466441436,5.466441324,5.466441272,5.466441414,5.466441303
+"100","ABL1",6.445380663,6.445380878,6.445380728,6.445380811,6.445380823,6.445380763,6.445380796,6.445380652,6.445380724,6.445380952,6.445380693,6.445380657,6.445380773,6.445380803,6.445380731,6.445380542,6.445380619,6.445380363,6.445380782,6.445380724,6.445380423,6.445380652,6.445380914,6.445380841,6.445380757,6.445380833,6.445380858,6.445380727
+"101","ABL2",6.294510461,6.294510474,6.294510421,6.29451042,6.294510467,6.294510448,6.294510393,6.294510456,6.294510482,6.294510505,6.294510459,6.294510512,6.294510483,6.294510487,6.294510482,6.294510539,6.294510446,6.294510453,6.294510436,6.294510548,6.294510465,6.294510526,6.29451046,6.294510445,6.294510489,6.294510492,6.294510449,6.294510455
+"102","ABLIM1",7.121990138,7.121990608,7.121989797,7.121989905,7.121990143,7.121989899,7.121989401,7.121990265,7.121991744,7.121991055,7.121988979,7.121990984,7.121991032,7.121991654,7.121989971,7.121989292,7.121988971,7.121989921,7.121990449,7.121988395,7.12198896,7.121990329,7.121991249,7.121990639,7.121988862,7.121990921,7.121991133,7.121991026
+"103","ABLIM2",5.69199103,5.691991075,5.69199098,5.691991008,5.69199126,5.691991072,5.691991095,5.69199108,5.691991159,5.691991002,5.691991195,5.69199113,5.691990974,5.69199089,5.691991269,5.691991147,5.691991182,5.69199115,5.691990964,5.691991149,5.69199113,5.691991179,5.691990925,5.691990995,5.691991039,5.691991153,5.691990956,5.691991106
+"104","ABLIM3",5.765817716,5.765817964,5.765817904,5.765818219,5.76581812,5.765817873,5.765817949,5.765817971,5.765817936,5.765818043,5.765818252,5.765818001,5.765817879,5.765817638,5.765817986,5.765817844,5.765818065,5.76581841,5.765817899,5.765817843,5.765818012,5.765817899,5.765817779,5.765818077,5.765818151,5.765818088,5.765817852,5.765817856
+"105","ABO",5.809714864,5.809714915,5.809715076,5.809714798,5.809715518,5.809715011,5.80971529,5.809715402,5.809715001,5.809714902,5.809715239,5.809715299,5.809714973,5.809714535,5.809715222,5.809715158,5.809715539,5.809715262,5.809715009,5.809715142,5.809715518,5.809715374,5.809714959,5.809714908,5.809715334,5.809715269,5.809715238,5.809714943
+"106","ABR",7.429062712,7.42906279,7.429062778,7.429062862,7.429062724,7.42906286,7.42906279,7.429062721,7.429062705,7.429062772,7.42906279,7.42906269,7.429062776,7.42906277,7.429062732,7.429062762,7.429062721,7.429062821,7.429062759,7.42906279,7.429062775,7.429062741,7.429062749,7.429062823,7.429062821,7.429062779,7.42906279,7.429062703
+"107","ABRA",4.207109823,4.207109762,4.207109787,4.207109783,4.207109877,4.207109762,4.20710979,4.207109883,4.20710975,4.207109786,4.207109705,4.207109836,4.207109801,4.207109724,4.207109864,4.207109821,4.207109879,4.207109818,4.207109841,4.207109787,4.20710985,4.2071098,4.207109729,4.20710977,4.20710982,4.207109851,4.207109732,4.207109789
+"108","ABRACL",5.996121704,5.996121503,5.996121557,5.996121268,5.996121213,5.996121484,5.996121408,5.996121191,5.996121374,5.996121462,5.996121215,5.996121225,5.996121311,5.996121692,5.996121297,5.996121458,5.996121446,5.996121096,5.996121476,5.996121269,5.996121451,5.996121279,5.996121534,5.996121628,5.99612127,5.996121241,5.996121413,5.996121401
+"109","ABRAXAS1",4.671647931,4.671647811,4.671647842,4.671647617,4.671647838,4.671647805,4.671647722,4.671647661,4.671647872,4.671647874,4.671647823,4.671647655,4.671647905,4.671648199,4.671647893,4.671647868,4.67164765,4.671647717,4.671647796,4.67164761,4.671647817,4.67164779,4.671647857,4.671647839,4.671647706,4.671647819,4.671647759,4.671648138
+"110","ABRAXAS2",6.229568009,6.229567973,6.229567965,6.229567962,6.229567968,6.229567971,6.229567952,6.229567932,6.229567903,6.229567968,6.229567843,6.229567921,6.229567975,6.229568107,6.22956797,6.229567963,6.229567833,6.229567902,6.229568018,6.229567992,6.22956794,6.229567918,6.229567997,6.229567928,6.229567932,6.229567965,6.229567994,6.229567999
+"111","ABT1",6.220542617,6.22054256,6.220542537,6.220542581,6.220542579,6.220542553,6.220542572,6.220542601,6.220542578,6.220542568,6.220542533,6.22054257,6.220542615,6.220542625,6.220542592,6.220542513,6.220542565,6.220542588,6.220542613,6.220542578,6.220542566,6.220542629,6.220542627,6.220542574,6.220542561,6.220542587,6.220542589,6.220542641
+"112","ABTB1",9.314824664,9.316108369,9.316034465,9.316977194,9.313941785,9.316118657,9.315485133,9.315790021,9.314240493,9.314025308,9.315724641,9.31493869,9.314906937,9.313758447,9.314800964,9.316227982,9.31609328,9.316228204,9.315472439,9.31556537,9.314813438,9.315515077,9.314918625,9.315556179,9.316174838,9.315266694,9.314764558,9.314001801
+"113","ABTB2",5.616729974,5.616730258,5.616730133,5.616730268,5.616730531,5.61673059,5.616730161,5.61673034,5.616730515,5.616730467,5.616730533,5.616730263,5.616730406,5.616730147,5.616730204,5.616730332,5.616730366,5.616730373,5.616730331,5.616730572,5.616730275,5.616730309,5.616730617,5.616730296,5.616730583,5.616730428,5.616730241,5.616730345
+"114","ABTB3",3.953521338,3.9535213525,3.953521207,3.953521454,3.9535214015,3.953521225,3.9535212335,3.9535213485,3.953521246,3.953521439,3.953521189,3.953521627,3.9535213305,3.953521231,3.9535211995,3.953521253,3.9535215255,3.9535215625,3.953521138,3.953521295,3.953521178,3.953521346,3.9535215395,3.953521254,3.9535213705,3.9535213645,3.953521301,3.953521456
+"115","ACAA1",5.6706981965,5.6706983935,5.670698456,5.6706983715,5.6706982825,5.6706983535,5.6706984165,5.670698348,5.670697961,5.670698439,5.670698336,5.670698271,5.670698335,5.6706983985,5.6706980315,5.670698351,5.670698096,5.670698379,5.670698338,5.6706980865,5.670698002,5.670698057,5.6706983925,5.670698436,5.6706983205,5.670698195,5.670698424,5.6706981775
+"116","ACAA2",5.762061107,5.76206104,5.762061038,5.762061093,5.762061129,5.762061159,5.762061153,5.762061072,5.762061121,5.762061209,5.762061092,5.762061049,5.762061185,5.76206114,5.762061114,5.762061114,5.762061013,5.762061025,5.76206114,5.762061082,5.762061066,5.762061063,5.762061127,5.762061182,5.762061055,5.762061033,5.762061062,5.762061166
+"117","ACACA",5.425619624,5.425619628,5.425619495,5.425619429,5.425619531,5.425619612,5.425619613,5.425619503,5.425619589,5.425619629,5.42561941,5.425619515,5.425619601,5.425619694,5.42561958,5.425619514,5.425619462,5.425619504,5.42561955,5.425619488,5.425619593,5.425619585,5.425619647,5.425619604,5.425619512,5.425619576,5.425619583,5.425619578
+"118","ACACB",5.598319183,5.598319304,5.598318883,5.598319046,5.598319256,5.598318888,5.598318963,5.598319331,5.598319507,5.598319492,5.59831941,5.598319094,5.598319199,5.598319432,5.598318955,5.598319253,5.59831876,5.598319103,5.598319421,5.598319011,5.598318806,5.598319266,5.598319335,5.598319378,5.59831924,5.598319209,5.598319367,5.598319211
+"119","ACAD10",6.509103921,6.509103866,6.509103766,6.509103852,6.509103778,6.509103945,6.509103923,6.509103799,6.509103926,6.509103843,6.509103786,6.509103813,6.509103892,6.50910393,6.509103785,6.509103849,6.509103811,6.509103814,6.509103937,6.509103747,6.509103823,6.509103792,6.509103761,6.509103889,6.509103785,6.509103903,6.509103915,6.509103604
+"120","ACAD8",6.723242031,6.723242042,6.723242045,6.723242023,6.723242011,6.723242015,6.723242035,6.72324202,6.723242039,6.723242033,6.723242012,6.72324201,6.723242027,6.72324204,6.723242018,6.723242042,6.723242018,6.723242028,6.723242016,6.723242005,6.723242037,6.723242013,6.72324203,6.723242041,6.723242015,6.723242023,6.723242029,6.723242027
+"121","ACAD9",6.765954716,6.765954837,6.765954519,6.765954507,6.765954515,6.765954635,6.765954696,6.765954526,6.765954713,6.765954782,6.765954398,6.765954491,6.765954814,6.765954889,6.765954613,6.765954916,6.765954581,6.765954287,6.765954682,6.765954538,6.765954646,6.765954694,6.765954705,6.765954509,6.765954318,6.765954706,6.765954855,6.765954673
+"122","ACADL",3.504138507,3.504138703,3.504138621,3.504138612,3.504138767,3.50413858,3.504138692,3.504138586,3.504138658,3.504138573,3.504138412,3.504138799,3.504138569,3.504138501,3.504138621,3.504138801,3.50413893,3.504138686,3.504138609,3.504138702,3.50413846,3.504138711,3.504138544,3.504138596,3.504138696,3.504138591,3.504138719,3.504138618
+"123","ACADM",6.084107817,6.084107697,6.084107454,6.084107299,6.084107267,6.084107055,6.084107619,6.084107151,6.084107603,6.084107436,6.084106983,6.084106689,6.084107633,6.084108644,6.08410754,6.084107342,6.084107312,6.084106922,6.084107647,6.084106193,6.084107488,6.08410735,6.084107472,6.084107168,6.084107257,6.084107056,6.08410751,6.084107891
+"124","ACADS",6.486005701,6.486005669,6.486005827,6.486005697,6.486005938,6.486005742,6.4860058,6.486005918,6.486005752,6.486005856,6.486005846,6.486005891,6.486005732,6.486005598,6.48600584,6.486005853,6.486005902,6.486005869,6.486005846,6.486005832,6.486005862,6.486005881,6.486005768,6.486005721,6.486005764,6.486005903,6.486005753,6.48600578
+"125","ACADSB",5.39012475,5.390124477,5.39012404,5.390124034,5.390124283,5.390124018,5.390124576,5.390124316,5.390124608,5.390124678,5.390124263,5.390124127,5.390124466,5.390125223,5.390124363,5.390123918,5.390123848,5.39012387,5.390124511,5.390124136,5.390124045,5.390124272,5.390124792,5.3901247,5.390124345,5.390124516,5.390124465,5.390124977
+"126","ACADVL",8.180506831,8.18050672,8.180506728,8.180506719,8.180506805,8.18050682,8.180506867,8.180506675,8.180506765,8.180506842,8.180506685,8.180506738,8.180506761,8.180506766,8.180506716,8.180506723,8.180506763,8.18050664,8.180506743,8.180506782,8.180506765,8.180506732,8.180506658,8.180506735,8.180506648,8.180506737,8.180506639,8.180506606
+"127","ACAN",4.936588228,4.93658822,4.936588253,4.936588237,4.936588252,4.936588205,4.936588271,4.936588258,4.936588213,4.93658823,4.93658826,4.936588258,4.936588226,4.93658823,4.936588257,4.936588244,4.936588275,4.936588263,4.936588245,4.936588251,4.936588272,4.93658828,4.936588195,4.936588231,4.936588263,4.936588276,4.936588239,4.936588232
+"128","ACAP2",8.816432598,8.816433352,8.816431476,8.816432926,8.816430713,8.816431035,8.816430957,8.81643076,8.816430739,8.816430708,8.81643077,8.816428519,8.816431494,8.816433751,8.816431652,8.816433207,8.816431272,8.81643162,8.816432119,8.816431858,8.816431805,8.816430851,8.816432122,8.816432163,8.816431861,8.816430264,8.816431224,8.816431993
+"129","ACAP3",6.555009988,6.555009985,6.555009997,6.555009978,6.555010012,6.55500999,6.555009985,6.555010008,6.555009998,6.555009986,6.555010017,6.555010024,6.555010017,6.555009972,6.555010008,6.555010009,6.555010016,6.555010011,6.555009993,6.555009994,6.55501,6.55501002,6.555009974,6.55500998,6.555010009,6.55501003,6.555009997,6.55500999
+"130","ACAT1",4.741782277,4.741782227,4.741782246,4.741782104,4.741782235,4.741782214,4.741782293,4.741782161,4.741782249,4.741782203,4.741782144,4.741782141,4.741782197,4.74178236,4.741782159,4.741782216,4.741782113,4.741782057,4.741782191,4.741782241,4.741782267,4.741782215,4.741782302,4.741782212,4.741782062,4.741782177,4.741782156,4.741782272
+"131","ACAT2",4.735773322,4.735773305,4.735773289,4.735773256,4.735773262,4.735773247,4.735773298,4.735773265,4.735773279,4.735773292,4.735773245,4.735773256,4.735773298,4.735773363,4.735773268,4.735773287,4.735773293,4.735773226,4.735773298,4.735773294,4.735773284,4.735773285,4.735773303,4.735773255,4.735773214,4.735773279,4.735773279,4.7357733
+"132","ACBD3",7.731393916,7.731393901,7.73139315,7.731393227,7.731393299,7.731392977,7.731393768,7.731393081,7.731393532,7.731393504,7.731392824,7.731392839,7.731393217,7.731395097,7.731393888,7.731393951,7.731393121,7.731393255,7.731393566,7.731392849,7.731393574,7.731393242,7.731393752,7.731393585,7.731392965,7.731393183,7.731393412,7.731394464
+"133","ACBD4",6.060684998,6.060685052,6.060685061,6.060685031,6.060685099,6.060685199,6.060685207,6.060685142,6.060685247,6.060685188,6.060685109,6.060685269,6.06068525,6.06068514,6.060685156,6.060684901,6.06068539,6.06068517,6.060685072,6.060685099,6.060685093,6.060685245,6.060685279,6.060685041,6.060685092,6.060685169,6.060685145,6.060685153
+"134","ACBD5",6.342421129,6.34242108,6.342421032,6.342421041,6.34242098,6.342421098,6.342421006,6.342420934,6.34242102,6.342421005,6.342420978,6.342420854,6.342421023,6.342421247,6.342421136,6.342421046,6.342420986,6.342420955,6.342421089,6.342421048,6.342421016,6.342421054,6.34242108,6.342421088,6.342421104,6.342420952,6.342421039,6.34242117
+"135","ACBD6",5.148325992,5.1483259,5.14832584,5.148325677,5.148325494,5.148325782,5.148325777,5.14832576,5.148325967,5.148325849,5.148325717,5.148325835,5.148325989,5.148326053,5.148325512,5.148325678,5.148325529,5.148325464,5.148325788,5.148325534,5.148325728,5.148325746,5.148325937,5.148325832,5.14832576,5.148325804,5.148326063,5.14832585
+"136","ACCS",6.287778349,6.287778294,6.287776231,6.287776434,6.287779311,6.287776956,6.287776951,6.287777005,6.287778541,6.287777339,6.28777658,6.287778173,6.28777704,6.287778469,6.287777955,6.287778196,6.287776219,6.287776395,6.287779409,6.287776849,6.287776933,6.287776777,6.287778304,6.287776645,6.287776534,6.287778381,6.287776975,6.287778068
+"137","ACCSL",4.529477277,4.529477296,4.529477276,4.529477308,4.529477334,4.52947732,4.529477328,4.529477342,4.529477302,4.529477348,4.529477338,4.529477423,4.529477304,4.529477228,4.529477287,4.529477318,4.529477348,4.529477318,4.529477354,4.529477351,4.529477296,4.529477303,4.529477252,4.529477278,4.529477284,4.529477354,4.529477243,4.529477307
+"138","ACD",6.331696081,6.331696026,6.331695737,6.331696017,6.331695996,6.331696054,6.331695951,6.331696095,6.331696051,6.331696029,6.331695887,6.331695835,6.331696055,6.331696059,6.33169598,6.331695842,6.331695748,6.33169599,6.331695926,6.331695932,6.331695987,6.331696094,6.331695989,6.331695968,6.331695902,6.331695967,6.331696182,6.331696036
+"139","ACE",5.355747051,5.35574707,5.355747193,5.355747094,5.35574728,5.355747083,5.3557472,5.355747246,5.355747171,5.355747208,5.355747187,5.355747244,5.355747157,5.355747006,5.355747243,5.355747124,5.355747293,5.355747215,5.355747095,5.355747124,5.355747226,5.355747238,5.355747059,5.355747082,5.355747195,5.3557472,5.355747064,5.355747146
+"140","ACE2",3.781499753,3.781499845,3.781499964,3.781499929,3.781499808,3.781499793,3.78149975,3.78149974,3.781499667,3.781499853,3.78149966,3.781499887,3.781499747,3.78149961,3.781499695,3.781499937,3.781499685,3.781499799,3.781499784,3.781499655,3.78149974,3.781499656,3.781499726,3.781499711,3.781499681,3.781499739,3.781499685,3.781499643
+"141","ACER1",5.421176355,5.421176341,5.421176383,5.421176443,5.421176501,5.421176368,5.421176409,5.421176435,5.421176453,5.421176376,5.421176439,5.421176514,5.421176358,5.42117632,5.421176468,5.421176425,5.421176502,5.421176438,5.421176437,5.421176415,5.421176451,5.421176445,5.421176443,5.421176352,5.421176402,5.421176445,5.421176352,5.421176422
+"142","ACER2",5.303317493,5.303317505,5.303317499,5.303317491,5.3033175,5.303317497,5.30331749,5.303317495,5.303317514,5.303317503,5.303317503,5.303317507,5.3033175,5.303317495,5.3033175,5.303317497,5.303317509,5.303317509,5.303317505,5.303317484,5.3033175,5.303317504,5.303317503,5.303317504,5.303317508,5.303317502,5.303317497,5.303317493
+"143","ACER3",5.513823922,5.513823957,5.51382374,5.513823545,5.513823501,5.513823743,5.513823549,5.51382328,5.513823127,5.513823714,5.513823891,5.513823285,5.513823707,5.513824083,5.513823371,5.513823501,5.513823338,5.51382313,5.51382355,5.513824122,5.513823617,5.513823612,5.513823295,5.513823558,5.51382362,5.513823234,5.513823232,5.513823448
+"144","ACHE",5.513382438,5.513382417,5.513382465,5.513382452,5.513382463,5.513382456,5.513382453,5.513382459,5.513382433,5.513382454,5.513382458,5.513382462,5.513382434,5.5133824,5.513382468,5.513382442,5.513382472,5.513382467,5.513382445,5.513382455,5.513382457,5.513382476,5.513382441,5.513382421,5.513382454,5.513382466,5.513382449,5.513382433
+"145","ACIN1",7.51011482,7.510114856,7.510114648,7.510114812,7.510114674,7.510114935,7.510114755,7.5101147,7.5101148,7.510114816,7.51011472,7.510114627,7.510114836,7.51011489,7.510114773,7.510114776,7.510114566,7.510114712,7.510114737,7.510114848,7.510114769,7.510114606,7.510114844,7.510114755,7.510114776,7.510114762,7.510114784,7.51011473
+"146","ACKR1",5.446676548,5.446676662,5.446676751,5.446676633,5.446676663,5.446676824,5.446676642,5.446676768,5.446676816,5.446676781,5.446676783,5.446676736,5.446676344,5.446676306,5.446676649,5.44667655,5.446676741,5.446676678,5.446676426,5.446676832,5.446676645,5.446676761,5.446676656,5.446676719,5.446676743,5.446676713,5.446676577,5.446676376
+"147","ACKR2",4.820030788,4.820030767,4.820030893,4.820030766,4.820030833,4.820030683,4.820030779,4.820030789,4.820030806,4.820030748,4.820030944,4.820030843,4.820030629,4.820030522,4.82003072,4.82003066,4.820030849,4.82003084,4.820030796,4.820030796,4.820030758,4.820030732,4.820030717,4.82003072,4.820030846,4.820030716,4.820030763,4.820030786
+"148","ACKR3",4.192000282,4.192000299,4.192000282,4.192000257,4.192000282,4.19200027,4.192000265,4.192000287,4.1920003,4.192000297,4.192000283,4.192000273,4.192000287,4.192000306,4.192000271,4.192000287,4.192000262,4.192000272,4.192000274,4.19200028,4.192000281,4.192000287,4.192000316,4.192000302,4.192000277,4.192000291,4.192000284,4.192000286
+"149","ACKR4",3.324314254,3.3243142525,3.3243143605,3.3243142835,3.324314259,3.3243142345,3.3243141905,3.3243142565,3.324314315,3.32431444,3.324314244,3.3243142975,3.324314185,3.32431428,3.3243142375,3.3243142095,3.3243142545,3.324314358,3.3243142195,3.324314264,3.3243142305,3.3243142325,3.324314253,3.324314241,3.3243142855,3.324314255,3.324314258,3.324314247
+"150","ACLY",8.010842691,8.010842807,8.01084253,8.010842612,8.010842492,8.010842858,8.010842634,8.010842418,8.01084255,8.010842741,8.010842547,8.010842317,8.010842646,8.010842841,8.010842409,8.010842511,8.010842279,8.010842338,8.010842587,8.010842785,8.010842487,8.010842465,8.010842702,8.010842704,8.010842595,8.010842553,8.010842657,8.010842619
+"151","ACMSD",3.86318818,3.863188228,3.863188275,3.863188309,3.863188331,3.863188249,3.863188311,3.863188369,3.863188318,3.863188292,3.863188324,3.863188361,3.863188257,3.86318821,3.863188381,3.863188231,3.863188366,3.86318836,3.863188331,3.863188266,3.863188344,3.863188344,3.863188276,3.863188232,3.863188218,3.8631884,3.863188295,3.863188215
+"152","ACO1",6.24791038,6.247910352,6.247910079,6.247910209,6.247910356,6.247910387,6.247910224,6.247910205,6.247910293,6.247910288,6.247910123,6.247910345,6.247910256,6.247910482,6.24791026,6.247910286,6.247910041,6.247910202,6.247910349,6.247910401,6.247910283,6.247910237,6.247910334,6.247910245,6.247910216,6.247910361,6.247910322,6.24791035
+"153","ACO2",7.704102464,7.704102406,7.704102439,7.704102286,7.704102548,7.70410282,7.704102464,7.704102471,7.704102574,7.704102666,7.704102316,7.70410244,7.704102392,7.704102691,7.704102321,7.704102147,7.704102206,7.704102271,7.704102391,7.704102725,7.704102339,7.704102459,7.704102518,7.704102611,7.704102171,7.704102484,7.704102524,7.704102515
+"154","ACOD1",3.777833598,3.777833691,3.777833697,3.777833676,3.777833709,3.777833664,3.777833614,3.777833706,3.777833691,3.777833735,3.77783377,3.777833752,3.777833706,3.777833634,3.777833654,3.777833743,3.777833695,3.777833784,3.777833727,3.777833696,3.777833639,3.777833698,3.777833669,3.777833737,3.77783378,3.777833735,3.777833688,3.777833694
+"155","ACOT1",6.236137267,6.236137143,6.236137455,6.236137397,6.236137502,6.236137541,6.236137464,6.236137491,6.236137484,6.236137539,6.236137429,6.236137367,6.236137389,6.236137294,6.236137466,6.236137214,6.236137467,6.236137493,6.236137372,6.23613733,6.236137392,6.236137503,6.236137339,6.236137322,6.236137487,6.23613729,6.236137386,6.236137434
+"156","ACOT11",5.527219601,5.527219649,5.527219638,5.527219644,5.527219673,5.527219618,5.527219659,5.527219682,5.527219653,5.527219678,5.527219697,5.527219726,5.527219663,5.527219639,5.527219665,5.527219619,5.527219727,5.527219722,5.527219658,5.527219656,5.527219667,5.527219699,5.527219667,5.527219611,5.527219678,5.5272197,5.527219662,5.527219635
+"157","ACOT12",4.052562811,4.05256278,4.052562818,4.052562816,4.05256284,4.052562848,4.052562827,4.052562814,4.052562848,4.052562811,4.052562836,4.052562833,4.052562809,4.052562794,4.052562821,4.052562808,4.052562844,4.052562849,4.052562835,4.052562828,4.052562811,4.052562841,4.052562816,4.052562809,4.052562818,4.052562811,4.052562813,4.052562798
+"158","ACOT13",5.495091598,5.495091368,5.495091206,5.495091562,5.49509098,5.495091251,5.495091335,5.495091115,5.495091547,5.495091351,5.495091066,5.495091338,5.495091449,5.495091517,5.495091262,5.495091455,5.495091024,5.495091331,5.495091258,5.495091218,5.49509135,5.495091242,5.49509158,5.495091457,5.495091213,5.495091323,5.495091466,5.495091366
+"159","ACOT2",6.742777465,6.742777487,6.7427778,6.74277719,6.742777418,6.742777867,6.742777406,6.742777045,6.742777849,6.74277755,6.742777483,6.742777577,6.742777555,6.742777588,6.742777704,6.742777393,6.742777708,6.742777408,6.742777687,6.742777684,6.74277724,6.742777566,6.742777926,6.742777512,6.742777319,6.742777253,6.74277767,6.742777303
+"160","ACOT4",4.401810679,4.401810721,4.401810746,4.40181075,4.401810832,4.401810787,4.401810697,4.401810764,4.401810798,4.401810742,4.401810855,4.401810744,4.40181074,4.40181075,4.401810649,4.401810691,4.401810767,4.401810717,4.401810755,4.401810765,4.401810717,4.401810805,4.401810804,4.401810744,4.401810794,4.4018108,4.401810766,4.401810755
+"161","ACOT6",3.78033052,3.780330686,3.780330659,3.780330662,3.780330769,3.780330646,3.780330647,3.780330703,3.780330658,3.780330573,3.780330709,3.780330615,3.780330612,3.780330584,3.780330695,3.7803307,3.780330703,3.780330624,3.780330632,3.780330705,3.780330631,3.780330741,3.780330646,3.780330637,3.780330629,3.780330631,3.780330646,3.780330695
+"162","ACOT7",7.046375338,7.046375364,7.046375588,7.046375266,7.046375929,7.046375422,7.046375703,7.046375582,7.046375525,7.046375694,7.046375604,7.046375844,7.046375323,7.046374765,7.046375752,7.046375451,7.046375734,7.04637569,7.04637556,7.046375394,7.046375661,7.04637562,7.046375386,7.046375241,7.046375462,7.046375618,7.046375542,7.04637544
+"163","ACOT8",6.825633463,6.82563347,6.82563349,6.825633484,6.825633471,6.825633502,6.825633476,6.825633475,6.825633469,6.825633452,6.825633471,6.825633491,6.825633473,6.825633471,6.82563345,6.825633454,6.825633459,6.825633483,6.825633482,6.825633508,6.825633474,6.825633453,6.825633468,6.82563347,6.825633451,6.825633469,6.825633479,6.82563346
+"164","ACOT9",6.92642465,6.92642482,6.926424175,6.926424839,6.92642423,6.92642568,6.926424784,6.926424251,6.926424374,6.926424373,6.926424113,6.926423141,6.926424227,6.926424758,6.926424347,6.926424743,6.926424065,6.926424291,6.926424791,6.926426039,6.9264247,6.926424185,6.926424838,6.926424869,6.926424071,6.926423867,6.926424432,6.926424392
+"165","ACOX1",8.0448758,8.044875993,8.044875803,8.044878515,8.044873656,8.04487574,8.044875332,8.044875239,8.04487489,8.044873845,8.044875283,8.044874944,8.044875305,8.044875406,8.044875879,8.044876334,8.044875887,8.044877675,8.04487564,8.044875588,8.044875599,8.044875088,8.044876397,8.044875819,8.044876252,8.044875777,8.044875281,8.044874632
+"166","ACOX2",4.465054411,4.465054461,4.465054436,4.465054586,4.465054568,4.465054355,4.465054492,4.465054495,4.465054445,4.465054461,4.465054514,4.465054693,4.465054487,4.465054409,4.465054644,4.465054419,4.465054645,4.465054525,4.465054468,4.465054588,4.465054548,4.465054565,4.465054469,4.465054375,4.465054473,4.465054546,4.465054452,4.465054622
+"167","ACOX3",6.512592087,6.512592117,6.512591975,6.512592047,6.512591887,6.512592062,6.512592119,6.512592143,6.512592169,6.512591919,6.512591903,6.512592098,6.51259211,6.512592109,6.512592145,6.512591993,6.512592063,6.512591785,6.512592038,6.512592111,6.512592145,6.512592106,6.512592074,6.512591886,6.512591774,6.512592139,6.51259215,6.512591835
+"168","ACOXL",4.441580347,4.441580385,4.441580374,4.441580384,4.441580368,4.441580352,4.441580347,4.441580364,4.441580362,4.441580359,4.441580392,4.441580345,4.441580367,4.441580342,4.441580365,4.441580382,4.44158038,4.441580374,4.441580368,4.441580368,4.441580371,4.441580367,4.441580358,4.441580366,4.441580379,4.441580358,4.441580361,4.441580347
+"169","ACOXL-AS1",4.043449813,4.043449874,4.043449866,4.043449868,4.043449868,4.043449825,4.043449863,4.043449874,4.043449867,4.043449858,4.043449856,4.04344986,4.043449854,4.043449827,4.043449844,4.043449866,4.043449898,4.043449855,4.043449811,4.043449824,4.043449858,4.043449881,4.043449835,4.043449832,4.043449859,4.043449818,4.043449832,4.043449845
+"170","ACP1",7.232685933,7.2326858,7.232685856,7.232685286,7.232685648,7.232685711,7.232685846,7.232686201,7.232686189,7.232685827,7.232685621,7.232685808,7.232685841,7.232686233,7.232685765,7.232685355,7.232685548,7.232685477,7.232685584,7.232685411,7.232685637,7.23268586,7.232686285,7.232685882,7.232685767,7.232685744,7.232685913,7.232685895
+"171","ACP2",6.195639163,6.195639172,6.195639129,6.195638977,6.195639363,6.195639397,6.195639137,6.195639115,6.19563909,6.195639326,6.195639173,6.195639119,6.195639316,6.19563901,6.195639116,6.195639017,6.195639115,6.195639053,6.195639142,6.195639244,6.195639254,6.195639218,6.195639082,6.195639252,6.1956391,6.195639179,6.195639285,6.195639178
+"172","ACP3",6.984994529,6.98499516,6.984994528,6.984995078,6.984994193,6.984994864,6.984994624,6.984994519,6.98499398,6.984994569,6.984994433,6.984993925,6.984994502,6.984994493,6.984994362,6.98499455,6.984994286,6.984994767,6.984994454,6.984995041,6.984994562,6.984994686,6.984994566,6.984994874,6.984994354,6.984994352,6.984994541,6.984993661
+"173","ACP4",6.214111127,6.214111081,6.214111407,6.214111283,6.214111509,6.214111102,6.214111193,6.214111422,6.214111278,6.21411124,6.214111372,6.2141116,6.2141112,6.214110895,6.214111493,6.21411132,6.214111493,6.214111354,6.214111284,6.214111288,6.21411156,6.214111389,6.214111207,6.214111143,6.214111411,6.214111487,6.21411113,6.214111366
+"174","ACP5",6.617651649,6.617651453,6.617652145,6.617651451,6.617651463,6.617652118,6.617651572,6.617651582,6.617651679,6.617651871,6.617651253,6.617651422,6.617651516,6.617651632,6.617651777,6.617651451,6.617652097,6.617651238,6.617651611,6.617652091,6.617651469,6.617651744,6.61765191,6.61765206,6.617651233,6.617651491,6.617651636,6.617651711
+"175","ACP6",6.059029481,6.0590295,6.059029476,6.059029516,6.059029448,6.059029491,6.059029496,6.059029497,6.059029515,6.059029498,6.059029458,6.059029516,6.059029506,6.059029526,6.059029466,6.059029453,6.059029459,6.059029448,6.059029521,6.059029469,6.059029479,6.059029506,6.059029522,6.059029497,6.059029457,6.059029522,6.059029497,6.059029501
+"176","ACP7",4.253271208,4.253271213,4.25327123,4.253271268,4.253271291,4.253271237,4.253271262,4.253271259,4.253271271,4.253271253,4.253271255,4.253271284,4.253271273,4.253271193,4.253271261,4.253271209,4.253271262,4.253271282,4.253271253,4.253271237,4.253271269,4.2532713,4.25327121,4.253271252,4.253271261,4.253271258,4.253271227,4.253271258
+"177","ACR",5.220949986,5.2209501325,5.220950301,5.220950203,5.220950477,5.2209501775,5.2209503305,5.220950502,5.220950208,5.2209501795,5.2209503215,5.2209505675,5.2209502615,5.220950065,5.220950416,5.220950216,5.2209506155,5.22095031,5.2209503645,5.220950246,5.220950517,5.220950495,5.2209502475,5.2209502205,5.2209502485,5.220950366,5.220950194,5.22095044
+"178","ACRBP",6.39116414,6.391164141,6.391164085,6.391164221,6.391164195,6.391164117,6.391164127,6.391164112,6.391163954,6.391164091,6.391164186,6.391164078,6.391164195,6.391164056,6.391164159,6.391164172,6.391164224,6.391164315,6.391164143,6.391164155,6.391164175,6.391164108,6.391164032,6.391164056,6.391164139,6.391164157,6.391164086,6.391164099
+"179","ACRV1",3.310584087,3.310584107,3.310584152,3.310584133,3.310584131,3.310584089,3.310584121,3.310584114,3.310584123,3.310584072,3.310584122,3.310584133,3.310584118,3.310584102,3.310584189,3.310584092,3.310584153,3.310584213,3.310584133,3.310584169,3.310584127,3.310584182,3.310584093,3.310584081,3.310584123,3.310584075,3.310584081,3.310584128
+"180","ACSBG1",4.403575649,4.403575643,4.403575611,4.403575704,4.403575816,4.403575624,4.403575666,4.403575708,4.403575702,4.403575605,4.403575741,4.403575666,4.403575612,4.403575582,4.403575698,4.403575631,4.403575753,4.403575782,4.403575691,4.403575591,4.403575782,4.403575688,4.403575662,4.403575599,4.40357567,4.40357572,4.403575632,4.403575657
+"181","ACSBG2",3.514358846,3.514358968,3.514358982,3.514358992,3.514358975,3.514358912,3.514358965,3.514358991,3.514358957,3.514358893,3.514358931,3.514358987,3.514358961,3.514358871,3.514358924,3.514358999,3.514359,3.514358955,3.514358934,3.51435894,3.51435893,3.514358979,3.514358937,3.514358905,3.514359002,3.514358946,3.514358963,3.514358934
+"182","ACSF2",5.76741328,5.767413478,5.767413395,5.767413282,5.767413482,5.767413393,5.767413565,5.767413345,5.767413404,5.767413269,5.767413552,5.767413281,5.76741351,5.767413521,5.767413356,5.767413424,5.767413314,5.767413272,5.767413491,5.767413385,5.767413464,5.767413382,5.767413398,5.767413341,5.767413561,5.767413454,5.767413392,5.767413407
+"183","ACSF3",6.654670367,6.654670407,6.654670275,6.654670129,6.654670401,6.654670514,6.654670283,6.654670458,6.65467059,6.654670421,6.65467031,6.654670385,6.654670443,6.654670424,6.654670302,6.65467026,6.654670142,6.654670187,6.654670295,6.65467018,6.65467029,6.654670458,6.654670563,6.654670466,6.654670233,6.654670282,6.654670456,6.654670335
+"184","ACSL1",9.925740141,10.31240179,9.396403548,10.85316944,9.614516789,10.16625732,10.3560104,9.71768665,9.981549682,10.02120909,9.961757828,9.170836528,9.729875642,9.761030172,10.12817108,10.46519046,9.732372828,10.6236884,10.28078005,10.57649852,10.14332774,9.771983485,10.36810539,10.51859927,10.18656306,9.335504843,9.614152771,9.472637319
+"185","ACSL3",6.248577831,6.248577872,6.248577508,6.248577708,6.248577617,6.248577813,6.24857779,6.248577574,6.24857773,6.248577682,6.248577698,6.248577453,6.248577628,6.248577948,6.248577696,6.248577771,6.248577426,6.248577662,6.248577796,6.248577867,6.248577672,6.248577632,6.248577847,6.248577885,6.248577654,6.248577668,6.248577664,6.24857766
+"186","ACSL4",7.261201028,7.261201058,7.26119947,7.261201096,7.26119985,7.261201349,7.261200641,7.261199595,7.261199605,7.261199448,7.261200196,7.261197635,7.261199831,7.261201763,7.2612003,7.261200515,7.261199344,7.261200322,7.261201317,7.261201185,7.261200343,7.261199819,7.261201406,7.261200934,7.261201011,7.261198662,7.261199968,7.261200292
+"187","ACSL5",7.576686403,7.576685857,7.576685288,7.576685148,7.576685458,7.576686137,7.576685587,7.576685819,7.576685952,7.576685778,7.576685332,7.57668516,7.576686048,7.576686275,7.576686001,7.57668547,7.576684809,7.576684782,7.57668557,7.576686117,7.576685763,7.576685669,7.576685908,7.576685834,7.576685246,7.576685659,7.576686119,7.576685584
+"188","ACSM1",4.439760643,4.439760668,4.439760653,4.439760672,4.439760664,4.43976067,4.439760655,4.43976066,4.439760657,4.439760661,4.439760674,4.439760675,4.439760678,4.439760631,4.439760647,4.439760644,4.439760659,4.439760679,4.439760662,4.439760656,4.439760633,4.439760655,4.439760666,4.439760649,4.439760646,4.439760656,4.439760664,4.43976065
+"189","ACSM2A",4.006040271,4.006040302,4.006040302,4.006040219,4.006040312,4.006040291,4.006040268,4.006040286,4.006040278,4.006040275,4.006040259,4.006040324,4.006040268,4.006040268,4.006040326,4.006040251,4.006040343,4.006040302,4.006040303,4.006040285,4.006040271,4.006040273,4.006040264,4.006040277,4.00604034,4.006040283,4.006040299,4.006040304
+"190","ACSM3",4.177447389,4.177447418,4.177447359,4.177447409,4.177447389,4.177447427,4.177447407,4.177447396,4.1774474,4.177447442,4.177447428,4.177447403,4.177447434,4.177447477,4.177447389,4.177447401,4.177447379,4.177447409,4.177447443,4.177447411,4.177447385,4.177447414,4.177447413,4.177447431,4.177447433,4.177447417,4.177447457,4.177447452
+"191","ACSM5",4.470571508,4.47057152,4.470571514,4.470571558,4.470571618,4.470571702,4.470571637,4.470571669,4.470571655,4.470571549,4.470571614,4.470571593,4.470571567,4.470571475,4.470571759,4.470571715,4.470571658,4.47057161,4.47057158,4.470571631,4.470571707,4.470571619,4.470571567,4.470571584,4.470571511,4.470571649,4.470571514,4.470571503
+"192","ACSM6",3.816009676,3.816009817,3.816009762,3.816009988,3.816009972,3.816009804,3.816009852,3.816009939,3.816009922,3.816009743,3.816009857,3.816009994,3.8160099,3.816009707,3.816009938,3.816009934,3.816010046,3.816009846,3.816009893,3.816009889,3.816009918,3.816009895,3.816009732,3.816009747,3.816009777,3.816009872,3.81600979,3.81600985
+"193","ACSS1",7.248518865,7.248518826,7.248518457,7.2485184,7.248518651,7.248518947,7.248518726,7.248518474,7.248518833,7.248518843,7.248518502,7.248518365,7.248518871,7.248518974,7.248518571,7.248518736,7.248518317,7.248518271,7.248518646,7.248518545,7.248518571,7.248518563,7.248518662,7.248518801,7.248518375,7.248518631,7.248518915,7.248518706
+"194","ACSS2",6.569633625,6.569633564,6.569633503,6.569633762,6.569633473,6.569633809,6.569633518,6.569633382,6.569633411,6.569633551,6.569633606,6.569633382,6.569633563,6.569633553,6.569633493,6.569633532,6.56963317,6.569633487,6.569633576,6.569633828,6.569633482,6.5696334,6.569633373,6.569633704,6.569633523,6.569633505,6.569633673,6.569633332
+"195","ACSS3",3.651776098,3.651776141,3.651776075,3.651776156,3.651776126,3.651776118,3.651776072,3.651776137,3.651776132,3.651776155,3.651776145,3.651776143,3.651776157,3.65177608,3.651776092,3.651776172,3.651776115,3.65177614,3.65177613,3.651776119,3.651776086,3.65177613,3.65177607,3.651776098,3.651776125,3.65177609,3.651776055,3.651776074
+"196","ACTA1",7.227017267,7.227017045,7.227017635,7.227017672,7.227018367,7.22701684,7.227017751,7.227017897,7.22701703,7.227016998,7.227018048,7.227018052,7.227017838,7.227016516,7.227018084,7.227017443,7.227018079,7.227018205,7.227017721,7.227017224,7.227018283,7.227017844,7.227017178,7.227016885,7.227017594,7.227018344,7.227017744,7.22701762
+"197","ACTA2",6.172895787,6.172897234,6.17289338,6.172895745,6.172895602,6.172898163,6.172896408,6.172896641,6.172895186,6.172894118,6.172896049,6.172895618,6.172894692,6.172896019,6.172895657,6.17289637,6.172894126,6.172895738,6.172895384,6.172898158,6.172896466,6.172897248,6.172895844,6.172894706,6.172895674,6.172895763,6.172894416,6.17289573
+"198","ACTA2-AS1",5.762892408,5.762892349,5.762892339,5.762892352,5.762892358,5.762892402,5.7628924,5.762892363,5.762892414,5.762892354,5.762892317,5.762892388,5.762892393,5.762892395,5.762892409,5.762892364,5.762892339,5.76289235,5.762892347,5.762892376,5.762892414,5.762892344,5.762892352,5.762892378,5.762892367,5.762892373,5.762892345,5.762892352
+"199","ACTB",12.31328527,12.3132854,12.31328494,12.31328568,12.31328513,12.31328581,12.31328542,12.31328509,12.31328518,12.3132854,12.31328513,12.31328487,12.31328529,12.31328541,12.31328523,12.31328495,12.31328502,12.31328532,12.31328536,12.31328541,12.31328524,12.31328519,12.31328533,12.31328548,12.31328513,12.313285,12.31328527,12.31328507
+"200","ACTBL2",3.42381862,3.423818625,3.423818631,3.423818631,3.423818626,3.423818657,3.423818644,3.423818637,3.423818634,3.423818653,3.423818648,3.423818633,3.42381865,3.423818629,3.423818611,3.42381864,3.42381864,3.423818657,3.423818627,3.423818629,3.423818633,3.423818612,3.423818644,3.423818637,3.42381863,3.423818626,3.42381861,3.423818645
+"201","ACTC1",4.416914093,4.41691411,4.416914028,4.416914129,4.416914157,4.416914111,4.416914107,4.416914105,4.416914137,4.416914105,4.416914083,4.416914124,4.416914124,4.41691403,4.416914131,4.416914135,4.416914198,4.416914131,4.41691409,4.416914154,4.416914121,4.416914209,4.416914071,4.416914098,4.416914163,4.416914107,4.416914139,4.416914115
+"202","ACTE1P",4.670572077,4.670571941,4.670572122,4.670572045,4.670572101,4.670572003,4.670572185,4.670572122,4.670572069,4.67057209,4.6705721,4.670572055,4.670572024,4.670572011,4.670572137,4.670572161,4.67057219,4.670572101,4.670572007,4.67057219,4.67057219,4.670572253,4.670572074,4.670572026,4.670572071,4.670572064,4.670572045,4.67057202
+"203","ACTG1",11.68714716,11.68714731,11.68714684,11.6871473,11.68714716,11.68714731,11.68714728,11.687147,11.68714735,11.68714728,11.68714686,11.68714673,11.68714726,11.68714763,11.6871471,11.68714686,11.68714679,11.68714706,11.68714713,11.68714699,11.68714727,11.68714702,11.68714735,11.68714735,11.68714683,11.68714712,11.68714732,11.68714722
+"204","ACTG1P17",5.196270242,5.196270158,5.196270232,5.19627018,5.196270247,5.196270182,5.196270144,5.196270222,5.196270199,5.196270137,5.196270257,5.196270279,5.196270186,5.196270112,5.196270236,5.196270135,5.196270183,5.196270219,5.19627022,5.196270216,5.19627024,5.19627021,5.196270132,5.196270178,5.196270236,5.196270242,5.196270209,5.196270101
+"205","ACTG2",4.905667563,4.905667582,4.905667608,4.905667588,4.905667601,4.905667624,4.905667542,4.905667595,4.905667567,4.905667621,4.90566763,4.905667602,4.905667603,4.905667506,4.905667587,4.905667582,4.905667611,4.905667619,4.905667637,4.905667639,4.905667565,4.905667604,4.905667566,4.9056676,4.905667607,4.905667603,4.905667637,4.905667576
+"206","ACTL10",5.958319902,5.958319955,5.958320149,5.958320055,5.958320363,5.958319775,5.958320152,5.958320323,5.958320207,5.958320036,5.958320218,5.958320212,5.958320036,5.958319717,5.958320211,5.958320188,5.95832025,5.958320301,5.958320016,5.958319952,5.95832022,5.958320243,5.95832006,5.958319833,5.958320218,5.958320312,5.958319996,5.958320211
+"207","ACTL6A",5.705544622,5.705544479,5.705544434,5.705544324,5.705544316,5.705544426,5.705544467,5.705544445,5.705544576,5.705544469,5.705544295,5.705544238,5.705544495,5.705544692,5.70554437,5.705544487,5.70554424,5.705544062,5.705544358,5.705544431,5.705544434,5.705544316,5.705544493,5.705544492,5.705544317,5.705544328,5.705544528,5.705544487
+"208","ACTL6B",5.259066247,5.259066302,5.259066476,5.259066288,5.259066651,5.259066257,5.259066538,5.259066422,5.259066473,5.259066581,5.259066558,5.259066598,5.259066385,5.259065976,5.259066642,5.259066396,5.259066814,5.259066617,5.259066493,5.259066374,5.259066516,5.259066552,5.259066325,5.259066349,5.259066389,5.259066416,5.259066504,5.2590663
+"209","ACTL7A",4.263985215,4.263985176,4.263985229,4.263985219,4.263985244,4.263985177,4.263985225,4.263985229,4.263985211,4.263985179,4.263985212,4.263985216,4.263985202,4.263985184,4.263985214,4.263985251,4.263985286,4.263985245,4.263985253,4.263985219,4.263985218,4.263985215,4.263985197,4.263985211,4.263985217,4.263985206,4.263985197,4.263985258
+"210","ACTL7B",5.689472052,5.689472284,5.68947268,5.689472333,5.689472745,5.689472184,5.689472595,5.689472691,5.689472336,5.689471995,5.689472767,5.689472638,5.689472457,5.689472139,5.689472665,5.689472689,5.689472855,5.689472669,5.689472121,5.689472395,5.689472903,5.68947271,5.689472269,5.689472298,5.689472449,5.689472714,5.689472019,5.689472546
+"211","ACTL8",4.687741666,4.687741635,4.687741712,4.68774165,4.687741697,4.68774165,4.687741678,4.687741703,4.687741663,4.687741687,4.687741598,4.687741713,4.68774165,4.687741607,4.687741643,4.687741605,4.687741682,4.687741703,4.68774168,4.687741675,4.68774168,4.687741653,4.687741632,4.687741584,4.687741719,4.687741666,4.687741632,4.687741644
+"212","ACTL9",6.290541965,6.290542136,6.29054222,6.290542098,6.290542194,6.290541997,6.290542095,6.290542211,6.290542108,6.290542162,6.290542238,6.290542086,6.290542148,6.290542047,6.290542124,6.290542173,6.29054223,6.290542163,6.29054206,6.290542153,6.290542122,6.290542141,6.290542103,6.290542142,6.290542206,6.290542078,6.290542128,6.290542135
+"213","ACTN1",9.455327237,9.846508957,9.542373516,10.03585779,9.595308399,9.89610582,9.663615408,9.626978262,9.73574573,9.788435686,9.72540149,9.606481318,9.596472776,9.647586101,9.562742422,9.74684908,9.543570431,9.992441057,9.707792172,9.935558695,9.663123376,9.566212307,9.794597897,9.863727576,9.765607799,9.713122993,9.658875783,9.51996479
+"214","ACTN2",4.402899442,4.402899447,4.402899438,4.402899434,4.402899475,4.402899454,4.402899451,4.402899461,4.40289946,4.402899427,4.402899444,4.402899502,4.402899443,4.402899437,4.402899459,4.402899447,4.402899496,4.402899466,4.402899452,4.402899447,4.402899455,4.402899471,4.402899441,4.402899426,4.402899448,4.402899471,4.402899431,4.402899463
+"215","ACTN3",4.777447364,4.777447336,4.77744739,4.777447365,4.777447398,4.777447357,4.77744738,4.777447405,4.777447377,4.777447361,4.777447388,4.777447416,4.777447344,4.777447324,4.777447395,4.777447408,4.777447403,4.777447408,4.777447346,4.777447393,4.777447367,4.777447403,4.777447338,4.777447317,4.777447389,4.777447396,4.77744738,4.777447395
+"216","ACTN4",9.556860085,9.556861025,9.556859756,9.556861471,9.556860093,9.556861419,9.556861021,9.55686004,9.556860119,9.55686028,9.556860175,9.556859051,9.556859806,9.556860309,9.556860637,9.556860624,9.556859967,9.556861008,9.556860514,9.556860596,9.556860511,9.556860067,9.556860508,9.55686056,9.556860427,9.556859829,9.556859978,9.556860511
+"217","ACTR10",6.315609918,6.31560997,6.315609809,6.315609688,6.315609541,6.315609667,6.315609654,6.315609684,6.315609654,6.315609763,6.315609729,6.315609377,6.315609695,6.315610061,6.315609661,6.315609826,6.315609585,6.315609565,6.315609769,6.315609521,6.315609682,6.315609522,6.315609823,6.315609969,6.315609894,6.315609589,6.315609651,6.315609889
+"218","ACTR1A",8.031857792,8.0318575,8.031857651,8.031857725,8.031857281,8.031858122,8.031857705,8.031857286,8.031857461,8.031857493,8.03185753,8.031857158,8.031857625,8.031857413,8.031857562,8.031857156,8.031857358,8.031857598,8.031857614,8.031857726,8.031857489,8.031857391,8.031857649,8.03185767,8.031857716,8.031857503,8.031857772,8.031857175
+"219","ACTR1B",7.157604121,7.15760414,7.157604036,7.157603953,7.157603735,7.157604108,7.15760408,7.157603973,7.157604082,7.157604133,7.157603659,7.157603795,7.157604198,7.157604154,7.157603928,7.157603893,7.157603523,7.157603937,7.157604058,7.157604181,7.157603942,7.157603993,7.157604051,7.15760405,7.157603773,7.15760393,7.157604231,7.157604113
+"220","ACTR2",10.90068946,10.90129001,10.89972153,10.90035789,10.89975119,10.89933166,10.90013288,10.89970273,10.89957491,10.90004148,10.89936468,10.89851646,10.90011291,10.90234046,10.90012586,10.90113642,10.89953322,10.89963912,10.90047929,10.89983845,10.90052377,10.89976564,10.90021119,10.90062704,10.89950893,10.89962826,10.8995511,10.90124176
+"221","ACTR3",10.30463315,10.30461787,10.3042381,10.30443031,10.30426118,10.30432334,10.30438775,10.30416983,10.30428589,10.30430773,10.3042649,10.30390157,10.30437019,10.30486117,10.30440112,10.30454633,10.30411412,10.30432087,10.30444687,10.30444329,10.30449847,10.30421724,10.30446829,10.30439153,10.30439454,10.3042134,10.30426325,10.30451493
+"222","ACTR3B",6.681066767,6.681066762,6.681066627,6.681066799,6.681066795,6.681066701,6.681066731,6.681066707,6.681067057,6.681066509,6.681066961,6.681066811,6.681066798,6.681067077,6.6810668,6.681067154,6.681066572,6.681066721,6.681066744,6.681066795,6.681066981,6.681066604,6.681066873,6.681066878,6.681066942,6.681066798,6.681066796,6.681066927
+"223","ACTR3C",5.81775915,5.817759037,5.817758702,5.817759083,5.817758892,5.817759062,5.817759053,5.817758935,5.81775904,5.817758957,5.817759047,5.817758951,5.817759096,5.817758961,5.817758981,5.81775907,5.817758756,5.817758972,5.817759079,5.817759061,5.817759029,5.817758996,5.817759043,5.81775902,5.8177589,5.817759037,5.817759018,5.817758986
+"224","ACTR5",6.571574652,6.571574449,6.571574277,6.571574225,6.571574426,6.571574471,6.571574389,6.571574432,6.571574558,6.571574429,6.571574322,6.571574437,6.571574498,6.57157473,6.571574511,6.571574425,6.571574249,6.571574286,6.571574399,6.571574221,6.571574369,6.571574595,6.571574606,6.57157455,6.571574329,6.571574533,6.571574613,6.571574655
+"225","ACTR6",4.473159181,4.473159035,4.473158895,4.473158694,4.473158803,4.473158751,4.473158888,4.473158754,4.473159016,4.473158953,4.47315872,4.473158781,4.473158928,4.47315931,4.473158974,4.473158954,4.473158698,4.473158791,4.473158935,4.473158868,4.473159042,4.473158796,4.473159195,4.47315902,4.473158921,4.473158941,4.473159006,4.473159244
+"226","ACTR8",6.465871608,6.465871617,6.465871485,6.46587141,6.465871277,6.465871435,6.465871519,6.465871428,6.465871588,6.465871577,6.465871296,6.46587132,6.465871486,6.465871752,6.465871486,6.465871572,6.46587131,6.465871375,6.465871465,6.465871415,6.465871461,6.465871309,6.465871618,6.46587155,6.465871332,6.465871452,6.465871531,6.465871607
+"227","ACTRT1",3.697244657,3.697244663,3.697244689,3.697244652,3.697244693,3.69724465,3.697244667,3.697244671,3.697244676,3.69724467,3.697244671,3.697244677,3.697244665,3.697244664,3.697244673,3.697244683,3.697244665,3.697244682,3.697244658,3.697244638,3.697244672,3.697244653,3.697244652,3.697244664,3.697244669,3.697244678,3.697244644,3.697244673
+"228","ACTRT2",5.349057691,5.349057576,5.349057955,5.349057638,5.349058189,5.349057748,5.349058011,5.349057926,5.349057897,5.34905791,5.349057792,5.349058076,5.349057713,5.349057608,5.349057939,5.349057669,5.34905818,5.349057811,5.349057937,5.349057968,5.349058014,5.34905793,5.349057733,5.349057767,5.349057795,5.349058066,5.349057761,5.349057927
+"229","ACTRT3",4.077137125,4.077137061,4.077137168,4.077137092,4.077137141,4.077137186,4.077137064,4.077137223,4.077137237,4.077137222,4.077137196,4.077137142,4.077137117,4.077137102,4.077137139,4.077137125,4.077137195,4.077137175,4.077137113,4.077137148,4.077137132,4.077137111,4.07713714,4.077137137,4.077137094,4.077137101,4.077137089,4.077137128
+"230","ACVR1",5.980097409,5.980097458,5.980097374,5.980097421,5.980097431,5.980097421,5.980097438,5.980097417,5.980097437,5.980097363,5.980097392,5.980097383,5.980097436,5.980097452,5.980097386,5.980097413,5.980097366,5.980097408,5.980097369,5.980097358,5.980097387,5.980097328,5.980097452,5.980097391,5.980097361,5.980097389,5.980097418,5.980097432
+"231","ACVR1B",6.532214833,6.532214942,6.532214885,6.532214959,6.532214871,6.532214855,6.532214891,6.532214865,6.532214832,6.532214887,6.532214862,6.532214788,6.532214819,6.532214911,6.532214806,6.532214842,6.532214841,6.53221482,6.532214883,6.532214908,6.532214845,6.53221481,6.532214843,6.532214914,6.532214806,6.532214827,6.532214832,6.532214856
+"232","ACVR1C",5.344002917,5.344002922,5.34400292,5.344002885,5.344002914,5.344002935,5.344002918,5.344002925,5.34400294,5.344002943,5.34400292,5.344002913,5.34400294,5.344002978,5.344002927,5.344002909,5.344002898,5.344002902,5.344002943,5.344002944,5.344002914,5.344002906,5.344002922,5.344002914,5.344002868,5.34400291,5.344002924,5.344002956
+"233","ACVR2A",5.167602852,5.167602905,5.167602905,5.167602615,5.16760278,5.167602651,5.167602603,5.167602824,5.167602748,5.167602706,5.167602654,5.167602556,5.167602669,5.167603096,5.16760273,5.167602775,5.167602645,5.167602606,5.167602807,5.167602622,5.167602613,5.167602728,5.167602784,5.167602667,5.167602779,5.167602649,5.167602763,5.167602976
+"234","ACVR2B",5.155799305,5.155799452,5.15579906,5.155799433,5.155799423,5.155799298,5.155799343,5.155799339,5.155799356,5.155799157,5.155799163,5.155799484,5.155799166,5.155799409,5.155799408,5.155799346,5.155799243,5.1557994,5.155799258,5.155799002,5.155799341,5.155799382,5.155799142,5.15579912,5.155799235,5.155799291,5.155799443,5.155799424
+"235","ACVRL1",5.44610696,5.446106979,5.446106989,5.446106973,5.446107004,5.446106975,5.446106983,5.446107004,5.446106969,5.446106973,5.446106988,5.446107013,5.446106979,5.446106962,5.446106987,5.446106987,5.446107006,5.446106989,5.446106989,5.446106973,5.446106993,5.446107006,5.446106974,5.446106974,5.446107,5.446106982,5.446106972,5.446106967
+"236","ACY3",5.72723824,5.727237955,5.727238546,5.72723833,5.727238904,5.727238176,5.727238451,5.727238725,5.727238214,5.727238376,5.727238438,5.727238632,5.727238356,5.727237636,5.727238521,5.727238232,5.727238771,5.727238629,5.727238368,5.72723847,5.727238727,5.727238783,5.727238194,5.727238117,5.727238313,5.727238744,5.727238262,5.727238254
+"237","ACYP1",4.780421418,4.780421413,4.780421431,4.780421418,4.780421437,4.78042139,4.780421412,4.78042143,4.780421426,4.780421407,4.780421409,4.780421435,4.78042142,4.780421417,4.780421402,4.780421416,4.780421412,4.780421402,4.780421411,4.780421421,4.780421421,4.780421419,4.780421426,4.780421407,4.780421429,4.780421436,4.780421417,4.780421397
+"238","ACYP2",4.442536595,4.442536559,4.442536542,4.442536539,4.442536604,4.442536597,4.442536551,4.442536586,4.442536567,4.442536631,4.442536592,4.442536544,4.44253657,4.442536632,4.442536583,4.44253653,4.442536525,4.442536572,4.442536567,4.442536667,4.442536592,4.442536543,4.442536577,4.44253658,4.442536524,4.442536548,4.442536506,4.44253657
+"239","ADA",6.988458723,6.988458688,6.988458763,6.988458668,6.988458817,6.988458796,6.988458827,6.988458758,6.988458787,6.988458781,6.988458682,6.988458731,6.988458797,6.988458734,6.988458756,6.988458692,6.988458793,6.988458722,6.988458744,6.988458798,6.988458841,6.98845881,6.988458796,6.988458755,6.988458712,6.988458787,6.988458767,6.988458774
+"240","ADA2",8.170326303,8.170326133,8.17032602,8.170325563,8.170326037,8.170326809,8.170325806,8.170325334,8.170325425,8.170326791,8.17032557,8.170325558,8.170326247,8.170326442,8.17032569,8.170325417,8.170325571,8.170324897,8.170325574,8.17032645,8.170325751,8.170325447,8.170325233,8.170326116,8.170325212,8.170325959,8.170326216,8.170325371
+"241","ADAD1",3.064618699,3.064618705,3.064618718,3.064618699,3.064618706,3.064618716,3.064618709,3.064618721,3.064618713,3.064618713,3.064618726,3.064618726,3.0646187,3.064618698,3.064618707,3.064618706,3.064618727,3.064618716,3.0646187,3.064618705,3.064618704,3.064618711,3.064618698,3.06461872,3.064618704,3.06461871,3.064618699,3.064618717
+"242","ADAD2",6.510835377,6.510835379,6.510835469,6.51083541,6.510835581,6.510835375,6.510835462,6.510835586,6.51083544,6.51083545,6.510835523,6.510835545,6.510835447,6.510835317,6.510835542,6.510835456,6.510835581,6.510835483,6.510835472,6.51083547,6.510835536,6.510835534,6.510835376,6.510835383,6.510835442,6.510835524,6.510835318,6.510835419
+"243","ADAL",4.168115114,4.168115021,4.168115021,4.168114972,4.168114965,4.168115064,4.168115101,4.168115023,4.168115092,4.16811507,4.168114972,4.168115005,4.16811508,4.168115049,4.168115093,4.16811496,4.168115004,4.168114971,4.168115065,4.168114929,4.168115003,4.168115025,4.168115012,4.168115098,4.168115019,4.168115053,4.168115038,4.168115056
+"244","ADAM10",8.86796557,8.868016649,8.867690618,8.86782831,8.867336979,8.867325234,8.867527352,8.867321762,8.867601623,8.867609272,8.867590488,8.866930059,8.867617053,8.868428298,8.867659308,8.867974618,8.86759945,8.867660884,8.867720785,8.867201658,8.86770788,8.867302497,8.86777551,8.867775565,8.867548581,8.867376785,8.867690665,8.868072643
+"245","ADAM11",5.724829952,5.724829968,5.724830003,5.724829969,5.724829985,5.724829964,5.724829969,5.724830004,5.724829987,5.724829964,5.724829994,5.724830012,5.724829978,5.724829935,5.724829987,5.72482998,5.724830011,5.724830008,5.724829973,5.724829983,5.724829986,5.724830006,5.724829958,5.724829975,5.724829994,5.724829959,5.724829971,5.724829971
+"246","ADAM12",4.699682999,4.699683335,4.699683096,4.699683063,4.6996833,4.699683139,4.699683014,4.69968345,4.699683041,4.699682883,4.699682826,4.699683158,4.69968305,4.699682941,4.69968324,4.69968349,4.699683013,4.699683205,4.699682875,4.699683441,4.699683112,4.69968336,4.699682789,4.699682923,4.699682992,4.699683058,4.699683089,4.699682904
+"247","ADAM15",6.397228586,6.397228626,6.397228613,6.397228574,6.397228517,6.397228628,6.397228528,6.397228559,6.397228517,6.397228594,6.397228587,6.397228552,6.397228602,6.397228538,6.397228552,6.397228522,6.39722856,6.39722854,6.397228469,6.397228618,6.397228508,6.397228564,6.397228509,6.397228563,6.397228553,6.397228508,6.397228605,6.39722854
+"248","ADAM17",7.481916808,7.481917201,7.481915334,7.481916949,7.481914998,7.481914774,7.481915443,7.481914548,7.481913659,7.481914774,7.48191627,7.481913761,7.481915882,7.481916843,7.481915697,7.48191693,7.481913924,7.481915551,7.481916354,7.481914689,7.481915368,7.481914356,7.481915207,7.481915741,7.481915997,7.481914233,7.481915544,7.481915605
+"249","ADAM18",2.690749315,2.690749743,2.690749496,2.690749473,2.690749526,2.690749792,2.69074966,2.690749534,2.69074938,2.69074945,2.690749721,2.690749609,2.690749408,2.6907494,2.690749517,2.690749533,2.690749547,2.69074946,2.690749503,2.690749361,2.690749383,2.690749803,2.690749531,2.690749437,2.690749629,2.690749398,2.690749556,2.690749416
+"250","ADAM19",7.982952931,7.982954588,7.982952748,7.982955468,7.982953674,7.9829526,7.982954302,7.982952586,7.982952724,7.98295275,7.982954083,7.98295312,7.982953228,7.982953628,7.982953741,7.982954991,7.982952828,7.982954208,7.982954931,7.982952537,7.982954285,7.982952836,7.982953664,7.982954151,7.982954622,7.982953577,7.982953484,7.982953025
+"251","ADAM2",3.171479244,3.17147927,3.171479285,3.17147929,3.17147926,3.171479329,3.171479198,3.17147922,3.171479258,3.171479275,3.171479228,3.171479292,3.171479312,3.171479206,3.171479271,3.171479244,3.171479235,3.171479259,3.17147921,3.171479286,3.171479231,3.171479267,3.171479265,3.171479228,3.171479175,3.17147926,3.171479281,3.171479204
+"252","ADAM20",5.161306032,5.161306026,5.161306032,5.161306027,5.161306017,5.161306022,5.16130603,5.16130604,5.16130603,5.161306025,5.161306021,5.161306023,5.161306037,5.161306032,5.161306015,5.161306039,5.161306008,5.161306018,5.161306012,5.161306037,5.161306026,5.161306013,5.161306001,5.161306017,5.161306029,5.161306032,5.161306029,5.161306002
+"253","ADAM20P1",3.432551441,3.432551241,3.43255108,3.432551132,3.432551036,3.432551257,3.432551463,3.432551459,3.432551548,3.432551414,3.432551146,3.432551216,3.432551378,3.432551282,3.432551272,3.432551315,3.432551163,3.432551099,3.432551403,3.432551234,3.432551274,3.432551257,3.432551364,3.432551273,3.432550994,3.432551042,3.432551467,3.432551343
+"254","ADAM21",3.142092568,3.142092446,3.142092654,3.142093289,3.142092648,3.142092835,3.142092693,3.14209276,3.142093239,3.14209308,3.142093091,3.14209267,3.142092778,3.142092655,3.142093025,3.142092976,3.142093278,3.142093208,3.142092897,3.142092906,3.142092806,3.14209266,3.142092849,3.142092504,3.142092206,3.142092721,3.142092978,3.142093109
+"255","ADAM22",4.380512516,4.380512534,4.380512527,4.380512512,4.380512518,4.380512477,4.38051252,4.380512543,4.380512582,4.380512564,4.380512531,4.380512511,4.38051256,4.380512638,4.380512597,4.380512533,4.380512517,4.380512596,4.380512542,4.380512462,4.380512564,4.380512562,4.380512553,4.380512584,4.380512595,4.380512535,4.380512591,4.380512604
+"256","ADAM23",4.710973028,4.710973022,4.71097299,4.710973027,4.710973028,4.710972979,4.710972972,4.710973014,4.710973016,4.710972981,4.710973004,4.71097303,4.710973005,4.710973037,4.710973018,4.710973018,4.710972981,4.710972996,4.710973032,4.710973007,4.710972985,4.710973011,4.710973013,4.710972986,4.710973021,4.710973026,4.710972992,4.710973042
+"257","ADAM28",6.616821957,6.616821805,6.616821494,6.616821573,6.616821528,6.616821177,6.616821497,6.616821107,6.61682118,6.616821416,6.616821212,6.616821619,6.616821101,6.616822293,6.616821824,6.616821722,6.616821482,6.616821453,6.616821831,6.616820826,6.616821348,6.616821642,6.616821124,6.616821523,6.616821582,6.616821841,6.616821328,6.61682197
+"258","ADAM29",3.695075932,3.695075945,3.695075955,3.695075926,3.695075956,3.695075941,3.695075932,3.695075955,3.69507595,3.695075961,3.695075943,3.695075972,3.695075962,3.695075938,3.695075949,3.69507596,3.695075956,3.695075944,3.695075955,3.695075951,3.695075962,3.695075949,3.695075943,3.695075945,3.695075956,3.695075944,3.695075955,3.695075937
+"259","ADAM30",3.426083101,3.426083094,3.426083109,3.426083096,3.426083113,3.426083112,3.426083097,3.426083122,3.426083102,3.426083098,3.426083105,3.426083116,3.426083084,3.426083105,3.426083107,3.426083112,3.426083118,3.426083111,3.426083107,3.426083093,3.426083098,3.426083108,3.426083074,3.4260831,3.426083092,3.426083101,3.426083109,3.426083113
+"260","ADAM32",3.277871155,3.27787119,3.277871215,3.277871203,3.277871301,3.27787112,3.277871178,3.277871262,3.277871223,3.277871131,3.277871273,3.277871241,3.277871122,3.277871196,3.27787121,3.27787127,3.277871213,3.2778712,3.277871262,3.277871163,3.277871184,3.277871195,3.27787111,3.277871142,3.277871215,3.277871189,3.277871149,3.277871221
+"261","ADAM33",6.382983069,6.382983013,6.3829831,6.382983036,6.382983169,6.382983054,6.38298307,6.382983155,6.382983083,6.382983035,6.382983118,6.382983142,6.382983066,6.382982982,6.382983161,6.382983088,6.382983137,6.382983178,6.382983106,6.382983117,6.382983161,6.382983149,6.382983047,6.382983018,6.382983078,6.382983129,6.382983075,6.382983086
+"262","ADAM3A",3.149023093,3.149022969,3.149023078,3.149023092,3.149023175,3.149023129,3.149023143,3.149023119,3.149023065,3.149023027,3.149023161,3.149023083,3.14902311,3.149023047,3.149023142,3.149023126,3.149023348,3.149023352,3.149023109,3.149023055,3.149023082,3.149023078,3.149023082,3.149023077,3.149023089,3.149023068,3.149023139,3.14902313
+"263","ADAM5",3.07162446,3.071624523,3.071624491,3.071624499,3.071624496,3.07162454,3.071624511,3.071624544,3.071624523,3.071624459,3.07162451,3.071624522,3.07162447,3.071624498,3.071624492,3.071624521,3.071624543,3.071624533,3.071624544,3.071624481,3.071624479,3.071624517,3.071624499,3.07162454,3.071624507,3.071624511,3.071624448,3.071624533
+"264","ADAM6",4.125356581,4.125356571,4.125356672,4.125356624,4.125356729,4.125356596,4.125356603,4.125356691,4.125356633,4.125356632,4.125356673,4.125356692,4.125356643,4.125356551,4.125356701,4.125356717,4.125356715,4.125356681,4.12535667,4.125356612,4.125356681,4.125356692,4.125356637,4.125356607,4.125356637,4.125356661,4.125356606,4.125356673
+"265","ADAM7",3.035517437,3.035517481,3.035517473,3.035517424,3.035517379,3.035517495,3.035517417,3.035517454,3.035517383,3.035517312,3.035517395,3.035517366,3.035517287,3.035517296,3.035517459,3.035517574,3.03551757,3.035517428,3.035517472,3.035517365,3.03551738,3.035517461,3.03551744,3.035517309,3.035517419,3.035517403,3.035517282,3.035517299
+"266","ADAM8",8.566872159,8.906339035,8.666229646,8.93875798,8.671127016,8.735230765,8.681977397,8.713951944,8.631414734,8.662370562,8.882507746,8.496348032,8.666957603,8.540063056,8.549049218,8.857777561,8.624361638,8.873883095,8.72201162,8.79537938,8.625817486,8.683158871,8.661368254,8.768684029,8.908455286,8.525400191,8.667045019,8.467681399
+"267","ADAM9",6.024549804,6.024550037,6.024549883,6.024549989,6.024549638,6.024549675,6.024549824,6.024549412,6.024549576,6.024549927,6.024549724,6.024549431,6.024549673,6.024550027,6.024549654,6.024549983,6.024549741,6.024549798,6.024549822,6.024549637,6.02454971,6.024549512,6.024549684,6.024550018,6.024549961,6.024549619,6.024549755,6.024549617
+"268","ADAMDEC1",3.696675097,3.69667504,3.6966752,3.696675254,3.69667516,3.696675154,3.696675166,3.696675089,3.696675144,3.696675124,3.696675213,3.696675202,3.696675128,3.696675147,3.696675158,3.696675112,3.69667519,3.696675234,3.696675163,3.696675083,3.69667514,3.696675229,3.696675235,3.696675084,3.696675173,3.696675064,3.696675181,3.696675078
+"269","ADAMTS1",4.892473548,4.892473973,4.892473843,4.892473383,4.892473737,4.892473548,4.892473442,4.892473864,4.892473245,4.892473844,4.892473859,4.892473704,4.89247373,4.892473685,4.892473733,4.892474054,4.892473649,4.892473821,4.892473724,4.892473586,4.892473531,4.892473755,4.892473554,4.892473711,4.89247407,4.892473678,4.892473954,4.892473691
+"270","ADAMTS10",6.603695846,6.60369577,6.603695907,6.60369555,6.603695582,6.603695703,6.603695924,6.603696308,6.603696118,6.603696189,6.603696,6.603696258,6.603696173,6.603695774,6.603696146,6.603696037,6.603696037,6.603695809,6.603695628,6.60369583,6.603695912,6.603696298,6.603695945,6.603695865,6.603695476,6.603695964,6.603696045,6.603696157
+"271","ADAMTS12",4.611979336,4.611979301,4.61197953,4.61197963,4.611979768,4.611979447,4.611979848,4.611979591,4.611979757,4.611979468,4.611979397,4.611979847,4.611979664,4.611979304,4.611979854,4.611979704,4.611979896,4.611979775,4.611979542,4.611979607,4.611979612,4.611979658,4.611979452,4.61197938,4.611979686,4.61197958,4.611979432,4.611979641
+"272","ADAMTS13",5.911649031,5.911649023,5.911649119,5.911649059,5.911649148,5.911649039,5.911649074,5.911649159,5.911649061,5.911649071,5.91164911,5.911649149,5.911649079,5.91164897,5.911649137,5.911649044,5.911649154,5.911649132,5.911649103,5.91164903,5.911649185,5.911649137,5.911649048,5.91164901,5.91164909,5.911649162,5.911649043,5.911649097
+"273","ADAMTS14",4.94702935,4.947029303,4.947029291,4.947029318,4.947029458,4.947029433,4.947029434,4.947029389,4.947029314,4.947029243,4.94702942,4.947029562,4.947029272,4.947029182,4.947029459,4.947029375,4.947029439,4.947029272,4.947029358,4.947029481,4.947029491,4.947029428,4.947029291,4.947029277,4.947029236,4.947029431,4.947029315,4.947029451
+"274","ADAMTS15",4.934870703,4.934870624,4.934870786,4.934870898,4.934871059,4.934870958,4.934870956,4.934871007,4.934870843,4.934870887,4.93487077,4.934871063,4.934870599,4.934870558,4.934870887,4.934870813,4.93487109,4.934870826,4.934870756,4.934870841,4.934871019,4.934871071,4.934870706,4.9348707,4.934870846,4.93487093,4.934870735,4.934870705
+"275","ADAMTS16",5.174685458,5.174685431,5.174685406,5.174685453,5.174685476,5.174685439,5.174685459,5.174685443,5.174685419,5.174685473,5.174685502,5.174685465,5.174685435,5.174685364,5.174685464,5.174685486,5.174685536,5.174685508,5.174685491,5.174685549,5.174685429,5.174685483,5.174685492,5.174685372,5.17468544,5.174685466,5.174685468,5.174685393
+"276","ADAMTS17",6.020411141,6.020411157,6.020411243,6.020411187,6.020411433,6.020411206,6.020411299,6.020411317,6.020411357,6.020411303,6.020411276,6.020411382,6.020411272,6.020411006,6.020411381,6.020411328,6.020411315,6.020411271,6.020411285,6.020411161,6.020411244,6.020411318,6.020411185,6.020411177,6.020411283,6.02041133,6.020411174,6.020411312
+"277","ADAMTS18",3.986692807,3.986692872,3.986692965,3.986692864,3.986692915,3.986692776,3.98669289,3.986692939,3.98669281,3.986692933,3.98669292,3.986692979,3.986692788,3.986692768,3.986692857,3.986692848,3.986692964,3.986692852,3.986692845,3.986692854,3.98669288,3.986692945,3.986692779,3.986692828,3.986692869,3.986692859,3.986692946,3.986692888
+"278","ADAMTS19",4.418002888,4.418002807,4.418002933,4.41800294,4.418002989,4.418002841,4.418002852,4.418002928,4.418002869,4.418002936,4.418003018,4.418003004,4.418002905,4.418002851,4.41800294,4.418002957,4.418003014,4.418002992,4.418002877,4.41800292,4.418002951,4.418002941,4.41800294,4.418002896,4.418002966,4.418002933,4.418002934,4.41800293
+"279","ADAMTS2",5.479319431,5.479319408,5.479319715,5.479319422,5.479320052,5.479319485,5.479319696,5.479319872,5.479319594,5.479319622,5.479319816,5.479320023,5.479319553,5.479319133,5.479319893,5.479319646,5.479319968,5.479319793,5.479319791,5.479319478,5.479319843,5.479319834,5.479319543,5.479319486,5.479319727,5.479319817,5.47931943,5.479319742
+"280","ADAMTS20",3.411381125,3.411381138,3.411381141,3.411381155,3.411381169,3.41138115,3.411381165,3.411381155,3.411381138,3.411381123,3.41138117,3.411381183,3.411381133,3.411381131,3.411381177,3.411381139,3.411381149,3.411381169,3.411381137,3.411381136,3.411381148,3.41138116,3.411381132,3.41138115,3.41138115,3.411381161,3.411381152,3.411381163
+"281","ADAMTS3",4.003937063,4.003937072,4.003937136,4.003937097,4.00393716,4.00393714,4.003937118,4.003937173,4.003937193,4.003937135,4.003937061,4.003937179,4.003937119,4.003937082,4.00393713,4.003937184,4.003937174,4.003937194,4.00393717,4.003937106,4.00393713,4.0039372,4.003937122,4.003937092,4.00393718,4.003937115,4.003937099,4.003937114
+"282","ADAMTS4",4.61890822,4.618908229,4.618908269,4.618908244,4.618908269,4.618908217,4.618908221,4.618908267,4.61890823,4.618908149,4.618908236,4.61890825,4.618908208,4.618908178,4.61890833,4.618908187,4.618908286,4.618908263,4.618908264,4.618908258,4.618908256,4.618908242,4.618908206,4.618908219,4.618908234,4.618908247,4.618908222,4.618908243
+"283","ADAMTS5",4.328841834,4.328841863,4.328841863,4.328841819,4.328841872,4.328841786,4.328841806,4.328841842,4.328841822,4.328841853,4.328841827,4.32884185,4.328841837,4.328841799,4.328841868,4.328841854,4.328841884,4.328841865,4.328841843,4.328841828,4.328841853,4.328841839,4.328841817,4.328841828,4.328841822,4.328841843,4.328841834,4.328841855
+"284","ADAMTS6",4.000425877,4.00042586,4.000425875,4.000425879,4.000425872,4.000425863,4.000425881,4.000425878,4.000425881,4.000425874,4.000425873,4.000425876,4.000425871,4.000425875,4.000425876,4.000425875,4.000425883,4.000425872,4.000425858,4.000425868,4.000425868,4.000425878,4.000425873,4.000425868,4.000425871,4.000425872,4.000425874,4.000425871
+"285","ADAMTS7",6.656659238,6.656659565,6.656659926,6.656659601,6.656660893,6.656659398,6.656660082,6.656660557,6.656659981,6.656660281,6.656660098,6.656660956,6.656660007,6.65665894,6.656660452,6.656659707,6.65666052,6.656660251,6.656660047,6.65666003,6.65666045,6.65666053,6.656659209,6.656659597,6.656660022,6.656660425,6.656659661,6.656660002
+"286","ADAMTS8",5.86417714,5.86417737,5.864177417,5.864177276,5.864177549,5.8641772,5.864177383,5.864177469,5.86417738,5.864177418,5.864177455,5.864177559,5.864177387,5.86417704,5.864177412,5.864177503,5.864177575,5.864177438,5.864177288,5.864177303,5.864177396,5.864177485,5.864177203,5.864177256,5.864177444,5.864177327,5.864177313,5.864177386
+"287","ADAMTS9",4.147530986,4.147530995,4.147531105,4.147531076,4.147531197,4.147530985,4.147531162,4.147531139,4.147531038,4.147531085,4.147531089,4.147531277,4.1475311,4.147530966,4.147531209,4.147531097,4.147531179,4.147531152,4.14753108,4.147531123,4.147531203,4.14753114,4.147531045,4.147531015,4.147531101,4.14753117,4.147531128,4.147531101
+"288","ADAMTSL1",4.2675521975,4.267552256,4.267552239,4.2675523815,4.2675524295,4.2675522295,4.267552275,4.267552324,4.267552309,4.2675522165,4.2675524475,4.267552347,4.2675522845,4.26755217,4.2675524355,4.2675523735,4.267552454,4.267552391,4.2675523175,4.2675523585,4.2675524165,4.267552426,4.267552229,4.2675521855,4.2675523025,4.2675523395,4.2675521605,4.2675522735
+"289","ADAMTSL2",5.91353234,5.913532355,5.913532472,5.913532421,5.913532524,5.913532387,5.913532435,5.913532423,5.913532425,5.913532356,5.913532487,5.913532421,5.913532388,5.913532295,5.913532549,5.913532276,5.913532534,5.913532477,5.913532306,5.913532336,5.913532538,5.913532525,5.913532352,5.913532294,5.913532456,5.913532483,5.913532319,5.913532404
+"290","ADAMTSL3",3.872581021,3.872581034,3.872581065,3.872581035,3.872581065,3.872581035,3.872581037,3.872581118,3.872581054,3.872581049,3.872581067,3.872581081,3.872581082,3.872581033,3.872581087,3.872581047,3.872581079,3.872581079,3.872581062,3.872581076,3.872581073,3.872581104,3.87258105,3.872581042,3.872581086,3.872581066,3.872581037,3.872581056
+"291","ADAMTSL4",6.209393044,6.209393478,6.209393161,6.209393407,6.209393331,6.209393854,6.209393109,6.209393096,6.209392946,6.209392872,6.209393442,6.209393116,6.209393147,6.209392777,6.209393034,6.209393399,6.20939342,6.209393547,6.209393023,6.209393769,6.209393286,6.209393187,6.209393021,6.209392976,6.209393242,6.209393165,6.209393322,6.209392896
+"292","ADAMTSL4-AS1",7.021202802,7.021205463,7.021203351,7.021206089,7.02120262,7.021205333,7.021204318,7.021203549,7.021202275,7.021202047,7.021204347,7.021201543,7.021202711,7.021201932,7.021203127,7.021205377,7.021203078,7.0212055,7.021203833,7.021204336,7.021204143,7.021203494,7.021202967,7.02120319,7.02120551,7.021201754,7.021203357,7.021201208
+"293","ADAMTSL5",5.612630501,5.612630536,5.612630568,5.612630557,5.612630523,5.612630623,5.61263049,5.612630537,5.61263065,5.612630833,5.612630569,5.612630615,5.612630588,5.61263044,5.612630457,5.612630519,5.612630569,5.612630556,5.612630446,5.612630571,5.612630327,5.612630604,5.612630566,5.612630521,5.612630614,5.61263052,5.612630601,5.612630543
+"294","ADAP1",7.265673246,7.265673492,7.265673454,7.265673457,7.265673304,7.265673555,7.265673189,7.265673211,7.265673162,7.265673471,7.265673399,7.265673098,7.265673684,7.265673319,7.26567319,7.265673453,7.265673372,7.265673451,7.265673444,7.265673221,7.265673209,7.265673401,7.265673304,7.265673539,7.265673459,7.26567296,7.265673698,7.265673243
+"295","ADAP2",6.779019481,6.779019393,6.779019303,6.779019166,6.779019305,6.779019832,6.779019168,6.779019011,6.779019054,6.779019384,6.779019528,6.779018913,6.779019451,6.779019567,6.779019339,6.77901923,6.779019209,6.779019303,6.779019236,6.77901975,6.779019332,6.779019371,6.779019162,6.779019378,6.779019469,6.779019122,6.779019706,6.779019365
+"296","ADAR",9.106900183,9.130677141,9.086662338,9.143345431,9.103980133,9.18958667,9.127470584,9.103405373,9.098234182,9.095589826,9.101167179,9.073493099,9.120049065,9.104695335,9.107428075,9.114535697,9.079693325,9.137675076,9.140751454,9.18534057,9.129325174,9.109936807,9.121376577,9.129255317,9.120236305,9.103796497,9.114193381,9.080954798
+"297","ADARB1",6.498376937,6.498376811,6.498376575,6.498376725,6.498376837,6.498376838,6.498376791,6.498376753,6.498376733,6.498376943,6.498376593,6.498376738,6.498376724,6.498377078,6.498376873,6.498376713,6.498376524,6.498376656,6.498376885,6.498376711,6.498376758,6.498376839,6.498376832,6.498376822,6.498376616,6.498376879,6.498376892,6.498376973
+"298","ADARB2",5.536512325,5.536512282,5.536512501,5.536512504,5.536512765,5.536512479,5.536512512,5.5365126,5.5365125,5.536512536,5.536512501,5.536512676,5.536512552,5.536512144,5.53651271,5.53651238,5.53651263,5.536512655,5.53651259,5.536512619,5.536512678,5.536512551,5.536512437,5.536512284,5.536512469,5.536512625,5.53651235,5.536512536
+"299","ADAT1",7.139232884,7.139232532,7.139232214,7.139232522,7.139231965,7.139233141,7.139232777,7.139232413,7.139232197,7.139232385,7.139232529,7.139231973,7.139233068,7.139232726,7.139232348,7.139232425,7.139232068,7.13923232,7.139232349,7.139233446,7.139232615,7.139232519,7.139232698,7.139232578,7.139232546,7.13923245,7.139233119,7.139232406
+"300","ADAT2",6.982908891,6.982908712,6.982908438,6.98290853,6.982908491,6.982908694,6.982908818,6.98290865,6.982909448,6.982908969,6.982908395,6.982908941,6.982908935,6.982909116,6.982908754,6.982908775,6.98290845,6.982908267,6.982908662,6.982908598,6.982908503,6.982908779,6.982909151,6.982908909,6.982908137,6.982908971,6.982908614,6.982908762
+"301","ADAT3",6.637540581,6.637540591,6.637540537,6.637540536,6.637540675,6.637540537,6.637540549,6.637540697,6.63754063,6.637540613,6.637540707,6.637540757,6.637540416,6.637540432,6.637540656,6.637540651,6.637540764,6.637540683,6.6375406,6.637540622,6.637540667,6.63754066,6.637540624,6.637540512,6.637540727,6.637540627,6.637540601,6.637540663
+"302","ADCK1",5.346804233,5.34680426,5.346804394,5.346804259,5.346804202,5.346804236,5.346804162,5.346804107,5.346804184,5.346804471,5.34680422,5.346804034,5.346804206,5.346804124,5.346804173,5.346804173,5.346804355,5.346804131,5.346804238,5.346804269,5.346804157,5.346804199,5.346804086,5.346804472,5.346804244,5.346804287,5.346804178,5.346804134
+"303","ADCK2",5.093179032,5.093179009,5.093178978,5.093178953,5.093179029,5.093179038,5.093179056,5.093179025,5.09317901,5.093178965,5.093179003,5.093179001,5.093179072,5.093179049,5.093179036,5.093178966,5.093178964,5.093179004,5.093179001,5.093178998,5.093178996,5.093178979,5.093179,5.093179032,5.093178933,5.093179021,5.093179037,5.093179034
+"304","ADCK5",5.885974036,5.885974027,5.88597405,5.885974034,5.885974059,5.885974027,5.885974038,5.885974045,5.885974041,5.885974037,5.885974041,5.885974036,5.88597405,5.885974032,5.885974049,5.885974052,5.885974058,5.885974052,5.885974046,5.885974031,5.885974049,5.885974061,5.885974033,5.885974031,5.885974037,5.885974052,5.885974039,5.885974037
+"305","ADCY1",5.039660291,5.039660268,5.039660367,5.03966037,5.039660445,5.03966031,5.039660361,5.039660398,5.03966034,5.039660382,5.039660361,5.039660431,5.039660306,5.03966023,5.039660416,5.039660336,5.0396604,5.039660391,5.039660396,5.039660386,5.039660379,5.039660389,5.039660287,5.03966032,5.039660377,5.039660374,5.039660342,5.039660288
+"306","ADCY10",3.522164881,3.522165052,3.52216494,3.522164857,3.522164927,3.52216494,3.522164878,3.522165006,3.522164908,3.522164826,3.522164929,3.522164845,3.522164981,3.522164804,3.522164888,3.52216502,3.52216493,3.522165055,3.522164995,3.522164956,3.522164952,3.522165005,3.5221649,3.522164925,3.522165065,3.522164969,3.522164845,3.522164853
+"307","ADCY10P1",5.780096572,5.780096472,5.780095541,5.780096729,5.780095884,5.780096325,5.780096606,5.780095846,5.780095975,5.780096331,5.780096031,5.780095638,5.780096667,5.780096532,5.780096428,5.780096368,5.780095545,5.780096216,5.780096392,5.780096454,5.780096438,5.780095912,5.78009634,5.780096685,5.780096371,5.780096274,5.780096632,5.780096023
+"308","ADCY2",4.396876498,4.396876456,4.396876531,4.39687653,4.396876605,4.396876336,4.396876552,4.396876609,4.396876423,4.39687646,4.396876491,4.396876594,4.396876422,4.39687636,4.396876601,4.396876538,4.396876602,4.396876567,4.396876452,4.396876559,4.396876662,4.396876504,4.396876407,4.396876439,4.396876501,4.396876531,4.396876461,4.396876483
+"309","ADCY3",6.047092144,6.047092192,6.047092133,6.047092192,6.047092254,6.047092237,6.047092185,6.047092172,6.047092201,6.047092166,6.047092179,6.047092209,6.047092156,6.047092137,6.047092204,6.047092123,6.047092209,6.047092192,6.047092177,6.047092241,6.047092206,6.047092187,6.047092164,6.047092119,6.047092159,6.047092216,6.047092134,6.047092191
+"310","ADCY4",5.63399784,5.633997898,5.63399787,5.633997906,5.633997859,5.633997885,5.63399789,5.63399789,5.633997868,5.633997846,5.633997903,5.633997859,5.633997865,5.633997832,5.633997869,5.633997925,5.633997889,5.633997906,5.633997878,5.633997938,5.63399792,5.633997874,5.633997871,5.633997861,5.633997895,5.63399786,5.633997849,5.633997845
+"311","ADCY5",4.756202049,4.75620205,4.756202049,4.756202061,4.756202068,4.756202041,4.756202052,4.75620204,4.756202037,4.756202038,4.756202055,4.756202088,4.756202039,4.756202043,4.756202072,4.756202071,4.756202063,4.756202059,4.756202044,4.756202059,4.756202068,4.756202061,4.756202057,4.756202042,4.756202046,4.756202044,4.756202042,4.756202031
+"312","ADCY6",5.456594978,5.456594984,5.456595172,5.456595072,5.456595306,5.456595153,5.456595156,5.456595237,5.456595165,5.456595145,5.456595162,5.456595257,5.456595215,5.45659494,5.456595197,5.456595131,5.456595241,5.45659524,5.456595164,5.456595057,5.45659524,5.4565953,5.456595062,5.456595126,5.456595172,5.456595161,5.456595031,5.456595138
+"313","ADCY7",8.218635575,8.218635717,8.218635562,8.218635338,8.218635163,8.218636133,8.218635802,8.21863562,8.218635505,8.218635771,8.218635178,8.218635358,8.218635822,8.218635832,8.218635412,8.218635479,8.218635431,8.218635242,8.218635389,8.218635655,8.218635493,8.218635675,8.218635546,8.218635659,8.218635382,8.218635394,8.21863573,8.218635433
+"314","ADCY8",4.529868495,4.529868591,4.529868656,4.529868656,4.529868945,4.529868634,4.529868555,4.529868793,4.529868747,4.52986872,4.529868727,4.52986896,4.529868719,4.529868503,4.529868987,4.529868565,4.529868943,4.529868686,4.529868721,4.529868851,4.529868872,4.529868732,4.529868671,4.529868467,4.529868722,4.52986867,4.52986858,4.529868723
+"315","ADCY9",5.568409672,5.568409652,5.568409649,5.568409653,5.568409676,5.568409683,5.568409662,5.568409671,5.568409654,5.56840968,5.568409673,5.568409659,5.568409684,5.568409656,5.568409691,5.568409668,5.568409652,5.568409673,5.568409675,5.568409662,5.56840965,5.568409657,5.568409678,5.568409664,5.56840966,5.568409645,5.568409679,5.568409636
+"316","ADCYAP1",4.830670671,4.830670701,4.830670718,4.830670736,4.830670737,4.83067073,4.830670673,4.830670713,4.830670712,4.830670686,4.830670833,4.830670826,4.830670712,4.830670708,4.830670669,4.830670687,4.830670763,4.830670805,4.830670697,4.830670781,4.830670659,4.830670767,4.830670761,4.830670642,4.830670748,4.830670768,4.830670776,4.830670733
+"317","ADCYAP1R1",4.431209074,4.43120911,4.431209203,4.431209058,4.431209395,4.431209101,4.431209207,4.431209269,4.431209061,4.431209148,4.431209166,4.431209321,4.431209028,4.431208958,4.431209336,4.431209235,4.431209234,4.431209206,4.431209196,4.431209213,4.431209275,4.431209283,4.431209004,4.431208967,4.431209235,4.431209131,4.43120907,4.431209204
+"318","ADD1",8.309124943,8.309125011,8.309125029,8.309124973,8.309124864,8.309125171,8.309125029,8.309124776,8.30912496,8.309125068,8.309124924,8.309124853,8.309124815,8.309124924,8.30912491,8.309124815,8.309124747,8.309124762,8.309124907,8.309124916,8.309124789,8.309124718,8.309124908,8.309125012,8.309124967,8.309125059,8.309124841,8.30912472
+"319","ADD2",5.429966754,5.429966758,5.429966755,5.429966762,5.429966744,5.429966748,5.429966748,5.429966761,5.429966761,5.429966762,5.429966758,5.429966769,5.429966751,5.429966747,5.42996677,5.429966748,5.429966747,5.429966761,5.429966741,5.429966748,5.429966742,5.42996675,5.42996677,5.429966747,5.429966743,5.429966763,5.429966747,5.42996676
+"320","ADD3",8.376967188,8.376966459,8.37696595,8.376966327,8.376966549,8.376966,8.376966822,8.376965718,8.376966613,8.376966813,8.376966407,8.37696589,8.376966539,8.376968214,8.376966724,8.376966247,8.376965123,8.376966221,8.376967211,8.376966025,8.376967112,8.376965791,8.376966892,8.37696665,8.376966452,8.376966345,8.3769665,8.376967656
+"321","ADGB",2.924830174,2.924830232,2.9248303,2.924830254,2.924830365,2.924830251,2.924830297,2.924830308,2.924830248,2.924830233,2.924830371,2.924830432,2.92483033,2.924830228,2.924830334,2.92483026,2.924830292,2.924830156,2.924830207,2.924830369,2.924830233,2.924830274,2.924830286,2.92483031,2.924830276,2.924830214,2.924830259,2.924830391
+"322","ADGRA1",5.427207303,5.427207338,5.427207352,5.427207381,5.42720742,5.42720732,5.427207328,5.427207331,5.427207386,5.42720735,5.427207415,5.427207391,5.427207336,5.427207191,5.427207372,5.427207383,5.427207381,5.427207377,5.427207322,5.427207344,5.427207398,5.427207368,5.427207334,5.427207333,5.427207316,5.427207392,5.42720735,5.42720734
+"323","ADGRA2",5.830080831,5.830080857,5.830081044,5.830080928,5.830081152,5.830081093,5.830080974,5.830080969,5.830080951,5.830081044,5.830081045,5.830081046,5.830080855,5.830080821,5.830081141,5.83008093,5.8300812,5.830081173,5.830081058,5.83008097,5.830081066,5.830081079,5.830080864,5.830080871,5.830081079,5.83008093,5.830080903,5.830081024
+"324","ADGRA3",4.108316275,4.1083163315,4.108316083,4.1083161635,4.108316265,4.1083163775,4.108316262,4.108316008,4.108316377,4.1083163295,4.1083161195,4.1083161175,4.1083164,4.10831643,4.1083161925,4.108316166,4.1083160855,4.1083161755,4.1083163395,4.1083161555,4.108316201,4.108316377,4.10831629,4.10831628,4.108315868,4.108316321,4.1083164525,4.1083162595
+"325","ADGRB1",5.765784606,5.765784556,5.765784642,5.765784524,5.76578474,5.76578454,5.765784624,5.765784681,5.765784637,5.765784631,5.765784628,5.76578469,5.7657846,5.765784551,5.765784692,5.765784618,5.765784709,5.765784644,5.76578466,5.765784658,5.765784663,5.765784682,5.765784572,5.765784528,5.765784621,5.765784667,5.765784571,5.765784615
+"326","ADGRB2",5.803553871,5.803553858,5.803553903,5.803553881,5.803553905,5.803553848,5.803553869,5.803553927,5.803553832,5.80355385,5.8035539,5.803553912,5.803553875,5.803553798,5.803553913,5.803553875,5.803553924,5.803553899,5.80355389,5.803553912,5.803553872,5.803553916,5.803553847,5.803553845,5.803553879,5.803553903,5.803553872,5.803553874
+"327","ADGRB3",3.610272859,3.610272915,3.610272942,3.610272929,3.610272904,3.610272918,3.610272915,3.610272896,3.610272874,3.610272902,3.610272925,3.61027289,3.610272905,3.610272863,3.610272914,3.610272926,3.610272937,3.610272938,3.6102729,3.610272869,3.61027292,3.610272923,3.61027287,3.610272863,3.610272905,3.610272892,3.610272888,3.610272903
+"328","ADGRD1",5.421193459,5.421193412,5.42119345,5.421193445,5.421193461,5.421193396,5.421193455,5.421193439,5.421193441,5.421193471,5.421193441,5.421193455,5.421193429,5.42119342,5.421193474,5.421193408,5.421193454,5.42119345,5.421193417,5.421193429,5.421193443,5.421193451,5.421193412,5.421193427,5.421193454,5.421193437,5.421193427,5.421193423
+"329","ADGRD2",5.969043452,5.969043431,5.969043513,5.969043429,5.969043598,5.969043494,5.969043513,5.969043509,5.969043501,5.96904351,5.96904356,5.969043588,5.969043492,5.969043387,5.969043538,5.969043529,5.969043572,5.96904354,5.969043517,5.969043507,5.969043541,5.969043513,5.969043458,5.969043462,5.969043509,5.969043535,5.969043475,5.969043493
+"330","ADGRE1",7.452704454,8.45191448,7.649968391,7.638858204,8.469950069,7.580895707,7.687077064,7.309594213,7.760491532,8.116082639,8.204747495,7.493575269,7.807765573,8.008799557,7.090430851,8.108801618,7.428659636,7.19248166,8.388114613,7.265064288,7.406413256,7.022907533,7.556783316,7.934875368,8.211864031,7.681905649,7.869338454,7.776502951
+"331","ADGRE2",7.921344067,8.07165525,8.432459232,8.546025383,8.331971929,8.24379416,8.449111044,8.333231422,8.168466679,8.29679777,8.50405816,7.877238048,8.484207195,8.222049779,7.952455319,7.936805403,8.530709688,8.359796452,8.39468822,8.141646399,8.433046105,8.418540636,8.297630526,8.377238531,8.352544697,8.0372707,8.423705214,8.118643712
+"332","ADGRE3",9.419763433,9.419989998,9.419701304,9.420048951,9.419649468,9.419746986,9.419849058,9.419641439,9.419651744,9.41960705,9.419807319,9.419518706,9.419715834,9.419754502,9.419742225,9.420016004,9.419712292,9.419911944,9.419904431,9.419780063,9.419847972,9.419636999,9.419841885,9.419876131,9.419933922,9.419695819,9.419717283,9.419701674
+"333","ADGRE4P",6.501011096,7.325453584,6.765878579,6.787452567,7.405395643,6.393149367,7.411039476,6.609847758,7.043289699,7.073363908,7.736093839,7.012903585,7.02554959,7.102371544,5.773499308,7.081285574,6.510659485,6.221839259,7.538308619,6.395975347,7.007147854,6.477304887,6.999415736,6.838263391,7.551203239,7.08141906,7.015021185,7.035696229
+"334","ADGRE5",9.626674829,10.38118485,9.59352731,10.25825825,9.773831761,10.26889805,9.805205007,9.546167827,9.75690172,9.796461601,9.990927799,9.11568935,9.865990125,9.357311157,9.750898084,10.17666138,9.661152572,10.13802593,9.903677197,10.16497976,9.673656843,9.684904142,9.896074277,9.934456672,9.976418184,9.361247741,9.946651906,9.197795723
+"335","ADGRF1",3.354593754,3.354593579,3.354593873,3.354593936,3.354593873,3.354593839,3.354593839,3.354593928,3.354593818,3.354594013,3.354593951,3.354593877,3.35459398,3.354593753,3.354593653,3.354593946,3.354594209,3.354593824,3.354593926,3.354593804,3.354593914,3.354593928,3.354593779,3.354593657,3.354593879,3.354594009,3.354593679,3.354593938
+"336","ADGRF2",3.985145067,3.985144955,3.985145173,3.985145089,3.985145115,3.985145064,3.985145157,3.985145158,3.985145126,3.985145062,3.985145165,3.985145245,3.985145016,3.985144966,3.985145129,3.985145158,3.985145208,3.985145143,3.985145132,3.98514504,3.985145168,3.985145359,3.985144983,3.985145164,3.985145188,3.985145082,3.985145026,3.985145162
+"337","ADGRF3",5.438223771,5.438223771,5.438224044,5.438224151,5.438224547,5.438223863,5.438224217,5.438224285,5.438224185,5.438223949,5.438224395,5.438224473,5.438224044,5.438223383,5.438224562,5.438224223,5.438224641,5.438224555,5.438224328,5.438224208,5.438224375,5.438224516,5.438223973,5.438223856,5.43822412,5.438224274,5.438224069,5.438224038
+"338","ADGRF5",3.905604756,3.905604798,3.905604829,3.905604873,3.905604868,3.905604908,3.905604849,3.905604891,3.905604857,3.905604833,3.905604892,3.90560494,3.905604797,3.905604778,3.905604836,3.905604802,3.905604889,3.90560486,3.905604856,3.905604825,3.905604822,3.905604893,3.905604894,3.905604861,3.905604814,3.905604846,3.905604839,3.905604862
+"339","ADGRG1",7.058401769,7.058401022,7.058401546,7.058399808,7.058400459,7.058401414,7.058401233,7.058402161,7.058401263,7.058401322,7.058401447,7.058400578,7.058401515,7.058401324,7.058401776,7.058401134,7.058401253,7.058400654,7.058400069,7.058400604,7.058401297,7.05840165,7.058401954,7.058401814,7.05840102,7.058401699,7.058401114,7.058401145
+"340","ADGRG2",3.803845264,3.803845302,3.803845313,3.803845366,3.803845423,3.803845409,3.80384533,3.803845368,3.803845323,3.803845408,3.803845342,3.803845437,3.803845254,3.803845314,3.803845371,3.803845313,3.803845451,3.803845367,3.803845367,3.803845353,3.803845324,3.803845357,3.803845291,3.803845313,3.803845296,3.803845346,3.803845334,3.803845397
+"341","ADGRG3",7.774620085,8.342720525,7.772272746,8.786765516,7.847832622,8.59640854,8.288051399,7.751521556,8.470843936,7.92408964,8.013881542,7.135096462,7.838707869,7.719587105,8.203557147,8.598527733,8.221545593,8.816272355,8.57179432,8.779944557,8.261201941,7.856162141,8.897627524,8.5602336,8.38794832,7.566287352,8.020447467,7.837634939
+"342","ADGRG4",3.31149635,3.311496288,3.311496288,3.311496283,3.311496369,3.311496477,3.311496415,3.311496431,3.311496374,3.311496246,3.311496436,3.311496422,3.311496375,3.31149639,3.311496346,3.311496376,3.311496442,3.311496417,3.311496372,3.311496423,3.311496416,3.311496372,3.311496369,3.311496269,3.311496355,3.311496369,3.311496306,3.311496331
+"343","ADGRG5",6.622212448,6.622212903,6.622212023,6.622211918,6.62221298,6.622212571,6.622212826,6.622212812,6.622212662,6.622212575,6.622213175,6.622211688,6.62221263,6.622212958,6.622212359,6.622212605,6.622211917,6.622211482,6.622213069,6.622211908,6.622212553,6.622212685,6.622212812,6.622212977,6.622212967,6.62221216,6.622212675,6.622212533
+"344","ADGRG6",4.113532336,4.113532355,4.113532382,4.113532376,4.113532368,4.113532347,4.113532352,4.113532362,4.113532384,4.113532371,4.113532392,4.1135324,4.113532358,4.113532353,4.113532374,4.113532336,4.113532397,4.113532378,4.113532372,4.113532353,4.113532363,4.113532363,4.113532349,4.113532357,4.113532375,4.113532366,4.11353234,4.113532378
+"345","ADGRG7",2.971898251,3.143379577,3.276170514,3.197250468,3.103968441,2.838688117,3.042092811,3.25886668,3.006016826,3.051174982,8.071476056,2.926622369,3.164138907,3.025100228,2.992783801,2.762232003,3.218960192,2.890093311,2.84734353,3.04190805,2.88980776,2.565110507,2.67820731,2.749118183,8.523703205,3.231344894,3.20327643,3.556436692
+"346","ADGRL1",6.05242142,6.052421376,6.052421314,6.052421213,6.052421437,6.052421471,6.052421232,6.052421446,6.05242145,6.052421244,6.052421342,6.052421647,6.052421428,6.05242131,6.052421489,6.052421392,6.052421165,6.052421441,6.052421243,6.052421506,6.052421461,6.052421584,6.052421282,6.052421377,6.052421445,6.052421399,6.052421477,6.052421302
+"347","ADGRL2",3.496225061,3.496225026,3.496225045,3.496225045,3.496225056,3.496225053,3.49622507,3.496225069,3.496225061,3.496225049,3.496225051,3.496225059,3.496225042,3.49622504,3.496225056,3.496225083,3.496225068,3.496225045,3.496225063,3.496225054,3.496225056,3.496225073,3.496225046,3.496225058,3.496225046,3.496225042,3.496225054,3.496225064
+"348","ADGRL3",3.333544515,3.33354462,3.333544731,3.333544775,3.333544781,3.33354449,3.333544653,3.33354473,3.333544747,3.333544605,3.333544743,3.3335447,3.333544754,3.333544523,3.333544739,3.333544671,3.333544888,3.333544837,3.333544761,3.333544703,3.33354468,3.333544704,3.33354469,3.333544544,3.333544712,3.333544807,3.33354455,3.333544672
+"349","ADGRL4",2.156851591,2.156851831,2.156851703,2.156851732,2.156851761,2.156851719,2.15685154,2.156851642,2.156851865,2.156851746,2.15685154,2.156851982,2.156851548,2.156851669,2.15685164,2.156851665,2.156851688,2.156851673,2.156851503,2.156851737,2.156851658,2.156851628,2.156851785,2.156851604,2.156851757,2.156851799,2.15685166,2.156851744
+"350","ADGRV1",3.378152045,3.378152043,3.378152124,3.378152056,3.378152096,3.378152088,3.37815207,3.378152076,3.37815202,3.378152088,3.378152063,3.378152146,3.378152111,3.37815203,3.378152066,3.378152089,3.378152149,3.378152101,3.378152072,3.378152133,3.378152061,3.378152064,3.378152091,3.378152044,3.37815203,3.378152056,3.378152026,3.378152076
+"351","ADH1A",4.452060663,4.452060726,4.452060747,4.452060708,4.452060776,4.452060601,4.452060703,4.452060725,4.452060652,4.452060591,4.452060819,4.452060792,4.452060699,4.452060709,4.452060752,4.452060717,4.452060769,4.452060813,4.452060691,4.452060802,4.45206073,4.452060746,4.452060725,4.452060586,4.452060709,4.452060779,4.452060658,4.452060624
+"352","ADH1B",3.391763223,3.391763194,3.391763262,3.391763193,3.391763214,3.391763229,3.391763213,3.391763294,3.391763193,3.391763193,3.391763286,3.391763333,3.391763203,3.391763131,3.391763247,3.391763197,3.391763289,3.391763273,3.391763206,3.391763228,3.391763214,3.391763197,3.391763215,3.391763231,3.391763209,3.391763233,3.391763286,3.391763222
+"353","ADH1C",3.709456331,3.70945634,3.709456339,3.709456341,3.709456353,3.709456332,3.709456346,3.709456354,3.709456324,3.709456352,3.709456351,3.709456334,3.709456331,3.709456318,3.709456354,3.709456339,3.709456359,3.709456361,3.709456344,3.709456342,3.709456358,3.709456349,3.709456324,3.709456339,3.709456352,3.70945635,3.709456341,3.709456339
+"354","ADH4",3.263917779,3.263917899,3.26391789,3.263917812,3.263917814,3.263917879,3.263917846,3.26391785,3.263917895,3.263917846,3.26391784,3.263917768,3.263917851,3.263917849,3.263917835,3.263917876,3.263917948,3.26391785,3.263917901,3.263917915,3.263917806,3.263917792,3.263917898,3.263917851,3.263917835,3.263917808,3.263917832,3.263917835
+"355","ADH5",6.481792498,6.481792442,6.481792249,6.4817923,6.481792306,6.481792097,6.481792278,6.481792239,6.481792269,6.481792488,6.481792227,6.481792327,6.481792338,6.481792727,6.481792335,6.481792375,6.481792192,6.481792249,6.481792491,6.48179224,6.481792286,6.481792344,6.481792473,6.481792519,6.481792049,6.48179235,6.481792277,6.48179245
+"356","ADH6",3.152573277,3.152573174,3.152573329,3.1525733,3.152573315,3.152573236,3.15257334,3.152573367,3.152573324,3.152573183,3.152573304,3.152573515,3.15257337,3.152573264,3.152573438,3.152573421,3.152573381,3.15257331,3.152573244,3.152573318,3.152573492,3.152573304,3.152573315,3.152573205,3.152573416,3.152573506,3.152573284,3.152573295
+"357","ADH7",3.610338872,3.610338853,3.610338806,3.61033883,3.610338906,3.610338804,3.610338896,3.610338882,3.610338858,3.610338907,3.610338889,3.610338904,3.610338849,3.610338845,3.610338888,3.610338848,3.61033891,3.610338857,3.610338862,3.610338967,3.610338897,3.610338858,3.610338928,3.610338941,3.610338945,3.610338856,3.610338889,3.610338918
+"358","ADHFE1",5.686364424,5.686363998,5.686363911,5.686363946,5.686363943,5.686363943,5.686364159,5.686364087,5.686363974,5.686364219,5.686363967,5.686364167,5.686364211,5.686364167,5.686364111,5.686363984,5.68636386,5.686363741,5.686364005,5.686363763,5.686364094,5.686364145,5.686364047,5.686364225,5.686364085,5.686364216,5.68636408,5.686364028
+"359","ADI1",5.826506261,5.826506398,5.826506176,5.826506309,5.826506209,5.826506118,5.826506164,5.826506124,5.8265062,5.826506231,5.826506248,5.826506132,5.826506207,5.826506302,5.826506176,5.82650631,5.82650604,5.826506219,5.826506269,5.82650635,5.826506221,5.826506043,5.826506186,5.826506235,5.826506166,5.826506204,5.826506169,5.82650626
+"360","ADIG",5.419436704,5.41943662,5.419436841,5.419436707,5.419436874,5.41943663,5.419436802,5.419436813,5.419436753,5.419436749,5.419436823,5.419436889,5.419436728,5.419436492,5.419436803,5.419436689,5.419436962,5.419436863,5.419436731,5.419436775,5.41943694,5.419436809,5.41943657,5.419436652,5.419436736,5.419436773,5.419436736,5.419436685
+"361","ADIPOQ",4.402296156,4.402296224,4.402296252,4.402296149,4.40229632,4.402296206,4.402296228,4.402296306,4.402296175,4.402296267,4.402296308,4.402296417,4.402296146,4.402296035,4.402296272,4.402296215,4.402296322,4.402296174,4.402296203,4.402296188,4.402296188,4.402296182,4.40229618,4.402296108,4.402296226,4.402296127,4.402296143,4.402296219
+"362","ADIPOR1",11.33730003,11.10849382,11.66192011,11.27070987,11.39805002,11.72815876,11.39157514,11.80951423,11.73344018,11.4811017,11.31237369,11.64433182,11.27674213,10.76920779,11.38204313,10.661646,11.55817798,11.25479994,11.15968987,11.54978743,11.26452968,11.59759931,11.70105167,11.57935138,11.31625373,11.64214395,11.42327198,10.99806897
+"363","ADIPOR2",6.831967142,6.831967182,6.831967233,6.831967157,6.831966941,6.831967011,6.831967092,6.831967066,6.83196707,6.83196708,6.831966996,6.831967004,6.831967134,6.831967217,6.831967083,6.831967204,6.83196698,6.831967093,6.831967031,6.831967195,6.831967149,6.831967123,6.831967131,6.831967218,6.831967051,6.831967081,6.831967067,6.831967079
+"364","ADK",5.751646437,5.751646021,5.751645663,5.751646037,5.751645571,5.751645049,5.751646088,5.751645185,5.751645785,5.751646109,5.75164516,5.751645409,5.751645775,5.751646936,5.751645792,5.75164601,5.751645394,5.75164589,5.751645853,5.751645394,5.751645846,5.751645522,5.751645618,5.751646135,5.751645278,5.751645553,5.751645734,5.75164636
+"365","ADM",7.409108516,8.258159683,6.733941709,8.279832995,7.5189516,8.089066641,7.459007945,7.143260499,7.812390445,8.159744922,7.586344562,6.297452735,7.327696479,7.202176052,7.695983602,8.339269889,6.84955849,8.350666872,7.90828077,8.288842413,7.258597206,7.128731365,8.201432435,8.516482242,7.976729137,6.282332788,7.251075396,7.138905272
+"366","ADNP",7.584790291,7.584790042,7.58478942,7.584789777,7.584789558,7.584789589,7.584789731,7.584789493,7.584789874,7.584789756,7.584789437,7.584789305,7.584789956,7.584790546,7.584789532,7.584789783,7.584788952,7.584789543,7.58478998,7.584789687,7.584789613,7.58478942,7.584790224,7.584789876,7.584789633,7.584789787,7.584790004,7.584789872
+"367","ADNP2",5.365194451,5.365194479,5.365194441,5.365194439,5.365194369,5.36519441,5.365194424,5.365194421,5.365194455,5.365194391,5.365194386,5.365194405,5.365194446,5.365194502,5.365194399,5.365194422,5.365194353,5.36519441,5.365194453,5.365194432,5.365194374,5.365194403,5.365194446,5.365194434,5.365194416,5.36519442,5.365194475,5.365194476
+"368","ADO",6.498227815,6.498227734,6.498227798,6.498227583,6.498227822,6.498227752,6.498227875,6.498227815,6.498227751,6.49822763,6.498227609,6.498227745,6.498227723,6.498227899,6.498227813,6.498227713,6.498227811,6.498227632,6.498227752,6.498227734,6.498227833,6.498227925,6.498227721,6.498227726,6.498227731,6.498227743,6.498227809,6.498227846
+"369","ADORA1",5.751891169,5.751891114,5.751891247,5.751891178,5.75189148,5.751891183,5.751891263,5.751891309,5.751891261,5.751891339,5.751891281,5.751891445,5.751891263,5.751891086,5.751891326,5.751891158,5.751891409,5.751891288,5.751891308,5.751891321,5.751891362,5.751891386,5.751891225,5.751891224,5.751891246,5.751891361,5.751891256,5.751891275
+"370","ADORA2A-AS1",5.720135512,5.72013551,5.72013566,5.72013558,5.7201357,5.720135507,5.72013563,5.720135622,5.720135574,5.720135563,5.720135637,5.720135687,5.720135595,5.720135491,5.720135698,5.720135651,5.720135678,5.720135685,5.72013557,5.72013566,5.720135753,5.720135641,5.720135506,5.720135487,5.720135497,5.720135623,5.720135546,5.720135684
+"371","ADORA2B",6.188330994,6.188331198,6.188331568,6.188331202,6.188331815,6.188330472,6.188331381,6.188331353,6.188331333,6.188331462,6.188331428,6.188331398,6.188331244,6.188331085,6.188331427,6.18833164,6.188331723,6.188331489,6.188331366,6.1883314,6.188331623,6.188331377,6.188331029,6.188331197,6.188331249,6.188331551,6.188331379,6.188331387
+"372","ADPGK",8.067049994,8.06704985,8.067049636,8.067049912,8.067049305,8.067050134,8.067049702,8.067049423,8.067049648,8.067049638,8.067049599,8.067049293,8.067049966,8.067050086,8.067049682,8.067049793,8.067049427,8.067049576,8.067049957,8.067050045,8.067049596,8.067049545,8.067049662,8.067049991,8.06704951,8.067049525,8.067049972,8.067049711
+"373","ADPRH",4.264675784,4.264675891,4.264675875,4.264675821,4.264675818,4.264675888,4.264675755,4.264675742,4.264675751,4.264675798,4.264675818,4.26467576,4.264675848,4.264675911,4.264675801,4.264675645,4.264675684,4.264675703,4.264675797,4.264675911,4.264675604,4.264675729,4.264675757,4.26467579,4.264675695,4.264675757,4.264675814,4.264675647
+"374","ADPRHL1",4.845529876,4.845529943,4.845529925,4.84552989,4.845529961,4.845529926,4.845529931,4.845529944,4.845529927,4.845529868,4.845529965,4.845529939,4.84552992,4.845529891,4.845529994,4.845529978,4.845529967,4.845529963,4.845529951,4.845529938,4.845529932,4.845529893,4.845529902,4.845529913,4.845529922,4.84552995,4.845529917,4.845529901
+"375","ADPRM",4.796179908,4.796179688,4.796179785,4.796179522,4.79617973,4.796179763,4.796179739,4.796179583,4.796179926,4.796179649,4.796179305,4.796179456,4.796179854,4.796179981,4.796179682,4.796179624,4.796179393,4.796179506,4.796179844,4.796179787,4.79617976,4.79617966,4.796179802,4.796179808,4.796179445,4.796179545,4.796179914,4.796179719
+"376","ADPRS",6.433546643,6.433546719,6.433546692,6.433546726,6.433546689,6.433546756,6.433546718,6.433546682,6.433546748,6.433546734,6.433546732,6.433546731,6.433546751,6.433546706,6.433546715,6.433546707,6.433546716,6.433546673,6.43354674,6.433546784,6.433546722,6.433546742,6.433546714,6.433546716,6.433546602,6.433546685,6.433546744,6.433546693
+"377","ADRA1A",4.000745229,4.000745212,4.000745309,4.000745298,4.000745321,4.000745298,4.000745314,4.000745259,4.000745275,4.000745229,4.000745242,4.000745255,4.000745277,4.000745161,4.000745262,4.000745241,4.000745249,4.000745334,4.000745291,4.000745288,4.000745308,4.00074533,4.000745108,4.000745235,4.000745295,4.000745262,4.000745185,4.000745288
+"378","ADRA1B",5.768981956,5.768981937,5.768982318,5.76898204,5.768982186,5.768981759,5.768982001,5.768982262,5.768982176,5.768981989,5.768982182,5.768982385,5.768982135,5.768981794,5.768982143,5.768982105,5.768982261,5.768982173,5.768981978,5.76898202,5.768982149,5.768982279,5.768982071,5.768982081,5.76898236,5.76898224,5.768982038,5.768982094
+"379","ADRA1D",5.562840144,5.562840142,5.562840165,5.56284017,5.562840197,5.562840179,5.562840171,5.562840191,5.56284017,5.562840172,5.562840193,5.562840202,5.562840181,5.562840135,5.562840175,5.562840148,5.562840206,5.562840195,5.562840158,5.562840155,5.562840158,5.562840205,5.562840151,5.562840142,5.562840185,5.562840175,5.562840163,5.562840151
+"380","ADRA2A",6.139705286,6.139705291,6.139705393,6.139705196,6.139705545,6.139705116,6.139705228,6.139705269,6.139705231,6.139705303,6.139705447,6.139705499,6.139705169,6.139704814,6.139705377,6.139705415,6.139705424,6.139705498,6.139705204,6.139705305,6.139705423,6.13970524,6.139705083,6.139705152,6.139705369,6.139705447,6.139704993,6.139705291
+"381","ADRA2B",6.413425811,6.413425768,6.413425827,6.413425787,6.413426043,6.413425757,6.413425891,6.413425961,6.413425836,6.413425806,6.413425961,6.413426004,6.413425876,6.413425671,6.413425956,6.413425855,6.413426007,6.413425894,6.41342586,6.41342588,6.413425985,6.413425977,6.413425828,6.413425759,6.413425863,6.413425951,6.413425822,6.413425925
+"382","ADRA2C",6.333388805,6.333388865,6.333388941,6.333388838,6.333388987,6.333388782,6.333388862,6.333388995,6.333388818,6.333388911,6.33338897,6.333389024,6.33338886,6.333388753,6.333388944,6.333388842,6.333388976,6.333388911,6.333388866,6.333388929,6.333388911,6.333388935,6.333388867,6.333388863,6.333388956,6.333388915,6.333388882,6.333388926
+"383","ADRB1",6.603144037,6.603144038,6.603144124,6.603144121,6.60314424,6.603144095,6.603144125,6.603144143,6.603144096,6.603144114,6.603144124,6.603144217,6.603144086,6.603143969,6.603144209,6.603144137,6.603144275,6.603144192,6.603144091,6.603144173,6.603144208,6.603144211,6.603143997,6.603143996,6.603144075,6.603144212,6.603144049,6.603144099
+"384","ADRB2",7.08108827,7.081087866,7.081087302,7.081087022,7.081086971,7.081087272,7.081087738,7.081087788,7.081086461,7.081087265,7.081087656,7.081086625,7.081087661,7.081088065,7.081088016,7.081087632,7.081086454,7.081086878,7.081087944,7.081087415,7.081087817,7.081088286,7.081087522,7.081087319,7.081088197,7.08108686,7.081087866,7.081087326
+"385","ADRB3",4.785144004,4.785144045,4.785144063,4.785144082,4.785144073,4.785144051,4.785144101,4.785144099,4.785144064,4.785144038,4.785144084,4.785144124,4.785144031,4.785144023,4.785144051,4.785144051,4.785144123,4.785144086,4.785144122,4.785144086,4.785144108,4.78514413,4.785144009,4.785144053,4.785144041,4.785144053,4.785144086,4.785144048
+"386","ADRM1",7.636170699,7.636170671,7.636170694,7.636170706,7.636170708,7.636170727,7.636170687,7.636170727,7.636170697,7.636170683,7.636170698,7.636170678,7.63617071,7.636170636,7.636170686,7.636170673,7.636170691,7.636170651,7.636170696,7.636170651,7.636170667,7.63617072,7.636170671,7.636170701,7.636170683,7.636170677,7.636170719,7.636170638
+"387","ADSL",6.594781231,6.594780994,6.594781029,6.594780749,6.594780671,6.594781173,6.594781091,6.594780812,6.594781582,6.594781362,6.594780678,6.594780911,6.594781428,6.594781607,6.594780971,6.594780512,6.594780709,6.594780494,6.594781188,6.594781257,6.594781132,6.594780967,6.59478134,6.59478125,6.594780313,6.594781054,6.59478119,6.59478126
+"388","ADSS1",5.445515332,5.445515336,5.445515358,5.445515353,5.445515431,5.445515339,5.445515377,5.445515377,5.445515359,5.445515387,5.445515381,5.445515414,5.44551535,5.445515318,5.445515401,5.44551537,5.445515417,5.445515392,5.445515374,5.445515358,5.445515389,5.445515395,5.445515328,5.445515337,5.445515345,5.445515346,5.445515353,5.44551537
+"389","ADSS2",6.680216989,6.680216989,6.680216786,6.680215853,6.680215849,6.680215388,6.680215855,6.680216002,6.680216333,6.680215721,6.680216003,6.680214995,6.68021629,6.680217701,6.680216552,6.680217251,6.680216196,6.680215767,6.680216581,6.680215978,6.680216506,6.680215995,6.680216784,6.680216047,6.680216361,6.680215964,6.680216407,6.680216855
+"390","ADTRP",4.46343626,4.463436259,4.463436159,4.463436239,4.463436339,4.463436237,4.463436276,4.463436237,4.463436294,4.463436278,4.463436186,4.463436338,4.463436317,4.46343646,4.463436286,4.463436244,4.463436164,4.46343624,4.463436314,4.463436236,4.463436294,4.463436257,4.463436153,4.463436194,4.463436169,4.463436295,4.463436267,4.463436423
+"391","AEBP1",6.214608474,6.214608591,6.214608759,6.214608646,6.214608818,6.214608551,6.214608646,6.214608773,6.214608761,6.214608683,6.214608694,6.214608796,6.214608679,6.214608628,6.214608708,6.214608687,6.21460879,6.214608764,6.21460869,6.214608603,6.214608679,6.214608749,6.214608649,6.214608717,6.214608626,6.214608721,6.214608555,6.214608708
+"392","AEBP2",7.345120374,7.345120212,7.345119739,7.345119516,7.345119514,7.345119563,7.345119753,7.345119845,7.345120343,7.345120149,7.345119457,7.345119361,7.345120261,7.345121058,7.345120005,7.34512003,7.345119308,7.345119438,7.3451199,7.345119397,7.345119699,7.34511988,7.345120411,7.345120082,7.345119656,7.345119875,7.34512022,7.345120527
+"393","AEN",6.040248196,6.040248236,6.040248251,6.040248198,6.040248245,6.040248096,6.040248234,6.040248294,6.040248209,6.040248197,6.040248267,6.040248364,6.040248278,6.040248164,6.040248271,6.040248217,6.040248285,6.040248316,6.040248208,6.040248159,6.040248284,6.040248304,6.040248166,6.040248199,6.040248307,6.040248321,6.040248155,6.040248283
+"394","AFAP1",5.695332094,5.695332085,5.695332144,5.695331975,5.695332011,5.695332252,5.695332174,5.695332107,5.695331818,5.695332303,5.695332229,5.695332063,5.695332121,5.695332014,5.695332151,5.695332112,5.695332052,5.695332066,5.695332109,5.695332291,5.695332118,5.695332186,5.695331851,5.695332205,5.695332215,5.695332217,5.695332224,5.695331851
+"395","AFAP1-AS1",4.141000025,4.140999855,4.140999954,4.141000133,4.141000261,4.140999986,4.141000094,4.14099999,4.140999821,4.141000049,4.141000015,4.141000112,4.140999953,4.141000095,4.141000064,4.141000019,4.141000095,4.141000064,4.14100015,4.141000127,4.141000109,4.1410001,4.140999864,4.140999838,4.141000106,4.14100017,4.140999884,4.14099986
+"396","AFAP1L1",5.096366185,5.096366156,5.096366301,5.096366193,5.096366411,5.096366196,5.096366228,5.096366315,5.096366225,5.096366246,5.096366364,5.096366331,5.096366254,5.096366124,5.096366316,5.096366302,5.096366342,5.096366336,5.09636628,5.096366253,5.096366276,5.096366332,5.096366192,5.096366162,5.096366326,5.096366312,5.096366189,5.096366304
+"397","AFAP1L2",4.804793413,4.804793553,4.804793577,4.804793565,4.804793778,4.804793347,4.804793627,4.804793676,4.804793639,4.804793589,4.804793399,4.804793649,4.804793634,4.804793557,4.804793838,4.804793499,4.804793641,4.804793733,4.804793736,4.804793694,4.804793695,4.804793726,4.804793579,4.804793219,4.804793412,4.804793723,4.804793599,4.804793639
+"398","AFDN",4.941309282,4.941309148,4.941309192,4.941309266,4.941309293,4.941309203,4.941308995,4.941309394,4.94130914,4.941309234,4.941309275,4.941309118,4.941309251,4.941309094,4.941309215,4.941309176,4.941309174,4.941309183,4.941309408,4.941309065,4.941308948,4.941309321,4.94130911,4.941309405,4.941309364,4.941309205,4.941309276,4.941309079
+"399","AFDN-DT",4.941263006,4.941263058,4.941263132,4.941262999,4.941263167,4.941262814,4.94126316,4.941263203,4.941263101,4.941263057,4.941263151,4.941263224,4.941263125,4.941262761,4.941263157,4.941263126,4.941263241,4.941263003,4.941263131,4.941263043,4.941263082,4.941263153,4.94126288,4.941262948,4.941262958,4.941263181,4.941262953,4.941263111
+"400","AFF1",8.111736073,8.111735957,8.111735718,8.111736235,8.111735987,8.11173771,8.111736356,8.111735968,8.111736158,8.111736,8.111736169,8.111735484,8.111736244,8.111735671,8.111736038,8.111735378,8.111735675,8.111736281,8.111736104,8.111737994,8.111736031,8.111735702,8.111736424,8.111736206,8.111736303,8.111735586,8.111736326,8.111735365
+"401","AFF2",4.869286302,4.869286296,4.869286316,4.869286345,4.869286327,4.869286317,4.869286335,4.869286307,4.869286326,4.869286302,4.869286347,4.869286327,4.869286324,4.8692863,4.869286316,4.869286321,4.869286357,4.869286329,4.869286316,4.869286329,4.869286348,4.869286336,4.869286321,4.869286323,4.869286337,4.869286304,4.869286316,4.869286321
+"402","AFF3",5.91948484,5.919483897,5.919483517,5.919484412,5.919483911,5.919484476,5.91948423,5.919483451,5.919483973,5.919484291,5.919483743,5.919484856,5.919484526,5.919484897,5.919484617,5.919483497,5.91948298,5.919483835,5.919483981,5.919483931,5.91948359,5.919483495,5.919483734,5.919484613,5.919483382,5.919484749,5.919484238,5.9194849
+"403","AFF4",7.53583638,7.535835972,7.535835656,7.535836538,7.535835929,7.535836173,7.535836097,7.535835652,7.535835959,7.535836099,7.53583598,7.535835752,7.535836247,7.535836397,7.535836214,7.535835487,7.535835696,7.535836251,7.535836227,7.535836301,7.535836074,7.535835658,7.535836115,7.535836295,7.535836166,7.535836269,7.53583624,7.5358359
+"404","AFG1L",4.421228863,4.421228749,4.421228813,4.421228587,4.421228785,4.421228858,4.421228773,4.421228787,4.421228898,4.421228812,4.421228368,4.42122849,4.421228798,4.421228957,4.421228932,4.421228793,4.421228686,4.421228782,4.421228659,4.421228535,4.421228799,4.421228822,4.421228875,4.421228595,4.42122875,4.421228772,4.421228819,4.42122904
+"405","AFG3L1P",5.871694532,5.871694536,5.871694542,5.871694538,5.871694544,5.871694533,5.871694537,5.871694544,5.871694538,5.871694538,5.871694539,5.87169455,5.871694539,5.871694533,5.871694542,5.871694535,5.871694542,5.871694537,5.871694541,5.871694533,5.871694546,5.871694541,5.871694532,5.871694533,5.87169454,5.871694533,5.871694533,5.871694535
+"406","AFG3L2",6.695205625,6.69520575,6.695205189,6.695205119,6.695205111,6.695205196,6.695205533,6.695204925,6.695205795,6.695205669,6.695205034,6.695205093,6.695205552,6.695206291,6.695205428,6.695205788,6.695204715,6.695204786,6.695205292,6.695204915,6.695205211,6.695205433,6.695205687,6.695205623,6.695204849,6.695205645,6.69520549,6.695205793
+"407","AFM",3.2746437,3.274643969,3.274643992,3.274643999,3.274643841,3.274643973,3.274644068,3.274643813,3.27464383,3.274644144,3.274644123,3.274644097,3.274643809,3.274643997,3.274643846,3.274643849,3.274644195,3.274643892,3.274643886,3.274643999,3.274643906,3.274643961,3.274643774,3.27464385,3.274644242,3.27464395,3.274643886,3.27464406
+"408","AFMID",5.420466388,5.420466347,5.420466434,5.42046641,5.42046645,5.420466416,5.420466413,5.420466426,5.420466425,5.420466438,5.420466472,5.420466438,5.420466433,5.42046637,5.420466447,5.420466363,5.42046645,5.420466437,5.420466422,5.42046639,5.420466448,5.420466449,5.420466383,5.42046641,5.420466414,5.420466405,5.420466402,5.420466433
+"409","AFP",3.163427301,3.163427345,3.163427359,3.163427412,3.163427339,3.163427359,3.163427326,3.163427338,3.163427364,3.163427332,3.16342736,3.163427407,3.163427346,3.163427354,3.163427365,3.163427322,3.16342733,3.163427345,3.163427357,3.16342736,3.163427337,3.163427362,3.163427333,3.163427364,3.163427373,3.163427353,3.163427364,3.163427396
+"410","AFTPH",7.813168502,7.81316838,7.813168077,7.813168441,7.813167885,7.813167924,7.813168291,7.813167946,7.813168062,7.813168291,7.813167973,7.813167385,7.813168206,7.813168851,7.813168294,7.813168195,7.813168162,7.813168225,7.813168354,7.813167996,7.81316824,7.813167832,7.813168118,7.813168506,7.81316825,7.813167924,7.81316819,7.813168527
+"411","AGA",5.826960638,5.826960518,5.826960446,5.826960127,5.826960641,5.82696046,5.826960392,5.826960288,5.82696069,5.826960484,5.82696014,5.826960622,5.826960534,5.826960948,5.826960389,5.826960485,5.826960226,5.826960374,5.826960707,5.826960595,5.82696036,5.82696049,5.82696073,5.826960568,5.82696013,5.826960628,5.826960326,5.826960673
+"412","AGAP1",5.973577578,5.973577152,5.97357777,5.973577059,5.973578053,5.973577411,5.973577524,5.973578285,5.973577388,5.973577321,5.973577732,5.973577812,5.973577583,5.973577059,5.973578048,5.973577544,5.973578153,5.973577586,5.97357737,5.973577402,5.973577482,5.973578206,5.973577082,5.973577483,5.973577121,5.973577759,5.973577594,5.973577519
+"413","AGAP2",6.607239406,6.607239431,6.607239389,6.607239431,6.607239407,6.607239436,6.607239419,6.607239425,6.607239408,6.607239424,6.607239381,6.607239408,6.607239415,6.607239416,6.60723941,6.607239426,6.607239402,6.607239427,6.607239415,6.607239417,6.607239419,6.60723942,6.607239437,6.607239418,6.607239423,6.60723942,6.607239425,6.607239412
+"414","AGAP3",6.75998877,6.759988794,6.759988844,6.759988801,6.759988895,6.759988783,6.759988827,6.75998886,6.759988843,6.759988829,6.759988856,6.759988826,6.75998885,6.759988768,6.759988876,6.759988844,6.759988874,6.759988865,6.759988801,6.759988781,6.759988852,6.759988864,6.759988811,6.759988814,6.759988865,6.759988831,6.759988798,6.759988859
+"415","AGBL1",3.696810495,3.696810482,3.696810626,3.696810612,3.696810613,3.696810693,3.696810621,3.69681059,3.696810605,3.696810716,3.69681069,3.696810787,3.696810637,3.696810472,3.696810698,3.696810722,3.69681067,3.69681066,3.6968106,3.696810603,3.696810583,3.696810637,3.696810488,3.696810575,3.696810433,3.696810477,3.696810595,3.69681074
+"416","AGBL2",4.148382769,4.148382795,4.148382793,4.148382743,4.148382826,4.148382753,4.148382818,4.148382823,4.148382743,4.148382764,4.148382794,4.148382765,4.148382804,4.148382801,4.148382733,4.148382747,4.148382775,4.14838282,4.148382789,4.148382832,4.148382763,4.148382775,4.148382794,4.148382761,4.148382771,4.148382801,4.148382751,4.148382753
+"417","AGBL3",3.555392509,3.555392509,3.555392576,3.555392526,3.555392493,3.555392581,3.555392501,3.555392571,3.555392582,3.55539254,3.555392491,3.555392609,3.555392523,3.55539252,3.555392505,3.555392493,3.555392534,3.555392493,3.555392595,3.555392513,3.555392492,3.555392518,3.555392536,3.555392532,3.555392532,3.555392554,3.555392574,3.555392547
+"418","AGBL4",4.155906123,4.155906132,4.155906156,4.155906123,4.155906113,4.155906162,4.155906141,4.155906135,4.155906146,4.155906151,4.155906155,4.155906151,4.155906122,4.155906108,4.155906152,4.155906126,4.155906168,4.155906162,4.155906174,4.155906168,4.155906115,4.155906133,4.155906137,4.155906142,4.155906127,4.155906142,4.155906154,4.155906123
+"419","AGBL5",5.365391832,5.365391825,5.365391844,5.36539184,5.365391835,5.365391844,5.365391833,5.365391841,5.365391835,5.365391838,5.365391845,5.365391843,5.365391834,5.36539182,5.36539184,5.365391825,5.365391845,5.365391832,5.365391835,5.365391832,5.365391841,5.365391836,5.365391838,5.36539183,5.365391847,5.365391839,5.365391831,5.365391833
+"420","AGER",6.91553844,6.915538504,6.915538547,6.915538556,6.915538479,6.91553848,6.915538539,6.915538496,6.915538529,6.915538495,6.91553853,6.915538526,6.915538509,6.915538464,6.915538486,6.91553856,6.91553849,6.915538528,6.915538472,6.915538508,6.915538543,6.915538506,6.915538497,6.915538509,6.91553858,6.915538527,6.915538511,6.915538457
+"421","AGFG1",8.614844829,8.614844773,8.614844498,8.614844757,8.61484453,8.614844518,8.614844783,8.614844368,8.614844484,8.614844514,8.614844543,8.614844376,8.614844674,8.614844915,8.614844695,8.614844518,8.614844398,8.614844261,8.614844636,8.614844369,8.614844673,8.614844454,8.614844592,8.614844734,8.614844404,8.614844399,8.614844607,8.614844533
+"422","AGFG2",6.028679178,6.028679186,6.028679219,6.028679228,6.028679358,6.028679178,6.028679274,6.028679281,6.028679359,6.028679255,6.028679244,6.028679384,6.028679213,6.028679113,6.028679356,6.028679283,6.028679354,6.028679216,6.028679328,6.028679244,6.028679272,6.02867937,6.028679163,6.028679116,6.028679214,6.028679278,6.028679192,6.028679372
+"423","AGGF1",6.934342833,6.93434283,6.934342762,6.93434267,6.93434274,6.934342645,6.934342774,6.934342669,6.934342772,6.934342692,6.93434267,6.934342626,6.934342752,6.934342942,6.93434273,6.934342712,6.934342693,6.93434266,6.934342773,6.934342619,6.934342719,6.934342714,6.93434283,6.93434273,6.934342684,6.934342687,6.934342758,6.934342884
+"424","AGK",6.159624348,6.159623331,6.159623424,6.159623084,6.159623172,6.159623599,6.159624233,6.159623654,6.15962399,6.159623685,6.15962294,6.159623192,6.159624005,6.159624194,6.159623737,6.159622904,6.159622813,6.159622789,6.159623383,6.159623264,6.159623657,6.159623731,6.159624268,6.159623896,6.159622788,6.159623721,6.159623723,6.159623589
+"425","AGL",5.756443771,5.756443372,5.756443249,5.75644335,5.756443294,5.756442936,5.756443352,5.7564429,5.756443394,5.756443289,5.75644288,5.756442869,5.756443471,5.756444259,5.756443318,5.756443241,5.756442673,5.756442789,5.75644338,5.756442898,5.756443361,5.756443016,5.756443578,5.756443494,5.75644309,5.756443366,5.756443255,5.756443474
+"426","AGMAT",5.958677313,5.958677269,5.958677515,5.95867727,5.958677719,5.958677309,5.958677518,5.958677555,5.958677537,5.958677513,5.95867742,5.958677665,5.958677498,5.958677437,5.958677508,5.95867747,5.958677655,5.958677468,5.958677572,5.958677336,5.958677559,5.958677587,5.958677488,5.958677425,5.958677367,5.958677583,5.958677345,5.958677603
+"427","AGMO",3.159792337,3.159792324,3.159792355,3.159792332,3.159792349,3.159792354,3.159792325,3.159792377,3.159792332,3.15979232,3.15979236,3.159792386,3.159792318,3.159792323,3.159792331,3.159792356,3.15979235,3.159792332,3.15979234,3.159792352,3.159792305,3.159792325,3.159792365,3.159792337,3.159792337,3.159792313,3.15979232,3.159792356
+"428","AGO2",7.941139099,7.941139245,7.941139236,7.941139306,7.941139046,7.94113931,7.941139123,7.941139275,7.94113918,7.941139177,7.941139252,7.941139203,7.941139108,7.941139103,7.941139124,7.941139101,7.941139152,7.941139268,7.941139079,7.941139139,7.941139103,7.941139169,7.941139193,7.941139225,7.941139305,7.941139283,7.941139216,7.941138974
+"429","AGO3",7.324657785,7.324657595,7.324657178,7.324657334,7.324657133,7.324657162,7.324657468,7.324657286,7.324657379,7.324657139,7.324656959,7.324656848,7.324657482,7.324657923,7.324657268,7.324657608,7.324656981,7.32465691,7.324657741,7.324657357,7.324657284,7.324657052,7.324657574,7.324657304,7.324657388,7.324657226,7.324657668,7.324657476
+"430","AGO4",8.755549318,8.755550514,8.755548739,8.755551207,8.755547884,8.755549439,8.75554964,8.755548557,8.755547457,8.755547788,8.755549677,8.755547146,8.755548862,8.755549307,8.755548835,8.755550377,8.755548736,8.75555023,8.755549546,8.755549119,8.755549941,8.755548698,8.755548905,8.755549928,8.755550725,8.75554848,8.755548927,8.755548633
+"431","AGPAT2",7.244098969,7.24409906,7.244098998,7.244099087,7.244099015,7.244098978,7.244098982,7.244099014,7.244098934,7.244098979,7.244098994,7.244098938,7.244098992,7.244099023,7.244098999,7.244099056,7.244099018,7.244099034,7.244099017,7.244099037,7.244098984,7.244099027,7.244098979,7.24409907,7.244098989,7.244098958,7.244098998,7.244098918
+"432","AGPAT3",6.660313731,6.660313587,6.660313571,6.660313343,6.660313526,6.660314056,6.66031367,6.660313578,6.660313756,6.660313777,6.660313672,6.660313349,6.660313668,6.66031367,6.660313545,6.660313174,6.660313229,6.660313255,6.660313385,6.660313993,6.660313669,6.660313575,6.660313523,6.660313639,6.660313372,6.660313479,6.660313773,6.66031351
+"433","AGPAT4",5.820144485,5.820144525,5.820143865,5.820144128,5.820144077,5.820144424,5.820144276,5.820144166,5.820143871,5.820144092,5.820144326,5.820143607,5.820144445,5.820144325,5.820144316,5.820144123,5.820143868,5.820143715,5.820144252,5.820144042,5.82014415,5.820143933,5.820144097,5.820144479,5.82014403,5.820143892,5.820144331,5.820143816
+"434","AGPAT4-IT1",5.426451693,5.426451718,5.426451478,5.426451546,5.426451663,5.426451569,5.426451578,5.426451674,5.426451481,5.426451535,5.426451672,5.426451417,5.426451673,5.426451519,5.42645166,5.426451614,5.426451425,5.42645158,5.426451478,5.426451447,5.426451488,5.426451505,5.426451564,5.426451636,5.426451601,5.426451511,5.426451621,5.426451431
+"435","AGPAT5",6.156322783,6.156322492,6.156322346,6.156322304,6.156322471,6.156322242,6.156322533,6.15632208,6.156322464,6.156322678,6.156322183,6.156322283,6.156322565,6.15632307,6.156322543,6.156322344,6.156322344,6.156322332,6.156322541,6.156322381,6.156322318,6.15632225,6.156322514,6.156322611,6.156322206,6.156322386,6.156322554,6.156322999
+"436","AGPS",6.589217309,6.589217267,6.589216908,6.589215897,6.58921642,6.58921634,6.589216623,6.589215974,6.589216622,6.589216649,6.589216428,6.589215306,6.589216816,6.589218213,6.589216423,6.589216657,6.589216551,6.589215646,6.589216993,6.589216765,6.589216801,6.589215834,6.589216944,6.589217024,6.589216539,6.589215846,6.589216658,6.589217442
+"437","AGR2",3.046704098,3.046704139,3.04670413,3.04670422,3.046704195,3.046704251,3.046704216,3.046704182,3.046704151,3.046704174,3.046704246,3.046704296,3.046704176,3.046704101,3.046704239,3.046704233,3.046704171,3.046704266,3.046704162,3.046704238,3.046704208,3.046704126,3.046704143,3.046704223,3.046704163,3.046704225,3.046704217,3.046704209
+"438","AGR3",2.62645576,2.626455782,2.626455775,2.626455808,2.626455786,2.626455812,2.626455772,2.626455772,2.626455792,2.626455797,2.626455796,2.626455797,2.626455764,2.626455767,2.62645581,2.626455784,2.626455765,2.626455829,2.626455802,2.626455765,2.626455755,2.626455774,2.626455752,2.626455792,2.626455801,2.626455753,2.626455769,2.626455778
+"439","AGRN",5.704591814,5.704591893,5.704591994,5.704591933,5.704592107,5.704591826,5.704591947,5.704592032,5.704591889,5.704591935,5.70459195,5.704592019,5.704591849,5.704591776,5.70459207,5.704592017,5.704592111,5.70459206,5.704591945,5.704591942,5.704592039,5.704592071,5.704591934,5.704591826,5.704592036,5.704592028,5.704591914,5.704591966
+"440","AGRP",6.07097344,6.070973338,6.070973461,6.070973499,6.070973547,6.070973383,6.070973457,6.07097352,6.070973394,6.070973323,6.0709735,6.07097355,6.070973461,6.070973309,6.070973524,6.070973471,6.070973511,6.070973492,6.070973455,6.070973396,6.070973491,6.070973512,6.070973344,6.070973318,6.070973479,6.07097351,6.070973462,6.070973373
+"441","AGT",4.346884279,4.346884356,4.346884488,4.346884086,4.346884548,4.346884569,4.346884439,4.346884498,4.346884644,4.34688463,4.346884438,4.346884734,4.346884362,4.346884435,4.34688433,4.346884697,4.346884684,4.346884698,4.346884276,4.346884837,4.346884719,4.346884469,4.346884623,4.346884318,4.346884311,4.346884517,4.346884285,4.346884432
+"442","AGTPBP1",7.644074143,7.644074309,7.644073068,7.644074025,7.644072295,7.644072145,7.644073409,7.644072387,7.644072816,7.644072911,7.644073656,7.644071486,7.644073282,7.644074331,7.64407344,7.644074313,7.644072918,7.644073834,7.644073856,7.644072982,7.644073841,7.644072658,7.644073775,7.644074397,7.644074566,7.644072303,7.64407331,7.644073684
+"443","AGTR1",4.399635257,4.399635278,4.399635309,4.399635265,4.399635257,4.399635223,4.399635224,4.399635289,4.39963524,4.399635234,4.39963528,4.399635272,4.399635256,4.399635231,4.399635256,4.399635294,4.399635295,4.399635316,4.399635273,4.399635282,4.399635282,4.399635272,4.39963524,4.399635239,4.39963531,4.399635285,4.399635261,4.399635267
+"444","AGTR2",2.996876144,2.996876093,2.996876261,2.996876246,2.996876238,2.996876056,2.996876145,2.996876267,2.996875986,2.996876013,2.996876306,2.996876346,2.996876032,2.996875833,2.996876068,2.996876369,2.996876369,2.996876234,2.996876219,2.996876193,2.996876306,2.996876318,2.996876085,2.996876002,2.996876147,2.996876171,2.996876115,2.9968762
+"445","AGTRAP",8.660654259,8.660655808,8.660654174,8.660655191,8.660653699,8.660655811,8.660653926,8.660653832,8.660653653,8.660654478,8.660654551,8.660652461,8.660653569,8.660652611,8.660654037,8.660655538,8.660654034,8.660654159,8.660654118,8.660654612,8.660653706,8.660654276,8.660653619,8.660655164,8.660653966,8.6606529,8.660653569,8.660651775
+"446","AGXT",5.806979481,5.806979401,5.806979851,5.806979503,5.806979962,5.806979637,5.806979739,5.806979939,5.806979654,5.80697967,5.806979805,5.806979926,5.806979626,5.806979401,5.806979933,5.806979982,5.806980042,5.806979898,5.806979807,5.80697952,5.806979864,5.806980027,5.806979492,5.806979576,5.806979807,5.806979854,5.806979688,5.806979826
+"447","AGXT2",4.388897668,4.388897659,4.388897677,4.388897642,4.388897781,4.388897741,4.388897676,4.388897736,4.388897632,4.388897712,4.388897731,4.388897881,4.388897618,4.388897501,4.388897695,4.388897661,4.388897665,4.388897727,4.388897745,4.388897668,4.388897811,4.388897757,4.388897702,4.388897658,4.388897819,4.388897733,4.388897662,4.388897664
+"448","AHCY",6.775199373,6.775199529,6.77519945,6.775199461,6.775199494,6.775199659,6.775199571,6.775199644,6.775199491,6.775199737,6.775199641,6.775199481,6.775199638,6.775199467,6.775199586,6.775199429,6.77519958,6.775199502,6.775199424,6.775199397,6.775199615,6.775199702,6.775199567,6.775199442,6.775199508,6.77519964,6.775199682,6.775199425
+"449","AHCYL1",6.972116007,6.972116088,6.972115972,6.972116056,6.972115955,6.97211605,6.972116008,6.972115965,6.972115995,6.972115995,6.972115962,6.972115912,6.972116014,6.972116106,6.972115948,6.972116056,6.972115875,6.972115973,6.972115937,6.972116021,6.972115948,6.97211591,6.972115977,6.972116077,6.972115971,6.972115933,6.97211601,6.972116021
+"450","AHCYL2",6.414871583,6.414871642,6.414871561,6.414871596,6.414871567,6.414871554,6.414871558,6.414871552,6.414871588,6.41487157,6.414871513,6.414871519,6.414871566,6.414871624,6.414871542,6.414871586,6.414871508,6.414871559,6.414871574,6.414871571,6.414871532,6.414871532,6.414871576,6.414871576,6.414871543,6.414871561,6.414871586,6.414871564
+"451","AHDC1",5.858211234,5.858211275,5.858211321,5.858211346,5.858211521,5.858211305,5.858211322,5.858211425,5.858211323,5.858211239,5.858211367,5.858211503,5.858211361,5.85821118,5.858211519,5.858211377,5.858211497,5.858211378,5.85821142,5.858211381,5.858211451,5.858211372,5.858211344,5.858211304,5.858211283,5.858211325,5.858211222,5.858211277
+"452","AHI1",4.148593392,4.148592823,4.148592432,4.148592523,4.148593158,4.148593408,4.148593543,4.148592564,4.148593483,4.148593373,4.148593049,4.148592995,4.148593621,4.148593848,4.148593126,4.148593162,4.148592606,4.148592548,4.148593327,4.148593305,4.148593226,4.148592647,4.148593573,4.148593224,4.148593026,4.148593195,4.148593576,4.148593401
+"453","AHNAK",9.138167368,9.138165099,9.138143744,9.138143449,9.138161668,9.138141098,9.138162998,9.138142123,9.138146054,9.138158792,9.138169147,9.13813339,9.138161356,9.138194765,9.138163942,9.13814488,9.138133172,9.138151042,9.138147439,9.138110714,9.138165626,9.13814352,9.138146417,9.138150946,9.138155256,9.138152568,9.138162441,9.138171918
+"454","AHNAK2",4.066632444,4.06663247,4.066632491,4.066632451,4.066632444,4.066632431,4.066632445,4.066632444,4.066632438,4.066632445,4.066632419,4.066632457,4.066632456,4.066632405,4.066632461,4.066632478,4.066632469,4.066632455,4.066632464,4.066632475,4.066632452,4.066632431,4.066632434,4.066632433,4.066632451,4.066632454,4.066632455,4.066632416
+"455","AHR",6.981438272,6.981437574,6.981435275,6.981435386,6.981437216,6.981435611,6.981436019,6.981434368,6.981434703,6.981435633,6.981437898,6.981434061,6.981437119,6.981437628,6.981435156,6.981434397,6.981433732,6.981433496,6.981437834,6.981434196,6.981435606,6.981433416,6.981434172,6.981434965,6.981436967,6.981434714,6.981436595,6.981436488
+"456","AHSA1",6.882942738,6.882942814,6.882942525,6.88294263,6.882942556,6.882942689,6.882942653,6.882942624,6.882942755,6.882942705,6.882942607,6.882942494,6.882942668,6.882942998,6.882942547,6.882942706,6.8829424,6.882942576,6.882942604,6.882942666,6.882942646,6.882942542,6.882942816,6.882942762,6.882942489,6.882942599,6.88294265,6.882942734
+"457","AHSA2P",7.433087192,7.433086811,7.43308655,7.433086564,7.433086434,7.433086688,7.433086443,7.433086791,7.433086996,7.43308686,7.433086728,7.433086598,7.433086954,7.433087613,7.433086464,7.433087049,7.433086096,7.433086507,7.433086828,7.433085599,7.433086432,7.433086975,7.433086571,7.433086935,7.433086593,7.433087158,7.433087148,7.4330867
+"458","AHSG",3.730935703,3.730935675,3.730935842,3.730935813,3.73093583,3.730935718,3.730935657,3.73093573,3.730935649,3.730935705,3.730935914,3.730935818,3.730935782,3.730935441,3.730935885,3.730935847,3.73093588,3.730935974,3.730935768,3.730935791,3.730935689,3.730935876,3.73093573,3.730935831,3.730935774,3.730935795,3.730935882,3.730935743
+"459","AHSP",5.865945073,5.454417645,7.098579521,6.013077174,6.081850362,6.865129156,6.937354022,6.912122233,6.882793607,6.803362933,6.589114477,7.534968007,5.912359128,5.128925368,5.797210249,5.302162483,7.034516299,6.150461071,5.783252075,6.676169367,6.745490067,6.702124127,6.737568491,6.745852894,6.742161125,7.401100769,6.04452931,5.248656629
+"460","AICDA",4.347206345,4.347206649,4.347206429,4.347206567,4.347206561,4.347206515,4.34720662,4.347206707,4.347206574,4.347206728,4.347206576,4.347206682,4.347206409,4.347206482,4.347206491,4.347206315,4.347206574,4.347206553,4.347206499,4.347206552,4.347206506,4.347206515,4.347206458,4.347206606,4.347206559,4.347206345,4.34720638,4.347206497
+"461","AIDA",6.374701033,6.3747009005,6.374700947,6.374700828,6.3747008815,6.3747009465,6.374700909,6.3747009785,6.3747009795,6.374700947,6.374700899,6.3747009265,6.374700925,6.3747010685,6.3747008815,6.3747008135,6.374700818,6.3747008905,6.3747009025,6.3747010005,6.37470088,6.3747009585,6.37470094,6.374700957,6.3747008475,6.374700975,6.374700976,6.374701028
+"462","AIF1",7.492920461,7.492920745,7.492921667,7.492921157,7.492920429,7.492921442,7.492920935,7.49292072,7.492920657,7.492921178,7.49292111,7.492919634,7.492921481,7.492921405,7.492920109,7.492920626,7.49292095,7.492920737,7.492920697,7.492921241,7.492921281,7.492921259,7.492920664,7.492921286,7.492920847,7.49292025,7.492921151,7.492920335
+"463","AIF1L",4.825478886,4.825478911,4.825478965,4.825478983,4.825479021,4.825478917,4.825478972,4.825478972,4.82547897,4.825478929,4.825478932,4.825479023,4.825478974,4.825478861,4.825478982,4.825478962,4.825479048,4.825478942,4.825478968,4.825478941,4.825478958,4.825479027,4.825478882,4.825478876,4.825478922,4.825478953,4.825478947,4.825478963
+"464","AIFM1",6.138675398,6.138675416,6.138675297,6.138675291,6.138675262,6.138675408,6.138675378,6.138675278,6.138675345,6.138675317,6.138675232,6.138675186,6.138675348,6.138675496,6.138675298,6.13867534,6.138675126,6.138675173,6.138675323,6.138675339,6.138675352,6.138675272,6.138675437,6.138675341,6.138675305,6.138675307,6.13867536,6.13867534
+"465","AIFM2",5.370559815,5.370559848,5.370559863,5.370559832,5.37055986,5.370559834,5.370559864,5.37055988,5.370559878,5.370559833,5.370559886,5.37055986,5.370559821,5.370559823,5.370559872,5.370559829,5.370559856,5.370559864,5.370559831,5.370559837,5.370559877,5.370559865,5.370559816,5.370559831,5.370559834,5.370559874,5.370559838,5.370559844
+"466","AIFM3",5.489415252,5.489415239,5.489415302,5.48941526,5.489415349,5.489415254,5.489415281,5.489415332,5.489415245,5.489415293,5.489415257,5.489415323,5.489415279,5.489415242,5.48941533,5.48941529,5.489415338,5.489415313,5.489415299,5.489415255,5.489415322,5.489415315,5.489415274,5.489415246,5.489415284,5.489415294,5.489415247,5.4894153
+"467","AIG1",5.344422622,5.344422699,5.344422612,5.344422653,5.344422537,5.344422677,5.344422577,5.344422637,5.344422568,5.34442262,5.344422585,5.344422576,5.344422613,5.344422632,5.344422519,5.344422667,5.344422577,5.344422581,5.344422624,5.344422501,5.344422551,5.344422614,5.344422593,5.344422636,5.344422615,5.344422566,5.34442261,5.344422637
+"468","AIM2",5.892401382,5.892402651,5.892398377,5.892402039,5.89239881,5.892404715,5.892401166,5.892398373,5.892401073,5.892400539,5.89239997,5.892397407,5.892401026,5.892401016,5.892400744,5.892401893,5.892398506,5.892400844,5.892400724,5.892405275,5.892401473,5.892399155,5.892402687,5.892401884,5.892401734,5.89239892,5.892401871,5.892399358
+"469","AIMP1",4.622049458,4.622049374,4.622049453,4.622049303,4.622049312,4.622049361,4.622049379,4.622049364,4.622049493,4.622049373,4.62204926,4.622049278,4.622049473,4.622049667,4.622049426,4.622049363,4.622049281,4.6220493,4.622049468,4.622049341,4.622049391,4.62204939,4.622049457,4.622049394,4.622049296,4.622049359,4.622049412,4.622049608
+"470","AIMP2",6.196536288,6.196536238,6.196536265,6.196536088,6.196536237,6.196536377,6.196536166,6.196536189,6.196536103,6.196536231,6.196536157,6.196536221,6.196536258,6.196536296,6.196536094,6.196536158,6.196536239,6.196536065,6.196536202,6.196536225,6.196536245,6.196536298,6.196536198,6.196536296,6.196536063,6.196536268,6.196536323,6.19653613
+"471","AIP",6.813905743,6.813905683,6.813905752,6.813905467,6.813905564,6.813905708,6.813905697,6.813905381,6.81390588,6.8139059,6.813905504,6.813905393,6.813905781,6.813905715,6.813905685,6.813905667,6.813905608,6.813905313,6.813905675,6.813905732,6.813905585,6.81390565,6.813905799,6.813905662,6.813905406,6.813905644,6.813905808,6.813905804
+"472","AIPL1",5.265777227,5.265777401,5.265777519,5.265777204,5.265778144,5.265777109,5.265777498,5.265777783,5.265777259,5.265777294,5.265777528,5.265777819,5.265777585,5.265776925,5.265777995,5.265777445,5.265777977,5.265777898,5.265777382,5.26577747,5.265778018,5.265777793,5.265777093,5.265777105,5.26577772,5.265777965,5.265777043,5.265777611
+"473","AIRE",6.365436331,6.365436399,6.365436518,6.365436366,6.365436596,6.365436314,6.365436455,6.365436564,6.365436431,6.365436417,6.365436448,6.365436588,6.365436448,6.365436257,6.365436552,6.365436529,6.365436672,6.365436558,6.365436463,6.365436427,6.365436597,6.365436574,6.365436305,6.365436367,6.365436466,6.365436548,6.365436358,6.365436502
+"474","AJAP1",4.750316177,4.750316205,4.750316195,4.750316204,4.75031626,4.750316202,4.750316194,4.750316222,4.750316198,4.750316212,4.750316193,4.750316223,4.750316199,4.75031616,4.75031622,4.750316229,4.750316217,4.750316216,4.750316211,4.750316216,4.750316208,4.750316195,4.75031616,4.750316198,4.750316204,4.750316209,4.750316205,4.750316188
+"475","AJM1",6.13597588,6.135975794,6.135976016,6.135975878,6.135976158,6.135975844,6.135975913,6.135975979,6.135975961,6.13597608,6.135975983,6.135976019,6.135975958,6.135975799,6.135976054,6.13597581,6.135976079,6.135975953,6.13597596,6.135975883,6.135976144,6.135976067,6.135975876,6.135975901,6.13597594,6.135976019,6.135975927,6.135975974
+"476","AJUBA",4.937883118,4.937883151,4.93788331,4.937883212,4.937883582,4.937883076,4.937883265,4.937883517,4.937883338,4.937883154,4.93788344,4.937883479,4.937883164,4.937882919,4.937883292,4.937883473,4.937883503,4.937883332,4.937883281,4.937883115,4.937883239,4.937883276,4.937883229,4.937883104,4.937883437,4.937883206,4.937883098,4.937883437
+"477","AK1",6.520962018,6.520961217,6.520963923,6.520961249,6.520962152,6.520963724,6.520962737,6.520963407,6.520963053,6.520962514,6.520962541,6.520964119,6.520961204,6.520960456,6.520961433,6.520960527,6.520963407,6.520961727,6.520961491,6.520963098,6.520962249,6.520963287,6.520962898,6.520961727,6.520962587,6.520964012,6.520961839,6.520960775
+"478","AK2",7.784841658,7.78484168,7.7848414745,7.784841432,7.784841386,7.7848414835,7.7848415285,7.784841454,7.784841471,7.784841608,7.784841381,7.7848413665,7.7848416305,7.7848417905,7.7848414385,7.784841414,7.78484119,7.784841218,7.7848414735,7.7848415865,7.784841465,7.784841431,7.7848416675,7.7848416795,7.7848414365,7.7848415535,7.7848416195,7.784841568
+"479","AK3",6.233844523,6.2338445,6.233844529,6.233844531,6.233844508,6.233844535,6.233844534,6.23384452,6.233844574,6.233844526,6.233844487,6.233844541,6.233844541,6.233844585,6.233844532,6.233844485,6.233844466,6.233844518,6.233844522,6.233844527,6.233844528,6.233844498,6.233844565,6.233844528,6.23384451,6.233844531,6.233844543,6.233844599
+"480","AK4",5.5659758755,5.565975838,5.565975941,5.565975876,5.565976139,5.565976047,5.565975949,5.565975994,5.5659759875,5.5659760295,5.5659760325,5.5659761,5.5659758745,5.5659756825,5.565975947,5.56597598,5.565976232,5.565975951,5.56597594,5.5659758285,5.5659759975,5.5659758225,5.565975647,5.5659756855,5.5659760575,5.565976036,5.565975823,5.5659759315
+"481","AK5",4.869517714,4.869518191,4.869518159,4.869518145,4.869517907,4.869517647,4.869517328,4.869517999,4.869518988,4.869518973,4.869517402,4.869518538,4.869518289,4.86951939,4.869517665,4.869518312,4.869517472,4.869517625,4.869518263,4.869517761,4.869517055,4.869518059,4.869518624,4.869518246,4.869517491,4.869518724,4.869517971,4.869519033
+"482","AK7",3.348826385,3.348826403,3.348826397,3.348826388,3.348826397,3.348826404,3.348826407,3.348826392,3.348826409,3.348826418,3.348826384,3.348826437,3.34882636,3.348826397,3.348826387,3.34882641,3.348826403,3.34882638,3.348826367,3.348826361,3.348826392,3.348826394,3.348826378,3.348826363,3.348826421,3.34882636,3.348826384,3.348826408
+"483","AK8",4.591528115,4.591528154,4.591528142,4.591528208,4.591528227,4.591528176,4.591528169,4.591528222,4.591528221,4.591528215,4.5915282,4.591528424,4.591528205,4.591528118,4.591528206,4.591528169,4.591528138,4.59152824,4.591528117,4.591528176,4.591528233,4.591528234,4.591528124,4.591528158,4.591528133,4.591528213,4.591528173,4.591528156
+"484","AK9",3.80968794833333,3.80968788633333,3.80968789433333,3.80968784233333,3.809687846,3.80968785566667,3.80968786666667,3.80968783766667,3.80968781,3.809687832,3.80968788666667,3.809687939,3.80968788533333,3.80968797133333,3.809687924,3.809687879,3.809687855,3.809687823,3.80968784933333,3.80968788233333,3.809687893,3.80968780133333,3.80968788333333,3.809687827,3.809687851,3.80968790733333,3.80968792766667,3.80968781566667
+"485","AKAP1",6.00728523,6.007285098,6.007284857,6.007284837,6.007285057,6.007285104,6.007285087,6.007284964,6.007285309,6.007284941,6.007284676,6.007285048,6.007285066,6.00728535,6.007284955,6.007285024,6.007284398,6.007284823,6.007284981,6.007284959,6.007285008,6.007285012,6.007285218,6.007285005,6.007284653,6.007285061,6.007285287,6.007285032
+"486","AKAP10",7.558436313,7.558435877,7.558435753,7.55843614,7.558435575,7.558435958,7.558436138,7.558435663,7.558435728,7.558435774,7.558435797,7.558435394,7.558436258,7.558436503,7.558436016,7.558435631,7.558435582,7.558435897,7.55843614,7.558436082,7.558436054,7.558435775,7.558436087,7.558436005,7.558435968,7.558435819,7.55843615,7.558436116
+"487","AKAP11",6.362845836,6.362845741,6.362845413,6.362845217,6.362845305,6.362845043,6.362845433,6.362845131,6.362845593,6.36284579,6.36284512,6.362844998,6.362845709,6.362846153,6.362845627,6.362845258,6.362844843,6.362844953,6.362845673,6.362845306,6.362845529,6.362845399,6.362845617,6.362845486,6.362845402,6.362845449,6.362845588,6.36284585
+"488","AKAP12",4.872831799,4.87283184,4.872831312,4.872832015,4.872832149,4.872830971,4.87283116,4.872831333,4.872831167,4.872831222,4.872831822,4.872831458,4.872831277,4.87283081,4.872831914,4.872831912,4.872831674,4.872831961,4.872831751,4.872831416,4.872831285,4.872831313,4.872831348,4.872831321,4.872831888,4.872831507,4.8728313,4.872832176
+"489","AKAP13",8.713353104,8.713353016,8.713352475,8.713352987,8.713352787,8.713353326,8.7133532,8.713352869,8.713352912,8.713352892,8.713352853,8.713352582,8.71335285,8.713353316,8.71335297,8.713352891,8.713352411,8.713352617,8.713353018,8.713353376,8.713353185,8.713352866,8.713353133,8.713353163,8.713352876,8.713352904,8.71335284,8.713352766
+"490","AKAP14",2.630397422,2.630397444,2.630397479,2.63039751,2.630397482,2.630397496,2.630397482,2.630397478,2.63039751,2.630397414,2.630397604,2.630397514,2.630397489,2.630397489,2.630397491,2.630397531,2.630397518,2.630397464,2.630397465,2.630397513,2.630397503,2.630397466,2.630397489,2.630397445,2.630397528,2.630397409,2.63039749,2.630397449
+"491","AKAP3",4.357734805,4.35773483,4.357734857,4.357734933,4.357734922,4.357734837,4.357734962,4.357734908,4.357734892,4.357734791,4.357734936,4.357734828,4.357734928,4.357734858,4.357734906,4.357734903,4.35773482,4.357734967,4.357734916,4.357734779,4.357734868,4.357734928,4.357734858,4.357734862,4.357734881,4.357734849,4.357734761,4.357734871
+"492","AKAP4",3.742175418,3.742175434,3.742175441,3.742175428,3.742175442,3.742175423,3.74217544,3.742175414,3.742175418,3.742175427,3.742175412,3.742175454,3.74217542,3.742175399,3.742175413,3.742175421,3.742175418,3.742175422,3.742175448,3.742175413,3.7421754,3.74217545,3.742175394,3.742175429,3.742175419,3.742175432,3.742175401,3.742175444
+"493","AKAP5",3.452007381,3.452007534,3.452007331,3.452007375,3.452007494,3.452007422,3.452007395,3.452007343,3.452007301,3.452007343,3.452007352,3.452007494,3.452007398,3.452007492,3.452007355,3.452007322,3.452007358,3.452007442,3.452007377,3.452007371,3.452007448,3.452007469,3.452007425,3.452007348,3.452007376,3.452007416,3.452007403,3.452007442
+"494","AKAP6",3.996422672,3.996422377,3.996422474,3.996422352,3.996422547,3.996422527,3.996422398,3.996422564,3.996422454,3.996422514,3.996422431,3.996422573,3.996422638,3.996422552,3.996422492,3.996422427,3.99642248,3.996422342,3.996422461,3.99642236,3.996422423,3.996422533,3.996422478,3.996422434,3.996422444,3.996422539,3.996422511,3.996422423
+"495","AKAP7",4.057483806,4.057483834,4.057483567,4.057483419,4.057483332,4.057483444,4.057483314,4.057483551,4.057483709,4.057483673,4.057483424,4.057483423,4.057483889,4.057483835,4.057483687,4.057483391,4.057483531,4.057483567,4.057483386,4.057483332,4.057483483,4.057483689,4.057483703,4.057483552,4.057483561,4.057483645,4.057483894,4.057484049
+"496","AKAP8",7.563654966,7.563654976,7.563654945,7.563654931,7.563654918,7.563654943,7.563654956,7.563654961,7.563654973,7.563654947,7.563654927,7.563654947,7.563654956,7.563654995,7.563654951,7.563655001,7.563654902,7.563654923,7.563654949,7.563654987,7.563654924,7.563654971,7.563654954,7.563654946,7.563654898,7.563654974,7.563654974,7.563654973
+"497","AKAP8L",7.838589283,7.838589337,7.838589299,7.838589364,7.838589299,7.838589329,7.838589342,7.83858928,7.838589331,7.838589333,7.838589269,7.838589307,7.838589325,7.838589356,7.83858927,7.838589332,7.838589156,7.83858926,7.838589328,7.838589357,7.838589319,7.838589278,7.838589272,7.838589298,7.838589228,7.838589346,7.838589324,7.83858931
+"498","AKAP9",5.905304293,5.905304214,5.905304153,5.905304174,5.905304155,5.905304132,5.905304151,5.905304121,5.905304205,5.905304148,5.905304166,5.905303975,5.905304244,5.905304482,5.905304182,5.905304153,5.905304061,5.905304154,5.905304212,5.90530399,5.905304184,5.90530417,5.905304236,5.905304228,5.905304119,5.905304096,5.905304238,5.905304341
+"499","AKIP1",5.274962248,5.274962384,5.27496222,5.274962255,5.27496218,5.274962389,5.274962302,5.274962245,5.274962358,5.274962134,5.274962216,5.274962273,5.274962281,5.274962266,5.27496228,5.274962327,5.274962081,5.274962261,5.274962051,5.274962435,5.274962253,5.274962182,5.274962284,5.274962259,5.274962229,5.274962257,5.274962192,5.274962304
+"500","AKIRIN1",8.558233849,8.558233932,8.558233219,8.558233824,8.55823344,8.558233701,8.558233653,8.558233711,8.558233532,8.558233785,8.558233599,8.55823328,8.558233723,8.558234037,8.558233597,8.558233768,8.558233168,8.558233795,8.558233663,8.558234033,8.558233467,8.558233354,8.55823391,8.558234056,8.558233925,8.558233653,8.558233829,8.558233883
+"501","AKIRIN2",7.81335183,7.813351897,7.813351373,7.813352309,7.813351156,7.813352014,7.813351781,7.813351416,7.813351215,7.813351288,7.813351598,7.813351056,7.813351494,7.813351466,7.813351426,7.813351738,7.81335091,7.813351699,7.813351654,7.813351943,7.813351731,7.813351403,7.813351646,7.813351859,7.813351593,7.813351188,7.813351461,7.813351023
+"502","AKNA",8.548106507,8.548106567,8.548106527,8.548106751,8.548106412,8.548106673,8.548106588,8.548106678,8.548106582,8.548106506,8.54810658,8.548106474,8.548106626,8.548106532,8.548106453,8.548106471,8.548106436,8.548106668,8.54810655,8.548106587,8.548106571,8.548106606,8.548106616,8.548106643,8.548106695,8.548106608,8.548106654,8.548106479
+"503","AKNAD1",3.641316427,3.641316485,3.641316476,3.641316457,3.641316452,3.641316434,3.641316497,3.641316483,3.641316453,3.64131648,3.641316479,3.64131647,3.641316424,3.641316425,3.641316465,3.641316439,3.641316514,3.641316492,3.641316435,3.641316475,3.641316481,3.64131648,3.641316424,3.641316463,3.641316483,3.641316461,3.641316448,3.641316457
+"504","AKR1A1",6.633609688,6.633609573,6.633609508,6.633609509,6.633609522,6.633609689,6.633609548,6.63360953,6.633609557,6.633609652,6.633609388,6.633609396,6.633609651,6.633609693,6.633609488,6.633609579,6.633609499,6.633609353,6.633609524,6.633609809,6.633609545,6.633609611,6.633609485,6.633609595,6.633609444,6.633609472,6.633609621,6.633609565
+"505","AKR1B1",6.918737686,6.918737558,6.918737448,6.918737572,6.918737285,6.918737385,6.918737716,6.918737903,6.918738255,6.918738046,6.918737211,6.918737583,6.918738044,6.918738424,6.918737539,6.918737609,6.918736797,6.918737285,6.918737421,6.918737942,6.918737796,6.918738011,6.918738214,6.918737811,6.918737183,6.918737827,6.918738248,6.918738181
+"506","AKR1B10",3.01006647,3.01006648,3.010066446,3.010066532,3.010066501,3.010066598,3.010066573,3.010066599,3.010066656,3.010066589,3.010066771,3.010066676,3.010066481,3.010066563,3.010066466,3.010066874,3.010066522,3.010066482,3.010066661,3.0100667,3.010066518,3.010066592,3.010066498,3.010066667,3.010066619,3.010066614,3.010066538,3.010066558
+"507","AKR1C1",4.609355526,4.609355565,4.609355492,4.609355409,4.609355622,4.60935547,4.609355545,4.609355513,4.60935559,4.609355517,4.60935552,4.609355503,4.60935553,4.609355678,4.609355485,4.609355613,4.609355525,4.609355486,4.609355569,4.609355531,4.609355562,4.609355552,4.609355571,4.609355567,4.609355481,4.60935554,4.609355466,4.609355657
+"508","AKR1C2",4.032728092,4.032727653,4.032727954,4.03272809,4.032727866,4.032727878,4.032728115,4.032728133,4.032727758,4.032728022,4.03272797,4.032727937,4.032728024,4.032728347,4.032727978,4.032727924,4.032728201,4.032727945,4.032728116,4.032727948,4.032728137,4.032728149,4.032728005,4.032727991,4.03272808,4.032728091,4.032728201,4.032728233
+"509","AKR1C3",4.436988307,4.436988317,4.436988381,4.436988292,4.43698827,4.436988312,4.436988182,4.436988239,4.436988231,4.43698833,4.436988297,4.436988186,4.436988247,4.436988373,4.436988189,4.436988329,4.436988239,4.436988246,4.436988254,4.436988264,4.436988203,4.436988247,4.436988268,4.436988341,4.436988328,4.436988346,4.436988232,4.436988355
+"510","AKR1C4",3.079696127,3.079696187,3.079696138,3.079696161,3.079696108,3.079696125,3.079696102,3.0796961,3.079696116,3.079696149,3.079696125,3.079696145,3.079696074,3.079696197,3.079696107,3.079696098,3.079696185,3.079696149,3.079696078,3.07969614,3.079696099,3.079696091,3.079696226,3.07969611,3.079696108,3.079696096,3.079696079,3.079696169
+"511","AKR1C6P",3.855951222,3.855951254,3.855951265,3.855951221,3.85595128,3.855951257,3.855951237,3.855951236,3.855951254,3.855951254,3.855951261,3.855951241,3.855951236,3.85595123,3.855951266,3.855951253,3.855951285,3.855951249,3.855951292,3.855951235,3.855951274,3.855951274,3.855951227,3.855951247,3.855951235,3.855951236,3.855951229,3.855951277
+"512","AKR1C8",4.466687061,4.466687143,4.46668713,4.466686972,4.466687152,4.466687147,4.466686988,4.46668719,4.466687044,4.466687009,4.466687116,4.46668718,4.466687049,4.466687061,4.466687025,4.466687196,4.466687178,4.466687038,4.466687188,4.4666872,4.466687028,4.466687121,4.466687119,4.466687127,4.466687138,4.466687013,4.466687061,4.466687076
+"513","AKR1D1",3.650300317,3.650300349,3.650300468,3.650300352,3.650300388,3.650300457,3.65030036,3.65030039,3.650300366,3.650300378,3.650300422,3.650300394,3.650300375,3.650300307,3.650300334,3.650300339,3.650300439,3.650300351,3.650300315,3.650300284,3.650300405,3.650300437,3.650300386,3.650300298,3.650300383,3.650300342,3.650300413,3.650300414
+"514","AKR1E2",5.924177192,5.924177126,5.924177668,5.92417717,5.924177383,5.924177544,5.924177399,5.924177467,5.924177673,5.924177067,5.924177193,5.924177683,5.924177161,5.924177721,5.924177296,5.924177096,5.924177405,5.924177193,5.924177667,5.924177205,5.924177435,5.924177372,5.924177464,5.924177176,5.924177342,5.92417738,5.924177281,5.924177604
+"515","AKR7A2",7.14517561,7.145175593,7.145175602,7.145175591,7.145175625,7.145175612,7.145175638,7.145175615,7.14517561,7.145175615,7.145175611,7.145175632,7.145175588,7.145175593,7.145175641,7.145175579,7.145175608,7.145175566,7.145175601,7.145175584,7.145175606,7.145175602,7.145175607,7.145175605,7.145175567,7.145175623,7.145175607,7.145175594
+"516","AKR7A2P1",4.724419671,4.724419671,4.724419676,4.72441965,4.724419681,4.724419674,4.724419676,4.724419685,4.724419667,4.724419659,4.724419692,4.724419684,4.724419673,4.724419659,4.724419684,4.72441968,4.724419688,4.724419694,4.724419665,4.724419671,4.724419684,4.724419677,4.724419654,4.724419654,4.724419686,4.724419674,4.724419671,4.724419667
+"517","AKR7A3",7.282689411,7.282689579,7.28268998,7.28268935,7.282689585,7.282688871,7.282689065,7.282689775,7.28268976,7.28268949,7.282689789,7.28268943,7.282689739,7.282689184,7.282689459,7.282689702,7.282689754,7.282689633,7.28268901,7.282689832,7.282689341,7.282689696,7.28268948,7.28269,7.282689932,7.282690122,7.282689409,7.282689591
+"518","AKR7L",4.217990888,4.217990916,4.217990903,4.217990888,4.217990913,4.217990886,4.217990862,4.217990899,4.217990888,4.217990889,4.217990895,4.217990888,4.217990873,4.217990874,4.217990937,4.217990866,4.217990909,4.217990889,4.217990924,4.217990911,4.217990929,4.217990933,4.217990843,4.217990882,4.217990892,4.217990876,4.21799088,4.217990916
+"519","AKT1",8.334626274,8.334626414,8.334626404,8.334626456,8.334626323,8.334626311,8.334626322,8.334626372,8.334626321,8.334626315,8.334626364,8.334626303,8.334626369,8.334626306,8.334626263,8.334626426,8.334626363,8.334626406,8.334626354,8.334626294,8.334626277,8.334626371,8.334626348,8.334626343,8.334626389,8.334626363,8.334626366,8.33462627
+"520","AKT1S1",6.9017638,6.90176376,6.901763955,6.901763732,6.901763905,6.901763922,6.901763802,6.901763947,6.901763862,6.901763887,6.901763882,6.901763917,6.90176385,6.901763716,6.901763884,6.901763745,6.901763984,6.901763815,6.901763828,6.90176388,6.901763859,6.901763941,6.901763868,6.901763787,6.901763849,6.901763917,6.901763876,6.901763784
+"521","AKT2",7.452521646,7.452521811,7.452521964,7.452521796,7.452521562,7.452522023,7.452521719,7.452521876,7.452521883,7.452521793,7.452521774,7.452521758,7.452521735,7.452521656,7.452521623,7.452521652,7.452521817,7.452521681,7.452521597,7.452521745,7.452521622,7.452521791,7.452521814,7.452521776,7.452521812,7.452521766,7.452521719,7.452521558
+"522","AKT3",5.633037566,5.633037156,5.63303695,5.633036704,5.633036631,5.63303593,5.633037114,5.633036795,5.633037164,5.633036656,5.633036723,5.633036576,5.633037108,5.633037939,5.633037169,5.633036921,5.633036338,5.633036815,5.63303677,5.633036122,5.633037167,5.633036967,5.633037017,5.633036485,5.633036884,5.633036903,5.633037038,5.633037195
+"523","AKTIP",6.625479771,6.625479236,6.625478777,6.625478496,6.625477478,6.625478655,6.625479383,6.62547887,6.625479585,6.625478794,6.625478405,6.625478586,6.625478943,6.625479821,6.625479112,6.625479252,6.625477854,6.625477924,6.625478798,6.625478492,6.625479405,6.62547902,6.625479991,6.625479268,6.625479174,6.625479627,6.62547936,6.625478512
+"524","ALAD",6.690458036,6.690458055,6.690458245,6.690458125,6.690458052,6.690458139,6.690458047,6.69045812,6.690458129,6.690458098,6.690458212,6.690458111,6.690458039,6.690457994,6.690458074,6.690457988,6.690458146,6.690458115,6.690458083,6.690458117,6.690458049,6.690458215,6.690458125,6.690458104,6.690458171,6.690458079,6.690458147,6.690457993
+"525","ALAS1",7.486987482,7.48698795,7.486987569,7.486987981,7.486987583,7.486987821,7.486987863,7.486987374,7.4869876,7.486987696,7.486987661,7.486986975,7.486987359,7.486987642,7.486987572,7.486987843,7.486987176,7.486987532,7.48698772,7.486987672,7.48698778,7.486987633,7.486987742,7.486987745,7.486987745,7.486987374,7.486987424,7.486987433
+"526","ALAS2",11.48860996,10.82794705,11.43572121,11.80226564,11.78352592,11.70937896,11.74011499,11.82781855,12.37657075,11.9593817,10.74336035,11.50740811,11.26462414,10.1333878,11.41768941,10.15104998,11.38587001,11.82671586,11.52941898,11.44897754,11.61361384,11.66592953,12.31391007,11.98320199,10.81506813,11.58010271,11.33698102,10.62639045
+"527","ALB",3.321886617,3.321886627,3.321886646,3.321886627,3.321886626,3.321886636,3.321886636,3.32188665,3.321886681,3.321886643,3.321886644,3.32188668,3.321886628,3.321886624,3.321886629,3.32188665,3.32188667,3.321886635,3.321886641,3.321886632,3.321886646,3.321886646,3.321886653,3.321886614,3.321886624,3.321886646,3.32188663,3.321886629
+"528","ALCAM",6.074961391,6.074961627,6.074961348,6.074961616,6.074961463,6.074961478,6.07496155,6.074961175,6.074961394,6.074961495,6.074961419,6.074961238,6.074961456,6.074961852,6.074961321,6.074961596,6.074961073,6.07496145,6.074961541,6.074961347,6.074961545,6.074961398,6.074961516,6.074961545,6.074961489,6.07496123,6.074961414,6.074961705
+"529","ALDH16A1",7.019473175,7.01947319,7.019473198,7.019473178,7.019473204,7.019473202,7.019473186,7.019473191,7.019473194,7.019473221,7.019473227,7.0194732,7.019473202,7.019473224,7.019473174,7.019473193,7.019473211,7.019473193,7.019473181,7.019473168,7.019473209,7.019473235,7.019473163,7.019473172,7.019473143,7.019473197,7.019473188,7.019473222
+"530","ALDH18A1",6.307951967,6.307951897,6.307951798,6.30795184,6.307951795,6.307951941,6.307951952,6.307951798,6.307952046,6.30795188,6.30795178,6.307951822,6.307951953,6.307952035,6.307951844,6.30795188,6.307951647,6.307951685,6.307951846,6.307951879,6.3079519,6.307951789,6.307951972,6.307951893,6.307951728,6.30795187,6.307952004,6.307951974
+"531","ALDH1A1",5.955086225,5.955085777,5.955086058,5.95508596,5.955085164,5.955086343,5.955085172,5.955085803,5.95508525,5.955085742,5.955085548,5.955085216,5.955085783,5.95508592,5.955085909,5.955085318,5.955085772,5.95508546,5.955085387,5.955086112,5.955085267,5.955086034,5.955085344,5.955085676,5.955085519,5.955085398,5.955085654,5.955085488
+"532","ALDH1A2",4.848236427,4.848236486,4.848236486,4.8482365,4.848236577,4.848236438,4.848236415,4.848236527,4.848236525,4.848236497,4.848236575,4.848236501,4.848236469,4.848236425,4.848236554,4.848236535,4.848236536,4.848236559,4.848236455,4.848236557,4.848236534,4.848236557,4.848236458,4.848236503,4.848236527,4.848236489,4.848236471,4.848236539
+"533","ALDH1A3",5.252695576,5.252695648,5.252695939,5.252695799,5.252695999,5.252695461,5.252695616,5.252695993,5.252695732,5.252695702,5.252695866,5.252695854,5.252695781,5.252695404,5.252695716,5.25269596,5.252696036,5.252695873,5.252695612,5.252695658,5.252695733,5.252695858,5.252695645,5.252695575,5.252695934,5.252695806,5.2526956,5.252695774
+"534","ALDH1B1",5.357877932,5.357877903,5.357878081,5.357877896,5.35787802,5.357877983,5.357877876,5.357877946,5.357878116,5.35787806,5.357877972,5.357877991,5.357878023,5.357878067,5.357878049,5.357878008,5.357877935,5.357878036,5.357877846,5.357877995,5.357877982,5.357877994,5.357877979,5.357878118,5.357878002,5.35787798,5.357877884,5.357878153
+"535","ALDH1L1",5.46084492,5.460844952,5.460845028,5.460844943,5.460845043,5.460844919,5.460844974,5.460845053,5.46084498,5.460844996,5.460845019,5.460845008,5.460844981,5.460844927,5.460844998,5.460844953,5.460845064,5.460845037,5.460844982,5.460844984,5.460844983,5.460845038,5.460844934,5.460844953,5.460845007,5.46084501,5.460844956,5.460845015
+"536","ALDH1L2",3.627146685,3.627146457,3.627146592,3.627146384,3.627146754,3.627146429,3.627146737,3.627146962,3.62714671,3.627146487,3.627146572,3.627146437,3.62714627,3.627146467,3.62714661,3.627146727,3.627146588,3.627146624,3.627146693,3.62714664,3.627146525,3.627146515,3.627146376,3.627146686,3.62714658,3.627146573,3.627146322,3.62714648
+"537","ALDH2",7.778218197,7.778218287,7.778219297,7.778218117,7.778218093,7.778219862,7.778217954,7.778216797,7.77821619,7.778218797,7.778218472,7.778217705,7.77821803,7.778218695,7.778217228,7.778217865,7.778218818,7.778217003,7.778217777,7.778218544,7.77821763,7.778217158,7.778215694,7.778218159,7.778217831,7.77821777,7.778218313,7.778217401
+"538","ALDH3A1",5.731155474,5.731155334,5.731155737,5.731155539,5.731156076,5.731155257,5.731155737,5.731155822,5.731155592,5.731155687,5.731155971,5.731155934,5.731155656,5.731155324,5.731155952,5.731155714,5.731156017,5.731155806,5.731155672,5.73115553,5.731155937,5.731155937,5.731155477,5.731155397,5.731155871,5.731155797,5.731155675,5.731155726
+"539","ALDH3A2",6.499008498,6.499008456,6.499008452,6.499008443,6.499008471,6.499008552,6.499008475,6.49900845,6.499008496,6.499008457,6.499008446,6.499008414,6.499008481,6.499008549,6.499008452,6.499008414,6.499008383,6.499008357,6.499008473,6.499008488,6.499008436,6.499008445,6.499008459,6.499008427,6.499008437,6.499008461,6.499008505,6.499008468
+"540","ALDH3B1",7.315338083,7.315338225,7.315338132,7.315338179,7.315338188,7.315338194,7.315338084,7.315338138,7.315338,7.315338189,7.315338188,7.31533812,7.315338172,7.315338033,7.315338044,7.315338169,7.31533812,7.315338149,7.31533812,7.315338156,7.315338085,7.315338117,7.315337973,7.315338125,7.315338221,7.315338052,7.31533814,7.315338031
+"541","ALDH3B2",5.099483955,5.099483957,5.099483998,5.09948398,5.099483997,5.099483965,5.099483964,5.099483983,5.099483978,5.099483969,5.099483965,5.099483986,5.099483988,5.099483933,5.099483988,5.099483966,5.099483982,5.099483992,5.099483974,5.099483945,5.099483981,5.099483983,5.099483955,5.099483953,5.099483952,5.099483958,5.099483946,5.099483968
+"542","ALDH4A1",5.178292471,5.178292477,5.17829251,5.178292446,5.178292543,5.178292499,5.178292512,5.178292504,5.178292476,5.178292492,5.178292529,5.178292567,5.178292456,5.1782924,5.178292561,5.178292464,5.178292542,5.178292501,5.178292533,5.178292485,5.178292535,5.178292552,5.17829247,5.178292429,5.178292457,5.178292503,5.178292443,5.178292451
+"543","ALDH5A1",6.01731997,6.017319771,6.017320475,6.017320259,6.017320204,6.017320549,6.01732051,6.017320685,6.017320885,6.017320539,6.017320692,6.017320796,6.017320081,6.017320432,6.017320087,6.017319339,6.017320289,6.017320392,6.017320197,6.017320239,6.017320234,6.017320298,6.017320595,6.017320629,6.017320673,6.017320991,6.017320451,6.017320444
+"544","ALDH6A1",4.659215653,4.6592156585,4.659215652,4.659215641,4.659215693,4.6592156485,4.659215684,4.6592156425,4.659215667,4.6592156675,4.659215713,4.659215651,4.659215685,4.659215729,4.6592156395,4.6592156625,4.6592155415,4.6592156025,4.6592156615,4.659215601,4.659215658,4.659215606,4.659215687,4.659215658,4.659215692,4.659215679,4.6592156725,4.659215664
+"545","ALDH7A1",4.086086976,4.086086867,4.086087107,4.086086986,4.08608699,4.086086786,4.086086996,4.086087082,4.086086907,4.086086848,4.086087011,4.086086913,4.086087025,4.086087099,4.086086991,4.086087036,4.086087345,4.086087041,4.086086954,4.086086831,4.086086917,4.086086883,4.086087009,4.086087012,4.086086956,4.086086993,4.086086889,4.086087018
+"546","ALDH8A1",4.58956457,4.589564503,4.589564595,4.58956451,4.589564622,4.589564521,4.589564543,4.589564575,4.589564584,4.589564589,4.589564561,4.589564537,4.589564653,4.589564476,4.58956459,4.589564588,4.589564623,4.589564588,4.589564506,4.589564587,4.58956456,4.589564558,4.589564443,4.589564512,4.589564701,4.58956455,4.589564613,4.589564535
+"547","ALDH9A1",7.532904161,7.532904415,7.5329038,7.532903975,7.532903742,7.532903629,7.53290394,7.532903428,7.532903838,7.532903811,7.532903529,7.532903169,7.532903967,7.532904815,7.532903946,7.532904414,7.53290332,7.532903293,7.532903897,7.53290384,7.53290398,7.532903156,7.532904021,7.532904292,7.532903717,7.532903985,7.532903892,7.532904232
+"548","ALDOAP2",5.523083318,5.523083315,5.523083343,5.52308334,5.523083323,5.523083296,5.523083322,5.523083326,5.523083334,5.523083335,5.523083369,5.523083293,5.52308336,5.523083317,5.523083332,5.523083314,5.523083294,5.523083365,5.523083317,5.523083355,5.523083349,5.523083332,5.523083303,5.523083344,5.523083349,5.523083346,5.523083334,5.523083315
+"549","ALDOB",4.055255126,4.055255174,4.05525519,4.055255153,4.055255211,4.055255004,4.055255196,4.055255176,4.055255194,4.055255127,4.055255096,4.055255154,4.055255084,4.055255139,4.055255001,4.055255061,4.055255263,4.055255291,4.055255129,4.055255321,4.055255127,4.055255118,4.055255163,4.055255193,4.055255122,4.055255232,4.055255113,4.055255065
+"550","ALDOC",6.723145896,6.723146728,6.723145528,6.723146276,6.72314564,6.723145711,6.723145691,6.723145764,6.723146436,6.723146645,6.723145045,6.72314589,6.723146022,6.723146552,6.723145594,6.723146649,6.72314531,6.723146033,6.723145844,6.723145527,6.723145277,6.723146041,6.723146581,6.723146963,6.723145728,6.723146003,6.723146216,6.72314624
+"551","ALG1",6.987293027,6.987293061,6.987292985,6.987292918,6.98729297,6.987293001,6.987292978,6.987292961,6.987293043,6.987293009,6.987292903,6.987292947,6.987293076,6.987293011,6.987292976,6.987293014,6.987292942,6.98729293,6.987292912,6.987293026,6.987292952,6.987292957,6.987293009,6.987293012,6.987292901,6.987292978,6.987293052,6.987292984
+"552","ALG12",7.107116156,7.107116342,7.107116097,7.107116107,7.107116074,7.107116351,7.1071161,7.107116206,7.107116317,7.107116241,7.107116161,7.107116071,7.107116192,7.107116241,7.107116202,7.107116288,7.107116112,7.107116095,7.107116137,7.10711626,7.107116083,7.107116183,7.107116226,7.107116289,7.107116173,7.107116026,7.107116275,7.107116108
+"553","ALG13",5.362891863,5.362891513,5.3628911785,5.3628912155,5.3628911235,5.3628912565,5.3628916145,5.3628911235,5.3628918915,5.3628916495,5.3628913175,5.362891106,5.3628917965,5.3628922215,5.3628912655,5.3628910155,5.362890903,5.3628911695,5.3628914075,5.362891366,5.362891418,5.362891332,5.3628918885,5.362891831,5.3628915465,5.3628914535,5.3628916755,5.3628916555
+"554","ALG14",4.566986147,4.56698616,4.566986191,4.56698605,4.56698616,4.56698628,4.566986242,4.56698608,4.566986248,4.566986253,4.566986232,4.566986034,4.566986183,4.566986259,4.566986049,4.56698609,4.566986197,4.566986066,4.56698613,4.566986273,4.566986215,4.566986172,4.566986231,4.566986152,4.566986115,4.566986037,4.566986104,4.566986247
+"555","ALG1L1P",4.729283791,4.729283555,4.729283409,4.729283757,4.729282652,4.72928384,4.7292837,4.729283346,4.72928421,4.729283012,4.729283591,4.729283938,4.729283392,4.729283972,4.7292833,4.729283283,4.729283545,4.729282768,4.72928373,4.729283057,4.729283147,4.729283098,4.729284112,4.729282892,4.729282461,4.729283043,4.729283434,4.729283642
+"556","ALG2",6.575665218,6.575665341,6.575664929,6.575664957,6.575664866,6.575665191,6.575665412,6.57566518,6.575665425,6.575665119,6.57566504,6.575664908,6.575665411,6.575665619,6.575665061,6.57566526,6.575664801,6.575664807,6.57566485,6.575665085,6.575664731,6.575665006,6.57566533,6.575665345,6.575664649,6.575665068,6.575665453,6.575665464
+"557","ALG3",7.336087917,7.33608813,7.336087596,7.336087287,7.336087919,7.336088348,7.336087915,7.336087681,7.33608831,7.336088261,7.336087182,7.336087826,7.336088097,7.336087963,7.33608788,7.336087592,7.336087592,7.336087136,7.336088001,7.336088327,7.336087677,7.336087857,7.336088052,7.33608781,7.336087098,7.336087536,7.336088205,7.336088024
+"558","ALG5",5.444485976,5.444485818,5.444485877,5.444485835,5.44448578,5.444485738,5.444485886,5.444485861,5.44448581,5.444485862,5.444485766,5.444485806,5.444485878,5.444485942,5.444485889,5.444485844,5.44448585,5.444485792,5.444485875,5.444485835,5.44448594,5.44448577,5.44448589,5.444485907,5.444485775,5.444485819,5.444485966,5.44448592
+"559","ALG6",5.809381696,5.809381573,5.809381181,5.809380953,5.809380907,5.809380989,5.809381333,5.809380896,5.80938136,5.809381299,5.80938089,5.809380764,5.809381446,5.809382004,5.809381207,5.809381494,5.809380775,5.809380658,5.809381408,5.809381274,5.809381133,5.809380924,5.809381512,5.809381157,5.809380924,5.809381261,5.8093814,5.80938143
+"560","ALG8",5.552602877,5.55260277,5.552602751,5.552602567,5.552602575,5.552602783,5.552602789,5.55260267,5.552602803,5.552602692,5.552602522,5.552602589,5.552602814,5.552602947,5.552602594,5.552602721,5.552602568,5.552602489,5.552602717,5.55260282,5.552602665,5.552602642,5.552602803,5.55260269,5.552602455,5.552602744,5.552602708,5.552602561
+"561","ALG9",6.635482488,6.635482323,6.635482306,6.635482179,6.635482285,6.63548227,6.635482465,6.635482385,6.635482503,6.635482412,6.635482203,6.635482471,6.635482434,6.635482595,6.635482385,6.635482304,6.635482233,6.635482166,6.635482359,6.635482181,6.635482408,6.635482406,6.635482411,6.635482423,6.635482225,6.635482433,6.635482453,6.635482465
+"562","ALK",4.329091699,4.329091698,4.329091778,4.329091666,4.329091733,4.329091535,4.329091721,4.329091753,4.329091592,4.329091575,4.329091594,4.329091786,4.329091728,4.329091694,4.329091763,4.329091743,4.329091793,4.329091734,4.329091658,4.329091755,4.329091771,4.329091688,4.329091721,4.329091658,4.329091568,4.329091733,4.329091623,4.329091724
+"563","ALKAL1",4.31586854,4.315868555,4.315868605,4.31586856,4.315868683,4.315868608,4.315868589,4.315868586,4.315868588,4.315868639,4.315868597,4.31586867,4.315868591,4.315868541,4.315868636,4.315868648,4.315868694,4.315868646,4.315868602,4.315868633,4.315868623,4.315868662,4.31586858,4.315868603,4.315868596,4.315868612,4.31586861,4.315868575
+"564","ALKAL2",5.74570631,5.745706138,5.745706771,5.745706229,5.745707431,5.74570582,5.745706964,5.745707164,5.74570608,5.745706506,5.745706771,5.745707321,5.74570686,5.745705982,5.745707087,5.745706803,5.74570715,5.745706668,5.745706729,5.745706046,5.745707493,5.745707216,5.745706398,5.74570646,5.745706791,5.745707252,5.745706293,5.745706877
+"565","ALKBH1",5.33432399,5.334323926,5.334323909,5.334323928,5.334323778,5.334323973,5.334323786,5.334323753,5.334324009,5.334323966,5.334323804,5.334323725,5.334324063,5.334324165,5.334323838,5.334323863,5.334323918,5.334323653,5.334324002,5.33432408,5.334323847,5.334323887,5.334324054,5.334323881,5.334323896,5.334323979,5.334324002,5.334324162
+"566","ALKBH2",5.415875314,5.415875321,5.415875317,5.415875283,5.415875317,5.415875302,5.415875298,5.415875308,5.41587535,5.415875328,5.415875278,5.415875339,5.41587534,5.4158753,5.415875278,5.415875334,5.415875295,5.415875296,5.41587532,5.415875303,5.415875316,5.415875322,5.415875303,5.415875315,5.415875283,5.415875319,5.415875327,5.415875317
+"567","ALKBH4",5.90542378,5.905423774,5.905423791,5.905423776,5.905423802,5.905423813,5.905423787,5.905423805,5.905423774,5.905423795,5.905423793,5.905423803,5.905423787,5.905423751,5.905423795,5.905423801,5.905423828,5.905423806,5.905423809,5.905423793,5.905423791,5.905423797,5.905423766,5.905423781,5.905423776,5.905423803,5.905423788,5.905423785
+"568","ALKBH5",7.953420275,7.953420315,7.953420291,7.953420275,7.953420314,7.953420281,7.953420289,7.953420317,7.953420302,7.953420276,7.953420279,7.953420303,7.953420288,7.953420274,7.953420272,7.953420305,7.953420284,7.953420283,7.953420292,7.953420268,7.953420264,7.953420291,7.953420298,7.953420269,7.953420279,7.953420307,7.953420294,7.953420312
+"569","ALKBH6",6.955396825,6.955396825,6.955396922,6.955396821,6.955396872,6.955396792,6.955396831,6.955396863,6.955396896,6.955396883,6.955396908,6.955396912,6.955396883,6.955396775,6.955396842,6.955396863,6.955396919,6.955396865,6.955396874,6.955396864,6.955396812,6.955396889,6.955396851,6.955396849,6.955396901,6.955396866,6.955396898,6.955396832
+"570","ALKBH7",5.493638301,5.49363823,5.493638331,5.493638351,5.493638412,5.493638272,5.49363839,5.493638376,5.49363831,5.493638353,5.493638333,5.493638429,5.49363832,5.493638257,5.493638338,5.493638207,5.493638419,5.493638331,5.493638259,5.493638311,5.493638376,5.493638398,5.493638338,5.493638286,5.493638325,5.493638388,5.493638307,5.493638323
+"571","ALKBH8",5.189601462,5.189601294,5.189601312,5.189601151,5.189601168,5.189601155,5.189601284,5.189601237,5.18960135,5.189601292,5.189601158,5.189601231,5.18960131,5.18960151,5.189601328,5.18960125,5.189601125,5.189601105,5.18960125,5.189601185,5.1896013,5.189601289,5.189601357,5.189601291,5.189601218,5.189601326,5.189601345,5.189601418
+"572","ALLC",3.533336218,3.533336263,3.533336245,3.533336225,3.533336322,3.533336251,3.533336264,3.533336309,3.533336293,3.533336223,3.533336222,3.533336249,3.53333629,3.533336258,3.533336293,3.53333633,3.533336425,3.533336293,3.533336275,3.533336288,3.533336279,3.533336297,3.533336253,3.533336222,3.533336323,3.533336212,3.533336234,3.533336279
+"573","ALMS1",6.175462043,6.175461803,6.175461646,6.175461533,6.17546185,6.175461814,6.175461877,6.175461506,6.175462109,6.175462133,6.175461511,6.175461694,6.175462148,6.175462037,6.175461728,6.17546156,6.17546147,6.175461481,6.1754619,6.175461937,6.175461775,6.175461632,6.175461952,6.175462042,6.17546159,6.175461834,6.175462085,6.175461679
+"574","ALMS1P1",4.410784381,4.41078438,4.410784404,4.410784389,4.410784397,4.410784434,4.410784413,4.410784389,4.410784406,4.410784402,4.410784402,4.410784436,4.410784408,4.410784393,4.410784373,4.410784359,4.410784427,4.410784413,4.410784384,4.410784471,4.410784408,4.41078439,4.410784397,4.410784378,4.410784412,4.410784401,4.410784407,4.410784404
+"575","ALOX12",6.073097868,6.073099501,6.073098589,6.073100733,6.073098483,6.073098715,6.073098455,6.073098119,6.073098641,6.073099383,6.073100192,6.073098548,6.073097823,6.073096835,6.073098182,6.073099172,6.073098431,6.073100787,6.07309838,6.073098561,6.073098562,6.073098079,6.073098816,6.073100074,6.073100012,6.073097974,6.073097527,6.073097004
+"576","ALOX12B",5.002793219,5.002793259,5.00279353,5.002793541,5.002793716,5.002793326,5.002793685,5.002793768,5.002793518,5.002793578,5.002793537,5.002793986,5.002793263,5.002793036,5.002793551,5.002793374,5.002793847,5.002793621,5.002793512,5.002793628,5.002793653,5.002793763,5.002793383,5.002793288,5.00279337,5.002793614,5.002793362,5.002793593
+"577","ALOX12P2",4.525082772,4.525082753,4.525082748,4.525082743,4.525082769,4.525082798,4.525082745,4.525082735,4.525082764,4.525082756,4.525082801,4.525082756,4.525082768,4.525082698,4.525082731,4.525082729,4.525082793,4.52508278,4.525082781,4.525082732,4.525082722,4.525082777,4.525082727,4.525082734,4.525082762,4.525082761,4.525082799,4.525082742
+"578","ALOX15",3.672001324,8.539613966,5.498156993,7.32595129,8.674590403,7.376297017,7.857297104,7.021009777,8.162156192,6.970277608,8.765290347,7.645880331,7.371856136,5.389906601,4.771805464,7.926761235,4.165156383,6.719606676,8.533966512,7.024623172,7.456378607,6.648881525,7.774628462,7.091296105,8.524146434,7.95440808,7.389395228,5.243146655
+"579","ALOX15B",5.721055515,5.721055538,5.72105571,5.721055533,5.721055819,5.721055488,5.721055776,5.721055744,5.721055643,5.72105561,5.721055653,5.721055843,5.721055485,5.721055401,5.721055781,5.721055617,5.721055815,5.721055714,5.721055604,5.721055601,5.721055815,5.721055722,5.721055554,5.72105544,5.721055621,5.721055713,5.721055613,5.721055659
+"580","ALOX5",9.240328554,9.240332143,9.240317533,9.240343223,9.240316731,9.240338948,9.240332469,9.240308255,9.240321151,9.24032481,9.240323153,9.240307828,9.240319594,9.240317073,9.240326401,9.240331037,9.240326387,9.240333942,9.240330916,9.240324276,9.240328471,9.240312965,9.240329156,9.240333789,9.240329323,9.240317093,9.240321126,9.240311992
+"581","ALOX5AP",9.395782629,9.072584391,9.352222209,9.834636614,9.325881378,9.74993286,9.469672856,8.986818369,8.777949141,8.765187558,9.009302217,9.30910451,8.881421803,8.889151772,9.559477153,9.336727973,9.617101002,9.561837237,10.16492886,9.602575341,9.688383735,9.101159525,9.246522552,9.289355351,9.260779077,9.350202066,8.941081914,9.105704966
+"582","ALOXE3",4.718924306,4.718924329,4.718924365,4.718924334,4.71892436,4.718924312,4.718924331,4.718924349,4.718924305,4.71892433,4.718924383,4.718924373,4.718924321,4.718924274,4.718924376,4.718924343,4.718924387,4.718924363,4.718924343,4.71892433,4.71892435,4.718924355,4.718924344,4.718924308,4.718924342,4.718924329,4.718924319,4.718924323
+"583","ALPG",6.244111868,6.244111734,6.244111817,6.2441117,6.244111928,6.244111711,6.244111931,6.244111919,6.244111864,6.244111839,6.244111939,6.244111968,6.244111775,6.24411143,6.244111975,6.244111694,6.244112112,6.244112016,6.244111869,6.244111816,6.244111825,6.244111975,6.244111717,6.244111759,6.24411182,6.244111889,6.244111689,6.244111717
+"584","ALPI",6.252797074,6.252797072,6.25279738,6.25279717,6.252797518,6.252797023,6.25279738,6.252797431,6.252797343,6.252797357,6.252797541,6.252797616,6.252797378,6.252796973,6.25279745,6.252797324,6.252797495,6.252797547,6.252797262,6.25279733,6.252797443,6.252797498,6.252797239,6.252797227,6.252797431,6.252797508,6.252797184,6.252797226
+"585","ALPK1",7.781849281,7.782137776,7.781170197,7.782605001,7.779948459,7.782994027,7.781814937,7.78138458,7.781293755,7.781313177,7.781739877,7.779658978,7.781612091,7.781600213,7.78150856,7.781585473,7.780877499,7.781932152,7.781304619,7.782936116,7.781624288,7.781108454,7.782086454,7.782207497,7.781941324,7.780580382,7.781489778,7.780522948
+"586","ALPK2",4.120348388,4.120348495,4.120348322,4.120348268,4.120348581,4.120348178,4.120348506,4.120348393,4.1203484,4.120348318,4.120348388,4.120348599,4.120348368,4.120348114,4.120348656,4.120348667,4.120348614,4.120348447,4.1203482,4.120348333,4.120348382,4.120348482,4.120348191,4.120348449,4.120348581,4.120348514,4.120348404,4.12034831
+"587","ALPK3",4.893590609,4.893590591,4.893590745,4.893590639,4.893590798,4.893590556,4.893590671,4.893590689,4.893590655,4.893590641,4.893590697,4.893590722,4.893590672,4.893590486,4.893590763,4.89359073,4.893590778,4.893590783,4.893590697,4.893590652,4.893590711,4.893590716,4.893590626,4.89359058,4.893590691,4.893590699,4.893590603,4.893590679
+"588","ALPL",8.117454342,9.161705131,7.741847953,8.938447361,8.411558434,8.019918227,8.362470509,7.358794283,8.792239095,8.747643994,8.582111078,7.269366707,8.008427661,7.173551127,8.025272639,8.927997278,7.720426113,8.884678798,8.594839924,8.274951914,8.204259108,7.282988828,9.197797712,9.134377151,8.795816454,7.416847003,8.051623109,7.076591804
+"589","ALPP",5.6613225975,5.6613220335,5.6613220875,5.6613226785,5.661322779,5.661323577,5.6613227365,5.661322128,5.6613217325,5.6613208685,5.6613230165,5.661322116,5.6613219005,5.6613220235,5.661322163,5.661323526,5.6613228145,5.6613228615,5.661322858,5.6613226105,5.661321838,5.661321843,5.6613219595,5.6613225005,5.661321997,5.6613226855,5.6613218285,5.6613224365
+"590","ALS2",5.506184272,5.506184249,5.50618424,5.506184208,5.506184202,5.506184216,5.506184275,5.506184206,5.506184205,5.506184233,5.506184268,5.506184183,5.506184174,5.50618427,5.506184213,5.506184218,5.506184121,5.506184177,5.506184269,5.506184141,5.506184229,5.506184187,5.506184199,5.506184284,5.506184268,5.5061842,5.506184202,5.506184233
+"591","ALS2CL",5.801634104,5.801634014,5.801634212,5.80163418,5.801634282,5.801634132,5.801634003,5.801634272,5.801634377,5.801634255,5.801634089,5.801634333,5.801634223,5.801634098,5.801634208,5.801634177,5.801634278,5.801634122,5.801634215,5.801634183,5.80163409,5.801634321,5.801634212,5.801634064,5.801633924,5.801634234,5.801634157,5.801634226
+"592","ALX1",3.906117616,3.906117781,3.906117961,3.906117647,3.906117919,3.906117607,3.906117912,3.906117835,3.906117895,3.906117729,3.906117826,3.906117681,3.906117833,3.906117705,3.906117816,3.906117536,3.906118056,3.906118028,3.906117614,3.906117962,3.906117541,3.906117912,3.906117667,3.906117734,3.906117888,3.906117492,3.906117714,3.906117533
+"593","ALX3",6.138509563,6.138509544,6.138509792,6.13850972,6.138510165,6.138509661,6.138509946,6.138509976,6.138509793,6.138509855,6.138509967,6.13851016,6.138509779,6.138509564,6.138510143,6.138509696,6.138510118,6.138509955,6.138509668,6.138509865,6.138510024,6.138509886,6.138509724,6.138509619,6.138509789,6.138509943,6.138509708,6.138509878
+"594","ALX4",5.952196656,5.952196696,5.952196767,5.952196711,5.952196795,5.952196663,5.952196694,5.95219677,5.952196705,5.952196812,5.952196783,5.952196753,5.952196691,5.95219669,5.952196741,5.952196715,5.952196767,5.952196737,5.952196658,5.952196785,5.952196778,5.95219673,5.952196683,5.952196726,5.952196744,5.952196767,5.952196744,5.952196785
+"595","ALYREF",7.516168961,7.5161690035,7.5161689825,7.5161688445,7.516169031,7.516168969,7.51616918,7.516168953,7.5161691155,7.5161690345,7.5161690095,7.516168975,7.516168946,7.5161689445,7.516169011,7.516168911,7.5161690485,7.516168862,7.516168912,7.516169176,7.516169197,7.516169051,7.5161690485,7.51616886,7.5161687715,7.5161690835,7.516169018,7.5161689355
+"596","AMBN",3.25137274,3.251372722,3.251372724,3.251372779,3.251372738,3.251372738,3.251372772,3.251372828,3.2513728,3.251372711,3.251372788,3.251372863,3.251372767,3.251372729,3.251372755,3.251372821,3.251372947,3.251372811,3.251372798,3.251372762,3.251372754,3.251372712,3.251372755,3.251372743,3.251372825,3.251372751,3.251372834,3.251372843
+"597","AMBP",4.883493503,4.883493458,4.883493566,4.88349352,4.883493641,4.883493357,4.883493496,4.883493561,4.883493542,4.883493478,4.883493553,4.883493563,4.883493546,4.883493442,4.883493558,4.883493602,4.883493652,4.883493595,4.883493465,4.883493524,4.883493577,4.883493546,4.88349349,4.883493559,4.88349358,4.883493534,4.883493466,4.883493552
+"598","AMBRA1",7.006423937,7.006423897,7.006423898,7.006423878,7.006423789,7.006423946,7.006423861,7.006423912,7.00642393,7.006423879,7.006423799,7.006423826,7.00642393,7.006423873,7.006423813,7.006423848,7.006423648,7.006423796,7.006423864,7.006424015,7.006423818,7.006423836,7.006423918,7.006423914,7.006423828,7.006423881,7.006423926,7.006423805
+"599","AMD1",7.860553648,7.860553828,7.860553287,7.860553838,7.860552863,7.860552796,7.860553239,7.860553179,7.860552765,7.860552745,7.860552758,7.860552615,7.860553139,7.860554038,7.860553381,7.860553828,7.86055296,7.860553533,7.86055352,7.860552914,7.860553464,7.860552987,7.860553237,7.860553289,7.860553158,7.860553378,7.860552983,7.860553459
+"600","AMDHD1",4.972021624,4.972021608,4.972021618,4.972021608,4.972021623,4.972021605,4.972021623,4.972021641,4.972021616,4.972021616,4.972021622,4.972021632,4.972021623,4.972021583,4.972021624,4.972021597,4.972021604,4.97202162,4.972021604,4.97202159,4.972021615,4.972021603,4.972021621,4.972021626,4.972021615,4.972021634,4.972021619,4.972021592
+"601","AMDHD2",6.944432958,6.944432949,6.944432977,6.94443302,6.944433041,6.944432969,6.944433014,6.944433036,6.944432999,6.944432944,6.944433004,6.944433017,6.944432999,6.944432963,6.944433029,6.944432979,6.944432999,6.944433057,6.944432997,6.944432965,6.944433024,6.944433035,6.944432985,6.944432899,6.944432987,6.944432995,6.944433024,6.944432971
+"602","AMELX",3.691926399,3.691926444,3.691926402,3.691926418,3.691926423,3.691926433,3.691926422,3.691926445,3.691926432,3.691926409,3.691926412,3.69192643,3.691926421,3.691926362,3.691926401,3.691926431,3.691926412,3.691926401,3.691926413,3.691926407,3.691926423,3.691926429,3.691926422,3.6919264,3.691926384,3.691926397,3.691926406,3.691926411
+"603","AMELY",3.713701951,3.713701849,3.713702034,3.713702141,3.71370182,3.713701876,3.713701922,3.713702193,3.713701856,3.713701985,3.713702108,3.713702133,3.713702182,3.713701794,3.713701963,3.713701967,3.713701956,3.713702041,3.713702032,3.713701991,3.713702065,3.713702104,3.713701903,3.713702028,3.713701968,3.713702027,3.713701974,3.713701975
+"604","AMER1",5.32679768,5.326797653,5.326797635,5.326797602,5.326797668,5.326797701,5.326797617,5.326797659,5.326797641,5.32679766,5.326797673,5.326797727,5.326797698,5.326797662,5.326797702,5.326797659,5.326797614,5.326797611,5.326797647,5.326797614,5.32679761,5.326797668,5.326797649,5.326797545,5.32679765,5.326797682,5.326797674,5.326797667
+"605","AMER2",5.454521732,5.454521782,5.454521813,5.45452171,5.454521822,5.454521733,5.454521744,5.454521777,5.454521788,5.454521715,5.454521811,5.454521783,5.454521741,5.454521694,5.45452177,5.454521824,5.454521828,5.454521851,5.454521752,5.454521853,5.454521785,5.454521783,5.454521711,5.454521718,5.454521783,5.454521799,5.454521731,5.454521776
+"606","AMER3",5.008856761,5.008856699,5.008856899,5.008856772,5.008856915,5.008856781,5.008856851,5.008856847,5.008856823,5.008856679,5.008856816,5.008856825,5.008856738,5.008856582,5.008857086,5.008856967,5.008856848,5.00885691,5.008856857,5.008856879,5.008856998,5.008856896,5.008856712,5.008856578,5.008856666,5.008856882,5.008856723,5.008856772
+"607","AMFR",7.28590697,7.285907057,7.285907016,7.28590692,7.285906835,7.28590716,7.285906891,7.285907086,7.285906949,7.285906972,7.285907039,7.285906927,7.285906917,7.285906908,7.285906764,7.285906883,7.28590679,7.285906839,7.28590687,7.285907058,7.285906723,7.285906844,7.28590694,7.285907101,7.28590698,7.285906886,7.285907062,7.28590671
+"608","AMHR2",4.957925447,4.957925354,4.95792558,4.957925399,4.957925744,4.957925655,4.957925599,4.95792561,4.957925649,4.957925561,4.957925512,4.957925766,4.957925488,4.957925378,4.957925642,4.957925495,4.957925859,4.957925578,4.957925672,4.95792536,4.95792555,4.957925694,4.957925542,4.957925435,4.957925461,4.957925513,4.957925491,4.957925531
+"609","AMIGO1",6.844476933,6.84447687,6.844476985,6.844476833,6.844477401,6.844476963,6.844476881,6.844477311,6.844477442,6.844477434,6.844476395,6.844477559,6.844477282,6.844477101,6.844477305,6.844477022,6.844476904,6.84447694,6.844477254,6.844477091,6.84447698,6.844477109,6.844477273,6.84447704,6.844476629,6.844477359,6.844477404,6.844477458
+"610","AMIGO2",5.398817346,5.398817374,5.398817269,5.398817321,5.398817205,5.39881735,5.39881712,5.398817299,5.398817353,5.398817308,5.398817312,5.398817362,5.39881737,5.39881754,5.398817227,5.398817401,5.39881733,5.398817337,5.398817166,5.398817256,5.398817172,5.398817318,5.398817436,5.398817363,5.39881718,5.398817413,5.398817406,5.398817467
+"611","AMIGO3",5.791951108,5.791951096,5.791951125,5.791951069,5.791951163,5.791951116,5.791951118,5.791951104,5.791951078,5.791951138,5.791951089,5.791951171,5.791951089,5.791950983,5.791951179,5.79195111,5.791951174,5.791951116,5.791951134,5.791951137,5.791951176,5.791951159,5.791951068,5.791951068,5.791951048,5.791951161,5.791951123,5.791951159
+"612","AMMECR1",7.024086373,7.024086385,7.024086397,7.024086351,7.024086403,7.024086303,7.024086346,7.024086381,7.024086398,7.02408639,7.02408633,7.02408635,7.024086388,7.0240864,7.024086365,7.024086395,7.024086343,7.024086366,7.024086376,7.024086376,7.02408638,7.024086378,7.024086377,7.024086405,7.024086386,7.024086384,7.024086394,7.024086387
+"613","AMMECR1L",5.97413971,5.974139739,5.974139468,5.974139558,5.974139491,5.97413955,5.974139606,5.974139464,5.974139578,5.974139582,5.974139509,5.974139429,5.974139715,5.974139718,5.974139475,5.974139595,5.974139325,5.974139558,5.974139596,5.974139635,5.974139403,5.974139478,5.974139568,5.9741397,5.974139581,5.974139567,5.974139634,5.974139574
+"614","AMN",6.827032222,6.827032254,6.827032492,6.827032365,6.82703255,6.82703226,6.82703234,6.827032526,6.827032292,6.827032288,6.827032485,6.82703243,6.827032413,6.827032023,6.827032396,6.82703246,6.827032491,6.827032427,6.827032276,6.827032385,6.827032435,6.827032424,6.827032251,6.827032078,6.827032419,6.827032445,6.827032318,6.827032358
+"615","AMN1",6.210576828,6.210576373,6.210576037,6.210576365,6.210575695,6.210575939,6.21057617,6.210575671,6.210576092,6.210575904,6.210575868,6.210575743,6.210576169,6.210576575,6.210576552,6.210576337,6.210575864,6.210576218,6.21057625,6.210576452,6.210576154,6.210575883,6.210576331,6.210576428,6.21057632,6.210576001,6.210576125,6.210576074
+"616","AMOT",4.573425437,4.573425466,4.573425358,4.573425459,4.573425459,4.573425485,4.573425419,4.573425466,4.573425449,4.573425483,4.573425446,4.57342547,4.573425451,4.573425407,4.573425413,4.573425463,4.573425475,4.573425414,4.573425438,4.573425477,4.573425433,4.573425444,4.573425468,4.573425421,4.573425448,4.573425416,4.573425456,4.573425432
+"617","AMOTL1",4.56015689,4.560156882,4.560156907,4.560156887,4.560156937,4.560156894,4.56015692,4.560156904,4.560156905,4.560156899,4.560156899,4.560156943,4.560156906,4.560156877,4.560156932,4.560156893,4.560156931,4.560156929,4.56015692,4.5601569,4.560156926,4.560156922,4.560156911,4.560156887,4.560156899,4.560156931,4.560156895,4.560156917
+"618","AMPD1",3.490581502,3.490581328,3.490581662,3.490581395,3.490581587,3.490581351,3.49058137,3.490581453,3.490581488,3.490581493,3.490581362,3.49058162,3.49058145,3.490581287,3.49058149,3.490581476,3.490581536,3.490581495,3.490581446,3.490581267,3.490581408,3.490581461,3.490581444,3.490581229,3.490581376,3.490581234,3.490581425,3.490581385
+"619","AMPD2",7.868159843,7.868161098,7.868160681,7.86816149,7.868159806,7.868160457,7.868160208,7.868160828,7.868160129,7.868160286,7.868160483,7.868159863,7.868160755,7.868160459,7.868159996,7.868161017,7.868160994,7.868161245,7.868160204,7.868159472,7.868160113,7.868160772,7.86816057,7.868160655,7.86816075,7.868159959,7.868160608,7.868160279
+"620","AMPD3",7.392087813,7.392088235,7.39208752,7.392087927,7.392087677,7.392087221,7.392087702,7.392087216,7.392087722,7.392088013,7.392088118,7.392087187,7.392088063,7.392087869,7.392087733,7.392087835,7.392087203,7.392087682,7.392088174,7.3920876,7.392087639,7.39208721,7.39208768,7.392088215,7.392088349,7.392087607,7.392087894,7.392087628
+"621","AMPH",3.942060754,3.942060693,3.942060944,3.942060791,3.94206098,3.942060725,3.942060855,3.942060971,3.942060856,3.942060949,3.942060871,3.942061022,3.94206066,3.942060667,3.942060918,3.942060747,3.942061006,3.942061041,3.942060806,3.942060818,3.942060904,3.942060897,3.942060737,3.942060963,3.942060908,3.942060872,3.942060837,3.94206092
+"622","AMTN",3.53680047,3.536800614,3.536800698,3.536800644,3.536800776,3.536800673,3.53680059,3.536800638,3.536800659,3.536800658,3.536800754,3.536800749,3.536800643,3.536800546,3.536800699,3.536800668,3.536800798,3.536800809,3.536800603,3.536800621,3.536800554,3.536800713,3.536800695,3.536800685,3.536800638,3.536800637,3.536800694,3.536800683
+"623","AMZ1",6.075943097,6.075943162,6.075943254,6.075943228,6.075943472,6.075943061,6.075943261,6.075943234,6.075943184,6.075943196,6.075943416,6.075943434,6.075943164,6.075942876,6.075943362,6.075943321,6.075943437,6.075943367,6.075943292,6.075943257,6.075943393,6.07594319,6.075943119,6.07594309,6.075943209,6.075943442,6.075943171,6.075943354
+"624","AMZ2",6.949735968,6.949735678,6.94973588,6.949735681,6.949735647,6.949735892,6.949735841,6.949735597,6.949735851,6.949735683,6.94973575,6.949735785,6.949735829,6.949736002,6.949735631,6.949735483,6.949735633,6.949735539,6.949735649,6.949735811,6.949735866,6.949735652,6.949735854,6.949735889,6.949735788,6.94973576,6.949735728,6.949735773
+"625","AMZ2P1",4.969213354,4.969213867,4.969215134,4.969211711,4.969211259,4.969214301,4.9692127,4.969211458,4.969214475,4.969213355,4.969210583,4.969213968,4.969212881,4.969213708,4.969212852,4.96921238,4.969213771,4.969212366,4.969213974,4.969213073,4.969213137,4.9692131,4.9692143,4.969212975,4.969211946,4.969212908,4.96921375,4.969212572
+"626","ANAPC10",3.760308491,3.760308452,3.760308459,3.7603084,3.760308431,3.760308463,3.760308425,3.760308397,3.760308444,3.760308424,3.760308414,3.760308395,3.760308456,3.760308537,3.760308434,3.760308455,3.76030841,3.760308408,3.760308424,3.760308454,3.760308429,3.760308433,3.760308489,3.760308484,3.760308389,3.760308417,3.760308392,3.760308422
+"627","ANAPC11",5.8672489795,5.867249071,5.8672493715,5.8672489645,5.8672493405,5.867249316,5.867249329,5.867249562,5.8672490885,5.8672493215,5.8672492935,5.8672492715,5.8672489065,5.867248831,5.8672495405,5.867248951,5.867249547,5.867249076,5.867249417,5.86724914,5.8672493005,5.8672495385,5.867249236,5.8672493,5.867249286,5.86724939,5.8672491975,5.867249391
+"628","ANAPC13",7.059993792,7.059993868,7.05999373,7.059993844,7.059993637,7.059993736,7.059993739,7.059993666,7.059993753,7.059993627,7.059993646,7.059993544,7.059993638,7.059993866,7.059993748,7.059993802,7.05999373,7.059993737,7.059993759,7.059993813,7.059993713,7.059993774,7.059993806,7.059993749,7.059993757,7.059993556,7.059993675,7.059993762
+"629","ANAPC15",6.224221026,6.224221072,6.224221116,6.224221053,6.224221018,6.2242211,6.224221185,6.224220991,6.224221218,6.224221144,6.224221036,6.224221105,6.224221139,6.224221125,6.224221083,6.224221057,6.224221122,6.224221085,6.224221021,6.224221037,6.224221155,6.224221085,6.224221145,6.224221082,6.224221141,6.224221108,6.224221109,6.224221044
+"630","ANAPC16",7.703906546,7.703905879,7.703906263,7.703905583,7.703905402,7.703905556,7.703906017,7.703905625,7.703906607,7.703906249,7.703905531,7.703905364,7.703906207,7.70390727,7.703905882,7.703905529,7.703905579,7.703904952,7.703905882,7.703905183,7.703905729,7.703905798,7.703906323,7.703906102,7.703905444,7.703905892,7.703905899,7.703906627
+"631","ANAPC2",6.669151938,6.669151902,6.66915192,6.669151807,6.669151893,6.669151984,6.669151942,6.669151909,6.669151905,6.669151918,6.669151934,6.669151986,6.669151921,6.669151811,6.669151951,6.669151867,6.669151959,6.669151823,6.66915195,6.669151927,6.669151933,6.669151948,6.669151833,6.669151863,6.669151687,6.669151946,6.669151984,6.669151809
+"632","ANAPC4",6.149599844,6.149599418,6.149599393,6.149598862,6.14959882,6.149598561,6.149599574,6.149598959,6.149599532,6.149599192,6.149599207,6.149598895,6.149599218,6.149599913,6.149599265,6.149599481,6.149598655,6.149598888,6.149599542,6.149598986,6.149599752,6.149599218,6.149599537,6.149599354,6.14959942,6.149599349,6.149599482,6.149598982
+"633","ANAPC5",7.377834267,7.377833711,7.377833727,7.377833638,7.377833454,7.37783394,7.377833961,7.377833337,7.377834025,7.37783398,7.377833703,7.377833435,7.377834186,7.377834438,7.377833776,7.377833232,7.377832982,7.37783326,7.377833945,7.377833653,7.377833934,7.377833673,7.377833799,7.377833753,7.377833499,7.377833822,7.377833967,7.37783373
+"634","ANAPC7",6.790307898,6.790307699,6.790307474,6.790307638,6.790307501,6.790307588,6.790307679,6.790307424,6.790307659,6.790307538,6.790307512,6.790307533,6.790307786,6.790307794,6.790307549,6.790307514,6.79030721,6.790307427,6.790307577,6.790307611,6.79030753,6.790307529,6.790307732,6.790307636,6.790307516,6.790307665,6.790307814,6.790307475
+"635","ANGEL1",6.965361161,6.965361148,6.965361142,6.965361133,6.96536112,6.96536113,6.965361135,6.965361149,6.965361167,6.965361142,6.965361126,6.965361158,6.96536117,6.965361188,6.965361134,6.965361145,6.965361108,6.965361091,6.965361124,6.965361126,6.96536111,6.965361154,6.965361173,6.965361164,6.96536114,6.965361151,6.965361172,6.965361145
+"636","ANGEL2",6.564592057,6.564591634,6.564591726,6.564591464,6.564591467,6.564591396,6.564591594,6.564591519,6.564591889,6.564591785,6.564591558,6.564591327,6.564591795,6.564592196,6.564591602,6.564591569,6.564591541,6.564591352,6.564591718,6.564591376,6.564591592,6.564591407,6.564591881,6.564591799,6.564591602,6.564591688,6.564591674,6.564591885
+"637","ANGPT1",3.914002126,3.914002126,3.91400216,3.914002256,3.914002102,3.914001998,3.914002185,3.914002057,3.914002106,3.914002068,3.914002063,3.914002045,3.914002135,3.914002389,3.914002114,3.914002125,3.914002151,3.914002231,3.914002106,3.914002098,3.914002167,3.914002119,3.914002113,3.914002195,3.914002247,3.914002182,3.914002144,3.914002233
+"638","ANGPT2",3.78854913,3.788549161,3.788549133,3.788549124,3.788549188,3.788549205,3.788549128,3.788549109,3.788549131,3.788549119,3.788549126,3.788549156,3.788549169,3.7885491,3.788549128,3.788549133,3.788549136,3.78854911,3.788549148,3.788549143,3.788549119,3.78854913,3.788549141,3.788549144,3.78854909,3.788549118,3.788549118,3.788549129
+"639","ANGPT4",4.739974641,4.739974642,4.739974701,4.739974682,4.739974865,4.739974647,4.739974759,4.739974753,4.739974655,4.739974694,4.739974734,4.739974781,4.739974744,4.739974603,4.739974829,4.739974779,4.73997484,4.739974816,4.739974682,4.739974749,4.739974761,4.739974796,4.739974523,4.739974621,4.73997475,4.739974783,4.739974594,4.739974721
+"640","ANGPTL1",2.769894953,2.76989492,2.76989488,2.769895017,2.769894995,2.769894963,2.76989484,2.769895122,2.769894836,2.769894954,2.76989502,2.769894982,2.769894817,2.769894908,2.769894943,2.769894897,2.769895054,2.769895177,2.769894801,2.769894865,2.769894948,2.769894944,2.769895011,2.769894895,2.769895209,2.769894899,2.769894792,2.769894895
+"641","ANGPTL2",4.543361875,4.543361959,4.543361948,4.543361933,4.543361978,4.543361902,4.543361941,4.543361948,4.543361895,4.543361871,4.543361952,4.543361997,4.543361962,4.543361867,4.543361966,4.543361946,4.543361976,4.543361973,4.543361946,4.543361956,4.543362029,4.543361949,4.54336191,4.543361936,4.543361969,4.543361965,4.543361906,4.543361977
+"642","ANGPTL3",2.538773264,2.5387733,2.53877332,2.538773311,2.538773292,2.538773284,2.538773276,2.538773311,2.538773316,2.538773278,2.538773346,2.538773286,2.538773281,2.538773268,2.53877326,2.538773321,2.538773296,2.538773291,2.538773275,2.53877331,2.538773278,2.538773298,2.538773292,2.538773298,2.538773359,2.538773292,2.538773286,2.538773273
+"643","ANGPTL4",5.287498945,5.287498896,5.287499155,5.287499117,5.287499427,5.287498954,5.287499435,5.287499153,5.287498946,5.287499162,5.287499309,5.287499394,5.287499009,5.287498877,5.287499519,5.287498924,5.287499336,5.287499294,5.28749915,5.28749922,5.28749943,5.287499238,5.287498796,5.28749905,5.28749915,5.287499276,5.287498824,5.287499162
+"644","ANGPTL5",2.638344156,2.638344224,2.638344507,2.638344218,2.638344275,2.638344165,2.638344233,2.638344138,2.638344168,2.638344169,2.638344506,2.638344126,2.638344144,2.638344074,2.638344112,2.638344305,2.638344264,2.63834437,2.638344238,2.638344398,2.638344326,2.638344212,2.638344493,2.638344379,2.638344559,2.638344158,2.638344338,2.638344139
+"645","ANGPTL6",6.430056704,6.430056773,6.430056807,6.430056717,6.430057015,6.430056751,6.43005678,6.430056977,6.430056809,6.430056865,6.4300569,6.43005697,6.430056842,6.430056556,6.430056929,6.430056641,6.430056894,6.43005692,6.430056788,6.430056765,6.430056762,6.430056847,6.430056762,6.43005666,6.430056888,6.430056795,6.430056775,6.430056769
+"646","ANGPTL7",3.731138113,3.731137873,3.73113834,3.731138153,3.731138331,3.731138435,3.731138419,3.731138375,3.731138387,3.731138343,3.731138646,3.731138379,3.731138315,3.731138017,3.731138295,3.731138226,3.731138546,3.731138371,3.731138322,3.731138359,3.731138397,3.731138364,3.731138367,3.731138308,3.731138302,3.73113819,3.731138284,3.731138272
+"647","ANGPTL8",6.113872795,6.113872814,6.113873143,6.113873039,6.113873214,6.113873099,6.113873067,6.1138732,6.113872875,6.113873178,6.113873122,6.113873183,6.113873004,6.113872626,6.113873143,6.113873052,6.113873166,6.113873128,6.113873076,6.113873093,6.113873167,6.113873129,6.113872862,6.113872824,6.113873058,6.113873154,6.113872912,6.113872896
+"648","ANK1",6.70688237,6.233000012,7.578251142,6.656811913,6.733491706,7.595876412,7.478091611,7.352986683,7.509890192,7.216737988,7.578508766,7.545696651,6.149324176,6.122334679,6.893385604,5.91318447,7.37104235,6.682876557,6.463105774,7.188966954,7.2575976,7.121333088,7.316236852,7.07456969,7.558430764,7.562037492,6.414129699,6.376480269
+"649","ANK2",3.509679436,3.509679438,3.509679438,3.509679439,3.509679443,3.509679436,3.509679436,3.509679437,3.509679438,3.509679435,3.50967944,3.509679439,3.509679435,3.509679435,3.509679441,3.509679438,3.509679443,3.509679441,3.509679437,3.50967944,3.509679438,3.509679441,3.509679437,3.509679435,3.509679437,3.509679438,3.509679437,3.509679436
+"650","ANK3",5.367090166,5.367090056,5.367089668,5.367089125,5.367089752,5.367090426,5.367090193,5.367089381,5.367090209,5.367089267,5.367089372,5.367089303,5.367090322,5.367090689,5.367089728,5.367089419,5.367088993,5.367088844,5.367090044,5.367089601,5.367089581,5.367089279,5.367089991,5.367089063,5.367089397,5.367089114,5.367090268,5.367090298
+"651","ANKAR",4.245662405,4.245662224,4.245662239,4.245662205,4.24566223,4.245662209,4.245662243,4.24566223,4.245662187,4.245662257,4.245662335,4.245662314,4.245662294,4.245662429,4.245662326,4.245662223,4.245662172,4.245662206,4.245662317,4.24566216,4.245662257,4.245662184,4.245662282,4.245662329,4.245662296,4.245662328,4.245662382,4.24566235
+"652","ANKDD1A",6.065831783,6.065831905,6.065831804,6.065831789,6.065831787,6.065831953,6.065831822,6.065831951,6.06583173,6.065831956,6.065831913,6.065831891,6.065831794,6.06583183,6.065831779,6.065831892,6.065831802,6.065831845,6.065831802,6.065831996,6.06583183,6.06583193,6.065831686,6.065831977,6.065831919,6.065831893,6.065831733,6.065831878
+"653","ANKDD1B",3.57966184,3.579661579,3.579661924,3.579661605,3.579661712,3.579661838,3.579661876,3.57966187,3.579661864,3.579661815,3.579661802,3.579662055,3.579661811,3.579661623,3.579661939,3.579661783,3.57966175,3.579661456,3.579662087,3.579662016,3.579661906,3.579661608,3.579661832,3.5796618,3.579661702,3.579661958,3.579661732,3.579661474
+"654","ANKEF1",4.600165077,4.600165131,4.600165005,4.600165034,4.600165152,4.600164976,4.600164989,4.600164987,4.600165106,4.600165159,4.600164943,4.600164886,4.600165045,4.600165107,4.600165126,4.600165048,4.600164924,4.600165068,4.60016502,4.600164986,4.600164902,4.600164997,4.600164989,4.600165116,4.600164939,4.600164719,4.600165103,4.600165108
+"655","ANKFN1",3.348851608,3.348851554,3.348851555,3.348851711,3.348851664,3.348851612,3.348851641,3.348851594,3.348851585,3.348851574,3.348851681,3.348851698,3.348851584,3.348851597,3.348851681,3.348851675,3.348851684,3.348851655,3.348851659,3.348851616,3.348851671,3.348851669,3.348851605,3.348851612,3.34885161,3.348851612,3.34885158,3.348851635
+"656","ANKFY1",7.461982716,7.461982956,7.461982616,7.461982933,7.461982805,7.461983806,7.46198292,7.461982414,7.461982838,7.461982713,7.461982733,7.461982195,7.461982916,7.461982968,7.461982611,7.461982688,7.461982372,7.461982538,7.461982722,7.461983622,7.461982685,7.461982467,7.461982761,7.461982824,7.461982543,7.461982681,7.461982691,7.461982431
+"657","ANKH",7.732187747,7.7321812,7.732187935,7.73218162,7.732187806,7.732186443,7.732188647,7.732196939,7.732191891,7.732182408,7.732190246,7.732192714,7.73218684,7.732187034,7.732186244,7.732177482,7.732184361,7.732181967,7.732187199,7.732182378,7.732185345,7.732192713,7.73218988,7.732182278,7.732190566,7.732192735,7.732188552,7.732187746
+"658","ANKIB1",6.942134958,6.942134897,6.942134782,6.942134801,6.942134785,6.942134853,6.942134905,6.942134806,6.942134911,6.942134878,6.94213471,6.942134763,6.942134922,6.942135052,6.942134847,6.94213484,6.942134734,6.942134664,6.942134904,6.942134793,6.942134877,6.942134817,6.942134956,6.942134917,6.942134827,6.942134911,6.942134911,6.94213494
+"659","ANKK1",5.770995411,5.770995387,5.770995435,5.770995418,5.770995472,5.770995422,5.770995442,5.770995413,5.770995434,5.770995457,5.770995456,5.770995469,5.770995431,5.770995336,5.770995464,5.7709954,5.77099544,5.770995439,5.770995423,5.770995438,5.770995456,5.770995456,5.770995399,5.770995396,5.770995428,5.770995454,5.770995423,5.770995426
+"660","ANKLE1",5.61112716,5.611127089,5.611127214,5.611127189,5.611127239,5.611127164,5.611127249,5.611127255,5.611127168,5.611127151,5.611127214,5.611127278,5.611127198,5.611127084,5.611127219,5.611127189,5.611127282,5.611127156,5.611127234,5.611127166,5.611127212,5.61112721,5.611127206,5.611127158,5.611127192,5.611127209,5.611127188,5.611127202
+"661","ANKLE2",7.764163789,7.764163792,7.764163784,7.764163782,7.764163792,7.764163672,7.764163819,7.764163693,7.764163713,7.76416369,7.764163818,7.764163764,7.764163795,7.764163883,7.764163726,7.764163764,7.764163721,7.764163641,7.76416381,7.764163472,7.764163772,7.764163745,7.764163727,7.76416369,7.764163697,7.764163799,7.764163809,7.76416384
+"662","ANKMY1",6.456163365,6.456163351,6.456163351,6.45616334,6.45616336,6.456163337,6.456163361,6.456163359,6.456163347,6.456163349,6.456163358,6.456163364,6.456163352,6.456163347,6.456163365,6.45616336,6.456163355,6.45616334,6.456163353,6.456163356,6.456163362,6.456163357,6.45616335,6.456163356,6.45616336,6.456163364,6.456163364,6.456163358
+"663","ANKMY2",5.41001382,5.410013821,5.410013779,5.410013768,5.410013813,5.41001375,5.410013765,5.410013771,5.410013801,5.410013799,5.410013766,5.41001379,5.410013792,5.410013868,5.410013825,5.410013796,5.410013772,5.410013782,5.410013793,5.410013746,5.410013776,5.410013803,5.410013795,5.410013807,5.410013825,5.410013778,5.410013792,5.410013823
+"664","ANKRA2",4.863565235,4.863565107,4.863565214,4.863565057,4.863564948,4.863565111,4.863565118,4.8635651,4.863565074,4.863565128,4.863565084,4.863565087,4.863565195,4.863565317,4.863564926,4.863565165,4.863565009,4.86356501,4.863565056,4.863565127,4.863565011,4.863565095,4.863565215,4.863565269,4.863565046,4.863565209,4.863565195,4.863565228
+"665","ANKRD1",3.784182935,3.784182949,3.784182916,3.784182924,3.784182961,3.784182956,3.784182927,3.784182925,3.784182927,3.784182924,3.784182921,3.784182926,3.78418291,3.784182905,3.784182969,3.784182933,3.784182943,3.784182953,3.784182933,3.784182928,3.784182951,3.784182928,3.784182941,3.784182932,3.784182909,3.784182935,3.784182916,3.784182949
+"666","ANKRD11",6.4344839,6.4344839415,6.4344839525,6.434484093,6.434484015,6.4344841505,6.4344840515,6.4344838935,6.434483993,6.4344838725,6.4344840005,6.4344840265,6.43448405,6.434484017,6.434483892,6.4344840585,6.434483867,6.4344840695,6.434483766,6.434483956,6.434483754,6.434484091,6.434484114,6.434484049,6.434483902,6.4344839615,6.4344837615,6.434483671
+"667","ANKRD12",6.226892976,6.226892333,6.226891845,6.226891951,6.226891531,6.226891081,6.226891912,6.226891176,6.226891869,6.226891953,6.22689185,6.226890269,6.226892109,6.226894188,6.226892269,6.226892104,6.226891698,6.226892101,6.226892599,6.226891129,6.226891744,6.226891569,6.226892676,6.226891796,6.226892175,6.226891349,6.22689217,6.226893478
+"668","ANKRD13A",8.517939089,8.517939694,8.517938614,8.517939833,8.517938717,8.51793994,8.517939163,8.517938765,8.517938799,8.51793878,8.517939014,8.517937697,8.517938946,8.517939181,8.51793884,8.517939657,8.517938361,8.517939322,8.517939483,8.517939663,8.517938981,8.517938306,8.51793903,8.517939637,8.517939554,8.517938436,8.517939105,8.517938701
+"669","ANKRD13B",5.740503004,5.740502901,5.7405031,5.740503044,5.740503365,5.740503082,5.740503123,5.740503262,5.740503022,5.740503163,5.740503167,5.740503412,5.740503008,5.740502589,5.740503219,5.74050281,5.740503391,5.740503174,5.740503212,5.740503044,5.740503251,5.740503261,5.740502862,5.740502931,5.740503144,5.740503158,5.740503077,5.740503133
+"670","ANKRD13C",6.176231737,6.176231304,6.176230744,6.176230551,6.176231237,6.176230763,6.176231241,6.17623103,6.17623149,6.17623119,6.176230677,6.176230967,6.176231328,6.176232227,6.176231062,6.176230854,6.176230612,6.176230535,6.176231431,6.176230625,6.176231024,6.176230978,6.176231631,6.176231315,6.176231023,6.176231339,6.176231436,6.176231765
+"671","ANKRD13D",7.588367349,7.588367617,7.588367299,7.588367887,7.58836713,7.588367901,7.588367777,7.588367583,7.588367313,7.588367445,7.588367602,7.588367353,7.588367544,7.588367344,7.588367311,7.588367584,7.58836742,7.588367729,7.588367586,7.588367716,7.588367515,7.588367556,7.588367441,7.588367624,7.588367874,7.58836757,7.58836757,7.588367
+"672","ANKRD16",4.257535703,4.257535601,4.257535627,4.257535718,4.257535642,4.257535617,4.257535748,4.257535549,4.257535814,4.25753572,4.257535559,4.257535757,4.257535599,4.257535782,4.257535748,4.257535538,4.25753565,4.257535486,4.257535656,4.257535679,4.257535638,4.257535576,4.257535691,4.257535638,4.257535587,4.25753569,4.257535613,4.257535537
+"673","ANKRD17",7.539986478,7.539986447,7.53998629,7.539986402,7.539986364,7.539986453,7.539986398,7.539986322,7.539986447,7.539986393,7.53998627,7.539986355,7.539986372,7.539986553,7.539986366,7.539986403,7.539986151,7.539986267,7.539986361,7.539986412,7.539986345,7.539986302,7.539986451,7.539986392,7.539986313,7.539986398,7.539986449,7.5399864
+"674","ANKRD18B",3.884914916,3.884914864,3.884915068,3.884915051,3.884915225,3.884914812,3.884914924,3.884915105,3.88491507,3.884915029,3.884915016,3.884915245,3.88491511,3.884915073,3.884915037,3.884915178,3.884915108,3.884915218,3.88491501,3.88491497,3.884915167,3.884914975,3.884914717,3.88491501,3.884914953,3.884915058,3.884914981,3.88491513
+"675","ANKRD18DP",3.572499708,3.572499793,3.572499823,3.572499715,3.572499845,3.572499776,3.572499813,3.572499732,3.572499732,3.572499737,3.572499993,3.572499825,3.572499739,3.572499721,3.57249977,3.572499835,3.572499724,3.57249982,3.572499813,3.572499837,3.572499886,3.572499736,3.572499751,3.572499752,3.572499761,3.572499831,3.572499626,3.572499812
+"676","ANKRD2",5.552273552,5.552273567,5.552273609,5.552273447,5.552273824,5.552273221,5.552273683,5.552273723,5.55227356,5.552273472,5.552273765,5.552273766,5.552273633,5.552273486,5.552273821,5.552273679,5.552273871,5.552273787,5.55227356,5.552273578,5.552273758,5.552273871,5.552273502,5.552273561,5.552273518,5.552273787,5.552273398,5.55227373
+"677","ANKRD20A11P",5.025169039,5.02516623,5.025168332,5.025167995,5.025168633,5.025168564,5.025168104,5.025171171,5.025168402,5.02517074,5.025167904,5.025169311,5.025169722,5.025167012,5.025170222,5.025169166,5.025169709,5.025169042,5.025167793,5.025169732,5.025168578,5.025171557,5.025168144,5.025170651,5.025169241,5.025169286,5.025168528,5.025168397
+"678","ANKRD20A19P",4.934060137,4.934060112,4.934060134,4.934060145,4.934060138,4.934060107,4.934060157,4.934060191,4.934060096,4.934060143,4.934060172,4.934060189,4.934060133,4.934060095,4.934060129,4.93406017,4.934060149,4.93406013,4.934060132,4.934060145,4.934060138,4.934060152,4.934060132,4.934060115,4.934060151,4.93406017,4.934060157,4.934060142
+"679","ANKRD20A5P",4.685005853,4.685005812,4.685005905,4.685005871,4.68500582,4.685005689,4.685005466,4.685005928,4.685005632,4.685005719,4.685006194,4.685005919,4.685005767,4.68500557,4.685005748,4.685005829,4.685005818,4.685005876,4.685005776,4.685005793,4.685005591,4.685005863,4.685005529,4.685005731,4.685005904,4.685005687,4.685005816,4.685005627
+"680","ANKRD20A8P",3.4675441565,3.46754375675,3.46754357975,3.467543562,3.4675435495,3.4675438475,3.467543752,3.467544006,3.467543672,3.467543973,3.4675436295,3.46754376025,3.46754384275,3.467543803,3.46754397475,3.46754349025,3.46754346275,3.467543814,3.46754375,3.46754388125,3.46754366575,3.467543979,3.4675438485,3.46754388225,3.467543776,3.46754364625,3.467543875,3.46754362
+"681","ANKRD20A9P",3.6636146755,3.663614582,3.663614623,3.6636146895,3.6636147045,3.66361461,3.663614695,3.663614779,3.663614618,3.6636146765,3.6636146555,3.6636146205,3.6636145885,3.663614551,3.6636147025,3.6636146615,3.663614658,3.6636146795,3.6636146015,3.663614554,3.6636146335,3.663614781,3.6636145715,3.6636146875,3.6636146285,3.663614545,3.663614612,3.6636146835
+"682","ANKRD22",4.873626493,4.520420606,4.656081057,4.911928151,4.129448739,6.694733248,4.952577395,4.480541445,4.886043729,4.762135205,4.428571792,3.766785452,4.778240887,4.420921142,4.835778641,4.570179068,4.683058198,4.446741069,4.468128401,6.85749826,4.987018352,4.807021989,4.784622369,5.049221131,4.821736813,4.103008029,4.220283449,4.268445591
+"683","ANKRD23",6.033846282,6.033846281,6.0338463,6.033846292,6.033846295,6.03384627,6.033846325,6.033846342,6.033846366,6.033846285,6.03384627,6.033846346,6.033846354,6.033846297,6.033846341,6.033846264,6.03384627,6.03384633,6.033846305,6.033846272,6.033846311,6.033846367,6.033846352,6.033846235,6.033846313,6.033846339,6.033846337,6.033846316
+"684","ANKRD24",5.764885504,5.764885504,5.764885544,5.764885533,5.764885566,5.76488556,5.764885571,5.764885573,5.764885532,5.764885546,5.764885556,5.764885562,5.764885548,5.764885455,5.76488558,5.76488554,5.764885575,5.764885595,5.764885548,5.764885546,5.76488558,5.764885552,5.764885539,5.764885507,5.764885549,5.764885552,5.764885554,5.764885543
+"685","ANKRD26",4.029203348,4.029203269,4.029203279,4.029203228,4.029203161,4.029203132,4.029203245,4.029203285,4.029203343,4.029203227,4.029203189,4.02920318,4.029203239,4.029203521,4.029203257,4.029203138,4.029203163,4.029203224,4.029203265,4.029203047,4.029203239,4.029203364,4.029203301,4.029203236,4.029203221,4.029203253,4.029203229,4.02920344
+"686","ANKRD26P1",3.368934399,3.368934468,3.36893444,3.368934339,3.368934578,3.3689344,3.368934455,3.368934526,3.368934298,3.368934389,3.368934708,3.368934369,3.368934314,3.368934408,3.368934498,3.368934442,3.368934599,3.368934494,3.368934597,3.368934614,3.368934441,3.36893462,3.368934419,3.368934501,3.368934623,3.368934359,3.368934329,3.368934397
+"687","ANKRD27",7.283928461,7.283928359,7.283928191,7.28392828,7.283928365,7.283928346,7.283928564,7.283928167,7.283928361,7.283928414,7.283928343,7.283928259,7.28392833,7.283928521,7.283928394,7.283928312,7.283928073,7.283928224,7.283928496,7.283928139,7.283928394,7.283928184,7.283928295,7.283928392,7.283928286,7.283928279,7.283928317,7.283928415
+"688","ANKRD28",6.018874707,6.018875548,6.018873847,6.018874245,6.018873753,6.018873366,6.018873829,6.018872763,6.018873589,6.018874203,6.018874061,6.018872752,6.018873794,6.018874995,6.018873567,6.018874903,6.018872384,6.01887409,6.018873988,6.018873038,6.018873184,6.018872817,6.018873827,6.018874158,6.018874187,6.01887368,6.018874148,6.018874458
+"689","ANKRD29",4.360170295,4.36017027,4.36017032,4.360170321,4.360170335,4.360170314,4.360170311,4.360170331,4.360170283,4.360170292,4.360170335,4.360170333,4.360170316,4.36017026,4.360170291,4.360170314,4.360170323,4.360170384,4.360170307,4.36017034,4.360170283,4.360170298,4.360170279,4.360170292,4.360170322,4.360170288,4.360170294,4.360170282
+"690","ANKRD30A",3.00914137,3.009141368,3.009141401,3.009141382,3.009141371,3.009141372,3.00914139,3.009141377,3.009141375,3.009141379,3.00914137,3.009141412,3.009141372,3.00914137,3.009141389,3.009141405,3.009141382,3.00914139,3.009141395,3.00914137,3.009141371,3.009141375,3.009141392,3.009141392,3.009141368,3.009141376,3.009141373,3.009141381
+"691","ANKRD30B",2.385409012,2.3854090815,2.3854090855,2.3854090615,2.3854090665,2.3854090105,2.385409072,2.3854090335,2.3854090845,2.38540907,2.3854091285,2.3854090895,2.3854089925,2.3854090445,2.385409017,2.385409024,2.385409098,2.385409066,2.3854091025,2.3854090215,2.385409051,2.385409028,2.3854089845,2.385409164,2.3854091965,2.3854089715,2.385409079,2.3854090055
+"692","ANKRD30BL",5.386897457,5.386897446,5.386897423,5.386897388,5.386897473,5.386897326,5.386897391,5.386897512,5.386897433,5.38689738,5.386897426,5.386897488,5.386897433,5.386897395,5.386897487,5.386897526,5.386897499,5.386897428,5.386897443,5.386897357,5.386897419,5.38689742,5.386897378,5.386897364,5.386897381,5.386897445,5.386897465,5.386897539
+"693","ANKRD30BP3",3.009146776,3.009146802,3.009146815,3.009146805,3.00914688,3.009146836,3.009146796,3.009146794,3.009146813,3.00914682,3.009146825,3.009146893,3.009146814,3.009146795,3.009146823,3.009146824,3.009146818,3.009146805,3.009146853,3.009146863,3.009146881,3.009146881,3.009146844,3.009146818,3.009146813,3.009146804,3.009146794,3.009146848
+"694","ANKRD31",3.330217898,3.330217962,3.330217922,3.330217898,3.330218008,3.330217941,3.330217952,3.330217981,3.330218056,3.330217916,3.330217964,3.33021794,3.330217896,3.330218012,3.330217959,3.330217974,3.330217934,3.330217923,3.330217918,3.330217968,3.330217947,3.330217986,3.330217991,3.330217915,3.330217921,3.330217993,3.330217928,3.330217982
+"695","ANKRD33",4.766438513,4.76643851,4.766438518,4.766438549,4.766438647,4.766438488,4.766438578,4.766438618,4.766438577,4.766438589,4.766438556,4.766438594,4.766438591,4.76643849,4.766438623,4.766438542,4.766438577,4.766438623,4.766438563,4.766438552,4.76643863,4.766438622,4.766438482,4.766438533,4.766438582,4.766438547,4.766438514,4.766438575
+"696","ANKRD33B",6.79923939,6.799239883,6.799240353,6.799239861,6.799240125,6.799239594,6.799239589,6.799240073,6.799240099,6.799240043,6.799240121,6.799240163,6.799239788,6.799239169,6.799239982,6.799240072,6.799240062,6.799240412,6.799239603,6.799239699,6.799239582,6.799239855,6.799239795,6.799239838,6.799240293,6.799239876,6.799239761,6.799239895
+"697","ANKRD34A",5.408092298,5.408092281,5.408092341,5.408092161,5.408092502,5.408092174,5.40809232,5.408092366,5.408092264,5.408092237,5.408092404,5.408092505,5.408092274,5.408092093,5.408092435,5.408092252,5.408092377,5.408092338,5.408092273,5.408092244,5.408092368,5.408092358,5.408092073,5.4080921,5.408092202,5.408092261,5.408092264,5.408092251
+"698","ANKRD34B",3.721207398,3.721207409,3.721207412,3.721207422,3.721207418,3.721207404,3.721207413,3.721207399,3.721207414,3.721207378,3.721207418,3.721207433,3.721207381,3.7212074,3.721207397,3.721207378,3.721207408,3.721207422,3.721207409,3.72120741,3.721207419,3.721207392,3.721207445,3.721207398,3.721207427,3.721207419,3.721207375,3.721207401
+"699","ANKRD34C",4.376309428,4.376309686,4.376309348,4.376309677,4.376309722,4.376309483,4.376309703,4.37631013,4.376309816,4.376309303,4.376309917,4.376310241,4.376309457,4.376309379,4.376309875,4.376310181,4.376309948,4.37631014,4.376309531,4.376309893,4.376310151,4.376309821,4.376309435,4.376309607,4.376309819,4.376310204,4.37630887,4.376309657
+"700","ANKRD35",4.437508018,4.437507936,4.437508031,4.437507995,4.437507985,4.437508004,4.437508013,4.437507952,4.437508032,4.437508019,4.437508006,4.43750808,4.437508033,4.437507899,4.437508024,4.437508091,4.437507952,4.437508017,4.437508012,4.437508002,4.437508005,4.43750802,4.437507996,4.437507987,4.437507963,4.437508036,4.437507946,4.437507941
+"701","ANKRD36",7.6120122615,7.4404956505,7.353990119,7.3131592585,7.450844061,7.372306334,7.519009913,7.4634341115,7.626745043,7.5227321105,7.2771626875,7.415236232,7.6086392105,7.695309676,7.5100662495,7.3382340455,7.3806785815,7.334265055,7.6068696905,7.291376251,7.4749780395,7.553099582,7.594574474,7.4008104945,7.294406978,7.4955821255,7.662989327,7.5536156375
+"702","ANKRD36B",7.328654083,7.32865277,7.328652819,7.328652707,7.328652885,7.328651839,7.328652982,7.32865236,7.328653145,7.328652184,7.328652187,7.328652108,7.328653577,7.328653994,7.328653273,7.328651606,7.328651971,7.328652532,7.328653174,7.328652666,7.328653063,7.328652874,7.328653232,7.328652253,7.32865244,7.32865323,7.328653135,7.328652832
+"703","ANKRD36BP1",3.095509833,3.095509845,3.095509842,3.095509879,3.095509686,3.095510053,3.095509824,3.095509695,3.095509884,3.095509902,3.095510063,3.095509837,3.095509909,3.095510017,3.095509705,3.095509904,3.095509687,3.095510105,3.095510284,3.095510098,3.095509772,3.095509845,3.095509799,3.095509826,3.095509917,3.095509787,3.095510032,3.09550989
+"704","ANKRD36C",5.492427521,5.492426547,5.492426523,5.492426448,5.492426616,5.492426162,5.492426362,5.492426811,5.492426624,5.49242683,5.492426243,5.492426573,5.492427054,5.492427483,5.492426597,5.492425937,5.49242547,5.49242672,5.492426598,5.492425827,5.492426489,5.492426461,5.492426889,5.492426815,5.492426626,5.492426986,5.492426992,5.49242707
+"705","ANKRD37",5.68182678,5.681826784,5.681826719,5.681826714,5.681826743,5.681826767,5.681826811,5.681826766,5.681826734,5.681826729,5.681826805,5.68182679,5.681826767,5.681826671,5.681826729,5.68182677,5.681826878,5.681826678,5.681826743,5.681826729,5.681826705,5.681826689,5.681826703,5.681826688,5.681826703,5.681826755,5.68182676,5.681826718
+"706","ANKRD39",7.166372687,7.166372493,7.166372958,7.166372621,7.166373037,7.166372562,7.166372878,7.166372917,7.166372758,7.166372774,7.166372749,7.16637303,7.166372698,7.166372599,7.16637295,7.166372796,7.166373059,7.166372777,7.166372736,7.166372704,7.166372886,7.166373066,7.166372651,7.166372744,7.166372892,7.166372942,7.166372701,7.166372805
+"707","ANKRD40",7.471763302,7.47176323,7.47176333,7.471763226,7.471763312,7.471763136,7.471763289,7.471763362,7.471763332,7.471763335,7.471763333,7.471763358,7.471763367,7.471763321,7.471763295,7.471763251,7.471763193,7.471763099,7.471763247,7.4717631,7.471763226,7.471763208,7.471763243,7.471763335,7.471763381,7.471763381,7.471763408,7.471763304
+"708","ANKRD40CL",4.157354487,4.157354475,4.157354616,4.15735456,4.157354808,4.157354457,4.157354573,4.157354663,4.157354635,4.157354499,4.157354709,4.157354528,4.157354499,4.157354536,4.157354666,4.157354686,4.157354678,4.157354689,4.157354541,4.157354626,4.157354571,4.157354561,4.157354553,4.157354497,4.157354653,4.157354616,4.157354518,4.157354461
+"709","ANKRD42",4.724558511,4.724558407,4.724558606,4.724558472,4.724558424,4.724558572,4.724558396,4.724558395,4.72455834,4.724558373,4.724558521,4.72455834,4.72455841,4.724558709,4.724558605,4.724558514,4.72455832,4.72455811,4.724558205,4.724558465,4.724558318,4.724558306,4.724558174,4.724558462,4.724558312,4.724558322,4.724558479,4.724558497
+"710","ANKRD44",9.502352036,9.502351968,9.502351728,9.502352012,9.502351571,9.50235209,9.502352,9.502351802,9.502351849,9.502351847,9.502351737,9.502351745,9.502351996,9.502352087,9.502351862,9.502351888,9.502351566,9.502351751,9.50235201,9.502352112,9.502352036,9.502351844,9.502351944,9.502351995,9.502351899,9.502351969,9.502352058,9.502351772
+"711","ANKRD45",2.92801448,2.928014797,2.928015147,2.92801459,2.928014839,2.928014757,2.928014914,2.92801513,2.928014617,2.928015021,2.928014802,2.928014954,2.928014729,2.928014664,2.928014938,2.928015068,2.9280146,2.928014798,2.928014978,2.928014658,2.928014875,2.928014817,2.928014624,2.928014677,2.928014741,2.928014714,2.928014672,2.928014843
+"712","ANKRD46",5.033919272,5.033919186,5.033919103,5.033918949,5.033919029,5.033918691,5.033919223,5.033919236,5.033919254,5.033919025,5.033919048,5.033919054,5.033919101,5.033919672,5.033919284,5.033918738,5.033919143,5.033919063,5.033919045,5.033918872,5.033919293,5.033919081,5.033919342,5.033919045,5.0339189,5.03391897,5.033919191,5.033919363
+"713","ANKRD49",4.791734841,4.791734384,4.791734566,4.791734774,4.791734686,4.791734218,4.791734583,4.791734492,4.791734647,4.791734716,4.791734372,4.791734248,4.791734602,4.791735083,4.791734437,4.791734413,4.791734682,4.791734539,4.791734902,4.791734521,4.79173473,4.791734518,4.791734838,4.791734548,4.791734525,4.79173462,4.791734729,4.791734999
+"714","ANKRD50",5.630722542,5.630722583,5.63072225,5.630722521,5.630722384,5.630721996,5.630722211,5.630721601,5.630722075,5.630722515,5.630722308,5.630721778,5.630722156,5.630722645,5.630722312,5.630722536,5.630722207,5.630721991,5.630722659,5.630722106,5.630722161,5.630721846,5.630722054,5.630722451,5.630722064,5.630722002,5.630722043,5.630722511
+"715","ANKRD52",5.969687027,5.969687006,5.969686949,5.969686998,5.969687023,5.969687061,5.969687087,5.969687132,5.969687014,5.969687141,5.969687032,5.969687065,5.969687016,5.969686964,5.96968702,5.969686992,5.969686849,5.969686837,5.969686979,5.969686897,5.969686968,5.969686995,5.969687084,5.969686939,5.96968693,5.969687045,5.969687089,5.969686962
+"716","ANKRD53",5.093103286,5.093103292,5.093103368,5.093103405,5.093103508,5.093103364,5.093103417,5.093103471,5.093103345,5.093103367,5.093103345,5.093103461,5.093103364,5.0931034,5.093103471,5.093103321,5.093103557,5.093103468,5.09310337,5.093103397,5.093103492,5.093103519,5.093103272,5.093103391,5.093103323,5.093103439,5.093103344,5.093103433
+"717","ANKRD54",6.269025633,6.269025607,6.269025984,6.269025818,6.269025938,6.269025619,6.269025791,6.269025783,6.269025854,6.269025812,6.269025688,6.269025817,6.269025718,6.26902557,6.269025932,6.269025766,6.26902583,6.269025648,6.269025694,6.269025817,6.269025745,6.269025974,6.26902579,6.269025681,6.269025857,6.269025764,6.269025779,6.269025765
+"718","ANKRD55",5.04870577,5.048705804,5.048705682,5.048705814,5.048705726,5.04870563,5.04870566,5.048705611,5.048705885,5.048705828,5.04870572,5.048705767,5.048705694,5.048705885,5.048705621,5.048705756,5.048705607,5.048705567,5.048705766,5.048705686,5.048705558,5.048705604,5.04870581,5.048705825,5.048705719,5.048705727,5.048705763,5.048705848
+"719","ANKRD6",5.465176368,5.465176462,5.465176427,5.465176369,5.465176512,5.465176443,5.465176507,5.465176376,5.46517646,5.46517657,5.465176348,5.4651763,5.465176383,5.465176461,5.465176281,5.46517647,5.465176331,5.465176376,5.465176392,5.465176592,5.465176337,5.465176312,5.465176386,5.465176411,5.465176555,5.465176347,5.465176245,5.465176373
+"720","ANKRD60",6.587699559,6.587699724,6.587699982,6.587699767,6.587700105,6.587699527,6.587699847,6.587699997,6.587699761,6.587699732,6.587699943,6.587700066,6.587699688,6.587699493,6.587699885,6.587699924,6.587700127,6.587699954,6.587699771,6.587699714,6.587699946,6.58770001,6.587699628,6.587699799,6.587699921,6.587699938,6.587699722,6.587699931
+"721","ANKRD61",3.422319417,3.422319462,3.422319439,3.422319404,3.42231936,3.422319468,3.422319558,3.422319407,3.422319451,3.422319467,3.422319432,3.422319596,3.422319484,3.422319409,3.422319485,3.422319327,3.422319569,3.422319389,3.422319582,3.422319496,3.422319436,3.422319503,3.422319387,3.422319325,3.422319442,3.422319442,3.422319474,3.42231946
+"722","ANKRD62",3.06006396,3.06006395,3.060063953,3.060063976,3.060063978,3.060063988,3.060063956,3.060064005,3.060063964,3.060063977,3.060063981,3.060064013,3.06006397,3.060063965,3.060063974,3.060063975,3.060063972,3.060063976,3.060063969,3.060063963,3.06006397,3.060063977,3.060063959,3.060063961,3.060063979,3.060063966,3.060063985,3.06006396
+"723","ANKRD7",2.523583584,2.523583592,2.5235836,2.523583639,2.523583628,2.523583623,2.523583589,2.523583609,2.523583578,2.523583609,2.523583602,2.523583659,2.523583583,2.523583595,2.523583613,2.5235836,2.523583596,2.523583616,2.52358363,2.523583618,2.523583603,2.523583602,2.523583599,2.523583568,2.523583594,2.523583608,2.523583597,2.523583591
+"724","ANKRD9",6.5467147,6.546714694,6.546714978,6.546714803,6.546715076,6.546715031,6.546714845,6.546714941,6.546714848,6.546714916,6.546714917,6.546715074,6.546714865,6.546714471,6.546714969,6.546714837,6.546715014,6.546714882,6.546714929,6.546714886,6.546714862,6.546715018,6.546714835,6.54671474,6.546714889,6.546714904,6.546714817,6.54671474
+"725","ANKS1A",6.901679551,6.901680153,6.901679589,6.901680171,6.901679623,6.901679941,6.901679728,6.901679556,6.901679218,6.901679776,6.901679891,6.901679012,6.901679805,6.901679576,6.901679198,6.901679899,6.901679085,6.901679543,6.90167972,6.901680039,6.901679344,6.901678946,6.901679713,6.901679886,6.90167956,6.901679175,6.90167982,6.901679007
+"726","ANKS1B",3.795565762,3.795565778,3.795565781,3.795565788,3.79556578,3.795565774,3.795565796,3.795565798,3.795565779,3.795565782,3.795565772,3.795565789,3.795565762,3.795565756,3.795565777,3.795565805,3.795565818,3.795565781,3.795565787,3.795565759,3.795565784,3.795565813,3.795565774,3.79556576,3.795565805,3.795565771,3.795565771,3.795565801
+"727","ANKS3",5.782828121,5.782828007,5.782828119,5.782827875,5.782828311,5.782828075,5.78282826,5.782828281,5.782828128,5.782828091,5.782828196,5.782828341,5.782828154,5.782827946,5.782828154,5.782828013,5.782828294,5.782828211,5.782828207,5.782828198,5.782828226,5.782828308,5.782828064,5.782827974,5.782828045,5.782828243,5.782828113,5.782828022
+"728","ANKS4B",4.316285129,4.316285113,4.316285185,4.316285099,4.316285232,4.316285156,4.316285187,4.316285207,4.31628518,4.316285164,4.316285177,4.316285201,4.316285145,4.316285111,4.316285229,4.316285118,4.316285185,4.316285171,4.316285183,4.316285148,4.316285236,4.316285201,4.316285081,4.316285142,4.316285188,4.316285204,4.316285125,4.316285167
+"729","ANKS6",5.296463351,5.296463321,5.296463351,5.296463356,5.296463364,5.296463358,5.296463357,5.296463368,5.296463346,5.296463358,5.296463341,5.296463356,5.296463359,5.296463358,5.296463358,5.296463342,5.296463357,5.296463361,5.296463359,5.296463345,5.296463366,5.296463364,5.296463347,5.29646335,5.296463346,5.296463377,5.296463361,5.296463354
+"730","ANKZF1",7.001241029,7.00124099,7.001240958,7.001241024,7.001240933,7.001241036,7.001241048,7.001241001,7.001241066,7.001241032,7.001240979,7.001241053,7.001241018,7.00124104,7.001240999,7.001240957,7.001240941,7.001240974,7.001240976,7.001240957,7.001241,7.001241001,7.001240991,7.001241008,7.001240969,7.00124103,7.001241026,7.001240965
+"731","ANLN",3.482851709,3.482851629,3.48285178,3.482851746,3.482851637,3.482851672,3.482851943,3.482851671,3.482851653,3.482851663,3.482851908,3.48285166,3.482851658,3.482851495,3.48285169,3.48285174,3.482851822,3.482851744,3.482851609,3.482851779,3.482851866,3.482851645,3.482851705,3.482851676,3.482851662,3.482851667,3.48285161,3.482851709
+"732","ANO1",4.51749183,4.517491862,4.517491917,4.517491802,4.517491902,4.517491944,4.517491824,4.517491845,4.517491823,4.517491854,4.517492008,4.517491969,4.517491824,4.517491759,4.517491921,4.517491899,4.517491993,4.51749195,4.51749192,4.517491927,4.517491871,4.517491903,4.517491829,4.517491877,4.517491946,4.517491836,4.517491841,4.517491906
+"733","ANO10",6.768597735,6.768597742,6.768597255,6.768597773,6.76859716,6.768596521,6.768597312,6.768596947,6.768596981,6.768596823,6.768597022,6.768596931,6.768597142,6.768597555,6.768597294,6.768597716,6.768596968,6.768597417,6.768597546,6.768596598,6.768597283,6.768597082,6.768597317,6.768597243,6.768597442,6.768597041,6.768597315,6.768596989
+"734","ANO2",4.100946776,4.100946817,4.100946789,4.100946774,4.10094683,4.100946799,4.100946808,4.100946773,4.100946706,4.100946806,4.100946819,4.100946919,4.100946748,4.100946741,4.100946861,4.100946797,4.10094682,4.100946842,4.100946794,4.100946795,4.100946837,4.100946735,4.100946767,4.100946862,4.100946737,4.100946739,4.100946759,4.100946837
+"735","ANO3",3.815420199,3.815420215,3.815420241,3.815420261,3.815420217,3.815420189,3.815420194,3.815420232,3.815420236,3.815420234,3.815420233,3.815420196,3.815420189,3.815420142,3.815420306,3.815420199,3.815420279,3.815420262,3.815420201,3.815420201,3.815420257,3.815420295,3.815420171,3.815420203,3.81542018,3.815420231,3.815420186,3.815420147
+"736","ANO4",3.430179769,3.4301798,3.430179872,3.430179838,3.430179863,3.430179826,3.430179792,3.430179854,3.430179863,3.430179839,3.43017982,3.430179831,3.430179811,3.430179817,3.430179861,3.430179861,3.430179832,3.430179888,3.43017979,3.430179857,3.430179842,3.430179863,3.430179839,3.430179785,3.430179893,3.430179801,3.43017982,3.430179779
+"737","ANO5",3.261832063,3.261832023,3.261832007,3.261831976,3.261831995,3.261831954,3.26183195,3.26183196,3.261832021,3.261832001,3.261832015,3.261831941,3.261831968,3.261832037,3.261832025,3.261832013,3.261831985,3.261832003,3.261831958,3.261832022,3.261831952,3.261831984,3.261832003,3.261831961,3.261832001,3.26183197,3.26183202,3.261831952
+"738","ANO6",7.218994481,7.21899488,7.218994318,7.218995385,7.218994569,7.218994689,7.218994369,7.218993855,7.2189938,7.218995271,7.218995249,7.218994189,7.218994255,7.218994764,7.218994067,7.218994067,7.218993795,7.218995325,7.218994029,7.218993698,7.21899465,7.218993696,7.218994336,7.218995483,7.218995097,7.218994038,7.218994237,7.218993862
+"739","ANO7",5.749186518,5.749186529,5.749186592,5.749186598,5.749186675,5.74918659,5.749186615,5.749186703,5.749186515,5.749186597,5.749186607,5.749186599,5.749186512,5.749186377,5.749186635,5.749186581,5.749186679,5.749186725,5.749186643,5.749186586,5.749186591,5.749186672,5.749186577,5.749186483,5.749186584,5.749186588,5.749186524,5.74918653
+"740","ANO8",6.063658649,6.063658652,6.063658674,6.06365865,6.063658669,6.063658661,6.063658692,6.063658678,6.063658678,6.063658688,6.063658661,6.063658686,6.063658684,6.063658656,6.063658681,6.063658668,6.063658684,6.063658671,6.063658663,6.063658651,6.063658675,6.063658686,6.063658677,6.063658666,6.063658653,6.063658692,6.063658665,6.063658652
+"741","ANO9",6.966912135,6.966912064,6.966911854,6.966911732,6.966912146,6.966912127,6.966912167,6.966912184,6.966912276,6.966912159,6.966911887,6.966912329,6.966912249,6.966912144,6.9669123,6.966912162,6.966912114,6.966912101,6.966912066,6.966912153,6.966911981,6.966912344,6.966912019,6.966911982,6.966911935,6.966912187,6.96691217,6.966912235
+"742","ANOS1",3.436857492,3.43685749,3.436857532,3.436857563,3.436857576,3.436857497,3.436857484,3.436857521,3.436857537,3.436857549,3.436857551,3.436857542,3.436857505,3.436857504,3.436857504,3.436857523,3.436857488,3.436857552,3.436857504,3.436857521,3.436857505,3.436857539,3.436857528,3.436857506,3.436857511,3.436857524,3.436857544,3.436857562
+"743","ANP32A",8.055719631,8.05572077,8.055719821,8.055720284,8.055718903,8.055719822,8.055720154,8.055719185,8.055720274,8.055719949,8.055718879,8.055718878,8.055719614,8.055720351,8.055719403,8.055720714,8.055719525,8.055720311,8.055719622,8.055720276,8.055719778,8.055719337,8.055720268,8.055720152,8.055719883,8.055719011,8.055718844,8.055720388
+"744","ANP32A-IT1",7.552098292,7.552099433,7.552098251,7.55209905,7.55209702,7.552098713,7.552098937,7.552098001,7.552099029,7.552098128,7.552098349,7.552097574,7.552098014,7.552097783,7.552098019,7.552099466,7.5520987,7.552099026,7.552097798,7.55209936,7.552098428,7.55209784,7.552098771,7.552099281,7.552098687,7.552098501,7.552098208,7.552097537
+"745","ANP32B",7.091918916,7.091918984,7.091918918,7.091918784,7.09191894,7.091918817,7.091919055,7.091918888,7.091919182,7.091919104,7.091918882,7.09191912,7.091918962,7.091919241,7.091919039,7.091918809,7.091918629,7.091918932,7.091918941,7.091918705,7.091919026,7.091918947,7.091919164,7.091919033,7.091918805,7.091919221,7.091918972,7.091919032
+"746","ANP32C",5.632903272,5.632903405,5.632903378,5.632903397,5.632903322,5.632903273,5.632903287,5.632903368,5.632903327,5.632903298,5.632903404,5.632903343,5.632903312,5.632903264,5.63290329,5.632903431,5.632903363,5.63290343,5.632903336,5.632903359,5.63290329,5.632903333,5.632903356,5.632903354,5.632903393,5.632903354,5.632903307,5.632903384
+"747","ANP32D",3.014830171,3.01483024,3.014830298,3.014830242,3.014830298,3.014830262,3.014830327,3.014830271,3.014830314,3.014830184,3.014830271,3.01483023,3.01483026,3.014830199,3.014830296,3.014830259,3.014830348,3.014830352,3.014830326,3.014830314,3.014830267,3.014830314,3.014830229,3.0148303,3.014830238,3.014830296,3.014830253,3.014830235
+"748","ANP32E",5.886635687,5.886635858,5.886635797,5.886635496,5.886635564,5.886635535,5.886635889,5.886635702,5.886635904,5.88663565,5.886635591,5.886635481,5.886635534,5.886636227,5.88663554,5.886635687,5.886635492,5.886635538,5.886635722,5.886635502,5.886635867,5.886635762,5.886635946,5.886635645,5.886635814,5.886635707,5.886635534,5.88663618
+"749","ANPEP",8.796078439,9.346579071,9.04361504,9.567139895,8.902121371,9.097068137,8.999512257,8.681695123,8.906153144,9.083715662,8.972375727,8.937640643,8.732233375,8.989492703,8.899983251,9.387098693,9.076267914,9.357542794,9.165379261,9.144216121,9.018820717,8.680730406,9.048103097,9.328066049,9.123930646,9.104274861,8.654509387,8.811256046
+"750","ANTKMT",6.535568217,6.535568232,6.535568425,6.535568302,6.535568447,6.535568201,6.535568287,6.535568384,6.535568379,6.535568322,6.535568306,6.535568382,6.535568284,6.535568195,6.535568345,6.535568341,6.53556836,6.535568341,6.535568272,6.535568261,6.535568363,6.535568438,6.535568223,6.535568249,6.535568389,6.535568351,6.535568321,6.535568245
+"751","ANTXR1",4.058659073,4.058659216,4.05865931,4.058658953,4.058659443,4.058659204,4.058659191,4.058659207,4.058659386,4.058659093,4.058659411,4.05865971,4.058659165,4.058658887,4.058659532,4.0586591,4.058659642,4.058659295,4.058659042,4.058659241,4.058659174,4.058659321,4.058659032,4.058659145,4.058659551,4.058659262,4.058658689,4.05865942
+"752","ANTXR2",8.775164745,9.092933047,8.60007625,8.986698465,8.569830138,8.697309448,8.778885412,8.435375647,8.502089902,8.547068999,8.702146707,8.249912443,8.622621343,8.993885223,8.748015789,9.081726213,8.605134446,8.864114675,8.856631881,8.762492812,8.804369257,8.471200094,8.673715205,8.860818777,8.842269296,8.503953319,8.658928377,8.799914325
+"753","ANTXRL",3.120753036,3.120753028,3.120753021,3.120753049,3.120753045,3.12075307,3.12075305,3.120753042,3.120753036,3.120753038,3.120753049,3.120753041,3.120753038,3.120753037,3.120753036,3.120753023,3.120753014,3.12075306,3.120753022,3.120753043,3.120753039,3.120753024,3.120753092,3.120753059,3.120753058,3.12075304,3.120753034,3.120753049
+"754","ANXA1",7.797546298,7.446022318,7.62392876,7.05249475,7.447371417,7.161794725,7.517461436,7.073449824,7.216181205,7.429102931,7.808612125,6.631935657,7.3298448,8.381803861,7.593420004,7.346708798,7.576655091,6.995530488,7.693000278,6.894970448,7.570948178,7.179426944,7.363013084,7.425868566,7.612620254,7.003963804,7.241446335,8.105462118
+"755","ANXA10",3.074645388,3.074645385,3.074645362,3.074645378,3.074645382,3.074645389,3.074645415,3.074645355,3.074645351,3.074645402,3.074645455,3.074645388,3.07464534,3.074645398,3.074645342,3.074645398,3.074645393,3.074645425,3.074645326,3.074645457,3.074645379,3.074645344,3.074645338,3.074645375,3.074645374,3.074645422,3.074645318,3.074645329
+"756","ANXA11",9.365193857,9.365194635,9.365193528,9.365194668,9.365193839,9.365194305,9.365194011,9.365193535,9.365194084,9.36519382,9.365193962,9.365193284,9.365194209,9.365194285,9.36519383,9.36519419,9.365193107,9.365194045,9.365194135,9.365194337,9.365193899,9.365193667,9.365194119,9.365194063,9.365193951,9.365193626,9.365194036,9.365193807
+"757","ANXA13",3.60790903,3.607909159,3.60790916,3.607909069,3.607909102,3.607909143,3.607909158,3.607909113,3.607909121,3.607909075,3.607909295,3.607909334,3.607909109,3.60790907,3.607909183,3.607909227,3.607909357,3.607909159,3.607909169,3.607909129,3.607909041,3.607909095,3.607909013,3.607909122,3.607909341,3.607909104,3.607909101,3.607909125
+"758","ANXA2",8.275058823,8.275057959,8.275057645,8.275057207,8.275058473,8.275058862,8.275058133,8.275057507,8.275056298,8.275057829,8.275057724,8.275056575,8.275057683,8.275058491,8.275058023,8.275057016,8.275056945,8.275056556,8.275057947,8.275059323,8.27505778,8.275057778,8.275056335,8.275057766,8.275056766,8.27505775,8.275058004,8.275057548
+"759","ANXA2P1",5.731710554,5.731710277,5.731710495,5.731710441,5.731710397,5.731710491,5.731710308,5.731710331,5.731710119,5.73171038,5.731710501,5.731710081,5.731710375,5.731710354,5.73171045,5.731710256,5.731710267,5.731710323,5.731710268,5.731710462,5.731710421,5.731710388,5.731710184,5.731710349,5.731710397,5.731710317,5.731710415,5.731710146
+"760","ANXA2P2",7.673537307,7.67353638,7.673536688,7.673536139,7.673537259,7.67353742,7.673536839,7.673535655,7.673534789,7.673536285,7.673536726,7.673535228,7.673536988,7.673536814,7.673536553,7.673535621,7.673536049,7.673535779,7.673536128,7.673537633,7.67353645,7.673536514,7.673534985,7.673535785,7.673535728,7.673536233,7.673536337,7.673536043
+"761","ANXA2P3",4.78295612,4.782956108,4.782956136,4.782956121,4.782956141,4.78295613,4.782956142,4.782956129,4.782956116,4.782956111,4.782956124,4.782956124,4.782956113,4.782956096,4.782956145,4.78295612,4.782956133,4.782956116,4.78295613,4.782956111,4.782956131,4.782956152,4.782956109,4.7829561,4.782956121,4.78295611,4.782956122,4.782956111
+"762","ANXA2R",5.018596784,5.01859684,5.018596729,5.018596734,5.018596697,5.01859676,5.018596745,5.018596803,5.018596846,5.018596749,5.018596641,5.018596806,5.018596767,5.018596936,5.018596737,5.018596786,5.01859675,5.018596728,5.018596764,5.018596771,5.018596731,5.018596787,5.018596842,5.018596815,5.018596687,5.018596801,5.018596828,5.018596842
+"763","ANXA2R-AS1",6.192550726,6.192550666,6.192550579,6.192550651,6.192550637,6.192550771,6.192550641,6.192550655,6.192550732,6.192550653,6.192550633,6.192550661,6.192550736,6.192550712,6.192550663,6.19255051,6.192550665,6.19255066,6.192550697,6.192550802,6.192550696,6.192550722,6.192550713,6.192550641,6.192550676,6.192550684,6.192550766,6.19255073
+"764","ANXA2R-OT1",5.488775571,5.488775524,5.488775534,5.488775541,5.48877551,5.488775593,5.488775552,5.488775502,5.488775584,5.488775531,5.488775523,5.488775511,5.488775583,5.488775627,5.488775592,5.488775462,5.488775431,5.488775555,5.488775519,5.488775532,5.488775538,5.488775546,5.488775582,5.488775539,5.488775543,5.488775564,5.4887756,5.488775586
+"765","ANXA3",5.949846212,5.949847454,5.949845918,5.949847426,5.949844504,5.949846818,5.949848037,5.949844919,5.94984675,5.949846378,5.949847462,5.949843235,5.949844964,5.949846053,5.949846761,5.949847367,5.949846452,5.949847274,5.949846829,5.949847418,5.94984773,5.949844602,5.949848681,5.949848332,5.949847833,5.94984356,5.949845126,5.949845543
+"766","ANXA4",6.378469904,6.378469405,6.378469279,6.378468735,6.378468984,6.378469383,6.37846938,6.37846856,6.378468488,6.378469177,6.378468762,6.378467943,6.378469338,6.378469959,6.378469195,6.378469046,6.378468774,6.378468395,6.378469166,6.378469595,6.378469134,6.378468403,6.378468741,6.378469434,6.378468864,6.378468878,6.37846939,6.378468941
+"767","ANXA5",9.072382458,9.06814726,9.032257583,8.980607005,9.010177328,9.068405838,9.031318078,8.978431416,8.996045187,9.022669687,8.959227862,8.891854439,9.04465565,9.08038921,9.000943525,9.012635208,8.996521969,8.909618087,9.001255789,9.104036695,9.036423742,9.016613102,9.011047024,9.02381164,8.940430605,8.946796986,9.04442241,8.990491291
+"768","ANXA6",9.539691776,9.656970273,9.402592003,9.361883513,9.671287361,9.628405085,9.69664614,9.529366015,9.659683631,9.661400429,9.250614859,9.329745316,9.560683407,10.02485881,9.482727128,9.509328572,9.295931425,9.264244341,9.730628045,9.577133848,9.656407906,9.589304613,9.715112976,9.582845133,9.236503442,9.494688171,9.602573238,9.918907847
+"769","ANXA7",7.521819702,7.521819629,7.521819621,7.521819621,7.521819473,7.5218195,7.521819514,7.521819465,7.521819586,7.52181958,7.521819541,7.521819449,7.521819624,7.521819668,7.521819465,7.521819491,7.521819385,7.521819489,7.521819525,7.521819564,7.521819383,7.521819455,7.521819545,7.521819579,7.521819441,7.521819507,7.521819599,7.521819511
+"770","ANXA9",5.143559146,5.143559166,5.143559164,5.14355918,5.143559211,5.143559155,5.143559177,5.143559153,5.143559166,5.143559146,5.143559162,5.143559183,5.143559181,5.143559171,5.1435592,5.14355917,5.143559198,5.143559194,5.14355919,5.143559183,5.143559201,5.143559199,5.143559134,5.14355915,5.143559183,5.143559177,5.143559165,5.143559165
+"771","AOAH",9.991114089,9.978418482,9.908368349,9.894126302,9.866511448,10.03758281,9.92834851,9.841334399,9.841934445,9.9675068,9.950577231,9.767971276,10.01585396,9.986745239,9.931233053,9.956512671,9.868559783,9.818622299,9.899732787,10.07354118,9.966523617,9.875385802,9.899681004,10.023281,9.948770805,9.89607542,10.00109198,9.854543798
+"772","AOC1",5.185050469,5.185050445,5.185050483,5.185050515,5.185050508,5.185050459,5.185050466,5.185050451,5.185050441,5.185050486,5.185050528,5.185050444,5.185050476,5.185050432,5.185050491,5.185050449,5.185050461,5.185050499,5.185050502,5.185050467,5.185050486,5.18505047,5.185050462,5.185050483,5.185050504,5.185050439,5.185050461,5.185050451
+"773","AOC2",5.829543192,5.829543571,5.829543218,5.829543916,5.829542926,5.82954319,5.82954334,5.829543404,5.829542611,5.829542776,5.829543365,5.829542847,5.829543313,5.829542938,5.82954333,5.829543456,5.829543287,5.829543602,5.829542984,5.829543398,5.829543176,5.829543455,5.829543371,5.829543262,5.829543582,5.829543104,5.829543545,5.82954268
+"774","AOC3",6.506258633,6.5062587985,6.5062586965,6.5062588685,6.5062587685,6.5062586625,6.5062587855,6.506258815,6.506258627,6.5062586375,6.5062588225,6.50625885,6.506258747,6.506258537,6.506258811,6.5062589235,6.506258897,6.506258822,6.506258881,6.506258681,6.506258785,6.5062588815,6.50625868,6.5062587075,6.5062586915,6.506258657,6.5062587535,6.506258641
+"775","AOPEP",5.537342202,5.53734226,5.537342104,5.53734208,5.53734211,5.537342262,5.537342238,5.537342168,5.537342169,5.537342167,5.537342116,5.537342119,5.537342108,5.537342229,5.537342204,5.537342146,5.537342035,5.537342104,5.53734217,5.53734208,5.537342158,5.537342212,5.537342139,5.537342186,5.53734203,5.53734219,5.537342181,5.537342166
+"776","AOX1",3.502323808,3.502323814,3.502323817,3.502323833,3.502323829,3.502323816,3.502323803,3.502323825,3.502323823,3.502323816,3.502323825,3.502323837,3.502323807,3.502323801,3.502323804,3.502323813,3.502323845,3.502323825,3.502323839,3.502323812,3.502323821,3.5023238,3.502323799,3.502323805,3.502323824,3.502323824,3.502323788,3.502323792
+"777","AP1AR",5.145735068,5.145735069,5.145734989,5.145735012,5.145735024,5.145734944,5.145735059,5.14573503,5.145735055,5.145735086,5.145735013,5.145734908,5.145735035,5.145735261,5.145735009,5.14573497,5.14573499,5.145734967,5.145735011,5.145735014,5.145735,5.145734999,5.145735023,5.145735067,5.145734942,5.145734944,5.145735031,5.145735192
+"778","AP1B1",7.349016972,7.349016911,7.349016964,7.34901692,7.349016935,7.349017008,7.349016976,7.349016811,7.349016966,7.34901697,7.349016999,7.349016884,7.34901694,7.349016986,7.349016908,7.349016826,7.349016906,7.349016803,7.349016898,7.349016968,7.349016928,7.349016846,7.349016869,7.349016922,7.349016908,7.349016918,7.349016975,7.3490169
+"779","AP1G1",8.173953621,8.173953592,8.173953467,8.173953588,8.173953402,8.173953582,8.173953531,8.173953382,8.173953517,8.173953441,8.173953428,8.173953244,8.173953442,8.17395375,8.173953577,8.173953492,8.173953295,8.173953538,8.173953533,8.173953483,8.173953591,8.173953355,8.173953577,8.173953607,8.173953517,8.173953468,8.173953473,8.173953568
+"780","AP1G2",7.379244073,7.379243994,7.379243824,7.379244032,7.379243823,7.379244297,7.379244065,7.379243959,7.379244164,7.379244207,7.379243896,7.379244037,7.379244087,7.379244084,7.379243933,7.379243794,7.379243744,7.379243801,7.379244007,7.379244176,7.379244022,7.379244076,7.379244016,7.379244045,7.379243932,7.379244003,7.379244018,7.379243977
+"781","AP1M1",7.622029492,7.622029648,7.622029569,7.622029635,7.62202948,7.622029639,7.622029519,7.622029527,7.622029689,7.622029595,7.622029562,7.622029511,7.622029603,7.622029629,7.622029368,7.622029522,7.622029483,7.622029483,7.622029451,7.622029689,7.622029363,7.622029512,7.62202958,7.622029593,7.622029525,7.622029581,7.622029673,7.622029487
+"782","AP1M2",5.063854827,5.063854823,5.063854825,5.06385485,5.063854903,5.063854794,5.063854825,5.06385485,5.063854865,5.063854817,5.063854825,5.063854848,5.063854796,5.063854769,5.063854838,5.063854786,5.063854959,5.063854843,5.063854802,5.063854817,5.063854804,5.063854807,5.063854817,5.063854815,5.063854902,5.063854897,5.063854791,5.063854854
+"783","AP1S1",6.047366625,6.047366627,6.047366734,6.047366691,6.047366805,6.047366543,6.047366733,6.047366839,6.047366679,6.047366681,6.047366785,6.047366775,6.047366683,6.047366583,6.047366712,6.047366699,6.04736682,6.047366819,6.047366661,6.047366788,6.047366786,6.04736677,6.047366635,6.047366632,6.047366742,6.047366755,6.047366616,6.047366742
+"784","AP1S2",5.707349645,5.707349516,5.707349513,5.707349044,5.707349222,5.707349209,5.707349179,5.707348986,5.707349203,5.707349566,5.707349413,5.707348779,5.707349466,5.70735,5.707349517,5.70734939,5.707349468,5.707348962,5.707349225,5.707349191,5.707349368,5.707349217,5.70734904,5.707349481,5.707349294,5.707348832,5.707349165,5.707349677
+"785","AP1S3",4.615557249,4.615557675,4.61555728,4.615557312,4.615557307,4.615557487,4.615557508,4.615557313,4.61555746,4.615557263,4.615557334,4.615557552,4.615557445,4.615557336,4.615557346,4.615557377,4.615557183,4.61555736,4.61555728,4.615557365,4.615557213,4.61555736,4.615557366,4.615557385,4.615557119,4.615557245,4.615557356,4.615557419
+"786","AP2A1",7.950427265,7.794354682,8.647763514,8.081762197,8.040323986,8.83586785,8.158518111,8.545514208,8.4070108,8.260975927,8.442713679,8.516620682,8.065805603,7.562980441,7.975839397,7.477201263,8.420171498,8.092284995,7.867975042,8.53385665,8.018595042,8.357170766,8.337904189,8.144456273,8.398166441,8.626252412,8.204115568,7.664040575
+"787","AP2A2",7.042679606,7.042679657,7.042679637,7.042679553,7.042679603,7.042679698,7.04267962,7.042679565,7.042679724,7.042679672,7.042679431,7.042679546,7.042679756,7.042679661,7.042679541,7.042679552,7.042679551,7.04267941,7.042679595,7.042679697,7.042679487,7.042679589,7.042679529,7.042679536,7.042679457,7.042679646,7.042679696,7.042679551
+"788","AP2B1",8.502085416,8.502085145,8.502085094,8.502085044,8.502085056,8.502085371,8.502085104,8.502085215,8.502085176,8.502085082,8.502085276,8.502085185,8.502085131,8.502085156,8.502084892,8.502084973,8.502084561,8.502084867,8.502085092,8.50208483,8.502085079,8.502085001,8.502085205,8.502085345,8.502085263,8.50208538,8.502085145,8.502085107
+"789","AP2M1",9.113005966,9.113006509,9.113007705,9.113006514,9.113006569,9.113008042,9.113006384,9.113007512,9.113006628,9.113006985,9.113007317,9.113007887,9.113006197,9.113006076,9.113005643,9.113005742,9.113006982,9.113006277,9.113005945,9.113006917,9.113005794,9.11300723,9.113006625,9.113006856,9.113007031,9.113008229,9.11300627,9.113005778
+"790","AP2S1",8.021654116,8.021654086,8.021654606,8.021654144,8.021654348,8.02165451,8.021654145,8.021654505,8.021654221,8.021654333,8.021654369,8.021654472,8.021654212,8.021653994,8.021654137,8.021653798,8.021654379,8.021654115,8.021654098,8.021654215,8.0216541,8.021654408,8.021654146,8.0216542,8.021654189,8.02165437,8.021654217,8.021653805
+"791","AP3B1",6.991585039,6.991585284,6.991584792,6.991584979,6.991584433,6.991584852,6.991584986,6.991584697,6.991584748,6.991584782,6.991584581,6.991584427,6.991584949,6.991585377,6.991584827,6.991585123,6.991584564,6.991584686,6.991585002,6.99158485,6.991584807,6.991584804,6.991585132,6.991584939,6.99158473,6.991584612,6.991585006,6.991584941
+"792","AP3B2",4.791546862,4.791546963,4.791547157,4.7915471,4.791547207,4.791547018,4.791547212,4.791547197,4.791547075,4.79154711,4.79154704,4.791547234,4.791547088,4.79154704,4.791547199,4.79154707,4.791547185,4.791547241,4.791547184,4.791547076,4.791547162,4.791547266,4.791546984,4.791547015,4.791547179,4.791547104,4.791547046,4.791547095
+"793","AP3D1",7.585116523,7.585116512,7.585116443,7.58511653,7.585116488,7.585116748,7.585116591,7.585116518,7.585116584,7.5851166,7.58511649,7.585116493,7.585116543,7.585116532,7.585116467,7.585116366,7.585116439,7.585116453,7.585116479,7.58511658,7.585116527,7.585116505,7.585116523,7.585116524,7.58511643,7.585116491,7.585116575,7.585116487
+"794","AP3M1",7.612858775,7.612858657,7.612858487,7.612858582,7.612858457,7.612858606,7.612858669,7.612858511,7.612858448,7.612858692,7.612858445,7.612858442,7.612858577,7.612858901,7.612858599,7.61285846,7.61285837,7.612858469,7.612858655,7.612858536,7.612858703,7.612858419,7.612858569,7.612858675,7.612858469,7.61285858,7.612858635,7.61285874
+"795","AP3M2",6.573791161,6.573791325,6.573789457,6.573789515,6.573790531,6.573790315,6.573790266,6.573790208,6.57379159,6.573790314,6.573789314,6.573789178,6.573790833,6.573792112,6.573790018,6.573790511,6.573789031,6.573789718,6.57379092,6.573790225,6.573790308,6.573789952,6.57379114,6.573790501,6.573789784,6.573789895,6.57379103,6.573791351
+"796","AP3S1",5.951116037,5.951116003,5.951116048,5.951116001,5.951116009,5.951115961,5.951116039,5.951115981,5.951115987,5.951116025,5.951116011,5.951115991,5.951116,5.951116098,5.951116039,5.951116029,5.951116031,5.951115988,5.951116015,5.951115972,5.951116046,5.951115992,5.951116027,5.951115984,5.951116023,5.951115973,5.951115976,5.951116028
+"797","AP4B1",7.342345378,7.342345342,7.342345243,7.342345264,7.342345216,7.342345286,7.342345339,7.342345228,7.342345371,7.3423453,7.342345185,7.342345269,7.342345332,7.342345394,7.342345248,7.342345346,7.342345219,7.342345112,7.342345314,7.342345219,7.342345334,7.342345254,7.342345317,7.342345312,7.342345226,7.342345307,7.342345318,7.342345274
+"798","AP4E1",5.786548209,5.786547928,5.786547822,5.786547555,5.78654773,5.786547643,5.786547934,5.786547407,5.786548042,5.786547935,5.786547392,5.7865477,5.78654791,5.786548527,5.786547759,5.786547697,5.786547225,5.786547309,5.786547991,5.786547683,5.786547852,5.78654767,5.786548002,5.78654785,5.786547398,5.786547953,5.78654765,5.786548159
+"799","AP4M1",5.999793343,5.99979336,5.999793372,5.999793381,5.999793366,5.999793367,5.99979337,5.999793374,5.999793362,5.999793365,5.999793388,5.999793356,5.999793349,5.999793352,5.99979336,5.999793378,5.999793347,5.999793365,5.999793381,5.999793342,5.999793348,5.999793389,5.999793369,5.999793353,5.999793367,5.999793358,5.999793352,5.999793351
+"800","AP4S1",5.112353617,5.112353609,5.112353434,5.112353537,5.112353381,5.112353357,5.112353228,5.11235354,5.112353616,5.112353522,5.112353316,5.112353531,5.112353614,5.112353794,5.11235349,5.112353461,5.112353425,5.112353289,5.112353579,5.112353382,5.112353575,5.112353374,5.112353701,5.112353306,5.112353702,5.112353512,5.112353445,5.112353722
+"801","AP5B1",7.712623617,7.713701431,7.712524449,7.715144054,7.712217256,7.715142576,7.712788769,7.713116457,7.71321897,7.712792743,7.712709,7.711742269,7.713139442,7.711594878,7.713110333,7.714325285,7.71333084,7.71463571,7.713657631,7.715473898,7.712775975,7.713145566,7.713812327,7.713881086,7.7141595,7.711849848,7.712883111,7.710786706
+"802","AP5M1",6.056413163,6.056413006,6.056412979,6.056412822,6.056412768,6.056412805,6.056412963,6.056412719,6.056412905,6.056412863,6.056412749,6.056412667,6.056412989,6.056413484,6.056412934,6.056412887,6.056412752,6.056412742,6.056413063,6.056412727,6.056413005,6.056412861,6.056413078,6.056413017,6.056412922,6.05641285,6.056412949,6.056413225
+"803","AP5S1",6.044367258,6.044367306,6.044367701,6.044367331,6.04436757,6.04436732,6.044367484,6.044367543,6.044367507,6.044367321,6.044367439,6.044367598,6.044367265,6.044367167,6.044367512,6.044367413,6.044367685,6.044367564,6.044367313,6.044367516,6.044367519,6.044367658,6.044367427,6.044367403,6.044367473,6.044367496,6.044367382,6.044367429
+"804","AP5Z1",6.640126809,6.640126768,6.640126869,6.640126827,6.640126706,6.640126844,6.640126717,6.640126873,6.640126867,6.640126771,6.640126768,6.640126701,6.640126838,6.640126763,6.640126729,6.640126799,6.64012684,6.640126854,6.640126791,6.640126864,6.6401268,6.640126853,6.640126735,6.640126712,6.640126774,6.640126823,6.640126763,6.640126795
+"805","APAF1",8.475594358,8.475595164,8.475593757,8.475595917,8.475593132,8.475594068,8.475595108,8.47559338,8.475592106,8.475592853,8.475594371,8.475592886,8.475593674,8.475595097,8.475594403,8.475595631,8.475593605,8.475594781,8.475595358,8.475594243,8.475595136,8.475593508,8.475593697,8.475594314,8.475595431,8.475594107,8.475593625,8.475593585
+"806","APBA2",6.820784599,6.820784513,6.820784204,6.820783852,6.82078342,6.82078445,6.82078364,6.820784367,6.820785154,6.820784555,6.820783822,6.820784986,6.820784766,6.820784819,6.820783798,6.820783668,6.820783134,6.820783416,6.820783622,6.820783197,6.820782977,6.820783841,6.820785023,6.820784208,6.820783639,6.820784417,6.820784768,6.820783966
+"807","APBA3",6.252428871,6.252428857,6.25242889,6.252428877,6.252428899,6.252428878,6.252428887,6.252428902,6.252428875,6.252428869,6.252428846,6.252428893,6.252428875,6.252428861,6.252428887,6.25242886,6.252428892,6.252428875,6.252428892,6.252428872,6.252428903,6.252428892,6.252428863,6.252428859,6.252428867,6.252428896,6.252428873,6.252428893
+"808","APBB1",6.039688371,6.039688447,6.039688357,6.039688115,6.039688153,6.039688323,6.03968796,6.039688513,6.039689244,6.039688817,6.039688284,6.03968863,6.039688659,6.039689125,6.039687709,6.039688113,6.039687575,6.039688147,6.03968846,6.039688268,6.039688137,6.039688344,6.039688946,6.039688507,6.039687986,6.03968849,6.039688961,6.039688822
+"809","APBB1IP",8.92764383,8.927644139,8.927642923,8.927644931,8.92764323,8.927644129,8.927644174,8.927642973,8.927643811,8.927643458,8.927643323,8.927642032,8.927643464,8.927643887,8.927643757,8.927644513,8.927642905,8.927644584,8.927644394,8.927644446,8.927644524,8.927643107,8.927644608,8.927644292,8.927644116,8.927643524,8.92764375,8.927643311
+"810","APBB2",3.765618877,3.765618874,3.765618924,3.765618878,3.765618903,3.765618866,3.765618903,3.765618942,3.765618876,3.765618886,3.765618895,3.765618957,3.765618849,3.765618886,3.765618937,3.765618895,3.765618939,3.765618941,3.765618957,3.765618903,3.765618939,3.765618922,3.765618868,3.765618868,3.765618876,3.76561894,3.765618857,3.765618922
+"811","APBB3",6.882152466,6.882152428,6.882152447,6.882152469,6.882152438,6.882152445,6.882152473,6.882152441,6.88215247,6.882152437,6.882152384,6.882152471,6.882152448,6.882152438,6.882152453,6.882152437,6.88215244,6.882152452,6.882152428,6.882152434,6.882152461,6.882152463,6.882152432,6.882152438,6.88215243,6.882152475,6.88215244,6.882152415
+"812","APC",6.132209624,6.13220967,6.132209505,6.132209725,6.13220935,6.132209431,6.132209539,6.132209209,6.132209427,6.132209492,6.132209647,6.132209121,6.132209511,6.132209839,6.132209498,6.132209616,6.132209588,6.132209671,6.132209648,6.132209452,6.132209551,6.132209469,6.13220961,6.132209666,6.132209604,6.132209419,6.132209554,6.132209637
+"813","APC2",5.543210489,5.543210595,5.543210627,5.543210629,5.543210786,5.543210628,5.543210681,5.543210725,5.543210605,5.543210653,5.543210783,5.543210687,5.543210542,5.543210498,5.543210783,5.543210681,5.543210711,5.543210715,5.543210681,5.543210675,5.543210737,5.543210724,5.543210542,5.543210641,5.543210653,5.543210696,5.543210559,5.543210704
+"814","APCDD1",5.410289699,5.410289745,5.410289852,5.410289767,5.410289979,5.41028965,5.410289866,5.410289909,5.4102898,5.410289773,5.410289872,5.410289889,5.410289824,5.410289538,5.410289908,5.410289782,5.41028992,5.41028985,5.41028982,5.410289695,5.410289895,5.410289898,5.410289704,5.41028968,5.41028978,5.410289893,5.410289742,5.410289844
+"815","APCDD1L",6.182547819,6.182547825,6.182547846,6.182547803,6.182547873,6.182547858,6.182547806,6.182547869,6.18254784,6.182547876,6.182547861,6.182547874,6.182547835,6.182547776,6.182547872,6.182547844,6.182547859,6.182547851,6.182547843,6.182547861,6.182547865,6.182547865,6.182547808,6.182547804,6.182547828,6.182547859,6.182547812,6.182547842
+"816","APCS",4.355228076,4.355227994,4.355228126,4.355227989,4.355228262,4.355227624,4.355228164,4.355228257,4.355228144,4.355228045,4.355228133,4.355228177,4.355227934,4.355227865,4.355228158,4.355228305,4.355228294,4.355228542,4.35522811,4.355227997,4.355227859,4.355228218,4.355227825,4.355227974,4.355228176,4.355227918,4.355228047,4.35522821
+"817","APEH",7.316522881,7.316522889,7.31652285,7.31652271,7.316522698,7.316522985,7.316522824,7.316522836,7.316522982,7.316522866,7.316522659,7.316522895,7.316522968,7.316522921,7.316522736,7.316522775,7.316522646,7.316522573,7.316522793,7.316522791,7.3165227,7.316522852,7.316522884,7.316522949,7.31652267,7.316522816,7.316522978,7.316522726
+"818","APEX1",7.637109819,7.637109684,7.637109327,7.637108571,7.637109162,7.637109235,7.637109196,7.637109187,7.637110072,7.637109765,7.637108532,7.637109264,7.63710953,7.637111139,7.637109057,7.637109474,7.637108687,7.637108296,7.637109157,7.637109389,7.637108991,7.63710941,7.637109633,7.637109748,7.637108375,7.637109337,7.637109508,7.637110402
+"819","APEX2",5.78096671,5.780966757,5.780966668,5.780966382,5.780966595,5.780966784,5.780966539,5.780966488,5.780966663,5.78096665,5.780966481,5.780966641,5.780966642,5.78096658,5.780966539,5.780966752,5.780966727,5.780966431,5.780966618,5.780966775,5.780966484,5.780966486,5.780966635,5.780966754,5.780966499,5.780966611,5.780966719,5.780966491
+"820","APH1A",7.591131641,7.59113185,7.591131627,7.591131428,7.591131323,7.591131745,7.591131397,7.591131613,7.591131492,7.591131551,7.591131307,7.591131308,7.591131595,7.591131804,7.591131318,7.591131591,7.591131192,7.591131293,7.591131386,7.591132074,7.591131287,7.59113152,7.591131676,7.591131632,7.591131394,7.591131327,7.591131627,7.591131643
+"821","APH1B",6.686742936,6.686742905,6.686742373,6.686742658,6.686742588,6.686742715,6.686742821,6.68674235,6.686742382,6.686742648,6.68674253,6.686741991,6.686742462,6.686742865,6.686742553,6.686742962,6.686742337,6.686742526,6.68674277,6.686743043,6.686742786,6.686742282,6.68674254,6.686742925,6.686742735,6.686742481,6.686742451,6.686742465
+"822","API5",7.334662574,7.334661981,7.334660778,7.334660609,7.334660392,7.33466081,7.334660802,7.334660339,7.334660947,7.334661801,7.334659357,7.334659209,7.334661114,7.334663481,7.334660323,7.33466249,7.334659617,7.334659375,7.334661085,7.334661642,7.334660396,7.334660304,7.334661533,7.334660896,7.33466066,7.334660738,7.334661267,7.33466185
+"823","APIP",5.800771114,5.800770999,5.800771058,5.800770922,5.800771103,5.800770963,5.800771007,5.800771108,5.800771067,5.800771029,5.800771049,5.800771085,5.800771,5.800771007,5.800770977,5.800771101,5.80077118,5.800771076,5.800770996,5.800771002,5.800770972,5.800771028,5.80077104,5.800770948,5.800771196,5.800771052,5.800771022,5.800771086
+"824","APLF",4.35005949,4.350059526,4.350059484,4.350059478,4.350059487,4.350059422,4.350059391,4.350059614,4.350059515,4.350059571,4.35005949,4.350059517,4.350059525,4.350059518,4.350059461,4.350059557,4.350059495,4.350059446,4.350059526,4.350059368,4.350059435,4.350059498,4.350059486,4.350059495,4.350059518,4.350059481,4.350059557,4.350059597
+"825","APLN",5.191041611,5.191041631,5.191041642,5.191041652,5.191041753,5.191041649,5.191041637,5.191041672,5.191041638,5.191041656,5.191041669,5.191041685,5.191041619,5.191041589,5.19104175,5.19104168,5.191041675,5.191041698,5.191041662,5.191041715,5.191041683,5.191041658,5.191041617,5.191041583,5.191041661,5.191041702,5.191041576,5.191041621
+"826","APLNR",5.046661747,5.046661807,5.046661858,5.0466618,5.046661907,5.046661807,5.046661855,5.046661864,5.046661852,5.046661861,5.046661835,5.046661891,5.046661799,5.046661765,5.046661883,5.046661856,5.04666192,5.046661874,5.046661836,5.046661818,5.04666189,5.046661877,5.046661806,5.0466618,5.046661834,5.046661862,5.046661786,5.04666182
+"827","APLP1",5.100599675,5.100599694,5.100599717,5.100599748,5.100599922,5.100599663,5.100599843,5.100599855,5.100599776,5.10059974,5.100599818,5.100599827,5.100599787,5.100599604,5.100599835,5.100599795,5.100599931,5.100599811,5.100599783,5.100599843,5.100599851,5.100599794,5.100599775,5.100599692,5.100599806,5.100599807,5.10059973,5.100599805
+"828","APLP2",9.693275429,9.693276407,9.693275401,9.693276299,9.693275387,9.693275228,9.693275339,9.693274681,9.693274486,9.693275735,9.693275482,9.693274679,9.693275369,9.693276586,9.693275633,9.693276639,9.693275217,9.6932756,9.693275876,9.69327542,9.693275615,9.693274654,9.693274996,9.693276052,9.693275425,9.693275217,9.693275246,9.693275477
+"829","APMAP",8.592728697,8.592994014,8.592471408,8.593254531,8.592170184,8.592646412,8.592940805,8.592607526,8.592712764,8.592671372,8.592572136,8.592063118,8.592737364,8.592744129,8.59283969,8.593265692,8.592642156,8.592958213,8.592884618,8.592849886,8.592942181,8.592656966,8.593250612,8.59334552,8.592915121,8.592531824,8.5925383,8.592333875
+"830","APOA1",4.7039464035,4.7039462575,4.703946742,4.7039466765,4.7039470505,4.7039463755,4.7039462745,4.70394658,4.703946566,4.7039464415,4.70394653,4.7039458695,4.703946508,4.703946298,4.70394653,4.7039463455,4.7039465025,4.703946451,4.7039465985,4.703946369,4.703946629,4.7039468195,4.703946306,4.7039464935,4.7039464425,4.703946675,4.703946497,4.7039462805
+"831","APOA2",4.645562581,4.645562595,4.645562625,4.645562626,4.645562664,4.645562533,4.645562623,4.645562659,4.645562591,4.645562587,4.645562569,4.645562631,4.645562627,4.64556255,4.645562631,4.645562588,4.645562718,4.645562648,4.64556265,4.645562584,4.645562669,4.645562661,4.645562581,4.645562592,4.645562635,4.645562624,4.645562622,4.645562619
+"832","APOA4",4.579007804,4.57900778,4.5790077555,4.5790079035,4.57900786,4.5790079705,4.579007822,4.5790077585,4.5790079935,4.57900806,4.579007922,4.579007842,4.579007896,4.5790077,4.5790076915,4.5790078985,4.5790077915,4.579007993,4.5790077605,4.579008062,4.579007916,4.5790080165,4.579007868,4.5790079535,4.5790080105,4.5790080225,4.5790077655,4.5790077715
+"833","APOA5",5.360117004,5.360117031,5.360117063,5.360117097,5.360117111,5.360117019,5.360117025,5.360117141,5.360116981,5.360117011,5.360117133,5.360117174,5.360117004,5.360116856,5.360117042,5.3601171,5.360117092,5.360117087,5.36011707,5.360117002,5.360116972,5.36011709,5.360116972,5.36011699,5.360117121,5.360117039,5.360117076,5.360117041
+"834","APOB",3.955624015,3.955624055,3.955624085,3.955624041,3.955624054,3.955624085,3.955624048,3.955624078,3.955624087,3.955624068,3.955624035,3.955624124,3.955624083,3.955624035,3.955624109,3.955624084,3.955624127,3.955624111,3.955624054,3.955624103,3.955624073,3.955624093,3.955624033,3.955624061,3.955624065,3.955624089,3.955624054,3.955624083
+"835","APOBEC1",3.895977139,3.895977388,3.895977388,3.895977136,3.895977411,3.895977353,3.895977194,3.895977207,3.895977107,3.895977227,3.895977316,3.895977324,3.895977226,3.895977172,3.895977153,3.89597732,3.895977295,3.895977283,3.895977241,3.895977378,3.895977218,3.895977425,3.895977215,3.895977181,3.895977359,3.895977363,3.895977262,3.895977348
+"836","APOBEC2",3.942632431,3.942632429,3.942632388,3.942632427,3.942632424,3.942632433,3.942632407,3.94263241,3.942632399,3.942632415,3.942632384,3.942632372,3.94263241,3.942632392,3.942632439,3.942632393,3.942632389,3.942632375,3.942632403,3.942632434,3.942632416,3.942632417,3.942632391,3.942632428,3.942632377,3.942632426,3.942632399,3.942632437
+"837","APOBEC3C",7.387055884,7.387055272,7.387055857,7.387055214,7.387055608,7.387056761,7.387056079,7.387055426,7.387055612,7.387055963,7.387055988,7.387054981,7.387055512,7.387055193,7.387055679,7.387054392,7.387055333,7.387055278,7.387055266,7.387056169,7.387055764,7.38705529,7.387055604,7.387055466,7.387055933,7.387055489,7.387055794,7.387055155
+"838","APOBEC3D",7.471506656,7.471506526,7.47150622,7.471506283,7.471506459,7.471507003,7.471506613,7.471506556,7.471506632,7.471506374,7.471506134,7.471506231,7.471506808,7.471506735,7.471506738,7.471506487,7.471505795,7.471506191,7.471506482,7.471506694,7.471506555,7.471506562,7.471506736,7.471506369,7.471506335,7.471506507,7.471506759,7.471506619
+"839","APOBEC3F",6.7555713795,6.7555711075,6.7555712195,6.7555712095,6.755571214,6.755571624,6.7555713805,6.7555713105,6.7555713345,6.755571379,6.755571071,6.755571043,6.7555714215,6.755571295,6.7555714295,6.75557116,6.755571194,6.755571181,6.7555712925,6.7555715705,6.755571395,6.7555713985,6.755571406,6.7555712375,6.755571204,6.755571074,6.7555713995,6.7555711635
+"840","APOBEC3G",5.709615212,5.70961496,5.709614933,5.709614943,5.709615099,5.709615598,5.709615194,5.709615271,5.709615247,5.709614894,5.70961507,5.709614594,5.709615095,5.709615167,5.709615303,5.709614742,5.709614859,5.709614835,5.70961495,5.709615654,5.709615291,5.709615396,5.709615248,5.709615248,5.70961502,5.709614865,5.709615193,5.709614947
+"841","APOBEC3H",4.780952378,4.780952334,4.780952363,4.780952317,4.780952345,4.780952323,4.78095235,4.780952369,4.780952398,4.780952311,4.780952329,4.78095232,4.780952346,4.780952352,4.780952374,4.780952354,4.780952332,4.780952341,4.780952344,4.780952332,4.780952389,4.780952359,4.780952366,4.780952324,4.780952345,4.780952359,4.780952337,4.780952351
+"842","APOBEC4",3.529390727,3.529390786,3.529390784,3.529390768,3.529390774,3.529390703,3.529390696,3.529390805,3.529390682,3.529390687,3.529390837,3.529390773,3.52939077,3.529390629,3.529390733,3.52939081,3.529390796,3.529390847,3.529390705,3.529390746,3.52939074,3.529390753,3.52939075,3.529390708,3.529390856,3.529390755,3.52939074,3.529390792
+"843","APOBR",7.978902948,7.978904624,7.978903662,7.978904779,7.978903454,7.978903859,7.97890371,7.978903244,7.978903778,7.978903524,7.978904441,7.978902885,7.978903647,7.978903522,7.97890295,7.978905044,7.978903445,7.978904468,7.978903854,7.978904236,7.978903326,7.978903442,7.978903934,7.978904353,7.978904678,7.97890355,7.978903516,7.978903467
+"844","APOC1",4.256659314,4.256659362,4.256659325,4.256659464,4.256659444,4.256659593,4.256659496,4.256659554,4.256659505,4.256659513,4.256659521,4.25665955,4.256659551,4.25665933,4.25665951,4.256659482,4.256659485,4.256659536,4.256659492,4.256659322,4.256659467,4.256659399,4.256659426,4.256659563,4.256659429,4.256659472,4.256659435,4.256659418
+"845","APOC3",5.4100717285,5.410072517,5.4100720325,5.4100722725,5.410071815,5.4100727515,5.410071585,5.4100716,5.4100722575,5.4100719375,5.4100715245,5.410072282,5.410072154,5.410071743,5.410071875,5.4100719125,5.4100715275,5.4100721605,5.410072306,5.4100718445,5.4100717885,5.41007229,5.4100718875,5.410071983,5.4100717465,5.410072441,5.410072072,5.4100724395
+"846","APOD",4.710122388,4.710122385,4.710122387,4.710122402,4.710122428,4.710122417,4.710122406,4.710122419,4.710122394,4.710122381,4.710122397,4.710122413,4.710122402,4.710122348,4.710122409,4.710122405,4.710122425,4.710122388,4.710122386,4.710122402,4.710122399,4.710122433,4.710122379,4.71012237,4.710122386,4.71012239,4.710122381,4.710122399
+"847","APOE",5.962683995,5.962683854,5.962684507,5.962684109,5.962684615,5.962684298,5.962684446,5.962684524,5.96268434,5.962684106,5.96268444,5.962684657,5.962684199,5.962683847,5.962684617,5.962684138,5.962684737,5.962684468,5.962684436,5.962684186,5.962684423,5.962684557,5.962683895,5.962684117,5.962684532,5.9626845,5.962684068,5.96268426
+"848","APOF",3.598972027,3.598972017,3.598972034,3.598972058,3.598972045,3.598972058,3.598972023,3.598972051,3.598972056,3.598972035,3.598972062,3.598972056,3.598972038,3.598972042,3.598972067,3.598972018,3.598972067,3.598972055,3.598972059,3.598972062,3.598972056,3.598972033,3.598972017,3.598972038,3.598972052,3.598972047,3.598972024,3.598972039
+"849","APOH",3.479972268,3.4799723,3.479972291,3.479972334,3.47997237,3.479972335,3.479972366,3.479972333,3.479972327,3.479972359,3.479972335,3.47997241,3.479972283,3.479972325,3.479972364,3.479972369,3.479972358,3.479972338,3.479972345,3.479972275,3.479972296,3.479972347,3.479972346,3.47997232,3.47997239,3.479972296,3.479972316,3.479972329
+"850","APOL1",6.958508029,6.958508704,6.958508037,6.958508175,6.958507306,6.95851306,6.958507964,6.958508644,6.95850853,6.958507643,6.958507675,6.958506804,6.958508632,6.958508022,6.958508575,6.958508568,6.958507373,6.958507657,6.958507823,6.958513017,6.958507685,6.958508612,6.958509152,6.958508024,6.958508239,6.958507576,6.958508722,6.958508307
+"851","APOL2",6.799711543,6.799711492,6.799709519,6.799711462,6.799709598,6.799714589,6.79971005,6.799711066,6.799711193,6.799709807,6.799708978,6.799708236,6.799711332,6.799710606,6.799710937,6.799711252,6.799709156,6.799710967,6.799710234,6.799715466,6.799710785,6.79971114,6.79971098,6.799710891,6.799710879,6.799709752,6.7997111,6.799709867
+"852","APOL3",6.720010851,6.720009945,6.72000994,6.720009717,6.720009876,6.72001174,6.720010246,6.720010722,6.720010458,6.720010156,6.720009938,6.72001007,6.720010753,6.720010418,6.720010278,6.720009783,6.720009842,6.720009201,6.72001001,6.720011257,6.72001012,6.720010801,6.72001024,6.720010103,6.720009784,6.720010385,6.720010938,6.720009931
+"853","APOL4",4.362133755,4.362133937,4.362133938,4.362133752,4.362133774,4.362134623,4.362133811,4.362133782,4.362133761,4.362133615,4.362133834,4.362133744,4.362133916,4.362133849,4.362133947,4.362133758,4.362133945,4.362133888,4.362133769,4.362134504,4.362133903,4.362133949,4.362133834,4.362133686,4.362133964,4.362133881,4.362133899,4.362133795
+"854","APOL5",4.074964126,4.074964301,4.074964344,4.074964544,4.07496445,4.074964223,4.07496438,4.074964343,4.074964364,4.074964278,4.074964445,4.074964586,4.074964209,4.074964108,4.074964439,4.074964441,4.074964544,4.074964356,4.074964275,4.07496436,4.074964334,4.074964399,4.074964304,4.07496431,4.074964367,4.074964262,4.074964309,4.074964461
+"855","APOL6",7.668511524,7.665997249,7.654777516,7.644029638,7.651966102,7.721285831,7.658249757,7.670834968,7.671276257,7.648855424,7.644041821,7.62821685,7.672165252,7.674377649,7.663155196,7.650226958,7.651124482,7.638659486,7.658951699,7.71218723,7.654385521,7.67720298,7.677700355,7.659977985,7.646314121,7.643834626,7.670800937,7.656255082
+"856","APOLD1",5.615772565,5.615772677,5.615772684,5.615772578,5.615772586,5.615772667,5.615772566,5.615772556,5.615772748,5.615772685,5.61577265,5.615772577,5.615772548,5.615772759,5.615772603,5.615772688,5.615772601,5.615772553,5.615772606,5.615772718,5.615772604,5.615772564,5.615772818,5.615772681,5.615772725,5.615772609,5.615772693,5.615772753
+"857","APOM",4.841930254,4.841930288,4.841930339,4.841930282,4.841930328,4.841930273,4.841930273,4.841930311,4.841930283,4.841930228,4.84193031,4.841930316,4.841930353,4.841930231,4.841930306,4.841930339,4.841930301,4.841930276,4.841930324,4.841930309,4.841930319,4.841930333,4.841930308,4.841930312,4.841930311,4.841930317,4.841930336,4.84193033
+"858","APOO",4.866312064,4.866312081,4.866312069,4.866312071,4.866312052,4.866312069,4.866312067,4.866312047,4.866312082,4.86631206,4.866312048,4.86631206,4.866312061,4.866312073,4.866312057,4.866312068,4.866312033,4.866312048,4.866312052,4.866312026,4.86631204,4.866312046,4.866312085,4.866312055,4.866312057,4.866312067,4.866312055,4.866312069
+"859","APOOL",5.067763963,5.067763418,5.067763374,5.067762985,5.067763738,5.067763535,5.067763801,5.06776377,5.067763748,5.067763807,5.067763194,5.067763977,5.067763427,5.067764414,5.067763514,5.067763035,5.067763476,5.067763568,5.067763633,5.067763711,5.067763462,5.067763604,5.067763886,5.06776421,5.067763798,5.067763687,5.067763674,5.067763748
+"860","APP",7.851794544,7.851795027,7.851794584,7.851795649,7.851795023,7.851794436,7.85179437,7.851793986,7.851794504,7.851795368,7.85179501,7.85179467,7.851794386,7.851795624,7.85179408,7.851794655,7.851794309,7.851795359,7.851794794,7.851793759,7.851794084,7.851793565,7.851794265,7.851795218,7.85179465,7.851794471,7.851794775,7.851794961
+"861","APPBP2",7.359702001,7.359701691,7.359701343,7.359701438,7.359700917,7.359701084,7.359701482,7.359701242,7.359701669,7.359701373,7.35970105,7.359700384,7.359701477,7.359702603,7.35970148,7.359701339,7.359700962,7.359701286,7.359701393,7.359701129,7.359701368,7.359701013,7.359701926,7.359701739,7.35970118,7.359701132,7.359701632,7.359701937
+"862","APPL1",6.904325708,6.904325178,6.904325046,6.904324806,6.904325039,6.904324518,6.904325102,6.904324883,6.904324899,6.904325187,6.90432471,6.904324639,6.904325016,6.904326219,6.904325391,6.90432448,6.904324744,6.904324665,6.904325242,6.90432441,6.904324909,6.904325055,6.904325089,6.904325067,6.904324712,6.904325078,6.904325104,6.904325864
+"863","APPL2",7.118726989,7.118727018,7.118726894,7.118727138,7.118726756,7.118726877,7.118726853,7.118726851,7.118726948,7.118726871,7.118726949,7.118726918,7.118727056,7.118726993,7.118726996,7.118727006,7.118726814,7.118727058,7.118726974,7.118726982,7.118726929,7.118726944,7.118727057,7.118726929,7.118727028,7.118726966,7.118727067,7.11872689
+"864","APRG1",4.644818706,4.644818541,4.644818609,4.64481881,4.644818578,4.644818834,4.644818447,4.644818996,4.64481884,4.644818649,4.644818533,4.644818581,4.6448187,4.644818601,4.644818636,4.644818675,4.644818855,4.644818637,4.644818777,4.644818461,4.644818875,4.644818601,4.644818588,4.644818595,4.644818906,4.644818757,4.644818748,4.644818331
+"865","APRT",7.391249131,7.391249317,7.391248755,7.391248567,7.391249319,7.39124885,7.3912486,7.391249201,7.39124949,7.391248556,7.39124874,7.391249276,7.391249331,7.391249184,7.391249181,7.391249501,7.391248845,7.391248868,7.391248967,7.39124839,7.391248633,7.3912496,7.391249237,7.391248229,7.391248868,7.391249323,7.391249249,7.391249281
+"866","APTX",5.540143793,5.540143722,5.540143718,5.54014371,5.540143698,5.540143756,5.540143745,5.54014377,5.540143755,5.540143805,5.540143686,5.540143716,5.540143785,5.5401438,5.540143713,5.540143711,5.540143699,5.540143721,5.540143752,5.540143685,5.540143774,5.540143752,5.540143746,5.540143811,5.540143733,5.540143769,5.540143751,5.540143747
+"867","AQP1",5.144350848,5.144350627,5.144351056,5.144350847,5.144351127,5.144350984,5.144350994,5.144351033,5.144350938,5.144350892,5.144351031,5.144350964,5.144350908,5.144350686,5.144351008,5.144350814,5.14435114,5.144351003,5.144350886,5.144350885,5.14435098,5.144351076,5.144350961,5.144350806,5.144351016,5.14435103,5.144350802,5.144350977
+"868","AQP10",5.206409694,5.206410838,5.206410828,5.206411267,5.206409331,5.206410949,5.206409524,5.206410062,5.206410796,5.206410575,5.206410662,5.206410482,5.206410003,5.206409397,5.206408709,5.206410894,5.206410521,5.206411049,5.206409739,5.206410261,5.206409551,5.206409963,5.206411031,5.206410895,5.206411184,5.20641009,5.206410435,5.206408951
+"869","AQP11",4.824624815,4.824624814,4.824624858,4.824624834,4.824624845,4.82462481,4.824624835,4.824624826,4.824624846,4.824624798,4.824624845,4.824624869,4.824624824,4.824624794,4.824624845,4.824624848,4.824624839,4.824624855,4.824624835,4.824624834,4.824624825,4.824624834,4.824624838,4.824624802,4.824624844,4.824624836,4.824624832,4.824624827
+"870","AQP2",5.686849684,5.68684968,5.686849767,5.686849708,5.686849863,5.68684971,5.686849807,5.686849797,5.686849769,5.68684976,5.686849803,5.686849829,5.686849737,5.686849637,5.686849797,5.686849769,5.686849864,5.686849825,5.686849694,5.686849696,5.686849789,5.686849859,5.68684968,5.686849651,5.686849739,5.68684979,5.68684973,5.686849792
+"871","AQP3",7.294673753,7.294673785,7.29467368,7.294673737,7.294673764,7.294673719,7.294673817,7.294673832,7.294673886,7.294673806,7.29467358,7.294673769,7.2946738,7.29467376,7.294673651,7.294673741,7.294673662,7.294673671,7.294673792,7.294673721,7.294673734,7.294673776,7.294673859,7.294673742,7.294673611,7.294673745,7.294673864,7.294673763
+"872","AQP4",3.447149323,3.44714929,3.447149497,3.447149416,3.447149422,3.447149251,3.447149338,3.447149429,3.447149271,3.447149404,3.447149435,3.447149382,3.447149301,3.447149267,3.447149477,3.447149371,3.447149443,3.44714936,3.447149329,3.447149412,3.447149486,3.447149384,3.447149334,3.447149254,3.447149301,3.44714949,3.4471494,3.447149388
+"873","AQP4-AS1",3.876118723,3.876118936,3.87611976,3.876119124,3.876119007,3.876119354,3.876119388,3.876119222,3.876119151,3.876120009,3.8761202,3.876118612,3.87611941,3.876119447,3.876118886,3.876119433,3.876118562,3.876120216,3.876119339,3.876118955,3.876118888,3.876118388,3.87611964,3.876118514,3.876119236,3.876119062,3.876118483,3.876119295
+"874","AQP5",6.110433861,6.110433782,6.110433914,6.110433823,6.110433972,6.110433896,6.11043394,6.1104339,6.11043383,6.110433883,6.110433886,6.110434002,6.110433873,6.110433689,6.11043389,6.110433746,6.110433946,6.110433908,6.110433958,6.110433905,6.110433863,6.11043393,6.11043379,6.110433712,6.110433829,6.11043386,6.11043386,6.11043383
+"875","AQP6",5.276912961,5.276912964,5.276912979,5.276912978,5.276913004,5.276912961,5.276912967,5.276912989,5.27691297,5.276912971,5.276912979,5.276912993,5.276912966,5.276912946,5.276912997,5.276912978,5.276912996,5.27691299,5.276912979,5.276912978,5.276912992,5.276912997,5.276912961,5.276912965,5.276912975,5.276912985,5.276912957,5.276912976
+"876","AQP7",5.896104402,5.89610466,5.896104798,5.896105007,5.896105065,5.896104614,5.896104771,5.896104972,5.896104852,5.896104562,5.896104677,5.896104462,5.896104688,5.896104514,5.896104988,5.896105233,5.896105084,5.896105224,5.896104667,5.896104655,5.896104928,5.8961056,5.896104917,5.896104025,5.896104823,5.89610498,5.896104231,5.896105022
+"877","AQP8",5.034222401,5.034222164,5.034222363,5.034222162,5.034222551,5.034222124,5.03422236,5.034222524,5.034222166,5.034222436,5.034222478,5.034222711,5.034222229,5.034221919,5.034222444,5.034222377,5.034222727,5.034222448,5.034222256,5.034222248,5.03422249,5.034222391,5.034222125,5.034222319,5.03422238,5.034222342,5.034222188,5.034222329
+"878","AQP9",10.75995838,11.02305337,10.38257107,11.25548211,10.40995055,10.62479641,10.6724793,10.46839292,10.54005428,10.469897,10.67590285,9.874543173,10.36155009,10.43574682,10.78645887,11.02770389,10.57919135,11.09173342,10.86933386,10.87238772,10.69045816,10.4941046,10.96681102,10.96682242,10.93332945,10.17088036,10.30951709,10.19324623
+"879","AQR",7.275995138,7.275994788,7.275994492,7.275994252,7.275994416,7.27599436,7.275994587,7.275994089,7.275994602,7.27599443,7.275994206,7.275994063,7.275994953,7.27599562,7.275994756,7.275994218,7.275994097,7.27599417,7.275994882,7.275994213,7.275994685,7.275994435,7.275994857,7.275994694,7.275994563,7.2759948,7.275994827,7.275994988
+"880","AR",4.87845399,4.878454104,4.878454098,4.878454126,4.878454273,4.878454116,4.878454204,4.878454096,4.878454076,4.87845425,4.878454153,4.878454388,4.87845407,4.878454011,4.878454249,4.878454181,4.878454186,4.878454215,4.878454209,4.878454096,4.878454194,4.878454203,4.878454212,4.878454035,4.878454086,4.878454303,4.878454186,4.878454142
+"881","ARAF",7.899582599,7.899582597,7.899582644,7.899582627,7.899582596,7.899582647,7.89958261,7.8995826,7.899582631,7.899582604,7.899582592,7.899582612,7.899582601,7.899582575,7.899582584,7.899582584,7.899582599,7.899582572,7.899582606,7.899582573,7.899582567,7.899582604,7.899582608,7.899582613,7.899582586,7.899582612,7.899582641,7.899582549
+"882","ARAFP2",4.431529866,4.431529873,4.431529913,4.431529921,4.431529951,4.431529908,4.431529881,4.431529941,4.431529851,4.431529897,4.431529903,4.431529879,4.431529858,4.431529814,4.431529896,4.431529895,4.43152991,4.431529904,4.431529914,4.431529855,4.431529927,4.431529925,4.431529878,4.431529813,4.431529875,4.431529915,4.431529867,4.431529851
+"883","ARAP1",9.085334861,9.085335965,9.085335105,9.08533637,9.085334679,9.085336143,9.085335452,9.08533504,9.085334778,9.085335008,9.085335403,9.085334644,9.085335371,9.08533493,9.085335134,9.085336048,9.085335111,9.085336018,9.085335392,9.085336156,9.085335481,9.085335146,9.085335134,9.085335474,9.08533576,9.085335167,9.085335224,9.085334621
+"884","ARAP2",6.509504677,6.509503357,6.509502869,6.509502829,6.509502718,6.509503368,6.509503402,6.50950324,6.50950325,6.509502955,6.50950294,6.509502096,6.509503974,6.509504039,6.509503679,6.509502959,6.509502451,6.509502556,6.509503245,6.509503223,6.509503494,6.509503246,6.509503743,6.5095035,6.509503414,6.509503026,6.509503903,6.50950339
+"885","ARAP3",7.328983215,7.328984337,7.328983499,7.328984981,7.328983174,7.328983422,7.328983815,7.32898336,7.328982848,7.328983354,7.328984012,7.328983285,7.328983199,7.328982957,7.328983288,7.328984064,7.328983318,7.328984465,7.328983939,7.328983689,7.328983819,7.328983121,7.328983385,7.328983985,7.32898442,7.328983802,7.328983211,7.328982947
+"886","ARC",6.483652627,6.483652493,6.48365322,6.48365267,6.48365361,6.483652926,6.483653057,6.483653084,6.48365282,6.48365314,6.483652824,6.483653441,6.483652701,6.483652069,6.483653225,6.483653117,6.483653705,6.483653119,6.483653127,6.48365292,6.483653375,6.483653507,6.483652482,6.483652726,6.48365296,6.483653327,6.483652342,6.483652968
+"887","ARCN1",7.305864754,7.30586491,7.305864497,7.305864785,7.305864439,7.305864742,7.305864778,7.305864331,7.305864877,7.305864693,7.305864409,7.305864165,7.305864783,7.305865319,7.305864626,7.305864495,7.305863994,7.305864613,7.305864716,7.30586489,7.305864583,7.305864375,7.305864885,7.305864848,7.305864511,7.305864618,7.305864756,7.305864839
+"888","AREG",5.051458523,5.051458494,5.051458481,5.051458325,5.0514587165,5.051458601,5.0514586355,5.051458572,5.0514583235,5.0514587705,5.051458466,5.0514587245,5.0514585395,5.0514581755,5.0514586815,5.051458327,5.051458783,5.051458611,5.0514586365,5.0514582135,5.051458587,5.0514584585,5.051458299,5.051458246,5.0514583825,5.051458585,5.051458498,5.05145851
+"889","ARF1",9.707635776,9.707635795,9.707635791,9.707635897,9.70763581,9.70763595,9.707635802,9.707635902,9.707635773,9.707635866,9.707635792,9.707635846,9.707635806,9.707635683,9.707635828,9.707635707,9.707635828,9.707635824,9.707635814,9.707635735,9.70763577,9.707635884,9.707635823,9.70763589,9.707635745,9.707635899,9.707635791,9.707635697
+"890","ARF3",8.656930875,8.656931494,8.656930852,8.656931507,8.656930856,8.656931077,8.656930759,8.656931133,8.656930609,8.656930728,8.656930934,8.656930385,8.656930829,8.656931238,8.656930872,8.65693132,8.656930578,8.656931296,8.65693094,8.656931124,8.656930782,8.656931126,8.656930792,8.656930988,8.656930926,8.656930617,8.656930672,8.656931036
+"891","ARF4",8.364517049,8.364517133,8.364516155,8.364516826,8.364516086,8.364516593,8.364516311,8.364516024,8.364516139,8.364516107,8.364516069,8.364515357,8.364516665,8.364517183,8.364516385,8.364516655,8.364515818,8.364516307,8.36451675,8.364516643,8.364516431,8.364516054,8.364516531,8.364516769,8.364516023,8.364516165,8.364516482,8.364516618
+"892","ARF5",7.607404097,7.607404144,7.607404137,7.60740413,7.607404118,7.607404126,7.607404125,7.607404131,7.607404133,7.607404136,7.607404134,7.60740409,7.607404139,7.607404089,7.607404095,7.607404137,7.607404109,7.607404112,7.607404108,7.607404143,7.607404114,7.607404124,7.607404116,7.607404131,7.607404107,7.607404125,7.607404137,7.607404116
+"893","ARF6",8.23624643,8.236246705,8.236246165,8.236246222,8.23624652,8.236246568,8.236246754,8.236246365,8.236246329,8.236246428,8.23624614,8.236245872,8.236246397,8.236247043,8.236246634,8.236246192,8.236246026,8.236246165,8.236246223,8.236245655,8.236246106,8.236246583,8.236246612,8.236246443,8.23624549,8.236246186,8.236246478,8.236246989
+"894","ARFGAP1",7.023207487,7.023207543,7.023207542,7.023207517,7.023207655,7.023207535,7.023207564,7.023207569,7.023207545,7.023207552,7.023207531,7.023207614,7.023207542,7.023207439,7.023207604,7.023207565,7.02320761,7.023207555,7.023207585,7.023207534,7.023207613,7.023207575,7.023207522,7.023207494,7.023207454,7.023207627,7.023207515,7.023207605
+"895","ARFGAP2",7.518806448,7.518806592,7.518806332,7.518806425,7.518806229,7.518806522,7.518806396,7.518806375,7.518806368,7.518806405,7.518806225,7.518806266,7.518806486,7.518806572,7.518806312,7.518806481,7.518806288,7.518806295,7.518806407,7.518806407,7.518806219,7.518806416,7.518806391,7.518806497,7.518806306,7.518806296,7.51880654,7.518806443
+"896","ARFGAP3",6.424433123,6.424433136,6.424433,6.424433169,6.424432907,6.424432951,6.42443306,6.424432959,6.424432953,6.42443295,6.424433061,6.424432809,6.424433102,6.424433205,6.424433014,6.424433078,6.424432959,6.424433145,6.424433022,6.42443308,6.424432997,6.424432921,6.424433086,6.424433105,6.424433067,6.424432916,6.424433097,6.424433043
+"897","ARFGEF1",7.32104517,7.321045044,7.321044054,7.321044536,7.321044214,7.321043706,7.321044404,7.321043937,7.321044483,7.321044359,7.321043925,7.321043514,7.321044638,7.321045734,7.321044386,7.321044679,7.321043185,7.321043846,7.321044793,7.321044246,7.321044693,7.321043868,7.321044691,7.321044795,7.321044493,7.321044447,7.321044697,7.321044632
+"898","ARFGEF2",6.889086968,6.889086653,6.88908638,6.889086566,6.889086354,6.889086629,6.889086726,6.88908626,6.889086802,6.88908683,6.889086309,6.889086372,6.889086666,6.889087237,6.889086617,6.889086431,6.88908591,6.889086034,6.88908651,6.889086427,6.889086522,6.889086462,6.889086773,6.889086764,6.889086038,6.889086604,6.889086794,6.889086766
+"899","ARFGEF3",4.354419385,4.354419385,4.354419434,4.354419424,4.354419448,4.354419401,4.354419423,4.354419458,4.354419421,4.35441942,4.354419424,4.354419428,4.354419438,4.354419351,4.354419419,4.354419426,4.354419448,4.354419438,4.354419409,4.354419415,4.354419437,4.354419428,4.354419398,4.354419397,4.354419407,4.354419434,4.354419375,4.35441941
+"900","ARFIP1",7.632286914,7.632287745,7.632287932,7.632289212,7.632286779,7.632287759,7.632287383,7.632286556,7.632287249,7.632286609,7.63228817,7.632285669,7.632287383,7.632288756,7.632287258,7.63228758,7.632287953,7.632288489,7.632287789,7.632288727,7.632287731,7.632286809,7.632288168,7.632288007,7.632288785,7.632286416,7.632286899,7.632288341
+"901","ARFIP2",6.525365957,6.525365898,6.525365962,6.525365937,6.525365879,6.525365971,6.52536594,6.525365883,6.525365953,6.525365963,6.525365853,6.525365897,6.525365985,6.525365972,6.525365891,6.52536591,6.525365881,6.525365906,6.525365934,6.525365942,6.525365931,6.525365935,6.525365941,6.525365916,6.525365879,6.525365909,6.525365977,6.525365918
+"902","ARFRP1",6.591808071,6.591808102,6.591808034,6.59180804,6.591808038,6.591808091,6.591808043,6.591808107,6.59180815,6.591807974,6.59180797,6.591808083,6.591808096,6.591808048,6.591808048,6.5918081,6.59180804,6.591807989,6.59180803,6.591808069,6.591808067,6.591808115,6.591808067,6.591808047,6.591807969,6.591808072,6.591808102,6.591808073
+"903","ARG1",4.146053983,4.146054249,4.146054311,4.146055034,4.146053939,4.146053836,4.146054263,4.146053723,4.146053902,4.146053681,4.146054382,4.14605399,4.146053808,4.146053793,4.1460539,4.146054351,4.146054307,4.146054299,4.146054076,4.146053793,4.146054343,4.146053776,4.146054073,4.146054198,4.146054419,4.14605386,4.146053945,4.146053745
+"904","ARG2",4.403641337,4.403641338,4.403641344,4.403641481,4.403641421,4.403641404,4.403641349,4.403641322,4.403641322,4.403641465,4.403641422,4.403641399,4.403641382,4.403641285,4.40364132,4.403641286,4.403641359,4.403641401,4.403641377,4.403641293,4.403641301,4.403641379,4.403641426,4.403641302,4.403641379,4.403641323,4.403641398,4.403641349
+"905","ARGFX",3.383242164,3.383242292,3.383242266,3.383242401,3.383242345,3.383242239,3.383242255,3.383242337,3.383242247,3.383242329,3.383242322,3.38324232,3.383242213,3.383242276,3.383242242,3.383242303,3.383242394,3.383242334,3.383242251,3.383242218,3.383242255,3.383242287,3.383242416,3.383242204,3.383242302,3.383242287,3.383242374,3.383242223
+"906","ARGLU1",7.968088775,7.968087755,7.96808752,7.968086993,7.968087265,7.968085831,7.968087983,7.968086948,7.96808851,7.968087641,7.968087062,7.968085796,7.968088202,7.968091121,7.968087821,7.968087853,7.968086949,7.968086749,7.968088096,7.968085886,7.968088132,7.968087224,7.968088329,7.968087587,7.968087424,7.968087403,7.96808815,7.968089849
+"907","ARHGAP1",8.20985592,8.209855993,8.209855862,8.209856034,8.209855879,8.209855988,8.209855933,8.209855922,8.209855907,8.209855953,8.209855863,8.209855816,8.209855959,8.209855902,8.209855915,8.209855843,8.209855787,8.209855913,8.2098559,8.20985583,8.209855907,8.209855879,8.209855925,8.209855985,8.209855966,8.209855961,8.209855958,8.209855842
+"908","ARHGAP10",4.947888965,4.947888975,4.947888919,4.947888935,4.947888949,4.947888908,4.947888925,4.947888934,4.947888913,4.947888951,4.947888947,4.947888916,4.947888959,4.947888944,4.947888923,4.94788898,4.947888919,4.947888927,4.947888962,4.947888925,4.94788895,4.947888926,4.947888945,4.947888959,4.947888935,4.947888948,4.947888959,4.947888926
+"909","ARHGAP11A",3.71559827,3.715598161,3.715598215,3.715598047,3.71559832,3.715598111,3.71559865,3.715598021,3.715598275,3.715598201,3.715597906,3.715598153,3.715597823,3.715598493,3.71559825,3.71559783,3.715598133,3.715597991,3.715598209,3.715598182,3.715598346,3.715598122,3.715598425,3.715598231,3.715597787,3.715597953,3.715597871,3.715598262
+"910","ARHGAP11B",4.596610389,4.596610339,4.596610355,4.596610422,4.596610371,4.596610386,4.596610433,4.59661038,4.596610389,4.596610474,4.596610463,4.596610341,4.596610404,4.596610392,4.596610367,4.596610432,4.59661037,4.596610369,4.596610377,4.596610327,4.596610426,4.596610399,4.596610428,4.596610368,4.596610414,4.596610383,4.59661035,4.596610331
+"911","ARHGAP12",6.154494343,6.154493983,6.154493747,6.154493862,6.154493857,6.1544937,6.154493909,6.154493716,6.154494063,6.154493994,6.154493425,6.154493292,6.154494094,6.15449476,6.154494055,6.154493793,6.154493329,6.154493664,6.154493982,6.154493768,6.154494089,6.154493773,6.154494018,6.154494141,6.154493681,6.154493825,6.154494276,6.154494371
+"912","ARHGAP15",8.135138744,8.135137256,8.135137974,8.135138514,8.135137205,8.135136887,8.135137826,8.135136691,8.135137824,8.135137552,8.135137549,8.135136554,8.135138437,8.135138757,8.135138096,8.135136372,8.135137717,8.135138013,8.135138561,8.13513642,8.135137619,8.135137425,8.135138254,8.13513791,8.135137706,8.135137583,8.135138653,8.135138144
+"913","ARHGAP17",6.612542743,6.612542313,6.612542179,6.612542225,6.612542241,6.612542965,6.612542304,6.612542169,6.612542607,6.612542491,6.612542277,6.612542176,6.612542545,6.612542614,6.612542591,6.612541794,6.61254199,6.612542395,6.612542275,6.612543119,6.612542404,6.612542343,6.612542427,6.612542609,6.612542176,6.612542329,6.612542592,6.612542372
+"914","ARHGAP18",5.815841621,5.815841406,5.815841174,5.815842079,5.815841347,5.815841354,5.815841342,5.815841114,5.81584108,5.815841807,5.815841561,5.815841022,5.815841362,5.815841302,5.815841411,5.815841215,5.815841049,5.81584205,5.8158415,5.815841262,5.815841627,5.815841001,5.815841184,5.81584196,5.815841456,5.815841049,5.81584133,5.815841235
+"915","ARHGAP19-SLIT1",3.352699406,3.352699402,3.352699404,3.352699407,3.352699401,3.352699417,3.352699406,3.352699404,3.352699406,3.352699395,3.352699456,3.352699383,3.352699408,3.352699415,3.352699419,3.352699399,3.352699433,3.352699423,3.3526994,3.352699409,3.352699407,3.352699432,3.352699419,3.352699384,3.352699397,3.352699419,3.3526994,3.352699398
+"916","ARHGAP20",3.908908119,3.908908125,3.908908124,3.908908132,3.908908145,3.90890813,3.908908131,3.908908129,3.908908132,3.90890813,3.908908122,3.90890814,3.90890813,3.908908137,3.908908134,3.908908138,3.908908142,3.90890814,3.908908122,3.908908146,3.908908123,3.908908132,3.90890813,3.908908129,3.908908134,3.908908127,3.908908141,3.908908133
+"917","ARHGAP21",5.768344254,5.768344205,5.76834421,5.768344397,5.768344307,5.768344223,5.768344209,5.76834417,5.768344162,5.768344334,5.768344293,5.768344237,5.768344184,5.768344291,5.768344275,5.768344075,5.76834416,5.768344396,5.768344198,5.768344095,5.768344306,5.768344198,5.768344152,5.76834434,5.768344289,5.768344313,5.768344226,5.768344166
+"918","ARHGAP22",5.164465217,5.164465277,5.164465286,5.164465261,5.164465282,5.164465197,5.164465262,5.164465262,5.164465272,5.164465278,5.164465298,5.164465263,5.164465271,5.164465238,5.164465301,5.164465298,5.164465277,5.164465295,5.164465219,5.164465275,5.16446527,5.164465271,5.16446525,5.164465287,5.164465302,5.164465265,5.164465255,5.164465293
+"919","ARHGAP23",5.7679815825,5.767981655,5.7679820145,5.7679815235,5.767982183,5.767981566,5.767981985,5.7679820765,5.7679820475,5.76798156,5.7679819595,5.7679822705,5.7679818655,5.7679812875,5.767981837,5.767981655,5.767982169,5.76798197,5.767981837,5.7679816045,5.7679819225,5.767981822,5.7679815195,5.767981559,5.7679818425,5.767981994,5.767981706,5.7679819925
+"920","ARHGAP24",5.725465439,5.725465201,5.725465027,5.725465357,5.725465033,5.725465235,5.725465223,5.725464702,5.725464678,5.725465035,5.725465223,5.725464709,5.72546519,5.725465397,5.725465335,5.725464994,5.72546509,5.725465242,5.725465047,5.725465182,5.725465165,5.725464978,5.725464817,5.725465261,5.725465298,5.725465034,5.725465016,5.725465073
+"921","ARHGAP25",9.078906366,9.07890661,9.078906203,9.078906713,9.078905957,9.078906721,9.078906375,9.078906388,9.078906108,9.078906078,9.078906244,9.078905795,9.078906508,9.078906481,9.07890638,9.078906602,9.078906008,9.078906529,9.078906293,9.078906935,9.078906444,9.078906247,9.07890649,9.078906531,9.078906487,9.078906124,9.078906441,9.078906191
+"922","ARHGAP26",9.311283459,9.456957957,9.030587899,9.661793655,9.028775029,9.424007707,9.340798385,9.167202551,9.053068645,9.043957,9.340711304,8.760790447,9.242995055,9.204172839,9.332195819,9.460906619,9.041752103,9.513826273,9.35709273,9.571157457,9.457901116,9.237617991,9.284478089,9.38158634,9.450674829,9.038411851,9.29032432,9.0412136
+"923","ARHGAP27",6.8535282715,6.8535284165,6.853528511,6.8535287005,6.853528439,6.853528574,6.8535284385,6.8535284735,6.853528247,6.8535284155,6.853528429,6.853528295,6.8535284455,6.8535282935,6.8535283725,6.8535284425,6.853528428,6.8535286055,6.8535284325,6.8535286975,6.8535284395,6.853528469,6.85352833,6.853528425,6.8535285865,6.85352842,6.853528454,6.8535282355
+"924","ARHGAP27P2",6.873146783,6.873146671,6.873146858,6.87314663,6.87314725,6.87314687,6.873147041,6.873146947,6.873146886,6.873146826,6.873146954,6.873147185,6.873146827,6.873146487,6.873147098,6.873146763,6.873147223,6.873146955,6.873147018,6.873146834,6.873147099,6.873147089,6.873146758,6.873146636,6.87314668,6.873146984,6.873146774,6.873146828
+"925","ARHGAP28",3.009389921,3.009390004,3.009390206,3.009390223,3.009390039,3.009390222,3.009390149,3.009390035,3.009390021,3.009390092,3.009389986,3.0093902,3.009390131,3.009390011,3.009390007,3.009389997,3.009390281,3.009390034,3.009390081,3.0093899,3.009390052,3.009389901,3.009390036,3.00938999,3.009390158,3.009389987,3.009390054,3.009390007
+"926","ARHGAP29",2.999713308,2.99971338,2.999713418,2.999713507,2.999713387,2.999713417,2.999713145,2.999713332,2.999713274,2.999713283,2.999713317,2.99971317,2.999713271,2.999713452,2.99971326,2.999713401,2.999713394,2.999713464,2.999713252,2.99971366,2.999713265,2.99971328,2.999713367,2.999713456,2.99971319,2.999713177,2.999713474,2.999713454
+"927","ARHGAP30",8.618850331,8.618851091,8.618850225,8.618850958,8.618850181,8.618850998,8.618850543,8.618850538,8.618850619,8.618850607,8.61885028,8.61885002,8.618850669,8.618850913,8.618850392,8.618850879,8.618850217,8.618850775,8.618850841,8.618850515,8.618850465,8.618850563,8.618850796,8.618850777,8.618850525,8.618850527,8.618850726,8.618850751
+"928","ARHGAP31",5.952226787,5.952226776,5.952226759,5.952226728,5.952226759,5.952226807,5.952226724,5.95222674,5.952226723,5.952226824,5.95222671,5.952226738,5.952226738,5.95222685,5.952226736,5.952226649,5.952226698,5.952226679,5.952226753,5.952226675,5.952226679,5.95222673,5.952226703,5.952226759,5.952226714,5.952226683,5.952226791,5.95222673
+"929","ARHGAP32",5.074882667,5.074882983,5.074882868,5.074882155,5.074882826,5.074882397,5.074882398,5.074883165,5.074883194,5.074883097,5.074882473,5.074883165,5.074882233,5.074882588,5.074882583,5.074882309,5.074882259,5.074882584,5.074882676,5.074883062,5.074882494,5.074882549,5.074882567,5.074883145,5.07488177,5.074882932,5.074882546,5.074882796
+"930","ARHGAP33",6.074382633,6.074382648,6.074382706,6.074382698,6.074382769,6.074382654,6.074382764,6.074382777,6.07438265,6.074382718,6.074382724,6.074382799,6.074382686,6.074382521,6.074382745,6.074382673,6.074382775,6.074382755,6.074382674,6.074382668,6.074382742,6.074382825,6.074382622,6.074382572,6.074382718,6.07438276,6.074382695,6.074382696
+"931","ARHGAP35",6.646365748,6.646365713,6.646365625,6.646365627,6.64636565,6.64636564,6.64636572,6.646365651,6.646365685,6.646365672,6.646365655,6.646365591,6.646365703,6.646365714,6.646365653,6.646365685,6.646365534,6.646365627,6.646365662,6.646365585,6.646365691,6.646365658,6.646365647,6.646365655,6.646365599,6.646365664,6.646365691,6.646365681
+"932","ARHGAP36",4.0745401,4.074540032,4.074540176,4.074540204,4.074540517,4.074540371,4.074540352,4.074540306,4.074540182,4.074540368,4.074540268,4.07454053,4.074540138,4.074540088,4.074540406,4.074540189,4.074540477,4.074540233,4.074540126,4.074540168,4.074540468,4.074540352,4.074540072,4.074540058,4.074540096,4.074540254,4.074540027,4.074540198
+"933","ARHGAP39",5.256086416,5.256086486,5.256086626,5.256086598,5.25608685,5.256086429,5.256086607,5.256086744,5.256086598,5.256086581,5.256086637,5.256086776,5.256086549,5.256086313,5.256086734,5.256086606,5.256086684,5.256086781,5.256086523,5.256086692,5.256086747,5.256086655,5.256086418,5.256086314,5.256086642,5.256086657,5.256086523,5.256086599
+"934","ARHGAP4",8.775426266,8.775426294,8.7754263,8.775426301,8.775426255,8.775426289,8.775426277,8.775426219,8.77542631,8.775426274,8.77542628,8.775426283,8.77542634,8.775426283,8.775426202,8.775426297,8.775426255,8.775426235,8.775426298,8.77542624,8.775426271,8.775426298,8.775426296,8.77542629,8.775426277,8.775426291,8.775426338,8.775426267
+"935","ARHGAP40",4.609489064,4.60948905,4.609489053,4.609489058,4.609489096,4.609489107,4.609489083,4.609489071,4.609489083,4.609489105,4.609489069,4.609489089,4.609489067,4.609489027,4.609489108,4.609489078,4.609489114,4.609489066,4.609489048,4.609489106,4.609489118,4.609489099,4.609489059,4.609489029,4.609489083,4.609489085,4.609489079,4.609489038
+"936","ARHGAP42",3.4789292225,3.478929195,3.478929189,3.478929321,3.478929203,3.4789292575,3.478929244,3.4789291695,3.4789292005,3.4789292725,3.4789292085,3.478929204,3.4789291465,3.478929258,3.47892924,3.4789292405,3.4789291835,3.478929159,3.478929122,3.47892917,3.4789291885,3.4789292445,3.478929184,3.478929325,3.4789291805,3.4789291685,3.4789292345,3.478929282
+"937","ARHGAP44",4.590705444,4.590705305,4.590705594,4.59070566,4.590705514,4.590705458,4.590705335,4.590705471,4.590705875,4.590705141,4.590705436,4.590705445,4.590705544,4.590705231,4.590705347,4.590705639,4.590705506,4.590705402,4.59070544,4.590705473,4.59070551,4.590705596,4.590705281,4.59070549,4.59070593,4.59070545,4.590705338,4.590705356
+"938","ARHGAP45",8.607463099,8.607463278,8.607463088,8.607463429,8.607463032,8.60746349,8.607463256,8.607463073,8.607463369,8.607463243,8.607463117,8.607463046,8.607463257,8.607463204,8.607463097,8.607463243,8.607462999,8.607463199,8.607463208,8.6074634,8.607463107,8.607463157,8.607463255,8.607463135,8.607462981,8.607463241,8.607463332,8.607463194
+"939","ARHGAP5",6.067988645,6.067988056,6.067988009,6.067987441,6.06798786,6.067987639,6.067988223,6.067987691,6.067988201,6.067987852,6.067987981,6.067987895,6.067988227,6.067989278,6.067988367,6.067987814,6.067987764,6.067987872,6.067988077,6.067987637,6.067987822,6.067988066,6.067988255,6.067988186,6.067988164,6.067988066,6.067987968,6.067989018
+"940","ARHGAP5-AS1",4.43249065,4.432490607,4.432490628,4.432490624,4.432490662,4.432490644,4.432490659,4.432490653,4.43249062,4.432490643,4.432490617,4.432490676,4.432490647,4.432490629,4.432490656,4.432490653,4.432490672,4.432490642,4.432490612,4.432490607,4.432490639,4.432490646,4.43249061,4.432490621,4.432490628,4.432490654,4.432490645,4.432490647
+"941","ARHGAP6",4.800008695,4.80000881,4.800008773,4.80000887,4.800008793,4.800008781,4.800008845,4.800008799,4.800008686,4.800008857,4.80000896,4.800008797,4.800008781,4.800008631,4.800008829,4.800008825,4.800008684,4.800009,4.800008828,4.800008714,4.800008781,4.800008698,4.80000876,4.80000895,4.800008948,4.80000885,4.800008789,4.800008735
+"942","ARHGAP9",8.098009453,8.098009782,8.098009188,8.098010213,8.098009071,8.098009567,8.098009852,8.098009448,8.098009192,8.098009377,8.098009556,8.098008836,8.098009422,8.098009271,8.098009066,8.098009915,8.09800925,8.098009827,8.098009833,8.098009723,8.098009909,8.098009508,8.098009558,8.098009758,8.0980097,8.098009471,8.098009584,8.098009011
+"943","ARHGDIA",7.8213723785,7.821372419,7.8213723565,7.8213723305,7.8213723655,7.8213724685,7.821372383,7.8213723775,7.8213723785,7.821372398,7.821372367,7.821372314,7.821372394,7.82137238,7.821372365,7.8213723325,7.821372318,7.8213723175,7.8213723405,7.8213724225,7.821372357,7.821372373,7.821372392,7.821372327,7.8213723205,7.82137237,7.821372406,7.8213723195
+"944","ARHGDIB",10.25033441,10.25033468,10.2503337,10.2503341,10.2503334,10.25033329,10.25033361,10.25033347,10.25033332,10.25033317,10.25033403,10.25033237,10.25033406,10.25033429,10.2503338,10.25033417,10.25033294,10.25033387,10.25033352,10.25033365,10.25033396,10.25033325,10.2503333,10.25033382,10.25033426,10.25033363,10.25033393,10.25033364
+"945","ARHGDIG",5.60554466,5.60554469,5.605544749,5.605544269,5.605544809,5.605543957,5.605544428,5.605544743,5.605544808,5.605544348,5.605544567,5.60554493,5.605544531,5.605544035,5.605544516,5.60554479,5.60554499,5.60554499,5.605544483,5.605544367,5.605544495,5.605544799,5.605544494,5.605544561,5.605544748,5.605544755,5.605544341,5.605544537
+"946","ARHGEF1",8.60083185,8.600831957,8.600831908,8.60083199,8.600831729,8.600832183,8.600831938,8.600831794,8.600832147,8.600832053,8.600831682,8.600831951,8.600831987,8.600831902,8.600831716,8.60083194,8.600831656,8.600831991,8.600831767,8.600831846,8.600831861,8.600831855,8.600831944,8.600831945,8.600831803,8.600831992,8.600831994,8.600831668
+"947","ARHGEF10",4.5469628545,4.5469628395,4.5469628535,4.546962852,4.546962863,4.546962866,4.5469628505,4.5469628575,4.5469628455,4.546962855,4.546962873,4.5469628825,4.5469628385,4.546962819,4.5469628635,4.5469628535,4.54696288,4.54696284,4.5469628415,4.5469628625,4.546962841,4.5469628395,4.5469628225,4.546962865,4.5469628745,4.5469628605,4.546962819,4.5469628365
+"948","ARHGEF10L",6.220875696,6.220875667,6.220875769,6.220875619,6.22087577,6.220875618,6.220875678,6.220875724,6.220875479,6.22087571,6.220875797,6.220875739,6.220875722,6.220875735,6.220875794,6.220875722,6.220875833,6.220875752,6.220875677,6.220875888,6.220875845,6.22087581,6.220875542,6.220875664,6.220875828,6.22087568,6.220875562,6.220875681
+"949","ARHGEF11",6.637409079,6.637409275,6.637408959,6.637409568,6.63740909,6.637409355,6.637409187,6.637408886,6.63740884,6.637409076,6.637409325,6.637408702,6.637409135,6.637408905,6.637408979,6.637409291,6.637409027,6.637409306,6.637409396,6.637409512,6.637409122,6.637408922,6.637408927,6.637409228,6.637409473,6.637408894,6.63740919,6.637408602
+"950","ARHGEF12",6.594827612,6.594827255,6.594828747,6.594827914,6.594827516,6.594828004,6.594827951,6.594828126,6.594828008,6.594827961,6.594828377,6.594828628,6.594827088,6.594827245,6.594827707,6.594826714,6.594827918,6.594828079,6.594827091,6.594827047,6.594827501,6.594827563,6.594827875,6.594828167,6.594828121,6.594828798,6.594827353,6.594827385
+"951","ARHGEF15",5.816509248,5.816509214,5.81650929,5.816509304,5.816509495,5.816509149,5.816509288,5.816509482,5.816509219,5.816509313,5.816509383,5.816509382,5.816509269,5.816509223,5.816509431,5.816509329,5.816509489,5.816509402,5.816509341,5.816509365,5.816509374,5.816509467,5.816509243,5.816509209,5.816509337,5.816509349,5.816509274,5.816509262
+"952","ARHGEF16",5.686354522,5.686354528,5.686354593,5.68635458,5.686354587,5.686354534,5.686354542,5.686354576,5.686354567,5.686354516,5.686354626,5.686354608,5.68635459,5.68635447,5.686354565,5.686354572,5.686354527,5.686354643,5.686354553,5.686354597,5.686354605,5.686354572,5.686354507,5.686354557,5.686354575,5.686354604,5.686354571,5.686354574
+"953","ARHGEF17",5.087408928,5.087408845,5.08740891,5.087408959,5.087408886,5.087408866,5.087408918,5.087408921,5.087408828,5.087408799,5.087408952,5.087408912,5.087408904,5.087408846,5.087408995,5.087408865,5.087409019,5.087409004,5.087408917,5.087408912,5.087408945,5.087408964,5.087408854,5.087408807,5.087408919,5.08740889,5.087408904,5.087408886
+"954","ARHGEF18",8.47633201,8.476332085,8.47633159,8.476331922,8.476332066,8.476332026,8.476331934,8.476331853,8.47633246,8.476332122,8.476331804,8.476332079,8.476332188,8.47633223,8.476331899,8.476332052,8.476331651,8.47633189,8.476332092,8.476331706,8.476331901,8.476331901,8.47633227,8.47633199,8.476331887,8.476332153,8.476332061,8.476332122
+"955","ARHGEF19",6.286663993,6.28666394,6.286664202,6.286664061,6.286664109,6.286663718,6.286663958,6.286664127,6.286663884,6.286663817,6.286664195,6.286664234,6.286664075,6.286663698,6.286664039,6.286664065,6.286664235,6.286664263,6.286663997,6.2866641,6.286664074,6.286664148,6.286663859,6.28666403,6.286664277,6.286664089,6.286664046,6.28666398
+"956","ARHGEF2",8.176889786,8.1768901,8.176889745,8.176890177,8.176889546,8.176890123,8.176889885,8.17688988,8.176889758,8.176889807,8.176889843,8.176889553,8.176889848,8.176889877,8.176889645,8.176889926,8.176889588,8.176889858,8.176889793,8.176889899,8.176889789,8.176889731,8.176889886,8.176890082,8.176889989,8.17688983,8.176889906,8.176889617
+"957","ARHGEF26",3.752471977,3.75247204,3.752472149,3.75247205,3.752472116,3.752472124,3.752472007,3.752472098,3.752472047,3.752472109,3.752471961,3.752472116,3.752471997,3.75247199,3.752472072,3.752472056,3.752472177,3.752472087,3.752472084,3.752472098,3.752471945,3.752472182,3.75247213,3.752471998,3.752471983,3.752472043,3.75247215,3.752472033
+"958","ARHGEF28",4.12114803,4.12114803,4.121148036,4.121148033,4.121148038,4.121148033,4.121148032,4.121148034,4.121148032,4.121148032,4.121148032,4.121148035,4.121148034,4.121148029,4.121148035,4.121148033,4.121148038,4.121148034,4.121148032,4.121148032,4.121148032,4.121148035,4.121148033,4.121148031,4.121148032,4.121148032,4.121148034,4.121148033
+"959","ARHGEF3",7.33101894,7.331018372,7.331017776,7.331017735,7.331018039,7.331019403,7.331018424,7.331018215,7.331018926,7.331018635,7.331018223,7.331018224,7.331018906,7.331019018,7.331018703,7.331018079,7.331017372,7.331017661,7.33101824,7.331018704,7.331018597,7.33101828,7.331018987,7.331018673,7.331018027,7.331018561,7.331018938,7.331018918
+"960","ARHGEF37",4.702165768,4.702165749,4.702166447,4.702165975,4.702166165,4.702166247,4.702166034,4.70216624,4.702166058,4.70216591,4.702166289,4.702165951,4.702166016,4.70216561,4.702166338,4.70216582,4.702166353,4.702166329,4.702165974,4.702165878,4.702166105,4.702166212,4.702166193,4.702165758,4.702166032,4.702166151,4.702165984,4.702165926
+"961","ARHGEF38",3.363435044,3.363435069,3.363435165,3.363434993,3.363435099,3.363435231,3.363435076,3.36343513,3.363435174,3.36343503,3.363435243,3.363435209,3.363435025,3.363435077,3.363435061,3.363435078,3.363435127,3.363435151,3.363435218,3.3634352,3.363435056,3.363435222,3.363435137,3.363435129,3.363435349,3.363435078,3.363435096,3.363435247
+"962","ARHGEF39",5.054957954,5.054957949,5.054957982,5.054957951,5.05495801,5.054957995,5.054957997,5.054957971,5.054957971,5.054957993,5.054957999,5.054958011,5.054957976,5.054957934,5.054957997,5.054957961,5.054958018,5.054958,5.054957983,5.054957967,5.054958003,5.054957992,5.054957977,5.054957933,5.054957979,5.054957991,5.054957969,5.054957976
+"963","ARHGEF4",4.888803391,4.888803349,4.888803434,4.888803458,4.888803554,4.888803398,4.888803453,4.888803499,4.888803476,4.888803309,4.888803431,4.888803423,4.888803379,4.888803237,4.888803558,4.888803447,4.888803527,4.888803507,4.888803456,4.888803561,4.888803558,4.888803547,4.88880329,4.888803281,4.888803425,4.888803479,4.888803362,4.888803363
+"964","ARHGEF40",6.746245968,6.746247843,6.746247062,6.746248525,6.746246647,6.746246313,6.746246067,6.746246869,6.746246456,6.746246058,6.746248113,6.746246245,6.746246533,6.746246256,6.746245995,6.746247565,6.746246918,6.746248466,6.74624653,6.746246203,6.746245684,6.746246743,6.746246815,6.746247038,6.746248511,6.746246364,6.746246791,6.74624605
+"965","ARHGEF6",7.905064416,7.905064554,7.905063005,7.905062522,7.905063924,7.905063509,7.905063724,7.905062773,7.905063792,7.905064664,7.905063357,7.905062564,7.905063935,7.905066011,7.905063174,7.905063583,7.905060497,7.905061279,7.905064273,7.90506436,7.905064005,7.905062925,7.90506397,7.905064515,7.905064005,7.905064301,7.905063515,7.905064584
+"966","ARHGEF7",6.836117147,6.836117026,6.836116857,6.836117029,6.836116692,6.836116917,6.836117003,6.836116886,6.836116862,6.836116965,6.836116898,6.836116995,6.83611717,6.836117032,6.836116923,6.836116918,6.836116535,6.836116661,6.836117,6.836116911,6.836116948,6.836116738,6.836116958,6.836116952,6.836116834,6.836117187,6.836117242,6.836116922
+"967","ARHGEF9",5.917738798,5.91773874,5.917738769,5.917738371,5.917738594,5.917738612,5.917738731,5.917738752,5.917738776,5.917738652,5.917738422,5.91773854,5.917738708,5.91773895,5.917738621,5.91773865,5.917738569,5.91773842,5.917738644,5.917738424,5.917738653,5.917738707,5.917738782,5.91773874,5.917738305,5.917738827,5.917738626,5.917738865
+"968","ARID1A",7.757419076,7.757419313,7.757418945,7.757419302,7.7574191,7.757419522,7.75741932,7.757419129,7.75741924,7.757419241,7.757419218,7.757419174,7.757419161,7.757419162,7.757419094,7.757419011,7.757419025,7.757419093,7.757419163,7.757419427,7.757419121,7.757419086,7.757419186,7.757419205,7.757419195,7.757419225,7.757419286,7.757418926
+"969","ARID1B",7.487965558,7.487965543,7.487965417,7.487965569,7.487965466,7.487965703,7.487965556,7.487965408,7.487965536,7.487965603,7.487965418,7.487965479,7.487965606,7.487965561,7.487965589,7.487965355,7.487965466,7.487965474,7.487965548,7.487965652,7.487965476,7.487965488,7.48796546,7.487965561,7.48796546,7.487965631,7.487965637,7.487965547
+"970","ARID2",6.944461977,6.944462033,6.944461716,6.94446189,6.944461678,6.944461852,6.944461849,6.944461547,6.944461928,6.944461841,6.94446168,6.944461579,6.944461983,6.944462258,6.944461927,6.944461961,6.944461353,6.944461698,6.944462075,6.944461568,6.944461795,6.944461664,6.944461989,6.944461806,6.944461706,6.94446185,6.944461903,6.94446197
+"971","ARID3A",7.269435654,7.26943593,7.269435857,7.269436117,7.269435945,7.269435994,7.269436119,7.269435973,7.269435825,7.269435984,7.269435961,7.269435983,7.269435891,7.269435492,7.269435905,7.269436112,7.269436058,7.269436193,7.269436018,7.269435967,7.269436109,7.269435874,7.269435808,7.269435898,7.269436137,7.269436054,7.269435883,7.26943574
+"972","ARID3B",6.512275333,6.512275374,6.512275173,6.512275499,6.512275183,6.512275512,6.512275349,6.5122753595,6.512275416,6.512275405,6.512275243,6.5122752365,6.5122753675,6.5122753215,6.512275345,6.5122753815,6.512275249,6.5122754355,6.512275447,6.5122755885,6.512275296,6.5122753225,6.512275399,6.512275442,6.512275221,6.512275351,6.5122753725,6.512275271
+"973","ARID3C",4.973015918,4.973016178,4.97301634,4.973016245,4.973016293,4.973015974,4.973016149,4.973016207,4.973016223,4.973016212,4.97301637,4.973016234,4.973016179,4.973016107,4.973016178,4.973016239,4.973016273,4.973016336,4.973016022,4.973016195,4.973016281,4.973016323,4.973015999,4.973016216,4.973016113,4.973016186,4.973016073,4.973016204
+"974","ARID4A",6.550826047,6.550826571,6.550825384,6.550825693,6.550824703,6.550824628,6.550825113,6.550824424,6.550825616,6.550824891,6.550825211,6.550823525,6.550825303,6.550827912,6.55082526,6.550826892,6.550824925,6.5508259,6.550826483,6.550824637,6.550825248,6.550824533,6.550826129,6.550825863,6.550825736,6.550824555,6.55082505,6.550827039
+"975","ARID4B",6.622471356,6.622470798,6.622470736,6.622471267,6.622469539,6.622470265,6.62247039,6.622470001,6.622470312,6.622469965,6.622470091,6.622468816,6.622470455,6.622471982,6.622470616,6.622471131,6.622470181,6.622470981,6.622471106,6.622469159,6.622470132,6.622470096,6.622470893,6.622470817,6.62247084,6.622470074,6.622470667,6.622471417
+"976","ARID5A",6.89926229,6.899262459,6.899262294,6.899262387,6.8992624175,6.8992623275,6.8992622135,6.8992623785,6.899262407,6.899262286,6.899262399,6.899262376,6.8992623955,6.899262304,6.8992622485,6.8992624675,6.899262306,6.899262392,6.8992623605,6.8992623725,6.899262257,6.899262294,6.8992623635,6.8992624015,6.899262408,6.8992623585,6.8992624175,6.899262276
+"977","ARID5B",7.326138597,7.326137259,7.326135003,7.326136037,7.326136733,7.326136616,7.326138006,7.326135705,7.326137772,7.326137771,7.32613562,7.326135474,7.326137353,7.326138536,7.326137597,7.326136396,7.326134702,7.326135259,7.326137096,7.326135938,7.326137529,7.326136149,7.326137675,7.326137425,7.326134888,7.326136138,7.326137361,7.326138509
+"978","ARIH1",7.635711208,7.635711376,7.635710608,7.635711062,7.635710458,7.635711032,7.635710628,7.635710888,7.635710976,7.635710669,7.635710555,7.635710344,7.635711019,7.635711631,7.635710985,7.635711197,7.635710216,7.635710922,7.635710819,7.635711034,7.63571077,7.63571061,7.635711169,7.63571119,7.635710871,7.635710986,7.635710952,7.635711316
+"979","ARIH2",7.342764378,7.342764302,7.342764329,7.342764366,7.342764255,7.342764363,7.342764361,7.342764333,7.342764389,7.342764285,7.342764273,7.342764307,7.342764385,7.342764424,7.342764287,7.342764308,7.342764232,7.342764287,7.342764335,7.34276412,7.342764299,7.342764367,7.342764377,7.342764364,7.342764281,7.342764341,7.342764328,7.34276433
+"980","ARIH2OS",6.575496786,6.575497075,6.575497337,6.575497106,6.575497415,6.575496927,6.575496968,6.575497244,6.575497191,6.575497033,6.575497245,6.575497497,6.575497113,6.57549669,6.575497196,6.575497312,6.575497414,6.575497424,6.57549706,6.575497123,6.575497141,6.575497245,6.57549706,6.575497102,6.575497349,6.575497236,6.575497288,6.575497146
+"981","ARL1",5.597997528,5.597997507,5.597997531,5.597997409,5.597997454,5.597997471,5.597997479,5.597997509,5.597997496,5.597997455,5.597997456,5.597997417,5.597997492,5.597997638,5.597997428,5.597997472,5.597997417,5.597997394,5.597997507,5.59799746,5.597997445,5.597997452,5.597997523,5.597997551,5.597997445,5.597997402,5.597997525,5.597997565
+"982","ARL10",5.951504997,5.951505017,5.951505041,5.951504987,5.951505074,5.951504972,5.951505039,5.95150508,5.951505048,5.951505044,5.951505043,5.951505095,5.951505052,5.951505011,5.951505046,5.951505056,5.951505064,5.951505069,5.951505057,5.951505023,5.951505082,5.951505084,5.951505049,5.951505027,5.951505073,5.951505056,5.951505017,5.951505063
+"983","ARL11",6.463914812,6.46391501,6.463914523,6.463914994,6.463914124,6.46391479,6.463914615,6.463914149,6.463914356,6.463914507,6.463914673,6.463913831,6.463914631,6.463914536,6.463914664,6.463914659,6.463914673,6.46391474,6.463914716,6.463915399,6.463914441,6.463914531,6.463914823,6.463915139,6.463914952,6.46391423,6.463914654,6.463914223
+"984","ARL13A",2.965784911,2.965784888,2.965785376,2.965785298,2.965784856,2.965785181,2.965785031,2.96578452,2.965784778,2.965784806,2.965785479,2.965785125,2.965785027,2.965784603,2.965784788,2.965784916,2.965784434,2.965785282,2.965784713,2.965784992,2.965784885,2.965784996,2.965785138,2.965784859,2.965785795,2.965784855,2.96578511,2.965784675
+"985","ARL13B",5.067285199,5.067285157,5.067285186,5.067285078,5.067285104,5.067284961,5.067285012,5.067285122,5.067285115,5.067285167,5.067285119,5.0672849,5.067285133,5.067285299,5.067285135,5.067285176,5.067285141,5.067285075,5.067285165,5.067285223,5.067285145,5.06728514,5.067285104,5.067285163,5.067285039,5.067285148,5.067285097,5.067285194
+"986","ARL14",3.523282342,3.523282591,3.523282508,3.5232825,3.523282521,3.523282537,3.523282457,3.523282543,3.523282458,3.523282454,3.523282514,3.523282563,3.523282432,3.523282435,3.523282531,3.523282542,3.523282593,3.523282495,3.523282488,3.523282512,3.523282479,3.523282438,3.523282349,3.523282506,3.523282462,3.523282445,3.523282433,3.523282455
+"987","ARL14EP",6.158357989,6.158357787,6.158357588,6.158356998,6.158357415,6.158356416,6.158357324,6.158356859,6.158358322,6.158357758,6.158357063,6.15835723,6.158357814,6.158359144,6.158357543,6.158357625,6.158357394,6.158356318,6.158358155,6.15835616,6.158357109,6.158357055,6.158358231,6.158357673,6.158356134,6.158356994,6.158357536,6.158359002
+"988","ARL15",6.149293843,6.149293201,6.149293254,6.149294005,6.149293148,6.149293319,6.149293498,6.149292918,6.149293218,6.149293621,6.149293538,6.149292002,6.14929352,6.149293737,6.149293536,6.149292725,6.149293359,6.149293542,6.149293881,6.149293973,6.149293456,6.149292769,6.149293634,6.149294183,6.149293868,6.149293052,6.149293769,6.14929358
+"989","ARL2BP",5.0601806135,5.060180537,5.0601805175,5.0601805025,5.060180563,5.0601805055,5.0601805515,5.060180514,5.060180574,5.060180578,5.060180488,5.0601806115,5.060180546,5.0601806335,5.060180536,5.0601805225,5.060180451,5.0601805055,5.060180547,5.060180515,5.060180543,5.060180565,5.060180529,5.0601805715,5.06018051,5.0601805665,5.060180588,5.0601806005
+"990","ARL3",5.193354623,5.193354637,5.193354627,5.193354625,5.193354614,5.193354602,5.193354619,5.193354634,5.193354627,5.193354591,5.193354613,5.193354597,5.193354628,5.193354627,5.193354643,5.193354658,5.193354646,5.193354655,5.193354626,5.193354604,5.193354621,5.193354622,5.1933546,5.193354637,5.193354628,5.193354635,5.193354612,5.193354629
+"991","ARL4A",5.511777828,5.5117776635,5.511777854,5.511777799,5.5117779095,5.511777636,5.511777861,5.511777817,5.5117779315,5.5117778105,5.5117781185,5.511777737,5.511777656,5.511777901,5.5117777055,5.5117777985,5.511777671,5.511777835,5.511777727,5.5117772695,5.5117775855,5.5117776685,5.51177778,5.5117775745,5.511777911,5.511777913,5.511777494,5.511777958
+"992","ARL4C",8.033007043,8.033006513,8.033005984,8.033005425,8.033005851,8.033006369,8.033006225,8.033006395,8.033006782,8.033006114,8.033005611,8.033005923,8.033006484,8.033007179,8.033006595,8.033006305,8.03300546,8.033005433,8.033005988,8.033006067,8.033006125,8.033006253,8.033007029,8.033006209,8.033005367,8.033006487,8.033006429,8.033006813
+"993","ARL4D",4.890137755,4.890137745,4.890137826,4.890137806,4.890137798,4.890137772,4.890137766,4.890137778,4.890137775,4.890137793,4.890137815,4.890137809,4.890137766,4.890137765,4.890137793,4.890137803,4.890137804,4.890137812,4.890137779,4.890137789,4.890137784,4.890137801,4.890137761,4.890137784,4.890137804,4.890137783,4.890137744,4.890137776
+"994","ARL5A",6.816451746,6.816451591,6.816451561,6.816451411,6.816451382,6.81645089,6.816451191,6.816451304,6.816451505,6.816451594,6.816451772,6.816451114,6.816451591,6.816452186,6.816451656,6.816451681,6.81645147,6.816451384,6.816451596,6.816451079,6.816451462,6.816451516,6.816451774,6.816451491,6.816451572,6.816451471,6.816451555,6.816452039
+"995","ARL5B",6.732335391,6.732335395,6.732335242,6.732335319,6.732335155,6.732335265,6.732335303,6.73233518,6.732335394,6.732335288,6.73233518,6.732335195,6.732335339,6.73233561,6.732335292,6.732335207,6.732335202,6.732335124,6.732335418,6.7323352,6.732335239,6.73233537,6.732335438,6.732335433,6.732335071,6.732335212,6.732335319,6.732335583
+"996","ARL5C",3.88575888,3.885758894,3.885758931,3.885758897,3.88575892,3.885758895,3.885758914,3.885758915,3.885758913,3.885758902,3.885758895,3.885758907,3.885758889,3.885758888,3.885758925,3.885758953,3.885758921,3.885758926,3.885758915,3.88575889,3.885758903,3.885758913,3.885758912,3.885758883,3.885758897,3.885758898,3.885758886,3.885758912
+"997","ARL6",3.67925628,3.67925627,3.679256212,3.679256241,3.679256265,3.679256188,3.679256202,3.679256167,3.679256259,3.679256289,3.679256192,3.679256214,3.679256203,3.679256325,3.679256192,3.679256216,3.679256224,3.679256223,3.67925629,3.679256275,3.67925619,3.679256201,3.679256244,3.679256268,3.679256147,3.679256205,3.67925624,3.679256274
+"998","ARL6IP1",9.809178267,9.809178179,9.809178087,9.80917824,9.809178269,9.809177936,9.809178124,9.809178965,9.809178971,9.809178262,9.809177616,9.809178329,9.809177876,9.809179481,9.809178342,9.809177972,9.809177773,9.809178014,9.809178386,9.809177752,9.809177844,9.809178533,9.809179183,9.809178481,9.809177594,9.809178745,9.809177554,9.809178708
+"999","ARL6IP4",7.441094818,7.441094803,7.441094813,7.4410947,7.441094833,7.441094849,7.441094881,7.441094819,7.441094895,7.44109491,7.441094813,7.441094875,7.441094864,7.441094857,7.441094817,7.441094821,7.441094854,7.441094786,7.441094824,7.441094814,7.441094843,7.441094855,7.44109484,7.44109482,7.441094792,7.441094822,7.441094843,7.441094871
+"1000","ARL6IP5",8.723124153,8.723121154,8.723111863,8.723116899,8.723117975,8.723117891,8.723118121,8.723109518,8.723114499,8.723119488,8.723115108,8.723104643,8.72311715,8.723131955,8.723118376,8.723113812,8.723109079,8.723113731,8.723117658,8.723115637,8.7231188,8.723110989,8.723116668,8.723121065,8.723110602,8.723110396,8.723113616,8.723125511
+"1001","ARL6IP6",6.44592972,6.445929747,6.445929557,6.445929607,6.445929577,6.445929509,6.445929645,6.445929521,6.445929611,6.445929584,6.445929677,6.445929556,6.445929598,6.445929732,6.445929571,6.445929706,6.445929424,6.445929506,6.445929669,6.445929565,6.445929656,6.445929463,6.445929735,6.445929654,6.445929678,6.445929525,6.445929624,6.445929715
+"1002","ARL8A",7.526997901,7.526997982,7.526997641,7.526998205,7.526997832,7.526998191,7.526997746,7.526997689,7.526997555,7.526997919,7.526997908,7.526997341,7.526997846,7.52699774,7.526997779,7.526997821,7.526997778,7.526997829,7.526997965,7.526998304,7.526997826,7.526997566,7.526997982,7.52699806,7.526997981,7.526997657,7.526997804,7.526997527
+"1003","ARL8B",7.042184702,7.042184726,7.042184619,7.042184612,7.042184391,7.042184576,7.042184548,7.04218448,7.042184426,7.042184582,7.042184536,7.042184333,7.042184621,7.04218481,7.042184562,7.042184571,7.042184473,7.042184597,7.042184526,7.04218467,7.042184447,7.042184438,7.042184578,7.042184636,7.042184493,7.042184472,7.04218456,7.042184558
+"1004","ARL9",3.719230169,3.71923034,3.719230342,3.719230314,3.719230574,3.719230404,3.719230222,3.719230348,3.719230126,3.719230273,3.719230394,3.719230451,3.719230442,3.71923023,3.719230454,3.719230537,3.719230556,3.719230362,3.719230364,3.719230599,3.719230476,3.719230394,3.719230384,3.71923024,3.719230392,3.719230372,3.719230489,3.71923049
+"1005","ARMC1",5.933488224,5.933488072,5.933487681,5.93348735,5.933487367,5.933487321,5.93348778,5.933487401,5.933487666,5.933487581,5.933487447,5.933487635,5.933487616,5.933488763,5.933487618,5.933487414,5.933487016,5.933487027,5.933487636,5.933487367,5.933487866,5.933487536,5.933487799,5.933487593,5.933487312,5.93348776,5.933487651,5.933488108
+"1006","ARMC10",6.028002485,6.028002441,6.0280023455,6.0280023305,6.02800222,6.0280022535,6.0280023145,6.0280022585,6.0280023625,6.0280023825,6.0280022555,6.0280022545,6.0280024245,6.0280026085,6.028002381,6.028002235,6.0280022195,6.0280022775,6.02800233,6.0280023085,6.0280022835,6.028002349,6.0280023705,6.028002439,6.028002321,6.0280022975,6.028002395,6.0280024215
+"1007","ARMC12",4.879798838,4.879798813,4.879798848,4.879798848,4.879798952,4.879798894,4.879798844,4.879798867,4.879798846,4.879798899,4.879798888,4.879798907,4.879798868,4.879798844,4.879798917,4.879798864,4.879798929,4.879798875,4.879798833,4.879798865,4.879798922,4.879798909,4.879798856,4.879798866,4.87979887,4.879798864,4.879798897,4.879798793
+"1008","ARMC2",5.158808863,5.158809024,5.158808504,5.158809036,5.158808193,5.158808415,5.158808883,5.158808285,5.158808502,5.158808704,5.158808448,5.158808278,5.158808651,5.158808892,5.158808575,5.158809145,5.158808147,5.158808788,5.158808691,5.158808594,5.158808821,5.158808395,5.158808843,5.158808876,5.158808845,5.158808523,5.158808546,5.158808653
+"1009","ARMC3",3.033965983,3.033965931,3.033966096,3.033966273,3.033966103,3.033966107,3.033966126,3.033966168,3.033966036,3.033965892,3.033966177,3.033966032,3.033965873,3.033965943,3.033965987,3.033966003,3.033966001,3.033966214,3.033966045,3.033966031,3.033966191,3.03396596,3.03396602,3.033966094,3.033966185,3.033966081,3.033965885,3.033966121
+"1010","ARMC5",6.001620431,6.00162043,6.001620483,6.001620454,6.001620504,6.001620447,6.001620472,6.001620495,6.001620452,6.001620483,6.001620496,6.001620505,6.001620488,6.001620419,6.001620476,6.00162046,6.001620502,6.001620476,6.00162048,6.001620465,6.001620496,6.001620497,6.001620445,6.001620457,6.001620468,6.001620472,6.00162046,6.001620471
+"1011","ARMC6",6.609961815,6.609961836,6.609961881,6.609961702,6.609961912,6.609962339,6.609961951,6.609962001,6.609962114,6.609962068,6.609961907,6.609961982,6.609962063,6.609962063,6.609961941,6.609961538,6.609962029,6.609961732,6.609961834,6.609961685,6.609961925,6.609961934,6.609962066,6.609961868,6.609961641,6.609961868,6.609962096,6.609961892
+"1012","ARMC7",6.487387356,6.487387357,6.487387362,6.487387339,6.487387335,6.487387367,6.487387351,6.487387361,6.487387341,6.487387366,6.487387342,6.487387335,6.487387346,6.487387338,6.487387334,6.487387336,6.487387345,6.48738735,6.48738734,6.487387374,6.487387336,6.487387355,6.487387362,6.487387352,6.487387355,6.487387357,6.487387365,6.487387333
+"1013","ARMC8",7.031811575,7.031811567,7.03181138,7.031811357,7.031811322,7.031811431,7.031811419,7.031811268,7.03181144,7.031811522,7.031811228,7.031811273,7.031811433,7.031811757,7.031811382,7.031811232,7.031811171,7.031811092,7.031811403,7.031811304,7.031811272,7.031811079,7.031811466,7.031811512,7.03181131,7.031811371,7.031811503,7.03181145
+"1014","ARMC9",4.239758382,4.239758386,4.239758365,4.239758358,4.239758399,4.239758416,4.239758354,4.239758345,4.239758363,4.239758394,4.239758412,4.239758377,4.239758355,4.239758367,4.239758412,4.23975837,4.239758452,4.239758418,4.239758369,4.239758445,4.23975837,4.239758359,4.23975833,4.239758269,4.239758348,4.239758338,4.239758353,4.239758392
+"1015","ARMCX1",4.477703616,4.477703614,4.477703625,4.477703616,4.477703626,4.477703606,4.477703604,4.477703632,4.477703614,4.477703629,4.47770363,4.477703619,4.477703615,4.477703634,4.47770362,4.477703612,4.477703633,4.477703629,4.477703624,4.47770364,4.477703625,4.477703619,4.477703611,4.477703635,4.477703628,4.477703626,4.477703614,4.477703625
+"1016","ARMCX2",4.703910435,4.703910431,4.70391051,4.703910457,4.703910643,4.703910495,4.703910614,4.703910646,4.703910611,4.703910485,4.703910435,4.703910696,4.703910412,4.70391037,4.703910617,4.703910459,4.703910644,4.703910536,4.703910531,4.703910512,4.703910564,4.70391066,4.70391042,4.703910373,4.703910433,4.703910593,4.703910462,4.703910526
+"1017","ARMCX3",5.916667029,5.916667745,5.916666773,5.916667336,5.916666644,5.91666691,5.916666853,5.916666464,5.916667184,5.916667244,5.916667169,5.916666631,5.916666794,5.916668083,5.916666577,5.916667533,5.916666161,5.916666814,5.916666986,5.916667031,5.916666634,5.916666642,5.916667291,5.916667136,5.916666798,5.916666301,5.916667007,5.916667149
+"1018","ARMCX4",4.147189278,4.147189048,4.147188948,4.147189057,4.147189058,4.147189328,4.147189252,4.147189159,4.147189096,4.147189397,4.14718911,4.147189094,4.147189215,4.147189303,4.147189095,4.147189204,4.147189126,4.147189155,4.147189129,4.147189115,4.14718918,4.147189253,4.147189236,4.147189257,4.147189278,4.14718912,4.14718944,4.147189201
+"1019","ARMCX6",6.2415421955,6.241542545,6.241542095,6.2415422515,6.2415421755,6.2415419105,6.2415422905,6.241542176,6.2415422215,6.241542387,6.24154171,6.2415424935,6.241542356,6.2415427085,6.241542174,6.241542221,6.2415417575,6.2415422225,6.2415422315,6.241541989,6.241542187,6.241542027,6.241542603,6.2415422925,6.241542069,6.24154257,6.2415424315,6.241542144
+"1020","ARMH1",5.011486564,5.011486542,5.011486578,5.01148654,5.011486579,5.011486582,5.011486567,5.011486565,5.011486591,5.011486585,5.011486607,5.011486586,5.011486589,5.01148655,5.011486563,5.011486525,5.01148656,5.011486559,5.011486593,5.011486575,5.011486557,5.011486566,5.011486557,5.011486541,5.011486571,5.011486586,5.011486571,5.011486551
+"1021","ARMH3",6.930025095,6.930025001,6.930024908,6.930024823,6.93002478,6.930024994,6.930024966,6.930024825,6.930024958,6.930024946,6.930024751,6.930024727,6.930025025,6.930025185,6.9300249,6.930024969,6.930024599,6.930024763,6.930024898,6.930024949,6.930024895,6.930024824,6.930024924,6.93002498,6.930024755,6.930024973,6.930025024,6.930024922
+"1022","ARMH4",4.038854022,4.038854025,4.038854097,4.038854146,4.038854214,4.038854132,4.038854183,4.038854153,4.038854182,4.03885401,4.038854067,4.038854138,4.038854122,4.038853996,4.038854089,4.038854089,4.038854243,4.038854102,4.038854158,4.038854109,4.038854211,4.03885416,4.038854073,4.038853919,4.038854088,4.038854144,4.038854114,4.038854116
+"1023","ARMT1",5.413789393,5.41378936,5.413789343,5.413789281,5.413789148,5.413789142,5.413789414,5.413789206,5.413789191,5.413789189,5.413789366,5.413788995,5.413789231,5.413789605,5.413789209,5.41378926,5.413789178,5.413789253,5.413789321,5.413789178,5.413789376,5.413789187,5.413789204,5.413789277,5.413789345,5.413789183,5.413789275,5.413789351
+"1024","ARNT",7.612186007,7.612186261,7.612185827,7.61218609,7.612185862,7.612186098,7.612185917,7.612185882,7.612185929,7.612186032,7.61218598,7.612185587,7.612185855,7.612186193,7.61218595,7.612186134,7.612185781,7.612185824,7.612186018,7.612185448,7.612185794,7.612185903,7.612185935,7.612186134,7.612185999,7.612185911,7.61218596,7.61218603
+"1025","ARNT2",4.803618632,4.803618664,4.803618648,4.803618606,4.803618684,4.803618618,4.803618662,4.803618667,4.803618623,4.803618683,4.803618638,4.803618669,4.803618602,4.803618606,4.803618702,4.803618683,4.803618738,4.803618663,4.803618628,4.80361865,4.803618692,4.803618675,4.8036186,4.803618605,4.803618597,4.803618688,4.803618576,4.803618641
+"1026","ARPC1A",7.986843313,7.986843166,7.986843168,7.986843354,7.986843256,7.986843442,7.986843387,7.986843245,7.986843319,7.986843336,7.986843363,7.986843312,7.986843455,7.986843333,7.986843281,7.986843164,7.986843378,7.986843303,7.9868434,7.986843625,7.986843405,7.986843276,7.986843187,7.986843308,7.98684323,7.986843261,7.986843292,7.986843336
+"1027","ARPC1B",9.970647689,9.970648009,9.970647413,9.970647789,9.970647312,9.970647858,9.970647482,9.970647283,9.970647417,9.970647827,9.970647495,9.970646787,9.970647632,9.970647771,9.970647366,9.970647879,9.970647318,9.970647565,9.970647565,9.970647822,9.970647315,9.970647658,9.970647708,9.970647919,9.97064724,9.97064718,9.970647647,9.970647357
+"1028","ARPC2",9.543049938,9.54306416,9.543024842,9.543041116,9.54299922,9.543038412,9.543029005,9.543000945,9.543019106,9.543022165,9.543030787,9.542951078,9.543029316,9.543083428,9.543017585,9.543066119,9.543007836,9.543019975,9.543022811,9.543057748,9.543044448,9.543014447,9.543041644,9.543055399,9.543027829,9.542999648,9.543021271,9.543034983
+"1029","ARPC3",9.165525769,9.210559707,9.103510777,9.168138884,8.955112152,9.160512827,9.037751287,9.003615196,8.996703933,9.133896984,9.138774269,8.709160581,9.053897012,9.187513365,9.041671204,9.137767478,9.011769798,9.081940017,9.078582209,9.306958831,9.094989968,9.012523885,9.083414576,9.205842672,9.135412804,8.941886304,9.072062936,8.994696044
+"1030","ARPC5",8.948284121,8.948284121,8.948284077,8.948284117,8.948284075,8.948284093,8.948284087,8.948284032,8.948284073,8.948284111,8.948284044,8.948283958,8.948284046,8.948284179,8.9482841,8.948284131,8.948284051,8.948284082,8.948284122,8.948284105,8.948284093,8.948284039,8.948284129,8.948284158,8.948284097,8.948284064,8.948284037,8.948284141
+"1031","ARPC5L",5.905726043,5.905726055,5.905726035,5.905726036,5.905726018,5.905726038,5.905726046,5.905726036,5.905726038,5.905726026,5.905726013,5.905726,5.905726039,5.905726049,5.905726039,5.905726043,5.905726022,5.905726031,5.90572603,5.905726034,5.905726027,5.90572605,5.905726057,5.90572603,5.905726028,5.90572603,5.905726046,5.905726037
+"1032","ARPP19",7.320810182,7.320809914,7.320809794,7.320809859,7.320809631,7.320809503,7.320809983,7.320809567,7.320809922,7.320809774,7.320809711,7.320809607,7.320809835,7.320810462,7.320809964,7.320809773,7.32080973,7.320809578,7.320809741,7.320809995,7.320809936,7.32080957,7.320809953,7.320809999,7.320809887,7.320809776,7.320809787,7.320810174
+"1033","ARPP21",3.554260432,3.55426043,3.554260427,3.554260429,3.554260429,3.554260427,3.554260428,3.554260428,3.554260428,3.554260428,3.554260428,3.554260434,3.554260424,3.554260424,3.554260428,3.554260428,3.554260433,3.554260431,3.554260427,3.554260428,3.554260427,3.554260426,3.554260423,3.554260428,3.554260428,3.554260433,3.554260426,3.554260429
+"1034","ARRB1",8.618584488,8.618584896,8.618584862,8.618584572,8.61858459,8.618584939,8.618584341,8.618584675,8.61858427,8.618584905,8.61858463,8.618584079,8.618584899,8.618584964,8.618584316,8.618584681,8.618584558,8.618584437,8.61858459,8.618584938,8.618584305,8.618584562,8.618584294,8.618584969,8.618584651,8.61858444,8.618584848,8.618584732
+"1035","ARRB2",9.61715535,9.617155407,9.617155673,9.6171558,9.61715532,9.617155834,9.617155545,9.617155713,9.617155317,9.617155372,9.617155401,9.617155303,9.617155636,9.617155402,9.61715535,9.617155156,9.617155663,9.617155585,9.617155548,9.617155648,9.617155466,9.617155699,9.617155603,9.617155671,9.617155554,9.617155481,9.617155657,9.617155281
+"1036","ARRDC1",7.440401146,7.440401501,7.440401156,7.440401399,7.440400985,7.440401463,7.44040098,7.440401302,7.440401363,7.440401378,7.440401287,7.440400926,7.440401529,7.440401238,7.440401019,7.440401511,7.440401053,7.440401046,7.440401064,7.440401425,7.440400919,7.440401243,7.440401131,7.440401395,7.440401275,7.440401008,7.440401428,7.440400957
+"1037","ARRDC1-AS1",5.979692243,5.97969206,5.979692277,5.979692058,5.979692163,5.979692225,5.979692356,5.979692082,5.979692363,5.97969227,5.979692377,5.97969206,5.97969195,5.979692392,5.979692354,5.979692023,5.979692149,5.979692119,5.97969204,5.979692269,5.979692188,5.979692342,5.979692255,5.979692354,5.97969212,5.979692279,5.979692436,5.9796923
+"1038","ARRDC2",7.443648296,7.443648234,7.443648303,7.443648481,7.443648411,7.443648569,7.443648378,7.443648341,7.443648578,7.443648456,7.443648222,7.44364836,7.443648438,7.443648464,7.443648343,7.443648013,7.443648306,7.443648254,7.443648353,7.443647959,7.443648299,7.443648381,7.443648417,7.443648191,7.443648145,7.443648393,7.443648494,7.443648446
+"1039","ARRDC3",8.792091097,8.984987243,8.633035626,8.751462978,8.627320359,8.431564392,8.544677733,8.402493692,8.72946214,8.137424672,8.534940432,7.936465294,8.750116134,9.192130186,8.763714295,9.017741426,8.858691521,9.077923927,8.889670784,8.792754743,8.941674458,8.686629025,8.984615476,8.877699984,8.696861101,8.630266371,8.48947134,9.086549636
+"1040","ARRDC4",6.705080435,6.705081215,6.705082104,6.705080569,6.705081244,6.705081477,6.705080382,6.705079336,6.705078374,6.705080706,6.705078995,6.705077987,6.705078575,6.705082225,6.705080316,6.705080942,6.7050812,6.705079656,6.705081421,6.705081018,6.705080284,6.705079403,6.705078902,6.705081568,6.705079901,6.70507867,6.705078975,6.705081296
+"1041","ARSA",6.794633153,6.794633273,6.794633185,6.794633285,6.794633139,6.794633277,6.794633233,6.794633237,6.79463316,6.794633196,6.794633155,6.794633175,6.79463323,6.794633211,6.794633188,6.794633254,6.794633189,6.794633245,6.794633214,6.79463322,6.794633211,6.79463324,6.794633185,6.794633225,6.79463317,6.794633176,6.794633233,6.794633143
+"1042","ARSB",6.490538405,6.490538603,6.490538276,6.490538404,6.49053837,6.490538687,6.490538393,6.490538384,6.490538459,6.490538454,6.490538421,6.490538113,6.490538477,6.490538478,6.490538325,6.49053839,6.490538197,6.490538186,6.490538411,6.490538655,6.490538224,6.490538358,6.490538478,6.490538553,6.490538378,6.490538301,6.490538507,6.490538354
+"1043","ARSD",5.961432268,5.961432146,5.961431956,5.96143218,5.961432273,5.961432192,5.96143221,5.961432035,5.961432046,5.961432257,5.96143225,5.961431868,5.961432189,5.961432187,5.961432159,5.961432146,5.961431969,5.961432057,5.961432301,5.961432224,5.961432165,5.961431823,5.961431999,5.961432238,5.961432198,5.961432021,5.96143234,5.9614321
+"1044","ARSF",3.878214129,3.878214346,3.878214329,3.87821428,3.878214421,3.878214462,3.878214102,3.878214335,3.878214461,3.878214303,3.878214484,3.878214456,3.878214262,3.878213999,3.878214149,3.878214479,3.878214441,3.878214305,3.878214225,3.878214297,3.878214211,3.87821434,3.87821433,3.87821421,3.878214698,3.878214163,3.87821432,3.87821458
+"1045","ARSG",7.546613993,7.546614481,7.546614022,7.546614331,7.546613637,7.546613894,7.546614096,7.546614155,7.546614125,7.546613795,7.546614144,7.546613965,7.546613904,7.546613954,7.546613929,7.546614459,7.546613938,7.546614192,7.546614052,7.546614139,7.546613817,7.546614064,7.546614212,7.546614199,7.546614176,7.546613999,7.546613913,7.546613857
+"1046","ARSH",4.432377643,4.432377469,4.432377756,4.43237778,4.432378022,4.43237725,4.432377571,4.432377864,4.432377646,4.432377479,4.432377976,4.432377978,4.432377576,4.43237746,4.432377808,4.432377799,4.432377923,4.432377913,4.432377622,4.432377657,4.432377909,4.432377855,4.432377628,4.432377639,4.43237767,4.432377771,4.432377668,4.432377803
+"1047","ARSI",4.773211151,4.773211056,4.773211065,4.77321112,4.773211141,4.773211278,4.77321118,4.773211298,4.773211087,4.773211175,4.773211163,4.773211179,4.773210919,4.77321096,4.77321125,4.773211252,4.773211393,4.773211104,4.773211194,4.773211319,4.773211261,4.773211093,4.773211044,4.773211087,4.773210902,4.773211091,4.773211047,4.773210943
+"1048","ARSJ",3.964559177,3.964559164,3.964559354,3.964559294,3.964559392,3.964559278,3.964559342,3.964559268,3.964559228,3.964559299,3.964559191,3.964559374,3.964559317,3.964559123,3.964559255,3.96455925,3.964559436,3.964559271,3.964559245,3.964559241,3.964559277,3.964559362,3.964559201,3.964559185,3.964559281,3.964559387,3.964559256,3.96455925
+"1049","ARSK",4.497343958,4.497343862,4.497343866,4.497343768,4.497343882,4.497343766,4.49734389,4.497343893,4.497343942,4.497343924,4.497343825,4.497343779,4.497343928,4.497344262,4.497343858,4.497343896,4.497343737,4.497343771,4.497343872,4.497343789,4.49734386,4.49734388,4.49734385,4.497344009,4.49734379,4.497343822,4.497343992,4.497344081
+"1050","ARSL",4.179537889,4.179537887,4.179537891,4.1795379,4.179537901,4.179537889,4.179537895,4.179537899,4.17953788,4.179537892,4.179537901,4.179537901,4.179537898,4.179537883,4.179537894,4.179537886,4.179537906,4.179537901,4.179537899,4.179537895,4.179537893,4.179537899,4.179537907,4.179537869,4.179537905,4.179537892,4.179537896,4.179537905
+"1051","ART1",6.09135874,6.091358549,6.091359108,6.091358775,6.091359821,6.091358792,6.091359533,6.09135963,6.091359392,6.091359242,6.091359407,6.09136007,6.091359475,6.091358611,6.091359673,6.091358949,6.091359952,6.091359383,6.09135948,6.091359078,6.091359929,6.091359626,6.091358757,6.091358775,6.091358963,6.091359445,6.091358474,6.09135942
+"1052","ART3",2.969217427,2.969217435,2.969217442,2.969217471,2.969217466,2.969217459,2.969217406,2.969217462,2.969217426,2.969217442,2.969217447,2.96921744,2.969217385,2.969217393,2.969217412,2.969217443,2.969217416,2.969217406,2.969217431,2.969217439,2.969217396,2.969217415,2.969217474,2.969217457,2.969217426,2.969217398,2.969217461,2.969217456
+"1053","ART4",3.178164021,3.178164029,3.178164024,3.178164034,3.178164042,3.178164037,3.178164025,3.178164093,3.178164028,3.178164035,3.178164037,3.178164047,3.178164045,3.178164021,3.178164033,3.178164059,3.178164056,3.178164051,3.178164049,3.178164013,3.178164044,3.178164061,3.178164063,3.178164033,3.178164036,3.178164028,3.178164021,3.178164043
+"1054","ART5",5.447054663,5.44705463,5.44705473,5.447054681,5.447054774,5.447054624,5.447054685,5.447054739,5.447054682,5.447054704,5.447054718,5.447054686,5.447054716,5.447054603,5.447054745,5.447054718,5.447054753,5.447054714,5.447054671,5.447054661,5.447054749,5.447054764,5.447054651,5.447054657,5.447054697,5.447054714,5.447054666,5.447054719
+"1055","ARTN",5.903766974,5.903766983,5.903767076,5.903767057,5.903767162,5.903767064,5.903767058,5.903767147,5.903767023,5.903767031,5.903767107,5.903767207,5.903767012,5.903766858,5.903767087,5.903767127,5.903767188,5.903767145,5.903767045,5.903767108,5.903767102,5.903767146,5.903767056,5.90376694,5.903767021,5.903767128,5.903767042,5.903767113
+"1056","ARV1",4.676337978,4.676337818,4.676337989,4.676337783,4.676337851,4.676337836,4.676337977,4.676337718,4.676337946,4.676338019,4.676337797,4.676337804,4.676337881,4.67633814,4.676337926,4.676337795,4.676337797,4.676337736,4.676337944,4.676337804,4.676337987,4.676337838,4.676337924,4.676337858,4.676337768,4.676337845,4.676337957,4.676337936
+"1057","ARVCF",5.830595779,5.830595809,5.830595866,5.830595785,5.83059597,5.830595777,5.830595869,5.830595833,5.830595853,5.830595876,5.830595866,5.83059595,5.830595878,5.830595716,5.830595965,5.830595912,5.830595911,5.830595926,5.830595924,5.830595687,5.830595889,5.830595892,5.830595805,5.830595768,5.830595959,5.830595873,5.830595795,5.830595881
+"1058","ARX",6.293005892,6.293005829,6.29300611,6.293005994,6.293006641,6.293005789,6.293006008,6.293006466,6.293005944,6.293005916,6.293006057,6.293006343,6.293005899,6.29300519,6.293006202,6.293006063,6.2930062,6.293006155,6.293005948,6.29300571,6.293006313,6.293006264,6.293005752,6.293005845,6.29300621,6.293006466,6.293005888,6.293006294
+"1059","ASAH1",8.916747418,8.916748394,8.916747102,8.916747775,8.916745578,8.916746814,8.916746857,8.916746072,8.916745028,8.916746669,8.916746571,8.916744621,8.916746778,8.916747572,8.916746567,8.916748264,8.91674675,8.916747242,8.916746031,8.916746924,8.916747489,8.916745868,8.916746284,8.916747718,8.916746647,8.916746135,8.916746403,8.916746164
+"1060","ASAP1",8.3983586,8.398358735,8.39835776,8.398360235,8.398357623,8.398359108,8.398358288,8.398356797,8.398357763,8.398358062,8.398358608,8.398356936,8.398357249,8.398357314,8.398357884,8.398357415,8.398356244,8.398359746,8.398358409,8.398359533,8.398358616,8.398356413,8.398358032,8.398358913,8.398359583,8.398358073,8.39835804,8.398356032
+"1061","ASAP2",5.166303865,5.166303967,5.166304008,5.16630415,5.166304003,5.166304009,5.166303938,5.166303903,5.166303893,5.166303953,5.1663041,5.166303988,5.166303958,5.166303869,5.166303939,5.166303972,5.166303948,5.166304177,5.166303996,5.166303987,5.166303892,5.166303881,5.166303866,5.166304019,5.16630401,5.166303938,5.166303966,5.1663039
+"1062","ASAP3",5.32793009,5.327930344,5.327930567,5.327930371,5.327930428,5.32793011,5.327930235,5.327930458,5.327930343,5.327930188,5.327930447,5.327930434,5.327930269,5.327930041,5.327930298,5.327930466,5.327930542,5.32793054,5.327930225,5.327930365,5.327930318,5.327930407,5.327930189,5.327930232,5.327930433,5.327930321,5.327930225,5.327930455
+"1063","ASB1",6.876983571,6.876983663,6.876983277,6.876983363,6.876983271,6.876983295,6.876983422,6.876983367,6.87698365,6.876983477,6.876983175,6.876983618,6.876983496,6.876983631,6.87698353,6.876983536,6.876983339,6.876983223,6.87698352,6.876983193,6.876983372,6.876983454,6.876983583,6.876983463,6.876983302,6.876983545,6.876983524,6.876983612
+"1064","ASB10",4.928990365,4.92899039,4.928990373,4.928990379,4.928990378,4.928990374,4.928990367,4.928990389,4.92899038,4.928990365,4.928990386,4.928990378,4.928990366,4.928990351,4.928990378,4.928990383,4.928990395,4.928990372,4.928990341,4.928990388,4.928990356,4.928990375,4.928990387,4.928990377,4.928990384,4.928990359,4.928990366,4.928990371
+"1065","ASB11",3.647051765,3.647051769,3.647051763,3.647051736,3.647051798,3.647051796,3.647051767,3.647051795,3.647051755,3.647051745,3.647051761,3.647051787,3.647051719,3.647051734,3.64705174,3.647051728,3.647051727,3.647051772,3.647051792,3.647051752,3.647051723,3.647051766,3.647051732,3.647051747,3.647051756,3.647051769,3.647051713,3.647051758
+"1066","ASB12",4.255252399,4.255252558,4.255252647,4.255252585,4.255252576,4.25525258,4.255252587,4.255252593,4.255252603,4.25525265,4.255252727,4.25525269,4.255252642,4.255252446,4.255252612,4.255252616,4.255252745,4.255252605,4.255252549,4.255252629,4.255252567,4.255252664,4.255252548,4.255252555,4.255252611,4.255252578,4.255252608,4.255252525
+"1067","ASB13",5.875684952,5.875684979,5.87568499,5.875684939,5.875684878,5.875684922,5.875684913,5.875684906,5.875684844,5.875684901,5.875684987,5.875684956,5.875684891,5.8756849,5.875684876,5.875684904,5.875684971,5.875684922,5.875684925,5.875684922,5.875684855,5.875684906,5.875684936,5.87568489,5.87568486,5.875684898,5.875684953,5.875684929
+"1068","ASB14",3.490070333,3.490070343,3.49007035,3.490070321,3.490070358,3.490070365,3.490070342,3.490070443,3.490070345,3.490070397,3.490070396,3.490070465,3.490070367,3.490070361,3.490070326,3.490070388,3.490070448,3.490070401,3.49007045,3.490070423,3.49007036,3.4900704,3.490070387,3.490070384,3.490070372,3.49007038,3.490070313,3.490070405
+"1069","ASB15",3.342479874,3.342480019,3.342479916,3.342480196,3.342480225,3.342480212,3.342480203,3.342479847,3.342480086,3.342480153,3.342480403,3.342480301,3.342479944,3.342480216,3.342480163,3.342480385,3.342480525,3.342480154,3.342479978,3.342480346,3.342480069,3.342480042,3.342479987,3.342480022,3.34247999,3.342480134,3.34248021,3.342480163
+"1070","ASB16",6.429684064,6.42968398,6.429684065,6.429683996,6.42968438,6.429683966,6.429684325,6.429684215,6.429684055,6.429684067,6.429684366,6.429684375,6.429684172,6.429683809,6.429684269,6.429684461,6.429684641,6.429684285,6.429684329,6.429684053,6.429684392,6.429684353,6.429683923,6.42968393,6.429684138,6.429684321,6.429683942,6.429684168
+"1071","ASB16-AS1",7.122097714,7.122097437,7.122097438,7.12209741,7.12209741,7.122097413,7.122097544,7.122097313,7.122097569,7.122097571,7.122097399,7.12209752,7.12209765,7.122097342,7.122097517,7.122097262,7.122097247,7.122097345,7.122097508,7.122097484,7.12209723,7.122097434,7.122097422,7.122097627,7.122097468,7.122097503,7.122097604,7.122097263
+"1072","ASB17",2.798409793,2.798409955,2.798410031,2.79840997,2.798409918,2.798410065,2.79841013,2.798409944,2.798410064,2.798409886,2.798409873,2.798410039,2.798409763,2.79840989,2.798409814,2.798410026,2.798410041,2.798409806,2.798409829,2.798410008,2.798409689,2.798409954,2.798409785,2.79840994,2.798410172,2.798409869,2.798410172,2.798410001
+"1073","ASB18",5.054476406,5.05447651,5.05447687,5.054476467,5.054476914,5.054476498,5.054476708,5.054476882,5.054476372,5.054476715,5.054476861,5.054476958,5.054476567,5.054476168,5.054476914,5.054476435,5.05447724,5.054476842,5.054476728,5.054476778,5.054476849,5.054477099,5.054476321,5.054476294,5.054476772,5.054476586,5.054476749,5.054476424
+"1074","ASB2",4.839003837,4.839003913,4.839003903,4.839003867,4.839003953,4.839003882,4.839003896,4.839003869,4.839003861,4.83900388,4.839003916,4.839003903,4.839003876,4.839003812,4.839003882,4.839003857,4.839003891,4.839003869,4.839003912,4.839003886,4.83900395,4.839003905,4.839003855,4.839003841,4.839003851,4.839003912,4.839003894,4.839003875
+"1075","ASB4",3.225003199,3.225003209,3.225003174,3.225003196,3.225003207,3.225003201,3.225003195,3.225003204,3.225003195,3.225003173,3.225003193,3.225003184,3.225003191,3.225003182,3.225003201,3.225003183,3.225003184,3.225003184,3.225003179,3.225003171,3.225003186,3.225003202,3.225003167,3.225003161,3.225003174,3.225003189,3.225003157,3.225003187
+"1076","ASB5",3.714135851,3.7141359,3.714135985,3.714135946,3.714135914,3.714135991,3.714135882,3.714135915,3.714135865,3.7141359,3.714135932,3.714136018,3.714135913,3.714135805,3.714135901,3.714136062,3.714135952,3.714135949,3.714135942,3.714135977,3.714135931,3.714135942,3.714135909,3.714135974,3.714135914,3.714135882,3.714135929,3.71413594
+"1077","ASB6",6.520545969,6.520546018,6.52054592,6.52054596,6.520545904,6.520546113,6.520545845,6.52054597,6.520546022,6.520545978,6.520545781,6.520545888,6.520545886,6.520545924,6.520545902,6.520545965,6.520545908,6.520545896,6.520545991,6.520545996,6.520545843,6.520545921,6.520546104,6.520546017,6.520545878,6.520545857,6.520545975,6.520545551
+"1078","ASB7",6.63434967,6.634349789,6.634349585,6.634349639,6.634349491,6.634349756,6.63434965,6.634349684,6.634349715,6.634349748,6.634349473,6.634349653,6.634349588,6.634349783,6.6343496,6.634349689,6.634349587,6.63434967,6.634349652,6.634349728,6.63434953,6.634349541,6.634349805,6.63434971,6.634349743,6.63434964,6.634349623,6.634349721
+"1079","ASB8",7.059025005,7.059025035,7.059024938,7.059025127,7.059025048,7.059025317,7.05902504,7.05902483,7.059025064,7.059025124,7.059025033,7.059024745,7.059025013,7.059025135,7.059025004,7.059024864,7.059024823,7.059024955,7.059025117,7.059025262,7.059024848,7.059024845,7.059025049,7.059025236,7.05902502,7.059024881,7.059025102,7.059024996
+"1080","ASB9",3.647576545,3.647576644,3.647576585,3.647576688,3.647576672,3.647576727,3.647576749,3.647576909,3.647576601,3.647576511,3.647576708,3.64757671,3.647576619,3.647576457,3.647576691,3.64757677,3.647576879,3.647576632,3.647576788,3.647576733,3.647576533,3.647576701,3.6475766,3.647576666,3.64757649,3.647576548,3.647576464,3.647576671
+"1081","ASCC1",5.788617086,5.788617075,5.788617076,5.78861705,5.788617048,5.78861706,5.788617061,5.788617052,5.788617073,5.788617058,5.788617072,5.788617055,5.788617076,5.7886171,5.788617055,5.78861706,5.788617038,5.788617046,5.788617049,5.788617069,5.788617052,5.788617041,5.788617056,5.788617086,5.788617036,5.788617066,5.788617063,5.788617074
+"1082","ASCC2",9.102160995,9.198913566,9.920965167,9.363390046,9.711978464,10.06405496,9.698640246,9.890428298,9.649660462,9.722471397,9.692631162,10.20730465,9.007300836,8.944501959,9.185772317,8.810943061,9.804562182,9.410650128,9.291224487,9.860196088,9.568777693,9.671650503,9.59245416,9.697421036,9.652968458,10.24239025,9.203036577,9.258798262
+"1083","ASCC3",6.547981859,6.547980604,6.547980382,6.547979577,6.547980134,6.547980904,6.547980621,6.547979986,6.547980941,6.54798057,6.547979445,6.547979161,6.547981021,6.547982853,6.547980804,6.547980119,6.547979431,6.547979472,6.547981007,6.54798002,6.547980661,6.547980519,6.547981091,6.547980369,6.547979697,6.54797998,6.547981021,6.547981805
+"1084","ASCL1",4.734616232,4.73461628,4.734616298,4.734616213,4.734616348,4.73461627,4.73461633,4.734616242,4.734616309,4.734616272,4.734616361,4.734616389,4.734616298,4.734616144,4.734616387,4.734616226,4.734616413,4.734616314,4.73461632,4.734616267,4.734616325,4.734616373,4.734616213,4.734616277,4.734616195,4.734616318,4.734616213,4.734616305
+"1085","ASCL2",5.626723802,5.626723794,5.626723838,5.6267238,5.626723829,5.626723859,5.62672382,5.626723873,5.626723846,5.626723842,5.626723837,5.626723856,5.626723792,5.626723735,5.626723821,5.626723784,5.626723859,5.626723801,5.626723797,5.626723851,5.62672381,5.626723835,5.626723796,5.626723809,5.626723781,5.62672383,5.626723803,5.62672375
+"1086","ASCL3",3.748093254,3.748093364,3.748093526,3.74809336,3.748093185,3.748093463,3.748093367,3.748093529,3.748093486,3.748093579,3.748093534,3.748093525,3.748093454,3.74809357,3.748093451,3.748093256,3.748093538,3.748093507,3.748093387,3.748093366,3.74809337,3.748093363,3.748093487,3.748093411,3.748093415,3.748093397,3.748093316,3.748093528
+"1087","ASCL4",3.931215986,3.931216006,3.931216003,3.931216005,3.931216,3.931216015,3.931216024,3.931216021,3.931216013,3.931216013,3.931215974,3.931216026,3.931216007,3.931215966,3.931216031,3.931216016,3.931216032,3.931216005,3.931216035,3.931216028,3.931216021,3.931215995,3.931216025,3.931216007,3.931216005,3.93121602,3.931216006,3.931216036
+"1088","ASCL5",5.078648942,5.078648889,5.078648845,5.078649003,5.07864917,5.078648795,5.078649031,5.078648949,5.078648912,5.07864891,5.078648979,5.078649133,5.078648964,5.07864875,5.078649013,5.078648951,5.078649001,5.078648957,5.078648858,5.078648877,5.07864901,5.078648972,5.07864898,5.078649029,5.078648969,5.078648928,5.078648745,5.078649014
+"1089","ASF1A",5.781331984,5.78133117,5.781331155,5.781330767,5.781330854,5.781330788,5.781331451,5.781330735,5.781331901,5.781331381,5.781330976,5.781330642,5.781331468,5.781332609,5.781331266,5.781331124,5.781330598,5.78133049,5.781331558,5.781330904,5.781331326,5.781330667,5.781331996,5.78133131,5.781330562,5.781331199,5.781331453,5.781332239
+"1090","ASF1B",6.949410811,6.949411344,6.949411256,6.949411796,6.949410458,6.949411302,6.949411682,6.9494116,6.949410919,6.949410446,6.949410626,6.949410766,6.949411116,6.949410989,6.94941088,6.949411118,6.94941107,6.949411545,6.949411055,6.949411055,6.949411515,6.949411578,6.949411566,6.949411248,6.9494113,6.949411297,6.949411037,6.949411181
+"1091","ASGR1",5.690377138,5.690377126,5.690377297,5.690377231,5.690377294,5.690377169,5.69037718,5.69037726,5.690377241,5.690377263,5.690377212,5.690377299,5.690377191,5.690377037,5.690377284,5.690377166,5.690377303,5.690377241,5.690377214,5.690377164,5.690377262,5.690377283,5.690377103,5.690377182,5.690377129,5.690377244,5.690377157,5.690377254
+"1092","ASGR2",6.369580925,6.369580918,6.369580956,6.369580919,6.369580937,6.369580996,6.369580934,6.369580903,6.369580881,6.36958093,6.369580943,6.36958091,6.369580876,6.369580883,6.369580898,6.369580857,6.369580928,6.369580905,6.369580867,6.369580982,6.369580946,6.369580928,6.369580847,6.369580907,6.369580871,6.369580935,6.369580866,6.36958083
+"1093","ASH2L",8.128427627,8.128428128,8.128427508,8.128427537,8.128427499,8.128427652,8.128427334,8.128427573,8.128427654,8.128427784,8.128427429,8.128427105,8.128427554,8.128428228,8.128427192,8.128428008,8.128426795,8.128427217,8.128427694,8.128427961,8.12842726,8.128427189,8.12842787,8.128428068,8.128427558,8.128427693,8.128427527,8.128427979
+"1094","ASIC1",4.270070864,4.270070856,4.270070879,4.27007088,4.2700709,4.270070902,4.270070906,4.270070873,4.270070918,4.270070885,4.270070909,4.270070947,4.270070904,4.270070841,4.270070913,4.27007085,4.2700709,4.270070889,4.270070896,4.270070929,4.270070926,4.270070909,4.270070885,4.270070847,4.270070883,4.270070894,4.270070886,4.270070907
+"1095","ASIC2",4.198527148,4.198527262,4.19852726,4.198527249,4.198527271,4.198527341,4.198527241,4.19852732,4.198527214,4.198527367,4.198527372,4.198527376,4.198527208,4.198527214,4.198527364,4.198527287,4.198527428,4.198527323,4.198527242,4.198527229,4.198527284,4.198527335,4.198527219,4.198527234,4.19852717,4.198527294,4.198527325,4.198527312
+"1096","ASIC3",6.772004199,6.7720040885,6.772004328,6.7720041915,6.772004594,6.772004073,6.772004283,6.772004492,6.7720042005,6.7720042195,6.7720044445,6.7720045225,6.7720041895,6.772003925,6.772004443,6.7720042475,6.772004467,6.7720043915,6.772004274,6.7720042315,6.7720044035,6.7720043845,6.772004107,6.772004116,6.7720042085,6.77200446,6.7720042345,6.7720042755
+"1097","ASIC4",4.061059675,4.061059706,4.06105971,4.061059686,4.061059753,4.061059733,4.061059704,4.061059752,4.061059687,4.061059717,4.061059676,4.061059776,4.061059685,4.061059661,4.061059737,4.061059703,4.061059764,4.061059736,4.061059718,4.061059727,4.061059759,4.061059768,4.061059719,4.06105967,4.061059676,4.061059728,4.061059697,4.061059725
+"1098","ASIC5",3.146711914,3.146712041,3.146712002,3.146712001,3.146711984,3.146712051,3.146711964,3.146711987,3.146712002,3.146711942,3.146711954,3.14671199,3.146711939,3.146711953,3.146711953,3.146711994,3.146712013,3.14671197,3.146712014,3.146712028,3.146711969,3.14671194,3.146712039,3.146711949,3.146712008,3.146711999,3.146712001,3.146712027
+"1099","ASIP",5.16457084,5.164570964,5.164571177,5.164570885,5.164571622,5.164570964,5.164571341,5.164570998,5.164571215,5.164571273,5.164571372,5.164571674,5.16457104,5.164570679,5.164571306,5.164571006,5.164571592,5.164571138,5.164571258,5.164570935,5.164571317,5.164571169,5.164570968,5.164570987,5.164571062,5.164571309,5.164571002,5.164571233
+"1100","ASL",6.516448697,6.516448884,6.516448747,6.516448993,6.51644883,6.516448694,6.516448719,6.516448671,6.516448384,6.51644881,6.516449003,6.516448558,6.516448976,6.51644861,6.516448748,6.516449086,6.516448678,6.516449011,6.516448768,6.516448822,6.516448922,6.516448854,6.51644883,6.516448487,6.516449136,6.51644878,6.51644882,6.51644813
+"1101","ASMTL",7.1105104325,7.110510449,7.110510666,7.1105105,7.110510683,7.1105107665,7.110510539,7.1105104565,7.1105106615,7.110510476,7.1105104805,7.1105106475,7.1105103275,7.110510482,7.110510562,7.11051067,7.1105104765,7.110510338,7.1105104215,7.1105106115,7.110510396,7.110510639,7.1105105965,7.110510397,7.1105104505,7.1105106615,7.110510531,7.110510632
+"1102","ASMTL-AS1",5.7309425315,5.730942746,5.7309425915,5.730942699,5.7309428135,5.730942721,5.730942729,5.730942598,5.730942699,5.7309424645,5.730942543,5.7309426045,5.7309426785,5.7309426555,5.730942602,5.730942749,5.7309425265,5.730942745,5.7309425875,5.730942798,5.730942805,5.7309427095,5.73094268,5.7309426615,5.730942579,5.730942557,5.7309425585,5.730942786
+"1103","ASNS",5.815593671,5.815593607,5.815593544,5.815593521,5.815593543,5.815593612,5.815593696,5.815593544,5.815593668,5.815593584,5.815593531,5.815593678,5.815593648,5.815593695,5.815593638,5.815593575,5.815593536,5.815593518,5.815593649,5.815593515,5.815593631,5.815593653,5.815593674,5.815593607,5.815593491,5.815593655,5.815593655,5.815593618
+"1104","ASNSD1",5.471739546,5.471739016,5.471739296,5.471739019,5.471739175,5.471738533,5.471739747,5.47173874,5.471739421,5.471739362,5.471739112,5.47173815,5.471738893,5.471741219,5.471739544,5.471738696,5.47173923,5.471738878,5.471739612,5.471738264,5.47173942,5.471738955,5.471739704,5.471739195,5.471738955,5.471738743,5.471739106,5.471740794
+"1105","ASPA",2.646826791,2.646826823,2.646826812,2.646826805,2.646826808,2.646826813,2.646826802,2.646826814,2.646826817,2.646826804,2.646826818,2.646826825,2.646826807,2.646826809,2.646826812,2.64682681,2.646826834,2.646826825,2.646826807,2.646826819,2.646826801,2.646826808,2.646826824,2.646826817,2.646826817,2.646826815,2.646826815,2.646826819
+"1106","ASPDH",5.464147722,5.464147794,5.464147828,5.464147864,5.464147851,5.464147748,5.464147835,5.46414783,5.464147801,5.464147807,5.464147841,5.464147858,5.464147789,5.46414773,5.464147862,5.464147798,5.464147859,5.464147844,5.46414782,5.464147736,5.464147843,5.464147821,5.464147696,5.46414776,5.46414778,5.464147817,5.464147796,5.464147775
+"1107","ASPG",6.215278352,6.215278408,6.215278618,6.215278472,6.215278958,6.215278598,6.215278662,6.215278741,6.215278518,6.215278585,6.215278616,6.215278944,6.215278595,6.215278147,6.215278783,6.215278632,6.215278913,6.215278754,6.215278671,6.215278515,6.21527887,6.215278821,6.215278452,6.215278404,6.215278616,6.215278758,6.21527854,6.215278601
+"1108","ASPH",5.334410561,5.334410998,5.334410373,5.334411256,5.334409445,5.334409054,5.334410147,5.334409866,5.334410301,5.334409565,5.334410126,5.334409573,5.3344102,5.334411118,5.33441014,5.334410928,5.334410377,5.334410882,5.334409946,5.334409298,5.334409928,5.334409572,5.334410792,5.334410291,5.33441028,5.334409564,5.334410054,5.33441043
+"1109","ASPHD1",5.460865854,5.460866154,5.460866556,5.460866346,5.460866609,5.460865754,5.460866217,5.460866773,5.460866246,5.460866064,5.46086682,5.460866584,5.460866387,5.460865892,5.460866597,5.460866599,5.460866731,5.460866926,5.460866168,5.460866551,5.460866463,5.460866811,5.460866059,5.460866319,5.460866739,5.460866478,5.460866277,5.46086662
+"1110","ASPHD2",6.005187994,6.005187578,6.005187824,6.005187547,6.005187976,6.00519016,6.005188428,6.005187617,6.005187818,6.005188009,6.005188163,6.005187416,6.005187526,6.005187619,6.005188236,6.00518763,6.005187574,6.005187814,6.005188002,6.005190994,6.005188039,6.005187685,6.005187819,6.005187407,6.005187562,6.005187238,6.005187838,6.00518716
+"1111","ASPM",3.466395516,3.466395474,3.466395563,3.466395454,3.466395567,3.466395606,3.466396037,3.466395508,3.466395761,3.466395553,3.466395643,3.466395644,3.466395669,3.466395605,3.466395559,3.466395421,3.466395694,3.466395577,3.46639556,3.466395577,3.466396023,3.466395609,3.466395797,3.466395513,3.466395601,3.466395581,3.466395487,3.466395633
+"1112","ASPN",2.711380546,2.711380561,2.711380647,2.711380761,2.711380621,2.711380764,2.711380716,2.711380657,2.71138053,2.711380697,2.711380577,2.711380713,2.711380453,2.711380516,2.711380624,2.711380842,2.711380715,2.711380614,2.711380726,2.711380498,2.711380533,2.711380727,2.711380706,2.711380595,2.711380451,2.711380541,2.711380732,2.711380619
+"1113","ASPRV1",6.063939344,6.063941579,6.063938379,6.063941978,6.063938887,6.063941205,6.063939531,6.06393925,6.063938033,6.063938886,6.063940222,6.063939308,6.063939438,6.063939244,6.063940417,6.063942137,6.063938695,6.063940825,6.063939625,6.063940757,6.063940059,6.063939368,6.063939176,6.063940554,6.063940048,6.063938466,6.063939336,6.063939355
+"1114","ASPSCR1",6.598147608,6.598147648,6.598147759,6.598147736,6.598147656,6.59814774,6.598147686,6.598147751,6.598147712,6.598147766,6.598147802,6.598147651,6.598147729,6.598147648,6.598147765,6.598147654,6.598147717,6.59814766,6.598147647,6.598147711,6.598147719,6.598147722,6.5981477,6.598147625,6.598147585,6.598147675,6.598147693,6.598147647
+"1115","ASRGL1",5.943901828,5.943901886,5.943901828,5.943901829,5.943901851,5.943901837,5.943901827,5.943901821,5.943901813,5.943901839,5.94390184,5.943901819,5.943901819,5.94390184,5.943901825,5.94390186,5.943901831,5.943901817,5.943901856,5.943901825,5.943901824,5.943901814,5.943901816,5.943901827,5.943901839,5.943901812,5.943901824,5.943901851
+"1116","ASS1",4.982352451,4.982352519,4.982352735,4.982352426,4.982352966,4.982352557,4.982352774,4.982352858,4.982352578,4.982352781,4.9823527,4.982353263,4.982352527,4.982352416,4.982352915,4.982352472,4.982352829,4.982352741,4.982352814,4.98235244,4.98235306,4.982352779,4.98235245,4.982352288,4.982352636,4.982352977,4.982352505,4.98235263
+"1117","ASTE1",5.472488453,5.472488228,5.472488033,5.472487917,5.472487896,5.47248806,5.472487936,5.472487718,5.472488367,5.472488209,5.472487922,5.472487567,5.472488003,5.472488354,5.472487915,5.472488177,5.472487624,5.472487973,5.47248806,5.472488197,5.472487656,5.472487651,5.472488235,5.472488187,5.472487904,5.472487722,5.472488187,5.472488291
+"1118","ASTL",5.393886555,5.393886554,5.393886568,5.393886565,5.393886568,5.393886538,5.393886562,5.393886588,5.393886592,5.393886563,5.39388657,5.393886583,5.393886593,5.393886548,5.393886601,5.393886607,5.393886616,5.393886591,5.39388659,5.393886566,5.393886593,5.393886588,5.393886536,5.393886536,5.393886577,5.393886596,5.393886562,5.393886557
+"1119","ASTN1",5.231313461,5.231313529,5.231313688,5.231313613,5.231313722,5.231313537,5.231313664,5.231313796,5.231313518,5.23131367,5.23131366,5.231313809,5.23131369,5.231313346,5.231313609,5.231313793,5.23131378,5.231313778,5.23131364,5.231313565,5.231313711,5.23131381,5.231313545,5.23131353,5.231313676,5.231313653,5.23131355,5.231313583
+"1120","ASTN2",5.232648038,5.232648011,5.232648026,5.23264802,5.232648089,5.232648054,5.23264803,5.232648071,5.232648077,5.232648073,5.23264805,5.232648085,5.232648053,5.232648023,5.232648075,5.232648033,5.232648074,5.23264808,5.232648067,5.232648032,5.232648091,5.23264806,5.23264805,5.232648016,5.232648038,5.232648063,5.232648024,5.232648044
+"1121","ASXL1",7.104276552,7.104276377,7.104276385,7.104276345,7.104276266,7.104276505,7.10427637,7.104276421,7.104276557,7.104276427,7.104276303,7.104276453,7.104276576,7.104276569,7.104276363,7.104276161,7.104275991,7.104276332,7.104276375,7.104276268,7.104276355,7.104276443,7.104276559,7.104276402,7.104276355,7.10427646,7.104276519,7.104276341
+"1122","ASXL2",7.161730903,7.161730817,7.161730609,7.161730862,7.161730777,7.161730903,7.161730918,7.161730632,7.161730874,7.16173092,7.161730672,7.161730663,7.161730793,7.161731004,7.161730687,7.161730551,7.16173043,7.16173067,7.161730845,7.161730842,7.161730793,7.161730585,7.161730951,7.161730817,7.161730772,7.161730789,7.161730828,7.161730761
+"1123","ASXL3",3.653781634,3.653781825,3.653781747,3.653781806,3.653781865,3.653781798,3.653781705,3.653781835,3.653781755,3.653781856,3.653781569,3.653781702,3.653781793,3.653781655,3.65378171,3.653781803,3.65378192,3.653781852,3.653781749,3.653781832,3.653781809,3.653781776,3.653781729,3.653781858,3.653781697,3.653781712,3.653781734,3.653781732
+"1124","ASZ1",3.306805491,3.306805486,3.306805509,3.30680558,3.306805488,3.30680547,3.306805438,3.3068055,3.306805516,3.306805495,3.306805563,3.3068055,3.306805445,3.30680543,3.306805445,3.306805474,3.306805545,3.306805443,3.306805499,3.306805478,3.306805435,3.306805543,3.306805446,3.30680555,3.30680554,3.306805434,3.306805467,3.306805515
+"1125","ATAD1",6.14348549,6.143485003,6.143484902,6.143484646,6.143484828,6.143484769,6.143484772,6.143484764,6.143484959,6.143484685,6.143484454,6.143484486,6.143485039,6.143485738,6.143484899,6.143484692,6.143484568,6.143484453,6.143485209,6.143484183,6.143484769,6.143484776,6.143485086,6.1434849,6.143484707,6.143484749,6.143484853,6.143485502
+"1126","ATAD2",5.394598281,5.394598282,5.394598238,5.394598235,5.394598185,5.394598241,5.394598346,5.394598115,5.394598306,5.394598163,5.394598172,5.394598179,5.394598198,5.394598393,5.394598251,5.39459818,5.39459817,5.39459817,5.394598302,5.394598142,5.39459828,5.394598189,5.394598343,5.394598243,5.394598176,5.394598207,5.39459821,5.394598318
+"1127","ATAD2B",6.453530972,6.453530844,6.453530687,6.453530638,6.453530656,6.453530529,6.453530594,6.453530601,6.45353073,6.453530632,6.453530578,6.453530424,6.453530838,6.453531168,6.453530751,6.453530787,6.453530497,6.453530545,6.453530908,6.45353053,6.453530634,6.45353062,6.453530767,6.453530759,6.453530575,6.453530639,6.453530836,6.45353085
+"1128","ATAD3A",6.831359597,6.831359662,6.831359702,6.831359641,6.831359736,6.831359563,6.83135965,6.831359714,6.831359646,6.831359688,6.831359743,6.831359719,6.831359679,6.831359667,6.831359675,6.831359653,6.8313597,6.831359721,6.831359607,6.831359679,6.831359666,6.831359714,6.831359601,6.831359673,6.831359714,6.831359696,6.831359651,6.831359691
+"1129","ATAD5",4.764186453,4.764186462,4.764186478,4.764186443,4.764186441,4.764186469,4.764186484,4.764186413,4.764186462,4.764186491,4.764186469,4.764186457,4.764186459,4.764186496,4.764186448,4.764186434,4.76418644,4.76418641,4.764186471,4.764186431,4.764186477,4.764186452,4.764186493,4.764186479,4.764186447,4.76418645,4.764186452,4.764186499
+"1130","ATAT1",5.003166059,5.003165961,5.003166052,5.003166085,5.003166028,5.003166211,5.003166119,5.003165978,5.003166099,5.003166185,5.003165953,5.003166086,5.003166094,5.003166002,5.003166098,5.003165923,5.003165927,5.003166071,5.003165963,5.003166059,5.00316602,5.003166121,5.003166038,5.003166038,5.003165923,5.003166045,5.003166103,5.003165951
+"1131","ATCAY",5.121436365,5.121436345,5.121436483,5.121436322,5.121436525,5.121436286,5.121436401,5.121436473,5.121436413,5.121436405,5.1214365,5.121436536,5.121436386,5.121436178,5.121436407,5.121436421,5.121436503,5.121436497,5.121436419,5.12143641,5.1214365,5.1214365,5.121436338,5.121436339,5.121436476,5.121436486,5.121436374,5.121436486
+"1132","ATE1",7.439871909,7.439871633,7.439871315,7.4398717,7.439871354,7.439871554,7.439871446,7.439871355,7.439871676,7.439871905,7.439871333,7.439871067,7.439871718,7.439872147,7.439871462,7.439871255,7.439871054,7.439871457,7.439871616,7.439871234,7.439871507,7.439871315,7.439871741,7.439872108,7.439871386,7.439871746,7.439871731,7.439871743
+"1133","ATF1",6.567229655,6.56722861,6.567229156,6.567229346,6.567229566,6.567229004,6.56722923,6.567229363,6.567229657,6.56722962,6.56722903,6.567228823,6.567229572,6.567231038,6.56722931,6.567227405,6.567227727,6.567229347,6.567229794,6.5672293,6.567229112,6.567229469,6.567230003,6.567229446,6.567229934,6.567229248,6.567229539,6.567230939
+"1134","ATF2",7.732331882,7.732331667,7.732331288,7.732331165,7.732331051,7.732331228,7.7323316,7.732331073,7.732331675,7.732331701,7.732331079,7.732330592,7.732331633,7.732332753,7.732331748,7.732331398,7.732331438,7.732331076,7.732331709,7.732331222,7.73233143,7.732331216,7.732331846,7.732331773,7.732331137,7.732331014,7.732331693,7.732332185
+"1135","ATF3",4.592230923,4.592230996,4.592230617,4.592231192,4.592231395,4.592231592,4.592230806,4.592231266,4.592230916,4.592230949,4.592230966,4.592230975,4.59223073,4.592230909,4.592231168,4.592230825,4.592231503,4.592231201,4.592231113,4.592231445,4.592231379,4.592231142,4.592231039,4.592230941,4.592230664,4.592230938,4.592230959,4.592230945
+"1136","ATF4",7.7575271855,7.7575272785,7.757527115,7.757527322,7.757527057,7.7575271915,7.757527283,7.7575272615,7.7575272395,7.7575273285,7.7575271645,7.757527299,7.7575272565,7.757527329,7.757527146,7.757527192,7.75752718,7.7575271785,7.757527136,7.75752727,7.757527224,7.7575272495,7.757527213,7.757527211,7.757527206,7.7575272595,7.757527299,7.75752735
+"1137","ATF6",8.46494608,8.464945067,8.464945496,8.464945718,8.464944837,8.464946273,8.464945275,8.464945234,8.464945462,8.464945419,8.464945443,8.464943533,8.464945788,8.464946558,8.464945632,8.464944522,8.46494543,8.464945053,8.464945546,8.46494672,8.464945233,8.464945245,8.464946424,8.464945993,8.464945241,8.464945102,8.464945574,8.464945825
+"1138","ATF7",6.585193959,6.585194026,6.585193837,6.58519396,6.585193886,6.58519412,6.585193978,6.585193817,6.585193904,6.585193986,6.585193951,6.58519384,6.585193883,6.585193909,6.585193827,6.585193837,6.585193784,6.585193755,6.585193831,6.585194091,6.585193857,6.585193881,6.585193886,6.585194077,6.585193917,6.585193856,6.585193922,6.585193791
+"1139","ATF7IP",8.079792221,8.079791685,8.079790811,8.079791685,8.079790968,8.079790567,8.079791316,8.079790494,8.079790951,8.079791296,8.079791307,8.079790509,8.079791701,8.079792165,8.079791319,8.07979088,8.079790048,8.079791509,8.079791635,8.079789148,8.07979128,8.079790801,8.079791294,8.079791449,8.079791618,8.079791481,8.079791932,8.079791232
+"1140","ATF7IP2",5.392135023,5.392134838,5.392134753,5.392134525,5.392134647,5.392134781,5.392134783,5.392134742,5.392135025,5.392134852,5.39213449,5.392134927,5.392134919,5.392135071,5.392134757,5.392134671,5.392134384,5.392134577,5.39213468,5.392134604,5.392134769,5.392134854,5.39213504,5.392134915,5.392134642,5.392135061,5.392134994,5.392134857
+"1141","ATG10",4.984200251,4.984200516,4.984200182,4.984200363,4.984199804,4.984200373,4.984200277,4.984200023,4.984200692,4.984200324,4.984200278,4.984200182,4.984200422,4.984200509,4.984200098,4.98420027,4.984200186,4.98420026,4.984199682,4.98420044,4.984200248,4.984200262,4.984200439,4.984200147,4.984200381,4.984200327,4.984200576,4.984200377
+"1142","ATG101",6.379371615,6.379371638,6.379371637,6.379371638,6.379371625,6.379371629,6.379371626,6.379371624,6.37937164,6.379371624,6.37937162,6.379371617,6.37937164,6.379371636,6.37937163,6.379371639,6.379371583,6.379371593,6.379371619,6.37937162,6.379371621,6.379371621,6.379371635,6.379371638,6.379371617,6.37937162,6.379371639,6.379371647
+"1143","ATG12",5.839653216,5.839653201,5.839653199,5.839653215,5.839653189,5.839653189,5.83965321,5.83965317,5.839653206,5.839653203,5.839653189,5.839653168,5.83965321,5.839653242,5.839653206,5.83965319,5.839653196,5.83965321,5.839653202,5.839653185,5.839653198,5.839653186,5.839653208,5.839653215,5.839653203,5.839653198,5.839653201,5.839653252
+"1144","ATG13",7.640439207,7.640439207,7.640439187,7.640439206,7.640439133,7.640439236,7.640439204,7.640439187,7.640439201,7.640439151,7.640439145,7.640439189,7.640439202,7.640439212,7.640439156,7.640439189,7.640439141,7.640439128,7.640439172,7.640439191,7.640439152,7.640439163,7.6404392,7.640439235,7.640439189,7.640439164,7.640439202,7.64043914
+"1145","ATG14",6.4201378,6.420137704,6.420137726,6.420137661,6.420137672,6.42013773,6.42013769,6.420137738,6.420137718,6.420137738,6.420137657,6.420137695,6.42013775,6.420137829,6.420137727,6.420137644,6.420137629,6.420137657,6.420137714,6.420137707,6.420137679,6.420137673,6.420137768,6.420137739,6.420137681,6.420137777,6.420137742,6.420137803
+"1146","ATG16L1",6.725223432,6.72522338,6.725223233,6.725223253,6.725223253,6.725223347,6.725223369,6.725223295,6.72522343,6.725223268,6.725223183,6.725223283,6.725223332,6.725223461,6.725223308,6.725223387,6.725223173,6.725223172,6.725223394,6.72522326,6.725223357,6.725223265,6.725223384,6.725223342,6.725223219,6.725223416,6.725223405,6.725223345
+"1147","ATG16L2",8.5907582,8.590765895,8.590770267,8.590779014,8.590752411,8.590778026,8.590777473,8.590753734,8.590752332,8.590758541,8.590771917,8.590757574,8.590765249,8.590754722,8.590754174,8.590771239,8.59076119,8.5907752,8.590765988,8.590777308,8.590776805,8.590760727,8.590755179,8.590765818,8.590780576,8.590762014,8.590769824,8.590744121
+"1148","ATG2A",6.965666643,6.96566717,6.965666984,6.965667642,6.965666797,6.965667721,6.965667106,6.965667254,6.965666781,6.965666698,6.965667157,6.96566696,6.965666888,6.965666793,6.965667053,6.965667519,6.965667165,6.965667746,6.965667159,6.96566755,6.965667251,6.965666959,6.965666931,6.965666757,6.965667372,6.96566715,6.965666911,6.965666696
+"1149","ATG2B",6.937335609,6.9373355435,6.9373353675,6.937335422,6.9373351745,6.9373353675,6.937335416,6.9373354035,6.9373354625,6.937335437,6.937335263,6.9373353145,6.9373354525,6.9373356305,6.9373354425,6.9373354285,6.937335098,6.9373352905,6.9373355805,6.9373350745,6.9373354125,6.9373352245,6.93733548,6.9373355455,6.937335393,6.937335526,6.9373354765,6.9373353815
+"1150","ATG3",7.17382075,7.173820687,7.173820089,7.173820256,7.173818831,7.173820275,7.173820245,7.173819327,7.173819059,7.173819492,7.173819041,7.173817656,7.173820217,7.173821682,7.17381995,7.173820331,7.173818989,7.173819779,7.173819739,7.173821074,7.173820327,7.173819535,7.173819994,7.173819921,7.173820033,7.173818408,7.173819962,7.173820302
+"1151","ATG4A",5.25668625,5.256686244,5.256686212,5.256686197,5.256686221,5.256686223,5.2566862,5.256686236,5.256686234,5.256686266,5.256686206,5.256686109,5.256686239,5.256686365,5.256686262,5.256686145,5.256686174,5.256686168,5.256686252,5.25668627,5.256686204,5.256686213,5.256686306,5.25668622,5.256686131,5.256686189,5.25668621,5.256686203
+"1152","ATG4B",6.130242536,6.130241512,6.130243427,6.1302444305,6.1302454315,6.1302458875,6.130245206,6.1302452985,6.1302409835,6.13024449,6.130245199,6.130244131,6.1302461945,6.1302434435,6.130244952,6.130241203,6.130246591,6.130243546,6.130245259,6.130245482,6.1302414975,6.1302409825,6.1302461745,6.13024473,6.1302432525,6.1302428945,6.130246179,6.130245811
+"1153","ATG4C",4.956332612,4.956332469,4.956332455,4.956332382,4.956332312,4.956332237,4.95633233,4.95633234,4.956332323,4.956332418,4.956332317,4.956332283,4.956332455,4.956332701,4.95633239,4.956332493,4.956332377,4.956332386,4.956332457,4.956332119,4.956332379,4.956332344,4.95633239,4.956332439,4.956332344,4.956332263,4.956332445,4.956332546
+"1154","ATG4D",7.016814533,7.016814543,7.016814548,7.016814511,7.016814556,7.016814549,7.016814558,7.016814552,7.01681454,7.016814544,7.016814545,7.016814583,7.016814541,7.016814477,7.016814557,7.016814551,7.016814569,7.016814517,7.016814544,7.01681456,7.016814553,7.016814537,7.016814525,7.016814508,7.016814516,7.016814551,7.016814514,7.016814536
+"1155","ATG5",6.378294503,6.378294016,6.378293737,6.378293433,6.378293565,6.378293105,6.378293736,6.378293208,6.378293591,6.378292815,6.378293193,6.378292363,6.378294059,6.378295265,6.378293657,6.37829363,6.378293258,6.378293498,6.378294147,6.37829336,6.378293498,6.378293693,6.378294053,6.378293813,6.37829303,6.378293322,6.378294145,6.378294696
+"1156","ATG7",8.137321132,8.137320718,8.137319685,8.137321262,8.137319884,8.137320084,8.137320251,8.137319789,8.137319032,8.137320024,8.137319745,8.137318545,8.13732006,8.137320311,8.137320129,8.137320576,8.137318895,8.137319655,8.13732091,8.137320866,8.137319948,8.137319632,8.137319756,8.13732094,8.137320059,8.137319432,8.137320485,8.137319026
+"1157","ATG9A",7.053815291,7.053815313,7.053815378,7.053815407,7.053815272,7.053815714,7.05381542,7.053815584,7.053815599,7.053815289,7.05381535,7.053815456,7.053815206,7.053815066,7.05381518,7.053815093,7.053815112,7.053815283,7.053814919,7.053815381,7.053815213,7.053815208,7.053815415,7.053815326,7.053815361,7.053815544,7.053815349,7.053814841
+"1158","ATG9B",6.099988462,6.099988557,6.099988673,6.099988605,6.099988768,6.099988769,6.099988593,6.099988665,6.099988687,6.099988729,6.099988847,6.099988854,6.099988707,6.099988424,6.099988684,6.099988704,6.09998886,6.099988608,6.099988685,6.099988712,6.099988613,6.099988735,6.099988674,6.099988663,6.099988687,6.09998864,6.099988653,6.099988708
+"1159","ATIC",6.882859423,6.88285901,6.882858376,6.882858076,6.88285848,6.882858997,6.882859108,6.882858555,6.882859439,6.88285877,6.88285787,6.882858698,6.882859049,6.882859482,6.882858773,6.88285869,6.882857693,6.882858008,6.88285861,6.882858905,6.882858697,6.882858589,6.882859224,6.882858905,6.882858019,6.882858897,6.882859027,6.882858945
+"1160","ATL1",4.212933959,4.21293398,4.212933955,4.212933973,4.21293396,4.212933949,4.212933966,4.212933972,4.21293397,4.212933964,4.212933976,4.212933968,4.212933967,4.212933948,4.212933962,4.21293398,4.212933968,4.212933976,4.212933959,4.21293395,4.21293396,4.212933963,4.212933964,4.212933957,4.212933969,4.212933967,4.212933961,4.212933951
+"1161","ATL2",6.479423844,6.479423654,6.479423551,6.479423559,6.479423252,6.479422237,6.479423363,6.479423213,6.479423257,6.479422848,6.479423196,6.479422734,6.479423569,6.479425034,6.479423445,6.479423496,6.479423135,6.479423339,6.479423747,6.479422744,6.479423572,6.479423038,6.479423463,6.479423392,6.47942349,6.479423614,6.479423491,6.479424077
+"1162","ATL3",6.8088142005,6.8088141275,6.8088140695,6.8088139565,6.8088139355,6.808813903,6.808813945,6.8088138705,6.8088139495,6.8088140385,6.808813884,6.8088137175,6.808814016,6.808814363,6.808813948,6.8088138545,6.80881374,6.8088138645,6.808813993,6.8088138535,6.8088139715,6.808813867,6.8088140405,6.808814134,6.808813998,6.808813992,6.8088140575,6.8088140895
+"1163","ATM",9.180644793,8.823989644,8.726820603,8.687642675,8.746342981,8.465180044,8.923913772,8.75157026,9.097067629,8.944502951,8.434872764,8.766682415,9.003080701,9.515503507,8.991202192,8.778028075,8.614679964,8.600016418,9.003443458,8.30080085,8.98334723,8.887655774,9.094101089,8.846278291,8.520047213,9.005747932,8.995072212,9.185461585
+"1164","ATMIN",6.055103392,6.055103311,6.055103365,6.055103331,6.055103332,6.055103397,6.055103376,6.055103331,6.055103318,6.055103335,6.055103389,6.055103383,6.055103395,6.05510341,6.055103378,6.055103319,6.055103308,6.055103307,6.055103393,6.055103349,6.055103363,6.055103368,6.055103393,6.055103387,6.055103341,6.055103376,6.055103365,6.055103399
+"1165","ATN1",6.070122065,6.070122162,6.070122136,6.070122192,6.070122204,6.07012227,6.070122093,6.070122172,6.070122232,6.070122193,6.070122276,6.07012215,6.070122116,6.070122113,6.070122125,6.070122072,6.070122099,6.070122161,6.070122196,6.07012228,6.07012212,6.070122275,6.070122174,6.070122023,6.070122158,6.070122119,6.070122123,6.070122201
+"1166","ATOH1",5.179665929,5.179665834,5.17966596,5.179666003,5.179666221,5.179666075,5.179666014,5.179666289,5.179665921,5.179665846,5.179666109,5.179666155,5.179666065,5.179665967,5.179666276,5.179666049,5.179666303,5.179666265,5.179666201,5.179666289,5.17966601,5.179666331,5.179665996,5.179666027,5.179666195,5.179666232,5.179665832,5.179665859
+"1167","ATOH7",4.937022588,4.937022689,4.937022847,4.937022775,4.937022674,4.937022744,4.937022663,4.937022646,4.93702274,4.937022732,4.937022743,4.937022776,4.937022769,4.937022518,4.937022622,4.937022702,4.937022843,4.937022821,4.937022659,4.937022687,4.93702261,4.93702259,4.937022715,4.93702269,4.93702279,4.937022691,4.937022682,4.937022561
+"1168","ATOH8",4.915919038,4.915919043,4.915919074,4.915919026,4.915919066,4.915919029,4.91591905,4.915919033,4.915919053,4.915919018,4.915919059,4.915919051,4.915919045,4.91591904,4.91591906,4.915919066,4.91591909,4.91591905,4.91591905,4.915919062,4.915919061,4.915919058,4.915919048,4.915919041,4.915919049,4.915919056,4.915919039,4.915919045
+"1169","ATOSA",6.956716182,6.956715963,6.956715913,6.956716076,6.956715707,6.95671558,6.95671591,6.956715777,6.956715836,6.956715861,6.956715762,6.956715578,6.956716008,6.956716391,6.956715994,6.956715898,6.956715706,6.956715961,6.956716177,6.956715522,6.956716081,6.956715833,6.956715942,6.956715881,6.956715881,6.956716048,6.956715973,6.956716216
+"1170","ATOSB",7.497132105,7.497132553,7.497133548,7.497133314,7.497132008,7.497133493,7.497132575,7.497132648,7.497132651,7.497132359,7.497133058,7.497132935,7.497131799,7.497131501,7.497132156,7.497132272,7.497133425,7.497133204,7.497132279,7.497133198,7.497132476,7.497132459,7.497132604,7.497132717,7.497133102,7.497132922,7.497132134,7.497131505
+"1171","ATOX1",7.220755032,7.220755057,7.220755031,7.220755039,7.220755004,7.220755047,7.220755032,7.220755031,7.220755036,7.220755034,7.220755035,7.220754989,7.220755029,7.220755022,7.220755026,7.220755038,7.220755018,7.220755031,7.22075503,7.220755074,7.220755017,7.220755027,7.22075503,7.220755057,7.22075503,7.220755012,7.220755037,7.220755011
+"1172","ATP10A",5.988054617,5.988054629,5.988054591,5.988054507,5.988054644,5.988054665,5.988054579,5.988054601,5.988054687,5.988054657,5.988054532,5.988054677,5.988054639,5.98805469,5.988054623,5.988054583,5.988054556,5.988054492,5.988054631,5.988054643,5.988054528,5.98805457,5.988054667,5.988054608,5.988054549,5.988054639,5.98805464,5.98805462
+"1173","ATP10B",4.078167866,4.078167898,4.078167915,4.078167884,4.078167988,4.078167935,4.078167884,4.078167938,4.078167926,4.078167946,4.078167965,4.078167919,4.078167941,4.078167733,4.078167923,4.078167908,4.078168013,4.07816794,4.078167861,4.07816802,4.078168005,4.07816801,4.078167993,4.078167845,4.078167909,4.078167894,4.078167883,4.078167928
+"1174","ATP10D",6.367910823,6.36791035,6.36790994,6.367910422,6.367910374,6.367910455,6.367909735,6.36790943,6.367909223,6.367910155,6.367910098,6.367909365,6.367909908,6.367910675,6.367910447,6.367910111,6.367909814,6.367909984,6.36791063,6.367910088,6.367909858,6.367909766,6.367909212,6.367910178,6.367910195,6.367909773,6.367909917,6.367910619
+"1175","ATP11A",7.975927442,7.975928047,7.975927732,7.975928788,7.975927333,7.975928662,7.975928143,7.975927622,7.975927242,7.975927778,7.975927708,7.975926988,7.975927825,7.975927304,7.975927298,7.975927983,7.975927398,7.975928348,7.975927953,7.975928747,7.975927817,7.975927445,7.975927882,7.975928197,7.975928176,7.975927551,7.975927779,7.975926624
+"1176","ATP11AUN",3.827184488,3.827184514,3.827184518,3.827184512,3.827184503,3.8271845,3.827184501,3.827184517,3.827184479,3.827184521,3.827184509,3.827184538,3.827184507,3.827184505,3.827184522,3.827184526,3.827184526,3.827184532,3.827184495,3.8271845,3.827184517,3.827184525,3.827184487,3.827184502,3.827184491,3.827184497,3.827184493,3.827184521
+"1177","ATP11B",7.681567428,7.681567177,7.681565841,7.681567226,7.681565737,7.68156452,7.681567004,7.68156511,7.681566907,7.681566579,7.681566192,7.681563505,7.681566078,7.681569178,7.681566717,7.681566775,7.681565175,7.681566594,7.681567494,7.681564939,7.681566795,7.681565703,7.681568162,7.681567767,7.681566917,7.681565446,7.681566063,7.681567877
+"1178","ATP11C",5.939167416,5.939167204,5.939167078,5.939167066,5.939167069,5.939167124,5.939167202,5.939167019,5.939167239,5.939167148,5.939167013,5.939166988,5.939167239,5.939167549,5.93916719,5.939167155,5.939167058,5.939166936,5.939167182,5.939166938,5.939167164,5.93916709,5.939167307,5.939167192,5.939167044,5.939167131,5.939167205,5.939167344
+"1179","ATP12A",3.915521902,3.915521898,3.915521956,3.915521935,3.915521928,3.915521906,3.915521922,3.915521921,3.915521913,3.9155219,3.915521936,3.91552194,3.91552192,3.915521912,3.915521937,3.915521921,3.915521959,3.915521956,3.915521923,3.91552192,3.91552194,3.915521921,3.915521907,3.915521931,3.915521936,3.915521933,3.915521916,3.915521906
+"1180","ATP13A1",6.988222015,6.988221993,6.988221968,6.988221943,6.988221968,6.988222045,6.988221979,6.988221969,6.988222025,6.98822203,6.988221932,6.988221972,6.988222008,6.988222021,6.988221974,6.988221972,6.988221974,6.988221957,6.988222001,6.988222074,6.98822197,6.988221985,6.988222001,6.988222016,6.988221893,6.988221949,6.988221988,6.988221942
+"1181","ATP13A2",6.188616305,6.188616314,6.188616295,6.18861632,6.188616303,6.18861636,6.188616292,6.188616344,6.188616306,6.188616363,6.1886163,6.188616304,6.188616325,6.188616289,6.188616337,6.188616316,6.188616283,6.188616313,6.188616322,6.188616311,6.188616323,6.188616284,6.188616303,6.188616324,6.188616284,6.188616344,6.18861635,6.188616291
+"1182","ATP13A3",7.112469071,7.112468844,7.112468258,7.112468102,7.112468096,7.112467871,7.112469052,7.112467581,7.112468582,7.112468729,7.112468075,7.112467308,7.112468414,7.11247002,7.112468498,7.112468315,7.112467358,7.112467661,7.112468153,7.112467586,7.11246851,7.112467626,7.112468657,7.112468766,7.112467834,7.112467674,7.112468353,7.112468633
+"1183","ATP13A4",3.949246579,3.949246563,3.949246554,3.949246536,3.949246573,3.949246565,3.949246584,3.949246594,3.949246572,3.949246561,3.949246576,3.949246573,3.949246592,3.949246556,3.949246619,3.949246567,3.94924657,3.949246552,3.949246589,3.949246576,3.949246594,3.949246574,3.949246592,3.949246562,3.949246606,3.949246608,3.949246552,3.949246581
+"1184","ATP13A5",3.550326448,3.550326523,3.5503264,3.550326561,3.550326428,3.550326409,3.550326363,3.550326514,3.550326439,3.550326604,3.550326549,3.550326456,3.550326346,3.550326388,3.550326475,3.550326355,3.550326468,3.550326346,3.550326394,3.550326427,3.550326445,3.55032641,3.550326437,3.550326414,3.550326548,3.550326482,3.550326537,3.550326416
+"1185","ATP1A1",8.642316409,8.642316929,8.642315772,8.642315555,8.642316361,8.642316808,8.642316714,8.642315676,8.642317473,8.642317262,8.642315194,8.642316183,8.642316876,8.642318674,8.642316338,8.642316001,8.642314689,8.64231477,8.642316209,8.642314915,8.642316177,8.642315955,8.642317096,8.642316272,8.64231483,8.642316303,8.642316928,8.642317532
+"1186","ATP1A2",4.859925841,4.859925817,4.859925845,4.859925862,4.859925981,4.859925851,4.859925891,4.859925917,4.859925862,4.859925892,4.859925922,4.859925916,4.859925831,4.859925764,4.859925928,4.859925834,4.85992594,4.859925852,4.859925867,4.859925871,4.859925898,4.859925914,4.859925819,4.859925824,4.859925855,4.859925897,4.859925837,4.859925871
+"1187","ATP1A3",5.186293569,5.186293478,5.186293603,5.186293405,5.186293556,5.186293586,5.186293617,5.186293543,5.186293652,5.186293566,5.186293518,5.186293535,5.18629357,5.186293482,5.186293554,5.186293395,5.18629351,5.186293593,5.186293475,5.186293554,5.186293584,5.186293521,5.186293467,5.186293557,5.186293435,5.186293516,5.18629361,5.18629342
+"1188","ATP1A4",4.048122342,4.048122354,4.04812238,4.048122341,4.048122344,4.048122351,4.048122372,4.048122344,4.048122336,4.048122327,4.048122328,4.048122377,4.048122353,4.048122335,4.048122364,4.048122364,4.048122386,4.048122369,4.048122372,4.048122355,4.048122379,4.048122368,4.048122337,4.048122356,4.048122332,4.048122363,4.048122342,4.048122356
+"1189","ATP1B1",4.873761416,4.873761443,4.873761396,4.873761388,4.873761439,4.873761455,4.873761343,4.873761379,4.873761411,4.873761403,4.873761449,4.873761348,4.873761417,4.87376153,4.873761452,4.873761376,4.87376134,4.873761351,4.873761385,4.87376145,4.87376145,4.873761429,4.873761374,4.873761444,4.873761534,4.873761368,4.873761471,4.873761476
+"1190","ATP1B2",6.162075729,6.162075571,6.162076155,6.1620758,6.162076225,6.162076081,6.162075844,6.162076172,6.162076224,6.16207604,6.16207632,6.162076058,6.162075695,6.162075151,6.162076086,6.162075468,6.162076358,6.162075997,6.162076066,6.162075973,6.162075832,6.16207603,6.162075956,6.162075473,6.162075825,6.162076154,6.162075806,6.162075813
+"1191","ATP1B3",5.823615889,5.823615845,5.823615607,5.823615567,5.823615538,5.823616042,5.82361572,5.823614957,5.823615404,5.823615613,5.823615204,5.823615006,5.823615731,5.8236159,5.823615423,5.823615139,5.823615277,5.823615329,5.823615585,5.82361579,5.823615701,5.823615391,5.823615877,5.823615738,5.823615591,5.823615247,5.823615831,5.823615704
+"1192","ATP1B4",4.452022187,4.452022209,4.452022358,4.452022138,4.452022475,4.452022214,4.452022403,4.452022344,4.452022288,4.452022279,4.452022266,4.45202256,4.452022175,4.452022109,4.452022321,4.45202228,4.452022358,4.452022326,4.452022155,4.452022319,4.452022289,4.452022274,4.452022238,4.452022121,4.452022159,4.452022341,4.452022132,4.452022266
+"1193","ATP23",4.894411974,4.894411614,4.894411893,4.894411806,4.894411887,4.894411667,4.894411922,4.894411719,4.894411843,4.894411843,4.894411874,4.894411714,4.894411903,4.894412027,4.894411854,4.894411609,4.89441186,4.894411839,4.894411782,4.894411881,4.894411687,4.894411861,4.894411869,4.894412136,4.894412055,4.894411534,4.894411944,4.89441182
+"1194","ATP2A1",4.521347624,4.521347627,4.521347639,4.521347659,4.521347706,4.521347636,4.521347678,4.521347669,4.521347638,4.521347624,4.521347651,4.521347662,4.521347643,4.521347559,4.521347691,4.52134765,4.521347679,4.521347655,4.521347628,4.521347696,4.521347696,4.52134769,4.521347627,4.521347642,4.521347644,4.52134767,4.521347654,4.521347692
+"1195","ATP2A2",7.051541505,7.051541491,7.051541432,7.051541434,7.051541343,7.051541576,7.051541608,7.051541301,7.05154148,7.051541459,7.051541376,7.051541328,7.051541527,7.05154153,7.051541394,7.051541342,7.051541215,7.051541312,7.051541358,7.051541254,7.051541514,7.051541365,7.051541363,7.051541433,7.05154124,7.05154137,7.051541433,7.051541273
+"1196","ATP2A3",8.774181322,8.77418203,8.77418148,8.774182069,8.774181808,8.774181681,8.774181985,8.774181535,8.774182011,8.774182213,8.774182118,8.774181617,8.774181838,8.774181872,8.774181559,8.774181934,8.774181496,8.774181864,8.774182104,8.774181192,8.774181491,8.77418162,8.774182083,8.774182153,8.77418199,8.774181717,8.774181849,8.774181593
+"1197","ATP2B1",8.292183622,8.343193695,8.18822876,8.290588524,8.222559466,8.017947201,8.246513023,8.082602668,8.134066474,8.120218659,8.20240152,8.026773067,8.248042882,8.367246037,8.261537259,8.305242943,8.175895874,8.264679542,8.374916352,8.050938627,8.273937284,8.126979258,8.237609988,8.176817576,8.250428938,8.138737052,8.242986931,8.260367029
+"1198","ATP2B2",5.1998274,5.199827249,5.199827955,5.199827597,5.199828167,5.199827068,5.199827888,5.199828007,5.199827391,5.199827573,5.199827848,5.199828143,5.199827866,5.19982753,5.199828014,5.199827761,5.199828247,5.199828137,5.199827909,5.199827768,5.199827777,5.199828001,5.199827651,5.199827522,5.199827849,5.199828027,5.199827403,5.199827629
+"1199","ATP2B3",4.766916678,4.766916698,4.766916746,4.766916726,4.76691678,4.76691669,4.766916726,4.766916737,4.766916699,4.766916743,4.766916761,4.766916775,4.766916689,4.766916687,4.766916786,4.766916697,4.766916779,4.766916745,4.766916691,4.766916742,4.766916772,4.766916739,4.766916704,4.766916708,4.766916733,4.766916759,4.766916719,4.766916722
+"1200","ATP2B4",8.096051339,8.09605122,8.096050819,8.096051138,8.096050801,8.096051145,8.096051341,8.096051115,8.096051035,8.096051074,8.096051117,8.096050487,8.096051084,8.096051029,8.096051279,8.096051162,8.09605067,8.096051004,8.096051039,8.09605092,8.096051284,8.096050925,8.096051207,8.096051258,8.096051024,8.096050869,8.096051095,8.096050637
+"1201","ATP2C1",6.704551983,6.704551903,6.704551636,6.704551691,6.704551468,6.704551407,6.704551763,6.704551388,6.704551718,6.704551507,6.704551565,6.704551204,6.704551782,6.704552212,6.704551546,6.704551614,6.704551431,6.704551534,6.704551627,6.704550955,6.704551756,6.704551426,6.704551589,6.704551695,6.704551603,6.704551551,6.704551723,6.704551659
+"1202","ATP2C2",4.959503708,4.959503671,4.959503956,4.959503621,4.95950404,4.959503737,4.959503924,4.95950384,4.959503693,4.959503868,4.959504079,4.959504047,4.959503896,4.959503487,4.959503976,4.959503863,4.959504075,4.959503967,4.959503915,4.959503787,4.959503945,4.95950399,4.95950379,4.959503451,4.959503886,4.959503963,4.95950393,4.959503895
+"1203","ATP4A",4.948023876,4.948023901,4.948023925,4.948023919,4.948023951,4.948023891,4.948023914,4.948023934,4.94802392,4.948023899,4.948023921,4.94802393,4.948023904,4.94802388,4.948023932,4.948023884,4.948023936,4.948023947,4.948023933,4.948023914,4.948023935,4.948023943,4.948023894,4.948023878,4.948023923,4.948023918,4.948023906,4.948023915
+"1204","ATP4B",4.426924329,4.426924251,4.426924383,4.426924436,4.426924477,4.426924282,4.426924426,4.426924471,4.426924403,4.426924446,4.426924489,4.426924476,4.426924453,4.426924312,4.426924476,4.426924521,4.426924494,4.426924487,4.426924349,4.426924385,4.426924517,4.426924571,4.426924404,4.426924445,4.426924335,4.426924473,4.426924406,4.426924367
+"1205","ATP5F1A",8.477134724,8.477134189,8.47713409,8.477133493,8.477133898,8.477134284,8.47713434,8.477133625,8.477134457,8.477134323,8.477133184,8.477133692,8.477134186,8.47713506,8.477133864,8.477133827,8.477133481,8.477132852,8.47713414,8.477134265,8.47713434,8.47713401,8.477134365,8.477134022,8.477133185,8.477134048,8.477134511,8.477134451
+"1206","ATP5F1B",9.741817788,9.741081423,9.689774654,9.588924174,9.640616308,9.783976748,9.736219608,9.67724187,9.754390613,9.758565532,9.605203054,9.650655823,9.707033952,9.81348397,9.648396318,9.685253007,9.64042753,9.516112281,9.622488458,9.829960537,9.741694642,9.677596911,9.746342425,9.732091471,9.56908416,9.715241415,9.703681424,9.68678756
+"1207","ATP5F1C",6.928162947,6.928161914,6.928162454,6.928162459,6.928162193,6.928161956,6.92816319,6.928162371,6.928163102,6.928163178,6.92816213,6.928161666,6.928162514,6.928163999,6.928162124,6.928161686,6.928162386,6.92816166,6.928162711,6.928162132,6.928162741,6.928162336,6.928163146,6.928162844,6.928162326,6.928162093,6.928162567,6.928163516
+"1208","ATP5F1D",8.25781756,8.257817529,8.25781748,8.25781725,8.257817567,8.257818011,8.257817584,8.257817577,8.25781796,8.257817928,8.257817127,8.257817711,8.257817559,8.257817595,8.257817454,8.257817345,8.25781739,8.257817034,8.25781743,8.257817593,8.257817291,8.25781767,8.25781779,8.257817591,8.257817153,8.257817646,8.257817868,8.257817503
+"1209","ATP5F1EP2",5.686902404,5.686902301,5.686902643,5.686902447,5.686902388,5.686902642,5.686902518,5.686902432,5.686902504,5.686902556,5.686902661,5.686902399,5.686902455,5.686902518,5.686902382,5.686902205,5.686902489,5.686902397,5.686902364,5.686902484,5.68690248,5.686902443,5.686902577,5.686902465,5.686902492,5.686902482,5.686902444,5.686902367
+"1210","ATP5IF1",6.592337017,6.592336995,6.592337018,6.592337013,6.592336985,6.592336998,6.592336993,6.592337008,6.59233701,6.592337016,6.592337029,6.59233699,6.592336981,6.592336991,6.592337005,6.592337028,6.592337033,6.592337022,6.592337006,6.592336958,6.592337023,6.592336993,6.592337042,6.592337009,6.592337011,6.592337006,6.592336995,6.592337015
+"1211","ATP5MC1",6.876844136,6.876843941,6.876844086,6.876843784,6.876843541,6.876844133,6.876844009,6.876843822,6.87684414,6.876844012,6.876843691,6.876844013,6.87684401,6.87684392,6.876843672,6.87684412,6.87684353,6.876843221,6.876843869,6.876844346,6.876844069,6.876843693,6.876843937,6.876843833,6.876843574,6.876843922,6.87684406,6.87684365
+"1212","ATP5MC2",8.050775057,8.050775209,8.05077481,8.050774379,8.050774703,8.050775115,8.050775067,8.050774893,8.050775202,8.050775156,8.050774436,8.050774926,8.050775066,8.050775155,8.050774782,8.050774842,8.050774793,8.050774288,8.050774796,8.050775006,8.050774834,8.050774964,8.050775172,8.050774964,8.05077425,8.050774841,8.050775055,8.050775035
+"1213","ATP5MC3",5.381414714,5.381414711,5.381414721,5.381414695,5.381414724,5.381414726,5.381414727,5.381414711,5.38141473,5.381414735,5.381414707,5.38141472,5.381414709,5.381414719,5.381414722,5.381414706,5.381414708,5.381414681,5.381414712,5.381414723,5.381414715,5.381414711,5.381414718,5.381414713,5.381414682,5.381414707,5.381414716,5.381414705
+"1214","ATP5ME",6.495320348,6.49532031,6.495320349,6.495320355,6.495320372,6.495320369,6.495320356,6.49532035,6.495320311,6.495320341,6.495320341,6.495320316,6.495320332,6.495320339,6.495320352,6.495320304,6.495320365,6.495320347,6.495320364,6.495320373,6.495320351,6.495320341,6.495320358,6.495320348,6.495320336,6.495320356,6.495320333,6.495320333
+"1215","ATP5MG",7.312397603,7.312397162,7.312397517,7.312396659,7.312396575,7.31239735,7.312397544,7.312397427,7.312397593,7.312397526,7.312396828,7.312396874,7.312397206,7.312397826,7.312397178,7.312396877,7.31239649,7.31239605,7.312396998,7.31239644,7.312397211,7.312397243,7.312397786,7.312397492,7.312396387,7.312396932,7.312397371,7.312397132
+"1216","ATP5MGL",4.938403894,4.938403889,4.938403885,4.938403904,4.938403878,4.938403898,4.938403892,4.938403887,4.938403895,4.938403884,4.938403871,4.938403847,4.938403887,4.938403902,4.938403869,4.938403883,4.938403886,4.938403877,4.938403901,4.938403864,4.938403873,4.938403879,4.938403881,4.938403897,4.938403888,4.938403879,4.938403907,4.938403878
+"1217","ATP5MJ",4.98893705,4.988936967,4.988937061,4.98893694,4.988936936,4.98893687,4.988936993,4.988936953,4.988936905,4.988937023,4.988936917,4.988936872,4.988936919,4.98893719,4.988936847,4.988936963,4.988937006,4.988936934,4.988936945,4.988937074,4.98893694,4.98893698,4.988936989,4.988936963,4.988936942,4.988936931,4.988936933,4.988936974
+"1218","ATP5MK",4.756120839,4.75612051,4.756120428,4.756120564,4.756120613,4.756120553,4.756120664,4.756120518,4.756120667,4.756120755,4.756120706,4.756120411,4.756120786,4.756120824,4.75612063,4.756120702,4.756120385,4.756120488,4.75612052,4.756120387,4.756120706,4.756120657,4.756120838,4.756120622,4.756120252,4.756120755,4.756120508,4.756120949
+"1219","ATP5PB",5.987986408,5.987986037,5.98798623,5.987985976,5.9879859,5.987986079,5.987986078,5.987985749,5.98798626,5.987986115,5.987985767,5.987985427,5.987985954,5.987986744,5.987986092,5.987985603,5.987985888,5.98798575,5.987985982,5.987986171,5.987986001,5.987985885,5.987986352,5.987986198,5.987985528,5.987985759,5.987985955,5.987986174
+"1220","ATP5PD",7.425196493,7.425196303,7.425196015,7.425195427,7.425195624,7.425195856,7.42519596,7.4251955,7.425196352,7.425196121,7.425195323,7.425195388,7.425196128,7.42519642,7.425195722,7.425196102,7.425195425,7.425195323,7.425195975,7.425196158,7.425196053,7.425195722,7.425196084,7.425196045,7.425195366,7.425196005,7.425196028,7.425196004
+"1221","ATP5PF",5.56521061,5.565210464,5.565210668,5.565210407,5.565210488,5.56521059,5.565210726,5.565210325,5.565210762,5.565210713,5.565210599,5.565210321,5.565210603,5.5652108,5.565210704,5.565210233,5.565210633,5.56521059,5.565210547,5.565210702,5.565210664,5.565210497,5.565210667,5.565210615,5.565210538,5.565210537,5.565210635,5.565210783
+"1222","ATP5PO",6.801578795,6.801578814,6.801579072,6.801578447,6.801578741,6.801578825,6.801579057,6.801578349,6.801579074,6.801579309,6.801578687,6.801578575,6.801578654,6.801579336,6.801578584,6.801578623,6.801578946,6.801578121,6.801578948,6.801578611,6.801578935,6.801578614,6.80157913,6.801578929,6.801578766,6.801578454,6.801578671,6.80157893
+"1223","ATP6AP1",8.873098504,8.873098702,8.873098529,8.873098723,8.873098534,8.873098593,8.873098538,8.87309851,8.873098498,8.873098534,8.873098559,8.87309844,8.873098513,8.873098589,8.873098509,8.873098696,8.873098553,8.873098612,8.87309853,8.873098592,8.873098406,8.873098484,8.873098558,8.873098636,8.87309855,8.87309849,8.873098504,8.873098511
+"1224","ATP6AP1-DT",7.403333212,7.403333614,7.403333968,7.403333597,7.403335337,7.403333081,7.403334111,7.40333427,7.403333633,7.403333938,7.403334306,7.40333472,7.403333755,7.403332689,7.403334799,7.403334659,7.403334745,7.403334357,7.403334,7.4033338,7.403334872,7.403334463,7.403333479,7.403333318,7.403334014,7.403334289,7.403333701,7.403334399
+"1225","ATP6AP1L",4.1251200355,4.1251199055,4.1251199175,4.1251199445,4.1251200765,4.125120033,4.1251200305,4.125120132,4.1251201515,4.1251199705,4.1251201275,4.1251199795,4.125120168,4.1251199615,4.12511999,4.125119973,4.125120126,4.12511986,4.1251200685,4.1251201185,4.125120035,4.1251201245,4.1251198825,4.1251198345,4.1251200845,4.1251200355,4.1251201015,4.125119978
+"1226","ATP6AP2",8.564053967,8.564054828,8.564053604,8.56405383,8.564052836,8.564053982,8.564053517,8.564053162,8.564053272,8.564053431,8.564053008,8.564052399,8.564053576,8.564054668,8.564053434,8.564054097,8.564053169,8.564053017,8.564053492,8.564054331,8.564053226,8.564053191,8.564053583,8.564054059,8.56405262,8.564053036,8.564053583,8.564053419
+"1227","ATP6V0A1",7.647379124,7.647379696,7.64737883,7.647379887,7.647377867,7.647379707,7.647378682,7.647378692,7.647378044,7.647378664,7.647378213,7.647378398,7.647378426,7.64737944,7.647379047,7.647379745,7.647378235,7.647378971,7.647379125,7.64737936,7.647378799,7.647378258,7.647378607,7.647379285,7.647379307,7.647378864,7.647378404,7.647378709
+"1228","ATP6V0A2",6.515220314,6.515220446,6.515220365,6.515220147,6.515220294,6.515220187,6.51522031,6.515220189,6.515220579,6.51522047,6.515220388,6.515219956,6.515220301,6.515220691,6.515220175,6.515220391,6.515220096,6.515219935,6.515220414,6.515220198,6.515220057,6.515220081,6.515220376,6.515220307,6.515220382,6.515220307,6.515220399,6.51522054
+"1229","ATP6V0A4",4.719293631,4.719293616,4.719293641,4.719293606,4.719293716,4.719293582,4.719293634,4.719293688,4.719293605,4.719293616,4.719293639,4.719293699,4.719293593,4.719293582,4.719293675,4.719293688,4.719293685,4.719293694,4.719293686,4.719293709,4.719293689,4.719293646,4.719293584,4.719293539,4.719293548,4.719293647,4.719293564,4.719293635
+"1230","ATP6V0B",8.798577366,8.798577377,8.798577042,8.798578128,8.798576344,8.798577325,8.798576954,8.798576847,8.798575991,8.798576178,8.798576598,8.798576033,8.798577275,8.798576792,8.798576851,8.798577555,8.798577065,8.798577351,8.798577294,8.798577342,8.798576762,8.798577078,8.79857636,8.798576909,8.798576161,8.798576435,8.798577009,8.798575906
+"1231","ATP6V0C",10.12973364,10.18920924,10.53224301,10.33503039,10.49613566,10.81761964,10.23945926,10.79797022,10.74135448,10.38645855,10.28804607,10.64893557,10.2006919,9.812810199,10.27054842,9.624889072,10.46502141,10.36249094,10.25008939,10.56268511,10.09052041,10.6402371,10.63315869,10.30091414,10.27148327,10.6431927,10.40134377,10.00150563
+"1232","ATP6V0D1",9.026972579,9.026973323,9.026972156,9.026973768,9.026972018,9.026974317,9.026972565,9.026972847,9.026972122,9.02697298,9.026972606,9.026971747,9.026972739,9.026972736,9.026972152,9.026973147,9.026971682,9.026973251,9.026972559,9.026973857,9.026972315,9.026972964,9.026972602,9.026973508,9.026972905,9.026972082,9.026972841,9.026971892
+"1233","ATP6V0D2",2.82305079,2.823050982,2.82305088,2.823050972,2.823050805,2.823050815,2.823050892,2.823050965,2.823050811,2.823050916,2.823050902,2.82305089,2.823050842,2.823050778,2.823050856,2.823050892,2.823051024,2.823050847,2.823050886,2.823050851,2.823050786,2.823050717,2.823050909,2.823050866,2.8230509,2.823050714,2.823050968,2.823050898
+"1234","ATP6V0E1",8.618655009,8.61865494,8.61865476,8.618654922,8.618654565,8.618654704,8.618654891,8.618654615,8.618654609,8.618654767,8.618654637,8.618654208,8.61865467,8.618655017,8.618654833,8.618654945,8.61865471,8.618654649,8.61865491,8.618654769,8.61865482,8.618654754,8.618654923,8.618654898,8.61865441,8.618654445,8.618654649,8.618654678
+"1235","ATP6V0E2",7.202933887,7.202933844,7.202933879,7.202933798,7.202933954,7.202934154,7.202933931,7.20293387,7.202933939,7.202933985,7.202933948,7.202934014,7.202933896,7.202933802,7.202933957,7.202933783,7.202933913,7.20293384,7.202933934,7.202933966,7.202933821,7.202933881,7.202933959,7.20293384,7.202933771,7.202933896,7.202933998,7.202933888
+"1236","ATP6V0E2-AS1",6.511425746,6.511425487,6.511425771,6.51142563,6.511425647,6.511425523,6.511425617,6.51142589,6.51142598,6.511425999,6.511425566,6.511425941,6.511425833,6.511425896,6.511425553,6.511425473,6.511425727,6.511425662,6.51142565,6.511425044,6.511425304,6.511425574,6.511425861,6.51142573,6.511425703,6.511425693,6.51142593,6.511425852
+"1237","ATP6V1A",8.694502556,8.694503201,8.694502334,8.694503009,8.694501837,8.694502561,8.694502161,8.694502425,8.694501494,8.694501792,8.694502167,8.69450139,8.694502002,8.694502536,8.694502378,8.694502938,8.694501904,8.694502289,8.694502437,8.694502714,8.694502021,8.694501869,8.69450195,8.69450261,8.694502296,8.694501935,8.694501923,8.694501862
+"1238","ATP6V1B1",5.422407515,5.422407482,5.422407521,5.422407539,5.422407574,5.42240752,5.422407487,5.422407551,5.422407553,5.422407512,5.42240753,5.422407514,5.422407518,5.422407437,5.422407543,5.422407533,5.422407545,5.422407556,5.422407499,5.422407517,5.422407541,5.422407541,5.422407468,5.422407463,5.422407524,5.422407538,5.422407493,5.422407497
+"1239","ATP6V1B2",10.61660267,10.83589986,10.41973753,10.83284297,10.18490136,10.85969936,10.4547599,10.38538199,10.1345554,10.29490438,10.3524105,9.971009608,10.45192721,10.67522119,10.50572335,10.70031716,10.41541524,10.49607519,10.48139656,11.00956511,10.54889905,10.37012681,10.44216511,10.58458854,10.37888985,10.19053889,10.32593824,10.2845442
+"1240","ATP6V1C1",6.601827836,6.601827759,6.601827282,6.601827839,6.601827113,6.601826482,6.601827002,6.60182666,6.601827145,6.601827267,6.601827105,6.601826001,6.601827004,6.601828423,6.60182747,6.601827892,6.601826984,6.601827304,6.601827685,6.601826675,6.601827208,6.601827027,6.60182745,6.601827654,6.601827226,6.601826838,6.601827181,6.601827439
+"1241","ATP6V1C2",4.234561762,4.234561661,4.234561819,4.234561766,4.23456188,4.234561871,4.234561774,4.234561752,4.234561747,4.23456187,4.234561827,4.234561828,4.234561757,4.234561666,4.234561893,4.234561686,4.23456179,4.234561727,4.23456182,4.23456182,4.234561804,4.234561791,4.23456178,4.234561802,4.234561815,4.234561818,4.234561837,4.234561799
+"1242","ATP6V1D",5.965775531,5.965776019,5.965775414,5.965775449,5.965774633,5.965775064,5.96577489,5.965774543,5.965775425,5.965775096,5.965774811,5.965774337,5.965775506,5.96577623,5.965775224,5.965776009,5.965775141,5.965775274,5.965775593,5.965775981,5.965774899,5.965775235,5.965775416,5.965775802,5.965775582,5.965774965,5.965774924,5.965775364
+"1243","ATP6V1E1",6.284918219,6.284918347,6.284918269,6.284918476,6.28491801,6.284918316,6.284917987,6.284917912,6.284918059,6.284918359,6.284918205,6.284917549,6.284918203,6.284918108,6.284918025,6.284918154,6.284917921,6.284918207,6.284918132,6.284918505,6.284918051,6.284917785,6.284918265,6.284918258,6.28491843,6.284917853,6.284918242,6.284917902
+"1244","ATP6V1E2",4.553690072,4.553690026,4.55369,4.553690056,4.553689968,4.553690107,4.553690154,4.553690081,4.553690129,4.553690091,4.553689873,4.553690024,4.553690022,4.55369027,4.553689947,4.553690033,4.553690024,4.553690106,4.553689927,4.553689956,4.55369005,4.553689921,4.553690102,4.553690123,4.553689913,4.553690119,4.553689984,4.553690126
+"1245","ATP6V1F",7.576063704,7.576063764,7.576063889,7.576063675,7.576063812,7.576063712,7.57606371,7.576063775,7.57606372,7.576063722,7.576063754,7.57606369,7.576063786,7.57606372,7.576063699,7.576063705,7.576063798,7.576063663,7.57606361,7.576063916,7.576063736,7.576063683,7.576063696,7.576063815,7.576063713,7.576063759,7.576063804,7.576063668
+"1246","ATP6V1G1",7.109852394,7.10985234,7.109852362,7.109852338,7.109852393,7.1098524,7.109852433,7.109852339,7.109852364,7.109852407,7.109852336,7.109852358,7.109852381,7.109852455,7.109852415,7.109852355,7.109852404,7.109852362,7.109852424,7.109852311,7.109852426,7.109852412,7.109852435,7.109852342,7.109852368,7.109852402,7.109852375,7.109852471
+"1247","ATP6V1G3",3.000796331,3.000796448,3.000796438,3.00079649,3.000796556,3.000796357,3.000796494,3.000796416,3.00079646,3.000796464,3.000796496,3.000796527,3.000796453,3.000796452,3.000796461,3.000796553,3.000796661,3.000796539,3.000796412,3.000796515,3.000796531,3.000796539,3.000796539,3.000796531,3.000796492,3.000796479,3.000796352,3.000796483
+"1248","ATP6V1H",6.507515288,6.507515311,6.507515069,6.507515055,6.507515122,6.507515102,6.507515188,6.507514988,6.507515214,6.507515165,6.507515029,6.507515015,6.507515193,6.50751538,6.507515141,6.50751527,6.507515015,6.507515018,6.507515209,6.507515176,6.507515099,6.507515038,6.507515196,6.507515156,6.507515051,6.507515057,6.507515145,6.50751522
+"1249","ATP7A",6.906803898,6.906804058,6.906803742,6.906804121,6.90680343,6.906803614,6.906803668,6.906803613,6.906803519,6.906803576,6.906803894,6.906803219,6.906803767,6.906804133,6.906803638,6.906804032,6.906803335,6.9068038,6.906803846,6.906803583,6.906803741,6.906803392,6.906803833,6.906803816,6.906804123,6.906803758,6.906803786,6.906803655
+"1250","ATP7B",4.933263062,4.933263054,4.93326311,4.93326311,4.933263139,4.933263144,4.933263142,4.933263143,4.93326309,4.933263079,4.933263159,4.933263188,4.933263089,4.933263078,4.933263176,4.933263129,4.933263146,4.933263134,4.933263153,4.933263178,4.933263172,4.933263166,4.933263084,4.933263149,4.933263127,4.933263101,4.933263097,4.933263108
+"1251","ATP8A1",6.851656836,6.851656643,6.851656585,6.851656536,6.851656353,6.851656425,6.851656741,6.851656434,6.851656766,6.851656643,6.851656428,6.851656258,6.851656688,6.851656942,6.851656731,6.851656673,6.851656464,6.851656393,6.851656596,6.851656243,6.851656699,6.851656482,6.851656815,6.851656704,6.851656404,6.85165662,6.85165667,6.851656773
+"1252","ATP8A2",3.950103322,3.950103357,3.95010335,3.95010333,3.950103365,3.950103349,3.950103331,3.950103353,3.950103313,3.95010334,3.950103352,3.950103363,3.950103351,3.950103322,3.950103359,3.950103335,3.950103393,3.95010335,3.95010335,3.950103331,3.950103363,3.950103338,3.950103326,3.950103319,3.950103345,3.950103344,3.95010333,3.95010333
+"1253","ATP8B1",3.914438409,3.91443841,3.914438412,3.91443837,3.914438432,3.914438449,3.914438443,3.914438416,3.914438427,3.9144384,3.914438421,3.914438437,3.914438402,3.914438395,3.914438414,3.914438419,3.914438412,3.914438422,3.914438398,3.914438443,3.914438429,3.914438417,3.914438389,3.914438369,3.91443838,3.91443843,3.914438456,3.914438443
+"1254","ATP8B2",7.644685571,7.644685672,7.644684851,7.644684719,7.644685595,7.644685548,7.644685621,7.64468503,7.644686805,7.644686097,7.644684709,7.644685513,7.644685752,7.644686526,7.644685102,7.644684812,7.644683991,7.644684537,7.644685611,7.644684922,7.644685112,7.644684905,7.644686134,7.644685014,7.644684699,7.644685716,7.644686024,7.644686058
+"1255","ATP8B3",5.527394057,5.527393989,5.527394127,5.5273941,5.527394214,5.527394037,5.527394063,5.52739412,5.527394058,5.527394067,5.527394144,5.527394138,5.527394119,5.527394015,5.527394123,5.5273941,5.52739416,5.52739416,5.52739407,5.527394089,5.527394153,5.527394159,5.527394027,5.527394041,5.527394133,5.52739412,5.527394069,5.527394086
+"1256","ATP8B4",5.946508862,5.946508505,5.946508117,5.94650747,5.946507531,5.946506402,5.946507626,5.946506764,5.946506016,5.94650786,5.946508167,5.946506135,5.946507412,5.946508222,5.946507937,5.946508138,5.946507672,5.946506967,5.946508427,5.946506591,5.946507809,5.946506594,5.946507116,5.946508296,5.946507707,5.946506631,5.946507685,5.946507983
+"1257","ATP8B5P",3.200773307,3.200773301,3.200773335,3.200773446,3.200773345,3.200773423,3.200773367,3.200773408,3.200773201,3.20077345,3.200773286,3.200773513,3.200773256,3.200773303,3.200773272,3.200773325,3.200773282,3.200773564,3.200773427,3.200773488,3.20077337,3.200773333,3.20077317,3.200773237,3.200773288,3.200773329,3.200773234,3.200773457
+"1258","ATP9A",5.121104015,5.121103874,5.121103795,5.121103846,5.121103773,5.121103678,5.121103806,5.121104084,5.121104,5.121103919,5.121103902,5.121103884,5.121103925,5.121103645,5.121103993,5.121103881,5.121103755,5.121103818,5.121103988,5.12110374,5.121103836,5.121103917,5.121104126,5.121104119,5.121103829,5.121103958,5.121103846,5.12110389
+"1259","ATP9B",7.005717199,7.005717084,7.005716954,7.005716994,7.00571699,7.005717081,7.005717059,7.005717068,7.005717113,7.005717113,7.005716958,7.005717076,7.005717142,7.005717213,7.00571702,7.00571703,7.005716864,7.005716896,7.005717115,7.005716972,7.005716995,7.005717058,7.005717086,7.005717105,7.005716917,7.005717036,7.005717145,7.005717136
+"1260","ATPAF1",5.478377553,5.478377494,5.478377482,5.478377453,5.478377436,5.478377492,5.478377444,5.478377508,5.478377504,5.478377472,5.478377437,5.478377413,5.478377479,5.478377554,5.478377472,5.478377379,5.478377404,5.478377374,5.478377455,5.478377534,5.478377474,5.478377446,5.478377524,5.478377494,5.478377467,5.478377448,5.478377453,5.478377481
+"1261","ATPAF2",6.473996859,6.473996834,6.473996851,6.473996842,6.47399685,6.473996842,6.473996825,6.473996827,6.473996827,6.473996836,6.473996823,6.473996857,6.473996861,6.473996855,6.473996836,6.473996816,6.473996821,6.473996829,6.473996855,6.47399677,6.473996822,6.473996844,6.473996821,6.473996838,6.473996803,6.47399685,6.473996871,6.473996832
+"1262","ATPSCKMT",5.08149213,5.081492136,5.081492049,5.081491968,5.081491932,5.081491983,5.081492049,5.081492039,5.081492027,5.081491946,5.081492051,5.081491904,5.081492148,5.081492172,5.081491997,5.081492082,5.081491907,5.08149202,5.081492081,5.081492084,5.081491964,5.081491938,5.081492112,5.081492116,5.081491988,5.081491973,5.081492116,5.081492075
+"1263","ATR",6.400518775,6.400518252,6.400518197,6.400518008,6.400518051,6.40051811,6.400518382,6.400518046,6.400518357,6.400518314,6.400517986,6.400517948,6.400518458,6.400518902,6.40051841,6.40051816,6.400517899,6.400517825,6.400518432,6.400517816,6.400518358,6.400518227,6.400518501,6.400518351,6.400518018,6.400518249,6.400518408,6.400518548
+"1264","ATRAID",6.952210401,6.952210319,6.952210392,6.952210423,6.952210289,6.952210232,6.952210483,6.952210275,6.952210222,6.952210349,6.952210215,6.95221026,6.952210529,6.95221048,6.952210247,6.952210236,6.95221034,6.952210184,6.952210333,6.952210353,6.95221037,6.95221034,6.952210342,6.952210365,6.952210189,6.952210351,6.95221048,6.952210496
+"1265","ATRN",6.539592373,6.539592358,6.539592323,6.539592274,6.539592301,6.539592313,6.539592309,6.539592272,6.539592339,6.539592401,6.539592212,6.53959229,6.539592373,6.539592407,6.539592322,6.539592309,6.539592246,6.539592208,6.53959234,6.539592301,6.539592266,6.539592277,6.539592313,6.539592302,6.539592236,6.53959234,6.539592381,6.539592293
+"1266","ATRNL1",3.548175078,3.548175079,3.548175092,3.548175087,3.5481751,3.548175106,3.548175091,3.548175098,3.54817508,3.548175103,3.548175095,3.548175117,3.548175077,3.548175081,3.548175096,3.548175095,3.548175098,3.548175089,3.548175095,3.548175092,3.548175106,3.548175111,3.548175106,3.548175107,3.548175101,3.548175103,3.548175089,3.548175093
+"1267","ATRX",6.618339923,6.6183393555,6.6183390815,6.618339389,6.618339153,6.6183392695,6.6183395405,6.6183381985,6.6183394565,6.618338897,6.6183388595,6.618337974,6.6183393,6.618341044,6.6183392875,6.6183378615,6.6183393735,6.6183388115,6.618339651,6.618338131,6.618339608,6.6183396965,6.618339873,6.618339278,6.618339574,6.618339402,6.6183392355,6.6183404355
+"1268","ATXN1",7.586247257,7.586246655,7.586245947,7.586247243,7.586245918,7.586246704,7.586247459,7.58624651,7.586246259,7.58624613,7.58624643,7.586245104,7.58624659,7.586246353,7.586246685,7.58624644,7.586245923,7.58624645,7.586246617,7.586247034,7.586247451,7.58624624,7.586247131,7.586247082,7.586246529,7.586245402,7.586246718,7.586245866
+"1269","ATXN10",6.67727547,6.677275175,6.67727492,6.677274537,6.677274873,6.677274786,6.67727487,6.677274869,6.677275303,6.677275164,6.677274381,6.677274806,6.677275129,6.677275999,6.677274899,6.677274773,6.677274354,6.67727445,6.677275051,6.677274285,6.677274833,6.677274755,6.677275205,6.67727517,6.677274381,6.677275122,6.677275114,6.677275569
+"1270","ATXN2",7.117125464,7.117125486,7.117125272,7.11712543,7.117124732,7.117125578,7.117125525,7.117124708,7.117125479,7.11712571,7.11712498,7.117124926,7.117125479,7.117125791,7.117125173,7.117124803,7.117124925,7.117124695,7.117125163,7.117125641,7.117125279,7.117124806,7.117125592,7.117125424,7.117125158,7.117125448,7.117125618,7.117125099
+"1271","ATXN2L",7.004617074,7.004617052,7.004617064,7.004617002,7.004617186,7.004617192,7.004617025,7.004617097,7.004617215,7.00461726,7.004617136,7.00461716,7.004617118,7.004617028,7.004617058,7.004617033,7.004616874,7.004617114,7.004616971,7.004616916,7.004617127,7.004617107,7.004617084,7.00461699,7.004616945,7.00461713,7.004617159,7.004617109
+"1272","ATXN3",6.35283162,6.352831324,6.352831143,6.352830833,6.352830495,6.352830381,6.352830605,6.352830529,6.352830732,6.352830752,6.352830712,6.3528301,6.352830966,6.352832108,6.352830811,6.35283086,6.352830525,6.352830493,6.352831024,6.352830555,6.352830587,6.352830496,6.352831121,6.352830864,6.352830755,6.352830625,6.352831097,6.352831481
+"1273","ATXN3L",2.779722013,2.779722043,2.779722037,2.779722203,2.779721885,2.779722033,2.779721945,2.779721998,2.779721976,2.779722081,2.779722321,2.77972209,2.779722043,2.779722009,2.779722058,2.779721983,2.779722118,2.779722105,2.779722072,2.77972212,2.779721924,2.779722073,2.779722027,2.779722096,2.779722113,2.77972213,2.779722073,2.779722109
+"1274","ATXN7",8.634413853,8.634413939,8.634413282,8.63441444,8.63441352,8.634415511,8.634414353,8.634413917,8.634414191,8.634413857,8.634413343,8.634413571,8.634414048,8.634414238,8.634414056,8.634413764,8.634413223,8.634414086,8.634414364,8.634415665,8.634414132,8.634414166,8.634414328,8.634414242,8.6344138,8.634413943,8.634414118,8.634413729
+"1275","ATXN7L1",6.60683670283333,6.60683659233333,6.60683645283333,6.60683649183333,6.60683647383333,6.606836502,6.6068365485,6.6068364285,6.60683657483333,6.6068366035,6.6068364745,6.60683651,6.606836624,6.60683661483333,6.60683650216667,6.60683642933333,6.60683620233333,6.60683642916667,6.60683653816667,6.60683652983333,6.60683653633333,6.60683642133333,6.60683653933333,6.60683661433333,6.60683656983333,6.60683662183333,6.606836659,6.60683652983333
+"1276","ATXN7L2",5.698671257,5.698671341,5.698671375,5.698671339,5.698671368,5.698671325,5.698671357,5.698671418,5.69867134,5.698671297,5.698671367,5.69867149,5.69867135,5.698671247,5.698671355,5.698671347,5.698671366,5.698671394,5.698671325,5.698671352,5.698671318,5.69867137,5.69867137,5.698671367,5.698671334,5.698671322,5.698671381,5.698671347
+"1277","ATXN7L3",6.190337245,6.190337396,6.190337103,6.190337362,6.19033698,6.190337425,6.190337226,6.190337143,6.190337264,6.190337287,6.190337294,6.190337084,6.19033721,6.190337388,6.190337174,6.190337303,6.190336959,6.190337324,6.190337117,6.19033749,6.190337175,6.190337192,6.190337314,6.190337285,6.190337335,6.190337201,6.190337382,6.190337181
+"1278","ATXN7L3B",7.40142177,7.401422099,7.401421614,7.40142124,7.401421615,7.401421283,7.401421519,7.401421555,7.401422039,7.40142191,7.401421303,7.401421667,7.401421833,7.401422707,7.40142168,7.401421791,7.401421304,7.401421189,7.401421846,7.40142119,7.40142128,7.401421694,7.401422164,7.401421993,7.401421158,7.401421797,7.401421774,7.401422343
+"1279","AUH",6.80547782,6.805477739,6.80547777,6.805477673,6.805477577,6.805477474,6.80547758,6.805477555,6.805477793,6.805477656,6.805477649,6.805477682,6.80547771,6.805477937,6.805477768,6.805477734,6.805477606,6.805477604,6.805477718,6.805477478,6.805477525,6.805477568,6.805477809,6.80547775,6.805477627,6.805477737,6.805477643,6.805477812
+"1280","AUNIP",4.285672246,4.28567227,4.285672264,4.285672271,4.285672223,4.285672312,4.285672206,4.285672278,4.28567223,4.285672264,4.285672247,4.285672332,4.285672256,4.285672194,4.285672214,4.285672289,4.285672251,4.285672215,4.285672211,4.285672279,4.285672195,4.285672229,4.285672275,4.285672213,4.285672246,4.2856722,4.285672309,4.285672196
+"1281","AUP1",7.971661929,7.971661543,7.971661572,7.971661386,7.971661296,7.971661894,7.971661619,7.97166132,7.971661582,7.971661707,7.971661445,7.971661275,7.971661838,7.971661927,7.971661318,7.971661447,7.971661323,7.971661092,7.971661451,7.97166198,7.971661562,7.971661639,7.971661568,7.97166163,7.971661442,7.971661481,7.971661866,7.971661515
+"1282","AURKA",4.792177472,4.792177545,4.792177499,4.792177515,4.79217749,4.79217754,4.792177568,4.792177535,4.792177585,4.792177529,4.792177493,4.792177572,4.792177462,4.792177448,4.792177464,4.792177486,4.792177493,4.792177476,4.792177456,4.792177447,4.792177609,4.79217751,4.79217753,4.792177483,4.79217751,4.792177533,4.792177521,4.792177488
+"1283","AURKAIP1",7.5239444475,7.5239444805,7.523944605,7.5239445185,7.523944612,7.523944494,7.5239444665,7.5239445585,7.523944612,7.5239445275,7.52394461,7.523944667,7.523944424,7.5239443385,7.5239444955,7.5239445725,7.5239447255,7.523944534,7.5239444935,7.523944477,7.5239444765,7.523944565,7.52394453,7.523944449,7.5239445565,7.523944547,7.523944456,7.523944511
+"1284","AURKB",6.093786274,6.093786288,6.093786276,6.093786293,6.093786312,6.093786299,6.093786398,6.093786296,6.093786331,6.09378626,6.093786326,6.093786351,6.093786327,6.093786266,6.09378631,6.093786294,6.093786336,6.093786269,6.093786262,6.093786357,6.093786376,6.093786302,6.093786317,6.093786295,6.093786274,6.09378633,6.093786273,6.093786273
+"1285","AURKC",4.92369974,4.923699804,4.92370003,4.92370004,4.923700011,4.923699794,4.923699944,4.923700053,4.923699936,4.923699794,4.92369979,4.923700081,4.92369987,4.923699854,4.923699808,4.923699899,4.923700271,4.923699996,4.923699969,4.923700094,4.923699983,4.923700207,4.923699969,4.923699861,4.923700079,4.923699892,4.923699891,4.923699795
+"1286","AUTS2",4.99815021,4.998149979,4.998150117,4.998149867,4.998150037,4.998150072,4.99815001,4.998150298,4.998149958,4.998150019,4.998149917,4.998150081,4.99815027,4.998150037,4.998150146,4.998149985,4.998150131,4.998150028,4.998150024,4.998150112,4.998150124,4.998150216,4.998150073,4.998150104,4.998150076,4.998150061,4.998150241,4.998150056
+"1287","AVEN",5.513329817,5.513329804,5.513329783,5.513329783,5.513329815,5.513329825,5.513329816,5.513329819,5.513329794,5.513329803,5.513329819,5.513329804,5.513329827,5.513329833,5.513329818,5.513329824,5.513329818,5.513329835,5.513329811,5.513329811,5.513329818,5.513329822,5.513329809,5.513329818,5.51332981,5.51332981,5.513329829,5.513329839
+"1288","AVIL",5.889603947,5.889604021,5.8896036385,5.8896042235,5.8896035785,5.8896038925,5.889603934,5.8896036295,5.8896037045,5.8896033175,5.889603929,5.889603639,5.8896040615,5.889603739,5.889604134,5.8896041765,5.8896038355,5.8896041435,5.8896038195,5.8896040675,5.889604113,5.8896037125,5.8896038155,5.889603856,5.8896041265,5.8896038715,5.8896041745,5.889603394
+"1289","AVL9",6.44031784,6.440317851,6.44031768,6.440317928,6.440317451,6.440317715,6.440317729,6.440317513,6.440317638,6.440317734,6.440317605,6.440317524,6.44031775,6.440317917,6.440317735,6.440317785,6.440317438,6.440317466,6.440317856,6.440317823,6.440317686,6.440317622,6.440317695,6.440317929,6.440317834,6.440317676,6.440317765,6.440317619
+"1290","AVP",6.100600508,6.100600506,6.100600668,6.100600632,6.100600695,6.100600555,6.100600613,6.100600724,6.100600638,6.100600497,6.100600679,6.100600594,6.100600608,6.100600414,6.100600619,6.100600588,6.100600679,6.100600738,6.100600562,6.100600642,6.100600673,6.10060067,6.100600526,6.100600553,6.100600696,6.100600655,6.100600672,6.100600544
+"1291","AVPI1",5.339806164,5.339806205,5.339806207,5.339806134,5.339806273,5.339806108,5.339806213,5.339806217,5.339806186,5.339806214,5.339806276,5.339806232,5.33980618,5.339806102,5.339806234,5.339806175,5.339806328,5.339806241,5.339806139,5.339806197,5.339806203,5.339806308,5.339806206,5.339806294,5.339806239,5.33980617,5.339806215,5.339806185
+"1292","AVPR1A",4.444775908,4.444776216,4.444776179,4.444776385,4.444776575,4.44477637,4.444775978,4.444776222,4.444776348,4.444776433,4.444776442,4.444776719,4.444776303,4.444775999,4.444776488,4.44477636,4.44477613,4.444776671,4.444776107,4.44477639,4.444776329,4.444776134,4.444776151,4.444776059,4.444776226,4.444776277,4.444776287,4.444776008
+"1293","AVPR1B",3.912129208,3.912129569,3.91212961,3.912129463,3.912129553,3.912129407,3.912129497,3.912129918,3.912129591,3.912129617,3.912129665,3.912129381,3.912129206,3.912129558,3.912129739,3.91212947,3.912129595,3.912129745,3.912129791,3.912129807,3.91212979,3.912129667,3.912129276,3.912129525,3.912129304,3.912129382,3.912129434,3.912129594
+"1294","AVPR2",5.097757827,5.097757881,5.097757857,5.097757787,5.097757951,5.097758035,5.097758012,5.097757913,5.097757888,5.097758029,5.097757949,5.097757861,5.097757693,5.097757763,5.097758116,5.097757962,5.097758105,5.097757937,5.097758066,5.097758083,5.09775795,5.097758062,5.097757959,5.097757818,5.09775786,5.097757843,5.097757784,5.097757723
+"1295","AWAT1",4.714788577,4.714788569,4.714788716,4.714788748,4.71478883,4.714788916,4.714788724,4.714788961,4.71478872,4.714788905,4.714788752,4.714788845,4.714788544,4.714788677,4.714788973,4.714788876,4.714788937,4.714788804,4.714788877,4.714788894,4.71478883,4.714788795,4.714788652,4.714788774,4.714788602,4.714788746,4.714789017,4.714788839
+"1296","AWAT2",4.33130762,4.331307866,4.331307679,4.331307903,4.331307776,4.331308154,4.331307881,4.331307889,4.331307949,4.331307867,4.331307842,4.331307859,4.331307908,4.331307745,4.331307782,4.331307866,4.331308113,4.331307664,4.331307889,4.331307913,4.331307627,4.331307902,4.33130779,4.331307833,4.331307858,4.331307777,4.331307989,4.33130776
+"1297","AXDND1",2.816986462,2.816986654,2.816986494,2.816986586,2.816986657,2.816986749,2.816986575,2.816986548,2.816986755,2.816986508,2.816986771,2.816986582,2.816986586,2.816986639,2.816986548,2.816986666,2.816986723,2.816986617,2.816986514,2.816986657,2.816986466,2.816986481,2.816986721,2.816986545,2.816986487,2.8169865,2.816986559,2.816986631
+"1298","AXIN1",6.929686152,6.929686257,6.929686081,6.929686174,6.929686283,6.929686217,6.929686299,6.929686248,6.929686212,6.929686245,6.929686119,6.929686282,6.929686271,6.929686187,6.929686263,6.929686208,6.929686195,6.929686264,6.929686179,6.929686184,6.929686189,6.92968617,6.92968622,6.92968628,6.929686113,6.929686285,6.929686217,6.929686204
+"1299","AXIN2",5.404805762,5.404805745,5.404805708,5.404805896,5.404805838,5.404805776,5.404805759,5.404805948,5.404805869,5.404806087,5.404805651,5.404805893,5.404805786,5.404806005,5.404805711,5.404805673,5.404805375,5.404805839,5.404805786,5.404805781,5.404805772,5.404805795,5.404805819,5.404805807,5.404805751,5.404805785,5.404805793,5.404805916
+"1300","AXL",5.422999268,5.422999188,5.422999293,5.422999209,5.422999421,5.422999192,5.422999264,5.422999381,5.422999261,5.422999285,5.422999304,5.422999503,5.422999187,5.422999043,5.422999344,5.422999299,5.422999469,5.422999305,5.422999291,5.422999244,5.422999353,5.422999391,5.422999198,5.422999092,5.42299919,5.422999357,5.422999135,5.422999332
+"1301","AZGP1",4.344647918,4.344648,4.344647896,4.344647785,4.344648279,4.34464785,4.344647992,4.344647933,4.344647753,4.34464779,4.344648178,4.344648214,4.34464799,4.344647663,4.344648153,4.344648138,4.344648247,4.344648126,4.344648088,4.344648085,4.34464833,4.344648256,4.344647704,4.344647791,4.344648283,4.344648219,4.3446478,4.344647897
+"1302","AZI2",5.293132557,5.293132224,5.293132116,5.293131996,5.293132071,5.293131955,5.293132111,5.293131794,5.293132012,5.293132186,5.293132102,5.293131708,5.293132224,5.293132773,5.293132101,5.293132091,5.293131896,5.293132081,5.293132229,5.293132237,5.293132279,5.293131948,5.29313219,5.293132221,5.293132253,5.293132088,5.293132063,5.293132528
+"1303","AZIN1",7.347347567,7.347347398,7.347347224,7.347347412,7.347346576,7.347346861,7.347347326,7.347346467,7.347346961,7.347347063,7.347346924,7.347346267,7.347347109,7.347348435,7.347347255,7.34734716,7.347347057,7.347347105,7.347347305,7.347347051,7.347347451,7.347346854,7.347347481,7.347347405,7.34734696,7.347346933,7.3473471,7.347347785
+"1304","AZIN2",5.382593091,5.382592998,5.382593177,5.382592977,5.382593217,5.382592982,5.382593108,5.382593162,5.382593166,5.382593125,5.38259304,5.382593196,5.382593149,5.382593025,5.382593237,5.382593154,5.382593269,5.382593203,5.382593071,5.382593094,5.382593201,5.382593263,5.382593085,5.382593111,5.382593133,5.382593244,5.382593157,5.382593064
+"1305","AZU1",5.779992073,5.779991925,5.779992374,5.779992146,5.779992501,5.779992056,5.779992361,5.779992378,5.779992182,5.779992163,5.779992464,5.779992554,5.77999213,5.779991915,5.779992416,5.779991993,5.779992544,5.779992213,5.779992341,5.779992173,5.779992496,5.7799924,5.779992029,5.779992072,5.779992266,5.779992231,5.779992116,5.779992154
+"1306","B2M",10.80520816,10.67646626,10.78708988,10.69288531,10.59841579,10.754584,10.77173846,10.67626371,10.72697904,10.74736962,10.71871871,10.46308281,10.70686895,10.96278714,10.71802856,10.67886001,10.75272331,10.65951123,10.731851,10.82987464,10.85490066,10.72404301,10.81908924,10.81334695,10.66176126,10.57439533,10.63838506,10.81926349
+"1307","B3GALNT1",4.208090006,4.20809006,4.20809006,4.208090047,4.208090073,4.208090032,4.208090042,4.208090056,4.208090049,4.208090018,4.208090071,4.208090062,4.208090044,4.208090029,4.208090056,4.208090067,4.20809004,4.208090064,4.208090033,4.208090047,4.208090042,4.208090053,4.208090054,4.20809004,4.208090042,4.208090053,4.208090008,4.208090045
+"1308","B3GALNT2",5.852469775,5.852469778,5.85246985,5.852469771,5.852469827,5.85246971,5.85246983,5.852469847,5.852469751,5.852469829,5.852469795,5.85246979,5.852469835,5.852469844,5.852469837,5.852469796,5.852469855,5.852469824,5.852469798,5.852469775,5.852469809,5.852469817,5.852469767,5.852469804,5.852469841,5.852469802,5.85246981,5.852469841
+"1309","B3GALT1",3.071180758,3.071180854,3.071180739,3.07118082,3.071180976,3.071180841,3.071180887,3.071180763,3.071180785,3.071180768,3.071180951,3.071180827,3.071180787,3.071180751,3.071180803,3.071180875,3.071180944,3.071180939,3.071180756,3.071180819,3.071180795,3.07118086,3.07118086,3.071180774,3.071180898,3.071180809,3.071180863,3.071180869
+"1310","B3GALT2",3.593419005,3.593419043,3.593418975,3.593419025,3.593418985,3.593418847,3.593418962,3.593418963,3.593418917,3.593418876,3.59341892,3.593418957,3.593418981,3.59341901,3.593418938,3.593419,3.593418924,3.593419009,3.593419005,3.593418892,3.59341896,3.593419104,3.593419031,3.593418888,3.59341888,3.59341894,3.593419014,3.593419075
+"1311","B3GALT4",7.116922974,7.116922986,7.116922971,7.116922977,7.116922954,7.116922994,7.116922961,7.116922951,7.116922985,7.116922943,7.116922941,7.116922917,7.116922995,7.11692296,7.116922949,7.116922987,7.116922968,7.116922989,7.116922971,7.116922975,7.116922947,7.116922973,7.116922996,7.116922975,7.116922972,7.116922945,7.116922971,7.116922965
+"1312","B3GALT5",3.784306014,3.784306033,3.784305972,3.784306005,3.784306095,3.784306017,3.784306056,3.784306067,3.784306025,3.784306057,3.784306041,3.784306082,3.784306004,3.78430594,3.784306027,3.784306112,3.784305946,3.78430599,3.784306057,3.784306069,3.784306065,3.784306041,3.784305957,3.784305981,3.784306029,3.784306012,3.784306008,3.784306006
+"1313","B3GALT5-AS1",3.946493421,3.946493452,3.946493372,3.946493471,3.946493482,3.946493488,3.946493523,3.946493451,3.946493511,3.946493445,3.94649349,3.946493524,3.946493493,3.946493422,3.946493486,3.946493409,3.946493478,3.946493509,3.9464934,3.946493501,3.946493508,3.946493494,3.946493439,3.946493462,3.946493463,3.946493498,3.94649346,3.946493477
+"1314","B3GALT6",6.732115761,6.732115856,6.732115981,6.732115838,6.732116173,6.732115784,6.732116082,6.732115962,6.73211604,6.732115961,6.73211616,6.732116158,6.732115886,6.73211567,6.732116068,6.732115912,6.732116207,6.732115854,6.732116031,6.732115806,6.732115989,6.732116021,6.732115936,6.732115798,6.732115954,6.732116067,6.732115789,6.732115933
+"1315","B3GAT1",5.35446736,5.354467342,5.35446735,5.354467282,5.354467352,5.354467376,5.354467344,5.354467353,5.354467381,5.354467349,5.354467336,5.354467376,5.354467355,5.354467296,5.354467402,5.354467394,5.354467359,5.35446736,5.354467332,5.354467343,5.35446733,5.354467379,5.354467342,5.354467309,5.354467348,5.35446739,5.354467323,5.354467321
+"1316","B3GAT2",5.139292259,5.139292267,5.139292321,5.139292272,5.139292375,5.139292285,5.139292322,5.139292329,5.139292292,5.13929231,5.139292322,5.139292349,5.139292308,5.139292252,5.139292335,5.139292294,5.139292348,5.139292315,5.139292314,5.139292298,5.139292345,5.139292351,5.139292281,5.139292269,5.139292319,5.13929234,5.139292277,5.13929232
+"1317","B3GAT3",6.666105828,6.666105597,6.666105739,6.666105521,6.666105716,6.666105975,6.666105851,6.666105702,6.666105778,6.666105563,6.666105303,6.666105456,6.666105824,6.666105605,6.666105655,6.666105503,6.666105256,6.666105386,6.666105319,6.666105751,6.666105521,6.666105652,6.666105818,6.666105043,6.666105898,6.666105907,6.66610569,6.666105803
+"1318","B3GLCT",4.965151337,4.96515131,4.965151302,4.965151282,4.965151317,4.965151316,4.965151302,4.965151301,4.965151311,4.965151336,4.965151307,4.965151302,4.965151334,4.965151348,4.965151323,4.965151314,4.965151264,4.96515129,4.965151323,4.965151338,4.965151324,4.965151311,4.965151331,4.96515133,4.965151307,4.965151324,4.965151355,4.965151333
+"1319","B3GNT2",6.093075032,6.093075676,6.093074726,6.093075424,6.093074642,6.093074622,6.093075138,6.093073693,6.093075197,6.093075244,6.09307409,6.093074138,6.093074741,6.093076246,6.093074844,6.093075036,6.093074266,6.093074938,6.093075634,6.093075124,6.093075228,6.093073871,6.09307589,6.093075532,6.09307453,6.093074757,6.093074754,6.093075636
+"1320","B3GNT3",5.290601659,5.290601769,5.290601778,5.290601818,5.290601963,5.290601765,5.290601866,5.290601895,5.290601788,5.290601939,5.29060181,5.290601807,5.290601812,5.290601707,5.290601829,5.290601875,5.290601873,5.29060186,5.290601896,5.290601889,5.290601886,5.290601983,5.290601868,5.290601692,5.290601854,5.290601767,5.290601896,5.290601735
+"1321","B3GNT4",5.336685536,5.336685546,5.336685769,5.336685655,5.336685956,5.336685562,5.336685761,5.336685778,5.33668575,5.336685508,5.336685694,5.336685994,5.336685544,5.336685489,5.336685953,5.33668566,5.33668604,5.336685747,5.336685751,5.336685649,5.336685947,5.336685878,5.336685465,5.336685495,5.336685682,5.336685803,5.33668554,5.336685679
+"1322","B3GNT5",5.338094508,5.33809573,5.338094957,5.338097277,5.338092395,5.338095097,5.338093309,5.338093806,5.338092803,5.338093525,5.338093998,5.338092557,5.33809313,5.338095871,5.338093832,5.338094413,5.338094394,5.338096374,5.338093183,5.338095813,5.338093158,5.338092522,5.33809493,5.338095424,5.338094773,5.338092862,5.338092413,5.338093236
+"1323","B3GNT6",6.617716361,6.617716339,6.617716435,6.617716231,6.617716579,6.617716394,6.61771636,6.617716507,6.617716312,6.617716544,6.617716411,6.617716531,6.61771641,6.6177162,6.617716497,6.617716392,6.617716585,6.61771634,6.617716362,6.61771649,6.617716446,6.617716465,6.617716285,6.617716352,6.617716414,6.617716457,6.617716327,6.617716206
+"1324","B3GNT7",5.712265471,5.712265481,5.712265493,5.712265487,5.712265502,5.712265449,5.71226548,5.712265485,5.712265481,5.712265481,5.712265478,5.712265503,5.712265484,5.712265466,5.712265486,5.712265485,5.712265504,5.712265496,5.712265489,5.712265476,5.712265485,5.712265496,5.712265465,5.712265469,5.7122655,5.712265487,5.712265479,5.712265478
+"1325","B3GNT8",6.191970804,6.191971673,6.191971213,6.191971962,6.191970921,6.191971598,6.191971444,6.191971178,6.191971157,6.191970579,6.191971729,6.191970636,6.191971109,6.191970446,6.191971266,6.191971849,6.191970751,6.191971282,6.19197113,6.191971658,6.191971335,6.191971642,6.191971423,6.19197133,6.191971677,6.191971115,6.191971046,6.191970764
+"1326","B3GNT9",5.616478544,5.616478579,5.61647862,5.616478712,5.616478745,5.616478547,5.616478594,5.616478744,5.616478694,5.616478579,5.61647868,5.616478666,5.616478664,5.616478417,5.616478717,5.616478666,5.616478788,5.616478816,5.616478705,5.616478639,5.616478685,5.616478748,5.616478652,5.61647861,5.616478781,5.61647861,5.616478541,5.616478699
+"1327","B3GNTL1",6.2885440885,6.2885443925,6.288544141,6.288544535,6.288544013,6.288544134,6.2885442085,6.288544116,6.2885441725,6.288544193,6.2885440525,6.288544223,6.288544082,6.2885441855,6.288544307,6.2885445645,6.2885442495,6.288544482,6.2885441175,6.28854427,6.2885441705,6.288544153,6.2885442555,6.288544314,6.2885443705,6.2885441735,6.288544071,6.2885440935
+"1328","B4GALNT1",4.7492385,4.74923851,4.749238718,4.749238614,4.74923873,4.74923842,4.749238688,4.749238771,4.749238719,4.749238624,4.74923881,4.749238982,4.749238759,4.749238392,4.749238801,4.749238849,4.749238827,4.74923879,4.749238553,4.749238599,4.749238873,4.749238737,4.749238572,4.749238677,4.749238654,4.749238753,4.749238509,4.749238746
+"1329","B4GALNT2",5.057162738,5.057162742,5.057162796,5.057162737,5.057162825,5.057162777,5.057162746,5.057162783,5.057162763,5.05716277,5.057162784,5.057162785,5.057162763,5.057162707,5.057162831,5.057162808,5.057162823,5.057162799,5.057162784,5.057162782,5.057162814,5.057162796,5.057162746,5.057162764,5.057162784,5.05716275,5.057162745,5.05716279
+"1330","B4GALNT3",5.186759141,5.186759121,5.186759145,5.186759152,5.186759152,5.18675916,5.186759138,5.186759158,5.186759139,5.186759144,5.186759146,5.186759163,5.186759143,5.186759097,5.186759144,5.186759125,5.186759171,5.186759159,5.186759142,5.186759155,5.186759148,5.186759161,5.186759151,5.18675914,5.186759136,5.186759154,5.186759141,5.186759135
+"1331","B4GALNT4",5.483666335,5.483666195,5.48366655,5.483666433,5.483666706,5.483666094,5.483666423,5.483666576,5.483666326,5.48366641,5.483666619,5.483666688,5.483666364,5.483666025,5.483666632,5.483666257,5.483666817,5.483666452,5.483666462,5.483666329,5.483666622,5.483666794,5.483666138,5.483666272,5.483666533,5.483666437,5.483666242,5.483666512
+"1332","B4GALT1",7.804869941,7.804869942,7.804869633,7.804870072,7.804869579,7.804869888,7.804869768,7.804869855,7.80486968,7.804869615,7.804869745,7.804869342,7.804869798,7.804869719,7.804869675,7.804869766,7.804869495,7.804869802,7.80486973,7.804869917,7.804869704,7.804869806,7.804869818,7.804869987,7.804869749,7.8048696,7.804869722,7.804869475
+"1333","B4GALT2",6.771852006,6.771851901,6.771852258,6.77185188,6.771852394,6.771852017,6.771852187,6.771852287,6.771852047,6.771852077,6.771852317,6.771852288,6.771851972,6.771851633,6.771852236,6.771852118,6.771852309,6.771852363,6.771852142,6.771852012,6.771852211,6.771852225,6.771851849,6.771851707,6.771852093,6.771852177,6.771852082,6.771852063
+"1334","B4GALT3",7.676914813,7.676914249,7.67691601,7.676914486,7.676914597,7.676915663,7.676915252,7.676916009,7.676914876,7.676915557,7.676914771,7.676916736,7.676915203,7.676914107,7.676914734,7.676913364,7.676914935,7.676914391,7.67691452,7.676915245,7.676914527,7.676915588,7.676914919,7.676915324,7.676914641,7.676916637,7.676915428,7.676913598
+"1335","B4GALT4",5.385422978,5.3854227,5.385422634,5.385422502,5.385422252,5.385422504,5.38542257,5.385422242,5.385422711,5.385422535,5.385422367,5.385422394,5.385422563,5.385423029,5.385422264,5.385422498,5.385422142,5.385422188,5.385422571,5.385422458,5.385422595,5.385422328,5.385422886,5.385422553,5.385422498,5.385422618,5.385422558,5.385422691
+"1336","B4GALT5",8.414156376,8.981980269,8.337254879,9.392235569,8.255618769,8.804341683,8.851180118,8.159776489,8.529575834,8.47077937,8.68693348,7.8010208,8.357275725,8.38936365,8.621770821,9.016993796,8.453710287,9.278231269,8.801084234,8.983499286,8.719472286,7.972643605,8.9098891,9.014631113,8.794833463,8.116718456,8.331738224,8.351303987
+"1337","B4GALT6",3.818451159,3.818451153,3.818451083,3.818451082,3.818451104,3.818451085,3.81845114,3.818451147,3.818451108,3.818451148,3.818451163,3.818451157,3.818451127,3.818451107,3.818451122,3.818451137,3.818451148,3.818451147,3.818451206,3.818451125,3.818451137,3.818451135,3.818451034,3.818451136,3.818451121,3.818451098,3.818451077,3.818451123
+"1338","B4GALT7",6.723177459,6.723177457,6.723177457,6.723177444,6.723177459,6.723177467,6.723177461,6.723177453,6.723177449,6.723177461,6.72317747,6.723177467,6.723177457,6.723177431,6.723177461,6.723177453,6.723177464,6.723177456,6.723177469,6.723177451,6.723177448,6.723177451,6.723177444,6.723177447,6.723177453,6.723177458,6.723177457,6.723177454
+"1339","B4GAT1",5.293128238,5.293128255,5.293128333,5.293128257,5.29312837,5.293128205,5.293128324,5.293128323,5.29312834,5.293128315,5.293128276,5.293128356,5.293128281,5.293128253,5.293128316,5.293128341,5.293128388,5.293128356,5.293128299,5.293128233,5.293128322,5.29312834,5.293128286,5.293128264,5.293128323,5.293128339,5.293128274,5.293128314
+"1340","B9D1",4.87467767,4.874677678,4.874677714,4.874677675,4.874677773,4.874677676,4.874677676,4.874677734,4.874677727,4.874677714,4.874677659,4.87467772,4.874677673,4.874677628,4.874677714,4.874677741,4.874677739,4.874677765,4.874677715,4.874677654,4.874677667,4.874677751,4.874677723,4.874677726,4.874677749,4.874677731,4.874677716,4.874677738
+"1341","B9D2",6.945580083,6.945580109,6.945580091,6.945580128,6.94558008,6.945580097,6.945580065,6.945580111,6.945580105,6.945580102,6.945580091,6.945580017,6.945580119,6.945580033,6.945580083,6.945580117,6.945580036,6.945580118,6.945580078,6.945580147,6.945580062,6.945580043,6.945580092,6.945580134,6.945580112,6.945580046,6.945580103,6.945580089
+"1342","BAALC",4.999978183,4.999978226,4.999978279,4.999978258,4.999978327,4.99997839,4.999978308,4.999978237,4.999978301,4.999978384,4.999978281,4.999978301,4.999978232,4.999978144,4.999978326,4.999978254,4.999978363,4.999978425,4.999978343,4.999978334,4.999978281,4.999978293,4.99997831,4.9999783,4.999978249,4.999978242,4.999978288,4.999978283
+"1343","BAALC-AS2",4.357220937,4.357220955,4.357221077,4.357221104,4.357221064,4.357220785,4.357221,4.357221199,4.357221143,4.357221091,4.357221024,4.35722098,4.357221054,4.357221097,4.357221119,4.357221056,4.357221108,4.35722111,4.357220949,4.357220977,4.35722114,4.35722121,4.357220997,4.357221132,4.357221086,4.357221102,4.357221074,4.357221107
+"1344","BAAT",3.185107211,3.185107215,3.185107219,3.185107216,3.18510722,3.185107233,3.185107231,3.185107235,3.185107232,3.185107224,3.185107213,3.185107213,3.185107203,3.185107202,3.185107216,3.185107227,3.185107238,3.185107222,3.185107233,3.185107222,3.185107227,3.185107237,3.185107221,3.185107212,3.185107217,3.185107232,3.185107231,3.185107228
+"1345","BABAM1",8.070283797,8.070203606,8.070455996,8.070225095,8.070225604,8.070462202,8.070328181,8.070490594,8.070351001,8.070325273,8.070294056,8.070517316,8.070210199,8.070166627,8.070215474,8.0701676,8.070373589,8.070226097,8.070182833,8.070392644,8.070233696,8.070424525,8.070347496,8.070313411,8.070294479,8.070547119,8.070236206,8.070197094
+"1346","BABAM2",7.51588462,7.515884516,7.515884341,7.515884474,7.515884275,7.515884505,7.515884409,7.515884342,7.515884413,7.515884406,7.515884255,7.515884261,7.515884457,7.515884531,7.515884421,7.51588441,7.515884181,7.515884366,7.515884407,7.515884624,7.515884394,7.51588437,7.51588443,7.515884467,7.51588437,7.515884374,7.515884535,7.515884399
+"1347","BACE1",5.24480281,5.244802818,5.244802774,5.244802788,5.244802868,5.244802827,5.244802849,5.244802855,5.244802816,5.244802786,5.244802839,5.244802886,5.244802808,5.244802761,5.244802895,5.244802846,5.244802857,5.244802863,5.244802864,5.244802805,5.244802871,5.24480286,5.244802788,5.244802763,5.24480281,5.244802847,5.244802817,5.244802828
+"1348","BACE2",6.210345316,6.210345447,6.210345396,6.210345279,6.210345358,6.210345255,6.210345376,6.210345254,6.210345364,6.21034538,6.210345385,6.21034534,6.21034531,6.210345317,6.210345244,6.210345406,6.210345348,6.210345196,6.210345345,6.210345233,6.210345344,6.210345235,6.210345342,6.210345357,6.210345365,6.210345327,6.210345327,6.210345337
+"1349","BACH1",8.481235313,8.481250887,8.481234775,8.481259812,8.481207826,8.481250342,8.481230679,8.481209,8.481205955,8.4812144,8.481232209,8.481166052,8.481225098,8.481241012,8.481222133,8.481246465,8.481221978,8.481241901,8.48124516,8.481263897,8.481237674,8.481214983,8.481229824,8.481237713,8.4812465,8.4811871,8.481223099,8.481224834
+"1350","BACH2",6.94025253,6.940250382,6.940249477,6.940250442,6.940250073,6.940250518,6.940250041,6.940250198,6.940252686,6.940253325,6.940247906,6.940252736,6.940250815,6.940253921,6.94025135,6.940249556,6.940248238,6.940249644,6.94025099,6.940249686,6.940248232,6.940250279,6.940251808,6.940251671,6.940247814,6.940251972,6.940251049,6.940252887
+"1351","BAD",6.631923083,6.631923149,6.631923238,6.631923197,6.631923237,6.631923043,6.631923164,6.631923209,6.631923171,6.631923177,6.631923197,6.631923246,6.631923195,6.631923067,6.6319232,6.631923239,6.631923257,6.631923216,6.631923122,6.631923197,6.631923174,6.631923262,6.631923147,6.631923202,6.631923198,6.631923177,6.631923157,6.63192319
+"1352","BAG1",7.613985389,7.613938062,7.614670308,7.614092505,7.613992552,7.614510183,7.614190134,7.614484374,7.614247482,7.614313468,7.614318686,7.614706899,7.613887624,7.613919978,7.614056273,7.613698522,7.614484516,7.614181958,7.613987689,7.614379766,7.614218572,7.614432393,7.614195971,7.614254208,7.614179928,7.614692977,7.613918003,7.614139755
+"1353","BAG2",5.495732915,5.495732628,5.495732592,5.495732492,5.495732338,5.495732579,5.495733532,5.49573263,5.49573356,5.495733418,5.495732952,5.495733143,5.495733004,5.495734364,5.495733424,5.495732195,5.495732955,5.49573217,5.495732932,5.495732654,5.495733053,5.495732802,5.495733928,5.495733382,5.495732221,5.495733019,5.495732531,5.49573402
+"1354","BAG3",6.551425532,6.55142554,6.551425537,6.551425482,6.55142557,6.55142557,6.551425535,6.551425608,6.551425585,6.551425563,6.55142553,6.551425639,6.551425519,6.551425544,6.551425531,6.551425445,6.551425571,6.551425478,6.551425547,6.55142556,6.551425513,6.551425567,6.551425535,6.551425441,6.551425437,6.551425555,6.551425531,6.551425567
+"1355","BAG4",6.392262313,6.392262325,6.392262334,6.392262324,6.392262291,6.392262321,6.392262308,6.39226231,6.392262344,6.392262355,6.392262348,6.392262287,6.392262312,6.392262351,6.392262302,6.392262274,6.392262316,6.392262317,6.392262343,6.392262276,6.392262291,6.392262313,6.392262303,6.392262353,6.392262321,6.392262274,6.392262355,6.39226235
+"1356","BAG5",6.337912246,6.337912437,6.337912173,6.337912041,6.337911968,6.337912052,6.337911936,6.337911714,6.337912091,6.337912058,6.337912006,6.337911487,6.337912173,6.33791307,6.337912205,6.337912205,6.337911959,6.337912018,6.337911914,6.337912058,6.337911886,6.337911415,6.337912215,6.337911888,6.337912242,6.337911822,6.337912337,6.337912807
+"1357","BAG6",7.243477333,7.2580846335,7.361858463,7.264639829,7.294787005,7.3648849905,7.25850278,7.3500963175,7.320780585,7.297230699,7.291614195,7.299378731,7.264941287,7.2180086565,7.250810031,7.2195306695,7.3175826705,7.256234438,7.2452338855,7.321612482,7.233714957,7.3056375005,7.295301202,7.294226526,7.2961683435,7.3030957845,7.284504181,7.217966338
+"1358","BAGE",7.678144168,7.678144556,7.678144177,7.678144539,7.67814431,7.678144502,7.678144417,7.678144373,7.678144041,7.678144184,7.678144387,7.678144268,7.678144368,7.678144314,7.678144022,7.6781444,7.678144092,7.67814446,7.678144515,7.678144247,7.678144301,7.678144353,7.67814431,7.67814448,7.678144332,7.678144138,7.67814437,7.67814434
+"1359","BAGE2",6.949247352,6.94924738,6.949247246,6.949247569,6.949247288,6.949247259,6.949247402,6.949247219,6.949247243,6.949247243,6.949247433,6.94924708,6.949247369,6.949247409,6.949247333,6.949247457,6.949247251,6.949247511,6.94924747,6.949247246,6.949247424,6.949247259,6.949247248,6.949247349,6.949247414,6.949247315,6.949247387,6.949247234
+"1360","BAHCC1",5.855802993,5.855802989,5.855803013,5.855803023,5.855803056,5.855802958,5.855803022,5.855803027,5.855802999,5.855803001,5.855803024,5.855803051,5.855802994,5.855802944,5.855803032,5.855802997,5.855803064,5.855803041,5.855803023,5.855802986,5.855803029,5.855803023,5.85580299,5.855802993,5.855803054,5.855803016,5.855803,5.855803035
+"1361","BAHD1",6.210125381,6.21012547,6.210125431,6.210125294,6.210125459,6.210125476,6.21012538,6.210125336,6.210125497,6.210125469,6.210125249,6.210125582,6.210125504,6.210125475,6.210125397,6.210125241,6.210125147,6.210125321,6.210125431,6.210125179,6.210125234,6.210125294,6.210125466,6.210125505,6.210125373,6.210125417,6.210125559,6.210125552
+"1362","BAIAP2",5.562802788,5.562802715,5.562802809,5.562802824,5.5628029,5.562802778,5.562802823,5.562802841,5.562802789,5.562802825,5.562802747,5.562802886,5.562802834,5.562802768,5.562802816,5.562802808,5.562802864,5.562802842,5.562802883,5.562802822,5.562802893,5.562802846,5.562802793,5.5628028,5.562802853,5.56280284,5.562802822,5.562802834
+"1363","BAIAP2-DT",6.395338336,6.395338587,6.39533872,6.39533849,6.395338839,6.395338135,6.395338506,6.395338666,6.395338465,6.395338286,6.395338825,6.395338819,6.395338556,6.395337996,6.395338655,6.395338832,6.395338892,6.395338916,6.39533856,6.395338624,6.39533851,6.395338685,6.395338159,6.395338487,6.395338697,6.395338596,6.395338472,6.395338663
+"1364","BAIAP2L1",4.055724935,4.055724887,4.055725047,4.055724801,4.055725223,4.055725142,4.055724762,4.055724854,4.055724941,4.055724803,4.055725014,4.055725076,4.055725045,4.055724966,4.055725068,4.05572481,4.055724937,4.055724948,4.055724973,4.055725109,4.055725089,4.055724917,4.055724964,4.055724998,4.055725081,4.055725128,4.055724945,4.05572501
+"1365","BAIAP2L2",5.552865047,5.552865095,5.552865216,5.552865084,5.552865376,5.552865118,5.552865209,5.55286534,5.552865183,5.55286517,5.552865297,5.552865421,5.55286519,5.552864957,5.552865261,5.552865205,5.552865322,5.552865344,5.552865263,5.552865213,5.552865283,5.552865228,5.55286513,5.552865126,5.552865281,5.55286529,5.55286511,5.552865251
+"1366","BAIAP3",5.927244887,5.927245179,5.927245148,5.927245256,5.92724523,5.927244906,5.927245132,5.927245222,5.927245133,5.927244791,5.927245153,5.927245218,5.927245111,5.927244917,5.927245241,5.927245136,5.927245276,5.927245347,5.927245238,5.927244969,5.927245201,5.927245211,5.9272451,5.927244876,5.927245132,5.927245169,5.927244971,5.927245088
+"1367","BAK1",7.545802786,7.545801364,7.54580134,7.545802583,7.545802985,7.54580651,7.54580396,7.545802924,7.545803373,7.545802084,7.54580215,7.545800457,7.54580331,7.545801805,7.545801656,7.545800113,7.545801818,7.545802218,7.54580381,7.545804646,7.545802848,7.545802358,7.545803469,7.54580287,7.545801926,7.545801483,7.545803465,7.545802994
+"1368","BAMBI",4.5577891,4.557789086,4.557789272,4.557789166,4.557789231,4.557789045,4.55778922,4.557789225,4.557789018,4.557789144,4.55778907,4.557788968,4.557789104,4.557789042,4.557789159,4.557789131,4.557789169,4.55778914,4.557789059,4.557789227,4.557789265,4.557788913,4.557788992,4.557789155,4.557788912,4.55778912,4.557789212,4.557789091
+"1369","BANF1",9.4021360605,9.4021361335,9.402136393,9.4021362465,9.4021363725,9.4021361095,9.402136322,9.402136454,9.402136349,9.4021364825,9.402136342,9.4021363465,9.4021364395,9.4021361255,9.4021363345,9.402136313,9.402136238,9.4021362865,9.4021362445,9.4021360655,9.4021363445,9.402136428,9.402136246,9.4021362405,9.4021363245,9.4021363055,9.402136378,9.4021363915
+"1370","BANF2",4.080570831,4.080570827,4.080570828,4.080570824,4.080570871,4.080570827,4.08057083,4.08057082,4.08057084,4.080570841,4.080570855,4.080570892,4.080570836,4.080570772,4.080570841,4.080570845,4.080570859,4.080570844,4.080570834,4.080570828,4.080570822,4.080570857,4.080570835,4.080570816,4.080570831,4.080570824,4.08057082,4.080570816
+"1371","BANK1",6.24446809,6.244464381,6.244463831,6.244466153,6.244464819,6.244464711,6.244465889,6.244460803,6.244463103,6.244465347,6.244464257,6.244464701,6.244464929,6.244468629,6.244466865,6.24446381,6.244464027,6.244465445,6.244465434,6.244463429,6.244465609,6.244463156,6.244464548,6.244465795,6.244464224,6.244465751,6.24446485,6.244467746
+"1372","BANP",7.105266169,7.10526654,7.105266025,7.105266498,7.105266196,7.10526646,7.105266124,7.105266047,7.10526629,7.105266179,7.105266326,7.10526603,7.10526643,7.105266174,7.105266181,7.105266442,7.105266117,7.105266194,7.105266048,7.105266266,7.105266183,7.105266164,7.105266341,7.105266179,7.105266065,7.105266191,7.105266238,7.105265899
+"1373","BAP1",7.32532963,7.325329882,7.325329721,7.325330088,7.325329448,7.325330018,7.325329683,7.325329733,7.325329964,7.32532985,7.32532943,7.325329402,7.325329879,7.325330134,7.325329539,7.325329865,7.325329501,7.325329984,7.325329561,7.325329917,7.325329272,7.325329859,7.325329818,7.325329914,7.325329668,7.325329658,7.325329779,7.325329758
+"1374","BARD1",5.089126145,5.089126091,5.089126078,5.089126086,5.089126116,5.089126125,5.089126146,5.089126117,5.089126131,5.089126118,5.089126106,5.089126099,5.089126129,5.089126158,5.08912612,5.089126106,5.089126086,5.089126106,5.089126144,5.089126136,5.089126159,5.089126127,5.089126146,5.089126112,5.089126139,5.089126119,5.089126109,5.089126125
+"1375","BARHL1",6.125270407,6.125270399,6.125270502,6.125270348,6.125270621,6.125270416,6.125270436,6.125270575,6.125270495,6.125270447,6.125270536,6.125270601,6.125270438,6.125270264,6.125270541,6.125270477,6.125270691,6.125270553,6.125270537,6.125270392,6.12527054,6.125270575,6.125270402,6.125270451,6.125270503,6.125270455,6.125270477,6.125270455
+"1376","BARHL2",5.950248752,5.950248857,5.950248852,5.950248857,5.950248884,5.95024885,5.950248857,5.950248859,5.950248845,5.950248875,5.95024886,5.950248946,5.9502488,5.95024864,5.950248888,5.950248845,5.950248935,5.950248841,5.950248874,5.950248805,5.950248888,5.950248894,5.950248794,5.950248751,5.950248829,5.950248855,5.950248802,5.950248843
+"1377","BARX1",6.22740827,6.227408332,6.227408473,6.227408422,6.22740873,6.227408395,6.227408491,6.227408517,6.227408444,6.227408521,6.227408457,6.227408671,6.227408398,6.227408083,6.227408593,6.22740828,6.227408658,6.227408558,6.227408509,6.227408433,6.227408598,6.227408533,6.227408329,6.227408351,6.227408335,6.227408569,6.227408346,6.227408482
+"1378","BARX2",5.331111601,5.331111632,5.331111778,5.331111711,5.331111919,5.331111727,5.331111875,5.331111783,5.331111722,5.331111779,5.331111773,5.33111185,5.331111691,5.331111529,5.33111189,5.331111757,5.331111919,5.331111767,5.331111763,5.331111831,5.33111188,5.33111185,5.331111609,5.331111643,5.331111604,5.331111831,5.33111172,5.331111773
+"1379","BASP1",9.414138143,9.414430294,9.41399445,9.414525005,9.41419666,9.414289355,9.414269706,9.414096604,9.414265952,9.414261014,9.414236219,9.41412909,9.414203982,9.414159359,9.414244629,9.414434781,9.414107328,9.4144579,9.414360882,9.414377629,9.414269613,9.414119454,9.414418739,9.414392871,9.414272759,9.414174937,9.414198398,9.414232433
+"1380","BASP1-AS1",5.67716666,5.67716691,5.677166635,5.677166974,5.677166736,5.677166797,5.677166968,5.677166791,5.67716687,5.677166763,5.677166843,5.677166731,5.677166781,5.677166771,5.67716681,5.677167113,5.677166824,5.677167001,5.677166975,5.677166912,5.67716697,5.677166666,5.67716694,5.677166777,5.677166884,5.677166643,5.677166801,5.677166802
+"1381","BATF",6.194060887,6.19406089,6.194060887,6.19406087,6.194060877,6.194060894,6.194060903,6.194060887,6.194060888,6.194060899,6.194060886,6.194060873,6.194060897,6.194060878,6.194060894,6.194060887,6.194060876,6.194060885,6.194060889,6.194060908,6.194060898,6.194060892,6.194060903,6.194060894,6.194060883,6.194060881,6.194060899,6.1940609
+"1382","BATF2",6.146168895,6.146169149,6.146168824,6.14616918,6.146169441,6.146170791,6.146169195,6.146169385,6.14616911,6.146169108,6.146169313,6.146168954,6.146169244,6.146168696,6.146169292,6.14616897,6.146168865,6.146169127,6.146169022,6.146170903,6.146169333,6.146169356,6.146169303,6.146169361,6.146169134,6.14616892,6.146168987,6.146168786
+"1383","BATF3",6.430578483,6.430578505,6.430578542,6.43057851,6.430578567,6.430578557,6.430578507,6.430578542,6.430578529,6.43057855,6.430578563,6.430578563,6.430578518,6.430578495,6.430578549,6.430578555,6.430578557,6.43057857,6.430578547,6.43057856,6.43057851,6.430578561,6.43057852,6.430578543,6.430578595,6.430578574,6.430578532,6.43057855
+"1384","BAX",7.777561682,7.7775618,7.777561887,7.777561859,7.777562013,7.777561574,7.777561856,7.777562066,7.777561945,7.777561855,7.777561937,7.777561943,7.777561958,7.777561657,7.777561929,7.777561938,7.777562021,7.777561998,7.777561777,7.777561756,7.777561919,7.77756201,7.777561784,7.777561865,7.777561982,7.777561988,7.777561868,7.777561923
+"1385","BAZ1A",7.748471466,7.748471863,7.748470774,7.74847237,7.748470211,7.748471546,7.748471493,7.74847038,7.748470545,7.74847023,7.748470951,7.748468373,7.748471012,7.748472424,7.748471401,7.748471734,7.748470945,7.748471768,7.748471855,7.748470896,7.748471484,7.748470577,7.748471348,7.748470915,7.74847139,7.748469726,7.748470915,7.748471524
+"1386","BAZ1B",7.334197952,7.334197806,7.334197477,7.334197483,7.33419769,7.334197798,7.334197923,7.334197399,7.334197997,7.334197941,7.33419739,7.334197569,7.33419764,7.334198492,7.334197768,7.334197573,7.334197011,7.334197304,7.334197914,7.334197443,7.334197929,7.334197477,7.334197963,7.334197686,7.334197332,7.334197823,7.334197744,7.334198189
+"1387","BAZ2A",7.94098758,7.940987703,7.940987549,7.940987946,7.940987453,7.940988282,7.940987849,7.940987713,7.940987641,7.940987604,7.940987606,7.940987558,7.940987765,7.940987611,7.940987615,7.940987659,7.940987471,7.94098788,7.94098754,7.940988234,7.940987776,7.940987692,7.940987746,7.940987715,7.940987793,7.940987736,7.94098775,7.940987395
+"1388","BAZ2B",7.924042957,7.924051882,7.924022082,7.924055156,7.924019078,7.924029068,7.924046525,7.924026806,7.924014847,7.924009791,7.924032957,7.924009762,7.924031641,7.924039575,7.924045304,7.924057028,7.924019105,7.924047256,7.924048046,7.924037456,7.924052783,7.924030803,7.924032804,7.924033213,7.924047676,7.924030785,7.924031842,7.924027361
+"1389","BBC3",6.760766237,6.760766118,6.760766524,6.760766258,6.76076677,6.760766375,6.760766404,6.760766566,6.760766471,6.760766543,6.760766588,6.760766642,6.760766466,6.760766104,6.760766575,6.760766418,6.760766695,6.760766673,6.760766473,6.760766394,6.760766561,6.760766573,6.76076629,6.760766352,6.760766524,6.760766593,6.760766224,6.760766479
+"1390","BBLN",7.331527242,7.33152725,7.331527341,7.331527256,7.33152733,7.331527266,7.331527263,7.331527312,7.331527302,7.331527312,7.331527292,7.331527346,7.33152729,7.331527182,7.331527271,7.331527268,7.331527306,7.33152732,7.331527256,7.331527197,7.331527242,7.331527292,7.331527256,7.331527298,7.331527267,7.331527274,7.331527247,7.331527272
+"1391","BBOF1",4.501907408,4.50190731,4.501907872,4.50190734,4.501907433,4.501907373,4.501907394,4.501907965,4.501907635,4.501907823,4.501906994,4.501907801,4.501906884,4.501906545,4.501907504,4.501906528,4.501907544,4.501907531,4.501906971,4.50190734,4.501907444,4.50190716,4.501907302,4.501907626,4.501907412,4.501908283,4.501907348,4.501906785
+"1392","BBOX1",2.81055169,2.810551798,2.810551825,2.810551807,2.810551618,2.810551814,2.810551652,2.81055172,2.810551766,2.810551753,2.810551718,2.810551921,2.810551691,2.81055159,2.810551746,2.810551832,2.810552039,2.810551834,2.810551744,2.810551764,2.810551723,2.810551789,2.810551682,2.810551747,2.810551759,2.810551862,2.810551796,2.810551713
+"1393","BBS10",4.805931748,4.805931537,4.805931375,4.805931249,4.805931272,4.805931191,4.805931021,4.805930818,4.805931065,4.805931045,4.805931376,4.805930982,4.805931713,4.805931913,4.805931281,4.805931606,4.805931043,4.805931122,4.805931396,4.805930663,4.805931071,4.805931105,4.805931768,4.805931309,4.805931252,4.805931114,4.805931331,4.80593172
+"1394","BBS12",4.126858818,4.126858762,4.126858778,4.126858743,4.12685876,4.126858783,4.126858769,4.126858815,4.126858842,4.126858765,4.126858733,4.126858638,4.126858699,4.126858802,4.126858816,4.126858758,4.126858755,4.126858804,4.12685873,4.12685865,4.126858736,4.126858702,4.126858765,4.126858757,4.126858727,4.126858756,4.126858809,4.126858868
+"1395","BBS2",6.734805113,6.734805143,6.734804695,6.734804559,6.734804846,6.734804546,6.73480474,6.734804778,6.734805073,6.734805043,6.73480446,6.734804614,6.734804979,6.734805223,6.73480491,6.734805017,6.734804589,6.734804297,6.734804971,6.734803885,6.734804614,6.734804815,6.734805047,6.73480496,6.734804521,6.734804712,6.734804892,6.734804857
+"1396","BBS4",5.046542304,5.046542121,5.046542188,5.046541566,5.046541693,5.046542199,5.046541992,5.0465419,5.04654204,5.046541963,5.046541406,5.046541937,5.046542414,5.046542269,5.046541964,5.046541976,5.046541984,5.046541899,5.046542037,5.04654244,5.046541915,5.046541659,5.046542255,5.046542083,5.046541886,5.046542104,5.04654223,5.046542227
+"1397","BBS5",4.107528527,4.107528512,4.10752854,4.107528524,4.107528528,4.107528532,4.107528527,4.107528532,4.107528532,4.107528526,4.107528529,4.107528544,4.107528528,4.107528532,4.107528529,4.107528509,4.107528535,4.107528526,4.107528535,4.107528525,4.107528515,4.107528543,4.107528563,4.107528533,4.107528534,4.107528536,4.107528536,4.107528554
+"1398","BBS7",4.232531831,4.232531786,4.232531788,4.232531794,4.232531773,4.232531778,4.232531776,4.232531773,4.232531791,4.232531787,4.232531779,4.232531781,4.232531791,4.232531853,4.232531789,4.232531793,4.23253178,4.232531782,4.232531764,4.232531783,4.232531787,4.232531773,4.232531814,4.232531794,4.232531783,4.232531781,4.23253178,4.232531798
+"1399","BBS9",5.804133798,5.80413358,5.804133489,5.804133188,5.80413337,5.804133176,5.804133361,5.804133488,5.804133529,5.804133371,5.804133301,5.804133383,5.804133537,5.804133893,5.804133549,5.804133496,5.804133177,5.804133225,5.804133671,5.804133317,5.804133256,5.804133528,5.804133545,5.804133523,5.804133408,5.8041336,5.804133742,5.804133552
+"1400","BBX",7.227666881,7.227666538,7.227666435,7.227666782,7.227666425,7.227666905,7.227666756,7.227666604,7.227666564,7.227666549,7.227666219,7.227666033,7.227666684,7.22766746,7.227666839,7.227666216,7.22766621,7.227666262,7.227666816,7.227666481,7.227666288,7.227666593,7.22766685,7.22766656,7.227666619,7.227666259,7.227666762,7.22766706
+"1401","BCAM",5.140206693,5.140206842,5.140207194,5.140206845,5.140207132,5.14020684,5.140207005,5.140207176,5.140206937,5.140206792,5.140207196,5.14020714,5.140206807,5.140206474,5.140207159,5.140206877,5.14020738,5.140207048,5.140206848,5.14020681,5.140206943,5.140207218,5.140206939,5.140206814,5.140207065,5.140207165,5.140206648,5.140207142
+"1402","BCAN",5.734371839,5.734371877,5.734371896,5.734371897,5.734371975,5.734371801,5.734371914,5.73437196,5.734371914,5.734371911,5.73437197,5.734371963,5.734371912,5.734371779,5.734371934,5.734371917,5.734371958,5.73437194,5.734371876,5.734371911,5.734371902,5.734371929,5.734371852,5.734371856,5.734371969,5.734371917,5.734371888,5.734371919
+"1403","BCAP29",5.192185499,5.192185436,5.192185423,5.192185403,5.192185385,5.192185367,5.192185318,5.192185339,5.192185345,5.192185405,5.192185423,5.192185254,5.1921854,5.192185559,5.192185433,5.192185444,5.192185286,5.192185335,5.19218543,5.192185368,5.192185429,5.192185403,5.192185402,5.192185428,5.192185383,5.192185394,5.19218541,5.19218548
+"1404","BCAP31",7.548160235,7.548160395,7.548160195,7.548160335,7.548160152,7.548160201,7.548160119,7.548160089,7.548160175,7.54816015,7.548160123,7.548160057,7.548160244,7.548160141,7.548160104,7.548160347,7.548160125,7.54816022,7.548160209,7.548160157,7.548160085,7.548160153,7.548160213,7.548160244,7.548160119,7.548160117,7.548160253,7.548160104
+"1405","BCAR1",5.304495113,5.304495255,5.304495283,5.304495226,5.30449534,5.304495293,5.304495193,5.304495257,5.304495177,5.304495149,5.304495186,5.304495302,5.304495147,5.304495028,5.304495237,5.304495278,5.304495397,5.304495278,5.304495283,5.304495224,5.304495225,5.304495296,5.304495135,5.304495167,5.304495307,5.304495229,5.304495178,5.304495218
+"1406","BCAR3",4.950415311,4.950415258,4.950415371,4.950415312,4.950415478,4.950415322,4.950415367,4.950415332,4.950415382,4.950415281,4.950415454,4.950415429,4.950415335,4.950415157,4.950415492,4.950415461,4.950415406,4.950415384,4.950415362,4.950415356,4.950415451,4.950415461,4.950415392,4.950415265,4.95041532,4.950415469,4.950415238,4.950415291
+"1407","BCAS1",4.935198623,4.935198655,4.935198646,4.935198636,4.935198668,4.935198649,4.935198586,4.93519866,4.935198642,4.935198561,4.93519867,4.935198619,4.935198622,4.935198586,4.935198654,4.935198602,4.935198643,4.935198678,4.935198607,4.935198667,4.935198648,4.935198677,4.935198597,4.93519861,4.935198645,4.935198663,4.935198601,4.93519865
+"1408","BCAS2",5.816214494,5.816214513,5.816214366,5.816214245,5.81621409,5.816214263,5.816214398,5.816214159,5.816214433,5.816214321,5.81621431,5.816214072,5.816214452,5.8162148,5.816214269,5.816214416,5.816214217,5.816214282,5.816214381,5.81621428,5.816214355,5.816214328,5.816214491,5.816214355,5.816214318,5.816214316,5.816214407,5.816214457
+"1409","BCAS3",7.6158304,7.615830395,7.615830324,7.615830436,7.615829968,7.615830481,7.615830294,7.615830272,7.615830227,7.6158302,7.615830336,7.61583,7.615830263,7.615830319,7.61583028,7.615830257,7.615830067,7.615830191,7.615830287,7.615830214,7.615830173,7.615830132,7.615830201,7.615830461,7.615830406,7.615830117,7.615830471,7.615830085
+"1410","BCAS4",6.96820793,6.968207864,6.968208045,6.968207984,6.968208212,6.968207823,6.96820803,6.968208114,6.96820803,6.968208102,6.968208018,6.968208263,6.96820803,6.968207923,6.968208138,6.96820799,6.968208193,6.968208067,6.968207997,6.968208006,6.96820814,6.968208136,6.96820791,6.968207859,6.968207981,6.968208115,6.968208013,6.968208088
+"1411","BCAT1",4.635428032,4.635428727,4.635428494,4.635429468,4.635428336,4.635428609,4.635428718,4.635428203,4.635428206,4.635428027,4.635428302,4.635428327,4.635428294,4.635428938,4.635428042,4.63542885,4.635428723,4.63542918,4.635428244,4.635428802,4.635428677,4.635428273,4.635428376,4.635428191,4.635428535,4.635428674,4.635428122,4.635428985
+"1412","BCAT2",6.002303149,6.002303165,6.002303159,6.002303128,6.002303151,6.002303159,6.002303131,6.002303123,6.002303177,6.002303176,6.002303147,6.002303121,6.002303176,6.002303168,6.002303145,6.002303139,6.002303114,6.002303176,6.002303157,6.002303121,6.002303141,6.002303168,6.002303178,6.002303148,6.002303132,6.002303122,6.002303172,6.002303164
+"1413","BCCIP",4.898827372,4.898827378,4.898827383,4.898827328,4.898827291,4.898827312,4.898827349,4.898827285,4.898827392,4.898827336,4.898827313,4.898827265,4.898827355,4.898827441,4.898827322,4.898827335,4.898827268,4.898827335,4.898827304,4.898827313,4.898827327,4.898827362,4.898827355,4.898827336,4.898827303,4.898827344,4.898827322,4.898827329
+"1414","BCDIN3D",5.498618379,5.498618373,5.498618364,5.49861834,5.498618377,5.498618377,5.498618395,5.498618349,5.498618383,5.498618391,5.49861835,5.498618388,5.498618373,5.498618395,5.498618395,5.498618369,5.49861836,5.49861836,5.498618365,5.498618374,5.498618389,5.49861836,5.498618384,5.498618392,5.498618339,5.498618356,5.498618371,5.498618411
+"1415","BCHE",2.270926389,2.270926409,2.270926393,2.270926395,2.270926422,2.270926449,2.270926428,2.270926388,2.27092641,2.270926419,2.270926462,2.270926406,2.270926407,2.270926369,2.270926393,2.270926404,2.270926413,2.270926422,2.270926455,2.270926405,2.27092642,2.270926392,2.270926421,2.270926406,2.270926412,2.270926382,2.270926423,2.270926427
+"1416","BCKDHA",7.604080486,7.60408041,7.604080487,7.604080362,7.60408039,7.604080476,7.604080333,7.604080349,7.604080432,7.604080452,7.6040803,7.604080406,7.604080458,7.604080424,7.604080339,7.604080306,7.604080224,7.604080159,7.604080306,7.604080346,7.604080224,7.604080341,7.604080297,7.604080452,7.604080349,7.604080344,7.604080446,7.604080254
+"1417","BCKDHB",5.740766215,5.740765843,5.740765169,5.740764335,5.740764587,5.740764901,5.740765429,5.740764936,5.740766141,5.740765498,5.740764017,5.740765131,5.740765733,5.740767006,5.740765594,5.740765426,5.740764498,5.740764572,5.740765307,5.740764126,5.740765312,5.74076524,5.740766389,5.740765359,5.740764169,5.740765404,5.74076565,5.740766547
+"1418","BCKDK",6.837072519,6.83707273,6.837072809,6.837072805,6.837072498,6.837073122,6.837072622,6.837072712,6.837072667,6.837072718,6.837072664,6.837072489,6.83707269,6.837072494,6.837072416,6.837072585,6.837072479,6.837072629,6.837072642,6.837072882,6.837072196,6.837072666,6.837072565,6.837072822,6.837072319,6.837072454,6.837072568,6.837072148
+"1419","BCL10",6.545717036,6.545716965,6.545716881,6.545717088,6.545716807,6.545716885,6.545716797,6.54571667,6.54571676,6.54571683,6.545716839,6.545716582,6.545716874,6.545717108,6.545717026,6.545716796,6.545716852,6.545716999,6.545716888,6.545716913,6.545716931,6.545716814,6.545716967,6.545716938,6.54571698,6.54571688,6.545716966,6.545716977
+"1420","BCL11A",5.984795673,5.984795108,5.984795013,5.984794917,5.984795173,5.984795257,5.984795304,5.984794479,5.984794502,5.984795547,5.984794456,5.984795649,5.984795326,5.984796392,5.984795567,5.984794774,5.984795286,5.984794892,5.984795189,5.984794784,5.984794841,5.984794954,5.984794211,5.984795333,5.984794776,5.984795446,5.984795361,5.984796516
+"1421","BCL11B",7.56715265,7.567152725,7.567152185,7.567152184,7.567152445,7.567152576,7.567152454,7.567152502,7.567153335,7.567152924,7.567151931,7.567152886,7.567152857,7.5671532,7.567152141,7.567152532,7.567151953,7.567152225,7.567152664,7.567152162,7.567152227,7.567152591,7.567153094,7.567152575,7.567152048,7.567152896,7.567152931,7.567153036
+"1422","BCL2",7.276565011,7.276565223,7.276563477,7.276564462,7.276564816,7.276564303,7.276564459,7.276563798,7.276565242,7.276565112,7.276563931,7.27656432,7.27656518,7.276566031,7.27656409,7.276564295,7.276563209,7.276563631,7.276564592,7.276564053,7.276563603,7.276563761,7.276565189,7.276564576,7.276563364,7.276563726,7.276565031,7.276565436
+"1423","BCL2A1",4.917020034,4.917020029,4.917019619,4.917020356,4.917019634,4.91701987,4.917020015,4.917019538,4.917019426,4.917019118,4.917020043,4.917018424,4.917019341,4.917020513,4.917019646,4.917019654,4.917020009,4.917019784,4.91702007,4.917019665,4.91701987,4.917019488,4.917019876,4.917019731,4.91702021,4.917019025,4.917019558,4.917019995
+"1424","BCL2L1",10.57203762,10.44815279,11.14618238,10.4815885,10.70705962,10.96295904,10.8677692,11.05113444,11.07999159,11.02184514,10.83689659,11.30415538,10.11882144,10.24488103,10.61371121,9.884273623,10.91203789,10.56585699,10.34214331,10.78816771,10.79515104,10.77553864,10.92285716,10.96203369,10.85266091,11.3594681,10.30881731,10.48753011
+"1425","BCL2L10",4.675616043,4.675615992,4.675616006,4.67561604,4.675616084,4.675616064,4.675616085,4.675616084,4.675616058,4.675615977,4.675616034,4.675616144,4.67561601,4.675615985,4.67561601,4.675616042,4.675616112,4.675616045,4.67561603,4.675616048,4.675616063,4.675616128,4.675615994,4.675615972,4.675615986,4.675616044,4.675615999,4.675616061
+"1426","BCL2L11",6.656847855,6.656847841,6.656847754,6.656847885,6.656847744,6.656847809,6.656847796,6.65684773,6.656847831,6.656847829,6.656847774,6.656847671,6.656847833,6.656847809,6.656847695,6.656847723,6.656847697,6.656847797,6.656847774,6.656847814,6.65684775,6.656847749,6.656847899,6.656847867,6.656847793,6.656847731,6.656847832,6.6568477
+"1427","BCL2L12",5.663257385,5.6632574,5.663257403,5.663257404,5.663257414,5.663257408,5.663257414,5.663257408,5.663257403,5.663257414,5.663257397,5.663257417,5.663257412,5.663257394,5.663257407,5.663257409,5.663257416,5.663257407,5.663257411,5.663257397,5.663257411,5.66325742,5.6632574,5.663257404,5.663257403,5.663257404,5.663257409,5.663257408
+"1428","BCL2L13",6.551400295,6.55139995,6.551400393,6.551400354,6.551400299,6.551400504,6.551400275,6.551400669,6.551400397,6.551400136,6.551400087,6.551400514,6.551400004,6.551400163,6.551399985,6.551399807,6.551400102,6.551399808,6.551400368,6.551399957,6.551399831,6.551400392,6.551400582,6.551400229,6.551400091,6.551400237,6.551400404,6.551400057
+"1429","BCL2L14",4.314742022,4.314742046,4.314742008,4.314742027,4.31474206,4.314742025,4.314742009,4.31474208,4.314742049,4.314742019,4.314742096,4.314742006,4.314742041,4.314742028,4.314742053,4.314742023,4.314742049,4.314742041,4.314742021,4.314742078,4.314742057,4.314742057,4.314742053,4.314741944,4.314742049,4.314742005,4.314742016,4.314742097
+"1430","BCL2L15",3.9545274275,3.954527721,3.95452727,3.954527633,3.954527251,3.9545275615,3.9545275315,3.954527327,3.954527538,3.954527557,3.954527646,3.954527496,3.954527281,3.954527603,3.954527509,3.954526991,3.9545275905,3.954527329,3.954527725,3.9545272275,3.954527525,3.954527241,3.954527597,3.9545271475,3.9545274065,3.9545272185,3.954527326,3.954527155
+"1431","BCL3",7.376719061,7.376719305,7.376719144,7.376719484,7.376719296,7.376719599,7.376719104,7.376719348,7.376719134,7.37671929,7.376719215,7.37671905,7.376719311,7.376718916,7.376719227,7.376719256,7.376719439,7.376719574,7.376719426,7.376719594,7.376719215,7.376719348,7.37671925,7.376719367,7.376719459,7.376719165,7.376719392,7.376719045
+"1432","BCL6",8.610404802,8.992638703,8.173176777,9.365827181,8.305520678,9.243391721,8.96269152,8.425504679,8.71534792,8.592583592,8.651142788,8.045660364,8.609936456,8.39277018,8.921155431,8.835743331,8.626997822,9.351831348,8.873540228,9.427064441,8.960749148,8.633671621,9.21606693,9.013748644,8.952770854,8.36439494,8.540637405,8.298620536
+"1433","BCL6B",5.376952398,5.376952355,5.376952456,5.376952336,5.376952464,5.376952374,5.37695246,5.376952427,5.376952358,5.376952421,5.376952397,5.376952444,5.376952405,5.376952316,5.376952434,5.376952444,5.376952498,5.376952367,5.376952396,5.376952416,5.376952441,5.37695242,5.376952388,5.376952378,5.376952442,5.37695242,5.376952426,5.376952464
+"1434","BCL7A",6.334411008,6.334410993,6.334411007,6.334410951,6.334411038,6.334410881,6.334410979,6.334410971,6.334411021,6.334411006,6.334410996,6.334410999,6.334410993,6.334410968,6.334411046,6.334411022,6.334410992,6.334411025,6.334410943,6.334410957,6.334411033,6.334410983,6.334410989,6.334411007,6.334410994,6.334411009,6.334410963,6.334411042
+"1435","BCL7B",7.35306834,7.353068478,7.35306809,7.353068017,7.353068073,7.353068772,7.353068278,7.353068225,7.353068631,7.353068787,7.353067768,7.35306796,7.353068302,7.353068765,7.353067942,7.353068087,7.353067946,7.353068085,7.353068251,7.353068564,7.353067947,7.353068224,7.353068553,7.353068596,7.353068146,7.353067902,7.353068443,7.353068802
+"1436","BCL7C",6.719576141,6.719576171,6.719576182,6.719576147,6.719576182,6.719576162,6.719576159,6.719576164,6.719576191,6.719576187,6.719576141,6.719576159,6.719576173,6.719576185,6.719576195,6.719576191,6.71957617,6.719576162,6.719576145,6.719576171,6.719576166,6.719576195,6.719576198,6.71957616,6.719576171,6.719576162,6.719576171,6.719576156
+"1437","BCL9",5.807416562,5.807416616,5.807416571,5.807416569,5.807416566,5.807416608,5.807416518,5.807416566,5.80741668,5.807416661,5.80741656,5.807416618,5.807416551,5.807416578,5.807416578,5.807416563,5.807416511,5.807416552,5.807416568,5.807416577,5.807416511,5.807416538,5.80741662,5.807416613,5.80741659,5.807416603,5.807416611,5.807416617
+"1438","BCL9L",6.595068538,6.595068561,6.595068541,6.5950685,6.595068593,6.595068549,6.595068554,6.595068599,6.595068631,6.595068606,6.595068564,6.595068615,6.59506859,6.595068598,6.595068591,6.595068551,6.595068546,6.595068553,6.595068536,6.595068555,6.595068567,6.595068612,6.59506859,6.595068555,6.595068508,6.595068616,6.595068614,6.595068555
+"1439","BCLAF1",7.858573371,7.858573338,7.858573026,7.858573267,7.858572279,7.858572868,7.858572515,7.858572614,7.858572915,7.85857255,7.858572375,7.858571805,7.858573008,7.858574078,7.858573094,7.858573131,7.858572663,7.858572688,7.858572918,7.858572984,7.858572625,7.858572576,7.858573093,7.858573165,7.858572614,7.858572817,7.85857301,7.858573345
+"1440","BCLAF3",5.668541991,5.668542012,5.668541951,5.668541982,5.668541902,5.668541871,5.66854186,5.668541721,5.668541907,5.668541878,5.66854191,5.668541718,5.668541975,5.668542142,5.668541899,5.66854199,5.668541878,5.668541991,5.668541992,5.668541894,5.66854182,5.668541897,5.668541911,5.668542041,5.668541978,5.668541861,5.668541917,5.668542015
+"1441","BCO1",3.908740161,3.90874021,3.908740225,3.908740232,3.908740191,3.908740266,3.908740204,3.908740264,3.908740251,3.908740169,3.908740204,3.908740228,3.90874025,3.908740147,3.908740211,3.908740218,3.908740238,3.908740304,3.908740178,3.908740202,3.908740193,3.908740241,3.908740171,3.90874023,3.908740161,3.908740204,3.90874019,3.908740239
+"1442","BCO2",4.293893164,4.293893056,4.293893012,4.293893063,4.293893182,4.293893224,4.29389297,4.293893295,4.293893007,4.293893113,4.293893031,4.293893216,4.293893241,4.293893203,4.293893128,4.293892968,4.293893201,4.293893272,4.293893087,4.293893192,4.293893037,4.293893284,4.293892958,4.293893224,4.293893018,4.293893158,4.293893109,4.293892976
+"1443","BCOR",6.42940427,6.429404267,6.429404231,6.429404279,6.429404283,6.429404344,6.429404273,6.429404265,6.429404304,6.429404293,6.429404224,6.42940424,6.429404293,6.429404317,6.429404288,6.429404237,6.429404187,6.42940425,6.429404288,6.429404286,6.429404293,6.429404289,6.429404301,6.429404266,6.429404247,6.429404297,6.429404305,6.429404282
+"1444","BCORL1",6.68216979,6.682169812,6.682169793,6.682169823,6.682169802,6.682169813,6.682169815,6.682169807,6.682169788,6.68216982,6.682169818,6.682169789,6.682169805,6.682169809,6.682169812,6.682169827,6.682169807,6.682169825,6.682169812,6.682169827,6.682169811,6.682169819,6.682169824,6.682169828,6.68216983,6.682169813,6.682169817,6.682169823
+"1445","BCORP1",3.782883734,3.782884362,3.782888185,3.78288375,3.782884142,3.782884609,3.782884065,3.782889565,3.782884062,3.782884006,3.782883438,3.782889191,3.782885054,3.782882904,3.78288604,3.782882342,3.782886838,3.782884781,3.782884941,3.782888989,3.782885425,3.782889388,3.782883556,3.782881558,3.782885387,3.782891338,3.782883914,3.78288585
+"1446","BCS1L",5.952897789,5.952897703,5.952897762,5.952897698,5.952897713,5.952897795,5.952897753,5.952897742,5.952897793,5.952897681,5.952897754,5.952897785,5.952897817,5.952897841,5.952897724,5.952897688,5.952897632,5.952897635,5.952897746,5.952897812,5.952897744,5.952897777,5.952897741,5.952897754,5.952897632,5.9528978,5.952897812,5.952897799
+"1447","BDH1",5.500067322,5.50006734,5.500067321,5.500067265,5.500067304,5.500067293,5.500067318,5.500067288,5.50006745,5.50006729,5.500067271,5.500067321,5.50006729,5.500067345,5.500067324,5.50006729,5.500067265,5.500067334,5.500067294,5.500067291,5.500067293,5.500067282,5.500067386,5.500067311,5.50006719,5.500067326,5.500067382,5.500067364
+"1448","BDH2",3.491362638,3.49136261,3.491362662,3.491362547,3.491362544,3.491362573,3.491362643,3.491362596,3.491362574,3.4913626,3.491362567,3.491362624,3.491362583,3.491362702,3.491362601,3.491362537,3.49136259,3.491362586,3.491362602,3.491362578,3.491362587,3.491362629,3.491362618,3.49136262,3.491362601,3.491362613,3.491362639,3.491362669
+"1449","BDKRB1",4.336590597,4.336590409,4.336590675,4.33659055,4.33659067,4.336590541,4.33659064,4.33659077,4.336590434,4.336590711,4.336590706,4.336590664,4.336590599,4.336590558,4.336590685,4.336590576,4.33659083,4.336590733,4.336590656,4.336590552,4.336590591,4.336590649,4.336590541,4.336590684,4.336590548,4.336590573,4.336590608,4.33659058
+"1450","BDKRB2",4.912341093,4.912341125,4.912341146,4.912341097,4.912341239,4.912341175,4.912341164,4.912341186,4.91234117,4.912341141,4.912341155,4.912341216,4.912341138,4.912341113,4.912341216,4.912341139,4.912341307,4.912341237,4.912341174,4.912341234,4.912341226,4.912341264,4.912341157,4.912341158,4.912341185,4.912341171,4.912341177,4.912341136
+"1451","BDNF",3.47214934,3.472149402,3.472149466,3.472149377,3.472149436,3.472149478,3.472149407,3.472149456,3.47214943,3.472149521,3.472149426,3.472149539,3.472149409,3.47214939,3.472149393,3.472149484,3.472149536,3.472149454,3.472149476,3.472149442,3.472149476,3.472149558,3.472149406,3.472149453,3.472149457,3.472149527,3.472149292,3.472149548
+"1452","BDP1",4.5792821285,4.5792843625,4.5792832635,4.5792811495,4.579283764,4.579281882,4.579283183,4.57928389,4.57928164,4.5792805675,4.579285603,4.579283281,4.579281031,4.579287264,4.579284727,4.5792829135,4.579281256,4.579284781,4.579287074,4.579281858,4.579283433,4.579282718,4.5792831665,4.5792822205,4.5792809935,4.5792817755,4.579281145,4.579281803
+"1453","BEAN1",5.796204495,5.796204415,5.796204573,5.7962046475,5.7962045445,5.7962041405,5.7962046205,5.796204784,5.7962047485,5.796204383,5.7962046735,5.7962042645,5.796204403,5.79620452,5.7962048565,5.796204659,5.796204955,5.7962047565,5.7962045335,5.796204759,5.796204859,5.7962046835,5.796204325,5.7962039555,5.796204497,5.796204472,5.7962043515,5.796204745
+"1454","BECN1",6.986867695,6.9868677,6.986867651,6.98686777,6.986867529,6.986867677,6.986867667,6.986867685,6.986867634,6.986867628,6.986867621,6.986867627,6.986867652,6.986867746,6.98686762,6.986867661,6.986867572,6.986867678,6.986867584,6.986867814,6.986867609,6.986867683,6.986867677,6.986867761,6.986867575,6.98686765,6.986867579,6.986867688
+"1455","BEGAIN",5.014271878,5.014271883,5.014271913,5.014271874,5.014271898,5.01427188,5.014271891,5.014271899,5.014271897,5.014271883,5.014271878,5.014271885,5.014271899,5.014271867,5.014271898,5.014271903,5.0142719,5.01427191,5.014271887,5.014271878,5.014271909,5.014271909,5.014271884,5.014271885,5.014271907,5.014271897,5.014271903,5.014271908
+"1456","BEND2",4.667580737,4.667581191,4.667579902,4.667582076,4.667580555,4.667580176,4.667579896,4.667579581,4.667579963,4.667580059,4.667581359,4.667580439,4.667579923,4.667579463,4.667580608,4.667579574,4.667580501,4.667582056,4.667580589,4.667579921,4.667579998,4.667580188,4.667580737,4.667580171,4.667581422,4.66758038,4.667580505,4.667579804
+"1457","BEND3",5.047176928,5.04717697,5.047177243,5.04717703,5.04717728,5.047177125,5.047177078,5.047177229,5.047176974,5.047177102,5.047177178,5.047177272,5.047176958,5.047176755,5.047177205,5.047176944,5.047177234,5.047177144,5.047177174,5.047176967,5.047177111,5.047177182,5.047177084,5.047176918,5.047176972,5.047177206,5.047177093,5.047177072
+"1458","BEND4",5.530627069,5.530626974,5.530627021,5.530627009,5.530627235,5.530627106,5.530627135,5.53062711,5.530627057,5.530627123,5.530627085,5.530627277,5.530627071,5.530627027,5.530627202,5.530627024,5.530627227,5.530627242,5.530627185,5.530627055,5.530627174,5.53062716,5.530626986,5.530626964,5.530627057,5.530627141,5.530627054,5.530627204
+"1459","BEND5",4.625536946,4.625536793,4.625536742,4.625536825,4.625537014,4.625536805,4.62553687,4.625536957,4.625537015,4.625536758,4.625536768,4.625537199,4.625536824,4.62553727,4.625536967,4.62553667,4.625536766,4.625536829,4.625536882,4.625537057,4.625536556,4.625536772,4.625536952,4.625536861,4.62553638,4.62553688,4.625536869,4.625537296
+"1460","BEND6",3.186324298,3.186324276,3.186324322,3.18632432,3.186324329,3.186324321,3.186324327,3.186324294,3.186324316,3.186324304,3.186324298,3.186324312,3.186324296,3.186324287,3.186324324,3.186324308,3.186324303,3.186324333,3.186324355,3.186324293,3.186324326,3.186324307,3.186324292,3.186324292,3.186324324,3.18632431,3.186324325,3.186324316
+"1461","BEND7",4.229141515,4.229141943,4.229142015,4.229142015,4.229141711,4.229141756,4.229141673,4.229141933,4.22914128,4.229141594,4.229141822,4.229141748,4.229141966,4.229141561,4.229141515,4.229141881,4.229141793,4.229142122,4.229141702,4.229141794,4.229141867,4.229141573,4.229141513,4.22914159,4.229142056,4.229141653,4.229141684,4.22914173
+"1462","BEST1",6.620544278,6.620544941,6.620544584,6.620545421,6.620543811,6.620545059,6.620544627,6.620544237,6.620544303,6.62054388,6.620544762,6.620543885,6.62054429,6.620544099,6.620544333,6.620544852,6.620544666,6.620545452,6.62054452,6.620545546,6.620544488,6.620544342,6.620544617,6.620544791,6.620545175,6.620544125,6.620544026,6.620543751
+"1463","BEST2",4.443610219,4.443610453,4.443610474,4.443610291,4.443610531,4.443610373,4.44361041,4.443610407,4.443610408,4.443610363,4.443610527,4.443610548,4.443610295,4.44361014,4.443610539,4.443610471,4.443610588,4.443610527,4.44361042,4.443610501,4.443610398,4.443610497,4.443610393,4.443610345,4.443610485,4.443610487,4.443610232,4.443610309
+"1464","BEST3",3.045277371,3.045277427,3.045277425,3.045277454,3.045277409,3.045277457,3.045277409,3.045277458,3.045277444,3.045277422,3.045277475,3.045277451,3.045277408,3.045277425,3.045277417,3.045277468,3.045277486,3.045277459,3.04527742,3.045277443,3.045277406,3.045277443,3.045277453,3.045277407,3.04527745,3.045277397,3.045277399,3.045277453
+"1465","BEST4",5.026623733,5.026623735,5.026623737,5.026623735,5.026623786,5.026623731,5.026623746,5.026623774,5.026623722,5.026623741,5.026623756,5.026623801,5.026623725,5.026623709,5.026623785,5.026623763,5.026623765,5.026623795,5.026623749,5.026623738,5.026623773,5.026623765,5.026623706,5.026623727,5.026623746,5.026623769,5.026623732,5.026623754
+"1466","BET1",5.280716362,5.280716295,5.280716331,5.280716265,5.280716238,5.280716131,5.280716259,5.280716257,5.280716391,5.280716309,5.280716255,5.28071616,5.280716311,5.280716507,5.280716322,5.280716287,5.280716251,5.280716306,5.280716336,5.280716237,5.280716284,5.280716246,5.280716295,5.280716343,5.280716248,5.280716292,5.280716262,5.280716407
+"1467","BET1L",6.769247816,6.769247981,6.769247949,6.769248055,6.769247733,6.769247908,6.769247823,6.769247834,6.769248025,6.769247914,6.769247784,6.769247783,6.769248054,6.769247857,6.769247697,6.769247922,6.76924786,6.769248083,6.769247767,6.769247823,6.769247867,6.769247741,6.769247993,6.769248012,6.769247894,6.769247722,6.76924805,6.769247967
+"1468","BEX1",4.686536446,4.68653651,4.686536672,4.686536147,4.686536917,4.686536221,4.686536539,4.686536711,4.686536649,4.686536665,4.686536789,4.686536716,4.686536476,4.686536193,4.686536599,4.686536917,4.686536968,4.686536629,4.686536355,4.686536616,4.68653666,4.68653687,4.686536438,4.686536443,4.686536485,4.686536762,4.686536227,4.686536777
+"1469","BEX2",5.657419054,5.657419034,5.657419144,5.65741911,5.657419301,5.657419029,5.657419139,5.657419185,5.657419219,5.657419253,5.657419219,5.657419397,5.657419083,5.657418874,5.657419153,5.657419141,5.657419182,5.65741924,5.657419188,5.65741898,5.657419101,5.657419242,5.657419134,5.657418999,5.657419187,5.657419183,5.657419145,5.657419126
+"1470","BEX3",6.491627405,6.49162752,6.491627549,6.491627599,6.491627597,6.491627436,6.491627238,6.49162751,6.491627583,6.491627536,6.491627603,6.491627567,6.491627453,6.491627281,6.491627364,6.491627573,6.491627496,6.491627698,6.49162752,6.491627358,6.491627324,6.491627478,6.491627543,6.491627572,6.491627686,6.491627514,6.49162751,6.491627492
+"1471","BEX4",6.717193604,6.717193623,6.717193598,6.717193518,6.71719359,6.717193489,6.717193535,6.71719364,6.717193683,6.717193664,6.717193561,6.717193649,6.717193587,6.717193674,6.717193611,6.71719364,6.717193523,6.71719364,6.717193545,6.717193578,6.717193558,6.71719359,6.71719366,6.717193629,6.717193519,6.71719362,6.717193558,6.717193622
+"1472","BEX5",4.334453066,4.334453078,4.334453067,4.334453074,4.334453054,4.334453047,4.33445304,4.334453083,4.334453066,4.334453073,4.334453107,4.334453034,4.334453065,4.334453063,4.334453036,4.334453069,4.334453063,4.334453094,4.334453072,4.334453082,4.334453018,4.334453068,4.334453054,4.334453076,4.33445307,4.334453066,4.334453121,4.334453041
+"1473","BFAR",6.961859623,6.961859628,6.96185958,6.961859498,6.961859536,6.961859638,6.961859566,6.961859532,6.961859677,6.961859657,6.961859515,6.961859499,6.961859599,6.961859744,6.961859616,6.961859561,6.961859489,6.961859554,6.961859575,6.961859582,6.961859579,6.961859594,6.961859643,6.961859647,6.961859538,6.961859508,6.961859599,6.96185965
+"1474","BFSP1",4.127419864,4.127419854,4.127419857,4.12741985,4.127419858,4.127419849,4.127419868,4.127419865,4.127419821,4.127419849,4.127419866,4.127419872,4.127419824,4.127419836,4.127419885,4.127419882,4.127419874,4.12741986,4.127419851,4.127419846,4.127419876,4.127419872,4.127419888,4.127419831,4.127419831,4.127419877,4.127419825,4.127419851
+"1475","BFSP2",4.631873509,4.631873585,4.631873574,4.631873511,4.63187363,4.631873536,4.631873517,4.631873635,4.63187358,4.631873489,4.63187356,4.631873642,4.631873574,4.631873463,4.631873641,4.631873552,4.631873599,4.631873639,4.631873547,4.631873593,4.631873596,4.631873653,4.631873521,4.631873584,4.631873592,4.631873585,4.631873535,4.631873498
+"1476","BGN",5.571107007,5.571106818,5.571107407,5.57110701,5.571107517,5.571107208,5.571107271,5.571107558,5.571107406,5.571107039,5.571107069,5.571107343,5.571107149,5.571106699,5.571107504,5.571107509,5.571107489,5.571107335,5.571107166,5.571107244,5.571107493,5.571107553,5.571106913,5.571107072,5.571107347,5.571107559,5.57110703,5.571106949
+"1477","BHLHA15",6.514153619,6.514153556,6.514153688,6.514153659,6.514153971,6.514153608,6.51415397,6.514153799,6.514153628,6.514153877,6.51415356,6.514153799,6.514153814,6.514153488,6.514153858,6.514153687,6.514153995,6.514153942,6.514153909,6.514153735,6.514154089,6.514154038,6.514153675,6.514153547,6.51415381,6.51415402,6.514153706,6.514153882
+"1478","BHLHA9",6.594600641,6.594600862,6.594601323,6.594600594,6.594601684,6.59460047,6.594601081,6.594601476,6.594601035,6.594601039,6.594601236,6.594601416,6.594600984,6.594600885,6.594601345,6.594600878,6.594601358,6.594601353,6.594601187,6.594600887,6.594601146,6.594601101,6.594600786,6.594600966,6.594601305,6.594601116,6.594600984,6.594601335
+"1479","BHLHE22",5.86897152,5.868971597,5.868971589,5.868971491,5.868971672,5.868971537,5.868971561,5.868971649,5.868971623,5.868971637,5.868971638,5.868971643,5.868971561,5.868971513,5.868971644,5.868971652,5.868971662,5.868971682,5.868971556,5.868971573,5.868971656,5.868971575,5.868971573,5.868971595,5.868971646,5.868971639,5.86897153,5.868971591
+"1480","BHLHE23",6.62124218,6.621242396,6.621242577,6.621242244,6.62124338,6.62124246,6.621242618,6.621242545,6.62124249,6.621242603,6.621243118,6.621243381,6.621242391,6.621241803,6.621242965,6.621242556,6.621243296,6.621243007,6.62124274,6.621242779,6.621243016,6.621243026,6.621242544,6.621242114,6.621242331,6.621243215,6.621242307,6.62124262
+"1481","BHLHE40",7.249348773,7.249349301,7.249348708,7.249348829,7.249349479,7.249348516,7.249348296,7.249348557,7.249348685,7.249348415,7.24934897,7.249347525,7.249349089,7.249349019,7.249348889,7.24934909,7.249348699,7.249349309,7.249348989,7.249348219,7.249347989,7.24934848,7.249349041,7.24934872,7.249349201,7.24934838,7.249348931,7.249349008
+"1482","BHLHE41",5.374380716,5.374380728,5.374380841,5.374380788,5.374380813,5.374380772,5.374380836,5.374380818,5.374380763,5.374380754,5.374380819,5.374380947,5.374380799,5.374380709,5.374380853,5.37438082,5.374380883,5.37438087,5.374380811,5.374380801,5.374380887,5.374380817,5.374380792,5.374380801,5.374380809,5.374380856,5.374380804,5.374380846
+"1483","BHMT",4.233808349,4.233808382,4.233808344,4.233808335,4.233808398,4.233808308,4.233808382,4.233808358,4.233808375,4.233808345,4.233808379,4.233808418,4.233808357,4.233808284,4.233808389,4.233808417,4.2338084,4.233808362,4.233808319,4.233808375,4.233808369,4.233808357,4.233808324,4.233808359,4.233808351,4.233808377,4.233808365,4.233808377
+"1484","BHMT2",5.199861837,5.199861838,5.199861868,5.199861819,5.199861971,5.199861859,5.199861871,5.199861888,5.199861832,5.199861896,5.199861925,5.199862007,5.199861906,5.199861691,5.19986194,5.19986182,5.199861971,5.199861924,5.199861846,5.199861858,5.199861937,5.199861866,5.199861813,5.199861807,5.19986185,5.199861943,5.199861796,5.199861834
+"1485","BICC1",3.433216529,3.433216546,3.433216526,3.433216563,3.433216622,3.433216551,3.433216537,3.433216577,3.433216536,3.433216567,3.433216556,3.433216521,3.433216519,3.433216551,3.43321659,3.43321659,3.433216528,3.433216582,3.433216536,3.433216605,3.433216554,3.433216552,3.433216518,3.433216526,3.433216543,3.433216514,3.433216521,3.433216558
+"1486","BICD1",6.125297973,6.125297895,6.12529785,6.125297822,6.125297922,6.125297829,6.125298059,6.1252979,6.125297955,6.125297893,6.125297891,6.125297964,6.125297943,6.125298083,6.125297938,6.125297914,6.125297899,6.125297972,6.125297917,6.125297916,6.125297934,6.12529799,6.125297894,6.125297971,6.125297895,6.125298003,6.125297943,6.125298027
+"1487","BICD2",6.967843019,6.967843329,6.967843027,6.967843522,6.967843097,6.967843215,6.967843232,6.967843131,6.967843004,6.967843148,6.967843204,6.967843052,6.967843073,6.967843176,6.967843038,6.967843283,6.967843031,6.967843464,6.967843152,6.967843134,6.967843057,6.967842873,6.967843113,6.967843241,6.967843382,6.967843162,6.967843132,6.967843105
+"1488","BICDL1",5.983908639,5.983908706,5.983908819,5.983908726,5.983908733,5.98390873,5.98390881,5.983908768,5.983908812,5.983908774,5.983908817,5.983908752,5.98390883,5.983908776,5.983908805,5.983908789,5.983908742,5.983908787,5.983908751,5.98390882,5.983908811,5.98390875,5.983908725,5.983908766,5.983908739,5.983908782,5.983908866,5.98390878
+"1489","BICDL2",6.275621561,6.275621589,6.275621669,6.275621589,6.275621692,6.275621423,6.275621578,6.275621671,6.275621537,6.275621687,6.275621621,6.275621763,6.275621569,6.275621336,6.275621706,6.275621588,6.275621694,6.275621734,6.275621577,6.275621732,6.275621668,6.27562162,6.275621598,6.275621569,6.275621679,6.275621734,6.275621506,6.275621668
+"1490","BICRA",6.099006256,6.09900629,6.099006271,6.099006405,6.099006441,6.099006382,6.099006325,6.099006335,6.099006337,6.099006255,6.099006312,6.099006505,6.099006368,6.099006257,6.099006433,6.099006229,6.09900647,6.099006413,6.099006373,6.099006425,6.099006393,6.099006392,6.099006335,6.099006309,6.099006279,6.099006302,6.099006325,6.099006322
+"1491","BICRAL",7.217376901,7.217376803,7.217376717,7.217376863,7.217376558,7.217376976,7.217376896,7.217376807,7.217376728,7.217376874,7.21737676,7.217376643,7.217376893,7.217376775,7.217376716,7.217376541,7.21737622,7.217376751,7.217376868,7.217376983,7.217376784,7.217376657,7.217376819,7.217376888,7.217376857,7.217376869,7.217377038,7.21737658
+"1492","BID",7.92558435,7.925584403,7.925584358,7.925584606,7.925584064,7.925584463,7.925584455,7.925584266,7.925584137,7.925584263,7.925584354,7.925583976,7.925584367,7.925584352,7.925584247,7.925584483,7.925584213,7.925584559,7.925584334,7.925584563,7.925584387,7.92558427,7.925584287,7.925584435,7.925584515,7.925584256,7.925584447,7.925584287
+"1493","BIK",5.1568918,5.156891836,5.156891844,5.156891859,5.156891827,5.156891784,5.15689184,5.156891866,5.156891837,5.156891817,5.156891866,5.156891891,5.156891855,5.156891743,5.156891857,5.15689184,5.156891829,5.156891897,5.156891833,5.15689182,5.156891833,5.156891835,5.156891802,5.156891761,5.15689186,5.15689184,5.15689183,5.156891816
+"1494","BIN1",7.615955791,7.615955782,7.615955682,7.615955526,7.615955791,7.615955914,7.615955763,7.615955798,7.615956093,7.61595581,7.615955682,7.615955835,7.61595587,7.615955909,7.615955716,7.615955727,7.615955587,7.615955625,7.615955749,7.61595571,7.61595568,7.615955827,7.615955985,7.615955747,7.615955559,7.615955861,7.61595589,7.615955928
+"1495","BIN2",9.122091764,9.122092078,9.122090365,9.122092136,9.122090388,9.122091365,9.122090717,9.122090904,9.122090581,9.122091282,9.122090838,9.122089163,9.122090977,9.122091791,9.122090907,9.122091823,9.122089896,9.122091369,9.122090774,9.122092265,9.122091233,9.122090507,9.122091375,9.122092096,9.122091495,9.122090948,9.122090859,9.122090076
+"1496","BIN3",7.229627019,7.229627212,7.229626885,7.229627166,7.229626902,7.229627275,7.229627091,7.229626901,7.229626949,7.22962687,7.229626904,7.229626776,7.229627079,7.229627034,7.229626932,7.229627255,7.229626772,7.229627134,7.229627175,7.229627207,7.229626908,7.229626902,7.229627044,7.229626934,7.22962697,7.229626733,7.229626991,7.229626842
+"1497","BIN3-IT1",6.057666844,6.05766738,6.057666097,6.057667179,6.05766612,6.057666995,6.057666509,6.057666651,6.057666805,6.057667008,6.057666675,6.057666131,6.057666808,6.057666417,6.057666423,6.057667231,6.057666148,6.057666751,6.057666711,6.057666874,6.057666449,6.057665808,6.057666989,6.05766692,6.057667094,6.057665915,6.057666452,6.057666015
+"1498","BIRC2",7.169369588,7.169369594,7.169368782,7.169368934,7.169368864,7.16936795,7.169368765,7.169368067,7.169369383,7.169369345,7.169369029,7.169367733,7.169369613,7.169371164,7.169368874,7.169369366,7.169368518,7.169368974,7.169369212,7.169368336,7.169369271,7.169368404,7.169369459,7.169369621,7.169369094,7.169368587,7.169369387,7.169370411
+"1499","BIRC3",6.243651104,6.236274055,6.235876441,6.23469372,6.237559354,6.232021622,6.238328905,6.230762293,6.239529216,6.237895986,6.232982261,6.231608574,6.238479898,6.251576828,6.241068347,6.235128534,6.233452849,6.233639387,6.239143604,6.233607314,6.239733195,6.235929938,6.237078045,6.23563412,6.232428055,6.236138862,6.238105775,6.249484684
+"1500","BIRC5",5.138697728,5.138697743,5.138697746,5.13869773,5.138697781,5.138697761,5.138697794,5.138697754,5.138697765,5.138697745,5.138697743,5.138697793,5.138697734,5.138697706,5.138697751,5.138697739,5.138697758,5.138697761,5.138697729,5.138697758,5.13869778,5.138697765,5.138697745,5.138697718,5.138697726,5.138697755,5.138697732,5.138697702
+"1501","BIRC6",8.225351244,8.225350718,8.225350472,8.225350836,8.22535048,8.225350807,8.225351071,8.225350334,8.225350861,8.225350688,8.225350395,8.225350445,8.225351017,8.22535163,8.225350899,8.225350462,8.225349863,8.225350266,8.225350981,8.225350746,8.225350976,8.225350417,8.225350882,8.225350825,8.225350428,8.225350895,8.225351152,8.225350687
+"1502","BIRC7",5.655700961,5.655701165,5.655701254,5.655700912,5.655701471,5.655701043,5.655701217,5.655701254,5.655701219,5.655700961,5.655701372,5.655701436,5.655701193,5.655700822,5.655701348,5.6557012,5.655701365,5.655701292,5.655701028,5.655701197,5.655701324,5.655701399,5.655701018,5.655701093,5.655701295,5.655701245,5.655700975,5.655701155
+"1503","BIRC8",3.926549883,3.926549859,3.926549929,3.926549973,3.926550067,3.926549928,3.926550075,3.926550099,3.926549955,3.926550081,3.926550031,3.926550187,3.926549918,3.926549901,3.926550116,3.926550063,3.926550269,3.926549918,3.926549984,3.926549939,3.926550118,3.926549989,3.926549846,3.926549964,3.926549998,3.926549994,3.926549842,3.92655007
+"1504","BIVM",5.42554289,5.42554342,5.425543992,5.425544101,5.425541844,5.425544655,5.425543192,5.42554376,5.425543695,5.425544352,5.425543717,5.425542844,5.425543657,5.425543182,5.425542163,5.425542496,5.425543301,5.425542764,5.425543304,5.4255438,5.425541183,5.42554315,5.42554389,5.425543832,5.42554431,5.425543251,5.425544225,5.425542981
+"1505","BLCAP",8.699868284,8.699868152,8.699868196,8.699867866,8.699868416,8.699868216,8.699868295,8.699868373,8.699868324,8.699868186,8.699868152,8.699868288,8.699868338,8.699868279,8.699868554,8.699868141,8.699868277,8.699868194,8.699868293,8.699867931,8.6998682,8.699868457,8.699868214,8.699868007,8.699868114,8.699868406,8.699868329,8.699868413
+"1506","BLID",3.935255247,3.93525512,3.935255,3.935255038,3.93525532,3.935255249,3.935255124,3.935255321,3.935255314,3.935255151,3.935255356,3.935255378,3.935255075,3.935254841,3.93525519,3.935255342,3.935255393,3.935255478,3.935255093,3.935255348,3.935255302,3.935255162,3.935255295,3.935254983,3.935255254,3.935255236,3.935255035,3.935255293
+"1507","BLK",6.611451141,6.611449741,6.611449391,6.611449921,6.611448978,6.611449152,6.611450625,6.611447431,6.611448558,6.611449419,6.611448143,6.611449822,6.611449368,6.611450861,6.611450508,6.611449163,6.61144849,6.611449651,6.611448864,6.611448412,6.611449935,6.611448285,6.611448082,6.611449793,6.611447918,6.611450083,6.611449748,6.611450841
+"1508","BLM",4.982385919,4.982385852,4.982385822,4.982385774,4.982385884,4.98238588,4.982385938,4.982385838,4.982385937,4.982385859,4.982385923,4.982385874,4.982385851,4.982385954,4.982385878,4.982385874,4.982385838,4.982385819,4.982385923,4.982385878,4.982385951,4.982385821,4.982385948,4.982385905,4.982385854,4.982385903,4.982385904,4.982385926
+"1509","BLMH",6.160043528,6.16004349,6.160043453,6.160043429,6.160043465,6.160043448,6.160043499,6.160043449,6.160043517,6.160043443,6.160043392,6.160043467,6.160043473,6.160043527,6.160043469,6.160043448,6.160043387,6.160043389,6.160043455,6.160043478,6.160043472,6.160043464,6.160043574,6.160043465,6.160043432,6.160043486,6.160043469,6.160043459
+"1510","BLNK",5.622388291,5.622387464,5.62238765,5.622388144,5.622387997,5.622387986,5.622388149,5.622387389,5.622387476,5.622388089,5.622387563,5.622388091,5.622388286,5.622388574,5.622388189,5.622387413,5.622387817,5.622387843,5.622388035,5.622388008,5.622387911,5.622387685,5.622387335,5.622388012,5.622387188,5.622388288,5.622388021,5.622388469
+"1511","BLOC1S2",6.535236172,6.535236279,6.535236074,6.535236178,6.535236227,6.535235991,6.535236266,6.535235863,6.535236203,6.53523612,6.535236042,6.535235808,6.535236083,6.535236615,6.535236157,6.535236144,6.535236099,6.53523617,6.535236327,6.535236315,6.535236279,6.535236067,6.53523616,6.535236316,6.535236268,6.53523605,6.535236091,6.535236312
+"1512","BLOC1S3",8.017750253,8.017750366,8.017750352,8.017750339,8.017750497,8.017750227,8.017750334,8.017750412,8.017750277,8.017750341,8.017750401,8.017750497,8.017750336,8.017750158,8.017750447,8.017750484,8.017750541,8.017750423,8.017750397,8.017750212,8.017750357,8.017750475,8.017750299,8.017750171,8.01775036,8.017750431,8.017750258,8.017750423
+"1513","BLOC1S4",6.280823032,6.280823099,6.280823108,6.280823104,6.280823026,6.28082298,6.280823028,6.280823088,6.28082311,6.28082308,6.280823089,6.280823058,6.280823088,6.280823028,6.280823008,6.280823096,6.28082307,6.280823079,6.280823058,6.280823044,6.280822986,6.280823097,6.280823098,6.280823072,6.280823115,6.280823042,6.280823098,6.280823044
+"1514","BLOC1S6",6.915320283,6.915320119,6.915320275,6.915319686,6.915319828,6.915319585,6.915319968,6.915319698,6.915320179,6.915320201,6.915320057,6.915319408,6.915319831,6.915321359,6.915320301,6.915319874,6.915320015,6.915320022,6.915319973,6.91531999,6.915319982,6.915320196,6.915320327,6.915320459,6.915320204,6.915320048,6.915320067,6.915321264
+"1515","BLTP1",7.845290166,7.845289763,7.845288893,7.845290058,7.84528911,7.845290514,7.845290013,7.845288777,7.845289114,7.845289107,7.845289228,7.845287896,7.845289833,7.845290645,7.845289662,7.845289824,7.845288528,7.845289422,7.845290384,7.845290739,7.845290211,7.845288881,7.845289681,7.84528988,7.845289851,7.845289146,7.84528967,7.845289473
+"1516","BLTP2",7.782890878,7.782890921,7.782890859,7.782890873,7.78289081,7.782890947,7.782890878,7.782890857,7.782890835,7.782890952,7.782890826,7.782890781,7.782890882,7.782890952,7.782890851,7.782890766,7.782890675,7.782890734,7.782890827,7.78289088,7.782890833,7.7828908,7.782890841,7.782890914,7.782890839,7.782890856,7.78289093,7.782890811
+"1517","BLTP3A",5.324971717,5.324971661,5.32497157,5.324971616,5.324971575,5.324972038,5.324971589,5.324971341,5.324971738,5.324971604,5.324971661,5.324971904,5.324971638,5.324971997,5.324971618,5.324971674,5.324971178,5.324971331,5.324971822,5.324971759,5.324971471,5.32497151,5.324971639,5.324971912,5.324971884,5.324971638,5.324971866,5.324971443
+"1518","BLTP3B",7.147416261,7.147416171,7.147416177,7.147416368,7.147415609,7.147415556,7.14741579,7.147415834,7.147415778,7.147415712,7.147415883,7.147415082,7.147415953,7.147416423,7.147416014,7.147416214,7.14741578,7.147416178,7.147416163,7.14741598,7.147416156,7.147415861,7.147416025,7.147416337,7.147416273,7.147415636,7.147415918,7.147416121
+"1519","BLVRA",6.229032776,6.229032995,6.22903287,6.22903271,6.229032699,6.229033131,6.229033038,6.229032624,6.229032677,6.22903291,6.22903247,6.229032497,6.229032807,6.229033001,6.229032605,6.229032816,6.22903282,6.229032606,6.229032525,6.229033038,6.229032824,6.229032842,6.22903286,6.229032934,6.229032426,6.229032835,6.22903281,6.229032726
+"1520","BLVRB",8.209782665,7.838143328,8.541452411,8.372596499,8.189254864,8.867366329,8.493219107,8.98905094,8.609930347,8.526822251,8.544906631,9.203083174,7.951189219,7.323391961,8.297859359,7.601081304,8.42711214,8.340358846,7.924449196,8.334894158,8.174064283,8.870888718,8.562664795,8.347125906,8.557166098,9.183730388,8.073561701,7.595166236
+"1521","BLZF1",6.044435921,6.044436027,6.04443556,6.0444357,6.04443546,6.044435627,6.044435328,6.044435428,6.044435549,6.044435407,6.044435453,6.044434587,6.044435708,6.044436355,6.044435733,6.044435939,6.044435131,6.044435341,6.044436042,6.044435267,6.044435488,6.04443528,6.044435992,6.044435828,6.044435931,6.04443495,6.044435706,6.044435825
+"1522","BMAL1",7.131622542,7.131623128,7.131622118,7.131622558,7.131621721,7.131622584,7.131621713,7.131622294,7.131621898,7.131622053,7.131622264,7.131620882,7.13162268,7.131622396,7.131622328,7.131622944,7.131621677,7.131622281,7.131622851,7.131622987,7.131621574,7.131622043,7.131622419,7.131623099,7.131622578,7.131621923,7.131622483,7.131621769
+"1523","BMAL2",4.074851777,4.074851709,4.074851744,4.074851715,4.074851722,4.074851762,4.074851805,4.074851762,4.074851746,4.074851715,4.074851818,4.074851734,4.074851716,4.074851735,4.074851725,4.074851836,4.074851785,4.074851809,4.074851768,4.074851788,4.074851807,4.074851743,4.074851722,4.074851729,4.074851718,4.074851799,4.074851746,4.074851802
+"1524","BMERB1",4.688809962,4.68880995,4.688809949,4.688809918,4.688809983,4.688809948,4.688809997,4.688809963,4.688809957,4.688809973,4.688810005,4.68880998,4.688809958,4.68880995,4.688809986,4.688809967,4.688809975,4.688809957,4.688809965,4.68881,4.688809989,4.688809984,4.688809915,4.688809951,4.688809967,4.688809956,4.688809906,4.68880997
+"1525","BMF",6.511506014,6.511506017,6.51150604,6.511506005,6.511506004,6.511506016,6.511506006,6.511506019,6.51150594,6.511506022,6.511505979,6.511505966,6.511506034,6.511505991,6.511505999,6.511505966,6.511506037,6.511506043,6.511505973,6.511506012,6.511506029,6.511506027,6.511505963,6.511506025,6.511506011,6.511505998,6.511506036,6.51150602
+"1526","BMP1",4.96607652,4.966076526,4.966076654,4.966076488,4.966076602,4.966076577,4.966076565,4.966076633,4.966076575,4.966076681,4.966076561,4.96607664,4.966076526,4.966076462,4.966076669,4.9660765,4.966076581,4.966076536,4.966076606,4.966076615,4.966076594,4.966076663,4.966076536,4.966076558,4.966076567,4.966076613,4.966076654,4.966076664
+"1527","BMP10",3.381088715,3.381088711,3.38108874,3.381088739,3.381088735,3.381088798,3.38108876,3.381088754,3.381088707,3.38108879,3.381088731,3.381088748,3.381088703,3.381088726,3.381088775,3.381088739,3.381088781,3.381088749,3.381088791,3.381088761,3.381088803,3.38108876,3.381088736,3.381088766,3.381088721,3.381088773,3.381088722,3.381088729
+"1528","BMP15",3.983270774,3.983270796,3.983270993,3.983270844,3.983270939,3.983271077,3.983270895,3.983270983,3.983271007,3.983270844,3.983270864,3.983270825,3.9832708,3.983270867,3.983271018,3.98327087,3.983271162,3.983271013,3.98327099,3.983270918,3.983270818,3.983270893,3.983270726,3.983270816,3.983271121,3.983270861,3.983270969,3.983270896
+"1529","BMP2",5.148075326,5.148075273,5.148075376,5.148075233,5.148075562,5.14807512,5.148075356,5.148075378,5.148075397,5.148075289,5.14807548,5.148075417,5.148075328,5.148075228,5.148075481,5.14807549,5.148075522,5.148075405,5.148075355,5.148075465,5.148075549,5.148075448,5.148075284,5.148075343,5.148075378,5.148075561,5.148075279,5.148075412
+"1530","BMP2K",7.397888276,7.397888344,7.397888208,7.397888336,7.397888165,7.397888286,7.397888168,7.397888186,7.397888306,7.397888338,7.397888294,7.397888131,7.397888157,7.397888414,7.39788811,7.397887971,7.397887998,7.397888297,7.397888319,7.39788836,7.397888133,7.397888023,7.397888305,7.39788846,7.397888331,7.397888257,7.397888175,7.397888237
+"1531","BMP3",4.82548495,4.825484985,4.825484943,4.825484971,4.825484964,4.825484982,4.825484972,4.825484968,4.825484956,4.825484952,4.825484927,4.825484969,4.825484964,4.825484925,4.825484978,4.825484983,4.825484956,4.825484986,4.825484993,4.825484979,4.825484968,4.825484948,4.825484922,4.825484913,4.825484949,4.825484981,4.825484956,4.825484945
+"1532","BMP4",4.507741366,4.507741467,4.507741809,4.50774147,4.507741671,4.50774166,4.507741606,4.507741741,4.507741639,4.507741609,4.507741844,4.507741877,4.507741633,4.507741292,4.507741659,4.507741832,4.507741726,4.507741703,4.507741573,4.507741659,4.507741703,4.507741788,4.507741562,4.507741492,4.507741838,4.507741656,4.507741521,4.507741766
+"1533","BMP5",3.585877774,3.585877612,3.585877871,3.585877721,3.585877972,3.585877743,3.585877807,3.58587786,3.585877845,3.585877838,3.585877784,3.585878069,3.585877936,3.58587756,3.58587786,3.585877897,3.585878086,3.585877919,3.585877877,3.585877947,3.585877926,3.585877891,3.585877824,3.585877861,3.585877885,3.585877828,3.585877826,3.585877782
+"1534","BMP6",6.562917758,6.562917928,6.56291786,6.562917992,6.56291793,6.562917939,6.562917765,6.562917864,6.562917865,6.562917853,6.562917901,6.562917894,6.562917854,6.562917666,6.562917839,6.562917893,6.562917887,6.562917966,6.562917892,6.562917797,6.56291783,6.562917785,6.562917824,6.562917718,6.562917842,6.562917835,6.562917924,6.562917827
+"1535","BMP7",4.467397551,4.467397548,4.467397677,4.467397581,4.4673977,4.467397524,4.467397702,4.467397708,4.467397664,4.467397685,4.467397641,4.467397775,4.467397619,4.467397503,4.467397732,4.467397594,4.467397758,4.467397706,4.467397671,4.467397609,4.467397732,4.467397705,4.467397583,4.467397572,4.467397652,4.467397702,4.467397605,4.467397686
+"1536","BMP8A",4.960692353,4.960692327,4.960692424,4.960692354,4.960692422,4.960692363,4.960692396,4.960692395,4.960692365,4.960692385,4.960692447,4.960692412,4.960692383,4.960692308,4.960692383,4.96069238,4.960692397,4.960692375,4.960692389,4.960692363,4.960692403,4.96069242,4.960692354,4.960692315,4.960692379,4.960692379,4.960692352,4.960692357
+"1537","BMP8B",5.64819523,5.6481956505,5.6481954985,5.648195186,5.64819573,5.648195,5.648195532,5.648195117,5.648195172,5.6481954625,5.648195513,5.6481958215,5.648195627,5.6481949025,5.6481955415,5.6481959535,5.6481953855,5.648195645,5.6481953945,5.6481955805,5.64819551,5.6481953305,5.64819544,5.64819539,5.648195638,5.6481952845,5.648195421,5.6481956405
+"1538","BMPER",4.443158303,4.443158299,4.443158318,4.443158294,4.443158316,4.443158332,4.443158309,4.443158294,4.443158312,4.44315832,4.443158296,4.443158306,4.44315829,4.443158292,4.443158314,4.44315829,4.44315832,4.44315831,4.443158289,4.443158309,4.443158309,4.443158315,4.443158304,4.443158297,4.443158311,4.4431583,4.443158314,4.443158305
+"1539","BMPR1A",4.9832168745,4.9832166195,4.983216422,4.983216573,4.983216329,4.9832165965,4.983216747,4.98321652,4.9832165255,4.9832164885,4.983216232,4.983216377,4.983216469,4.983216904,4.9832166885,4.9832164925,4.983216178,4.9832163965,4.983216609,4.9832163585,4.9832165895,4.9832166045,4.9832166555,4.983216573,4.983216333,4.983216522,4.983216608,4.9832168365
+"1540","BMPR1B",3.706625368,3.706625465,3.706625508,3.706625517,3.706625528,3.706625414,3.706625518,3.70662553,3.706625481,3.706625431,3.706625457,3.706625489,3.706625501,3.70662542,3.706625502,3.706625493,3.706625443,3.706625451,3.70662548,3.706625514,3.706625444,3.70662546,3.706625492,3.706625405,3.706625488,3.706625464,3.70662546,3.70662549
+"1541","BMPR2",5.349778078,5.349778129,5.349777915,5.349778011,5.349777982,5.349778126,5.349778055,5.349777909,5.349778046,5.349778025,5.349777725,5.349777983,5.349778061,5.349778189,5.349777979,5.349777866,5.349777922,5.34977793,5.349777951,5.349778077,5.349778023,5.349777931,5.349778029,5.349778123,5.349778013,5.349778082,5.349777919,5.349777857
+"1542","BMS1",6.88982304,6.889822511,6.889822597,6.889822335,6.889822688,6.889822469,6.889822826,6.889822484,6.889822899,6.889822505,6.889822057,6.889822204,6.889822854,6.889823186,6.889822859,6.889822484,6.889822365,6.889822457,6.889822884,6.889822003,6.889822629,6.889822686,6.889822841,6.889822449,6.889822586,6.889822696,6.889822923,6.88982296
+"1543","BMS1P20",7.456159686,7.456159679,7.456159474,7.456159587,7.45615926,7.456159008,7.456159659,7.456159507,7.456159875,7.456159507,7.456159303,7.456159274,7.45615959,7.456159542,7.456159378,7.456159615,7.456159261,7.456159265,7.456159633,7.456158724,7.456159473,7.456159471,7.456159865,7.456159477,7.45615924,7.456159435,7.456159425,7.456159366
+"1544","BMT2",6.437909728,6.437909495,6.437909403,6.4379096,6.437908762,6.43790891,6.437909401,6.437909186,6.437909373,6.437908895,6.437909319,6.437908692,6.437909445,6.437910244,6.437909442,6.437909873,6.437909192,6.437909429,6.437909535,6.437909456,6.437909365,6.437909517,6.437909862,6.437909547,6.437909589,6.43790907,6.437909408,6.437910045
+"1545","BMX",4.431603203,4.43160414,4.4316033,4.431604404,4.431603533,4.431604746,4.431604185,4.431603479,4.431603209,4.431603371,4.431603296,4.431603329,4.431603489,4.43160308,4.431603569,4.431604402,4.431604002,4.431604453,4.431604106,4.431604967,4.431604186,4.431603135,4.431604197,4.431604601,4.43160388,4.431603435,4.431602679,4.431603297
+"1546","BNC1",4.187047293,4.18704731,4.187047289,4.187047446,4.187047384,4.187047379,4.18704732,4.187047353,4.187047373,4.187047406,4.187047545,4.187047306,4.187047322,4.187047299,4.187047399,4.187047263,4.187047467,4.187047378,4.187047279,4.187047431,4.187047341,4.187047419,4.187047362,4.187047356,4.187047412,4.18704732,4.187047339,4.187047272
+"1547","BNC2",4.534379343,4.534379327,4.534379271,4.534379314,4.534379313,4.534379326,4.534379327,4.5343793,4.534379247,4.534379233,4.5343793,4.534379295,4.534379336,4.5343793,4.534379309,4.534379339,4.534379222,4.534379369,4.53437927,4.534379231,4.534379265,4.53437931,4.534379326,4.534379222,4.534379284,4.534379347,4.534379274,4.534379313
+"1548","BNIP1",4.211581835,4.211581862,4.211581826,4.211581852,4.211581747,4.21158186,4.211581831,4.211581807,4.211581863,4.211581855,4.211581838,4.211581753,4.211581857,4.211581802,4.211581726,4.211581724,4.211581766,4.211581795,4.211581759,4.211581821,4.211581801,4.211581728,4.211581881,4.211581775,4.211581829,4.211581775,4.211581897,4.211581722
+"1549","BNIP2",7.890965984,7.890965942,7.890965145,7.890966329,7.890963605,7.890964123,7.890964294,7.890964116,7.890964582,7.890964945,7.890965086,7.890962487,7.890965029,7.89096741,7.890965033,7.890966024,7.890963981,7.890965685,7.890965392,7.890964447,7.890964919,7.890964221,7.890965746,7.890966008,7.89096542,7.890964418,7.890964811,7.890966296
+"1550","BNIP3",5.746567825,5.746567852,5.746567591,5.746567604,5.746567415,5.746567794,5.746567465,5.746567775,5.746568103,5.746567899,5.746567519,5.746567933,5.746567739,5.746568505,5.746567672,5.746567304,5.746567326,5.746567285,5.746567774,5.746567194,5.746567303,5.746567675,5.746568061,5.746567862,5.74656756,5.746567786,5.746567939,5.746568229
+"1551","BNIP3L",10.03848054,10.03845846,10.03849448,10.03847432,10.03847241,10.03848814,10.03847757,10.03849024,10.03847738,10.03848845,10.03849487,10.03848887,10.0384505,10.03848909,10.03847365,10.03843418,10.03848482,10.03847385,10.03845488,10.03846489,10.03847113,10.03848187,10.03847738,10.03848372,10.03849033,10.03849783,10.03846345,10.03850202
+"1552","BNIP5",4.725814893,4.725814921,4.725814972,4.725814906,4.725815021,4.725814898,4.725814886,4.725815044,4.725814969,4.725814972,4.725814917,4.725814985,4.725814965,4.725814784,4.725815068,4.725815006,4.725815007,4.725815034,4.725815003,4.725814998,4.72581498,4.725815054,4.725814945,4.725814853,4.72581497,4.725814998,4.725814904,4.725814938
+"1553","BNIPL",4.675972516,4.67597252,4.675972588,4.675972732,4.675972681,4.675972302,4.675972594,4.675972644,4.675972454,4.675972602,4.675972644,4.675972803,4.675972527,4.675972435,4.675972608,4.675972705,4.675972486,4.675972801,4.675972565,4.675972579,4.675972737,4.675972531,4.675972502,4.675972495,4.675972557,4.675972709,4.675972394,4.675972466
+"1554","BOC",4.285740156,4.285740279,4.285740318,4.285740301,4.285740445,4.28574036,4.285740394,4.285740385,4.285740403,4.285740438,4.285740344,4.285740446,4.285740338,4.285740207,4.285740401,4.285740404,4.285740467,4.285740421,4.285740318,4.285740544,4.285740353,4.285740403,4.285740344,4.285740332,4.285740319,4.28574041,4.28574049,4.285740423
+"1555","BOD1",6.781383542,6.78138352,6.781383528,6.781383527,6.781383537,6.781383512,6.781383519,6.781383516,6.781383551,6.781383528,6.781383524,6.781383532,6.781383538,6.78138356,6.781383513,6.781383523,6.781383509,6.781383501,6.781383533,6.781383509,6.781383532,6.781383534,6.781383534,6.781383513,6.781383501,6.781383535,6.781383514,6.781383547
+"1556","BOD1L1",7.422753742,7.422753755,7.422753424,7.422754609,7.422752885,7.42275334,7.422753826,7.422753038,7.422752983,7.422752834,7.422753731,7.422752807,7.422753237,7.422754352,7.422753494,7.422753857,7.422753116,7.422754289,7.422753757,7.422753829,7.422753676,7.422753235,7.422753753,7.422753752,7.422754172,7.422753536,7.422753214,7.422753388
+"1557","BOD1L2",6.541495088,6.541495111,6.541495351,6.541495187,6.541495702,6.541495182,6.541495328,6.541495657,6.541495348,6.541495301,6.541495617,6.541495563,6.541495418,6.541494854,6.541495615,6.541495279,6.541495953,6.541495349,6.541495221,6.541495074,6.541495564,6.541495525,6.541495055,6.541495157,6.54149543,6.541495578,6.54149492,6.541495013
+"1558","BOK",6.55262297,6.552622911,6.552623093,6.552622768,6.552623259,6.552622933,6.552623089,6.552623228,6.55262304,6.552623087,6.552623183,6.552623137,6.552622939,6.552622795,6.552623204,6.5526229,6.552623242,6.552623164,6.552622997,6.552623042,6.552623176,6.552623189,6.552622929,6.552622793,6.552622974,6.552623052,6.55262297,6.552622928
+"1559","BOLA1",5.880290878,5.880290899,5.880290878,5.880290904,5.880290905,5.880290872,5.880290921,5.880290927,5.88029093,5.88029092,5.880290895,5.880290922,5.880290903,5.880290891,5.880290905,5.880290893,5.880290924,5.880290838,5.880290892,5.880290861,5.880290889,5.880290926,5.88029089,5.880290883,5.880290879,5.880290913,5.880290908,5.880290902
+"1560","BOLA3",7.922751195,7.922751283,7.922751308,7.92275118,7.922751269,7.922751245,7.922751289,7.922751275,7.922751313,7.922751226,7.922751307,7.922751245,7.922751256,7.92275121,7.922751256,7.922751245,7.922751109,7.922751224,7.922751265,7.922751295,7.922751331,7.922751201,7.922751293,7.922751179,7.922751286,7.922751275,7.922751235,7.922751257
+"1561","BOLL",3.674936452,3.674936478,3.674936473,3.674936486,3.674936527,3.674936445,3.674936485,3.674936521,3.674936489,3.674936465,3.674936436,3.674936587,3.674936504,3.674936451,3.674936522,3.674936441,3.674936472,3.674936454,3.67493647,3.67493646,3.674936483,3.674936535,3.674936439,3.674936464,3.674936537,3.674936505,3.674936442,3.674936433
+"1562","BOP1",6.851627815,6.8516278355,6.851627825,6.8516278355,6.85162789,6.8516278135,6.851627852,6.8516278815,6.8516278225,6.8516278435,6.8516278115,6.8516278915,6.8516278355,6.8516278285,6.851627864,6.851627861,6.851627917,6.851627818,6.851627826,6.851627853,6.851627868,6.8516278895,6.851627825,6.8516277795,6.8516278315,6.8516278495,6.8516278445,6.8516278195
+"1563","BORA",4.723045229,4.723045151,4.723045182,4.723045193,4.72304515,4.723045198,4.723045221,4.723045182,4.723045209,4.723045195,4.723045162,4.723045155,4.723045219,4.723045251,4.723045209,4.723045157,4.723045177,4.723045155,4.723045174,4.723045196,4.723045204,4.723045171,4.723045226,4.723045209,4.723045184,4.723045196,4.723045221,4.723045229
+"1564","BORCS5",6.566328947,6.566328954,6.566328866,6.566328901,6.566328863,6.566328847,6.566329002,6.566328909,6.566328965,6.56632887,6.566328776,6.566328834,6.566328911,6.566328918,6.56632891,6.566328934,6.566328786,6.56632886,6.566328948,6.566328838,6.566328954,6.566328808,6.566328963,6.566328944,6.566328808,6.566328898,6.566328914,6.566328973
+"1565","BORCS6",6.595944754,6.595944893,6.595944793,6.59594474,6.595944778,6.595944695,6.595944678,6.595944791,6.595944679,6.595944696,6.59594478,6.595944865,6.595944793,6.595944673,6.595944792,6.59594487,6.595944895,6.59594481,6.595944764,6.595944799,6.59594476,6.595944812,6.59594469,6.595944738,6.595944851,6.595944842,6.595944752,6.595944846
+"1566","BPESC1",4.984266694,4.984266635,4.984266727,4.984266702,4.984266699,4.984266665,4.984266691,4.984266711,4.984266626,4.984266673,4.984266773,4.98426679,4.984266647,4.98426658,4.984266725,4.984266779,4.984266687,4.984266781,4.984266656,4.984266773,4.984266707,4.984266687,4.984266636,4.984266651,4.984266646,4.98426666,4.984266647,4.984266678
+"1567","BPGM",7.869231823,7.869232444,7.869234446,7.869232982,7.869232971,7.869234045,7.869232247,7.869234646,7.869233408,7.869233349,7.869233555,7.869233721,7.869232849,7.869233245,7.869231257,7.869230891,7.869233682,7.869233253,7.869232022,7.869232665,7.869232191,7.869233192,7.869233108,7.869233664,7.869233306,7.869234048,7.869233521,7.869232921
+"1568","BPHL",4.659862525,4.659862444,4.659862465,4.659862433,4.659862453,4.659862445,4.659862459,4.659862521,4.65986259,4.659862447,4.659862398,4.659862562,4.65986248,4.659862535,4.659862357,4.659862353,4.659862448,4.659862469,4.659862553,4.659862525,4.659862416,4.659862535,4.659862468,4.659862537,4.659862354,4.659862538,4.659862505,4.659862449
+"1569","BPI",5.686710047,5.686708696,5.686713226,5.686707592,5.686708684,5.686709511,5.686714893,5.68670584,5.686706871,5.686707547,5.686713234,5.686708845,5.686707798,5.686706042,5.686709071,5.686707998,5.686714198,5.686705129,5.686708373,5.686708673,5.686714476,5.686705567,5.686706957,5.686706414,5.686711744,5.686710079,5.686706834,5.686704778
+"1570","BPIFA1",4.336788336,4.336788358,4.336788637,4.33678859,4.336788728,4.336788487,4.336788574,4.336788875,4.336788601,4.336788486,4.336788437,4.336788518,4.336788539,4.336788296,4.336788663,4.3367885,4.336788611,4.33678869,4.336788505,4.33678838,4.336788671,4.336788618,4.336788412,4.336788626,4.336788378,4.336788713,4.336788327,4.336788627
+"1571","BPIFA2",4.24828619,4.248286108,4.248286392,4.248286463,4.248286525,4.24828631,4.248286481,4.248286431,4.248286406,4.248286242,4.248286251,4.248286577,4.248286191,4.248286157,4.248286359,4.248286284,4.248286603,4.248286292,4.248286162,4.248286353,4.248286332,4.248286482,4.248286281,4.248286178,4.248286251,4.248286232,4.248286301,4.248286589
+"1572","BPIFA3",4.366355596,4.366355572,4.36635562,4.366355578,4.366355636,4.366355623,4.366355619,4.366355618,4.366355607,4.366355624,4.366355639,4.366355636,4.366355609,4.366355583,4.366355622,4.366355611,4.366355641,4.366355596,4.366355613,4.366355611,4.366355637,4.366355622,4.366355613,4.366355603,4.3663556,4.366355627,4.366355595,4.366355623
+"1573","BPIFA4P",3.446720992,3.446720996,3.446721084,3.446721043,3.446721043,3.446721064,3.446721047,3.446721013,3.446720975,3.446720994,3.446721017,3.446721034,3.446721083,3.446720984,3.446721001,3.446721032,3.446721006,3.446721032,3.446721078,3.446721034,3.446721058,3.446721003,3.446720973,3.446721012,3.446721023,3.446721046,3.446721026,3.446721045
+"1574","BPIFB1",4.164653412,4.164653425,4.164653513,4.164653561,4.164653594,4.164653479,4.164653434,4.164653652,4.16465352,4.164653443,4.1646535,4.1646536,4.164653402,4.164653309,4.164653525,4.164653578,4.164653678,4.164653518,4.16465345,4.164653337,4.164653467,4.16465353,4.164653376,4.164653424,4.164653375,4.164653585,4.164653466,4.164653415
+"1575","BPIFB2",5.170046694,5.1700467,5.17004671,5.170046695,5.170046709,5.170046703,5.17004671,5.170046715,5.170046687,5.17004668,5.170046714,5.17004673,5.170046682,5.170046664,5.170046719,5.170046692,5.170046734,5.170046713,5.170046718,5.17004669,5.170046693,5.17004671,5.170046681,5.170046694,5.170046679,5.170046704,5.170046684,5.170046689
+"1576","BPIFB3",5.186632679,5.186632622,5.186632762,5.186632724,5.186632887,5.186632624,5.186632792,5.186632815,5.186632783,5.18663265,5.186632761,5.186632807,5.186632737,5.186632519,5.186632961,5.186632746,5.186632873,5.186632943,5.186632783,5.1866327,5.186632961,5.186632817,5.186632544,5.186632539,5.186632718,5.186632809,5.186632711,5.186632647
+"1577","BPIFB4",4.245142684,4.245142645,4.245142793,4.245142732,4.245142863,4.245142779,4.245142814,4.245142746,4.245142723,4.24514278,4.245142802,4.24514284,4.245142779,4.24514271,4.245142784,4.245142771,4.245142832,4.24514279,4.245142768,4.245142728,4.245142761,4.245142741,4.245142697,4.245142698,4.245142806,4.245142804,4.245142787,4.245142724
+"1578","BPIFB6",4.571315857,4.57131586,4.571315937,4.571315961,4.571316089,4.571315955,4.571315993,4.571315976,4.571315975,4.571315978,4.571315965,4.571316046,4.57131593,4.571315869,4.571315996,4.571315931,4.571315979,4.571315982,4.571316011,4.571315937,4.571316061,4.571315977,4.571315868,4.571315889,4.571315923,4.571316056,4.571315957,4.5713159
+"1579","BPIFC",3.271441636,3.271441635,3.271441639,3.271441648,3.271441637,3.27144165,3.271441642,3.271441652,3.271441638,3.271441643,3.271441648,3.271441642,3.271441637,3.271441637,3.271441638,3.27144164,3.271441645,3.271441638,3.271441648,3.271441636,3.271441638,3.271441642,3.271441644,3.271441637,3.271441643,3.271441646,3.271441645,3.271441636
+"1580","BPNT1",5.134647528,5.134647037,5.134647339,5.134646559,5.134646996,5.134647517,5.13464759,5.134647208,5.134647405,5.134647559,5.134646991,5.134647288,5.134647456,5.134647934,5.134647145,5.134646456,5.134647278,5.134646703,5.134646998,5.13464751,5.134647246,5.134647017,5.134647746,5.134647636,5.13464721,5.13464734,5.134647372,5.134647727
+"1581","BPNT2",5.760060515,5.7600604555,5.7600603335,5.760060176,5.760060273,5.7600603445,5.760060343,5.7600602455,5.760060284,5.7600603535,5.7600602455,5.7600601415,5.7600603865,5.7600606155,5.7600603355,5.760060312,5.7600601785,5.7600601565,5.760060274,5.7600604135,5.7600602845,5.7600602685,5.7600604285,5.7600603845,5.7600602645,5.7600603035,5.760060373,5.7600604475
+"1582","BPTF",7.341385971,7.341385846,7.341385806,7.341385835,7.341385739,7.341385809,7.341385844,7.341385748,7.341385878,7.341385905,7.341385883,7.341385797,7.341385884,7.341386037,7.341385839,7.341385659,7.341385581,7.341385744,7.341385843,7.341385762,7.341385852,7.341385701,7.341385902,7.341385904,7.341385912,7.34138594,7.341385889,7.34138583
+"1583","BRAP",7.369402817,7.369403026,7.369402631,7.36940289,7.36940265,7.369402801,7.369402692,7.369402634,7.369402846,7.369402767,7.369402482,7.369402523,7.369402765,7.369403027,7.36940264,7.36940295,7.369402521,7.36940279,7.369402987,7.369402977,7.369402627,7.369402584,7.369403015,7.369402945,7.369402869,7.369402711,7.369402726,7.369402814
+"1584","BRAT1",6.960140715,6.960140761,6.960140738,6.960140843,6.960140715,6.960140752,6.960140732,6.960140833,6.960140761,6.960140848,6.960140771,6.96014072,6.960140769,6.960140705,6.960140664,6.960140719,6.960140729,6.960140789,6.960140757,6.96014053,6.960140656,6.96014077,6.960140776,6.960140763,6.960140745,6.960140719,6.96014076,6.960140725
+"1585","BRCA1",4.823418821,4.823418722,4.823418809,4.823418898,4.823418816,4.8234189,4.82341891,4.823418737,4.823418784,4.823418734,4.823418853,4.823418695,4.823418774,4.823418819,4.823418795,4.823418815,4.823418766,4.823418863,4.823418874,4.823418792,4.823418882,4.823418682,4.823418812,4.823418834,4.823418824,4.823418748,4.823418821,4.823418821
+"1586","BRCA2",3.666007469,3.666007309,3.66600746,3.666007384,3.666007369,3.66600751,3.666007539,3.666007284,3.666007423,3.666007428,3.666007448,3.666007443,3.666007407,3.666007478,3.666007481,3.66600739,3.666007391,3.666007413,3.666007439,3.66600746,3.666007498,3.666007392,3.666007506,3.666007426,3.66600745,3.666007403,3.666007393,3.666007454
+"1587","BRCC3",5.453280031,5.453280176,5.453279878,5.45328002,5.45327977,5.453279958,5.453280288,5.453279962,5.453280153,5.453280011,5.453279708,5.45327973,5.453279968,5.45328029,5.453280152,5.45328031,5.453280142,5.45327985,5.45328023,5.453280241,5.453279986,5.453280095,5.453280158,5.453280239,5.453280087,5.453280275,5.453280066,5.453280367
+"1588","BRD1",6.874404582,6.874404664,6.874404493,6.874404529,6.874404501,6.874404602,6.874404596,6.874404459,6.874404593,6.874404604,6.8744046,6.874404482,6.874404579,6.874404566,6.874404469,6.87440457,6.874404509,6.874404545,6.874404608,6.874404359,6.874404443,6.874404554,6.874404626,6.87440458,6.874404511,6.874404546,6.874404592,6.87440454
+"1589","BRD2",8.457458037,8.457457903,8.457457752,8.45745795,8.45745781,8.45745804,8.457457999,8.457457963,8.457457842,8.457457924,8.457457751,8.457457779,8.457457997,8.457457969,8.457457835,8.457457822,8.457457711,8.457457701,8.45745791,8.4574573,8.457457784,8.457457906,8.457457917,8.457457955,8.457457836,8.457457863,8.457457942,8.457457815
+"1590","BRD3",7.0809068,7.080906837,7.080906813,7.0809068,7.080906827,7.080906826,7.080906821,7.080906831,7.080906827,7.080906825,7.08090683,7.080906855,7.080906814,7.080906802,7.080906835,7.080906832,7.080906837,7.080906841,7.080906822,7.080906786,7.080906836,7.080906815,7.080906815,7.080906803,7.080906844,7.080906825,7.08090681,7.080906823
+"1591","BRD4",7.172368803,7.172368885,7.172369088,7.172369041,7.172368914,7.172369175,7.172368993,7.17236894,7.172368984,7.172369012,7.172368994,7.17236912,7.172368859,7.172368759,7.17236895,7.172368847,7.172368997,7.172369057,7.172368876,7.172369104,7.172369044,7.172368955,7.172368974,7.172368955,7.172369045,7.172369124,7.172368972,7.172368759
+"1592","BRD7",6.507507479,6.507507064,6.507507152,6.507506763,6.507506804,6.50750717,6.507507233,6.507506953,6.507506901,6.507507074,6.507506939,6.507506789,6.507507356,6.507507926,6.507506876,6.50750728,6.507506704,6.507506458,6.507507032,6.507507635,6.507507442,6.507506804,6.507507109,6.507507307,6.507507345,6.507507166,6.507507354,6.507507276
+"1593","BRD7P3",3.6736117965,3.6736119665,3.673611764,3.6736119975,3.6736118025,3.6736120295,3.6736118025,3.6736117485,3.673611786,3.673611836,3.673611775,3.6736117925,3.67361189,3.6736119735,3.673611851,3.6736120445,3.6736118,3.673611913,3.6736121035,3.6736119285,3.6736117905,3.673611874,3.673611918,3.6736119155,3.6736119285,3.6736119325,3.673611808,3.673611905
+"1594","BRD8",5.923902065,5.923902061,5.923902045,5.923902098,5.923902016,5.923902061,5.923902085,5.923902029,5.92390206,5.923902041,5.923902016,5.923901962,5.923902067,5.923902119,5.923902075,5.923902075,5.923902037,5.923902076,5.923902082,5.923902052,5.923902073,5.923902049,5.923902079,5.923902085,5.923902074,5.923902047,5.923902084,5.92390207
+"1595","BRD9",6.333427559,6.333427446,6.33342726,6.333427427,6.33342738,6.333427445,6.333427459,6.333427467,6.333427492,6.333427542,6.333427477,6.333427516,6.333427556,6.333427563,6.333427436,6.333427301,6.33342736,6.333427412,6.333427509,6.333427149,6.333427437,6.333427478,6.333427466,6.33342749,6.333427399,6.333427452,6.333427475,6.333427515
+"1596","BRDT",3.289253266,3.289253339,3.289253289,3.289253313,3.289253301,3.289253337,3.289253301,3.289253325,3.289253345,3.289253308,3.289253304,3.289253296,3.289253308,3.289253269,3.289253333,3.28925334,3.289253311,3.289253311,3.289253311,3.289253296,3.289253307,3.289253284,3.289253325,3.289253326,3.289253323,3.289253298,3.289253292,3.28925329
+"1597","BRF1",6.279386705,6.279386704,6.279386696,6.279386687,6.279386717,6.27938669,6.2793867,6.279386724,6.279386727,6.279386712,6.279386681,6.279386713,6.279386702,6.279386704,6.279386702,6.279386712,6.279386675,6.279386697,6.27938669,6.279386683,6.27938669,6.279386702,6.279386715,6.279386705,6.279386713,6.279386723,6.279386728,6.279386705
+"1598","BRF2",6.224480806,6.224480803,6.224480701,6.224480727,6.224480758,6.22448075,6.224480729,6.224480743,6.224480799,6.224480694,6.224480639,6.224480736,6.224480771,6.22448077,6.224480808,6.224480809,6.224480621,6.224480705,6.224480756,6.224480814,6.224480746,6.224480764,6.224480836,6.22448064,6.224480628,6.22448068,6.224480709,6.224480752
+"1599","BRI3",7.505545999,7.505546332,7.505545815,7.50554633,7.505545548,7.505546657,7.505545954,7.50554592,7.505545951,7.505546174,7.505545865,7.505545439,7.505545872,7.50554562,7.505546002,7.505546335,7.505545908,7.505546157,7.505545949,7.505546648,7.505546073,7.505545902,7.505546121,7.50554603,7.505545704,7.505545742,7.505545814,7.505545612
+"1600","BRICD5",6.979128984,6.979129106,6.979129477,6.979129485,6.979129508,6.979129328,6.979129181,6.979129644,6.979129404,6.979129213,6.979129508,6.979129631,6.979129527,6.97912879,6.979129191,6.979129444,6.979129647,6.979129581,6.979129262,6.979129212,6.979129322,6.979129499,6.979129028,6.97912936,6.979129548,6.979129354,6.979129463,6.979129239
+"1601","BRINP1",4.039744542,4.039744507,4.039744536,4.039744482,4.039744517,4.039744417,4.039744465,4.039744571,4.039744527,4.039744582,4.039744548,4.039744544,4.039744549,4.03974445,4.03974457,4.039744589,4.039744623,4.03974455,4.039744545,4.039744551,4.039744564,4.039744544,4.039744494,4.039744468,4.039744498,4.039744588,4.03974452,4.039744549
+"1602","BRINP2",4.492798359,4.492798376,4.49279838,4.492798366,4.492798397,4.492798373,4.492798358,4.492798382,4.492798361,4.492798376,4.492798396,4.4927984,4.492798364,4.492798347,4.492798365,4.492798389,4.492798396,4.492798384,4.492798381,4.492798379,4.492798381,4.492798354,4.492798365,4.492798374,4.492798369,4.492798394,4.492798358,4.492798371
+"1603","BRINP3",3.297616826,3.297616804,3.297616816,3.2976168,3.297616842,3.297616815,3.29761684,3.29761681,3.297616804,3.297616787,3.297616845,3.297616814,3.297616825,3.297616799,3.297616862,3.297616832,3.297616819,3.297616834,3.297616818,3.29761683,3.297616825,3.297616828,3.29761679,3.297616851,3.297616833,3.297616843,3.297616801,3.297616809
+"1604","BRIP1",3.743573883,3.743573727,3.743573826,3.743573738,3.743573824,3.743573767,3.743573833,3.743573799,3.743573881,3.743573787,3.74357379,3.743573689,3.743573727,3.74357386,3.743573762,3.743573754,3.743573826,3.743573691,3.743573747,3.743573809,3.743573833,3.743573759,3.743573847,3.743573754,3.743573752,3.743573724,3.743573799,3.743573834
+"1605","BRIX1",5.479597264,5.479596758,5.479596606,5.479596422,5.479596586,5.479596484,5.479596849,5.479596425,5.479596881,5.479596608,5.479596624,5.479596767,5.479596854,5.479597613,5.479596725,5.479596113,5.479596518,5.479596582,5.479596954,5.4795968,5.479596591,5.47959649,5.479596776,5.479596979,5.479596674,5.479596623,5.479596716,5.479597044
+"1606","BRK1",5.140400049,5.1403998705,5.140399959,5.1403999575,5.140399847,5.140400013,5.1403999695,5.140399812,5.140399965,5.140399944,5.1403998755,5.140399835,5.140399953,5.1404000205,5.1403998475,5.1403999485,5.1403998455,5.1403997525,5.1403998795,5.140399997,5.1403999585,5.1403998075,5.14040003,5.1404000115,5.14039977,5.140399884,5.1403999005,5.1403999685
+"1607","BRME1",6.048679311,6.048679342,6.048679747,6.048679383,6.048679598,6.048679052,6.048679457,6.048679619,6.048679458,6.048679489,6.048679558,6.048679626,6.048679413,6.048679226,6.048679537,6.048679572,6.048679689,6.048679787,6.048679346,6.048679448,6.048679507,6.048679607,6.048679507,6.048679501,6.048679662,6.048679497,6.048679462,6.048679568
+"1608","BRMS1",6.463899677,6.463899774,6.463899681,6.463899752,6.463899543,6.463899736,6.463899643,6.463899742,6.463899717,6.463899756,6.463899714,6.463899602,6.463899694,6.463899817,6.463899546,6.463899754,6.463899527,6.463899657,6.46389964,6.46389961,6.463899578,6.463899665,6.463899829,6.463899779,6.463899539,6.463899588,6.463899678,6.463899681
+"1609","BRMS1L",3.623480699,3.623480681,3.623480696,3.623480685,3.623480691,3.623480695,3.623480693,3.623480689,3.623480689,3.623480687,3.623480699,3.623480683,3.623480688,3.623480753,3.623480705,3.623480677,3.623480683,3.623480674,3.623480714,3.623480691,3.623480675,3.623480702,3.623480694,3.623480694,3.62348069,3.623480679,3.623480695,3.623480688
+"1610","BROX",8.109052791,8.109052848,8.109052095,8.109052754,8.109051778,8.109052057,8.109052242,8.109051794,8.109051705,8.109051912,8.109051792,8.109050637,8.109052139,8.109053251,8.109052576,8.109052331,8.109051667,8.109052425,8.109052481,8.109052093,8.109052521,8.109051819,8.109052254,8.10905259,8.109052507,8.109051724,8.109051967,8.109052683
+"1611","BRPF1",6.440084685,6.440084693,6.440084687,6.440084701,6.440084653,6.44008474,6.440084669,6.440084653,6.44008468,6.440084691,6.440084661,6.440084599,6.440084691,6.440084709,6.44008467,6.44008463,6.440084631,6.440084655,6.440084669,6.44008471,6.44008465,6.440084651,6.440084692,6.440084699,6.440084629,6.440084651,6.440084687,6.440084669
+"1612","BRPF3",6.59808656,6.59808657,6.59808656,6.598086568,6.598086565,6.598086572,6.598086574,6.598086574,6.598086561,6.598086562,6.598086569,6.598086567,6.598086567,6.598086559,6.598086573,6.598086565,6.59808655,6.598086565,6.598086579,6.598086553,6.598086573,6.598086563,6.598086563,6.598086562,6.59808658,6.598086577,6.598086567,6.598086565
+"1613","BRS3",3.439047097,3.439047067,3.439047109,3.43904705,3.439047219,3.439047036,3.439047028,3.439047089,3.439047066,3.439047142,3.439047145,3.439047125,3.439047077,3.439047061,3.439047079,3.439047125,3.439047147,3.439047039,3.439047132,3.439047126,3.439047087,3.43904712,3.439047082,3.439047165,3.439047122,3.439047116,3.43904708,3.439047145
+"1614","BRSK1",5.899247612,5.899247698,5.899247818,5.899247739,5.899247865,5.899247785,5.899247801,5.899247848,5.899247782,5.899247783,5.899247803,5.899247879,5.899247773,5.899247599,5.899247863,5.899247792,5.89924788,5.899247803,5.899247758,5.899247777,5.899247832,5.89924783,5.899247749,5.899247759,5.899247753,5.899247838,5.899247707,5.899247818
+"1615","BRSK2",5.266794949,5.266794995,5.266795035,5.266794986,5.266795168,5.266794943,5.266795047,5.266795148,5.266795003,5.266795084,5.2667951,5.266795242,5.266795042,5.266794882,5.266795197,5.266794983,5.266795194,5.266795103,5.266795097,5.266795095,5.266795163,5.266795107,5.266794929,5.266794906,5.266795059,5.266795127,5.266795016,5.266795101
+"1616","BRWD1",7.008103071,7.0081026955,7.0081023045,7.008102198,7.0081019225,7.0081018235,7.008102303,7.0081022235,7.008102655,7.008102449,7.0081021365,7.0081015515,7.008102448,7.008103572,7.008102533,7.0081028315,7.008101897,7.008102128,7.008102562,7.0081018885,7.0081027195,7.0081020595,7.0081026745,7.0081025375,7.0081024965,7.0081026385,7.008102595,7.0081030515
+"1617","BRWD3",7.037255915,7.037255999,7.037255682,7.037256224,7.03725516,7.037255672,7.037256028,7.037255555,7.037255461,7.037255636,7.03725556,7.037254929,7.037255656,7.037256363,7.03725567,7.037255881,7.037255294,7.037256082,7.037255902,7.037255364,7.037255946,7.037255645,7.037255991,7.037255953,7.037255924,7.037255463,7.037255482,7.037255883
+"1618","BSDC1",7.357970047,7.357970106,7.357970018,7.357970022,7.357970016,7.357970051,7.357970037,7.357970005,7.357970048,7.357970042,7.357970031,7.357969999,7.357970047,7.357970041,7.357970058,7.357970077,7.357970034,7.357970058,7.357970058,7.357969975,7.357969997,7.357970046,7.357970077,7.357970064,7.357970027,7.357970035,7.35797004,7.357970046
+"1619","BSG",9.672554435,9.48950836,10.48956423,10.14049461,9.777505187,10.74791336,10.18633637,10.40826106,10.11925281,9.974281308,9.749100349,10.52513588,9.283667227,9.186341991,9.683375025,9.130647819,10.40173811,10.1022498,9.471008704,10.40927688,10.10110236,10.28235977,10.08648731,10.03199332,9.768824351,10.59325788,9.459964033,9.415124342
+"1620","BSN",4.916508872,4.916508874,4.916508887,4.916508893,4.916508886,4.916508897,4.916508894,4.916508894,4.916508886,4.916508879,4.916508883,4.916508912,4.916508884,4.91650887,4.916508892,4.916508892,4.916508897,4.916508908,4.916508897,4.916508889,4.9165089,4.916508898,4.916508887,4.916508881,4.916508892,4.916508893,4.916508878,4.916508897
+"1621","BSND",4.864612556,4.864612582,4.864612598,4.864612593,4.864612588,4.864612586,4.864612595,4.864612603,4.864612598,4.86461259,4.864612595,4.864612607,4.864612582,4.864612584,4.864612598,4.864612581,4.864612612,4.864612597,4.864612609,4.864612606,4.864612599,4.864612613,4.864612582,4.864612587,4.864612592,4.864612582,4.864612594,4.864612596
+"1622","BSPH1",2.506160227,2.506160387,2.506160638,2.506160501,2.506160508,2.506160331,2.506160474,2.506160337,2.506160435,2.506160299,2.506160408,2.506160416,2.506160313,2.50616026,2.506160383,2.506160479,2.506160383,2.50616046,2.506160379,2.506160473,2.506160364,2.506160345,2.506160372,2.506160347,2.506160368,2.506160325,2.50616038,2.506160454
+"1623","BSPRY",5.597434036,5.597434033,5.597434059,5.597434042,5.597434069,5.597434052,5.597434047,5.597434066,5.597434042,5.597434065,5.597434062,5.597434058,5.597434051,5.597434008,5.597434057,5.597434046,5.597434074,5.597434065,5.597434052,5.597434052,5.597434047,5.597434068,5.597434041,5.597434046,5.597434047,5.597434034,5.597434026,5.597434034
+"1624","BST1",8.205572133,8.205572729,8.205571343,8.205573584,8.205570692,8.205572489,8.205572307,8.205571254,8.205571009,8.205571869,8.205571912,8.205570932,8.205571415,8.2055716,8.205572541,8.205572992,8.205571553,8.205573118,8.205572477,8.205572295,8.205572512,8.20557161,8.205572402,8.205573078,8.205572339,8.205571263,8.205571054,8.205570852
+"1625","BST2",6.545811721,6.545812009,6.545811259,6.545811026,6.545811221,6.54581356,6.545810944,6.545810961,6.545810834,6.545811218,6.54581136,6.545809643,6.545811276,6.545811597,6.545810482,6.54581194,6.545810537,6.545810893,6.54581135,6.545813088,6.545811094,6.545811422,6.545811367,6.54581157,6.545810609,6.545810407,6.545811741,6.545810662
+"1626","BSX",6.210348921,6.210348893,6.210349001,6.210349022,6.210349112,6.210348852,6.210348961,6.210349024,6.210348954,6.210348921,6.210349011,6.210349134,6.210348978,6.210348825,6.210349056,6.210348949,6.210349087,6.210349044,6.210349015,6.210348929,6.210349027,6.210349047,6.21034888,6.210348916,6.210348977,6.210348998,6.210348897,6.210349031
+"1627","BTAF1",7.691496385,7.691495855,7.691495852,7.691495713,7.691495724,7.691495744,7.69149606,7.691495775,7.691496033,7.691496107,7.691495538,7.691495624,7.691496124,7.691496729,7.691495962,7.691495508,7.69149545,7.691495348,7.691496155,7.691495366,7.691495832,7.691495695,7.691495993,7.691495995,7.691495455,7.691496019,7.691496119,7.691496192
+"1628","BTBD1",7.079138763,7.079138689,7.079138424,7.079138424,7.079138453,7.079138376,7.079138569,7.079138383,7.079138424,7.07913851,7.079138343,7.079138169,7.079138691,7.079139154,7.079138561,7.079138538,7.079138265,7.079138225,7.079138417,7.079138434,7.079138606,7.079138475,7.079138787,7.079138692,7.0791385,7.079138432,7.079138522,7.079138804
+"1629","BTBD10",6.594513311,6.594513284,6.594513161,6.594513339,6.594513112,6.594513115,6.594513188,6.594513154,6.594513173,6.594513101,6.594513082,6.594513008,6.594513167,6.594513411,6.594513237,6.59451329,6.594513125,6.594513237,6.594513232,6.594513238,6.594513127,6.594513111,6.59451334,6.594513218,6.594513211,6.594513101,6.594513176,6.594513242
+"1630","BTBD16",4.509779041,4.509779014,4.509779194,4.509778902,4.509779495,4.509779136,4.509779204,4.50977936,4.509779301,4.509779299,4.509779171,4.509779316,4.509778888,4.509778736,4.50977906,4.509779045,4.509779428,4.509779138,4.509779256,4.509779002,4.509779377,4.509779428,4.509779004,4.509779013,4.509779301,4.509779229,4.509779201,4.509779201
+"1631","BTBD2",7.598380602,7.598380836,7.598381158,7.598381025,7.598381163,7.598380066,7.598380742,7.59838118,7.598381271,7.598381189,7.598381181,7.598381091,7.598381194,7.598380583,7.59838099,7.598381065,7.598381223,7.598381297,7.598380718,7.598380588,7.598380722,7.598380967,7.598380754,7.598381125,7.598381195,7.598380747,7.598380852,7.598381065
+"1632","BTBD3",4.949857634,4.949857645,4.949857618,4.949857595,4.949857663,4.949857667,4.949857687,4.949857612,4.949857532,4.949857656,4.949857678,4.949857682,4.949857677,4.949857624,4.949857617,4.949857538,4.949857601,4.949857685,4.949857559,4.949857678,4.949857543,4.949857651,4.949857491,4.949857631,4.94985763,4.949857644,4.949857678,4.949857609
+"1633","BTBD6",5.929208701,5.929208771,5.929209023,5.929208772,5.929209392,5.929209179,5.929209055,5.929209146,5.929209063,5.929209012,5.929209032,5.92920937,5.929208908,5.929208308,5.929209157,5.929208875,5.929209089,5.929209147,5.9292091,5.929208879,5.929209089,5.9292091,5.929208893,5.929208756,5.929208838,5.929209066,5.929208385,5.929208761
+"1634","BTBD7",6.103793149,6.10379328,6.103793097,6.103793196,6.103793005,6.103793088,6.103793043,6.103792893,6.103793041,6.103793114,6.103793171,6.10379283,6.103793082,6.103793281,6.103793003,6.103793181,6.103792848,6.103793069,6.103793146,6.103792929,6.103792943,6.103792944,6.10379314,6.103793194,6.10379315,6.103792981,6.103793171,6.103793213
+"1635","BTBD8",3.8988924545,3.898892416,3.8988922995,3.898892319,3.898892314,3.8988922735,3.898892221,3.8988923115,3.8988923915,3.898892341,3.8988923705,3.898892548,3.8988923995,3.898892602,3.898892427,3.898892329,3.898892419,3.898892463,3.8988924485,3.8988922045,3.8988923345,3.8988924265,3.8988923725,3.898892279,3.898892341,3.8988925165,3.8988924495,3.898892538
+"1636","BTBD9",7.153280505,7.153280635,7.153279887,7.153280206,7.15327929,7.153279905,7.153279762,7.153280033,7.153280267,7.153280021,7.153280044,7.153279442,7.153280426,7.153280871,7.153279828,7.153280576,7.153279126,7.153279685,7.153280397,7.153280015,7.15327976,7.153279699,7.153280404,7.153280057,7.153279872,7.153279826,7.15328053,7.15328043
+"1637","BTC",3.963152087,3.963152124,3.963152182,3.963151984,3.96315217,3.963152057,3.963152218,3.963152198,3.963151996,3.963152164,3.963152189,3.963152188,3.96315201,3.963151931,3.963152408,3.963152415,3.963152307,3.963152415,3.963152212,3.963152347,3.96315213,3.963152249,3.96315214,3.963152004,3.963152206,3.963152191,3.963152103,3.96315217
+"1638","BTD",5.97045779,5.970457728,5.97045772,5.970457687,5.97045762,5.970457689,5.970457681,5.970457688,5.970457764,5.970457725,5.970457749,5.97045765,5.970457821,5.97045781,5.970457839,5.970457839,5.970457758,5.970457604,5.970457784,5.97045766,5.970457683,5.970457773,5.970457713,5.970457798,5.970457808,5.970457745,5.970457785,5.97045777
+"1639","BTF3",8.017200826,8.017200484,8.017200799,8.017200087,8.017200528,8.017200809,8.017200642,8.017200688,8.017200778,8.017201032,8.017200417,8.017200783,8.017200349,8.017200798,8.017200567,8.017200274,8.017200598,8.017200253,8.017200402,8.017200213,8.017200546,8.017200852,8.017200923,8.017200754,8.017200432,8.017200961,8.017200588,8.017200664
+"1640","BTF3L4",6.596118054,6.5961176285,6.5961177275,6.596117003,6.5961171715,6.59611687,6.5961172635,6.5961169805,6.596117297,6.5961173555,6.596117072,6.596116783,6.5961177855,6.5961186195,6.596117135,6.596117344,6.5961173015,6.5961166795,6.596117468,6.5961170815,6.596117377,6.5961170485,6.596117401,6.5961176965,6.596117016,6.596117184,6.5961175595,6.5961180745
+"1641","BTF3P11",4.041463033,4.041463051,4.041462848,4.041462862,4.041462726,4.04146271,4.041462767,4.041462883,4.041462761,4.041462936,4.041463008,4.041462866,4.041462939,4.041462914,4.041462721,4.041462909,4.041462556,4.041463051,4.041462816,4.041462913,4.041462847,4.041462712,4.041462908,4.041462835,4.041462844,4.041462862,4.041462862,4.041462941
+"1642","BTF3P9",4.541099066,4.541098865,4.54109912,4.54109869,4.541099038,4.54109858,4.541098925,4.541098857,4.541098821,4.541098655,4.541099228,4.5410989,4.541099216,4.541099055,4.541099104,4.541099049,4.541098969,4.541099295,4.541098616,4.541098889,4.541098942,4.541099055,4.541098582,4.541098892,4.541099248,4.541099161,4.541098847,4.54109901
+"1643","BTG1",10.32865539,10.32865556,10.32864758,10.3286536,10.32865065,10.3286483,10.32865012,10.32864836,10.32865401,10.32865055,10.32864748,10.32864962,10.32865079,10.32865907,10.32865031,10.32864937,10.32864657,10.32865021,10.32865164,10.32864854,10.32865094,10.32864804,10.32865307,10.32865318,10.32864306,10.32865223,10.32865047,10.3286534
+"1644","BTG2",8.025851362,8.025851481,8.025851388,8.025851414,8.025851315,8.025851437,8.025851407,8.025851478,8.025851421,8.025851412,8.025851366,8.025851298,8.025851504,8.025851517,8.025851394,8.025851473,8.025851407,8.025851491,8.025851398,8.025851356,8.025851399,8.02585146,8.025851478,8.025851434,8.025851438,8.025851372,8.025851483,8.025851465
+"1645","BTG3",5.141480031,5.141480034,5.141480153,5.141480103,5.14148014,5.141480117,5.141480116,5.141480129,5.141480108,5.141480018,5.141480049,5.141480109,5.141480083,5.141480118,5.141480109,5.141480093,5.141480187,5.141480071,5.141480101,5.14148009,5.14148013,5.141480147,5.141480047,5.14147994,5.141480041,5.141480177,5.141480047,5.141480134
+"1646","BTG4",3.078368016,3.078368013,3.078368051,3.078368072,3.078368106,3.07836807,3.078368138,3.078368121,3.078368138,3.078368009,3.078368033,3.078368114,3.078368053,3.078367944,3.078368,3.078368016,3.078367996,3.07836812,3.078368124,3.078367993,3.078368021,3.078367984,3.078367991,3.078368052,3.078368183,3.078368073,3.078368056,3.078368034
+"1647","BTK",6.875221387,6.875220592,6.875219769,6.875221152,6.875221103,6.875220504,6.875220646,6.875219431,6.875219361,6.875221559,6.875221127,6.875219427,6.875220373,6.875221703,6.875220462,6.875220328,6.875219686,6.875220467,6.875221145,6.875219823,6.875220241,6.87521937,6.875220023,6.875221328,6.875221358,6.875220515,6.875220685,6.875221272
+"1648","BTLA",6.306313405,6.306309354,6.306309911,6.306310487,6.306310638,6.306309053,6.306310612,6.306309003,6.306309369,6.306311569,6.306308552,6.306309698,6.306309581,6.30631399,6.306311505,6.306308333,6.306308841,6.306310641,6.306311158,6.306309557,6.306310202,6.306310196,6.306311076,6.306311528,6.306307943,6.306310911,6.306309836,6.306313233
+"1649","BTN1A1",4.12845969,4.128459697,4.128459703,4.128459707,4.128459711,4.12845972,4.128459718,4.128459718,4.128459731,4.128459701,4.128459725,4.12845971,4.128459699,4.128459689,4.128459719,4.128459717,4.128459728,4.128459712,4.128459704,4.128459725,4.128459715,4.128459723,4.128459703,4.128459695,4.128459719,4.128459701,4.128459712,4.128459694
+"1650","BTN2A1",8.004224489,8.004224798,8.004224674,8.004224984,8.004224103,8.004224797,8.004224462,8.004224619,8.004224309,8.004224334,8.004224522,8.004224029,8.004224693,8.004224473,8.004224537,8.004224805,8.0042247,8.004224795,8.004224612,8.004224776,8.004224458,8.004224628,8.004224559,8.004224564,8.004224549,8.004224283,8.004224685,8.004224335
+"1651","BTN2A2",6.756868273,6.756868139,6.756868273,6.756868202,6.75686803,6.756868486,6.7568683,6.756868191,6.756868137,6.756868287,6.756868119,6.756867878,6.756868178,6.756868199,6.756868242,6.756868131,6.756868077,6.756868096,6.756868213,6.756868493,6.756868143,6.756868189,6.756868157,6.756868239,6.75686809,6.756867993,6.75686824,6.756868148
+"1652","BTN2A3P",5.514927541,5.514927638,5.514927444,5.514927609,5.514927468,5.514927677,5.514927445,5.514927434,5.514927332,5.514927464,5.514927632,5.514927392,5.514927552,5.514927586,5.514927467,5.5149276,5.514927427,5.514927648,5.514927455,5.514927798,5.51492755,5.514927535,5.514927436,5.514927526,5.514927617,5.514927544,5.51492746,5.514927515
+"1653","BTN3A1",8.197094795,8.197094269,8.197094756,8.197094753,8.197094309,8.197095539,8.197094493,8.197094631,8.197094441,8.19709435,8.197093993,8.197093838,8.197095234,8.197094598,8.197094535,8.197094169,8.197094223,8.197094381,8.197094689,8.197095381,8.197094558,8.19709466,8.197094483,8.197094858,8.197094243,8.197094372,8.197095122,8.19709408
+"1654","BTN3A2",8.828539907,7.823162437,8.391328596,8.48099626,8.421177085,9.024063059,8.639233773,8.009709639,8.568174093,8.567521782,7.543016355,8.240101006,8.8383998,8.862302631,8.668025674,7.793074534,8.162240804,8.341433646,8.504758424,9.07518154,8.586685223,7.812782963,8.674355765,8.608494727,7.587472687,8.653044381,8.757084172,8.56549071
+"1655","BTN3A3",7.608878379,7.608877483,7.608876971,7.608877418,7.608877136,7.608878687,7.608877717,7.608877707,7.60887796,7.608877387,7.608876897,7.608877094,7.608878199,7.608878106,7.608877675,7.60887727,7.608876461,7.608876994,7.608877528,7.608878874,7.608877866,7.608877844,7.608877919,7.608877999,7.608877313,7.608877985,7.608878196,7.608877422
+"1656","BTNL2",5.293877708,5.293877714,5.293877707,5.293877689,5.293877725,5.293877693,5.293877722,5.293877733,5.293877715,5.293877723,5.293877706,5.29387773,5.293877701,5.293877699,5.293877737,5.293877725,5.293877735,5.293877694,5.293877712,5.29387772,5.293877731,5.293877719,5.293877712,5.293877704,5.293877697,5.293877734,5.293877708,5.293877724
+"1657","BTNL3",4.097292649,4.09729325,4.097292737,4.097293434,4.097293092,4.097293386,4.0972933,4.097292803,4.097293233,4.097293153,4.097292705,4.097292974,4.097292672,4.097293298,4.097292602,4.09729339,4.097292932,4.097293559,4.097293238,4.097293241,4.097293251,4.097292899,4.097293301,4.097293373,4.09729272,4.097293183,4.0972927,4.09729318
+"1658","BTNL9",5.285849532,5.285849538,5.285849621,5.285849531,5.285849686,5.285849573,5.285849601,5.2858496,5.285849579,5.285849587,5.28584962,5.28584968,5.285849564,5.28584952,5.285849656,5.285849577,5.285849665,5.285849617,5.285849559,5.285849562,5.285849623,5.285849634,5.285849542,5.28584955,5.285849594,5.285849613,5.28584957,5.285849586
+"1659","BTRC",6.056433886,6.056433945,6.056433827,6.056433871,6.056433836,6.056433865,6.056433931,6.056433768,6.056433936,6.056433759,6.056433672,6.056433765,6.056433916,6.056434134,6.056433984,6.056433823,6.056433833,6.056433652,6.056433858,6.05643378,6.056433728,6.056433858,6.056433992,6.056433863,6.056433817,6.056433919,6.056433897,6.056433975
+"1660","BUB1",4.174582328,4.174582335,4.17458224,4.17458248,4.174582365,4.174582614,4.174582928,4.174582243,4.174582794,4.17458254,4.174582252,4.174582599,4.174582468,4.174582296,4.174582429,4.174582256,4.174582449,4.17458214,4.174582496,4.17458256,4.174582875,4.174582281,4.174582521,4.174582466,4.174582185,4.174582485,4.17458248,4.174582303
+"1661","BUB3",7.474191239,7.474190592,7.47419012,7.474190009,7.47419003,7.474190001,7.474190688,7.474190214,7.474191006,7.474190217,7.474189734,7.474189859,7.474190942,7.474191754,7.474190602,7.474190393,7.474189567,7.474189573,7.474190516,7.474190075,7.474190355,7.474190246,7.474191207,7.474190281,7.474189873,7.47419043,7.474190838,7.474191109
+"1662","BUD13",5.989605266,5.9896053,5.98960522,5.989605253,5.989604966,5.989605335,5.989605253,5.989605181,5.989605363,5.989605283,5.989605131,5.98960514,5.989605241,5.989605314,5.989605158,5.989605288,5.989605128,5.989605099,5.98960527,5.989605313,5.98960522,5.989605164,5.989605293,5.989605312,5.989605244,5.989605172,5.989605245,5.989605253
+"1663","BUD23",7.614100726,7.614100647,7.614100464,7.614100483,7.614100567,7.614100599,7.614100581,7.614100571,7.614100651,7.61410056,7.614100421,7.614100544,7.614100589,7.614100711,7.614100585,7.614100606,7.614100383,7.614100465,7.614100549,7.614100577,7.614100624,7.614100526,7.614100646,7.614100547,7.614100431,7.614100669,7.614100654,7.61410062
+"1664","BUD31",6.152811454,6.152811562,6.152811475,6.152811523,6.1528114,6.152811482,6.152811492,6.15281143,6.152811435,6.152811468,6.152811474,6.152811388,6.152811457,6.152811448,6.152811431,6.152811433,6.152811502,6.152811404,6.152811542,6.152811582,6.15281145,6.152811457,6.152811486,6.152811557,6.152811461,6.152811452,6.152811459,6.152811457
+"1665","BVES",3.662230386,3.662230481,3.662230505,3.662230561,3.662230563,3.662230604,3.662230548,3.6622305,3.662230505,3.662230536,3.662230415,3.662230574,3.662230396,3.662230347,3.66223046,3.662230535,3.662230586,3.662230524,3.662230605,3.662230506,3.662230589,3.662230598,3.66223048,3.662230437,3.662230555,3.662230503,3.662230472,3.662230489
+"1666","BYSL",5.920199387,5.92019946,5.920199278,5.920199234,5.920199264,5.920199579,5.920199393,5.920199253,5.92019956,5.920199514,5.920198992,5.920199189,5.920199306,5.920199424,5.92019919,5.920199456,5.920199188,5.920199044,5.920199398,5.92019925,5.920199249,5.920199417,5.920199435,5.920199381,5.920199123,5.920199257,5.92019946,5.920199394
+"1667","BZW1",8.11579637,8.115796028,8.115795896,8.115795735,8.115795657,8.115795579,8.115795899,8.11579576,8.115795797,8.115795834,8.115795614,8.115794885,8.115795919,8.115797109,8.115795774,8.115795579,8.115795629,8.115795495,8.115795843,8.115795668,8.115795922,8.11579585,8.115796315,8.11579621,8.115795658,8.115795569,8.115795819,8.115796294
+"1668","BZW2",5.387291212,5.38729115,5.387291119,5.387291147,5.387291114,5.387291107,5.387291145,5.387291031,5.387291311,5.38729114,5.38729096,5.387291036,5.387291252,5.387291449,5.3872911,5.387291135,5.387290835,5.387290997,5.387291126,5.387291092,5.387291062,5.387291046,5.38729141,5.38729119,5.38729097,5.387291182,5.387291169,5.387291315
+"1669","C10orf120",3.959470739,3.959470813,3.959470703,3.959470937,3.959471116,3.959471021,3.959470872,3.959470941,3.959471076,3.959471118,3.959471004,3.959471204,3.959470859,3.959470713,3.959470984,3.959470696,3.959470871,3.959471047,3.959470834,3.959471063,3.959470868,3.959471043,3.959470681,3.95947075,3.959470735,3.959470747,3.959470841,3.95947104
+"1670","C10orf126",4.274269929,4.274269837,4.274270108,4.274269888,4.274269979,4.274269897,4.274270017,4.274270007,4.274269924,4.274269968,4.274270031,4.274269973,4.274270018,4.274269709,4.274269991,4.274270086,4.274269962,4.274270206,4.274269958,4.274270072,4.274269956,4.27426999,4.274269926,4.274269877,4.274269994,4.274269986,4.27427007,4.274269835
+"1671","C10orf53",4.603819123,4.603819117,4.60381913,4.603819118,4.603819091,4.603819198,4.603819288,4.603819248,4.603819127,4.60381925,4.603819398,4.603819154,4.603819153,4.603818893,4.603819152,4.603819177,4.603819267,4.603819231,4.603819112,4.603819273,4.603819209,4.603819171,4.603819192,4.603818917,4.603819108,4.603819204,4.603819109,4.603819168
+"1672","C10orf55",3.89267122,3.8926711,3.892671296,3.892671276,3.892671526,3.892671124,3.892671306,3.892671445,3.892671326,3.892671091,3.89267134,3.892671452,3.89267128,3.892670967,3.892671222,3.89267135,3.89267157,3.892671367,3.892671336,3.892671151,3.892671274,3.892671488,3.892671114,3.892671296,3.892671387,3.892671204,3.892671163,3.892671546
+"1673","C10orf62",3.978967093,3.978966978,3.978966964,3.978966907,3.978967266,3.978966939,3.978967018,3.978967155,3.97896702,3.978967066,3.978967064,3.978967346,3.978966979,3.97896697,3.978967217,3.978967257,3.978967254,3.978966915,3.978967123,3.978966908,3.978967326,3.978967213,3.978967045,3.978967041,3.978967132,3.978967147,3.978967086,3.978966892
+"1674","C10orf67",3.000423262,3.000423527,3.000423528,3.000423416,3.000423422,3.000423588,3.000423415,3.000423545,3.000423489,3.000423363,3.000423343,3.00042349,3.000423506,3.000423497,3.000423395,3.000423459,3.000423595,3.000423648,3.000423547,3.000423596,3.000423505,3.000423531,3.000423454,3.000423502,3.00042339,3.000423514,3.000423375,3.000423519
+"1675","C10orf71",4.19924601,4.199246033,4.19924601,4.19924604,4.199246033,4.199246023,4.19924605,4.199246055,4.199245978,4.199246046,4.199246022,4.199246073,4.19924598,4.199245946,4.199246039,4.199246039,4.19924608,4.199246048,4.199246027,4.199246013,4.199245995,4.199246009,4.199246008,4.199245942,4.199245985,4.199246011,4.199246024,4.199245962
+"1676","C10orf82",4.90462237,4.904622347,4.90462238,4.904622332,4.904622389,4.904622316,4.904622355,4.904622388,4.904622343,4.904622385,4.904622378,4.904622396,4.904622376,4.904622317,4.904622405,4.904622362,4.904622347,4.904622345,4.90462239,4.904622377,4.904622364,4.904622338,4.904622367,4.904622328,4.904622403,4.904622382,4.904622353,4.904622375
+"1677","C10orf88",5.199322483,5.199322469,5.199322371,5.199322258,5.199322156,5.199322156,5.19932242,5.199322333,5.199322502,5.199322335,5.199322265,5.199322225,5.199322517,5.199322742,5.19932228,5.1993223,5.19932223,5.199322332,5.199322598,5.199322337,5.199322364,5.199322382,5.199322441,5.199322274,5.199322309,5.199322288,5.199322383,5.199322601
+"1678","C10orf90",3.233414627,3.233414618,3.233414618,3.23341465,3.233414734,3.233414632,3.233414649,3.233414618,3.233414638,3.233414635,3.23341478,3.233414652,3.233414561,3.233414588,3.233414674,3.233414553,3.233414681,3.23341468,3.23341465,3.233414669,3.233414688,3.233414631,3.233414656,3.233414597,3.233414613,3.233414612,3.233414651,3.233414645
+"1679","C10orf95",6.101549235,6.101549405,6.101549408,6.101549304,6.101549362,6.101549126,6.101549223,6.101549362,6.101549333,6.101549232,6.101549293,6.101549302,6.101549264,6.101549239,6.10154931,6.101549471,6.101549342,6.101549376,6.101549218,6.10154929,6.101549288,6.101549319,6.101549272,6.101549384,6.101549342,6.101549289,6.101549253,6.101549337
+"1680","C11orf1",3.648727796,3.648727773,3.648727763,3.648727752,3.648727778,3.648727772,3.648727757,3.648727781,3.648727792,3.648727785,3.648727751,3.648727769,3.648727777,3.648727799,3.648727766,3.648727764,3.648727759,3.648727799,3.648727766,3.648727756,3.648727759,3.648727778,3.648727789,3.64872775,3.648727785,3.648727771,3.648727778,3.648727789
+"1681","C11orf16",4.996252054,4.996252044,4.996252071,4.996252069,4.99625211,4.996252088,4.996252063,4.996252082,4.996252086,4.996252078,4.996252093,4.996252079,4.996252036,4.996252028,4.996252096,4.996252069,4.996252125,4.996252091,4.996252062,4.996252057,4.996252097,4.996252094,4.99625206,4.996252065,4.996252073,4.996252078,4.996252061,4.996252058
+"1682","C11orf21",7.233901151,7.233901512,7.233901183,7.233901024,7.233901312,7.233900949,7.233901379,7.233901346,7.233901348,7.233901404,7.233901276,7.233901342,7.23390128,7.23390116,7.23390093,7.233901551,7.23390127,7.233900914,7.233901214,7.233901147,7.233901173,7.233901328,7.23390131,7.233901302,7.233901204,7.233901508,7.233901176,7.23390114
+"1683","C11orf24",5.627824022,5.627823711,5.627823784,5.627823867,5.627823856,5.627823891,5.627823801,5.627823658,5.627823693,5.627824122,5.627823669,5.627823592,5.627823941,5.627823981,5.627823806,5.627823568,5.627823554,5.627823628,5.62782379,5.627823586,5.627823928,5.62782366,5.627823833,5.627824065,5.627823872,5.627823694,5.627823871,5.627823835
+"1684","C11orf40",4.669671732,4.669671742,4.66967195,4.669671849,4.669671971,4.669671799,4.669671722,4.669671932,4.66967178,4.669671823,4.669672076,4.669671994,4.669671899,4.669671711,4.669671939,4.669671905,4.669672085,4.669671937,4.669671879,4.669671732,4.669671809,4.669671842,4.669671738,4.669671804,4.669671832,4.669671916,4.669671779,4.669671931
+"1685","C11orf42",4.739490994,4.739491002,4.739491038,4.739491028,4.739491058,4.739491025,4.739491033,4.739491035,4.739491031,4.739491033,4.739491044,4.73949104,4.739491018,4.739490991,4.739491038,4.739491047,4.739491055,4.73949104,4.739491031,4.739491028,4.739491049,4.739491056,4.739491042,4.73949101,4.739491068,4.73949103,4.739491014,4.739491045
+"1686","C11orf54",6.885014136,6.885013841,6.885013729,6.885013609,6.885013267,6.885013766,6.885013601,6.885013579,6.885013925,6.885013621,6.885013273,6.885013087,6.885013578,6.885014505,6.885013552,6.885013806,6.885013166,6.885013177,6.885013855,6.88501366,6.885013492,6.885013482,6.885014121,6.885013764,6.885013527,6.885013507,6.88501356,6.885014246
+"1687","C11orf58",8.4593747465,8.4593893005,8.4593705645,8.459299489,8.4593500395,8.459337008,8.4593217285,8.459358885,8.4594069565,8.4593498065,8.459343038,8.4593304705,8.459328369,8.4594346135,8.459363051,8.4593657785,8.45932602,8.4593234095,8.459350879,8.4593892805,8.4593233745,8.4593556235,8.459373131,8.459384466,8.459341936,8.4593544065,8.459337587,8.459422173
+"1688","C11orf65",3.521278733,3.521278686,3.521278714,3.521278732,3.521278699,3.521278717,3.5212787,3.521278683,3.521278698,3.521278681,3.521278717,3.52127874,3.521278706,3.521278706,3.521278747,3.521278742,3.521278738,3.521278715,3.521278707,3.521278675,3.521278689,3.521278693,3.521278729,3.521278678,3.521278709,3.521278741,3.521278702,3.521278707
+"1689","C11orf68",7.169083785,7.169083879,7.169083952,7.169083938,7.169083897,7.169083786,7.169083796,7.16908398,7.16908396,7.169083914,7.169083892,7.169083912,7.169083986,7.169083801,7.169083885,7.169083921,7.169083931,7.169083987,7.169083898,7.169083971,7.169083867,7.169083976,7.169083929,7.169083906,7.16908405,7.169083882,7.169083995,7.169083845
+"1690","C11orf71",4.717991718,4.71799156,4.717991751,4.717991586,4.717991563,4.71799178,4.717991705,4.717991602,4.717991771,4.717991785,4.717991638,4.717991619,4.71799172,4.717991797,4.717991637,4.717991579,4.717991772,4.717991668,4.717991656,4.717991651,4.717991586,4.717991651,4.717991847,4.717991735,4.717991637,4.717991696,4.717991671,4.717991823
+"1691","C11orf86",6.534632531,6.5346326,6.534632663,6.53463265,6.534632648,6.534632531,6.534632535,6.534632656,6.534632605,6.534632605,6.534632617,6.534632614,6.53463262,6.534632576,6.534632612,6.534632648,6.534632666,6.534632699,6.534632547,6.534632647,6.534632598,6.534632642,6.534632582,6.534632664,6.534632681,6.534632585,6.534632599,6.534632587
+"1692","C11orf87",5.099875768,5.099875752,5.099875762,5.099875734,5.099875774,5.099875714,5.099875766,5.099875771,5.099875686,5.099875698,5.099875763,5.099875739,5.099875753,5.099875683,5.099875755,5.099875722,5.099875747,5.099875773,5.099875759,5.099875747,5.099875761,5.09987575,5.099875732,5.099875724,5.099875767,5.099875742,5.09987573,5.099875752
+"1693","C11orf96",5.511505417,5.511505432,5.51150546,5.511505477,5.511505499,5.511505442,5.511505492,5.511505547,5.511505479,5.511505509,5.511505482,5.511505548,5.511505485,5.511505407,5.511505499,5.511505434,5.511505487,5.511505512,5.511505471,5.511505466,5.511505494,5.511505457,5.511505447,5.511505456,5.511505436,5.511505505,5.511505452,5.511505432
+"1694","C12orf29",5.642586399,5.642586347,5.642586416,5.642586288,5.642586416,5.642586197,5.642586445,5.642586384,5.642586556,5.642586428,5.642586393,5.642586593,5.64258628,5.642586569,5.64258643,5.642586392,5.642586424,5.642586404,5.642586416,5.642586334,5.642586463,5.6425864,5.642586492,5.642586509,5.642586405,5.64258648,5.642586307,5.642586552
+"1695","C12orf4",4.782584658,4.782584573,4.782584585,4.782584546,4.782584583,4.782584646,4.78258462,4.782584493,4.782584583,4.782584645,4.782584507,4.78258445,4.782584641,4.782584714,4.782584586,4.782584617,4.782584517,4.782584547,4.78258458,4.78258463,4.782584646,4.782584585,4.782584666,4.782584587,4.782584547,4.782584586,4.78258468,4.782584666
+"1696","C12orf40",2.839425723,2.839425732,2.839425825,2.83942608,2.839425876,2.839425935,2.839425822,2.839425847,2.839425871,2.83942636,2.839425977,2.839426018,2.839425786,2.839426158,2.839425991,2.839425815,2.839426125,2.839425953,2.839426208,2.839425982,2.839425729,2.839425956,2.83942606,2.839426126,2.839426052,2.839425589,2.839426244,2.839425893
+"1697","C12orf42",4.736580326,4.736580263,4.736580264,4.736580232,4.736580281,4.736580257,4.73658028,4.736580225,4.736580349,4.736580327,4.73658033,4.736580373,4.736580355,4.73658033,4.736580292,4.736580247,4.736580249,4.736580272,4.736580212,4.736580292,4.736580221,4.736580265,4.73658032,4.736580339,4.736580273,4.736580291,4.73658034,4.736580271
+"1698","C12orf43",6.087961638,6.087961626,6.087961629,6.087961629,6.087961627,6.087961653,6.087961616,6.087961641,6.087961633,6.087961651,6.087961628,6.087961625,6.087961652,6.087961635,6.087961636,6.087961615,6.08796161,6.087961614,6.087961623,6.087961628,6.087961626,6.087961618,6.087961627,6.087961633,6.087961619,6.08796163,6.087961643,6.087961633
+"1699","C12orf50",3.246428845,3.246428952,3.246429049,3.246429005,3.246429114,3.246429064,3.246428942,3.246428987,3.246429325,3.246429236,3.246429083,3.246429116,3.246428996,3.246429018,3.246429111,3.24642904,3.246428943,3.246429025,3.246428978,3.246428907,3.24642896,3.24642901,3.246428992,3.246429026,3.246428983,3.24642894,3.24642903,3.246428996
+"1700","C12orf54",3.585380444,3.585380506,3.585380462,3.585380544,3.585380518,3.585380514,3.585380488,3.585380528,3.585380479,3.585380518,3.585380555,3.585380523,3.58538051,3.585380417,3.585380574,3.585380515,3.585380579,3.585380523,3.58538057,3.585380519,3.58538055,3.58538053,3.585380474,3.585380495,3.585380548,3.585380541,3.585380468,3.585380536
+"1701","C12orf56",3.019396805,3.019396893,3.019396869,3.019396923,3.019396825,3.019396912,3.0193968,3.019396877,3.01939682,3.019396847,3.0193969,3.01939696,3.019396829,3.019396868,3.019396788,3.019396907,3.019396876,3.019396882,3.019396879,3.019396918,3.019396849,3.019396856,3.019396899,3.019396823,3.019396835,3.019396784,3.019396852,3.01939681
+"1702","C12orf57",7.03109424,7.03109274,7.031093409,7.031093042,7.031093295,7.031093254,7.03109421,7.031093808,7.031095002,7.03109483,7.03109344,7.031094414,7.031094619,7.031095646,7.031093432,7.031092313,7.031093133,7.031092237,7.031093935,7.031093064,7.031093589,7.031094082,7.031095057,7.031093769,7.031093315,7.031094239,7.031094623,7.031094984
+"1703","C12orf60",3.560286929,3.560286917,3.560286882,3.560286954,3.560286949,3.56028692,3.560286904,3.560286915,3.56028681,3.560286849,3.560286829,3.560286969,3.560286837,3.560286869,3.56028689,3.560286881,3.560286952,3.56028695,3.560286841,3.560286865,3.560286885,3.56028688,3.560286819,3.560286897,3.560286802,3.560286899,3.560286858,3.560286862
+"1704","C12orf75",6.229522745,6.22952265,6.229522729,6.22952272,6.22952239,6.229522702,6.229522986,6.229522652,6.229522857,6.22952272,6.229522661,6.22952215,6.229522768,6.229522915,6.229522615,6.229522496,6.229522415,6.229522578,6.229522727,6.229522544,6.229522924,6.229522734,6.229523035,6.229523032,6.2295228,6.229522631,6.22952278,6.229522764
+"1705","C12orf76",5.595942362,5.595942377,5.595942358,5.595942376,5.595942354,5.595942434,5.59594238,5.595942386,5.595942337,5.595942388,5.595942406,5.595942399,5.595942381,5.595942304,5.595942366,5.595942368,5.595942401,5.595942419,5.595942366,5.595942398,5.59594237,5.595942412,5.595942357,5.595942355,5.595942407,5.595942395,5.595942403,5.595942386
+"1706","C14orf119",6.184909032,6.184908867,6.184908733,6.184908813,6.184908759,6.184908807,6.184908775,6.184908592,6.184908715,6.184908598,6.184908746,6.184908266,6.184908854,6.184908942,6.184908709,6.184908542,6.18490861,6.18490862,6.184908839,6.184908646,6.184908731,6.184908725,6.184908907,6.184908763,6.184908482,6.184908602,6.184908731,6.184908789
+"1707","C14orf132",5.087409787,5.087409933,5.0874101,5.08741006,5.087410201,5.087410046,5.087409965,5.087410071,5.087409833,5.087409884,5.087410166,5.08741006,5.087409957,5.087409996,5.087409918,5.087409929,5.087409992,5.087409976,5.087410055,5.08741018,5.087409989,5.087410079,5.087409858,5.087409573,5.087409861,5.087409975,5.087409827,5.087409985
+"1708","C14orf178",5.50776347,5.507763435,5.507763473,5.507763504,5.507763526,5.507763486,5.507763489,5.507763504,5.507763455,5.507763477,5.50776345,5.507763496,5.507763463,5.507763395,5.507763473,5.507763506,5.507763543,5.507763492,5.507763487,5.50776347,5.507763499,5.507763517,5.507763452,5.507763429,5.507763461,5.50776351,5.507763495,5.507763483
+"1709","C14orf180",6.389733191,6.389733245,6.389733347,6.38973325,6.38973342,6.389733335,6.389733381,6.389733366,6.389733371,6.389733369,6.389733429,6.389733493,6.389733241,6.389733106,6.389733431,6.389733311,6.389733476,6.389733341,6.389733336,6.389733336,6.389733425,6.389733468,6.389733338,6.389733236,6.389733292,6.389733364,6.389733249,6.389733344
+"1710","C14orf28",4.617982228,4.617981968,4.617982124,4.617981866,4.617981765,4.617981549,4.617981695,4.617981911,4.617982192,4.617981557,4.617981766,4.617981765,4.617981875,4.617982537,4.617981877,4.617981826,4.617981747,4.617981699,4.617982092,4.617981566,4.617981943,4.617981731,4.617982264,4.617982087,4.617981672,4.617982098,4.617981985,4.617982401
+"1711","C14orf39",2.231786972,2.231786983,2.231786991,2.231786985,2.231786995,2.231786971,2.231786967,2.231786996,2.231786987,2.23178699,2.231786978,2.231787002,2.23178698,2.231786984,2.231786995,2.23178699,2.231786998,2.231787001,2.231786981,2.231786987,2.231786959,2.231786984,2.231786997,2.231786989,2.231786997,2.231786969,2.23178697,2.231787013
+"1712","C14orf93",5.741655285,5.741655413,5.741655139,5.741655312,5.741655083,5.741655516,5.741655081,5.741655205,5.741655296,5.74165533,5.741655134,5.74165524,5.741655402,5.7416553,5.741655228,5.74165543,5.741655132,5.741655354,5.741655328,5.741655367,5.741655201,5.741655298,5.741655335,5.741655399,5.741655371,5.741655316,5.741655494,5.741655132
+"1713","C15orf32",3.675445017,3.675445003,3.675445029,3.675445014,3.675445095,3.675445026,3.675445077,3.67544505,3.675445065,3.675445052,3.675445067,3.675445079,3.67544504,3.675444961,3.675445081,3.67544504,3.675445138,3.675445039,3.675445045,3.675445012,3.675445038,3.675445074,3.675445062,3.675445026,3.675445047,3.675445021,3.675445048,3.675445034
+"1714","C15orf39",8.014020476,8.01402236,8.014021759,8.014022257,8.014021105,8.014023526,8.014021447,8.014021311,8.014020746,8.014020964,8.014021939,8.014020307,8.014021975,8.014020043,8.014020818,8.014021927,8.014021517,8.014022348,8.014021797,8.014022685,8.01402153,8.014022017,8.014021442,8.014021322,8.014022595,8.014020624,8.014022001,8.014020133
+"1715","C15orf40",5.828675529,5.828675413,5.828675461,5.82867541,5.828675389,5.828675385,5.828675414,5.828675357,5.82867546,5.828675476,5.828675421,5.828675429,5.828675358,5.828675523,5.828675412,5.828675436,5.828675364,5.828675298,5.828675406,5.828675335,5.828675355,5.828675427,5.828675459,5.828675436,5.828675428,5.828675358,5.828675489,5.82867551
+"1716","C15orf61",5.035425919,5.035425987,5.035426013,5.035426032,5.035425985,5.035426001,5.035426005,5.035425999,5.035426019,5.035426012,5.035426048,5.03542605,5.035425992,5.035426018,5.035425988,5.035425971,5.035425946,5.035425979,5.035425983,5.035425975,5.035425951,5.035426048,5.03542604,5.035425981,5.035425959,5.035426013,5.03542606,5.035426077
+"1717","C15orf62",5.512503891,5.512503908,5.51250391,5.512503922,5.512504093,5.51250389,5.512503896,5.512504114,5.512503891,5.512503791,5.512503913,5.512504116,5.512503911,5.512503804,5.512503933,5.51250392,5.512504147,5.512504013,5.512503755,5.512503872,5.512503959,5.512504121,5.512503859,5.512503877,5.51250398,5.512504004,5.512503938,5.512503816
+"1718","C16orf46",4.06637883,4.066378716,4.066378836,4.066378757,4.066378813,4.066378781,4.066378911,4.066378885,4.066378834,4.066378907,4.066378878,4.066378805,4.066378888,4.066378767,4.066378886,4.066378871,4.066378913,4.066378881,4.066378942,4.06637883,4.066378812,4.066378869,4.06637881,4.066378808,4.066378834,4.066378795,4.066378876,4.06637878
+"1719","C16orf54",8.08084773,8.080848289,8.08084763,8.080848568,8.080847853,8.080848028,8.080847507,8.080847792,8.080847996,8.080847638,8.080847694,8.080846862,8.080847861,8.08084756,8.080847963,8.080847918,8.080847567,8.080848495,8.080848365,8.080847294,8.080847459,8.080847807,8.080848283,8.080848245,8.080848244,8.080847524,8.080848079,8.080847465
+"1720","C16orf74",6.699033913,6.699033935,6.699033937,6.699033928,6.699033966,6.699033927,6.699033952,6.69903394,6.69903394,6.699033935,6.699033935,6.699033955,6.699033938,6.699033926,6.699033943,6.699033952,6.69903394,6.699033938,6.699033938,6.69903392,6.699033939,6.699033947,6.699033934,6.699033923,6.699033919,6.699033939,6.699033939,6.699033949
+"1721","C16orf78",3.880231849,3.880231987,3.88023195,3.880232013,3.880232014,3.880232135,3.880232053,3.880231936,3.880231893,3.880232051,3.880231844,3.880232088,3.880231805,3.880231921,3.88023188,3.88023204,3.880232139,3.880231966,3.880231891,3.880232204,3.880231836,3.880232,3.88023199,3.880231853,3.880232218,3.88023185,3.880231923,3.880231949
+"1722","C16orf82",5.122276203,5.122276177,5.122276223,5.122276169,5.122276236,5.122276195,5.122276216,5.122276223,5.122276178,5.122276198,5.122276236,5.122276211,5.122276204,5.122276144,5.122276221,5.122276217,5.122276231,5.12227622,5.122276197,5.122276221,5.122276231,5.122276224,5.122276159,5.122276182,5.122276218,5.122276225,5.122276154,5.122276187
+"1723","C16orf86",5.68645043,5.686450416,5.686450448,5.686450438,5.686450463,5.686450433,5.686450442,5.68645045,5.686450436,5.686450438,5.686450441,5.68645044,5.686450425,5.686450431,5.686450454,5.686450426,5.686450452,5.686450439,5.686450441,5.686450451,5.686450451,5.68645045,5.686450429,5.686450424,5.686450437,5.686450446,5.68645043,5.686450442
+"1724","C16orf87",4.180485767,4.180485755,4.180485776,4.180485787,4.180485762,4.18048577,4.180485788,4.180485784,4.18048578,4.180485773,4.180485779,4.180485778,4.180485789,4.180485833,4.180485785,4.18048573,4.18048581,4.180485785,4.180485792,4.180485769,4.180485783,4.180485773,4.180485773,4.180485792,4.180485755,4.180485785,4.180485777,4.180485814
+"1725","C16orf89",5.233587538,5.233587539,5.233587551,5.233587544,5.233587557,5.233587531,5.233587533,5.233587541,5.233587531,5.23358753,5.233587527,5.233587575,5.233587522,5.233587536,5.233587545,5.233587542,5.233587561,5.233587555,5.233587544,5.233587536,5.233587551,5.233587547,5.233587513,5.233587532,5.233587516,5.233587534,5.233587521,5.233587539
+"1726","C16orf92",4.788392992,4.78839282,4.788393123,4.788393032,4.788393172,4.788392858,4.788393078,4.78839316,4.788392994,4.788392961,4.788393013,4.788393217,4.788393021,4.788392901,4.788393093,4.788393111,4.788393217,4.78839315,4.788393041,4.788392997,4.788393203,4.788393177,4.788393008,4.78839306,4.788393089,4.788393175,4.78839305,4.788393126
+"1727","C16orf95",5.252548473,5.252548468,5.25254847,5.252548475,5.252548498,5.25254847,5.252548482,5.252548488,5.252548482,5.252548482,5.252548466,5.252548494,5.25254848,5.252548463,5.252548477,5.252548466,5.252548483,5.252548472,5.252548487,5.252548468,5.252548487,5.252548485,5.252548475,5.252548478,5.252548478,5.252548486,5.252548467,5.252548475
+"1728","C17orf50",6.579062334,6.579062441,6.579063041,6.579062716,6.579062856,6.579062262,6.579062313,6.579063013,6.579062724,6.579062812,6.579062667,6.579062882,6.579062721,6.579062332,6.579062633,6.579062716,6.579062943,6.579062825,6.579062472,6.579062645,6.579062688,6.579062696,6.579062679,6.579062799,6.579063156,6.579062769,6.579062695,6.579062479
+"1729","C17orf58",5.155820582,5.155820576,5.155820583,5.155820546,5.155820575,5.155820598,5.155820589,5.155820575,5.155820577,5.155820567,5.155820576,5.155820589,5.155820572,5.155820558,5.155820571,5.155820575,5.155820595,5.155820587,5.155820582,5.155820574,5.15582058,5.155820583,5.155820576,5.155820583,5.155820575,5.155820574,5.155820583,5.155820566
+"1730","C17orf75",4.967169147,4.967168758,4.967168901,4.967168666,4.967168813,4.967169038,4.967168785,4.967168588,4.96716897,4.967168796,4.967168103,4.967168786,4.967169076,4.967169313,4.967168982,4.967168575,4.967168525,4.967168777,4.967168917,4.967168944,4.967168607,4.967168625,4.967168929,4.967168841,4.967168682,4.967169034,4.967168909,4.96716894
+"1731","C17orf78",3.165320502,3.165320497,3.165320485,3.16532053,3.165320498,3.165320481,3.165320489,3.165320515,3.165320487,3.165320526,3.165320498,3.165320529,3.165320503,3.165320486,3.165320482,3.165320504,3.165320501,3.165320516,3.165320504,3.165320524,3.165320523,3.165320546,3.165320505,3.165320498,3.165320509,3.165320514,3.165320513,3.165320514
+"1732","C17orf80",5.444973228,5.444973222,5.444973154,5.44497315,5.444973128,5.444973101,5.444973134,5.444973159,5.444973233,5.444973266,5.444973151,5.444973149,5.444973312,5.444973334,5.444973183,5.444973147,5.444973112,5.444973142,5.444973205,5.444973162,5.444973163,5.444973156,5.444973226,5.444973166,5.444973184,5.44497318,5.444973316,5.444973227
+"1733","C17orf97",4.811643225,4.811643252,4.811643465,4.811643175,4.811643289,4.811643456,4.811643356,4.811643261,4.811643139,4.811643275,4.811643281,4.811643303,4.811643421,4.81164315,4.811643231,4.811643261,4.811643442,4.811643293,4.811643308,4.811643492,4.811643301,4.8116432,4.811643114,4.811643181,4.811643263,4.811643263,4.811643468,4.81164334
+"1734","C17orf99",6.078193657,6.07819356,6.078193946,6.078193515,6.078194184,6.078193664,6.078193985,6.078194272,6.078193807,6.078193855,6.078193867,6.078194177,6.078193878,6.07819344,6.078194134,6.078193766,6.078194176,6.078194027,6.078193935,6.078193916,6.07819414,6.07819407,6.078193807,6.078193696,6.078193961,6.078194026,6.078193722,6.078193965
+"1735","C18orf21",5.064728311,5.064728279,5.064728261,5.064728266,5.064728213,5.064728268,5.064728262,5.064728207,5.064728261,5.064728233,5.064728172,5.064728186,5.064728263,5.06472831,5.064728282,5.064728191,5.064728171,5.064728234,5.064728252,5.064728211,5.064728233,5.064728188,5.064728298,5.06472829,5.064728245,5.064728213,5.064728302,5.064728304
+"1736","C18orf25",6.695648269,6.695648434,6.695647735,6.695648212,6.695647168,6.69564811,6.69564758,6.695647347,6.695647564,6.695647834,6.695647524,6.695646653,6.695648103,6.695648349,6.695647442,6.695648092,6.695647262,6.695647471,6.695647943,6.695648363,6.69564723,6.69564718,6.695648177,6.69564821,6.695647738,6.695647435,6.695648344,6.695647634
+"1737","C18orf54",3.303112636,3.303112585,3.303112525,3.30311258,3.303112531,3.303112564,3.303112468,3.303112534,3.303112615,3.30311276,3.303112543,3.303112611,3.303112571,3.30311278,3.303112577,3.303112619,3.303112579,3.303112574,3.303112552,3.303112588,3.303112511,3.303112575,3.303112709,3.303112761,3.303112619,3.303112531,3.303112586,3.303112654
+"1738","C19orf12",6.857233081,6.857233083,6.857233059,6.857232954,6.857233125,6.857233101,6.857233003,6.857233157,6.857233269,6.857233084,6.857233004,6.85723305,6.857233084,6.857233137,6.857233056,6.857233051,6.857233066,6.857232933,6.857233055,6.857233144,6.857233055,6.857233186,6.857233162,6.85723308,6.857232978,6.85723311,6.857233032,6.857233162
+"1739","C19orf18",3.161112017,3.161112054,3.161112102,3.16111203,3.161111924,3.161112199,3.161112102,3.161111919,3.161112058,3.161112116,3.161111949,3.161112189,3.161112001,3.161112003,3.161112005,3.16111203,3.161112048,3.161112111,3.161112013,3.161111999,3.161111989,3.161111914,3.161111978,3.161111948,3.161112138,3.161111984,3.161112165,3.161111898
+"1740","C19orf25",7.506202581,7.506202636,7.506202634,7.506202619,7.506202663,7.506202652,7.506202573,7.506202645,7.506202664,7.50620263,7.506202658,7.506202595,7.50620265,7.506202574,7.506202614,7.506202643,7.506202637,7.506202626,7.50620258,7.506202634,7.506202577,7.506202656,7.50620263,7.506202624,7.506202631,7.506202607,7.506202632,7.5062026
+"1741","C19orf33",7.117088537,7.117088568,7.117088733,7.117088664,7.117088827,7.117088537,7.117088675,7.117088804,7.117088644,7.117088711,7.11708869,7.117088793,7.117088673,7.117088449,7.117088792,7.117088638,7.117088875,7.117088729,7.117088628,7.117088694,7.117088706,7.117088843,7.117088629,7.117088615,7.117088762,7.117088734,7.117088697,7.117088736
+"1742","C19orf44",4.654701815,4.654701751,4.654701843,4.654701768,4.654701898,4.654701792,4.654701854,4.654701865,4.654701812,4.654701825,4.65470186,4.654701884,4.654701833,4.654701839,4.65470189,4.654701819,4.654701884,4.654701865,4.654701827,4.654701837,4.654701877,4.654701855,4.654701826,4.65470181,4.654701815,4.654701854,4.654701827,4.654701822
+"1743","C19orf47",5.547377662,5.547377807,5.547377844,5.547377529,5.547377732,5.547377682,5.547377741,5.547377672,5.547377794,5.54737772,5.547377395,5.547377823,5.547377752,5.547377771,5.547377703,5.547377749,5.547377737,5.547377686,5.547377847,5.547377858,5.547377715,5.547377762,5.547377811,5.547377631,5.547377848,5.547377699,5.547377745,5.547377462
+"1744","C19orf48",5.586055737,5.586055531,5.58605567,5.586055562,5.586055653,5.58605558,5.586055687,5.586055793,5.586055831,5.586055636,5.586055788,5.586055776,5.586055681,5.586055503,5.586055694,5.58605561,5.586055689,5.586055743,5.586055699,5.586055812,5.586055597,5.586055878,5.586055745,5.586055772,5.586055775,5.586055664,5.586055808,5.586055763
+"1745","C19orf53",7.796731435,7.796731398,7.796731253,7.796731107,7.796731342,7.796731332,7.796731264,7.796731217,7.796731781,7.79673163,7.79673127,7.79673134,7.796731409,7.796731574,7.79673124,7.796731255,7.796731151,7.796731082,7.796731228,7.796731112,7.796731296,7.796731429,7.796731529,7.796731544,7.796731106,7.79673133,7.796731402,7.79673127
+"1746","C19orf54",5.933273534,5.93327357,5.933273661,5.933273553,5.933273768,5.933273564,5.933273652,5.933273663,5.933273668,5.933273642,5.933273657,5.933273712,5.933273654,5.933273492,5.93327365,5.933273551,5.933273746,5.933273678,5.93327364,5.933273586,5.933273705,5.933273751,5.933273589,5.933273609,5.933273615,5.933273611,5.933273606,5.933273649
+"1747","C19orf67",5.924571343,5.9245713,5.924571578,5.924571668,5.924571942,5.924571377,5.924571571,5.924571785,5.924571489,5.924571305,5.924571752,5.924571853,5.924571589,5.924570996,5.924571708,5.92457141,5.924571905,5.924571787,5.924571568,5.924571476,5.924571829,5.92457194,5.924571284,5.924571393,5.924571709,5.924571575,5.924571438,5.924571513
+"1748","C19orf73",5.515141613,5.515141602,5.515141635,5.515141602,5.515141651,5.515141643,5.515141612,5.515141634,5.515141635,5.515141644,5.515141632,5.515141618,5.515141631,5.515141609,5.515141634,5.51514164,5.51514163,5.515141636,5.515141611,5.515141637,5.515141627,5.515141636,5.515141616,5.51514159,5.515141615,5.515141612,5.515141601,5.515141599
+"1749","C1D",3.911045277,3.911044185,3.9110446945,3.9110445725,3.9110446765,3.9110443315,3.911044397,3.9110443725,3.911044329,3.9110444875,3.911044905,3.9110453345,3.9110447665,3.9110442565,3.911044054,3.9110441615,3.91104521,3.9110444565,3.9110445175,3.9110443365,3.9110443165,3.911045504,3.9110441725,3.9110443545,3.911045256,3.9110443345,3.9110450385,3.9110448335
+"1750","C1GALT1",4.860888594,4.860888502,4.860888392,4.860888173,4.860888221,4.860888407,4.860888152,4.860888071,4.860888364,4.860888475,4.860888362,4.860888031,4.860888398,4.86088879,4.860888257,4.860888132,4.86088809,4.860888204,4.860888547,4.860888458,4.860888235,4.860888024,4.860888453,4.860888497,4.860888643,4.860888173,4.860888287,4.860888532
+"1751","C1GALT1C1",4.974089354,4.974089381,4.974089284,4.97408925,4.974089258,4.974089307,4.974089308,4.974089229,4.974089295,4.97408928,4.974089266,4.974089207,4.974089269,4.974089397,4.974089281,4.974089348,4.974089266,4.974089207,4.974089287,4.974089356,4.974089273,4.974089188,4.974089307,4.974089255,4.97408932,4.974089218,4.9740893,4.974089322
+"1752","C1GALT1C1L",2.945797564,2.945797564,2.945797607,2.94579761,2.945797579,2.945797574,2.945797585,2.945797585,2.945797549,2.945797571,2.945797598,2.945797646,2.945797562,2.945797593,2.945797585,2.94579756,2.945797619,2.945797587,2.945797593,2.945797655,2.945797581,2.945797626,2.945797594,2.945797586,2.945797578,2.94579758,2.945797591,2.945797628
+"1753","C1orf100",3.529120147,3.52911983,3.529120049,3.529120113,3.529120064,3.529120026,3.529120207,3.529119837,3.529119925,3.529119921,3.5291201,3.52912043,3.529119876,3.529119909,3.529120182,3.529119996,3.529120061,3.529120292,3.529120053,3.529120101,3.529120039,3.529119981,3.529119805,3.529119961,3.529120127,3.529120003,3.529119763,3.529120181
+"1754","C1orf105",3.147967984,3.147967984,3.14796799,3.14796813,3.147968058,3.147968159,3.147967999,3.147968058,3.147968004,3.147968068,3.147968068,3.147968018,3.147967965,3.147967943,3.147968008,3.147968051,3.147968162,3.147968021,3.147968078,3.147967993,3.147968042,3.147968076,3.147967934,3.14796813,3.14796804,3.147968097,3.14796806,3.147968047
+"1755","C1orf109",4.700604199,4.70060425,4.700604292,4.700604154,4.70060424,4.70060419,4.700604243,4.700604302,4.700604264,4.700604272,4.70060426,4.700604234,4.700604276,4.700604267,4.700604202,4.700604289,4.700604274,4.700604222,4.700604272,4.70060425,4.700604212,4.700604273,4.700604232,4.70060425,4.700604171,4.700604215,4.700604276,4.700604298
+"1756","C1orf112",4.296461766,4.296461612,4.296461681,4.296461693,4.296461659,4.296461607,4.296461765,4.296461599,4.296461696,4.296461672,4.296461628,4.296461605,4.29646169,4.296461716,4.296461627,4.296461627,4.296461609,4.296461407,4.296461668,4.296461527,4.29646183,4.296461701,4.296461732,4.296461727,4.296461569,4.296461595,4.29646176,4.296461492
+"1757","C1orf115",5.672304512,5.672304496,5.672304669,5.672304707,5.672304828,5.672304325,5.672304666,5.672304716,5.672304538,5.672304533,5.672304666,5.672304785,5.672304702,5.672304535,5.67230469,5.67230491,5.672304825,5.672304678,5.672304593,5.672304607,5.672304684,5.672304834,5.67230465,5.672304596,5.672304677,5.672304715,5.672304511,5.67230471
+"1758","C1orf116",4.613628936,4.613629043,4.613629117,4.613628854,4.61362892,4.61362891,4.613629108,4.61362923,4.613629029,4.61362927,4.613629248,4.613629017,4.613628938,4.613628743,4.61362903,4.61362907,4.61362941,4.613629144,4.613629042,4.613628914,4.61362923,4.613628928,4.613629058,4.613629085,4.613629081,4.613629378,4.613629063,4.613628841
+"1759","C1orf122",6.446740932,6.446740888,6.44674103,6.446740894,6.446741262,6.446740739,6.446741014,6.44674111,6.446740721,6.446741013,6.446741132,6.446741034,6.44674095,6.446740659,6.446741055,6.446741018,6.44674112,6.446741017,6.446740916,6.446741091,6.446741118,6.446741123,6.446740834,6.446740865,6.446740918,6.44674103,6.446740898,6.446741034
+"1760","C1orf127",5.393282237,5.39328234,5.393282416,5.393282375,5.39328235,5.393282385,5.393282066,5.393282614,5.393282327,5.393282353,5.393282401,5.393282435,5.393282359,5.393282209,5.393282379,5.393282375,5.393282644,5.393282461,5.393282282,5.393282386,5.393282293,5.393282495,5.393282335,5.393282309,5.393282422,5.393282277,5.393282318,5.393282262
+"1761","C1orf131",4.658210617,4.658210316,4.65821005,4.658210619,4.658210195,4.658210552,4.658210562,4.658210388,4.658210329,4.658210694,4.658210293,4.658210293,4.658210575,4.65821057,4.658210588,4.658210335,4.658210318,4.658209784,4.658210556,4.658210386,4.658210115,4.658210304,4.658210275,4.658210509,4.658210333,4.658210473,4.658210609,4.658210516
+"1762","C1orf141",2.969101754,2.969101768,2.969101812,2.96910178,2.969101808,2.969101816,2.969101788,2.969101857,2.969101874,2.969101808,2.969101809,2.969101843,2.969101777,2.969101799,2.969101797,2.969101793,2.969101851,2.969101781,2.96910184,2.969101783,2.969101765,2.969101807,2.969101807,2.96910182,2.969101815,2.969101771,2.969101739,2.969101838
+"1763","C1orf146",2.516503577,2.516503631,2.516503652,2.516503657,2.516503662,2.516503608,2.516503738,2.516503613,2.516503638,2.516503621,2.516503688,2.516503729,2.516503658,2.516503676,2.51650365,2.516503642,2.516503751,2.516503672,2.516503666,2.516503631,2.516503628,2.516503613,2.516503621,2.516503621,2.516503699,2.51650366,2.516503662,2.516503744
+"1764","C1orf147",4.878783091,4.878783105,4.878783128,4.878783101,4.878783151,4.878783141,4.878783136,4.878783135,4.878783108,4.878783078,4.878783136,4.878783166,4.878783092,4.878783084,4.878783138,4.87878308,4.878783193,4.878783115,4.878783129,4.878783142,4.878783159,4.878783143,4.878783163,4.878783095,4.878783112,4.878783169,4.878783085,4.878783099
+"1765","C1orf159",5.965280231,5.965280317,5.96528033,5.96528024,5.965280529,5.965280349,5.965280313,5.965280415,5.965280327,5.96528026,5.965280223,5.965280473,5.965280405,5.965280169,5.965280409,5.965280279,5.965280442,5.965280376,5.965280225,5.965280355,5.965280431,5.96528041,5.965280279,5.965280114,5.965280122,5.965280319,5.96528022,5.96528033
+"1766","C1orf162",8.549814364,8.549813595,8.549813563,8.54981288,8.549814009,8.549814968,8.549812989,8.54981275,8.549813185,8.549814671,8.549813174,8.549812855,8.549814015,8.549813808,8.549813157,8.549812809,8.549813167,8.549811824,8.549813754,8.549814699,8.549812734,8.5498125,8.549812699,8.549814228,8.54981332,8.549813216,8.549813683,8.549812707
+"1767","C1orf167",5.448260958,5.448260917,5.448261109,5.44826106,5.448261216,5.448261013,5.448261041,5.448261127,5.448260956,5.448261026,5.448261126,5.448261156,5.448261011,5.448260924,5.448261076,5.448261048,5.44826118,5.448261088,5.448261036,5.448261068,5.44826115,5.448261046,5.448260982,5.448261004,5.448261111,5.448261103,5.448261017,5.448261066
+"1768","C1orf174",7.143756497,7.143756254,7.143756059,7.143756019,7.14375606,7.143756466,7.143756218,7.143755684,7.143756212,7.143756534,7.143756231,7.143756014,7.143756371,7.143756745,7.143756305,7.14375628,7.14375624,7.143755643,7.143756245,7.143756513,7.143756097,7.143756054,7.14375642,7.143756606,7.143756188,7.143755852,7.143756395,7.143756641
+"1769","C1orf198",5.529962535,5.529963295,5.529963275,5.52996366,5.529963634,5.52996292,5.529963106,5.529963352,5.529962816,5.529963404,5.529963544,5.529963291,5.52996308,5.529962327,5.52996305,5.529962887,5.529962792,5.529963832,5.529963544,5.529962875,5.529963039,5.529963097,5.529962865,5.529963205,5.529963534,5.529963144,5.529963198,5.529962809
+"1770","C1orf21",6.311517913,6.311517808,6.311517853,6.311517696,6.31151778,6.311517757,6.311517882,6.311517965,6.311517736,6.311517803,6.311517818,6.311517709,6.311517806,6.311517831,6.311517898,6.311517835,6.311517823,6.311517775,6.311517741,6.31151772,6.311517866,6.311517858,6.311517903,6.311517853,6.31151778,6.311517839,6.311517785,6.311517799
+"1771","C1orf210",4.999458075,4.999458035,4.999458085,4.999458104,4.999458185,4.999458087,4.999458136,4.999458129,4.999458131,4.999458107,4.999458121,4.999458131,4.999458086,4.999458011,4.999458124,4.999458153,4.999458204,4.999458123,4.999458137,4.999458078,4.999458145,4.999458135,4.999458052,4.999458101,4.999458126,4.999458137,4.999458034,4.999458107
+"1772","C1orf216",5.701020583,5.701020582,5.701020636,5.701020604,5.701020613,5.701020602,5.701020595,5.701020619,5.701020599,5.701020582,5.701020617,5.701020634,5.701020596,5.701020589,5.701020601,5.701020619,5.701020638,5.701020616,5.701020571,5.701020614,5.70102062,5.701020611,5.701020604,5.701020588,5.70102061,5.701020613,5.701020594,5.701020621
+"1773","C1orf220",5.544631981,5.544631923,5.544631985,5.544631977,5.544631955,5.544631965,5.544631973,5.544631964,5.544631962,5.54463197,5.544631973,5.544631969,5.544631966,5.544631951,5.544631984,5.544631943,5.544631982,5.544631951,5.544631954,5.544631958,5.544631975,5.544631974,5.544631969,5.54463198,5.544631951,5.544631971,5.544631957,5.544631966
+"1774","C1orf35",7.042393212,7.042393022,7.042393488,7.042393131,7.042393685,7.042392927,7.042393375,7.042393469,7.042393256,7.042393245,7.042393498,7.04239393,7.042393478,7.042393093,7.042393534,7.042393472,7.042393739,7.042393545,7.042393498,7.042393132,7.042393576,7.042393496,7.042393168,7.042393115,7.042393429,7.042393568,7.042393215,7.04239354
+"1775","C1orf43",7.644444166,7.644444105,7.644444211,7.644444106,7.644444,7.644444095,7.644444104,7.644444064,7.64444412,7.644444126,7.644444045,7.644444007,7.644444128,7.644444197,7.644444055,7.644444091,7.64444406,7.644444033,7.644444063,7.644444218,7.644444136,7.644444074,7.64444413,7.644444126,7.644444099,7.644444088,7.644444116,7.644444125
+"1776","C1orf50",6.154103969,6.154103971,6.154103974,6.154103968,6.154103957,6.154103963,6.154103961,6.154103966,6.154103971,6.15410396,6.154103965,6.154103964,6.154103969,6.154103963,6.154103974,6.154103969,6.154103961,6.154103963,6.154103964,6.154103957,6.154103963,6.154103968,6.154103964,6.154103975,6.154103968,6.154103964,6.154103977,6.154103981
+"1777","C1orf52",5.973226899,5.973226911,5.973226903,5.973226868,5.973226849,5.973226818,5.973226943,5.973226875,5.973226893,5.97322684,5.973226709,5.973226845,5.973226863,5.973227022,5.973226946,5.973226913,5.973226906,5.973226885,5.973226923,5.973226913,5.973226866,5.973226897,5.973226975,5.973226912,5.973226836,5.97322688,5.973226943,5.973226993
+"1778","C1orf53",5.968392022,5.968392094,5.968392381,5.968392149,5.96839269,5.968392222,5.968392308,5.968392306,5.968392202,5.968392422,5.968392487,5.96839272,5.968392251,5.968391863,5.968392501,5.968391974,5.968392557,5.968392328,5.968392415,5.968392139,5.968392279,5.968392421,5.968392279,5.968391958,5.96839231,5.968392299,5.968392156,5.968392396
+"1779","C1orf54",3.788945273,3.788945276,3.788945233,3.788945255,3.788945285,3.788945272,3.788945342,3.788945327,3.788945278,3.788945403,3.788945286,3.788945265,3.788945278,3.78894529,3.788945334,3.788945242,3.788945354,3.788945294,3.788945266,3.78894526,3.788945222,3.78894532,3.788945332,3.788945241,3.788945222,3.788945276,3.788945266,3.788945232
+"1780","C1orf56",6.234751464,6.234751364,6.234751482,6.234751521,6.234751626,6.234751495,6.234751518,6.234751575,6.234751452,6.23475155,6.234751597,6.234751614,6.234751501,6.234751255,6.234751642,6.234751446,6.234751638,6.234751617,6.234751579,6.234751376,6.234751629,6.234751554,6.234751358,6.234751413,6.234751482,6.234751577,6.234751404,6.234751499
+"1781","C1orf68",5.481580184,5.481580255,5.481580291,5.481580187,5.481580269,5.481580284,5.481580193,5.481580221,5.481580293,5.481580304,5.481580254,5.481580222,5.481580237,5.481580224,5.481580238,5.481580243,5.481580292,5.481580166,5.481580268,5.481580274,5.481580261,5.481580222,5.481580263,5.481580226,5.481580256,5.48158023,5.481580263,5.481580235
+"1782","C1orf74",4.79703305,4.797032982,4.797033298,4.797033031,4.797033274,4.797033046,4.797033238,4.797033252,4.797033266,4.797033055,4.797033142,4.797033208,4.797033105,4.797033015,4.797033138,4.797033163,4.797033174,4.797033282,4.79703313,4.797033184,4.797033167,4.797033225,4.797033196,4.797033018,4.797033153,4.79703318,4.797032996,4.797033172
+"1783","C1orf87",4.094451693,4.094451683,4.094451707,4.094451666,4.094451757,4.094451687,4.094451745,4.09445167,4.094451658,4.094451671,4.094451718,4.094451842,4.094451679,4.094451593,4.094451745,4.094451661,4.094451747,4.094451694,4.094451698,4.094451675,4.094451764,4.094451768,4.094451636,4.094451586,4.094451708,4.094451736,4.094451583,4.094451715
+"1784","C1orf94",4.245910294,4.245910394,4.245910442,4.245910393,4.245910593,4.245910431,4.245910408,4.245910572,4.245910382,4.245910531,4.245910489,4.245910476,4.245910345,4.245910236,4.245910497,4.245910591,4.245910517,4.245910543,4.245910459,4.245910436,4.245910464,4.245910495,4.245910422,4.24591048,4.245910507,4.245910539,4.245910443,4.245910456
+"1785","C1QA",4.714467618,4.714467611,4.714467623,4.714467597,4.714467647,4.714467627,4.71446763,4.71446764,4.714467592,4.714467656,4.714467634,4.714467635,4.714467636,4.714467583,4.714467646,4.714467623,4.714467649,4.714467611,4.71446761,4.714467649,4.714467627,4.714467622,4.71446761,4.714467634,4.71446763,4.714467628,4.714467629,4.714467609
+"1786","C1QB",5.283555921,5.283555878,5.283556075,5.283555934,5.283556042,5.283556167,5.283556063,5.283556119,5.283555908,5.283556005,5.283556121,5.28355609,5.283556023,5.283555731,5.283556162,5.283556065,5.28355602,5.283556019,5.283555993,5.283556119,5.283556122,5.283555943,5.283555848,5.283555954,5.283556054,5.283556009,5.283555953,5.283555986
+"1787","C1QBP",7.246439109,7.246438931,7.246438886,7.246438691,7.246438863,7.246439145,7.246439194,7.24643895,7.246439242,7.24643923,7.246438769,7.246439024,7.246438922,7.246439246,7.246438878,7.246438745,7.246438618,7.246438549,7.246438808,7.246438922,7.246439031,7.246439011,7.246439247,7.246438934,7.246438518,7.24643898,7.246438954,7.246439232
+"1788","C1QC",5.165161948,5.165161907,5.16516194,5.165161947,5.165161998,5.165161984,5.165161968,5.165161955,5.165161943,5.165161944,5.165161928,5.165161981,5.165161961,5.165161881,5.165161987,5.165161947,5.165162004,5.165161946,5.165161968,5.165161981,5.165161975,5.165161978,5.165161926,5.165161945,5.16516193,5.16516195,5.165161951,5.165161966
+"1789","C1QL1",6.83971918,6.839719118,6.839719945,6.839719526,6.839720705,6.839719807,6.839719735,6.839720035,6.839719903,6.839719975,6.839720352,6.839720538,6.839719397,6.839718542,6.839720446,6.839719636,6.839720355,6.839719806,6.839719913,6.839719185,6.839719999,6.839719918,6.839719295,6.839719266,6.839719976,6.839720195,6.839719671,6.839719514
+"1790","C1QL2",4.456245631,4.45624564,4.456245733,4.456245678,4.4562457,4.456245675,4.45624565,4.456245691,4.456245651,4.456245694,4.456245696,4.456245671,4.456245706,4.456245639,4.456245654,4.456245658,4.456245644,4.456245692,4.456245641,4.456245662,4.456245637,4.456245693,4.456245641,4.456245685,4.456245695,4.45624567,4.45624569,4.456245632
+"1791","C1QL3",6.528724022,6.528724014,6.528724118,6.528724092,6.528724332,6.528724054,6.52872411,6.5287242,6.528724153,6.528724185,6.528724212,6.528724232,6.528724127,6.528723893,6.528724228,6.528724062,6.52872427,6.528724095,6.528724156,6.528724082,6.528724203,6.528724205,6.528724089,6.528724008,6.528724135,6.528724194,6.528724111,6.528724165
+"1792","C1QL4",5.957803897,5.957803925,5.957804089,5.957803964,5.957804058,5.957803873,5.957803989,5.957804059,5.957803933,5.95780401,5.957804101,5.95780411,5.957803945,5.957803789,5.957804048,5.957803999,5.957804115,5.957804047,5.957803976,5.957803969,5.957804039,5.957804053,5.957803917,5.957803894,5.957803993,5.95780401,5.957803977,5.957804036
+"1793","C1QTNF1",5.915441328,5.915441489,5.915441696,5.915441462,5.915441956,5.915441201,5.915441751,5.915441739,5.915441644,5.915441558,5.915441632,5.915441751,5.915441465,5.915441231,5.915441794,5.915441905,5.915441976,5.915441756,5.915441757,5.915441625,5.915441925,5.915441808,5.915441597,5.915441407,5.915441551,5.915441895,5.91544129,5.91544168
+"1794","C1QTNF12",6.00877991,6.008780374,6.008780904,6.008780491,6.008781619,6.008780266,6.008780716,6.008781026,6.008780793,6.008780841,6.008780718,6.008781304,6.008780702,6.008779775,6.008781066,6.008780635,6.008781504,6.008781103,6.008780601,6.008780685,6.008781194,6.008781057,6.008780579,6.008780336,6.008780897,6.008781002,6.008780399,6.008781004
+"1795","C1QTNF2",5.554160337,5.554160328,5.554160461,5.554160374,5.554160453,5.554160336,5.554160245,5.554160567,5.554160434,5.554160323,5.554160502,5.554160543,5.554160335,5.554160092,5.554160408,5.554160376,5.554160512,5.55416059,5.554160296,5.554160311,5.554160457,5.554160486,5.554160308,5.554160427,5.554160571,5.554160393,5.554160352,5.554160444
+"1796","C1QTNF4",6.344577822,6.344577685,6.344578079,6.344577891,6.344578381,6.344578016,6.344577992,6.344578156,6.344577944,6.34457803,6.344578206,6.344578253,6.34457797,6.344577634,6.344578154,6.344577804,6.344578331,6.344578091,6.344578106,6.344577997,6.344578207,6.34457815,6.344577795,6.344577782,6.344578024,6.344578169,6.344577997,6.34457802
+"1797","C1QTNF6",5.196792205,5.196792228,5.19679223,5.196792219,5.196792227,5.196792203,5.196792207,5.196792227,5.196792216,5.196792222,5.196792233,5.196792225,5.196792206,5.196792203,5.196792219,5.19679223,5.196792233,5.196792221,5.196792201,5.196792213,5.196792221,5.196792237,5.19679222,5.19679222,5.196792224,5.196792209,5.196792217,5.196792227
+"1798","C1QTNF7",3.358987754,3.358987773,3.35898783,3.358987866,3.358987846,3.358987861,3.358987784,3.358987771,3.358987816,3.358987802,3.358987851,3.358987865,3.358987799,3.35898777,3.358987805,3.35898787,3.358987904,3.358987863,3.358987878,3.358987767,3.358987858,3.358987815,3.358987741,3.358987804,3.358987778,3.3589878,3.358987805,3.358987779
+"1799","C1QTNF8",5.448896871,5.448896863,5.448896917,5.448896884,5.448896909,5.44889686,5.448896863,5.448896893,5.448896872,5.448896894,5.448896894,5.448896888,5.448896883,5.448896809,5.448896901,5.448896898,5.448896929,5.448896907,5.448896889,5.448896916,5.448896885,5.448896879,5.448896886,5.44889688,5.448896892,5.44889689,5.448896877,5.448896904
+"1800","C1QTNF9",3.265881293,3.265881196,3.265881333,3.265881239,3.26588132,3.265881268,3.265881323,3.265881264,3.265881256,3.265881252,3.265881357,3.265881267,3.265881306,3.26588132,3.265881346,3.265881273,3.265881376,3.265881258,3.265881334,3.265881334,3.265881441,3.265881424,3.265881373,3.265881304,3.265881431,3.265881321,3.265881276,3.265881285
+"1801","C1QTNF9B",3.572204539,3.572204473,3.572204665,3.572204568,3.572204439,3.572204565,3.572204627,3.572204575,3.572204411,3.572204493,3.57220459,3.572204482,3.572204519,3.572204493,3.572204473,3.572204396,3.572204551,3.572204614,3.572204626,3.572204571,3.572204485,3.572204458,3.572204388,3.57220445,3.572204357,3.572204702,3.572204456,3.572204489
+"1802","C1R",5.355770784,5.355770566,5.355770837,5.355770841,5.35577104,5.355771007,5.355770672,5.355770858,5.355770863,5.355770718,5.35577072,5.355770995,5.355770575,5.355770765,5.355771042,5.355770757,5.355771048,5.35577094,5.355770845,5.355771025,5.355771066,5.355771014,5.355770898,5.355770735,5.355770883,5.35577088,5.355770597,5.355770937
+"1803","C1RL",7.503317658,7.503318297,7.503317541,7.503318429,7.503317435,7.503318359,7.503318313,7.50331785,7.503317968,7.503317876,7.503318252,7.503317103,7.503318008,7.503317902,7.503317586,7.503318425,7.503317438,7.503318081,7.503318019,7.503318656,7.503317907,7.503318226,7.503318346,7.503318627,7.503318636,7.503317758,7.50331761,7.503317547
+"1804","C1RL-AS1",5.748517249,5.748517755,5.748517536,5.748517475,5.74851741,5.748517721,5.748517546,5.748517375,5.748517429,5.74851758,5.748517608,5.748517156,5.748517335,5.748517396,5.748517395,5.748517712,5.748517437,5.74851739,5.748517408,5.748517634,5.748517467,5.748517539,5.748517559,5.748517539,5.74851749,5.748517375,5.748517432,5.748517327
+"1805","C1S",3.899839051,3.899839041,3.899839135,3.899839129,3.899839131,3.899839058,3.899839095,3.89983919,3.899839084,3.89983913,3.899839114,3.899839232,3.899839124,3.89983908,3.899839146,3.899839141,3.899839153,3.899839178,3.899839183,3.899839058,3.899839123,3.899839115,3.899839108,3.899839061,3.89983911,3.899839145,3.899839094,3.899839102
+"1806","C2",3.8842234475,3.8842235995,3.884220108,3.8842198725,3.8842238905,3.884224541,3.884221597,3.884221805,3.884223328,3.884222849,3.8842243445,3.8842197665,3.884220038,3.884218871,3.8842216185,3.8842208905,3.884225057,3.884221424,3.884220026,3.8842211605,3.8842255705,3.8842207595,3.8842260775,3.884223582,3.884222227,3.884224819,3.884225537,3.8842192985
+"1807","C20orf141",5.317473752,5.317473778,5.317473813,5.317473772,5.317473767,5.31747382,5.317473755,5.317473794,5.317473772,5.317473775,5.317473782,5.317473798,5.317473746,5.317473746,5.31747376,5.317473738,5.317473821,5.317473773,5.317473709,5.317473777,5.317473733,5.317473774,5.317473746,5.317473775,5.317473759,5.317473727,5.317473786,5.317473743
+"1808","C20orf144",7.153680236,7.153680158,7.153680309,7.153680206,7.153680467,7.153680239,7.153680294,7.153680389,7.15368023,7.153680348,7.153680413,7.153680471,7.153680289,7.153680004,7.153680423,7.153680084,7.153680425,7.153680309,7.153680251,7.153680397,7.153680424,7.153680386,7.153680166,7.153680158,7.153680282,7.153680276,7.153680298,7.153680303
+"1809","C20orf173",4.641219507,4.64121965,4.641219675,4.641219812,4.641219869,4.641219665,4.641219668,4.641219746,4.641219794,4.641219819,4.641219684,4.641219885,4.641219694,4.64121946,4.641219592,4.6412197,4.641219909,4.641219787,4.641219606,4.641219669,4.641219648,4.641219857,4.641219695,4.641219635,4.641219776,4.641219588,4.641219605,4.641219682
+"1810","C20orf181",6.296118513,6.296118306,6.296118612,6.296118564,6.296118561,6.296117956,6.296118519,6.296118461,6.296118389,6.296118248,6.296118528,6.296118729,6.296118599,6.296118155,6.296118498,6.296118433,6.296118677,6.29611872,6.296118741,6.296118427,6.296118649,6.296118659,6.296118267,6.296118359,6.296118551,6.296118499,6.296118353,6.296118424
+"1811","C20orf203",3.924929706,3.924929705,3.924929745,3.924929696,3.924929638,3.92492966,3.924929624,3.924929587,3.924929722,3.924929692,3.924929645,3.924929701,3.924929653,3.924929673,3.924929669,3.924929701,3.924929731,3.924929743,3.924929638,3.924929668,3.92492966,3.924929688,3.924929648,3.9249296,3.924929674,3.924929665,3.92492966,3.924929591
+"1812","C20orf204",6.135881569,6.135881608,6.135881663,6.135881668,6.135881792,6.135881605,6.135881715,6.135881812,6.135881606,6.135881736,6.13588162,6.1358818,6.135881584,6.135881529,6.135881767,6.135881684,6.135881836,6.135881635,6.135881671,6.135881719,6.135881729,6.135881764,6.135881595,6.13588161,6.13588163,6.135881748,6.135881579,6.135881513
+"1813","C20orf27",6.312616871,6.312616944,6.312616988,6.312616963,6.312617045,6.312616928,6.312617012,6.312617019,6.312617049,6.312617044,6.312617061,6.312616998,6.312617016,6.312616831,6.31261709,6.312617084,6.312617082,6.312616973,6.312616969,6.312617012,6.312617053,6.312617049,6.312616943,6.31261699,6.312616945,6.312616995,6.312616927,6.312616964
+"1814","C20orf85",4.912257627,4.912257742,4.912257699,4.912257497,4.912258094,4.912257527,4.912257779,4.912257921,4.912257584,4.912257561,4.912257798,4.912257999,4.912257533,4.912257198,4.912257873,4.912257816,4.912258025,4.912257773,4.912257701,4.912257594,4.912257729,4.912257869,4.912257521,4.912257401,4.912257714,4.912257858,4.912257542,4.912257607
+"1815","C20orf96",4.252984111,4.252984054,4.252984135,4.252984139,4.252984079,4.252984095,4.252984128,4.25298408,4.252984092,4.252984119,4.252984086,4.252984156,4.252984081,4.252984037,4.252984162,4.252984091,4.252984152,4.252984065,4.252984095,4.252984117,4.2529841,4.252984126,4.252984051,4.252984106,4.252984079,4.252984149,4.252984042,4.2529841
+"1816","C21orf58",5.313047185,5.313047196,5.313047208,5.313047202,5.313047222,5.313047195,5.313047207,5.313047215,5.313047195,5.313047205,5.313047215,5.313047223,5.313047194,5.313047153,5.313047211,5.313047205,5.313047225,5.313047211,5.313047192,5.313047197,5.313047207,5.313047217,5.313047201,5.313047198,5.313047218,5.313047208,5.313047195,5.313047192
+"1817","C21orf62",3.779403011,3.779403032,3.779403012,3.779403036,3.779403019,3.779402987,3.779403015,3.779403108,3.779403075,3.779403015,3.779402991,3.779403049,3.779402979,3.779403022,3.779403072,3.779403025,3.779403029,3.779403051,3.779403004,3.779403028,3.779403003,3.779403095,3.779403073,3.779402995,3.779403019,3.779403032,3.779403025,3.779403096
+"1818","C21orf62-AS1",4.834458419,4.834458388,4.834458417,4.834458458,4.834458384,4.834458557,4.834458382,4.834458402,4.834458451,4.834458485,4.834458361,4.834458448,4.834458517,4.834458476,4.834458358,4.834458305,4.834458362,4.83445847,4.83445842,4.834458427,4.83445808,4.834458248,4.834458507,4.834458486,4.834458456,4.834458399,4.834458422,4.834458423
+"1819","C21orf91",6.230350325,6.23035003,6.23034983,6.230349871,6.23034993,6.230350139,6.230350206,6.230349725,6.230349882,6.230349736,6.230349869,6.230349719,6.230349985,6.230350446,6.230350048,6.230349794,6.230349735,6.230349802,6.230350264,6.230349903,6.230350216,6.230349993,6.230350179,6.230350142,6.230350003,6.230349873,6.230349988,6.23035037
+"1820","C22orf15",4.836692726,4.836692712,4.836692758,4.836692709,4.836692817,4.83669272,4.836692787,4.836692778,4.836692725,4.836692761,4.836692791,4.836692824,4.836692747,4.836692661,4.8366928,4.836692738,4.836692786,4.836692767,4.836692724,4.836692759,4.836692774,4.836692803,4.836692726,4.836692736,4.836692787,4.836692771,4.836692703,4.836692754
+"1821","C22orf23",5.133192814,5.133192811,5.133192894,5.13319285,5.133193104,5.133192595,5.13319294,5.133193154,5.133192921,5.133192673,5.133192911,5.133193141,5.13319273,5.133192779,5.133193026,5.133192912,5.133193258,5.133193102,5.133192971,5.133192768,5.133193175,5.133193171,5.133192748,5.13319283,5.133193092,5.133192618,5.133192982,5.133193025
+"1822","C22orf31",3.333193906,3.333194017,3.333194156,3.333193993,3.333194072,3.333194072,3.333194018,3.333193971,3.333194045,3.333194041,3.333194201,3.333194016,3.333193949,3.333194061,3.333194023,3.333194147,3.333193936,3.333194009,3.333194024,3.333194034,3.333193926,3.333194006,3.333194017,3.333194042,3.333193981,3.33319394,3.333193964,3.33319399
+"1823","C22orf42",4.44729605,4.447295959,4.447296073,4.447296218,4.447296774,4.44729632,4.447296387,4.447296263,4.447296008,4.447296082,4.447296862,4.44729727,4.44729641,4.447295566,4.447296738,4.447296484,4.447296923,4.447296715,4.447296388,4.447296193,4.447296736,4.447296754,4.447295791,4.447295911,4.447296389,4.447296748,4.44729599,4.447296518
+"1824","C22orf46",5.531803918,5.531803928,5.531803892,5.531803852,5.531803918,5.531803918,5.531803919,5.531803896,5.531803964,5.531803936,5.531803897,5.531803875,5.531803914,5.531803987,5.531803916,5.531803921,5.531803885,5.531803873,5.531803882,5.531803871,5.531803893,5.531803912,5.531803944,5.531803936,5.531803908,5.531803905,5.531803915,5.531803985
+"1825","C2CD2",5.764998912,5.764998894,5.764998911,5.764998887,5.764998914,5.764998941,5.7649989,5.764998919,5.764998927,5.764998929,5.764998909,5.764998921,5.764998919,5.764998926,5.764998922,5.764998911,5.764998893,5.764998904,5.764998916,5.764998927,5.764998912,5.764998923,5.764998927,5.764998914,5.764998915,5.764998925,5.7649989,5.76499891
+"1826","C2CD2L",6.671621742,6.671621891,6.671621684,6.671621937,6.671621877,6.671622137,6.671621902,6.67162186,6.671621811,6.671621932,6.671621815,6.671621849,6.6716219,6.671621696,6.671621722,6.671621727,6.671621679,6.671621869,6.671621853,6.671621836,6.671621861,6.671621931,6.671621739,6.671621714,6.671621723,6.671621813,6.671621967,6.671621688
+"1827","C2CD3",6.2617138495,6.2617138255,6.261713771,6.2617138215,6.2617137715,6.26171393,6.2617138725,6.2617137955,6.261713875,6.261713815,6.2617138,6.261713725,6.261713866,6.2617138465,6.261713825,6.2617137765,6.261713706,6.2617138245,6.261713867,6.2617139045,6.2617138135,6.261713737,6.2617137625,6.261713783,6.261713796,6.261713826,6.261713874,6.261713743
+"1828","C2CD4A",5.664570266,5.664570315,5.664570313,5.664570261,5.66457043,5.66457028,5.66457034,5.664570381,5.664570335,5.664570308,5.664570357,5.664570387,5.664570324,5.664570241,5.664570408,5.664570326,5.664570392,5.664570351,5.66457032,5.664570329,5.664570397,5.664570355,5.664570252,5.664570283,5.664570318,5.664570365,5.664570287,5.664570347
+"1829","C2CD4B",6.207379329,6.207379286,6.207379495,6.207379361,6.207379636,6.207379392,6.207379512,6.207379524,6.207379477,6.207379492,6.207379536,6.20737974,6.207379273,6.207379094,6.207379643,6.207379366,6.207379588,6.207379515,6.207379497,6.207379467,6.20737954,6.207379563,6.207379259,6.207379176,6.207379429,6.207379506,6.207379418,6.207379435
+"1830","C2CD4C",6.156079381,6.156079487,6.156079488,6.156079404,6.156080033,6.156079651,6.156079601,6.156079707,6.156079498,6.156079693,6.156079638,6.156080066,6.156079562,6.156079127,6.156079927,6.156079476,6.156080098,6.156079681,6.156079634,6.156079535,6.15607984,6.156079832,6.156079457,6.156079333,6.156079298,6.15607976,6.156079447,6.156079619
+"1831","C2CD5",7.18536578,7.185365253,7.185365095,7.185365265,7.185364815,7.185364736,7.185365571,7.185364793,7.185365322,7.185365142,7.185364891,7.185364562,7.185365392,7.185366402,7.185365396,7.185365247,7.185364969,7.185364713,7.185365598,7.18536482,7.185365419,7.185364999,7.18536549,7.185365414,7.185364697,7.185364944,7.185365322,7.185365695
+"1832","C2CD6",3.41078062,3.410780628,3.410780639,3.410780647,3.410780657,3.410780649,3.410780646,3.410780651,3.410780635,3.410780651,3.410780669,3.410780674,3.410780651,3.410780623,3.410780631,3.410780664,3.410780711,3.410780669,3.410780657,3.410780635,3.410780647,3.410780646,3.410780641,3.410780652,3.41078066,3.410780657,3.410780665,3.410780648
+"1833","C2orf15",3.262512437,3.262512437,3.262512444,3.262512438,3.262512422,3.262512429,3.262512443,3.262512448,3.262512436,3.262512473,3.26251244,3.262512426,3.262512455,3.262512447,3.262512408,3.262512417,3.262512427,3.262512444,3.262512431,3.262512406,3.262512432,3.262512452,3.262512447,3.262512449,3.262512437,3.262512417,3.262512467,3.262512457
+"1834","C2orf16",3.546305595,3.546305776,3.546305805,3.546305688,3.546305904,3.546305758,3.546305675,3.54630584,3.546305698,3.546305696,3.546305876,3.546305851,3.546305875,3.546305674,3.546305771,3.546305715,3.546305786,3.546305799,3.546305735,3.546305798,3.546305866,3.546305848,3.546305839,3.546305688,3.546305671,3.546305942,3.546305718,3.546305713
+"1835","C2orf42",6.110401338,6.110401255,6.110400972,6.110401117,6.110401186,6.11040135,6.110401356,6.110401189,6.110401339,6.110401081,6.110401187,6.110401234,6.110401245,6.110401467,6.110401252,6.110401081,6.110401051,6.110401129,6.11040134,6.110401215,6.110401164,6.110401192,6.11040133,6.110401225,6.110401089,6.110401234,6.11040138,6.110401226
+"1836","C2orf49",6.022262755,6.022262761,6.022262781,6.022262741,6.022262701,6.022262787,6.022262717,6.022262697,6.022262804,6.022262758,6.022262763,6.022262645,6.022262758,6.022262838,6.02226269,6.022262743,6.022262682,6.022262698,6.022262741,6.022262781,6.022262715,6.022262725,6.0222628,6.022262772,6.022262705,6.022262716,6.022262807,6.022262769
+"1837","C2orf50",5.034459367,5.034459454,5.03445964,5.034459646,5.034459646,5.034459264,5.034459364,5.034459654,5.034459604,5.034459582,5.034459582,5.034459664,5.034459614,5.034459372,5.034459596,5.034459498,5.034459469,5.034459647,5.034459539,5.034459456,5.034459588,5.03445967,5.034459522,5.034459705,5.034459608,5.034459632,5.034459547,5.034459511
+"1838","C2orf66",3.803478855,3.803478857,3.803478845,3.80347888,3.803478856,3.803478884,3.803478846,3.803478867,3.803478869,3.803478831,3.80347885,3.803478869,3.803478851,3.803478851,3.803478856,3.803478874,3.803478848,3.803478866,3.803478859,3.803478858,3.803478854,3.803478852,3.803478841,3.803478861,3.803478857,3.803478824,3.80347885,3.803478857
+"1839","C2orf68",8.248442852,8.248442823,8.248443021,8.248442859,8.248443274,8.248442843,8.248443123,8.248443102,8.248443125,8.248443023,8.248443059,8.248443269,8.248442987,8.24844277,8.248443289,8.248443159,8.248443335,8.248443019,8.248443035,8.248443102,8.248443214,8.248443175,8.248442996,8.248443028,8.248442965,8.248443183,8.248442912,8.248443248
+"1840","C2orf69",5.671863863,5.671863848,5.671863836,5.671863825,5.671863877,5.671863836,5.671863844,5.671863864,5.67186387,5.671863853,5.671863855,5.671863847,5.671863866,5.671863883,5.671863882,5.671863853,5.671863861,5.671863848,5.671863859,5.671863817,5.671863879,5.671863845,5.671863877,5.671863861,5.671863863,5.671863851,5.671863831,5.67186388
+"1841","C2orf73",3.204646392,3.204646535,3.204646394,3.204646623,3.204646502,3.204646373,3.204646492,3.204646538,3.204646397,3.2046464,3.204646437,3.204646715,3.204646482,3.204646425,3.204646649,3.204646736,3.204646777,3.20464648,3.204646501,3.204646535,3.204646475,3.204646655,3.204646744,3.204646487,3.204646506,3.204646425,3.204646387,3.204646321
+"1842","C2orf74-DT",4.000532612,4.000532566,4.000532567,4.000532572,4.000532603,4.000532584,4.000532599,4.000532562,4.00053261,4.000532592,4.000532547,4.000532582,4.000532596,4.000532604,4.000532592,4.000532553,4.000532601,4.000532569,4.000532628,4.000532599,4.000532573,4.000532564,4.000532618,4.000532605,4.000532544,4.000532574,4.000532603,4.000532569
+"1843","C2orf76",3.403386705,3.403386704,3.403386749,3.403386673,3.403386707,3.403386525,3.403386768,3.403386641,3.403386639,3.403386681,3.403386857,3.403386602,3.403386673,3.403386666,3.403386675,3.403386773,3.403386671,3.403386551,3.403386623,3.403386664,3.403386679,3.403386676,3.403386664,3.403386669,3.403386684,3.403386665,3.403386592,3.403386667
+"1844","C2orf78",4.321464396,4.321464425,4.321464477,4.321464474,4.321464535,4.321464432,4.321464471,4.321464496,4.321464443,4.321464416,4.321464414,4.321464498,4.321464401,4.321464368,4.321464503,4.321464503,4.321464511,4.321464468,4.321464454,4.321464504,4.321464529,4.321464494,4.321464447,4.321464388,4.321464461,4.32146446,4.321464417,4.321464494
+"1845","C2orf80",3.635473215,3.635473239,3.635473251,3.635473244,3.635473396,3.635473295,3.635473276,3.635473314,3.635473208,3.635473394,3.635473448,3.635473862,3.635473193,3.63547317,3.635473482,3.635473311,3.635473649,3.635473487,3.63547332,3.635473472,3.635473453,3.635473319,3.635473287,3.635473092,3.63547314,3.635473321,3.635473303,3.635473281
+"1846","C2orf81",5.862668869,5.862668882,5.862668966,5.862668873,5.862668951,5.862668862,5.862668913,5.862668979,5.862668964,5.862668935,5.862668951,5.862668983,5.862668944,5.86266884,5.862668981,5.862668944,5.862669035,5.862669011,5.862668951,5.862668932,5.862669003,5.862668976,5.862668914,5.86266886,5.862668974,5.862668979,5.862668866,5.862668977
+"1847","C2orf83",4.523773353,4.523773415,4.523773448,4.523773377,4.523773421,4.523773378,4.523773373,4.523773477,4.523773423,4.523773374,4.523773318,4.523773449,4.523773346,4.523773385,4.523773416,4.523773514,4.523773474,4.523773388,4.523773407,4.523773381,4.523773474,4.523773456,4.523773404,4.523773382,4.523773391,4.523773367,4.523773393,4.523773418
+"1848","C2orf88",5.656752745,5.656752799,5.656752765,5.656752849,5.656752842,5.656752821,5.656752809,5.6567528,5.656752705,5.656752787,5.656752817,5.656752851,5.656752712,5.656752722,5.656752741,5.656752764,5.656752758,5.656752819,5.656752736,5.656752774,5.656752782,5.656752706,5.656752764,5.656752826,5.656752838,5.656752767,5.656752792,5.656752766
+"1849","C3",4.536461207,4.536461297,4.536461246,4.536461247,4.536461358,4.536461213,4.536461263,4.53646131,4.536461257,4.536461274,4.536461332,4.536461364,4.536461302,4.536461251,4.536461348,4.536461212,4.536461354,4.536461308,4.536461243,4.53646119,4.536461391,4.536461337,4.536461183,4.536461219,4.536461271,4.536461335,4.536461206,4.536461333
+"1850","C3AR1",7.451891483,7.879034671,6.755520529,7.53403513,7.996395828,7.914546038,7.409528427,7.02607983,7.357772353,7.456143456,7.495897972,6.801138695,6.840872822,7.513291476,7.268956605,7.561332582,6.687924496,7.0685146,7.960842324,8.105644455,7.27559806,7.170327204,7.453313641,7.45397426,7.323507938,6.947410501,6.85039028,7.572315001
+"1851","C3orf14",3.002223406,3.002223441,3.002223437,3.002223419,3.002223408,3.00222346,3.002223432,3.00222341,3.002223414,3.002223412,3.002223445,3.002223464,3.002223407,3.002223419,3.002223415,3.00222341,3.002223432,3.002223451,3.002223411,3.002223456,3.002223409,3.002223413,3.002223419,3.002223422,3.002223429,3.002223419,3.002223409,3.002223433
+"1852","C3orf18",5.98933708,5.989337113,5.989337114,5.989337056,5.989337138,5.989337074,5.989337112,5.989337109,5.989337098,5.989337135,5.989337127,5.989337125,5.989337111,5.989337053,5.989337124,5.9893371,5.989337092,5.98933711,5.989337107,5.989337111,5.989337118,5.989337129,5.989337102,5.989337092,5.989337096,5.989337135,5.989337087,5.989337147
+"1853","C3orf20",4.613125366,4.613125379,4.613125375,4.613125399,4.613125398,4.613125394,4.613125383,4.613125401,4.613125385,4.613125383,4.613125376,4.613125387,4.613125392,4.613125379,4.61312538,4.613125391,4.613125406,4.613125399,4.613125385,4.613125376,4.613125394,4.613125396,4.613125388,4.613125359,4.613125384,4.613125391,4.61312539,4.613125388
+"1854","C3orf22",4.641404145,4.641404155,4.641404213,4.641404154,4.641404218,4.641404129,4.641404187,4.641404183,4.641404217,4.64140423,4.64140428,4.641404281,4.641404279,4.641404153,4.641404302,4.641404295,4.641404281,4.641404226,4.641404272,4.641404221,4.641404203,4.641404204,4.641404151,4.641404159,4.641404297,4.641404204,4.641404199,4.641404122
+"1855","C3orf33",4.036599295,4.036599332,4.036599285,4.036599274,4.036599247,4.036599367,4.036599261,4.036599342,4.036599239,4.036599342,4.036599381,4.036599282,4.03659927,4.036599347,4.036599355,4.036599415,4.036599255,4.036599263,4.036599387,4.036599358,4.036599266,4.036599302,4.036599382,4.036599363,4.036599239,4.036599275,4.036599294,4.036599364
+"1856","C3orf36",4.594990388,4.594990414,4.594990438,4.594990403,4.594990446,4.594990405,4.59499041,4.594990449,4.594990455,4.59499044,4.59499044,4.594990463,4.59499041,4.594990412,4.594990447,4.594990424,4.594990472,4.594990405,4.594990414,4.5949904,4.594990436,4.594990443,4.59499043,4.594990429,4.594990412,4.594990445,4.59499042,4.594990436
+"1857","C3orf38",6.049937168,6.049936694,6.04993679,6.049936559,6.049936373,6.04993696,6.049936937,6.049936323,6.049936611,6.049936933,6.049936247,6.049935947,6.049936863,6.049937993,6.049936805,6.049935946,6.049936415,6.049936213,6.049936528,6.04993707,6.049936737,6.049936453,6.049937062,6.049936749,6.049936303,6.04993634,6.04993684,6.049937461
+"1858","C3orf52",4.018038709,4.018038723,4.01803875,4.018038803,4.01803886,4.018038788,4.018038852,4.018038752,4.018038788,4.018038883,4.018038686,4.018038799,4.018038723,4.018038705,4.018038663,4.018038797,4.018038836,4.018038712,4.018038698,4.018038727,4.01803876,4.01803882,4.018038758,4.018038783,4.018038737,4.018038793,4.018038851,4.018038777
+"1859","C3orf56",4.25061942,4.250619374,4.250619383,4.25061938,4.250619352,4.250619418,4.250619361,4.250619435,4.250619436,4.250619432,4.25061942,4.2506194,4.250619379,4.25061933,4.250619374,4.250619401,4.250619408,4.250619397,4.250619375,4.250619409,4.250619404,4.250619448,4.250619404,4.250619399,4.250619361,4.250619395,4.250619402,4.250619356
+"1860","C3orf70",5.20686977,5.206869776,5.206869778,5.206869727,5.206869862,5.2068698,5.206869804,5.206869804,5.206869779,5.206869836,5.206869819,5.206869877,5.206869758,5.206869744,5.206869854,5.20686974,5.206869855,5.206869804,5.206869806,5.206869829,5.20686984,5.20686981,5.206869771,5.206869739,5.206869766,5.206869825,5.206869775,5.206869792
+"1861","C3orf80",4.033604281,4.033604294,4.033604342,4.03360431,4.033604333,4.0336043,4.03360435,4.033604333,4.033604348,4.033604311,4.033604285,4.033604366,4.033604327,4.033604295,4.033604329,4.033604342,4.033604353,4.033604326,4.033604299,4.033604363,4.033604289,4.033604355,4.033604312,4.033604325,4.033604258,4.033604339,4.033604292,4.03360426
+"1862","C3P1",4.449401785,4.449401788,4.449401798,4.449401803,4.449401817,4.449401787,4.449401797,4.449401798,4.449401768,4.449401804,4.4494018,4.449401805,4.449401775,4.449401794,4.449401795,4.449401786,4.449401833,4.449401828,4.449401782,4.449401812,4.449401819,4.449401792,4.449401771,4.449401769,4.449401778,4.449401795,4.44940176,4.44940179
+"1863","C4BPA",3.351308252,3.731158304,5.98764025,4.324446637,3.697703818,4.497736844,6.627579305,3.693667625,3.820915561,3.7375635,3.858782349,3.764585273,6.274629221,3.817317043,3.599032763,3.877317884,6.169200214,3.941778123,3.673803933,4.822372125,6.521063061,3.918769129,4.081615255,4.187142068,3.752915733,3.440990727,6.436651808,3.86663271
+"1864","C4BPB",3.897188556,3.897188605,3.897188773,3.897188793,3.897188903,3.897188736,3.897188842,3.897189059,3.897189003,3.897188723,3.897188736,3.897189344,3.897188812,3.897188784,3.89718908,3.897188712,3.897188795,3.897188938,3.897188863,3.897188636,3.897188866,3.897189184,3.897188483,3.897188675,3.897188793,3.897188964,3.89718882,3.897188815
+"1865","C4orf17",3.111055817,3.11105582,3.111055807,3.111055831,3.11105582,3.111055812,3.111055809,3.111055837,3.111055822,3.111055835,3.111055832,3.111055848,3.111055821,3.111055828,3.111055836,3.111055841,3.111055847,3.11105584,3.111055839,3.111055811,3.11105582,3.111055827,3.111055828,3.111055818,3.111055819,3.111055816,3.111055825,3.111055834
+"1866","C4orf19",4.076859584,4.076859563,4.076859686,4.076859587,4.076859597,4.076859642,4.076859591,4.076859615,4.076859635,4.076859648,4.076859657,4.076859735,4.076859587,4.076859556,4.07685959,4.076859559,4.076859649,4.076859629,4.076859563,4.076859519,4.076859567,4.076859614,4.076859579,4.076859564,4.07685959,4.076859576,4.076859533,4.076859594
+"1867","C4orf3",6.266682806,6.266682946,6.266682366,6.266682262,6.266682016,6.266682689,6.266682371,6.266682033,6.266682671,6.266682176,6.266682309,6.266681901,6.266682481,6.266683147,6.266682435,6.266683346,6.266682208,6.266682485,6.266682568,6.266681859,6.266682427,6.266682543,6.266682796,6.266682305,6.266682302,6.266682217,6.266682185,6.266682732
+"1868","C4orf33",4.493563002,4.493562972,4.493562979,4.493562953,4.493562973,4.493563043,4.493562996,4.493562916,4.493562981,4.493562997,4.493562983,4.493562946,4.49356304,4.493563033,4.493562914,4.493562928,4.493563012,4.493562924,4.493562987,4.493562965,4.493562949,4.493562955,4.493563009,4.493563008,4.493562985,4.493562978,4.493563025,4.493562957
+"1869","C4orf36",3.875344346,3.875344388,3.87534448,3.87534446,3.875344522,3.875344475,3.875344405,3.875344468,3.875344516,3.875344467,3.875344417,3.875344432,3.875344399,3.875344376,3.875344591,3.8753445,3.875344633,3.875344454,3.875344455,3.875344436,3.875344505,3.875344526,3.875344512,3.875344443,3.875344385,3.875344505,3.875344305,3.875344464
+"1870","C4orf45",2.753383703,2.753383834,2.75338404,2.753383746,2.753383694,2.753383739,2.753383697,2.7533837,2.753383923,2.753383825,2.753384078,2.753383817,2.7533836,2.753383652,2.753383956,2.753384084,2.753383889,2.75338388,2.75338387,2.753384049,2.753383592,2.753384161,2.753383793,2.753383769,2.753383898,2.753383871,2.753383764,2.753383958
+"1871","C4orf46",5.774363849,5.774363851,5.774363942,5.774363901,5.774364011,5.77436388,5.77436395,5.774363998,5.774363942,5.77436396,5.774363853,5.774364037,5.774363885,5.77436392,5.774363961,5.77436398,5.774364087,5.774363879,5.77436395,5.77436385,5.774363993,5.774363964,5.774363947,5.774363907,5.774363935,5.774363929,5.774364,5.774363927
+"1872","C4orf50",4.823559606,4.82355961,4.823559616,4.823559654,4.823559631,4.823559586,4.823559647,4.823559609,4.823559638,4.823559502,4.823559634,4.823559649,4.823559592,4.823559563,4.823559647,4.82355954,4.823559618,4.823559621,4.823559594,4.823559599,4.823559702,4.823559679,4.823559595,4.823559556,4.823559627,4.823559616,4.823559564,4.82355962
+"1873","C5",4.229900113,4.229900125,4.229900026,4.229900113,4.229900069,4.22990012,4.229900102,4.229899996,4.229900098,4.229900088,4.229900086,4.229900066,4.229900043,4.229900122,4.229900101,4.229900112,4.2299001,4.229900099,4.229900111,4.229900082,4.229900077,4.229900007,4.229900071,4.229900098,4.229900099,4.229900047,4.229900059,4.229900125
+"1874","C5AR1",8.518764332,9.220395373,8.853360098,9.192839348,8.563929499,8.96960199,8.737809708,8.721690201,8.744978856,8.745057861,8.897287643,8.285917318,8.655288722,8.394353521,8.822601508,9.20966417,8.971730637,9.216003229,8.805394369,9.1415467,8.762212653,8.714247871,8.970469869,9.097466816,9.122079659,8.63203008,8.600526562,8.289034131
+"1875","C5AR2",7.531445304,7.927742365,7.595173899,8.001055285,7.26447675,7.657765512,7.455416368,7.578676299,7.366081998,7.296735447,7.599849089,7.191492373,7.53778242,7.455813883,7.434733337,8.051426861,7.491201438,7.983662149,7.634781006,7.86349296,7.475226745,7.578205911,7.718621397,7.748749707,7.751703443,7.431412617,7.522097375,7.498330664
+"1876","C5orf15",5.817267458,5.817267168,5.817267113,5.817267149,5.817267055,5.817267567,5.81726705,5.817267286,5.817267162,5.817267277,5.81726696,5.817267102,5.817267323,5.817267338,5.817267294,5.817266833,5.817267079,5.81726707,5.817267169,5.817267625,5.817267281,5.817267224,5.817267072,5.817267284,5.817267241,5.817267251,5.817267296,5.81726739
+"1877","C5orf22",5.875618991,5.875618644,5.875618716,5.875618699,5.875618766,5.875618836,5.875618802,5.875618713,5.875618857,5.875618773,5.875618708,5.875618567,5.875618807,5.875618947,5.8756187,5.875618597,5.875618596,5.875618634,5.875618719,5.875618795,5.875618752,5.875618618,5.875618848,5.875618844,5.875618706,5.875618738,5.875618732,5.87561875
+"1878","C5orf24",6.258876844,6.258876045,6.258876156,6.258875773,6.25887658,6.258875165,6.258876738,6.258876338,6.258875742,6.258876523,6.258876012,6.258876157,6.258876603,6.258877456,6.258876546,6.25887513,6.258876244,6.258875722,6.258876725,6.258875354,6.258876789,6.258876384,6.258876494,6.258876696,6.258875845,6.258876228,6.258876608,6.258876459
+"1879","C5orf34",3.090603854,3.090603859,3.090603827,3.090603825,3.090603826,3.090603886,3.090603825,3.090603832,3.090603896,3.09060382,3.090603771,3.090603799,3.090603861,3.090603987,3.090603828,3.090603794,3.090603823,3.090603823,3.090603807,3.090603783,3.090603814,3.090603804,3.090603854,3.090603851,3.090603887,3.090603828,3.090603846,3.090603877
+"1880","C5orf46",3.924628337,3.924628349,3.92462831,3.924628366,3.924628357,3.924628356,3.924628367,3.924628359,3.924628379,3.924628398,3.924628345,3.924628434,3.924628307,3.924628333,3.924628319,3.924628366,3.924628343,3.924628374,3.924628344,3.924628348,3.924628322,3.924628345,3.924628423,3.924628351,3.924628353,3.924628335,3.924628356,3.924628363
+"1881","C5orf47",3.984515447,3.984515402,3.984515458,3.984515487,3.98451541,3.984515384,3.984515535,3.984515556,3.984515487,3.984515503,3.984515618,3.984515514,3.984515413,3.9845155,3.984515534,3.984515576,3.984515513,3.984515546,3.984515582,3.984515537,3.984515455,3.98451559,3.984515541,3.984515515,3.984515523,3.984515448,3.984515443,3.984515392
+"1882","C5orf52",3.529877529,3.529877496,3.529877238,3.529877515,3.529877672,3.529877383,3.529877455,3.529877493,3.52987749,3.529877374,3.529877505,3.529877601,3.529877345,3.529877483,3.529877641,3.529877479,3.529877478,3.529877781,3.529877414,3.529877407,3.529877529,3.529877583,3.529877337,3.52987758,3.529877361,3.529877516,3.529877424,3.52987763
+"1883","C5orf60",4.2729227105,4.2729225245,4.2729225535,4.272922572,4.272922675,4.2729226325,4.2729225995,4.272922815,4.2729228875,4.272922554,4.272922794,4.2729227465,4.2729227635,4.2729226795,4.2729228135,4.272922644,4.272922635,4.2729226555,4.272922599,4.2729225405,4.272922722,4.2729225945,4.272922677,4.2729225305,4.272922643,4.27292289,4.2729225625,4.2729227445
+"1884","C5orf63",4.974370539,4.974370291,4.974370321,4.97437036,4.974370244,4.974370351,4.974370438,4.974370503,4.974370456,4.974370193,4.974370244,4.974370436,4.974370453,4.974370592,4.974370494,4.974370277,4.974370258,4.974370305,4.974370452,4.97437033,4.974370348,4.974370459,4.974370376,4.974370448,4.974370225,4.974370517,4.974370472,4.974370577
+"1885","C5orf64",4.207480069,4.207479889,4.207480105,4.20747997,4.207480146,4.207479925,4.207479971,4.207480153,4.207480066,4.207480091,4.207479948,4.207480266,4.207479944,4.207479836,4.207480077,4.207480005,4.207480143,4.207480136,4.20748001,4.207480181,4.207480119,4.207480002,4.207479979,4.207479991,4.207480062,4.207480231,4.207480012,4.207480023
+"1886","C6",3.409388451,3.409388522,3.409388499,3.409388576,3.4093885,3.409388545,3.409388659,3.40938852,3.409388453,3.409388518,3.409388573,3.409388676,3.409388599,3.409388657,3.40938857,3.409388816,3.409388759,3.409388623,3.409388634,3.409388634,3.409388537,3.409388607,3.409388664,3.409388518,3.409388523,3.409388596,3.409388537,3.409388529
+"1887","C6orf118",3.759321345,3.759321385,3.759321365,3.759321348,3.759321375,3.759321349,3.759321335,3.759321372,3.759321358,3.759321339,3.759321377,3.759321361,3.759321365,3.759321339,3.759321359,3.759321364,3.759321342,3.759321369,3.759321349,3.759321364,3.75932134,3.759321339,3.759321332,3.759321334,3.759321383,3.759321331,3.759321349,3.759321337
+"1888","C6orf120",6.259786375,6.259785901,6.259786086,6.259786112,6.259785696,6.259785655,6.259785977,6.259785831,6.259785999,6.259785965,6.259785823,6.259785319,6.259786109,6.259786618,6.259786099,6.259785422,6.259785818,6.259785911,6.259785779,6.259785344,6.259785892,6.259785978,6.25978606,6.2597861,6.259785676,6.259785814,6.259786099,6.259786325
+"1889","C6orf132",6.241104061,6.2411040245,6.2411042765,6.241104234,6.241104341,6.241104239,6.2411042185,6.241104275,6.241104279,6.241104237,6.2411042895,6.241104372,6.2411042695,6.241104052,6.2411043095,6.241104032,6.2411043975,6.24110427,6.241104221,6.241104233,6.241104248,6.2411043225,6.241104152,6.241104185,6.241104238,6.24110422,6.2411042075,6.241104236
+"1890","C6orf136",6.8610576705,6.8610574765,6.8610582685,6.861057949,6.8610581065,6.861057779,6.8610580645,6.861058149,6.861057962,6.861058087,6.8610578965,6.86105805,6.861058069,6.8610578185,6.8610579705,6.861058058,6.861058214,6.8610580685,6.8610578785,6.861057919,6.8610581325,6.8610580965,6.86105788,6.8610579205,6.861058201,6.8610582915,6.861058068,6.8610579875
+"1891","C6orf141",4.663621571,4.663621606,4.663621719,4.663621635,4.663621681,4.663621654,4.663621625,4.663621632,4.663621629,4.663621609,4.66362167,4.663621731,4.663621638,4.663621555,4.663621615,4.663621648,4.663621714,4.663621691,4.663621642,4.663621619,4.663621627,4.663621655,4.66362157,4.663621623,4.663621658,4.663621626,4.663621626,4.663621621
+"1892","C6orf15",5.619211779,5.61921067466667,5.61921242433333,5.61921476066667,5.61921505333333,5.619212233,5.61921572133333,5.61921477533333,5.619214338,5.61921452033333,5.61921309166667,5.61921441233333,5.61921394533333,5.61921303933333,5.61921401866667,5.61921404433333,5.61921435866667,5.61921366733333,5.61921436166667,5.619214313,5.61921488866667,5.61921509166667,5.619212366,5.61921393733333,5.619215124,5.61921496233333,5.61921332566667,5.61921031566667
+"1893","C6orf163",4.381744228,4.381744237,4.381744152,4.381744393,4.381744185,4.381744231,4.38174397,4.381744041,4.381744307,4.381744309,4.381744133,4.381744039,4.381743979,4.381744264,4.381744161,4.381744221,4.381744021,4.381744182,4.381744166,4.381743982,4.38174399,4.381744075,4.38174443,4.381744208,4.381744412,4.381744131,4.381744026,4.381744133
+"1894","C6orf226",5.663475344,5.663475291,5.663475371,5.663475324,5.663475382,5.663475342,5.663475363,5.663475357,5.663475345,5.663475365,5.663475373,5.663475366,5.663475332,5.663475341,5.663475366,5.663475324,5.663475396,5.663475369,5.663475345,5.663475345,5.66347535,5.663475374,5.663475353,5.663475317,5.663475377,5.663475342,5.663475365,5.663475355
+"1895","C6orf47",6.979821799,6.979821864,6.979821828,6.979821835,6.979821875,6.979821868,6.979821813,6.97982181,6.97982183,6.979821851,6.979821837,6.979821811,6.979821794,6.97982182,6.979821862,6.979821881,6.979821856,6.979821842,6.979821834,6.979821767,6.979821845,6.97982187,6.979821873,6.97982187,6.979821868,6.979821823,6.979821817,6.979821836
+"1896","C6orf52",3.942675161,3.942675265,3.942675309,3.942675303,3.942675295,3.942675293,3.942675106,3.942675286,3.942675283,3.942675291,3.942675388,3.94267533,3.942675256,3.942675198,3.942675235,3.942675236,3.942675305,3.942675387,3.942675157,3.9426753,3.942675178,3.94267527,3.942675244,3.942675273,3.942675217,3.942675194,3.942675381,3.942675335
+"1897","C6orf58",3.234182684,3.234182703,3.234182752,3.234182717,3.23418276,3.234182797,3.234182681,3.234182809,3.23418267,3.234182722,3.234182704,3.234182699,3.23418268,3.234182643,3.234182826,3.234182608,3.234182689,3.234182672,3.234182837,3.234182633,3.234182765,3.234182753,3.234182592,3.23418269,3.234182688,3.234182691,3.234182662,3.234182796
+"1898","C6orf62",8.795637343,8.795636978,8.795636682,8.795636861,8.795635996,8.795635955,8.795636384,8.795635971,8.795636656,8.795636298,8.795636822,8.795635554,8.795636622,8.795638055,8.795636748,8.795636406,8.79563661,8.795636561,8.795636604,8.795636085,8.79563661,8.795636583,8.795636853,8.795636674,8.795636423,8.795636419,8.795636564,8.795636893
+"1899","C6orf89",6.926204084,6.926204096,6.926203936,6.926204208,6.926203843,6.926204186,6.926204147,6.926203965,6.926203956,6.926204036,6.926204004,6.926203802,6.926204002,6.926204084,6.926204001,6.926203838,6.926203767,6.926204019,6.926204089,6.926204042,6.926203963,6.926203937,6.926204124,6.92620413,6.926203898,6.926203859,6.926203951,6.926203943
+"1900","C7",3.222537218,3.222537221,3.222537349,3.222537161,3.222537318,3.222537293,3.222537282,3.222537289,3.222537214,3.22253723,3.222537274,3.22253746,3.222537205,3.222537177,3.222537315,3.222537323,3.222537346,3.222537277,3.222537268,3.222537337,3.222537265,3.222537284,3.222537339,3.222537276,3.222537189,3.222537236,3.222537215,3.2225374
+"1901","C7orf25",5.792148528,5.792148635,5.79214854,5.7921486,5.792148383,5.792148332,5.792148416,5.792148474,5.792148415,5.792148475,5.792148531,5.792148405,5.792148452,5.792148684,5.792148465,5.79214854,5.792148377,5.792148488,5.792148506,5.792148424,5.792148429,5.792148402,5.792148555,5.792148503,5.792148504,5.792148468,5.792148454,5.792148592
+"1902","C7orf31",5.036270059,5.036270046,5.036270053,5.036270029,5.036270067,5.036270035,5.036270045,5.036270058,5.03627005,5.036270083,5.036270016,5.036270028,5.036270067,5.036270078,5.036270069,5.03627002,5.036270081,5.036270025,5.036270037,5.036270058,5.036270031,5.036270047,5.036270028,5.036270027,5.036270016,5.036270045,5.03627004,5.036270041
+"1903","C7orf33",4.021051028,4.021050982,4.02105106,4.021051026,4.021051151,4.02105108,4.021051091,4.021051075,4.021051014,4.021051122,4.021051005,4.021051098,4.021051038,4.021051044,4.021051193,4.02105107,4.02105107,4.021051095,4.021051042,4.021051125,4.021051132,4.021051077,4.021051051,4.021051072,4.021051092,4.021051063,4.02105108,4.021051107
+"1904","C7orf50",7.103281639,7.103281657,7.103281674,7.103281648,7.103281669,7.103281663,7.103281651,7.103281669,7.103281672,7.103281666,7.103281679,7.103281667,7.10328166,7.103281642,7.103281667,7.103281658,7.103281672,7.103281653,7.103281659,7.103281626,7.103281651,7.103281672,7.103281651,7.103281659,7.103281672,7.103281655,7.103281663,7.103281649
+"1905","C7orf57",4.545380293,4.545380212,4.545380426,4.545380311,4.545380528,4.54538038,4.545380416,4.545380353,4.545380337,4.545380411,4.545380442,4.545380579,4.545380264,4.545380248,4.545380555,4.545380325,4.545380511,4.54538041,4.545380449,4.545380417,4.545380563,4.545380481,4.545380313,4.545380265,4.545380319,4.545380442,4.545380355,4.545380358
+"1906","C8A",3.635572087,3.635572068,3.635572104,3.635572086,3.635572101,3.635572075,3.635572097,3.635572112,3.635572093,3.635572102,3.635572102,3.635572109,3.635572076,3.635572098,3.635572104,3.635572096,3.635572091,3.63557211,3.635572073,3.635572089,3.635572102,3.635572095,3.635572087,3.635572077,3.635572096,3.635572104,3.635572087,3.635572119
+"1907","C8B",4.085972881,4.085973091,4.085973132,4.085973037,4.0859734,4.08597299,4.085973114,4.0859733,4.085972683,4.085973306,4.085973289,4.085973219,4.085973127,4.085972763,4.085972986,4.085973049,4.085973179,4.085973126,4.085973101,4.085973121,4.085972876,4.08597293,4.085973116,4.085972739,4.085973054,4.08597281,4.085972832,4.085972992
+"1908","C8G",5.899363767,5.899363748,5.899363826,5.899363769,5.899363838,5.899363785,5.899363812,5.899363822,5.899363775,5.899363792,5.899363816,5.899363804,5.899363778,5.899363721,5.899363798,5.899363805,5.899363839,5.899363813,5.899363798,5.899363799,5.899363833,5.899363832,5.899363745,5.899363763,5.8993638,5.899363812,5.899363803,5.899363761
+"1909","C8orf17",4.545680246,4.545680318,4.545680369,4.545680189,4.545680429,4.54568029,4.545680281,4.545680331,4.545680426,4.545680279,4.545680383,4.545680444,4.545680398,4.545680163,4.545680237,4.545680211,4.54568034,4.545680468,4.545680461,4.545680464,4.545680412,4.545680303,4.545680283,4.545680345,4.545680257,4.545680262,4.54568014,4.545680347
+"1910","C8orf33",6.77123494,6.771234607,6.771234541,6.7712343,6.771234612,6.77123502,6.771234527,6.771234532,6.771234894,6.771234859,6.771234348,6.771234713,6.771234815,6.771234898,6.771234657,6.771234485,6.771234274,6.771234113,6.771234495,6.771234837,6.771234255,6.771234685,6.771234747,6.771234675,6.771234466,6.771234724,6.771234871,6.771234983
+"1911","C8orf34",3.287007934,3.287007914,3.287007925,3.287007938,3.287007927,3.287007922,3.28700792,3.287007925,3.287007915,3.287007918,3.287007917,3.28700792,3.287007912,3.287007918,3.28700793,3.287007921,3.287007932,3.28700792,3.287007913,3.28700794,3.287007926,3.287007926,3.287007932,3.287007926,3.287007918,3.287007928,3.287007908,3.287007909
+"1912","C8orf48",3.485690132,3.48568999,3.485690389,3.485690272,3.485690288,3.485690173,3.485690378,3.485690198,3.485690205,3.485690199,3.485690328,3.48569049,3.485690136,3.485690066,3.485690284,3.485690645,3.485690378,3.485690067,3.485690243,3.485690325,3.485690246,3.485690212,3.485690075,3.485690183,3.485690352,3.485690233,3.485690176,3.485690411
+"1913","C8orf58",6.700219345,6.700219461,6.700219675,6.70021934,6.70021996,6.700219532,6.700219615,6.700219884,6.700219648,6.700219653,6.700219741,6.700220032,6.700219622,6.700219122,6.70021992,6.700219593,6.700220049,6.700219766,6.700219592,6.700219546,6.700220023,6.700219866,6.700219184,6.700219254,6.700219606,6.700219881,6.700219498,6.700219747
+"1914","C8orf74",4.814193193,4.814193128,4.814193363,4.814193188,4.81419339,4.814193163,4.814193344,4.814193318,4.8141933,4.814193226,4.814193253,4.814193419,4.814193244,4.814193267,4.814193363,4.81419324,4.814193352,4.814193227,4.814193265,4.814193317,4.814193405,4.814193358,4.814193172,4.814193246,4.814193197,4.814193404,4.814193202,4.814193286
+"1915","C9",3.407850469,3.407850415,3.407850455,3.407850539,3.407850497,3.407850517,3.407850518,3.407850483,3.407850524,3.407850509,3.407850497,3.40785055,3.407850464,3.40785048,3.407850522,3.407850561,3.407850553,3.407850483,3.407850505,3.407850519,3.407850523,3.407850541,3.407850518,3.407850464,3.407850516,3.407850451,3.407850475,3.407850467
+"1916","C9orf131",5.67600948,5.676009618,5.6760095295,5.676009894,5.676009403,5.676009639,5.676009624,5.6760093405,5.67600943,5.6760093325,5.6760095105,5.676009069,5.676009617,5.6760094245,5.676009488,5.676009678,5.6760096855,5.6760098235,5.676009629,5.676009784,5.676009473,5.6760094735,5.6760094585,5.6760094285,5.676009796,5.6760092875,5.676009592,5.6760094705
+"1917","C9orf152",3.211192094,3.211192424,3.211192244,3.211192361,3.211192443,3.211192381,3.211192468,3.211192385,3.211192354,3.211192337,3.211192578,3.211192395,3.211192301,3.211192384,3.211192331,3.211192363,3.211192178,3.211192692,3.211192267,3.211192325,3.211192267,3.211192421,3.211192547,3.211192295,3.211192527,3.211192265,3.211192338,3.211192374
+"1918","C9orf153",3.26849603,3.268496015,3.26849605,3.26849605,3.268496018,3.268496042,3.268496044,3.268496051,3.268496045,3.268496049,3.26849606,3.2684961,3.268496041,3.268496034,3.268496028,3.26849606,3.268496074,3.268496028,3.268496036,3.268496026,3.268496035,3.268496042,3.268496059,3.268496051,3.268496056,3.268496014,3.268496027,3.268496054
+"1919","C9orf163",4.846770644,4.84677066,4.846770602,4.846770591,4.84677067,4.846770636,4.846770587,4.846770643,4.846770497,4.846770591,4.846770668,4.846770618,4.846770636,4.846770474,4.846770603,4.846770663,4.8467707,4.846770606,4.846770713,4.846770627,4.846770582,4.846770703,4.84677053,4.846770478,4.846770563,4.846770666,4.846770562,4.846770615
+"1920","C9orf24",5.548478559,5.548478616,5.548478622,5.548478599,5.548478675,5.548478657,5.548478545,5.548478655,5.548478632,5.548478636,5.548478631,5.548478689,5.548478601,5.548478514,5.54847865,5.548478675,5.54847868,5.54847865,5.54847862,5.548478608,5.548478604,5.548478634,5.548478563,5.548478624,5.548478621,5.548478609,5.548478612,5.548478548
+"1921","C9orf40",7.178666535,7.178666536,7.17866658,7.178666542,7.178666654,7.178666579,7.178666602,7.178666617,7.178666557,7.1786666,7.178666609,7.178666707,7.178666506,7.178666452,7.178666618,7.178666575,7.178666648,7.178666566,7.178666607,7.178666566,7.178666571,7.178666592,7.178666539,7.178666511,7.178666535,7.178666556,7.178666538,7.17866659
+"1922","C9orf43",4.668136704,4.668136801,4.66813685,4.668136833,4.668137003,4.668136951,4.668136935,4.668136937,4.668136894,4.668136887,4.668136885,4.668136876,4.668136904,4.668136742,4.668136935,4.668136784,4.668136946,4.668136838,4.668136864,4.668136727,4.668136993,4.668137014,4.668136891,4.668136771,4.668136748,4.66813696,4.668136891,4.668136981
+"1923","C9orf50",5.578130756,5.578130889,5.578131052,5.57813118,5.578131545,5.5781306,5.57813122,5.578131312,5.578130859,5.57813113,5.578131166,5.578131426,5.578131026,5.578130503,5.578131373,5.578131127,5.578131261,5.578131461,5.578130984,5.578131148,5.578131553,5.578131326,5.57813099,5.578130673,5.57813128,5.578131523,5.578130977,5.578131063
+"1924","C9orf57",3.87176879,3.87176894,3.871768856,3.871768809,3.871768833,3.871768733,3.871769104,3.871768962,3.871768748,3.871768804,3.871768797,3.871768779,3.871768721,3.871768767,3.871768784,3.871768736,3.871768914,3.871768834,3.87176892,3.87176878,3.871768887,3.871768707,3.871768757,3.871768781,3.871768967,3.871768809,3.871768815,3.871768693
+"1925","C9orf64",6.150093108,6.150093032,6.150092995,6.150092986,6.150093055,6.150093214,6.15009302,6.150093001,6.150093025,6.150093059,6.15009304,6.150092937,6.150093034,6.150093146,6.150093029,6.150093048,6.150092911,6.150092995,6.150093006,6.150093158,6.150093054,6.150093078,6.150093026,6.150093041,6.150093047,6.150092989,6.150093037,6.15009309
+"1926","C9orf72",7.074752235,7.074752017,7.074751936,7.074752368,7.0747516,7.074751782,7.074751958,7.074750907,7.074751513,7.074751583,7.07475174,7.074751065,7.074751861,7.074752386,7.074751738,7.074752256,7.074751883,7.074752091,7.074752217,7.074751956,7.074752054,7.074751565,7.074752002,7.074752258,7.074752165,7.07475166,7.074751734,7.074751818
+"1927","C9orf78",8.17279624,8.55813251,8.85751852,8.042558264,8.75993117,8.497556483,8.25847057,9.212102636,8.465007127,8.766762282,8.589541412,8.82649214,8.49149187,8.145410375,8.23084794,8.29787117,8.58426649,8.224677906,8.520414033,8.300914831,8.145313015,8.945181657,8.439903762,8.75020341,8.610912271,8.86343508,8.57826895,8.173388799
+"1928","C9orf85",4.642971652,4.642970649,4.642971008,4.642970305,4.642970842,4.642970906,4.642971022,4.642970853,4.642970915,4.642970814,4.642970166,4.642970927,4.642971191,4.642971494,4.642971225,4.642971302,4.642970759,4.642970186,4.642970776,4.642970719,4.642970827,4.642970891,4.642971168,4.642970976,4.642970595,4.642970672,4.642971348,4.642970956
+"1929","CA1",6.392590403,6.397411764,7.166479187,6.538678861,6.144420464,7.260815293,7.477837641,7.426677332,6.96985292,7.639284044,7.347426992,7.53875978,5.730209075,5.856837079,6.249535693,5.959922023,6.997221,6.77104108,5.698198694,7.479137734,7.518001749,7.130418202,6.847587134,7.665098834,7.393634489,7.60989145,6.078455716,6.223785925
+"1930","CA10",4.079412506,4.079412507,4.079412511,4.079412494,4.079412518,4.079412511,4.079412506,4.079412507,4.079412503,4.079412506,4.079412514,4.079412508,4.079412501,4.079412497,4.079412516,4.079412515,4.079412508,4.079412512,4.079412516,4.07941251,4.079412511,4.079412512,4.079412509,4.079412503,4.079412503,4.07941251,4.079412499,4.079412506
+"1931","CA11",6.235626535,6.235626582,6.235626522,6.235626537,6.235626737,6.235626635,6.235626611,6.235626663,6.23562668,6.235626754,6.235626623,6.235626656,6.235626576,6.235626539,6.235626771,6.235626596,6.235626742,6.235626616,6.235626687,6.235626583,6.23562672,6.235626699,6.235626627,6.235626506,6.235626431,6.235626706,6.235626603,6.235626693
+"1932","CA12",5.027668001,5.027668044,5.027668035,5.027668123,5.027668082,5.027668047,5.027668031,5.027668079,5.027668061,5.02766811,5.027668077,5.027668163,5.027668032,5.027667969,5.027668031,5.027668063,5.027668142,5.02766813,5.027668054,5.027668075,5.027668045,5.027668102,5.027668052,5.02766801,5.027668044,5.027668057,5.027668092,5.027668053
+"1933","CA13",5.171431787,5.171431774,5.171431742,5.171431803,5.171431726,5.171431722,5.171431726,5.171431682,5.171431697,5.171431775,5.171431773,5.171431768,5.171431724,5.171431737,5.171431752,5.171431754,5.171431732,5.171431841,5.171431719,5.171431703,5.171431732,5.171431737,5.171431747,5.171431776,5.17143177,5.171431797,5.171431723,5.171431728
+"1934","CA14",3.832561492,3.832561423,3.832561498,3.832561509,3.832561441,3.832561576,3.832561426,3.83256144,3.832561427,3.832561441,3.832561454,3.832561588,3.832561519,3.832561427,3.83256146,3.832561388,3.832561449,3.832561403,3.832561414,3.832561425,3.832561402,3.83256149,3.832561419,3.832561469,3.832561456,3.832561418,3.83256143,3.832561436
+"1935","CA2",6.437042965,6.437045381,6.437044449,6.437045808,6.437045383,6.437046717,6.437044419,6.437046494,6.437043228,6.437047296,6.437046639,6.437046169,6.437045306,6.437043536,6.437042708,6.437044406,6.437044267,6.43704613,6.437044857,6.437045616,6.437043927,6.437045761,6.437044079,6.43704768,6.437046522,6.437045859,6.437046166,6.43704528
+"1936","CA3",4.712565882,4.712565894,4.712565921,4.71256589,4.712565925,4.712565902,4.712565898,4.7125659,4.712565891,4.712565879,4.71256591,4.712565906,4.712565874,4.712565883,4.71256591,4.712565913,4.71256592,4.712565905,4.712565878,4.712565911,4.712565912,4.712565907,4.712565872,4.712565871,4.7125659,4.712565928,4.71256587,4.712565901
+"1937","CA4",5.891876725,5.891876878,5.891876895,5.891877392,5.891876955,5.891876765,5.891877209,5.891876968,5.891877031,5.891876925,5.891877139,5.891877049,5.891876843,5.89187666,5.89187711,5.891877314,5.89187715,5.8918775,5.89187703,5.891877078,5.891877207,5.891877002,5.891877017,5.891876978,5.891877092,5.891877047,5.891876888,5.891876746
+"1938","CA5A",4.142070169,4.142070421,4.1420702,4.142070378,4.142070268,4.142070238,4.142070305,4.142070459,4.142070199,4.142070104,4.142070206,4.142070205,4.142070302,4.142070196,4.142070216,4.142070449,4.142070363,4.142070413,4.142070265,4.14207018,4.142070209,4.14207035,4.142070165,4.142070173,4.142070277,4.142070212,4.142070219,4.142070243
+"1939","CA5B",7.772497017,7.772496347,7.772492381,7.772493904,7.772494211,7.77249287,7.77249454,7.772493111,7.772495536,7.772494854,7.772493797,7.772492893,7.77249493,7.772496893,7.772494802,7.772494887,7.772490636,7.772493786,7.772495117,7.772491822,7.772493832,7.77249203,7.772495201,7.772494726,7.772493425,7.772493512,7.772495085,7.772496393
+"1940","CA5BP1",5.413267244,5.413266973,5.413267157,5.413267128,5.413267288,5.4132671,5.413267358,5.413267086,5.413266911,5.413267073,5.413267139,5.413267315,5.413267349,5.413267327,5.413267145,5.413266929,5.413267097,5.413267075,5.413267373,5.413266806,5.413267105,5.41326685,5.413267216,5.413267232,5.413267044,5.41326728,5.413267372,5.413267122
+"1941","CA6",4.293711375,4.293712181,4.293711626,4.29371161,4.293711802,4.293711585,4.29371204,4.293711678,4.293712027,4.293711571,4.293711408,4.293712377,4.293711734,4.293711547,4.293711726,4.293712009,4.293711569,4.293711859,4.293711629,4.293711749,4.293711952,4.293711611,4.293711862,4.293711395,4.293711629,4.293711996,4.29371167,4.293711477
+"1942","CA7",4.753320198,4.753320203,4.75332022,4.753320212,4.753320268,4.753320156,4.753320236,4.753320258,4.753320213,4.753320174,4.753320237,4.753320268,4.753320223,4.753320171,4.753320227,4.753320257,4.753320275,4.753320264,4.753320224,4.753320151,4.753320227,4.753320259,4.753320176,4.75332019,4.753320238,4.753320236,4.753320202,4.753320216
+"1943","CA8",3.804784915,3.804785024,3.80478487,3.804785184,3.804784858,3.804784802,3.804784652,3.804784815,3.804784728,3.804784929,3.804785118,3.804784698,3.804784957,3.804784756,3.804784899,3.804784804,3.804784929,3.804785029,3.804785054,3.804784704,3.804784758,3.804784739,3.804785039,3.804784928,3.804784989,3.804784917,3.804784808,3.804785041
+"1944","CA9",5.42843677,5.428436776,5.428436724,5.428436725,5.42843691,5.428436744,5.428436859,5.428436922,5.428436802,5.428436717,5.42843687,5.428436844,5.428436752,5.428436636,5.428436878,5.428436772,5.428436985,5.42843681,5.428436797,5.428436874,5.428436824,5.428436967,5.428436741,5.428436732,5.428436754,5.428436796,5.428436711,5.428436755
+"1945","CAAP1",5.377342467,5.377342467,5.377342428,5.377342227,5.377342153,5.377342221,5.377342289,5.377342191,5.377342357,5.377341954,5.377342129,5.377342047,5.377342345,5.377342859,5.377342469,5.377342316,5.377341883,5.377342037,5.377342312,5.377341941,5.377342262,5.37734231,5.377342399,5.377342347,5.37734223,5.377342464,5.377342336,5.377342669
+"1946","CAB39",9.413005135,9.413004862,9.413004647,9.413005104,9.413004553,9.41300468,9.413004749,9.413004448,9.413004446,9.413004551,9.413004683,9.413004354,9.413004863,9.413005087,9.413004889,9.413004688,9.413004596,9.413005033,9.413004908,9.413004786,9.413004959,9.413004607,9.413004753,9.413004897,9.413004911,9.413004791,9.413004718,9.413004746
+"1947","CAB39L",3.771398025,3.771398048,3.771398136,3.771398036,3.771397965,3.77139799,3.771398011,3.771397978,3.77139809,3.771398055,3.771398119,3.771397797,3.771397968,3.771398111,3.771398026,3.771398068,3.771397932,3.771398051,3.771397984,3.771398187,3.771397957,3.771398022,3.771398193,3.771398039,3.771398123,3.771397878,3.771398156,3.771398011
+"1948","CABCOCO1",2.879877077,2.879877076,2.8798771,2.879877084,2.879877089,2.879877068,2.879877083,2.87987709,2.879877083,2.879877091,2.879877089,2.879877102,2.879877088,2.879877094,2.879877084,2.8798771,2.879877088,2.879877091,2.879877081,2.879877089,2.879877068,2.879877075,2.879877089,2.879877089,2.879877077,2.879877087,2.879877081,2.879877075
+"1949","CABIN1",7.141591217,7.14159123,7.141591169,7.141591187,7.141591206,7.141591217,7.14159119,7.141591202,7.141591264,7.14159123,7.141591171,7.141591192,7.141591229,7.14159123,7.141591199,7.141591205,7.141591138,7.141591188,7.141591217,7.141591136,7.141591197,7.1415912,7.141591221,7.141591201,7.141591185,7.141591212,7.141591224,7.14159122
+"1950","CABLES1",4.233409559,4.233409651,4.233409685,4.233409674,4.233409652,4.233409618,4.233409626,4.233409597,4.233409704,4.233409713,4.233409657,4.233409731,4.233409613,4.233409583,4.233409712,4.233409653,4.233409698,4.233409594,4.233409658,4.23340975,4.233409534,4.233409689,4.233409755,4.233409656,4.233409704,4.233409606,4.233409649,4.233409628
+"1951","CABLES2",5.672822268,5.672822281,5.672822297,5.67282225,5.672822309,5.672822277,5.672822293,5.672822314,5.672822299,5.672822283,5.672822314,5.672822313,5.6728223,5.672822257,5.672822266,5.672822279,5.672822257,5.672822282,5.672822301,5.672822293,5.672822311,5.672822294,5.672822268,5.672822293,5.672822268,5.672822297,5.672822281,5.672822251
+"1952","CABP1",5.006754595,5.006754618,5.006754637,5.006754629,5.006754739,5.006754552,5.006754635,5.006754644,5.006754649,5.006754667,5.006754664,5.006754717,5.006754625,5.006754557,5.006754701,5.006754662,5.006754738,5.006754669,5.006754653,5.006754661,5.006754683,5.006754693,5.0067546,5.006754607,5.006754639,5.006754638,5.006754617,5.006754637
+"1953","CABP2",7.03368611,7.033686015,7.033686433,7.033686097,7.03368723,7.033686016,7.033686707,7.033686652,7.033686278,7.033686504,7.033687,7.033686968,7.033686459,7.03368579,7.033686959,7.033686456,7.033687124,7.0336868,7.033686653,7.03368639,7.03368712,7.033686807,7.033686025,7.033685785,7.033686445,7.033686873,7.033686132,7.033686464
+"1954","CABP4",5.757142482,5.757142493,5.757142544,5.757142518,5.757142613,5.757142566,5.757142604,5.757142577,5.757142551,5.757142545,5.757142508,5.757142661,5.757142553,5.757142478,5.757142608,5.757142596,5.757142718,5.757142584,5.757142565,5.757142509,5.757142652,5.757142705,5.757142575,5.757142494,5.757142522,5.757142618,5.757142547,5.757142529
+"1955","CABP5",4.757704815,4.757704854,4.757704906,4.757704882,4.757704925,4.757704831,4.757704831,4.757704886,4.757704828,4.757704884,4.757704908,4.757704881,4.757704827,4.757704809,4.757704874,4.757704853,4.75770489,4.757704955,4.757704823,4.757704849,4.7577049,4.757704866,4.757704768,4.757704861,4.757704895,4.75770489,4.757704824,4.757704894
+"1956","CABP7",5.846061773,5.846061834,5.84606175,5.846061789,5.846061943,5.846061818,5.84606183,5.846061855,5.846061839,5.84606187,5.846061866,5.846061929,5.846061802,5.846061761,5.846061914,5.846061867,5.846061906,5.846061893,5.846061866,5.846061813,5.846061883,5.84606185,5.846061791,5.846061771,5.84606184,5.846061898,5.8460618,5.846061833
+"1957","CABS1",2.794923636,2.794923637,2.794923736,2.794923653,2.794923595,2.794923788,2.794923672,2.794923707,2.794923709,2.794923608,2.794923791,2.794923688,2.794923633,2.794923583,2.794923699,2.79492371,2.794923701,2.79492373,2.794923648,2.794923601,2.794923631,2.794923649,2.794923683,2.794923677,2.794923487,2.794923502,2.794923662,2.794923575
+"1958","CABYR",4.639680156,4.639680224,4.639680354,4.639680308,4.639680278,4.639680155,4.639680236,4.639680332,4.639680232,4.639680226,4.639680252,4.639680259,4.639680231,4.639680198,4.639680264,4.63968034,4.63968029,4.639680309,4.639680242,4.639680204,4.639680235,4.639680278,4.639680188,4.639680252,4.639680262,4.639680236,4.639680266,4.639680311
+"1959","CACFD1",5.721923545,5.721923546,5.721923763,5.72192344,5.721923922,5.721923569,5.721923887,5.721923864,5.721923735,5.72192381,5.721923825,5.721923978,5.721923708,5.721923356,5.72192378,5.721923764,5.72192401,5.721923813,5.721923813,5.72192358,5.721923982,5.721923846,5.721923595,5.721923378,5.721923759,5.721923943,5.721923747,5.721923802
+"1960","CACHD1",4.325138312,4.325138347,4.325138316,4.325138343,4.325138358,4.325138295,4.325138288,4.325138332,4.325138397,4.325138346,4.32513831,4.325138388,4.325138314,4.325138365,4.32513828,4.325138353,4.325138341,4.325138329,4.325138282,4.325138287,4.325138329,4.325138318,4.325138403,4.325138345,4.325138306,4.325138358,4.325138343,4.325138312
+"1961","CACNA1A",4.957329688,4.957329728,4.957329728,4.957329717,4.957329809,4.957329677,4.957329721,4.957329747,4.957329738,4.957329765,4.95732975,4.957329774,4.957329713,4.957329633,4.957329759,4.957329689,4.957329794,4.957329782,4.957329733,4.957329744,4.957329752,4.95732977,4.957329681,4.957329675,4.957329729,4.957329757,4.957329725,4.957329772
+"1962","CACNA1B",5.120418272,5.120418282,5.120418309,5.120418316,5.120418343,5.120418258,5.120418286,5.1204183,5.120418288,5.120418259,5.120418326,5.120418323,5.120418272,5.120418237,5.120418316,5.1204183,5.120418336,5.120418324,5.120418264,5.120418315,5.120418301,5.120418329,5.12041827,5.120418249,5.12041827,5.120418293,5.120418238,5.1204183
+"1963","CACNA1C",4.5436587515,4.5436587655,4.543658815,4.5436587615,4.5436588185,4.5436587165,4.5436587745,4.543658818,4.543658784,4.5436587785,4.543658771,4.5436588055,4.5436587695,4.5436587115,4.543658801,4.543658809,4.5436588025,4.5436588175,4.543658785,4.5436587785,4.543658818,4.543658806,4.5436587755,4.543658744,4.5436588155,4.543658801,4.543658738,4.5436587895
+"1964","CACNA1D",4.854158351,4.854158983,4.854158442,4.854158548,4.854158649,4.854158394,4.854158562,4.854158491,4.854158428,4.854158563,4.854158626,4.854158517,4.854158393,4.854158433,4.854158258,4.854158883,4.854158507,4.85415834,4.854158638,4.854158523,4.854158567,4.854158454,4.854158435,4.854158522,4.854158755,4.854158436,4.854158448,4.85415859
+"1965","CACNA1E",5.470979061,5.470979066,5.470978934,5.470979386,5.470979049,5.470980048,5.470979341,5.470979135,5.470979484,5.470979321,5.470978934,5.470978959,5.47097908,5.470978704,5.470979084,5.470979308,5.470979136,5.47097944,5.470979283,5.470980139,5.470979277,5.470979115,5.470979461,5.470979539,5.470979378,5.470978908,5.470979037,5.470978658
+"1966","CACNA1F",4.946095489,4.946095447,4.946095523,4.946095529,4.946095573,4.946095492,4.946095541,4.94609553,4.946095484,4.94609552,4.946095547,4.946095581,4.946095518,4.946095465,4.946095539,4.946095523,4.946095573,4.94609556,4.9460955,4.946095519,4.946095537,4.946095574,4.946095494,4.946095512,4.946095546,4.946095554,4.946095508,4.946095517
+"1967","CACNA1G",5.015362052,5.015362044,5.015362064,5.015362051,5.015362083,5.015362051,5.015362052,5.015362081,5.015362054,5.015362041,5.01536207,5.015362075,5.015362052,5.01536204,5.015362068,5.015362072,5.015362073,5.015362073,5.015362055,5.015362054,5.015362078,5.015362077,5.015362041,5.01536206,5.015362064,5.015362059,5.015362055,5.015362052
+"1968","CACNA1H",5.769455048,5.769455095,5.769455407,5.769455241,5.769455489,5.769455279,5.769455379,5.769455445,5.769455246,5.76945539,5.769455475,5.769455545,5.769455306,5.769455057,5.769455374,5.769455154,5.769455385,5.769455411,5.769455374,5.769455185,5.76945535,5.769455359,5.769455013,5.769455148,5.769455346,5.769455381,5.769455352,5.769455076
+"1969","CACNA1I",5.722571488,5.722571516,5.72257156,5.722571552,5.722571649,5.722571446,5.722571532,5.722571631,5.722571578,5.72257147,5.722571578,5.722571657,5.722571566,5.722571536,5.722571602,5.722571567,5.7225716,5.722571573,5.722571567,5.722571488,5.722571562,5.722571591,5.722571511,5.72257148,5.722571605,5.722571577,5.722571519,5.722571542
+"1970","CACNA1S",4.407868193,4.407868231,4.407868269,4.407868215,4.40786831,4.407868206,4.40786823,4.407868268,4.407868249,4.407868182,4.407868238,4.407868337,4.407868211,4.407868162,4.407868305,4.407868272,4.407868301,4.407868249,4.407868245,4.407868257,4.407868285,4.407868274,4.407868232,4.407868189,4.407868264,4.407868258,4.407868238,4.407868234
+"1971","CACNA2D1",3.417213447,3.417213497,3.417213606,3.417213475,3.41721361,3.417213594,3.41721366,3.417213697,3.417213621,3.417213817,3.41721367,3.417214061,3.417213549,3.417213461,3.417213646,3.417213741,3.4172138,3.417213587,3.417213795,3.417213692,3.417213596,3.417213567,3.417213532,3.417213628,3.417213492,3.417213702,3.417213567,3.417213665
+"1972","CACNA2D2",5.402932665,5.40293265,5.402932693,5.402932703,5.402932715,5.402932672,5.402932702,5.402932749,5.402932701,5.402932714,5.402932727,5.402932727,5.402932708,5.402932663,5.402932749,5.402932694,5.402932726,5.402932704,5.402932679,5.402932697,5.402932727,5.402932737,5.402932686,5.402932684,5.402932685,5.402932724,5.402932701,5.402932677
+"1973","CACNA2D3",4.586161948,4.586161948,4.586161948,4.586161957,4.586161962,4.586161945,4.586161946,4.586161957,4.58616194,4.586161956,4.586161955,4.586161954,4.586161953,4.586161953,4.586161964,4.586161949,4.586161962,4.58616194,4.586161952,4.586161962,4.586161956,4.586161951,4.586161944,4.586161953,4.586161958,4.586161952,4.586161957,4.586161956
+"1974","CACNA2D4",5.568087122,5.568087086,5.568087141,5.568087093,5.568087174,5.568087134,5.568087123,5.568087179,5.568087136,5.568087125,5.568087171,5.568087143,5.56808712,5.568087094,5.568087167,5.568087124,5.568087156,5.568087138,5.568087176,5.568087139,5.568087146,5.56808716,5.568087108,5.568087078,5.56808714,5.568087131,5.568087104,5.568087113
+"1975","CACNB1",5.779970743,5.779970685,5.779970893,5.779970737,5.779970809,5.779970678,5.779970766,5.779970902,5.779970808,5.7799707,5.779970801,5.779970842,5.779970692,5.779970754,5.779970837,5.779970668,5.779970842,5.779970775,5.779970771,5.779970767,5.779970843,5.779970877,5.77997076,5.77997074,5.779970939,5.779970791,5.779970735,5.779970676
+"1976","CACNB2",4.448083975,4.448083915,4.448084094,4.448084057,4.448084337,4.448083996,4.448084099,4.448084201,4.448084171,4.448084066,4.448084178,4.448084267,4.448083999,4.448083885,4.448084349,4.448084099,4.44808442,4.448084319,4.448084117,4.448084328,4.448084356,4.448084218,4.448084045,4.448083902,4.448084045,4.448084247,4.448084005,4.448084184
+"1977","CACNB3",5.451144161,5.451144096,5.451144012,5.451144083,5.451144136,5.451144172,5.451144104,5.45114414,5.451144104,5.451144164,5.451144138,5.451144148,5.451144151,5.451144073,5.451144147,5.451144097,5.451144041,5.451144106,5.451144014,5.451144153,5.451144123,5.451144158,5.45114418,5.451144088,5.45114422,5.451144113,5.451144149,5.45114404
+"1978","CACNB4",4.876850559,4.876850596,4.876850832,4.876850568,4.876850777,4.876850784,4.876850712,4.876850908,4.876850646,4.876850434,4.876850583,4.876850816,4.876850636,4.876850659,4.876850772,4.876850503,4.87685106,4.876850812,4.876850715,4.876850928,4.876850859,4.876850938,4.876850355,4.876850348,4.87685064,4.876850735,4.876850535,4.876850824
+"1979","CACNG1",4.826610041,4.826610055,4.826610086,4.826610059,4.82661014,4.826610082,4.8266101,4.826610097,4.82661006,4.826610091,4.826610105,4.82661014,4.826610069,4.826610062,4.826610112,4.82661008,4.826610126,4.826610115,4.826610123,4.826610084,4.826610107,4.826610116,4.826610053,4.826610053,4.826610119,4.826610093,4.82661007,4.826610092
+"1980","CACNG2",3.810631252,3.810631252,3.810631259,3.810631267,3.810631305,3.810631257,3.810631272,3.810631254,3.810631252,3.810631297,3.810631285,3.810631285,3.810631261,3.810631249,3.810631266,3.810631305,3.810631295,3.810631284,3.810631297,3.810631262,3.810631265,3.810631257,3.810631286,3.81063127,3.810631281,3.810631278,3.81063127,3.810631265
+"1981","CACNG3",4.004414159,4.004414273,4.004414225,4.004414142,4.004414288,4.004414303,4.004414209,4.004414257,4.004414257,4.004414288,4.004414262,4.00441425,4.004414177,4.00441418,4.004414243,4.004414285,4.004414291,4.004414198,4.004414173,4.004414325,4.004414209,4.004414159,4.004414262,4.004414201,4.004414193,4.004414209,4.004414214,4.00441419
+"1982","CACNG4",5.240132666,5.240132736,5.240132733,5.240132668,5.240132809,5.240132554,5.240132634,5.240132651,5.24013268,5.240132636,5.240132722,5.240132638,5.240132713,5.240132527,5.240132718,5.240132688,5.240132711,5.240132822,5.240132686,5.240132781,5.24013274,5.24013283,5.240132576,5.240132681,5.240132795,5.240132655,5.240132688,5.240132746
+"1983","CACNG5",4.56195651,4.561956478,4.561956584,4.561956508,4.561956568,4.561956555,4.56195657,4.561956581,4.561956527,4.561956566,4.561956575,4.561956599,4.561956539,4.561956486,4.561956563,4.561956559,4.56195659,4.56195654,4.561956573,4.561956568,4.561956512,4.561956528,4.561956505,4.561956531,4.561956521,4.561956593,4.56195654,4.561956507
+"1984","CACNG6",6.041326202,6.041326288,6.041326143,6.041326295,6.041326503,6.041326148,6.041326237,6.041326248,6.041326069,6.041326115,6.041326331,6.041326306,6.041326195,6.041325958,6.041326289,6.04132637,6.041326504,6.04132633,6.041326372,6.041325898,6.04132613,6.041326413,6.041326184,6.041326199,6.041326424,6.041326263,6.041326161,6.041326353
+"1985","CACNG7",5.398434444,5.398434485,5.398434598,5.398434453,5.398434934,5.398434587,5.398434667,5.398434661,5.398434572,5.398434668,5.398434713,5.398434935,5.398434462,5.398434246,5.39843486,5.398434644,5.398434981,5.398434594,5.398434719,5.398434679,5.398434807,5.398434843,5.39843452,5.398434417,5.398434514,5.398434784,5.398434634,5.398434725
+"1986","CACTIN",6.085519488,6.085519508,6.085519506,6.085519502,6.085519503,6.085519514,6.0855195,6.085519516,6.085519508,6.085519503,6.08551951,6.08551952,6.08551951,6.085519498,6.085519497,6.085519515,6.085519518,6.085519514,6.085519497,6.085519488,6.085519493,6.08551952,6.085519504,6.085519499,6.085519518,6.085519506,6.085519522,6.085519504
+"1987","CACTIN-AS1",5.226981466,5.226981469,5.226981695,5.226981611,5.226981789,5.226981719,5.226981367,5.226981608,5.226981549,5.226981745,5.226981741,5.226981575,5.22698149,5.226981356,5.226981501,5.226981442,5.226981355,5.226981765,5.226981402,5.226981539,5.226981502,5.22698163,5.226981572,5.226981616,5.226981733,5.226981462,5.226981585,5.226981542
+"1988","CACUL1",7.552677434,7.552677515,7.552677391,7.552677556,7.552677316,7.552677306,7.552677363,7.552677343,7.552677337,7.552677239,7.552677391,7.552677236,7.552677365,7.552677458,7.552677304,7.552677486,7.552677337,7.552677473,7.552677472,7.552677438,7.552677383,7.552677277,7.552677431,7.552677532,7.552677522,7.552677299,7.552677355,7.552677419
+"1989","CACYBP",6.3906309215,6.39063051,6.390630359,6.3906307345,6.390629911,6.3906302135,6.3906308445,6.390630063,6.39063047,6.3906307515,6.390630269,6.390629305,6.390630597,6.390632233,6.390630321,6.390630129,6.3906297175,6.390630403,6.3906304155,6.3906304705,6.3906308055,6.390630252,6.390631129,6.3906311185,6.390630302,6.390630095,6.3906304065,6.3906314415
+"1990","CAD",6.252519345,6.252519406,6.252519222,6.252519309,6.252519399,6.252519478,6.252519415,6.252519374,6.252519585,6.252519448,6.252519249,6.252519401,6.252519439,6.252519451,6.252519325,6.252519354,6.252519261,6.252519259,6.252519412,6.252519233,6.252519455,6.252519385,6.252519474,6.252519287,6.252519257,6.252519409,6.252519432,6.252519414
+"1991","CADM1",4.500189867,4.500189882,4.50018989,4.500189869,4.500189919,4.500189878,4.500189891,4.500189894,4.500189878,4.500189868,4.500189889,4.500189923,4.500189879,4.500189875,4.500189901,4.500189885,4.500189892,4.500189896,4.5001899,4.500189889,4.500189896,4.500189898,4.50018989,4.500189871,4.500189883,4.500189891,4.500189871,4.500189888
+"1992","CADM2",3.619215866,3.619215852,3.61921584,3.61921591,3.619215955,3.619215818,3.619215851,3.619215939,3.619215952,3.619215754,3.619215858,3.619216071,3.619215775,3.619215877,3.619215965,3.619215909,3.619215985,3.61921602,3.619215896,3.619215806,3.619215986,3.61921588,3.619215963,3.619215889,3.61921587,3.619215958,3.619215823,3.619215849
+"1993","CADM3",5.022300146,5.022300128,5.022300247,5.022300208,5.022300248,5.022300208,5.022300202,5.022300243,5.022300217,5.02230025,5.022300246,5.022300239,5.022300228,5.022300102,5.022300241,5.022300197,5.022300209,5.022300223,5.022300214,5.022300185,5.022300224,5.022300251,5.022300193,5.022300201,5.022300214,5.022300237,5.022300225,5.022300174
+"1994","CADM4",6.144447868,6.144447985,6.14444802,6.144448019,6.144448058,6.144447967,6.144448016,6.144448025,6.144447993,6.14444793,6.144448033,6.144448022,6.144447913,6.14444785,6.14444799,6.144448067,6.144448089,6.144448092,6.144448022,6.144447902,6.144448061,6.144448042,6.144447968,6.144447927,6.144447995,6.144448042,6.144447927,6.14444803
+"1995","CADPS",3.580401077,3.58040124,3.580401211,3.580401112,3.58040136,3.580401105,3.580401229,3.580401304,3.58040113,3.580401243,3.580401294,3.58040124,3.580401092,3.580401213,3.58040133,3.580401177,3.580401321,3.580401278,3.58040122,3.580401204,3.580401308,3.58040121,3.580401082,3.580401179,3.580401361,3.580401274,3.580401142,3.580401286
+"1996","CADPS2",3.626314017,3.626314037,3.626314051,3.626314052,3.626314096,3.626314027,3.626314062,3.626314036,3.626314022,3.62631404,3.626314053,3.626314051,3.626314028,3.626314023,3.626314048,3.626314061,3.62631406,3.62631408,3.626314021,3.626314025,3.626314023,3.626314087,3.626314049,3.626314047,3.626314088,3.626314047,3.626314034,3.626314038
+"1997","CAGE1",3.265926779,3.265926816,3.265926809,3.265926831,3.265926791,3.265926804,3.265926771,3.265926806,3.265926806,3.265926851,3.265926879,3.265926849,3.265926787,3.265926823,3.265926807,3.265926829,3.265926871,3.265926816,3.265926809,3.26592679,3.265926751,3.265926766,3.265926826,3.265926842,3.265926852,3.265926731,3.265926798,3.265926782
+"1998","CALB1",3.402539851,3.402539842,3.402539866,3.402539854,3.402539912,3.402539877,3.40253985,3.402539865,3.402539841,3.402539868,3.402539866,3.402539896,3.402539848,3.402539801,3.402539864,3.402539849,3.402539844,3.402539834,3.402539827,3.402539877,3.402539896,3.402539857,3.402539861,3.402539849,3.402539841,3.40253987,3.402539819,3.402539858
+"1999","CALB2",4.441439456,4.441439673,4.441439908,4.44143954,4.44144016,4.441439436,4.441439956,4.441440014,4.441439765,4.441439811,4.44143994,4.441440107,4.441439695,4.441439259,4.441440132,4.44143977,4.441440229,4.441440162,4.441439811,4.441439683,4.441440171,4.441440254,4.441439334,4.441439598,4.441439729,4.441440128,4.441439531,4.441439639
+"2000","CALCA",5.174562053,5.17456198,5.174562291,5.17456207,5.174562368,5.174561901,5.174562125,5.174562316,5.174562099,5.174562123,5.174562054,5.174562098,5.174562259,5.174562072,5.174562228,5.174562121,5.17456222,5.174562289,5.174562254,5.174562241,5.17456229,5.174562151,5.174562053,5.174562235,5.174562216,5.174562297,5.174562122,5.174562062
+"2001","CALCB",4.717740538,4.717740445,4.717740764,4.717740581,4.717741028,4.717740561,4.717740762,4.717740748,4.717740654,4.717740866,4.717740922,4.71774098,4.717740679,4.717740475,4.717741087,4.717740634,4.717741028,4.717740756,4.717740863,4.717740878,4.717740978,4.717741075,4.717740685,4.717740534,4.71774085,4.717740798,4.717740339,4.717740665
+"2002","CALCOCO1",7.68762335,7.687623391,7.687623342,7.687623451,7.687623323,7.687623399,7.687623368,7.687623383,7.68762329,7.687623327,7.687623382,7.687623309,7.68762338,7.687623342,7.687623288,7.687623337,7.687623308,7.687623427,7.687623329,7.687623243,7.68762335,7.68762335,7.687623349,7.687623365,7.687623419,7.687623399,7.687623361,7.687623331
+"2003","CALCOCO2",7.939567962,7.939567734,7.939567603,7.939567839,7.93956752,7.939568635,7.939567782,7.939567662,7.939567679,7.939567673,7.939567545,7.939567188,7.939567764,7.939568252,7.939567919,7.939567475,7.93956744,7.93956747,7.93956787,7.939568696,7.939567816,7.939567586,7.939567792,7.93956767,7.939567836,7.939567609,7.939567564,7.939567757
+"2004","CALCR",3.131520593,3.131520591,3.131520629,3.131520713,3.131520709,3.131520662,3.131520622,3.13152058,3.13152067,3.131520587,3.131520703,3.131520639,3.131520594,3.131520603,3.131520657,3.131520678,3.131520664,3.131520632,3.131520624,3.131520608,3.131520656,3.131520652,3.131520571,3.131520578,3.13152072,3.131520632,3.13152064,3.131520603
+"2005","CALCRL",3.115901798,3.115901738,3.115901849,3.115901755,3.115901749,3.115901839,3.115901736,3.11590175,3.115901762,3.115901786,3.115901863,3.115901787,3.115901777,3.115901893,3.115901811,3.115901695,3.115901772,3.115901715,3.11590177,3.115901768,3.115901673,3.11590176,3.115901896,3.115901746,3.115901835,3.115901762,3.115901764,3.11590186
+"2006","CALD1",3.99005442,3.990054589,3.990054513,3.990054814,3.990054528,3.990054577,3.99005444,3.990054497,3.990054486,3.990054558,3.9900548,3.990054592,3.990054354,3.99005443,3.990054502,3.990054442,3.990054681,3.990054913,3.990054438,3.990054537,3.990054471,3.99005437,3.990054481,3.990054613,3.990054536,3.990054462,3.990054399,3.990054514
+"2007","CALHM1",4.886923954,4.886923828,4.886924006,4.886924029,4.88692419,4.886923779,4.886923963,4.886924131,4.886924051,4.886924045,4.886924045,4.886924051,4.88692398,4.886923866,4.886924208,4.886924166,4.886924152,4.886924251,4.886924147,4.886923923,4.886924167,4.886924136,4.886923913,4.886923783,4.886924041,4.886924039,4.886924012,4.886924095
+"2008","CALHM2",7.570075943,7.570075967,7.570075925,7.570075543,7.570076305,7.570076077,7.570076086,7.570076297,7.570075152,7.570076113,7.570075525,7.570075839,7.570076263,7.570076051,7.570076089,7.570075846,7.570076083,7.570075418,7.570075889,7.57007593,7.570076064,7.570076167,7.570075049,7.570076146,7.570075391,7.570075658,7.570076271,7.570076006
+"2009","CALHM3",4.651085158,4.651085207,4.65108528,4.651085213,4.651085327,4.651085208,4.651085235,4.651085292,4.651085243,4.651085282,4.651085157,4.65108536,4.651085197,4.651085161,4.651085297,4.6510852,4.651085341,4.651085244,4.651085234,4.651085199,4.651085284,4.651085268,4.651085196,4.651085158,4.651085252,4.651085373,4.651085252,4.651085234
+"2010","CALHM4",3.11264375,3.112643828,3.112643792,3.112643861,3.112643863,3.112643849,3.112643873,3.112643894,3.11264391,3.112643868,3.112643842,3.112643906,3.112643836,3.112643816,3.11264392,3.112643895,3.112643893,3.112643879,3.112643835,3.112643826,3.112643821,3.112643891,3.112643773,3.112643857,3.112643918,3.112643807,3.112643856,3.112643893
+"2011","CALHM5",3.705837491,3.705837542,3.705837572,3.705837781,3.705837621,3.705837635,3.705837664,3.705837608,3.705837592,3.705837646,3.705837736,3.705837648,3.705837687,3.705837615,3.705837596,3.705837693,3.705837664,3.705837659,3.70583765,3.70583752,3.705837519,3.705837687,3.705837516,3.705837518,3.705837687,3.705837626,3.70583752,3.705837611
+"2012","CALHM6",5.653719757,5.653719685,5.653719808,5.653719768,5.65371954,5.6537204,5.653719805,5.653719843,5.653719653,5.653719864,5.653719705,5.653719832,5.653719877,5.653719712,5.653719827,5.653719685,5.653720057,5.653719627,5.653719567,5.653720393,5.65371967,5.653719812,5.653719763,5.653719788,5.653719636,5.653719644,5.653719807,5.653719742
+"2013","CALM1",8.476233709,8.476233176,8.476232578,8.476232735,8.476232592,8.476232514,8.47623311,8.476232453,8.476233262,8.476232853,8.476232151,8.476231885,8.476233145,8.476234406,8.476233263,8.476232392,8.476231704,8.476232528,8.476233246,8.476231209,8.476233148,8.476232839,8.476233207,8.476232953,8.476232185,8.476232829,8.476233127,8.476233632
+"2014","CALM2",7.772191922,7.772191577,7.772191746,7.772191765,7.772191256,7.77219028,7.772191112,7.772190162,7.772191168,7.772190676,7.772191446,7.772190254,7.772191561,7.772192219,7.772191278,7.772191882,7.772191274,7.772190976,7.772192086,7.772190607,7.772191418,7.772190114,7.77219131,7.772190899,7.772191455,7.772191144,7.772191501,7.772191304
+"2015","CALM3",8.864498328,8.86449855,8.864498237,8.864498586,8.864498247,8.864498362,8.864498208,8.864498295,8.864498404,8.864498404,8.864498376,8.86449817,8.864498344,8.864498392,8.864498157,8.864498388,8.864497979,8.864498449,8.864498305,8.864498194,8.864498141,8.864498196,8.864498374,8.864498437,8.864498333,8.864498247,8.86449831,8.864498223
+"2016","CALML3",5.197050938,5.197050944,5.197051069,5.197051002,5.19705104,5.197050877,5.197051012,5.197051048,5.197050985,5.19705101,5.197051006,5.197051049,5.197050971,5.197050946,5.197051034,5.197051051,5.197051006,5.19705105,5.197050979,5.197050973,5.197051024,5.197051033,5.197050974,5.197050983,5.197051084,5.19705103,5.197051001,5.197050998
+"2017","CALML4",6.339867173,6.339867401,6.339867174,6.339867172,6.339867156,6.339867326,6.339867321,6.339867151,6.339867366,6.339867313,6.339867264,6.33986711,6.339867312,6.339867129,6.339867251,6.339867424,6.33986698,6.339867274,6.339867346,6.339867451,6.339867299,6.339867249,6.339867214,6.339867293,6.339867192,6.339867279,6.339867227,6.33986701
+"2018","CALML5",5.518599658,5.518599877,5.518599909,5.518599821,5.518599921,5.518599384,5.5185997,5.518599863,5.518599788,5.518599821,5.518599855,5.518599793,5.518599773,5.518599643,5.518599808,5.518599946,5.51859997,5.518599998,5.518599722,5.518599776,5.518599832,5.518599897,5.518599716,5.518599798,5.518599857,5.518599873,5.518599759,5.5185999
+"2019","CALML6",5.088096507,5.088096699,5.088096813,5.088096745,5.08809682,5.088096015,5.088096474,5.088096734,5.088096743,5.088096508,5.088096913,5.088096775,5.088096594,5.088096218,5.088096699,5.088096804,5.088096929,5.088096987,5.088096734,5.088096575,5.088096496,5.088096548,5.088096563,5.088096536,5.088097031,5.088096569,5.088096448,5.088096701
+"2020","CALN1",4.265057935,4.265057947,4.265058046,4.265057946,4.265058112,4.265058077,4.265057939,4.265058047,4.265058004,4.265058012,4.265057992,4.265058072,4.265057979,4.265057716,4.265057998,4.265058075,4.265058176,4.265058091,4.265058076,4.265058062,4.265058031,4.265057951,4.265058082,4.265057947,4.265057911,4.265057869,4.265057923,4.265057994
+"2021","CALR",8.195214867,8.195214688,8.19521452,8.195214189,8.195214576,8.195215815,8.195215203,8.195214503,8.195215009,8.19521478,8.195214451,8.195214037,8.195214985,8.195215192,8.195214719,8.195214203,8.195213868,8.195214172,8.195214236,8.195215029,8.195214973,8.195214739,8.195214735,8.195214591,8.19521391,8.195214755,8.195214831,8.195214694
+"2022","CALR3",4.234765438,4.234765454,4.234765454,4.23476545,4.234765477,4.234765456,4.234765462,4.234765455,4.234765463,4.234765459,4.234765465,4.234765467,4.23476545,4.234765441,4.234765472,4.234765451,4.234765471,4.234765456,4.234765462,4.234765433,4.234765459,4.234765472,4.234765444,4.234765444,4.234765458,4.234765459,4.234765447,4.234765456
+"2023","CALU",5.143402053,5.143401965,5.143401502,5.143401627,5.143401263,5.143401702,5.143401871,5.14340138,5.143401725,5.143402119,5.143401534,5.143401135,5.143401839,5.143401991,5.143401457,5.143401682,5.14340154,5.14340118,5.143401456,5.143401727,5.143401515,5.143401415,5.14340169,5.143401973,5.143401746,5.143401552,5.143401755,5.143401819
+"2024","CALY",6.449159314,6.449159339,6.44915953,6.449159333,6.4491596785,6.449159374,6.4491595465,6.449159634,6.4491593815,6.449159467,6.449159557,6.4491597755,6.4491595495,6.449159185,6.4491596405,6.4491594415,6.4491597415,6.449159555,6.449159446,6.4491594395,6.449159672,6.449159642,6.4491594305,6.449159399,6.449159433,6.4491596475,6.4491594255,6.4491595235
+"2025","CAMK1",7.188556602,7.188557221,7.188557154,7.188556623,7.188557568,7.188556762,7.188557001,7.188556697,7.188557062,7.188557303,7.188557275,7.188556739,7.188557054,7.188557168,7.188556357,7.188557427,7.18855693,7.188556825,7.188557423,7.18855661,7.188556765,7.188557037,7.188556879,7.188557022,7.188557412,7.188556862,7.188557093,7.188557156
+"2026","CAMK1D",7.801344492,7.801346705,7.801344346,7.801346362,7.801345024,7.801346045,7.801343906,7.801344017,7.801345408,7.801344986,7.801346519,7.801343113,7.801345544,7.801345209,7.801343931,7.801345687,7.801343542,7.801345823,7.801345345,7.80134528,7.801343437,7.801343112,7.801345667,7.801345338,7.801346212,7.801344345,7.801345275,7.80134433
+"2027","CAMK1G",4.331633647,4.331633604,4.33163361,4.33163366,4.331633672,4.331633614,4.331633655,4.331633657,4.3316336,4.33163365,4.331633705,4.331633661,4.331633691,4.331633605,4.331633736,4.331633627,4.331633742,4.331633692,4.331633563,4.331633637,4.331633661,4.331633668,4.331633716,4.331633653,4.331633624,4.331633637,4.331633684,4.331633609
+"2028","CAMK2A",5.40914724,5.409147354,5.409147703,5.409147461,5.409147806,5.409147295,5.409147609,5.40914754,5.40914741,5.4091474,5.409147708,5.409147869,5.40914756,5.409147289,5.409147699,5.409147525,5.409147864,5.409147779,5.40914753,5.409147512,5.409147677,5.409147496,5.409147325,5.409147181,5.409147634,5.409147606,5.409147438,5.409147342
+"2029","CAMK2B",4.68188902,4.681889044,4.681888994,4.681889111,4.68188926,4.681889133,4.681889131,4.681889188,4.681889142,4.681889083,4.681889242,4.681889131,4.681889124,4.681888904,4.681889278,4.681889144,4.681889326,4.681889258,4.681889191,4.681889169,4.681889278,4.681889156,4.68188895,4.681889011,4.681889187,4.681889243,4.681889142,4.681889181
+"2030","CAMK2D",6.150209797,6.150209109,6.150208944,6.15020904,6.150208613,6.150209605,6.150209086,6.15020897,6.150209291,6.150209286,6.150208563,6.150208885,6.150209239,6.150209893,6.150209325,6.150208788,6.150208613,6.150208767,6.150208978,6.15020968,6.15020885,6.150209034,6.150209264,6.150209239,6.150208578,6.150209173,6.150209252,6.15020966
+"2031","CAMK2G",8.248451682,8.248451921,8.248451765,8.248452124,8.248451666,8.248451817,8.248451805,8.248451785,8.248451726,8.248451711,8.248451843,8.248451631,8.248451806,8.248451868,8.248451706,8.248451865,8.248451705,8.248451963,8.248451823,8.248451936,8.248451813,8.248451722,8.248451802,8.248451837,8.248451986,8.248451729,8.24845177,8.248451737
+"2032","CAMK2N1",6.262054835,6.262054841,6.262054859,6.262054832,6.262054862,6.262054841,6.262054839,6.262054859,6.262054847,6.262054849,6.262054855,6.262054866,6.262054853,6.262054821,6.262054857,6.262054842,6.262054861,6.262054849,6.262054845,6.262054849,6.262054849,6.262054865,6.262054849,6.26205484,6.262054846,6.262054863,6.262054841,6.262054856
+"2033","CAMK2N2",6.768262285,6.768262267,6.76826258,6.768262326,6.76826286,6.768262446,6.768262588,6.768262551,6.768262484,6.768262596,6.768262687,6.768262802,6.768262507,6.768261873,6.768262677,6.768262364,6.768262733,6.768262598,6.76826253,6.768262522,6.768262596,6.768262634,6.768262445,6.768262251,6.768262573,6.768262576,6.768262457,6.768262501
+"2034","CAMK4",7.835172432,7.835883886,7.833643498,7.83160443,7.833440866,7.8333006,7.833546935,7.833827073,7.840919951,7.837339733,7.830046777,7.836446908,7.835222148,7.840924324,7.833121757,7.831818117,7.831383891,7.832298885,7.835037898,7.832103774,7.831824891,7.834521674,7.839125031,7.835243759,7.829815846,7.836757961,7.834872076,7.838330189
+"2035","CAMKK1",5.933139422,5.933139796,5.933139661,5.933139925,5.933139642,5.933139601,5.933139706,5.933139335,5.933139499,5.933139512,5.933139845,5.933139578,5.933139599,5.933139642,5.933139764,5.93313985,5.93313977,5.933139804,5.933139679,5.933139563,5.933139632,5.933139364,5.93313956,5.933139763,5.933139827,5.933139599,5.933139658,5.933139574
+"2036","CAMKK2",7.666532422,7.666533318,7.666532254,7.666533499,7.666532143,7.666532841,7.666532392,7.666531931,7.666531778,7.666532602,7.666532893,7.666531758,7.666532355,7.666531889,7.666532505,7.666533228,7.66653238,7.666532641,7.666532848,7.666532888,7.666532257,7.666531925,7.666532304,7.666533214,7.666533098,7.666532032,7.666532338,7.666531437
+"2037","CAMKMT",5.427603685,5.427603344,5.427603334,5.427603137,5.427602818,5.427603141,5.427603291,5.42760308,5.427603588,5.427603336,5.427602936,5.427603171,5.427603512,5.427603723,5.427603226,5.427603495,5.427603021,5.427603182,5.427603182,5.427603189,5.427603243,5.427603365,5.427603451,5.427603403,5.4276031,5.427603347,5.427603652,5.427603437
+"2038","CAMKV",4.126502063,4.126502145,4.126502176,4.126502294,4.126502372,4.126502199,4.126502297,4.126502259,4.126502111,4.12650214,4.126502277,4.126502022,4.126502225,4.126502197,4.12650229,4.126502252,4.126502155,4.126502295,4.126502199,4.126502217,4.126502344,4.126502233,4.126502074,4.126502033,4.12650223,4.126502204,4.126502007,4.126501995
+"2039","CAMLG",5.986870062,5.986870123,5.986869983,5.986870049,5.986869934,5.986869927,5.986870019,5.98686994,5.986870028,5.986869963,5.986869977,5.986869971,5.986870037,5.986870099,5.986870009,5.986870057,5.986869955,5.986869938,5.986870019,5.986869993,5.986869979,5.986869973,5.986870053,5.986870001,5.986869893,5.986869991,5.986869968,5.986870048
+"2040","CAMP",6.272930816,6.272930448,6.272931678,6.272930912,6.272930453,6.272929696,6.272932012,6.272930085,6.27293023,6.272930388,6.272931205,6.272930721,6.27293003,6.272929576,6.272931288,6.272931046,6.272932007,6.272931039,6.272930093,6.272930171,6.272932089,6.272930603,6.272930074,6.2729299,6.27293102,6.272930679,6.272929367,6.272929733
+"2041","CAMSAP1",5.955032703,5.9550327,5.955032682,5.95503268,5.955032688,5.955032685,5.955032693,5.955032674,5.955032679,5.955032682,5.955032698,5.955032699,5.955032694,5.955032695,5.95503268,5.955032667,5.955032686,5.955032669,5.955032687,5.955032675,5.955032687,5.955032683,5.955032673,5.955032694,5.955032697,5.955032695,5.9550327,5.955032687
+"2042","CAMSAP2",4.313579535,4.313579534,4.31357951,4.313579544,4.313579518,4.313579532,4.313579497,4.313579538,4.313579497,4.313579551,4.313579493,4.313579526,4.313579522,4.313579575,4.313579541,4.313579536,4.313579524,4.313579512,4.313579551,4.313579501,4.313579518,4.313579533,4.313579518,4.313579514,4.313579504,4.313579539,4.313579525,4.313579538
+"2043","CAMSAP3",6.028785221,6.028785151,6.028785348,6.028785341,6.028785428,6.028785165,6.028785242,6.028785352,6.028785447,6.02878532,6.028785374,6.028785397,6.028785259,6.02878507,6.028785398,6.028785366,6.028785459,6.028785422,6.028785324,6.028785276,6.02878541,6.028785396,6.02878525,6.028785265,6.028785378,6.028785327,6.028785247,6.028785249
+"2044","CAMTA1",5.030699281,5.030699278,5.030699031,5.030699078,5.030699238,5.030699209,5.030699111,5.03069909,5.030699091,5.030699191,5.030699102,5.030699113,5.030699081,5.030699122,5.03069918,5.030699273,5.030699131,5.030699186,5.030699171,5.030699282,5.030699149,5.030699174,5.030699263,5.030698982,5.030699223,5.030699207,5.030699117,5.030699151
+"2045","CAMTA2",6.993062914,6.993062911,6.993062918,6.993062935,6.993062942,6.993062946,6.993062937,6.993062928,6.993062919,6.993062926,6.993062927,6.993062938,6.993062927,6.993062917,6.993062939,6.993062924,6.993062893,6.993062933,6.993062913,6.993062933,6.993062942,6.993062919,6.993062906,6.993062931,6.993062929,6.993062917,6.993062929,6.993062923
+"2046","CAND1",6.937425441,6.937425007,6.937424815,6.937424638,6.937424847,6.937424503,6.937425288,6.937424559,6.93742504,6.937425193,6.937424297,6.937424368,6.937424888,6.937426205,6.937424936,6.937424511,6.937424563,6.937424231,6.937425074,6.937424464,6.937424892,6.937424572,6.937425523,6.93742491,6.937424378,6.937424948,6.937424941,6.937425778
+"2047","CAND2",5.477555602,5.47755561,5.477555611,5.477555601,5.477555618,5.477555605,5.477555604,5.477555613,5.477555604,5.477555609,5.477555606,5.477555619,5.477555597,5.477555592,5.477555617,5.477555608,5.477555594,5.47755562,5.477555616,5.477555622,5.477555614,5.477555608,5.477555611,5.477555595,5.477555599,5.477555616,5.477555613,5.477555569
+"2048","CANT1",7.100666928,7.100668196,7.100666764,7.100667962,7.100666564,7.100667706,7.100667097,7.100666954,7.100667056,7.100666642,7.100666823,7.100666056,7.100667209,7.100666774,7.100666914,7.100667855,7.100667054,7.100667857,7.100667041,7.100667836,7.100666623,7.100666402,7.100667366,7.10066775,7.100667785,7.100666554,7.100667213,7.100666424
+"2049","CANX",8.962258869,8.962258049,8.962257771,8.96225744,8.962257834,8.962257415,8.962258521,8.962256966,8.96225708,8.962257834,8.962256982,8.962257234,8.962258047,8.962259632,8.962258013,8.962257665,8.962257159,8.962256741,8.962257496,8.962257564,8.962259015,8.962257273,8.962257489,8.962257827,8.962256797,8.96225801,8.962257891,8.962258417
+"2050","CAP1",10.31377943,10.31378221,10.31377231,10.31378318,10.31377347,10.31377594,10.3137757,10.31377274,10.31377006,10.31377323,10.31377293,10.31376286,10.31377355,10.31378195,10.31377627,10.31377545,10.31377109,10.31377543,10.31377827,10.31377796,10.31377713,10.31377054,10.31377648,10.31377824,10.31377555,10.3137706,10.31377102,10.31377313
+"2051","CAP2",4.034860667,4.03486073,4.034860778,4.034860783,4.034860803,4.034860797,4.034860808,4.034860815,4.034860783,4.034860846,4.034860839,4.034860812,4.03486076,4.034860724,4.034860764,4.034860757,4.034860774,4.034860756,4.034860742,4.03486077,4.034860803,4.034860781,4.034860759,4.034860754,4.03486082,4.034860771,4.034860752,4.034860707
+"2052","CAPG",7.465007593,7.465009932,7.465008656,7.465007598,7.46500864,7.465009575,7.465007604,7.465005977,7.465007751,7.465010464,7.465008609,7.465006139,7.465008536,7.465008671,7.465007387,7.465008314,7.465007522,7.465006653,7.465008286,7.465009661,7.46500733,7.465006786,7.465006789,7.46500948,7.465007544,7.465007571,7.465008025,7.465007556
+"2053","CAPN1",7.887909019,7.887909145,7.887909106,7.887909176,7.887909137,7.887909409,7.887908978,7.887908931,7.887909115,7.887909257,7.887909135,7.887909101,7.887909096,7.887908997,7.887908967,7.887909069,7.887908988,7.887909031,7.887909124,7.887909306,7.887908882,7.887909053,7.88790919,7.887909257,7.887909149,7.887909144,7.887909109,7.887908956
+"2054","CAPN11",3.999844407,3.999844455,3.999844397,3.999844453,3.999844528,3.999844379,3.99984445,3.999844453,3.999844397,3.999844401,3.999844483,3.999844552,3.999844462,3.999844379,3.99984452,3.999844474,3.999844537,3.999844505,3.999844464,3.999844469,3.999844456,3.99984451,3.999844379,3.999844465,3.999844467,3.999844506,3.999844371,3.999844469
+"2055","CAPN12",5.343700674,5.343700584,5.343700738,5.343700266,5.343701022,5.343700291,5.343700794,5.343700729,5.343700349,5.343700484,5.343700954,5.343701064,5.343700623,5.343700147,5.343700956,5.343701027,5.343701066,5.343700738,5.343700591,5.343700546,5.343700926,5.343700812,5.343700118,5.343700447,5.343700856,5.343700739,5.343700473,5.34370063
+"2056","CAPN13",4.054993043,4.054993226,4.054993103,4.054993155,4.054993166,4.054993031,4.054993132,4.054993376,4.054993182,4.054993151,4.054993034,4.054993269,4.05499312,4.054993069,4.054993169,4.054993132,4.054993108,4.054993206,4.054993279,4.054993166,4.054993168,4.054993164,4.05499302,4.054993211,4.054993185,4.054993033,4.054993089,4.054993005
+"2057","CAPN15",6.720917921,6.720917769,6.720918147,6.720917954,6.720918322,6.72091805,6.720918112,6.720918164,6.720918052,6.720918111,6.720918145,6.720918206,6.720918057,6.720917772,6.720918134,6.720918068,6.720918241,6.72091813,6.720918012,6.720917982,6.720918239,6.720918128,6.720917897,6.72091781,6.720918079,6.720918269,6.720917998,6.720918084
+"2058","CAPN2",8.182831049,8.182830722,8.182830163,8.182829088,8.18283056,8.182830897,8.182830609,8.182830185,8.182830457,8.182831081,8.182830303,8.182829737,8.182830746,8.1828312,8.182830773,8.182830265,8.182829744,8.182829315,8.18283044,8.18283084,8.182830754,8.182829977,8.182830334,8.182830533,8.182829984,8.182830164,8.182830828,8.182830736
+"2059","CAPN5",5.994799716,5.994799706,5.994799789,5.994799725,5.994799745,5.994799816,5.994799745,5.994799802,5.994799757,5.994799731,5.99479973,5.994799792,5.994799716,5.994799679,5.994799772,5.994799715,5.9947998,5.994799774,5.994799713,5.994799783,5.994799756,5.994799785,5.99479975,5.994799745,5.994799744,5.994799805,5.994799723,5.994799748
+"2060","CAPN6",4.694363756,4.694363651,4.694363899,4.694364128,4.694364206,4.694363727,4.694363943,4.694364072,4.69436374,4.694364031,4.694363807,4.694364168,4.694363795,4.694363735,4.694364007,4.694363951,4.694364009,4.694363976,4.694364046,4.694364065,4.694364207,4.694363864,4.694363942,4.694363614,4.694363939,4.694364093,4.694364014,4.694363828
+"2061","CAPN7",7.099922062,7.099921272,7.099921229,7.099921285,7.099920877,7.099920513,7.099921139,7.099920775,7.099921159,7.099921261,7.09992068,7.099920636,7.099921776,7.099922595,7.099921082,7.099921161,7.099920766,7.099921036,7.099921376,7.099920339,7.099921082,7.099921188,7.099921399,7.099921342,7.099920906,7.099921389,7.099921206,7.099922081
+"2062","CAPN9",3.837003221,3.837003233,3.837003268,3.837003287,3.837003299,3.837003255,3.837003242,3.837003344,3.837003234,3.837003187,3.837003297,3.837003326,3.83700323,3.837003175,3.837003304,3.837003282,3.837003359,3.837003289,3.837003221,3.837003273,3.837003296,3.837003275,3.83700325,3.837003249,3.837003303,3.837003259,3.837003217,3.837003291
+"2063","CAPNS1",8.738250426,8.738250604,8.738250497,8.73825041,8.738250385,8.738250671,8.738250286,8.738250359,8.738250321,8.738250642,8.738250376,8.738250275,8.738250536,8.738250564,8.738250368,8.738250467,8.738250381,8.738250184,8.738250398,8.738250539,8.738250217,8.738250396,8.738250332,8.738250628,8.73825032,8.738250346,8.738250518,8.738250486
+"2064","CAPNS2",5.750044008,5.750045027,5.750043655,5.750044733,5.750043681,5.750044957,5.750043739,5.750043696,5.750044098,5.750043906,5.750044253,5.750041861,5.750044034,5.750044462,5.75004418,5.750045108,5.750043667,5.750043854,5.750044677,5.75004486,5.75004345,5.750044065,5.750044648,5.750044216,5.750043949,5.75004356,5.750043654,5.750043983
+"2065","CAPRIN1",8.324647098,8.324646707,8.324646329,8.324646335,8.324646351,8.324646786,8.324646647,8.32464625,8.324646613,8.324646668,8.324645863,8.324645821,8.324646759,8.324647466,8.324646616,8.324646242,8.324645861,8.324645822,8.324646526,8.324646526,8.324646818,8.324646316,8.324646816,8.324646521,8.324646072,8.32464655,8.32464675,8.324647097
+"2066","CAPRIN2",5.498405768,5.498405693,5.498405685,5.498405683,5.498405596,5.498405669,5.498405725,5.498405709,5.498405736,5.498405714,5.498405699,5.498405709,5.4984057,5.498405731,5.498405664,5.49840561,5.498405613,5.498405647,5.498405676,5.498405575,5.498405696,5.498405681,5.49840572,5.498405667,5.49840569,5.498405727,5.498405715,5.498405701
+"2067","CAPS",7.485642944,7.485642947,7.485642981,7.485642921,7.485642996,7.485642922,7.485642956,7.485642996,7.485642958,7.485642959,7.485643002,7.485643009,7.485642986,7.485642925,7.485642994,7.48564301,7.485642997,7.485643017,7.485642941,7.485642945,7.485642951,7.485642985,7.485642943,7.485642937,7.485643011,7.485642959,7.485642954,7.485642971
+"2068","CAPS2",3.090878318,3.090878339,3.090878356,3.090878386,3.090878408,3.090878333,3.090878359,3.090878404,3.090878351,3.090878405,3.090878282,3.09087841,3.090878311,3.090878309,3.090878315,3.090878364,3.090878386,3.090878281,3.090878364,3.090878316,3.0908783,3.090878353,3.09087835,3.090878334,3.090878383,3.090878343,3.090878321,3.090878407
+"2069","CAPSL",3.797918616,3.797918526,3.797918648,3.797918671,3.797918658,3.797918442,3.797918643,3.797918574,3.797918643,3.797918561,3.797918695,3.797918704,3.79791855,3.797918501,3.797918603,3.797918617,3.797918772,3.797918817,3.79791873,3.797918605,3.797918598,3.797918717,3.797918719,3.797918697,3.797918558,3.79791857,3.797918402,3.797918753
+"2070","CAPZA1",7.506212709,7.506211865,7.506212211,7.506212687,7.506211822,7.506211548,7.506212836,7.506211864,7.506211827,7.506212348,7.506212315,7.506211103,7.506212129,7.506214082,7.506212624,7.506212108,7.506212097,7.506212433,7.506212577,7.506212397,7.506213032,7.506212039,7.50621268,7.506212507,7.506212349,7.506211579,7.506211821,7.506213473
+"2071","CAPZA2",7.486396729,7.486395636,7.486396787,7.486396557,7.486395938,7.486394565,7.486396681,7.486394762,7.486394597,7.486396338,7.48639618,7.486393658,7.486396,7.486399,7.486396071,7.486396229,7.486396972,7.4863964,7.486396538,7.486394839,7.48639693,7.486395836,7.4863964,7.486396663,7.486396849,7.486395462,7.486395806,7.486398539
+"2072","CAPZA3",2.550793953,2.550793973,2.550793979,2.550793966,2.550793967,2.550793995,2.550793976,2.550793979,2.550793964,2.550793967,2.55079397,2.550793967,2.550793963,2.550793954,2.55079396,2.550793966,2.550793997,2.550793967,2.550793956,2.550793979,2.550793952,2.550793973,2.550793967,2.550793966,2.550793979,2.550793965,2.550793977,2.550793978
+"2073","CAPZB",9.465465753,9.465466213,9.465465412,9.465465811,9.465465482,9.465465959,9.465465474,9.465465414,9.465465606,9.465465754,9.46546546,9.465465155,9.465465832,9.465466003,9.465465341,9.465465888,9.465465028,9.465465496,9.465465753,9.465465693,9.465465403,9.465465462,9.465465748,9.465466042,9.465465446,9.465465578,9.465465768,9.46546563
+"2074","CARD10",6.083013015,6.083012969,6.083013067,6.083012987,6.083013264,6.083012996,6.083013123,6.083013143,6.083013049,6.083013065,6.083013161,6.083013199,6.083013062,6.083012895,6.083013138,6.083013065,6.083013218,6.083013162,6.083013102,6.083013068,6.083013223,6.083013211,6.083012973,6.083012949,6.083013093,6.083013159,6.083012967,6.083013133
+"2075","CARD11",6.880532093,6.880531949,6.880531888,6.880531751,6.880531833,6.880532211,6.880531971,6.880532023,6.880532084,6.880532199,6.88053162,6.880531884,6.880532212,6.880532223,6.880532118,6.880531802,6.880531454,6.880531847,6.880531903,6.880531697,6.880531881,6.880531969,6.880532126,6.880531949,6.880531719,6.88053204,6.880532208,6.880532017
+"2076","CARD14",5.257280572,5.257280576,5.257280607,5.257280603,5.257280604,5.257280591,5.257280586,5.257280586,5.257280599,5.25728058,5.257280616,5.257280615,5.257280589,5.257280533,5.257280614,5.257280597,5.257280595,5.257280627,5.257280566,5.257280624,5.257280595,5.257280612,5.257280585,5.257280579,5.257280565,5.25728058,5.257280596,5.257280562
+"2077","CARD16",6.431748309,6.431748277,6.431748161,6.431748417,6.431747893,6.431748559,6.43174854,6.431748074,6.431748256,6.431748142,6.431748261,6.431747541,6.431748339,6.431748466,6.431748135,6.431748347,6.431747985,6.431748309,6.431748148,6.431748682,6.43174854,6.431748014,6.431748327,6.431748312,6.431748279,6.431747895,6.431748319,6.431748067
+"2078","CARD17P",5.34084508,5.340845178,5.340844734,5.340843744,5.340844327,5.340846655,5.340845368,5.34084441,5.340845377,5.340844796,5.340844633,5.340844,5.340844737,5.340844787,5.340844418,5.340845019,5.340844272,5.340844162,5.34084463,5.340847382,5.340845217,5.34084451,5.340845467,5.340845021,5.34084492,5.340843514,5.340844966,5.340843948
+"2079","CARD18",3.543617084,3.543617099,3.543617218,3.543617172,3.543617317,3.54361717,3.543617201,3.543617188,3.543617134,3.543617223,3.5436172,3.543617189,3.543617142,3.543617188,3.543617168,3.543617311,3.543617235,3.543617273,3.543617153,3.543617154,3.543617266,3.543617198,3.543617217,3.543617201,3.543617244,3.543617208,3.543617345,3.54361726
+"2080","CARD19",7.174675399,7.174675491,7.174675383,7.174675448,7.174675299,7.174675368,7.174675394,7.174675448,7.174675441,7.174675327,7.174675407,7.174675483,7.174675342,7.17467531,7.174675364,7.174675545,7.174675349,7.174675437,7.174675397,7.174675335,7.174675345,7.174675391,7.174675412,7.174675332,7.174675416,7.174675396,7.174675361,7.174675211
+"2081","CARD6",5.246709981,5.246710044,5.246709971,5.246710016,5.246709985,5.246710033,5.246709999,5.246709947,5.246709905,5.246709958,5.246709908,5.246709865,5.246710002,5.24671003,5.246709941,5.246709969,5.246709913,5.246709963,5.246710041,5.246710096,5.246709982,5.246709958,5.246710004,5.24670998,5.246709992,5.246709907,5.246709941,5.246709976
+"2082","CARD8",6.6831361295,6.6831361785,6.6831356455,6.6831362215,6.683135669,6.683136066,6.6831358705,6.683135761,6.6831357885,6.6831358115,6.683135617,6.683135349,6.683135969,6.683136047,6.6831359655,6.6831361175,6.6831354335,6.6831360885,6.6831361115,6.683136053,6.6831359225,6.683135616,6.683135986,6.683136087,6.683136034,6.683135754,6.683136012,6.6831356315
+"2083","CARF",4.773527967,4.77352758,4.77352772,4.773527562,4.773527624,4.773527572,4.773527818,4.773527576,4.773527769,4.773527642,4.773527681,4.773527825,4.773527878,4.773528107,4.77352777,4.773527487,4.77352741,4.773527572,4.773527667,4.773527508,4.773527632,4.773527707,4.773527926,4.773527815,4.773527718,4.773527792,4.773527798,4.773527912
+"2084","CARHSP1",7.035191927,7.035192057,7.035192066,7.035191974,7.035191933,7.035192105,7.035191999,7.035192075,7.03519206,7.035192029,7.035191948,7.035192062,7.035191966,7.035191896,7.035192052,7.035192145,7.035192123,7.035191937,7.035192071,7.035192068,7.035191972,7.035192102,7.035192003,7.035192007,7.035191997,7.035192069,7.035192054,7.035191946
+"2085","CARM1",7.57275641,7.202251057,8.299988264,7.57318569,7.699809831,8.385750337,7.505381893,8.014082319,8.195250046,8.010050707,7.99296684,7.936851634,7.096606292,7.081736341,7.667913541,6.809489345,8.130521077,7.674852142,7.293915913,8.031547611,7.406707038,7.792797382,8.094199059,7.920852241,7.897610898,7.88204789,7.216247276,7.292919905
+"2086","CARMIL1",5.725984982,5.725984859,5.725982822,5.725983733,5.725984553,5.725984838,5.725985124,5.725983005,5.725985637,5.725984853,5.725982437,5.725984444,5.725983894,5.725985522,5.725984691,5.725984179,5.7259829,5.725983227,5.725984477,5.725984283,5.725984644,5.725983576,5.725985158,5.725984571,5.725982503,5.725984523,5.725984195,5.725985243
+"2087","CARMIL2",6.691989417,6.691989355,6.69198935,6.691989378,6.691989476,6.69198941,6.69198942,6.691989453,6.691989629,6.691989504,6.691989313,6.691989488,6.691989472,6.691989442,6.691989446,6.691989364,6.691989279,6.691989371,6.691989453,6.691989389,6.691989377,6.691989502,6.691989411,6.691989346,6.691989252,6.691989504,6.691989501,6.691989448
+"2088","CARMIL3",5.589330843,5.589330729,5.589330998,5.589330765,5.58933135,5.589330872,5.589331156,5.589331154,5.589330947,5.589330955,5.589331235,5.589331271,5.589330924,5.589330532,5.589331206,5.589331036,5.589331136,5.58933113,5.589331025,5.589331125,5.589331184,5.589331139,5.589330943,5.589330763,5.589330957,5.589331041,5.589330785,5.589330955
+"2089","CARNMT1",6.072122067,6.07212179,6.072121732,6.072121676,6.072121727,6.07212165,6.072121908,6.072121677,6.072121897,6.07212182,6.072121641,6.072121719,6.07212188,6.072122136,6.072121905,6.072121724,6.072121704,6.072121772,6.072121848,6.07212165,6.072121873,6.072121851,6.072122042,6.072121733,6.072121718,6.07212177,6.072121816,6.072122032
+"2090","CARNS1",6.232144453,6.232144551,6.232144804,6.232144533,6.232144782,6.232144304,6.232144599,6.232144845,6.232144781,6.232144593,6.232144639,6.232144872,6.232144655,6.232144427,6.232144782,6.232144721,6.232144757,6.232144732,6.232144573,6.232144261,6.23214472,6.232144859,6.232144557,6.232144456,6.232144657,6.232144676,6.232144446,6.232144726
+"2091","CARS1",7.054923654,7.054923749,7.054923486,7.054923753,7.054923431,7.054923872,7.054923561,7.054923506,7.054923567,7.054923466,7.05492356,7.054923335,7.054923596,7.054923567,7.054923496,7.054923642,7.054923458,7.054923665,7.054923698,7.054923661,7.05492353,7.054923578,7.054923535,7.054923571,7.054923685,7.054923376,7.05492364,7.054923385
+"2092","CARS2",7.372716309,7.372716234,7.372716089,7.372716368,7.372716028,7.372716675,7.372716288,7.372716094,7.372716381,7.372716243,7.37271621,7.37271617,7.372716377,7.372716338,7.372716161,7.372716329,7.372716143,7.372716026,7.372716278,7.372716862,7.372716165,7.372716195,7.372716404,7.372716361,7.372716134,7.372716228,7.372716331,7.372716103
+"2093","CARTPT",3.957419189,3.957419218,3.957419201,3.957419183,3.957419224,3.957419217,3.95741921,3.957419263,3.95741923,3.957419205,3.957419198,3.957419184,3.957419243,3.957419184,3.957419211,3.957419233,3.95741927,3.957419252,3.957419215,3.957419227,3.957419233,3.957419229,3.957419233,3.957419204,3.957419226,3.957419198,3.957419234,3.957419204
+"2094","CASC2",3.905006614,3.905006626,3.905006669,3.905006675,3.90500666,3.905006627,3.905006683,3.905006705,3.90500669,3.90500662,3.905006706,3.905006734,3.905006648,3.905006589,3.905006667,3.905006684,3.905006707,3.905006694,3.905006662,3.905006671,3.905006689,3.905006674,3.905006613,3.905006655,3.905006634,3.90500665,3.905006638,3.905006678
+"2095","CASC3",8.474345741,8.474345842,8.474345878,8.47434638,8.474345245,8.474345384,8.474345659,8.474345722,8.474345687,8.474345764,8.474346095,8.474344729,8.474345582,8.474345198,8.474345596,8.4743459,8.474345361,8.474346196,8.474345443,8.474345501,8.474345615,8.474345377,8.474345611,8.474346216,8.474346435,8.474345388,8.474345731,8.474345041
+"2096","CASD1",6.736550222,6.736547752,6.736548448,6.736546745,6.736547199,6.7365457,6.736547695,6.736547692,6.736548881,6.736547995,6.73654704,6.736546381,6.73654885,6.736551586,6.736548593,6.736546923,6.736547162,6.736546626,6.736548677,6.736546154,6.73654788,6.736548184,6.736549178,6.736548332,6.736546567,6.736547325,6.736548818,6.736550323
+"2097","CASK",6.238514867,6.238514601,6.238514279,6.238514474,6.238514187,6.238513967,6.238514459,6.238514171,6.238514569,6.238514387,6.238514125,6.238514445,6.238514437,6.238514933,6.238514461,6.23851447,6.238514125,6.238514246,6.238514405,6.238514233,6.238514436,6.238514333,6.238514623,6.238514354,6.23851418,6.238514306,6.238514617,6.238514631
+"2098","CASKIN1",5.230743274,5.230743305,5.230743319,5.230743326,5.230743416,5.230743286,5.230743355,5.230743372,5.230743344,5.230743354,5.230743353,5.230743367,5.230743368,5.23074327,5.230743346,5.230743313,5.23074344,5.230743401,5.230743369,5.230743291,5.230743394,5.23074342,5.23074328,5.230743237,5.230743346,5.230743343,5.230743294,5.230743346
+"2099","CASKIN2",5.330252202,5.330252292,5.330252442,5.330252384,5.33025283,5.330252032,5.330252409,5.330252571,5.330252432,5.330252334,5.330252384,5.330252625,5.330252331,5.330252162,5.330252505,5.330252507,5.330252646,5.330252529,5.330252405,5.330252472,5.33025265,5.330252646,5.330252189,5.330252313,5.330252528,5.330252483,5.330252265,5.330252359
+"2100","CASP1",7.614274114,7.614298946,7.614207599,7.61430278,7.614138905,7.61444299,7.614326499,7.614183106,7.614248002,7.614228487,7.614228469,7.613950817,7.614290573,7.6143678,7.614202816,7.614253888,7.614241792,7.6142328,7.614207387,7.614514366,7.614334437,7.614216552,7.614253273,7.61429511,7.614226548,7.614076925,7.614257132,7.614185004
+"2101","CASP10",6.341509334,6.341509135,6.341508975,6.341508876,6.341508715,6.341509901,6.341508657,6.34150896,6.341508931,6.341509263,6.34150882,6.341508711,6.341509234,6.341509566,6.341508773,6.341508644,6.341508257,6.341508306,6.341509091,6.341509855,6.34150848,6.341508751,6.341509245,6.341509431,6.341508729,6.341509129,6.341509521,6.341508633
+"2102","CASP12",3.777652322,3.777652319,3.777652351,3.777652284,3.777652316,3.777652356,3.777652307,3.777652342,3.777652336,3.777652327,3.77765234,3.777652327,3.77765223,3.777652155,3.777652304,3.777652332,3.777652375,3.777652347,3.777652316,3.777652284,3.777652271,3.77765228,3.777652259,3.777652277,3.777652348,3.777652277,3.777652249,3.77765232
+"2103","CASP14",3.678082815,3.678082836,3.678082845,3.678082828,3.678082873,3.678082839,3.678082825,3.67808286,3.67808282,3.678082846,3.678082861,3.678082878,3.678082837,3.67808281,3.678082836,3.678082822,3.678082891,3.678082846,3.678082838,3.678082836,3.678082842,3.678082832,3.67808282,3.678082827,3.678082829,3.678082837,3.678082833,3.678082863
+"2104","CASP2",7.895263584,7.895263649,7.895263393,7.89526364,7.895263432,7.895263464,7.89526354,7.895263502,7.895263655,7.895263692,7.895263494,7.895263682,7.895263525,7.895263694,7.895263579,7.895263577,7.895263257,7.895263509,7.895263471,7.895263581,7.895263519,7.895263434,7.895263667,7.895263732,7.895263561,7.895263654,7.895263581,7.89526344
+"2105","CASP3",6.089839145,6.089839221,6.089839228,6.089839208,6.089839226,6.089839054,6.089839243,6.089839116,6.089839186,6.089839168,6.089839248,6.089839041,6.089839226,6.089839467,6.089839124,6.089839211,6.089839165,6.089839121,6.089839296,6.089839086,6.089839279,6.089839165,6.089839242,6.089839185,6.089839219,6.089839075,6.089839153,6.089839427
+"2106","CASP4",7.478487679,7.478487464,7.47848588,7.47848765,7.478485136,7.478488332,7.478486861,7.478486469,7.478486608,7.4784866,7.478486428,7.478484028,7.478486959,7.478487122,7.47848726,7.478487115,7.478486142,7.478487401,7.478486849,7.478488187,7.478487071,7.478487091,7.478487517,7.478487459,7.478486577,7.47848513,7.478486375,7.478485885
+"2107","CASP5",5.741833945,5.741835803,5.741831745,5.741838085,5.741831494,5.741840605,5.741837803,5.741834761,5.741836595,5.74183597,5.741837541,5.741825881,5.741837163,5.741837444,5.741831587,5.741836845,5.74183405,5.741836219,5.741831873,5.741844427,5.741835915,5.741835951,5.741838099,5.741837895,5.741834238,5.741826804,5.74183553,5.741832384
+"2108","CASP6",5.373198579,5.373198552,5.373198556,5.373198544,5.373198581,5.373198604,5.373198611,5.373198518,5.373198686,5.373198634,5.373198533,5.373198543,5.373198587,5.373198676,5.373198555,5.373198528,5.373198427,5.373198459,5.373198566,5.373198502,5.373198556,5.373198531,5.373198651,5.373198567,5.373198549,5.373198532,5.373198581,5.373198597
+"2109","CASP7",6.084980789,6.084980715,6.084980661,6.084980555,6.084980708,6.084981037,6.084980823,6.084980449,6.084980606,6.084980769,6.084980639,6.084980685,6.08498081,6.084980903,6.084980858,6.084980627,6.084980513,6.084980508,6.084980663,6.08498106,6.084980797,6.084980733,6.084980752,6.084980751,6.084980572,6.084980712,6.08498078,6.084980841
+"2110","CASP8",8.288108861,8.288108689,8.288108544,8.288108681,8.288108498,8.288108505,8.288108571,8.288108508,8.28810838,8.288108441,8.288108612,8.288108367,8.288108565,8.288108738,8.288108702,8.28810872,8.288108366,8.288108616,8.288108726,8.288108513,8.28810862,8.288108525,8.288108538,8.288108667,8.288108721,8.288108593,8.288108568,8.288108582
+"2111","CASP8AP2",5.598702732,5.598702614,5.59870262,5.598702489,5.598702602,5.598702602,5.598702631,5.598702483,5.5987026,5.598702592,5.598702537,5.598702502,5.598702658,5.598702948,5.598702621,5.598702623,5.59870247,5.598702641,5.598702657,5.598702388,5.598702591,5.598702552,5.598702656,5.598702611,5.598702558,5.598702607,5.5987026,5.598702887
+"2112","CASP9",7.180392637,7.180393027,7.180392641,7.180393119,7.180392654,7.180392743,7.180392592,7.180392794,7.180393011,7.180392819,7.180392845,7.180392506,7.180392648,7.180392805,7.18039283,7.180392951,7.180392558,7.180393033,7.180392962,7.180393021,7.180392635,7.18039267,7.180392869,7.180392973,7.180392893,7.180392649,7.180392712,7.180392752
+"2113","CASQ1",4.453206887,4.453206983,4.453206954,4.453206887,4.453207047,4.453206977,4.453207045,4.453206987,4.453207036,4.453206916,4.453206989,4.453206984,4.453206933,4.453206898,4.453206992,4.453206991,4.453207047,4.45320698,4.453206933,4.453206995,4.453207005,4.453206975,4.453206912,4.453206951,4.453206944,4.453206938,4.453206944,4.453206963
+"2114","CASQ2",3.522605871,3.522605894,3.522605896,3.522605926,3.522605903,3.522605897,3.522605876,3.522605929,3.522605954,3.522605925,3.522605904,3.522605954,3.522605913,3.522605908,3.522605933,3.522605906,3.522605926,3.522605878,3.522605926,3.522605904,3.522605916,3.522605903,3.52260589,3.522605889,3.522605918,3.522605906,3.522605909,3.522605903
+"2115","CASR",4.680229013,4.680229026,4.680229061,4.680229019,4.680229094,4.680229011,4.680229067,4.680229062,4.680229021,4.680229037,4.680229074,4.680229102,4.680229027,4.680229004,4.680229082,4.680229054,4.680229097,4.680229066,4.680229072,4.680229088,4.680229102,4.680229068,4.680229008,4.680229031,4.680229037,4.680229035,4.680229012,4.680229066
+"2116","CASS4",7.146042846,7.146042899,7.146042825,7.146043003,7.146042693,7.14604277,7.146042822,7.146042874,7.146042653,7.146042716,7.146042802,7.146042714,7.146042773,7.146042769,7.146042754,7.146042841,7.146042775,7.146042937,7.146042857,7.146042784,7.146042823,7.146042813,7.146042777,7.146042882,7.146042871,7.146042799,7.146042791,7.1460427
+"2117","CAST",7.674104079,7.674103035,7.674102743,7.67410261,7.674102784,7.674102884,7.674102702,7.67410212,7.674102304,7.674103622,7.674102781,7.674101578,7.674102913,7.674104029,7.674103454,7.674102363,7.674101934,7.674102381,7.674102857,7.674103208,7.674102829,7.674102206,7.674102512,7.674103231,7.674102873,7.674102495,7.674103162,7.674103156
+"2118","CASTOR1",5.751029858,5.751029873,5.751029851,5.751029864,5.751029861,5.751029853,5.75102987,5.751029856,5.751029893,5.751029876,5.751029855,5.751029876,5.75102987,5.75102987,5.751029849,5.751029871,5.751029865,5.75102986,5.751029864,5.751029852,5.751029848,5.75102987,5.751029879,5.751029878,5.751029852,5.751029867,5.751029871,5.751029856
+"2119","CASTOR3P",6.48540115,6.485401165,6.485401116,6.485401213,6.485400916,6.485401177,6.485401184,6.485401106,6.485400891,6.48540099,6.485400966,6.485401063,6.485401066,6.485401115,6.485401061,6.485401138,6.485401024,6.485401058,6.485401205,6.485401147,6.485401228,6.485401118,6.48540111,6.485401111,6.485401154,6.485401096,6.485401128,6.485400948
+"2120","CASZ1",5.37017330533333,5.37017346833333,5.37017330566667,5.370173407,5.37017346,5.370173583,5.37017347933333,5.370173403,5.37017344766667,5.370173477,5.370173437,5.37017340333333,5.37017337433333,5.37017315266667,5.370173531,5.37017352166667,5.370173411,5.37017350266667,5.37017329933333,5.37017348466667,5.37017350533333,5.37017348433333,5.37017338666667,5.37017335733333,5.370173415,5.370173506,5.37017340966667,5.37017341066667
+"2121","CAT",8.276986211,8.730245885,8.137704809,8.251885756,8.626640364,8.8536357,8.694973577,8.365102186,8.854389374,8.912752039,9.039793706,8.402158796,8.366664032,9.01162836,8.06214656,8.385990153,7.922768158,7.965423791,8.603085017,8.896519829,8.553553664,8.165114202,8.811275528,8.746444816,8.87328085,8.540654029,8.216439163,8.810619881
+"2122","CATIP",5.126037166,5.126037168,5.126037228,5.126037169,5.126037223,5.126037192,5.126037178,5.126037201,5.126037174,5.126037198,5.126037213,5.126037223,5.126037177,5.12603714,5.126037211,5.12603719,5.126037199,5.126037208,5.126037158,5.126037181,5.126037199,5.126037202,5.12603717,5.126037171,5.126037194,5.126037192,5.126037157,5.126037184
+"2123","CATSPER1",4.972489879,4.972489855,4.972489924,4.972489936,4.972489952,4.972489893,4.972489844,4.972489902,4.972489834,4.972489821,4.97248989,4.972489853,4.972489891,4.972489827,4.972489902,4.972489899,4.972489928,4.972489951,4.972489855,4.972489919,4.972489922,4.972489936,4.972489784,4.972489871,4.972489913,4.972489879,4.972489881,4.972489819
+"2124","CATSPER2",5.098486211,5.098486141,5.09848596,5.098486183,5.098486049,5.098486182,5.0984862,5.098486178,5.098486347,5.098486238,5.098486061,5.098486138,5.098486135,5.098486228,5.098486202,5.098486278,5.098485797,5.098485995,5.098486197,5.098486029,5.098486199,5.098486153,5.098486131,5.098486262,5.098486218,5.098486335,5.098486233,5.098486184
+"2125","CATSPER2P1",5.311969808,5.311969781,5.311969786,5.311969771,5.311969826,5.311969678,5.311969774,5.311969901,5.311969777,5.311969784,5.31196978,5.311969876,5.311969817,5.311969729,5.311969822,5.311969813,5.311969788,5.311969797,5.311969743,5.311969775,5.31196977,5.31196978,5.31196977,5.311969811,5.31196976,5.311969782,5.311969891,5.311969851
+"2126","CATSPER3",4.170223939,4.170223942,4.17022386,4.170223813,4.170223868,4.170223912,4.170223846,4.170223918,4.170223807,4.170223838,4.17022394,4.170223783,4.170223856,4.170223945,4.170223908,4.17022382,4.170223863,4.170223754,4.170223888,4.170223829,4.170223816,4.170223792,4.170223838,4.170223735,4.17022377,4.170223878,4.170223861,4.170223906
+"2127","CATSPER4",4.025493522,4.025493325,4.025493595,4.025493548,4.025493696,4.025493591,4.025493721,4.025493989,4.025493434,4.02549352,4.025493786,4.025493765,4.025493585,4.025493244,4.025493796,4.025493334,4.025493709,4.025493728,4.025493491,4.025493668,4.025493807,4.025493682,4.025493428,4.025493312,4.025493492,4.02549361,4.025493424,4.025493523
+"2128","CATSPERB",3.825735792,3.825735768,3.825735744,3.82573576,3.825735793,3.825735768,3.825735759,3.825735769,3.825735783,3.82573578,3.825735759,3.825735782,3.825735797,3.825735776,3.825735767,3.825735788,3.825735737,3.825735752,3.825735758,3.825735764,3.825735762,3.825735766,3.825735795,3.825735792,3.825735745,3.825735764,3.825735784,3.825735776
+"2129","CATSPERD",4.196356052,4.196356167,4.196356422,4.196356314,4.196356562,4.196356265,4.196356466,4.196356347,4.196356246,4.19635621,4.196356451,4.196356484,4.196356218,4.196356101,4.196356477,4.196356231,4.196356773,4.196356483,4.196356475,4.196356386,4.19635657,4.196356705,4.196356292,4.196356293,4.196356278,4.196356462,4.196356179,4.196356586
+"2130","CATSPERE",3.873147611,3.873147565,3.873147597,3.873147488,3.873147557,3.873147467,3.873147678,3.873147644,3.873147584,3.873147545,3.873147594,3.873147714,3.87314759,3.873147611,3.873147631,3.873147575,3.87314752,3.873147625,3.87314758,3.873147556,3.873147685,3.873147599,3.873147611,3.873147604,3.873147566,3.873147611,3.873147624,3.873147655
+"2131","CATSPERG",5.529360995,5.529361058,5.529361059,5.529361,5.529361108,5.529361022,5.529361096,5.529361045,5.529361029,5.529361049,5.529361039,5.529361108,5.529361086,5.52936101,5.52936114,5.529361052,5.529361126,5.529361056,5.52936101,5.529361065,5.529361139,5.529361141,5.529360978,5.529360981,5.529361046,5.529361102,5.529360968,5.529361079
+"2132","CAV1",3.842786317,3.842786298,3.842786287,3.842786318,3.842786581,3.84278627,3.842786387,3.842786344,3.842786371,3.84278642,3.842786459,3.842786481,3.842786281,3.842786227,3.842786446,3.842786357,3.842786404,3.842786475,3.842786526,3.84278645,3.842786397,3.842786401,3.842786363,3.842786329,3.842786381,3.842786467,3.842786454,3.84278661
+"2133","CAV2",4.147626705,4.147626756,4.147626707,4.147626805,4.147626737,4.147626714,4.147626779,4.147626703,4.147626755,4.147626687,4.147626722,4.147626707,4.147626773,4.147626615,4.147626701,4.147626729,4.147626705,4.147626755,4.147626713,4.147626688,4.147626714,4.147626699,4.147626828,4.147626749,4.147626773,4.147626667,4.147626759,4.147626704
+"2134","CAV3",4.855006006,4.855006074,4.855005954,4.85500602,4.85500611,4.855006126,4.85500599,4.855005976,4.855006053,4.855006117,4.855006192,4.85500614,4.855005856,4.855005873,4.855006009,4.855006032,4.855006102,4.85500604,4.85500607,4.855006026,4.855005983,4.855006104,4.855006004,4.855005977,4.855005934,4.855006082,4.855006021,4.855006013
+"2135","CAVIN1",5.050245115,5.050245126,5.05024518,5.05024521,5.05024521,5.050245211,5.050245148,5.050245221,5.050245214,5.050245172,5.050245194,5.050245282,5.050245206,5.050245163,5.050245243,5.050245202,5.050245272,5.050245225,5.050245184,5.050245207,5.050245246,5.050245204,5.050245231,5.050245199,5.050245206,5.050245253,5.050245184,5.050245213
+"2136","CAVIN2",6.122301728,6.12230351,6.122302842,6.122305207,6.122303559,6.122303206,6.122303331,6.122302321,6.122302202,6.122304397,6.12230518,6.122303971,6.122302427,6.122301511,6.122302485,6.122302936,6.122303449,6.122305601,6.122303068,6.12230254,6.122303156,6.122302546,6.122302285,6.122304831,6.122304075,6.122303802,6.122302313,6.12230324
+"2137","CAVIN3",5.283535392,5.283535485,5.283535534,5.283535446,5.283536037,5.283535593,5.283535531,5.283535862,5.283535651,5.283535752,5.283535716,5.283535936,5.28353548,5.283535437,5.283535692,5.283535707,5.283535919,5.283535656,5.283535979,5.28353568,5.283535895,5.283535593,5.283535212,5.283535495,5.283535496,5.283535933,5.283535398,5.283535539
+"2138","CAVIN4",4.262065427,4.262065442,4.262065413,4.262065421,4.26206546,4.262065407,4.262065442,4.262065455,4.262065447,4.262065424,4.262065446,4.262065436,4.262065422,4.262065379,4.262065463,4.262065435,4.262065446,4.262065438,4.262065404,4.262065428,4.262065434,4.262065428,4.262065354,4.262065411,4.262065428,4.262065402,4.262065435,4.262065387
+"2139","CBARP",6.708537507,6.708537638,6.708537732,6.708537697,6.708538157,6.708537769,6.708537868,6.708538067,6.708537822,6.708537663,6.708537801,6.708538202,6.708537699,6.708537315,6.708538125,6.708537849,6.708537958,6.708537976,6.708537828,6.708537861,6.708538109,6.708538014,6.708537657,6.708537538,6.708537693,6.708538019,6.708537646,6.708537842
+"2140","CBFA2T2",6.023978635,6.02397858,6.023978602,6.023978612,6.023978592,6.023978652,6.023978552,6.02397862,6.02397862,6.023978642,6.023978541,6.023978567,6.023978608,6.023978647,6.023978616,6.023978516,6.023978545,6.023978524,6.023978612,6.02397856,6.023978564,6.023978559,6.02397861,6.023978622,6.023978631,6.023978611,6.023978601,6.023978547
+"2141","CBFA2T3",6.820002987,6.820002968,6.820003059,6.820003022,6.820003145,6.820003054,6.820003102,6.820003054,6.820003056,6.820003034,6.820003073,6.820003162,6.820003033,6.820002966,6.820003115,6.820003011,6.82000311,6.820003082,6.820003063,6.820003073,6.820003124,6.820003125,6.820002989,6.820002997,6.82000311,6.820003078,6.820003018,6.820003019
+"2142","CBFB",7.794491983,7.794491648,7.794490402,7.794490081,7.794491059,7.794489957,7.794491386,7.79449058,7.794491489,7.794490414,7.794489681,7.794489878,7.794491,7.794493625,7.794491059,7.794491404,7.79448922,7.7944898,7.79449127,7.794491067,7.794491444,7.794489922,7.794492017,7.794491681,7.79449015,7.794490574,7.794491289,7.794492466
+"2143","CBL",8.427183315,8.427184638,8.427182875,8.427184932,8.427182466,8.427184268,8.427184064,8.427183016,8.427182764,8.427183589,8.427183254,8.42718274,8.427182949,8.427183525,8.427182983,8.427184091,8.427182196,8.427184068,8.427183474,8.427184783,8.427183899,8.427182824,8.427183881,8.427184431,8.427184061,8.427183319,8.427183212,8.427182195
+"2144","CBLB",7.610189348,7.610186679,7.610185903,7.610185632,7.610185381,7.610185807,7.610188107,7.610187063,7.610187941,7.610186769,7.610185668,7.610186128,7.610188053,7.610188164,7.610187756,7.610185747,7.61018507,7.610185705,7.610186385,7.610186065,7.610187774,7.610186385,7.610188014,7.610187553,7.610186092,7.610187317,7.610187649,7.610187155
+"2145","CBLC",4.996365814,4.996365874,4.996365955,4.996366312,4.996366334,4.996365852,4.996366228,4.99636613,4.996366184,4.996366155,4.996366141,4.996366387,4.996366052,4.996365507,4.996366348,4.996366317,4.99636635,4.996366351,4.996366063,4.996366204,4.99636648,4.996366422,4.99636597,4.996365885,4.996365969,4.996366361,4.996365958,4.996366133
+"2146","CBLIF",3.694396826,3.694396856,3.694396842,3.694396866,3.694396927,3.694396853,3.694396844,3.69439684,3.694396865,3.69439684,3.694396833,3.694396899,3.694396837,3.694396824,3.694396904,3.694396873,3.694396918,3.694396911,3.694396876,3.694396846,3.694396904,3.694396909,3.694396821,3.694396761,3.694396919,3.694396853,3.694396837,3.694396868
+"2147","CBLL1",6.396038934,6.396038718,6.396038532,6.396038662,6.396038468,6.396038621,6.396038707,6.39603857,6.396038715,6.396038558,6.396038476,6.396038458,6.396038622,6.39603876,6.396038604,6.396038619,6.396038245,6.396038592,6.396038582,6.396038718,6.39603858,6.396038551,6.396038853,6.396038728,6.396038584,6.396038586,6.396038703,6.396038675
+"2148","CBLL2",3.233945724,3.233945713,3.233945717,3.233945705,3.233945756,3.233945706,3.233945731,3.233945702,3.233945744,3.233945717,3.233945699,3.233945722,3.233945722,3.233945745,3.233945727,3.233945695,3.233945744,3.23394571,3.233945721,3.23394575,3.233945722,3.233945732,3.233945749,3.233945697,3.233945686,3.233945715,3.23394571,3.233945714
+"2149","CBLN1",5.039077685,5.03907801,5.039078433,5.039077881,5.039078381,5.039077646,5.039077844,5.039078296,5.039078299,5.039077978,5.039078694,5.039078243,5.039078256,5.039077789,5.039078341,5.039078375,5.039078367,5.039078449,5.039077674,5.039078037,5.03907808,5.039078228,5.039078161,5.039077995,5.039078393,5.039078324,5.039078003,5.039078055
+"2150","CBLN2",5.010230047,5.010229997,5.010230067,5.010230045,5.010230129,5.010230016,5.010230082,5.010230075,5.010230058,5.010230034,5.010230067,5.010230129,5.010230052,5.01022997,5.010230097,5.010230085,5.010230139,5.010230078,5.010230075,5.010230038,5.010230109,5.010230064,5.010230015,5.010230011,5.010230028,5.010230083,5.010230032,5.010230061
+"2151","CBLN3",4.695462615,4.695462424,4.695462613,4.695462702,4.6954628,4.695462664,4.695462684,4.695462709,4.695462507,4.695462523,4.695462594,4.695462662,4.695462708,4.695462581,4.695462603,4.695462673,4.695462751,4.695462697,4.695462683,4.695462704,4.695462674,4.69546257,4.69546248,4.695462602,4.695462619,4.695462726,4.695462675,4.695462708
+"2152","CBLN4",4.122632836,4.122632843,4.12263292,4.122632795,4.122632882,4.122632897,4.122632886,4.122632918,4.122632891,4.122632909,4.122632892,4.122632952,4.122632872,4.122632805,4.122632915,4.122632895,4.122632893,4.122632892,4.122632842,4.122632969,4.122632931,4.1226329,4.122632895,4.122632835,4.122632892,4.122632979,4.122632847,4.122632913
+"2153","CBR1",5.842876999,5.842877041,5.842876991,5.842877006,5.842876958,5.84287709,5.84287703,5.842876972,5.842876998,5.842877022,5.842876933,5.842876892,5.842877026,5.842877046,5.842876966,5.842876962,5.842877004,5.84287697,5.842876959,5.842877068,5.842877002,5.842877025,5.842876983,5.842876984,5.842876928,5.842876948,5.842876996,5.842877004
+"2154","CBR3",5.614068677,5.614068686,5.614068706,5.614068692,5.614068713,5.614068703,5.614068694,5.614068693,5.614068697,5.614068701,5.614068711,5.61406871,5.6140687,5.614068681,5.614068699,5.614068691,5.61406871,5.614068695,5.614068689,5.614068688,5.614068698,5.6140687,5.614068694,5.61406869,5.614068693,5.61406869,5.614068689,5.6140687
+"2155","CBR4",5.963244428,5.96324413,5.963243687,5.963243422,5.96324354,5.963242945,5.963243596,5.963243539,5.96324413,5.963243596,5.96324349,5.963242873,5.963244135,5.963244971,5.963243498,5.963244438,5.963243519,5.96324333,5.963244159,5.963243075,5.963243329,5.963243485,5.96324412,5.963244192,5.9632436,5.963243493,5.963243614,5.963244195
+"2156","CBX1",6.902264698,6.902264671,6.902264625,6.902264692,6.902264638,6.902264659,6.902264703,6.902264652,6.902264661,6.902264681,6.902264626,6.902264645,6.902264647,6.90226468,6.902264679,6.90226469,6.902264644,6.902264726,6.902264706,6.902264747,6.90226469,6.902264659,6.902264677,6.902264663,6.902264714,6.902264666,6.902264685,6.902264685
+"2157","CBX2",5.366709281,5.366709391,5.36670951,5.366709527,5.366709519,5.366709252,5.366709475,5.366709565,5.366709435,5.36670932,5.366709392,5.366709688,5.366709385,5.366709387,5.366709589,5.366709371,5.366709408,5.366709533,5.366709473,5.366709543,5.366709576,5.366709464,5.366709257,5.366709345,5.366709546,5.366709583,5.366709448,5.3667094
+"2158","CBX3",7.180749156,7.18074892,7.180748956,7.180748825,7.180748721,7.180748118,7.180748754,7.180748484,7.180748871,7.180748512,7.180748554,7.18074799,7.180748728,7.180750354,7.180748479,7.180749098,7.180748532,7.180748699,7.180748967,7.180748763,7.180749269,7.180748525,7.18074877,7.180748626,7.180748366,7.180748572,7.180748436,7.180749478
+"2159","CBX4",7.02475654,7.024756696,7.024756855,7.024756712,7.024756887,7.024756606,7.024756708,7.024756892,7.024756839,7.024756741,7.024756868,7.024756916,7.024756754,7.024756457,7.024756815,7.024756862,7.024756976,7.024756879,7.024756695,7.024756647,7.024756741,7.024756881,7.024756687,7.024756593,7.024756856,7.024756845,7.024756702,7.024756799
+"2160","CBX5",7.230224943,7.230225207,7.23022471,7.230224539,7.230224509,7.230224673,7.230225804,7.230224683,7.23022597,7.230225363,7.230224073,7.23022524,7.230224785,7.230226891,7.230224699,7.230225096,7.230223798,7.230224309,7.230224698,7.230224336,7.230225299,7.230224482,7.230226008,7.230225081,7.230224022,7.230225295,7.230225022,7.230226203
+"2161","CBX6",6.850991031,6.850991108,6.850991047,6.850991016,6.850991072,6.850991054,6.850991043,6.850991051,6.850991023,6.850991017,6.850991043,6.850991056,6.850991069,6.850991102,6.850991085,6.850991032,6.85099102,6.850991032,6.850991041,6.850991098,6.850991022,6.850991081,6.850991023,6.850991054,6.850991055,6.850991031,6.850991039,6.850991067
+"2162","CBX7",6.920697892,6.920697925,6.920697897,6.920697918,6.920697887,6.920697885,6.920697887,6.920697893,6.920697875,6.920697894,6.920697893,6.920697891,6.920697898,6.920697908,6.920697888,6.920697939,6.920697886,6.920697901,6.920697895,6.920697903,6.92069786,6.9206979,6.920697898,6.920697904,6.920697912,6.920697894,6.92069791,6.920697917
+"2163","CBX8",6.83143548,6.831435549,6.831435637,6.831435572,6.831435651,6.831435365,6.83143552,6.831435646,6.831435583,6.831435585,6.831435648,6.831435624,6.83143559,6.831435474,6.831435613,6.831435665,6.831435626,6.831435681,6.83143551,6.831435544,6.831435569,6.831435632,6.831435558,6.831435611,6.831435662,6.831435596,6.831435589,6.831435641
+"2164","CBY1",5.34811651,5.348116508,5.348116476,5.348116485,5.348116506,5.348116485,5.3481165,5.348116497,5.348116513,5.348116478,5.348116488,5.348116507,5.348116519,5.348116515,5.348116508,5.348116503,5.348116496,5.348116495,5.34811648,5.348116481,5.348116497,5.348116511,5.3481165,5.348116494,5.34811648,5.348116507,5.348116503,5.348116512
+"2165","CBY2",3.776852028,3.776852194,3.776852447,3.776852425,3.776852305,3.776852094,3.776852243,3.776852442,3.776852147,3.776852131,3.776852116,3.776852337,3.776852141,3.776851959,3.776852227,3.776852218,3.776852251,3.776852295,3.776852132,3.776852078,3.77685217,3.776852294,3.776852049,3.77685247,3.776852254,3.776851986,3.776852092,3.776852466
+"2166","CC2D1A",6.274796281,6.274796282,6.274796285,6.274796285,6.274796313,6.27479632,6.274796306,6.274796309,6.274796299,6.274796299,6.274796308,6.274796296,6.274796293,6.274796261,6.274796307,6.274796283,6.274796302,6.274796308,6.274796288,6.274796307,6.274796302,6.274796307,6.274796274,6.274796276,6.274796297,6.2747963,6.274796285,6.2747963
+"2167","CC2D1B",6.676237563,6.676237568,6.676237532,6.67623758,6.676237575,6.676237578,6.676237605,6.67623759,6.676237606,6.676237577,6.67623758,6.676237607,6.676237581,6.676237547,6.676237565,6.676237595,6.67623751,6.676237627,6.676237563,6.67623757,6.676237585,6.676237591,6.676237576,6.67623758,6.676237613,6.676237614,6.676237572,6.67623761
+"2168","CC2D2A",3.9356338,3.935633798,3.935633779,3.935633815,3.935633807,3.9356338,3.93563382,3.935633821,3.935633787,3.935633804,3.935633821,3.935633778,3.935633792,3.935633785,3.935633809,3.935633834,3.935633811,3.935633809,3.935633798,3.935633773,3.935633795,3.935633789,3.935633786,3.935633769,3.935633811,3.935633765,3.935633762,3.93563376
+"2169","CC2D2B",2.900698171,2.9006975525,2.900697979,2.9006995185,2.900697954,2.90070068825,2.90069868175,2.90069912275,2.9006990395,2.90069765925,2.90069988575,2.9006969945,2.900697928,2.900697858,2.9006997905,2.9007007805,2.90069987675,2.900700062,2.90069825925,2.90069902275,2.90069927,2.90069759475,2.90070045875,2.9006976105,2.90069821575,2.90069913925,2.90069837,2.9006974725
+"2170","CCAR1",6.969803863,6.969802854,6.969803186,6.969802948,6.969803002,6.969803315,6.969803468,6.96980304,6.969803544,6.969803739,6.969802866,6.969803112,6.969803506,6.969804139,6.969803014,6.96980219,6.969802308,6.969802394,6.969803214,6.969802921,6.969803335,6.96980309,6.969803522,6.969803102,6.969802825,6.969803607,6.969803708,6.969803477
+"2171","CCAR2",7.089842757,7.08984278,7.089842743,7.089842614,7.089842684,7.089842829,7.089842734,7.08984275,7.089842752,7.089842818,7.089842636,7.089842748,7.089842747,7.089842821,7.089842687,7.08984274,7.08984258,7.089842644,7.089842738,7.089842769,7.089842661,7.089842672,7.089842816,7.089842735,7.0898426,7.089842736,7.089842811,7.089842669
+"2172","CCBE1",4.243584661,4.243584685,4.243584737,4.243584724,4.243584761,4.24358471,4.243584703,4.243584732,4.243584713,4.243584709,4.243584766,4.243584774,4.243584715,4.243584681,4.243584714,4.243584727,4.243584762,4.243584734,4.243584695,4.243584686,4.243584714,4.243584724,4.243584685,4.243584708,4.243584749,4.24358471,4.243584701,4.243584728
+"2173","CCDC102A",5.74717837,5.74717837,5.747178394,5.74717836,5.74717842,5.747178405,5.747178411,5.747178386,5.747178373,5.747178394,5.747178435,5.747178413,5.747178392,5.747178319,5.747178406,5.747178379,5.747178417,5.747178415,5.747178404,5.747178387,5.747178418,5.747178401,5.747178381,5.747178339,5.747178378,5.747178408,5.747178381,5.747178399
+"2174","CCDC102B",3.380141506,3.380141529,3.380141562,3.380141338,3.380141568,3.380141325,3.380141539,3.380141645,3.380141556,3.380141488,3.380141351,3.380141675,3.38014147,3.380141459,3.380141525,3.380141565,3.380141523,3.38014148,3.380141489,3.380141435,3.380141506,3.380141536,3.380141447,3.380141475,3.380141396,3.380141589,3.380141494,3.380141589
+"2175","CCDC103",4.158196588,4.15819664,4.158196623,4.158196647,4.158196577,4.15819652,4.158196656,4.158196698,4.158196563,4.158196619,4.158196637,4.158196732,4.158196541,4.158196599,4.158196655,4.158196638,4.158196835,4.158196743,4.158196774,4.158196674,4.158196726,4.158196753,4.158196584,4.158196522,4.158196663,4.158196661,4.158196558,4.158196593
+"2176","CCDC105",5.179829829,5.179829848,5.179829863,5.179829826,5.179830158,5.179829715,5.179830013,5.179830035,5.179829869,5.179829723,5.179830099,5.179830084,5.179830027,5.179829658,5.17983007,5.179829996,5.179830035,5.179830069,5.179829898,5.179829856,5.179830194,5.179829955,5.179829761,5.179829813,5.179829916,5.179830097,5.179829791,5.179829927
+"2177","CCDC106",6.154507693,6.154507813,6.154507939,6.154507629,6.15450809,6.154507679,6.154507653,6.15450815,6.154507816,6.154507815,6.154508088,6.154508087,6.154507687,6.154507496,6.154507889,6.154507761,6.154507951,6.154507912,6.154507825,6.154507997,6.154508015,6.154507748,6.154507619,6.154507633,6.154507896,6.154508121,6.154507749,6.154507671
+"2178","CCDC107",6.621950685,6.621950681,6.621950793,6.621950657,6.621950792,6.621950716,6.621950679,6.621950738,6.621950706,6.621950755,6.621950799,6.621950755,6.621950723,6.621950582,6.621950783,6.621950744,6.621950791,6.621950757,6.621950705,6.621950659,6.621950751,6.621950794,6.621950664,6.621950635,6.621950725,6.621950753,6.621950719,6.621950763
+"2179","CCDC110",3.107112496,3.107112446,3.107112518,3.10711255,3.107112533,3.107112556,3.107112491,3.107112541,3.107112648,3.107112559,3.107112595,3.107112481,3.107112486,3.107112534,3.107112553,3.107112632,3.10711252,3.107112544,3.107112494,3.107112488,3.107112531,3.10711247,3.107112549,3.107112574,3.10711262,3.10711247,3.107112523,3.107112558
+"2180","CCDC112",3.518403184,3.518403217,3.518403177,3.518403113,3.518403166,3.518403193,3.518403136,3.518403109,3.518403104,3.518403186,3.518403085,3.518403152,3.518403165,3.518403219,3.518403158,3.518403146,3.518403189,3.51840312,3.518403208,3.518403107,3.518403169,3.518403178,3.518403085,3.518403163,3.518403139,3.518403173,3.518403141,3.518403201
+"2181","CCDC113",3.636831522,3.636831559,3.636831549,3.636831538,3.636831583,3.636831517,3.636831563,3.636831555,3.636831597,3.636831528,3.636831575,3.636831564,3.63683153,3.636831551,3.636831557,3.63683154,3.63683155,3.636831569,3.636831566,3.63683156,3.636831589,3.636831583,3.636831525,3.636831535,3.636831598,3.63683157,3.636831521,3.636831567
+"2182","CCDC115",6.30631489,6.306314842,6.306314881,6.306314836,6.306314879,6.306314863,6.306314836,6.306314844,6.306314896,6.306314894,6.306314878,6.306314813,6.306314872,6.306314941,6.306314836,6.306314862,6.306314866,6.306314911,6.3063149,6.306314775,6.306314756,6.306314857,6.30631488,6.306314895,6.306314811,6.306314839,6.306314896,6.306314932
+"2183","CCDC116",5.265010777,5.265010705,5.265010918,5.265010818,5.26501097,5.265010724,5.265010924,5.265010967,5.265010866,5.265010867,5.265010853,5.265010954,5.26501086,5.265010616,5.265010968,5.26501091,5.265010953,5.265010919,5.265010863,5.265010841,5.265011013,5.265010985,5.265010776,5.265010819,5.265010912,5.265010913,5.265010753,5.265010847
+"2184","CCDC117",7.339383204,7.339383139,7.339383071,7.339383012,7.339383074,7.339383034,7.339383141,7.339383022,7.339383126,7.339383114,7.339383043,7.339382954,7.339383178,7.339383282,7.339383138,7.339383042,7.339383012,7.339383032,7.339383085,7.339382906,7.339383092,7.339383098,7.339383184,7.339383129,7.33938294,7.339382982,7.339383118,7.339383085
+"2185","CCDC12",7.310910797,7.310910856,7.310910755,7.310910709,7.310910733,7.310910728,7.310910789,7.310910745,7.310910796,7.31091075,7.310910572,7.310910662,7.310910763,7.310910811,7.310910776,7.310910888,7.310910692,7.310910572,7.310910735,7.31091089,7.310910835,7.310910787,7.310910674,7.310910746,7.310910616,7.310910782,7.31091079,7.310910801
+"2186","CCDC120",5.616698559,5.6166985,5.61669862,5.616698597,5.616698728,5.616698588,5.616698629,5.616698685,5.616698586,5.616698669,5.616698643,5.616698658,5.616698584,5.616698498,5.616698709,5.616698607,5.616698683,5.616698749,5.616698666,5.616698565,5.616698698,5.616698705,5.616698534,5.616698535,5.616698606,5.616698615,5.616698571,5.616698665
+"2187","CCDC121",5.066355161,5.066355263,5.066355847,5.066356069,5.066355887,5.066355574,5.066355889,5.066355647,5.066355431,5.066355448,5.066355554,5.066355593,5.066355309,5.066355931,5.066355739,5.066356001,5.066355899,5.066355612,5.066356031,5.066355598,5.066355813,5.066355786,5.06635583,5.06635611,5.066355989,5.066355201,5.066355947,5.066356057
+"2188","CCDC122",3.362544761,3.362544725,3.362544846,3.362544763,3.362544768,3.362544787,3.362544736,3.362544742,3.362544741,3.362544748,3.362544837,3.3625448,3.362544773,3.362544868,3.362544861,3.36254481,3.36254483,3.36254478,3.362544827,3.362544763,3.362544795,3.362544783,3.362544732,3.362544758,3.362544838,3.36254479,3.362544817,3.362544958
+"2189","CCDC124",7.284714209,7.284714099,7.28471448,7.284714204,7.284714339,7.284714719,7.28471419,7.284714375,7.284714091,7.284714297,7.284714557,7.284714467,7.284713958,7.284713629,7.284714323,7.284713855,7.284714439,7.284714691,7.284714246,7.284714439,7.284713968,7.284714339,7.28471406,7.284714222,7.284714334,7.28471436,7.284714258,7.284713938
+"2190","CCDC125",6.845986272,6.8459875185,6.845986635,6.8459871275,6.8459857095,6.845986314,6.8459864045,6.8459851535,6.8459863845,6.8459863185,6.845986939,6.8459851365,6.8459862515,6.845987064,6.845985766,6.845987496,6.845986162,6.8459863315,6.8459867045,6.845986239,6.845986432,6.8459848225,6.845986974,6.845987215,6.8459871915,6.8459859195,6.845986424,6.845986147
+"2191","CCDC126",5.653890852,5.653890647,5.653890429,5.653890629,5.653890534,5.653890413,5.653890552,5.653890232,5.653890263,5.653890258,5.65389028,5.65388984,5.653890576,5.653891219,5.653890736,5.653890661,5.65389056,5.653890509,5.653890718,5.653890593,5.653890564,5.653890294,5.653890731,5.65389077,5.653890547,5.653890064,5.653890456,5.653891107
+"2192","CCDC127",6.156729233,6.15672916,6.156729079,6.156729124,6.156729188,6.156729173,6.156729177,6.156729227,6.15672928,6.156729133,6.156729187,6.156729207,6.156729305,6.15672934,6.156729222,6.156729104,6.156729163,6.156729156,6.156729218,6.156729215,6.15672914,6.15672926,6.156729247,6.156729191,6.15672912,6.156729178,6.156729228,6.156729287
+"2193","CCDC13",5.363632081,5.363632099,5.363632158,5.363632108,5.363632139,5.363632116,5.363632143,5.363632143,5.363632116,5.363632095,5.363632133,5.363632159,5.363632124,5.363632038,5.363632164,5.36363216,5.363632171,5.363632161,5.363632119,5.363632121,5.363632156,5.363632173,5.363632106,5.363632104,5.363632135,5.363632139,5.363632124,5.363632133
+"2194","CCDC134",6.689233,6.689232767,6.689232553,6.689232603,6.689232845,6.689233403,6.689232765,6.689232652,6.689233026,6.689233048,6.689232753,6.689232864,6.689233165,6.68923281,6.689233032,6.689232392,6.689232471,6.689232239,6.689232981,6.689232881,6.689232471,6.689232793,6.689233008,6.689232988,6.6892324,6.689232797,6.689233241,6.689232515
+"2195","CCDC136",4.498166035,4.498166059,4.498165997,4.498166084,4.498166063,4.498166005,4.498166143,4.498166021,4.498166067,4.498166088,4.49816612,4.498166097,4.498166086,4.498166058,4.498166088,4.49816598,4.498166085,4.498166033,4.498166036,4.498166037,4.498166103,4.498166099,4.498166006,4.498166076,4.498166086,4.498166112,4.498166059,4.498166068
+"2196","CCDC137",5.98006985,5.980069875,5.980070026,5.980069939,5.980070021,5.980069944,5.980069966,5.980070026,5.98006999,5.980069985,5.980070002,5.980070049,5.980069964,5.980069885,5.980070034,5.980069819,5.980070056,5.980069975,5.980069961,5.980069976,5.980070036,5.98007003,5.980069945,5.980069919,5.980070035,5.980069989,5.980069914,5.980069977
+"2197","CCDC138",3.332009407,3.332009439,3.332009309,3.332009245,3.332009327,3.332009248,3.332009357,3.332009308,3.332009484,3.332009246,3.332009325,3.332009252,3.332009366,3.332009526,3.332009315,3.332009328,3.332009281,3.332009313,3.332009339,3.332009246,3.332009322,3.332009255,3.332009469,3.332009331,3.332009315,3.33200929,3.332009485,3.332009369
+"2198","CCDC14",5.484608214,5.484607652,5.484607544,5.484607495,5.484607832,5.484607603,5.484607897,5.4846076,5.484607913,5.484607715,5.484607807,5.484607469,5.484607847,5.484608338,5.48460791,5.484607303,5.4846074,5.484607215,5.484607863,5.484606773,5.484607791,5.484607646,5.484607985,5.48460773,5.484607561,5.484607852,5.484607949,5.484608049
+"2199","CCDC140",4.398987485,4.398987459,4.398987499,4.398987479,4.39898757,4.398987524,4.398987506,4.39898756,4.398987414,4.398987516,4.398987496,4.398987565,4.398987475,4.398987391,4.398987534,4.398987464,4.398987596,4.398987533,4.398987497,4.398987512,4.398987518,4.398987478,4.398987482,4.398987417,4.398987497,4.398987494,4.398987403,4.398987497
+"2200","CCDC141",5.131393257,5.131393167,5.131393101,5.131393337,5.131393129,5.131393225,5.131393204,5.131392985,5.131393367,5.131393199,5.13139294,5.131393294,5.131393268,5.131393416,5.131393075,5.1313931,5.131392925,5.131393276,5.13139322,5.131393264,5.131393257,5.131393125,5.131393194,5.131393127,5.131393015,5.131393321,5.131393247,5.131393254
+"2201","CCDC142",6.43722269,6.437222606,6.437222513,6.437222571,6.437222469,6.437222682,6.437222608,6.437222639,6.437222704,6.437222621,6.437222567,6.437222624,6.437222703,6.437222705,6.437222521,6.437222612,6.437222396,6.437222425,6.437222472,6.437222548,6.437222528,6.437222731,6.437222624,6.437222533,6.437222551,6.437222653,6.43722273,6.437222465
+"2202","CCDC146",5.31679041,5.316790448,5.31679007,5.316790244,5.316790151,5.316790367,5.316790442,5.316789919,5.316790192,5.316790344,5.316789982,5.316790315,5.316790369,5.316790562,5.31679032,5.316790532,5.316789983,5.316790153,5.316790455,5.316790185,5.316790397,5.316790069,5.316790262,5.316790512,5.31679017,5.316790241,5.316790378,5.316790344
+"2203","CCDC148",2.678471044,2.678471103,2.678471074,2.678471081,2.678471108,2.678471082,2.678471091,2.678471092,2.678471106,2.678471081,2.678471099,2.678471135,2.678471053,2.678471097,2.678471083,2.678471117,2.678471126,2.678471112,2.678471136,2.678471105,2.678471096,2.678471086,2.678471089,2.678471074,2.678471062,2.678471087,2.678471054,2.678471097
+"2204","CCDC148-AS1",4.153315239,4.153314993,4.153315253,4.153315205,4.15331522,4.153315213,4.153315236,4.153315342,4.153314713,4.153315125,4.153315293,4.153315456,4.153315065,4.153315058,4.153315102,4.153314992,4.153315266,4.153315155,4.153315207,4.153315296,4.153315136,4.153315295,4.153315225,4.153315383,4.15331538,4.153315321,4.153315226,4.153315351
+"2205","CCDC149",5.444771545,5.444771568,5.444771534,5.444771548,5.444771537,5.444771569,5.444771554,5.444771522,5.444771507,5.444771527,5.444771541,5.444771516,5.444771547,5.444771544,5.444771549,5.444771544,5.44477154,5.444771539,5.44477151,5.44477158,5.44477154,5.444771539,5.444771475,5.444771516,5.444771549,5.44477152,5.44477154,5.444771513
+"2206","CCDC15",3.865380579,3.865380573,3.865380646,3.865380651,3.865380545,3.865380587,3.865380604,3.865380501,3.865380637,3.865380605,3.865380645,3.865380619,3.865380535,3.865380598,3.865380539,3.865380631,3.865380596,3.865380688,3.865380505,3.865380601,3.865380576,3.86538051,3.865380582,3.865380566,3.865380622,3.865380699,3.8653806,3.865380632
+"2207","CCDC150",3.512440497,3.512440518,3.512440535,3.512440523,3.512440544,3.512440527,3.512440532,3.512440527,3.512440526,3.512440518,3.512440528,3.512440551,3.51244052,3.512440519,3.512440541,3.512440518,3.512440558,3.512440541,3.512440519,3.512440532,3.512440549,3.51244054,3.512440525,3.512440523,3.512440548,3.512440529,3.512440513,3.512440527
+"2208","CCDC153",5.605315153,5.605315102,5.605315098,5.605315133,5.605315247,5.605315066,5.605315153,5.605315343,5.605315194,5.605315131,5.605315335,5.60531529,5.605315169,5.605314955,5.605315245,5.605315412,5.605315294,5.60531539,5.605315287,5.605315147,5.6053153,5.605315285,5.605315144,5.605315057,5.605315359,5.605315336,5.605315183,5.605315163
+"2209","CCDC154",5.747379481,5.747379496,5.747379575,5.747379534,5.747379634,5.747379508,5.747379566,5.747379626,5.747379532,5.747379593,5.747379557,5.747379646,5.747379485,5.747379438,5.747379597,5.747379574,5.747379622,5.747379591,5.747379565,5.747379527,5.747379625,5.747379627,5.747379498,5.747379497,5.74737957,5.747379588,5.747379504,5.747379516
+"2210","CCDC157",5.527177336,5.527177356,5.527177363,5.527177338,5.527177425,5.527177328,5.527177388,5.527177392,5.527177357,5.527177362,5.527177341,5.527177398,5.527177366,5.527177339,5.527177427,5.527177344,5.527177433,5.527177386,5.527177346,5.527177395,5.527177424,5.527177408,5.527177341,5.527177333,5.527177398,5.527177383,5.527177341,5.527177373
+"2211","CCDC158",2.954043535,2.954043618,2.95404364,2.95404362,2.95404362,2.954043635,2.954043584,2.954043615,2.954043628,2.954043673,2.954043658,2.954043651,2.954043635,2.954043635,2.954043625,2.954043723,2.954043582,2.954043671,2.95404363,2.954043754,2.954043632,2.95404368,2.954043549,2.954043702,2.954043745,2.954043639,2.954043568,2.954043701
+"2212","CCDC159",5.497833887,5.497833886,5.497833881,5.497833901,5.497833896,5.497833891,5.497833895,5.497833891,5.497833875,5.497833881,5.497833878,5.497833877,5.497833876,5.497833859,5.497833888,5.497833908,5.497833858,5.497833874,5.497833855,5.497833905,5.497833887,5.497833906,5.49783388,5.497833869,5.497833879,5.497833849,5.497833894,5.497833876
+"2213","CCDC162P",4.737356821,4.737356914,4.737356872,4.737356883,4.73735692,4.7373569,4.737356887,4.737356886,4.737356839,4.737356844,4.737356904,4.737356925,4.737356901,4.737356864,4.737356909,4.737356891,4.737356893,4.737356904,4.737356884,4.737356899,4.73735688,4.737356876,4.737356894,4.737356861,4.737356837,4.737356872,4.73735683,4.73735685
+"2214","CCDC166",5.487385017,5.487385061,5.487385067,5.487384909,5.487385274,5.487385053,5.487385218,5.487385104,5.487385023,5.487385034,5.487385203,5.48738519,5.487385033,5.487384769,5.487385153,5.48738493,5.487385302,5.487385091,5.487385102,5.487385013,5.487385053,5.487385164,5.487384945,5.4873849,5.487385009,5.487385113,5.487384977,5.487384983
+"2215","CCDC167",4.739376212,4.739376252,4.739376328,4.739376187,4.739376349,4.739376209,4.739376293,4.739376356,4.739376283,4.739376277,4.73937636,4.739376377,4.739376175,4.739376186,4.73937631,4.739376307,4.739376354,4.739376373,4.739376287,4.739376193,4.739376306,4.739376316,4.73937619,4.739376336,4.739376279,4.739376272,4.739376225,4.739376339
+"2216","CCDC168",3.4039726735,3.403972846,3.4039726065,3.403972724,3.4039727785,3.4039728265,3.403972719,3.4039728005,3.4039727645,3.403972796,3.4039727965,3.403972742,3.4039727845,3.403972744,3.4039727365,3.4039727655,3.403972676,3.403972784,3.403972782,3.4039728395,3.403972757,3.4039728005,3.4039727095,3.4039727385,3.4039727395,3.4039727645,3.4039727505,3.4039727275
+"2217","CCDC17",5.701963846,5.701963856,5.701963778,5.701963923,5.701963851,5.701964,5.701963937,5.70196383,5.701963828,5.701963782,5.701963787,5.701963788,5.701963857,5.701963848,5.701963839,5.701963893,5.701963934,5.701963937,5.701963817,5.701964025,5.70196401,5.70196389,5.701963842,5.701963867,5.701963942,5.701963793,5.701963893,5.701963705
+"2218","CCDC170",4.982184334,4.982184443,4.982184441,4.982184413,4.982184478,4.982184328,4.982184354,4.982184266,4.982184338,4.982184438,4.98218449,4.982184342,4.9821843,4.982184399,4.982184299,4.982184459,4.982184398,4.982184381,4.982184383,4.982184398,4.982184352,4.982184349,4.982184303,4.982184384,4.982184542,4.982184368,4.982184299,4.982184323
+"2219","CCDC171",3.753108122,3.753108143,3.753108088,3.753108184,3.753108071,3.75310807,3.753108137,3.753107975,3.753108075,3.753108175,3.753108195,3.753108059,3.753108139,3.753108301,3.753108068,3.753108008,3.753108065,3.753108095,3.753108104,3.753108081,3.75310814,3.753108057,3.75310803,3.753108135,3.753108202,3.753108137,3.753108091,3.753108111
+"2220","CCDC172",2.397008403,2.397008389,2.397008394,2.397008395,2.397008397,2.397008397,2.397008427,2.397008407,2.397008382,2.397008404,2.397008408,2.39700845,2.397008422,2.397008393,2.397008405,2.397008431,2.397008421,2.397008386,2.397008409,2.39700841,2.397008405,2.397008388,2.397008406,2.397008394,2.397008435,2.397008409,2.397008412,2.397008401
+"2221","CCDC175",2.864620354,2.864620351,2.864620801,2.864620327,2.864620462,2.864620504,2.864620429,2.864620448,2.864620536,2.864620458,2.864620675,2.864620691,2.864620553,2.864620584,2.864620544,2.864620497,2.864620487,2.864620399,2.864620409,2.864620572,2.864620404,2.864620543,2.864620359,2.864620513,2.864620581,2.864620293,2.864620584,2.864620595
+"2222","CCDC177",5.901044611,5.901044542,5.9010448425,5.901044665,5.9010453765,5.901044988,5.90104493,5.9010451025,5.9010447535,5.9010450025,5.9010450845,5.9010454225,5.901044717,5.901044085,5.9010451705,5.901044543,5.9010452165,5.9010451755,5.901044999,5.9010448645,5.901045061,5.901044971,5.901044578,5.9010443885,5.901044697,5.901044953,5.9010446045,5.901044752
+"2223","CCDC178",2.723808305,2.723808408,2.723808527,2.723808519,2.723808437,2.72380853,2.72380837,2.723808432,2.723808453,2.723808466,2.72380843,2.723808448,2.723808374,2.723808282,2.72380847,2.723808405,2.723808346,2.723808436,2.723808386,2.723808521,2.723808409,2.723808467,2.723808409,2.723808459,2.723808358,2.723808433,2.723808468,2.723808455
+"2224","CCDC18",3.871721529,3.871721511,3.871721519,3.871721492,3.871721513,3.871721496,3.871721508,3.871721526,3.87172151,3.871721523,3.871721543,3.871721495,3.871721507,3.871721586,3.871721511,3.871721505,3.8717215,3.871721512,3.871721498,3.871721499,3.871721518,3.871721509,3.871721532,3.871721558,3.871721515,3.871721496,3.87172152,3.871721556
+"2225","CCDC181",3.467519217,3.46751922,3.467519212,3.467519228,3.467519236,3.467519262,3.467519228,3.467519247,3.467519226,3.467519247,3.467519266,3.467519268,3.467519245,3.467519222,3.467519254,3.467519232,3.467519257,3.467519239,3.467519233,3.467519229,3.467519242,3.467519261,3.467519216,3.46751922,3.467519215,3.467519231,3.46751922,3.467519228
+"2226","CCDC182",4.435935059,4.435935066,4.435935114,4.435935085,4.435935142,4.435935062,4.435935133,4.435935106,4.435935138,4.435935092,4.435935096,4.435935088,4.435935106,4.43593508,4.435935143,4.435935069,4.435935159,4.435935127,4.435935103,4.435935119,4.435935136,4.435935128,4.435935083,4.435935081,4.435935098,4.435935121,4.435935106,4.435935102
+"2227","CCDC184",4.970851511,4.970851522,4.970851545,4.970851529,4.970851545,4.970851508,4.970851544,4.970851545,4.97085153,4.970851518,4.970851536,4.970851609,4.970851538,4.970851456,4.970851505,4.970851557,4.970851577,4.970851564,4.970851484,4.970851548,4.970851531,4.970851538,4.970851534,4.970851499,4.970851586,4.970851543,4.970851527,4.970851538
+"2228","CCDC185",5.540646274,5.540646285,5.540646304,5.54064628,5.540646341,5.540646284,5.540646325,5.540646329,5.5406463,5.540646315,5.540646319,5.540646305,5.540646326,5.540646302,5.540646331,5.540646318,5.540646339,5.540646332,5.540646313,5.540646294,5.540646331,5.540646326,5.540646275,5.540646294,5.540646321,5.540646311,5.540646289,5.540646317
+"2229","CCDC190",3.488941665,3.48894176,3.488942173,3.48894188,3.488942092,3.488941844,3.488941943,3.488941976,3.488941775,3.488941912,3.488942077,3.488941746,3.488941931,3.488941766,3.488942042,3.488941856,3.488941743,3.488942105,3.488941944,3.488941914,3.488942014,3.488941939,3.488941797,3.488941899,3.488941998,3.488941907,3.488941973,3.488941818
+"2230","CCDC191",4.511736338,4.511736277,4.511736297,4.511736292,4.511736311,4.511736284,4.511736296,4.511736295,4.511736252,4.51173631,4.511736308,4.511736315,4.511736306,4.511736361,4.511736337,4.511736255,4.511736301,4.511736303,4.511736322,4.511736301,4.511736305,4.511736294,4.511736304,4.511736314,4.511736292,4.511736302,4.511736285,4.511736312
+"2231","CCDC196",2.381530026,2.381530022,2.381530033,2.381530033,2.381530021,2.381530055,2.381530091,2.381530011,2.381530117,2.381530018,2.381530034,2.381530085,2.381530017,2.381530034,2.381530067,2.381530039,2.381530034,2.381530056,2.3815301,2.381530015,2.381530041,2.38153004,2.381530002,2.381530061,2.381530105,2.381530069,2.381530024,2.381530103
+"2232","CCDC197",3.835920329,3.835920311,3.835920365,3.835920345,3.835920388,3.835920286,3.835920363,3.83592039,3.835920319,3.835920347,3.83592039,3.835920329,3.83592032,3.835920325,3.835920387,3.835920391,3.835920331,3.835920326,3.835920343,3.835920321,3.835920375,3.835920378,3.835920347,3.835920311,3.835920365,3.835920337,3.83592034,3.835920301
+"2233","CCDC198",3.342474264,3.342474288,3.342474302,3.342474327,3.342474326,3.34247432,3.342474311,3.342474301,3.34247426,3.342474312,3.342474314,3.342474312,3.342474287,3.342474287,3.342474306,3.342474289,3.342474331,3.342474327,3.342474314,3.342474318,3.342474312,3.342474348,3.342474314,3.342474264,3.342474322,3.342474283,3.342474307,3.342474341
+"2234","CCDC22",6.574062947,6.574062964,6.57406295,6.574062947,6.574062956,6.574062966,6.57406296,6.57406295,6.574062961,6.574062973,6.574062955,6.574062945,6.574062953,6.574062967,6.574062954,6.574062951,6.574062943,6.574062963,6.574062927,6.574062955,6.574062952,6.574062962,6.574062926,6.574062942,6.574062944,6.574062947,6.574062967,6.574062937
+"2235","CCDC24",5.774531924,5.774532153,5.774532376,5.774532008,5.774532392,5.774531695,5.774532291,5.774532362,5.774532036,5.774532149,5.774532098,5.774532542,5.774532115,5.774531938,5.77453242,5.774532227,5.774532373,5.774532359,5.774532243,5.774532093,5.774532391,5.774532285,5.774531989,5.774531898,5.774532331,5.774532393,5.774531989,5.774532181
+"2236","CCDC25",5.337720754,5.337720694,5.337720524,5.337720295,5.337720513,5.33772042,5.337720645,5.337720469,5.337720734,5.337720523,5.337720015,5.337720292,5.337720648,5.337721145,5.337720524,5.337720438,5.33772024,5.337720202,5.337720614,5.337720621,5.337720532,5.337720684,5.337720772,5.337720537,5.337720434,5.337720554,5.337720589,5.337721006
+"2237","CCDC26",3.530005475,3.530005485,3.530005595,3.530005537,3.530005567,3.530005543,3.530005499,3.530005535,3.53000555,3.530005564,3.530005553,3.530005534,3.5300055,3.530005513,3.530005562,3.530005527,3.53000556,3.530005544,3.530005494,3.530005551,3.530005548,3.530005521,3.53000548,3.530005546,3.530005493,3.530005526,3.530005461,3.530005574
+"2238","CCDC27",5.336131101,5.336131103,5.336131343,5.336131161,5.336131396,5.336131159,5.336131215,5.33613132,5.336131249,5.336131256,5.33613127,5.336131366,5.336131222,5.336131091,5.336131377,5.336131322,5.336131362,5.336131381,5.33613125,5.33613129,5.336131321,5.336131335,5.336131103,5.33613117,5.336131253,5.336131347,5.336131189,5.336131336
+"2239","CCDC28A",6.306965749,6.306965762,6.306965681,6.306965752,6.306965644,6.306965691,6.306965696,6.306965661,6.306965699,6.306965722,6.306965698,6.306965631,6.306965705,6.306965773,6.306965715,6.306965773,6.306965665,6.306965708,6.306965743,6.306965745,6.306965717,6.306965691,6.306965745,6.306965745,6.306965694,6.306965691,6.306965678,6.306965737
+"2240","CCDC28B",5.086192102,5.086191985,5.086192184,5.086192083,5.086192435,5.086191924,5.086192303,5.086192287,5.086192027,5.086192187,5.086192221,5.086192397,5.086192132,5.08619196,5.086192327,5.086192102,5.086192447,5.086192382,5.086192139,5.086192132,5.086192264,5.086192321,5.086192091,5.08619193,5.086192031,5.086192308,5.086192118,5.086192212
+"2241","CCDC3",4.215556491,4.215556594,4.215556526,4.215556665,4.215556826,4.215556689,4.215556668,4.215556647,4.215556639,4.215556782,4.215556631,4.215556692,4.215556532,4.215556399,4.215556644,4.215556638,4.215556654,4.21555661,4.215556801,4.215556604,4.215556799,4.215556723,4.215556457,4.215556698,4.215556413,4.215556507,4.215556562,4.215556608
+"2242","CCDC30",4.227967156,4.227967145,4.227967124,4.227967245,4.227966999,4.227967047,4.227967031,4.227966982,4.22796697,4.227967045,4.227967041,4.227966762,4.227967099,4.227967216,4.227967082,4.227967117,4.227966957,4.227967035,4.227967091,4.227967087,4.227967045,4.227967009,4.227967149,4.227967136,4.227967096,4.227966983,4.227967172,4.227966936
+"2243","CCDC33",5.068013352,5.068013282,5.068013414,5.06801339,5.068013564,5.068013339,5.068013439,5.068013486,5.068013356,5.068013245,5.068013407,5.06801354,5.068013405,5.068013126,5.068013526,5.068013457,5.068013557,5.06801349,5.068013498,5.068013426,5.068013536,5.068013559,5.068013289,5.068013301,5.068013418,5.068013518,5.068013283,5.068013393
+"2244","CCDC34",4.031563299,4.031563107,4.031563187,4.031563424,4.031563277,4.031563132,4.031563484,4.031563341,4.03156342,4.031563279,4.031563255,4.031563504,4.031563304,4.031563229,4.031563493,4.031563252,4.031563335,4.031563432,4.031563365,4.031563265,4.031563354,4.031563355,4.031563272,4.031563068,4.031563272,4.03156341,4.031563302,4.031563366
+"2245","CCDC38",3.162349952,3.162349922,3.162349903,3.162349992,3.162350115,3.162350072,3.16234991,3.162350077,3.162350048,3.162350027,3.162350051,3.162350245,3.16234993,3.162349874,3.162350035,3.162349933,3.16235022,3.162349969,3.162349932,3.162349982,3.162349982,3.162350054,3.16235,3.162349995,3.162349998,3.162350011,3.162349924,3.162350054
+"2246","CCDC40",5.089748105,5.089748104,5.089748138,5.089748111,5.089748161,5.089748123,5.089748128,5.089748129,5.089748128,5.089748117,5.08974813,5.089748162,5.089748105,5.089748106,5.089748133,5.089748129,5.089748148,5.08974814,5.089748115,5.089748127,5.089748136,5.089748136,5.089748097,5.089748122,5.08974813,5.089748141,5.089748123,5.089748105
+"2247","CCDC42",3.964724194,3.964724139,3.964724238,3.964724177,3.964724265,3.964724257,3.964724211,3.964724257,3.964724249,3.964724173,3.964724198,3.964724196,3.964724208,3.96472412,3.964724281,3.964724142,3.964724359,3.964724377,3.964724172,3.964724286,3.964724328,3.964724237,3.964724175,3.964724207,3.964724197,3.964724238,3.964724251,3.964724198
+"2248","CCDC43",5.319459063,5.319458972,5.319458959,5.31945881,5.319458988,5.319458973,5.319458939,5.31945887,5.319459083,5.319459058,5.319458928,5.319458763,5.319459007,5.319459198,5.31945901,5.319458928,5.319458877,5.319458916,5.319459024,5.319458973,5.319458973,5.319458902,5.319459102,5.319458984,5.319458931,5.319458935,5.319458936,5.319459098
+"2249","CCDC47",6.375292984,6.375293016,6.37529288,6.37529298,6.375292858,6.375292895,6.375292943,6.375292925,6.375292937,6.375292913,6.375292875,6.375292837,6.375292915,6.375293141,6.375292932,6.375292975,6.375292879,6.375292947,6.375292943,6.375292874,6.375292949,6.375292872,6.375292996,6.375292987,6.375292896,6.375292903,6.375292911,6.375293033
+"2250","CCDC50",5.928925252,5.928925097,5.928925113,5.92892509,5.92892521,5.92892521,5.928925218,5.928925006,5.928925084,5.928925191,5.928924959,5.928925168,5.928925184,5.928925321,5.92892509,5.928924982,5.928925138,5.928925114,5.928925315,5.928925223,5.92892514,5.928924909,5.928925195,5.928925226,5.928924892,5.92892529,5.928925109,5.928925314
+"2251","CCDC51",4.600972226,4.600972207,4.600972246,4.600972233,4.60097227,4.600972207,4.600972255,4.600972247,4.600972197,4.600972247,4.600972249,4.600972248,4.600972173,4.600972231,4.600972241,4.600972222,4.600972306,4.600972255,4.600972218,4.600972195,4.600972207,4.600972265,4.600972251,4.60097224,4.60097224,4.60097222,4.600972255,4.600972239
+"2252","CCDC54",2.78899331,2.788993466,2.78899335,2.788993456,2.78899338,2.788993471,2.788993376,2.788993394,2.788993353,2.788993411,2.788993351,2.788993413,2.788993337,2.788993311,2.788993345,2.788993352,2.788993342,2.788993363,2.788993339,2.788993316,2.788993385,2.788993341,2.788993453,2.788993359,2.788993427,2.788993375,2.788993311,2.788993375
+"2253","CCDC57",6.053983158,6.053983157,6.053983159,6.05398316,6.053983164,6.053983159,6.053983161,6.053983168,6.053983159,6.053983162,6.053983155,6.05398317,6.053983161,6.053983152,6.053983168,6.053983162,6.053983168,6.053983168,6.053983163,6.053983155,6.053983165,6.05398317,6.053983162,6.053983148,6.05398316,6.053983169,6.053983158,6.053983156
+"2254","CCDC59",4.475225543,4.475225216,4.47522532,4.475224729,4.475225275,4.475225372,4.475225299,4.475225183,4.475225367,4.47522552,4.475225329,4.475225223,4.475225543,4.475226352,4.47522544,4.475225566,4.475225325,4.475225655,4.475225259,4.475225399,4.475225319,4.475225496,4.475225444,4.475225756,4.475225523,4.475225824,4.475225381,4.475226058
+"2255","CCDC6",6.819370118,6.819369986,6.819369961,6.819369877,6.819370014,6.819369994,6.819370053,6.819369825,6.819369983,6.819370017,6.819369894,6.819369991,6.819370045,6.819370126,6.819369968,6.819369785,6.819369814,6.819369757,6.819369942,6.819369907,6.819369956,6.819369804,6.8193699,6.819370036,6.819369882,6.819369892,6.819370044,6.819370036
+"2256","CCDC60",4.377818167,4.377818389,4.377818872,4.377818756,4.377818836,4.377818703,4.377818591,4.377818789,4.377818037,4.377818795,4.377818762,4.377818801,4.377818531,4.377818263,4.377818773,4.377818567,4.37781936,4.377818652,4.37781876,4.377818432,4.377818517,4.377818823,4.377818386,4.377818142,4.377818752,4.377818005,4.377818418,4.377818769
+"2257","CCDC61",6.743071198,6.743071191,6.743071191,6.743071163,6.743071217,6.7430712,6.743071191,6.743071197,6.743071181,6.743071203,6.743071205,6.743071227,6.743071178,6.743071158,6.743071202,6.743071178,6.743071199,6.74307119,6.7430712,6.74307118,6.743071211,6.743071208,6.743071184,6.743071186,6.743071181,6.743071206,6.743071178,6.743071189
+"2258","CCDC62",4.002383104,4.002383121,4.00238304,4.002383054,4.002383128,4.002383116,4.002383147,4.002383137,4.002383044,4.002383151,4.002383117,4.002383141,4.002383101,4.002383101,4.002383135,4.00238311,4.002383143,4.002383083,4.002383081,4.002383131,4.002383098,4.00238317,4.00238313,4.002383116,4.002383137,4.002383116,4.0023831,4.002383147
+"2259","CCDC63",3.672590334,3.672590368,3.672590476,3.672590317,3.672590579,3.672590466,3.672590471,3.672590353,3.672590442,3.672590361,3.672590435,3.672590512,3.672590387,3.672590368,3.672590441,3.672590541,3.672590458,3.672590558,3.672590436,3.672590373,3.672590627,3.67259045,3.672590391,3.672590456,3.672590262,3.672590488,3.672590386,3.672590354
+"2260","CCDC65",4.70745053,4.707450327,4.707450263,4.707450355,4.707450132,4.707450263,4.707450438,4.707450333,4.707450374,4.707450354,4.707450407,4.707450431,4.707450399,4.707450404,4.707450415,4.707450332,4.707450378,4.707450303,4.707450371,4.707450183,4.707450351,4.707450475,4.707450455,4.707450317,4.707450342,4.707450361,4.707450396,4.707450537
+"2261","CCDC66",4.07718192,4.077181826,4.077181759,4.077181786,4.077181807,4.077181842,4.077181737,4.077181768,4.077181831,4.077181855,4.077181721,4.077181853,4.0771819,4.077181967,4.077181819,4.077181874,4.077181741,4.077181762,4.077181817,4.077181716,4.07718174,4.077181772,4.077181884,4.077181869,4.077181808,4.077181848,4.077181857,4.077181864
+"2262","CCDC68",2.685436425,2.685436408,2.685436419,2.685436408,2.685436433,2.685436418,2.685436423,2.685436401,2.685436385,2.685436429,2.685436419,2.68543644,2.685436425,2.685436359,2.685436403,2.685436422,2.685436433,2.685436429,2.685436447,2.685436428,2.685436394,2.685436412,2.685436395,2.685436422,2.685436417,2.685436413,2.685436413,2.685436458
+"2263","CCDC69",7.981537284,7.981537305,7.981537276,7.981537305,7.981537271,7.9815373,7.98153733,7.981537262,7.981537304,7.981537288,7.981537322,7.98153726,7.981537294,7.981537317,7.981537269,7.981537269,7.981537202,7.981537276,7.981537332,7.981537286,7.981537324,7.981537255,7.98153731,7.981537279,7.981537341,7.9815373,7.981537302,7.981537291
+"2264","CCDC7",4.406746446,4.406745949,4.406746157,4.406745618,4.406745916,4.406745841,4.406746032,4.406746073,4.406746426,4.406745948,4.406745911,4.406746175,4.406746336,4.406746443,4.406746266,4.406745862,4.406746082,4.406746023,4.406746005,4.406745857,4.406746064,4.406746093,4.40674622,4.406746078,4.406745767,4.406746278,4.406746348,4.406746252
+"2265","CCDC70",4.445733899,4.445733897,4.445733915,4.445733923,4.445733942,4.445733863,4.445733915,4.445733933,4.445733932,4.445733922,4.445733912,4.445733971,4.445733905,4.445733906,4.445733937,4.445733925,4.445733947,4.445733922,4.445733877,4.445733908,4.445733943,4.445733947,4.445733917,4.445733915,4.44573395,4.445733926,4.445733902,4.445733925
+"2266","CCDC71",6.893538348,6.893538319,6.89353826,6.893538346,6.893538311,6.893538329,6.893538234,6.893538342,6.893538361,6.893538334,6.893538267,6.893538299,6.893538378,6.893538263,6.893538257,6.893538343,6.89353824,6.893538278,6.893538306,6.893538265,6.893538254,6.893538281,6.893538347,6.893538297,6.893538315,6.893538353,6.893538389,6.8935384
+"2267","CCDC71L",6.615212231,6.615212235,6.615212237,6.61521225,6.615212267,6.615212229,6.615212236,6.615212236,6.615212241,6.615212251,6.615212263,6.615212238,6.615212234,6.615212191,6.615212241,6.615212248,6.615212226,6.615212248,6.615212253,6.615212239,6.615212246,6.615212228,6.615212221,6.615212235,6.61521224,6.61521224,6.615212219,6.615212218
+"2268","CCDC73",2.526347374,2.526347311,2.526347443,2.526347549,2.526347215,2.526347468,2.52634743,2.526347454,2.526347335,2.526347438,2.526347605,2.526347537,2.526347255,2.526347375,2.526347374,2.526347477,2.526347377,2.526347478,2.526347531,2.526347302,2.526347387,2.526347365,2.526347467,2.526347312,2.526347354,2.526347254,2.526347512,2.526347387
+"2269","CCDC77",5.419220451,5.419220399,5.419220453,5.419220431,5.419220412,5.419220409,5.419220559,5.419220344,5.419220434,5.419220484,5.419220477,5.419220448,5.419220454,5.419220516,5.419220444,5.419220418,5.419220412,5.41922043,5.419220429,5.419220427,5.419220546,5.41922041,5.419220437,5.419220476,5.419220438,5.41922047,5.419220478,5.419220437
+"2270","CCDC78",5.374288656,5.374288639,5.374288929,5.374288487,5.374289033,5.374288631,5.374288832,5.374288958,5.374288498,5.374288712,5.374288748,5.374288751,5.374288854,5.374288324,5.374288868,5.374288942,5.374289087,5.374289004,5.374288691,5.37428865,5.374289109,5.374289082,5.374288316,5.3742883,5.374288775,5.374288946,5.374288563,5.374288897
+"2271","CCDC8",5.442151079,5.442151112,5.442151156,5.442151123,5.442151131,5.442151086,5.442151114,5.442151154,5.442151149,5.44215115,5.442151157,5.442151114,5.442151134,5.442151109,5.442151134,5.442151139,5.442151137,5.442151153,5.44215112,5.442151134,5.442151136,5.442151145,5.44215111,5.442151125,5.442151161,5.442151149,5.442151098,5.442151144
+"2272","CCDC80",3.599052279,3.599052344,3.599052305,3.599052302,3.599052336,3.599052264,3.599052289,3.599052339,3.599052321,3.599052274,3.599052292,3.599052343,3.599052323,3.599052269,3.599052335,3.599052329,3.599052337,3.599052314,3.59905232,3.599052334,3.599052336,3.599052314,3.599052323,3.599052278,3.599052325,3.599052339,3.599052277,3.599052305
+"2273","CCDC81",3.755026952,3.755026948,3.75502693,3.755026929,3.755026934,3.755026945,3.755026943,3.755026921,3.755026933,3.755026929,3.755026955,3.755026934,3.755026946,3.755026946,3.755026949,3.755026943,3.755026951,3.755026953,3.755026961,3.755026958,3.755026943,3.755026949,3.755026937,3.755026918,3.755026924,3.755026932,3.755026946,3.755026932
+"2274","CCDC82",5.057537851,5.057537797,5.057537652,5.057537064,5.057536632,5.057537117,5.057537253,5.057537119,5.057537326,5.057536946,5.057537073,5.057536217,5.057537338,5.057539522,5.057537557,5.057538105,5.05753712,5.057536729,5.057537932,5.057536194,5.057537583,5.057537081,5.057537547,5.057537494,5.057537307,5.057536392,5.057536919,5.057539034
+"2275","CCDC83",2.82282317,2.822823207,2.822823204,2.822823196,2.822823234,2.822823251,2.822823222,2.822823232,2.822823237,2.822823242,2.822823266,2.822823276,2.822823169,2.822823179,2.822823235,2.822823214,2.822823258,2.822823235,2.822823268,2.82282324,2.822823203,2.822823202,2.822823248,2.822823194,2.822823216,2.822823213,2.822823232,2.82282324
+"2276","CCDC85A",4.700771407,4.700771423,4.700771463,4.700771471,4.700771473,4.700771421,4.70077146,4.700771456,4.700771437,4.70077146,4.70077145,4.700771468,4.700771419,4.700771403,4.700771435,4.700771453,4.700771459,4.700771458,4.700771456,4.700771445,4.70077142,4.700771479,4.700771413,4.700771424,4.700771459,4.700771444,4.700771423,4.700771456
+"2277","CCDC85B",6.839766702,6.83976684,6.839767309,6.839766548,6.839768223,6.839766868,6.839767552,6.839767631,6.839767396,6.839767392,6.839767673,6.839767979,6.839767035,6.839766433,6.839767693,6.83976754,6.839768428,6.839767361,6.839767315,6.839767061,6.839767932,6.839767796,6.839766828,6.839766823,6.839766991,6.839767698,6.839767089,6.839767749
+"2278","CCDC85C",5.391703874,5.391703781,5.391704133,5.3917037765,5.391704011,5.391703932,5.391704215,5.391704169,5.3917039315,5.3917041505,5.391703944,5.3917042135,5.391703939,5.3917037245,5.391704193,5.391703969,5.391704188,5.391704188,5.391703975,5.3917040475,5.391704234,5.3917040135,5.391703708,5.3917037805,5.3917040695,5.391704113,5.391703778,5.391703792
+"2279","CCDC86",5.703975888,5.703975906,5.703975887,5.70397589,5.703975902,5.703975901,5.703975893,5.703975906,5.703975899,5.703975907,5.703975896,5.703975908,5.703975892,5.70397588,5.703975892,5.70397589,5.703975897,5.703975885,5.703975895,5.703975901,5.703975892,5.703975894,5.703975885,5.703975886,5.703975888,5.703975897,5.703975883,5.703975901
+"2280","CCDC87",4.651312396,4.651312371,4.651312466,4.651312412,4.651312474,4.651312418,4.651312415,4.651312481,4.65131245,4.651312434,4.651312553,4.651312524,4.65131243,4.651312313,4.651312498,4.651312399,4.651312492,4.651312462,4.651312454,4.651312447,4.651312464,4.651312476,4.651312341,4.65131235,4.651312467,4.651312489,4.651312435,4.651312425
+"2281","CCDC88A",5.97668753,5.976687142,5.976687122,5.97668574,5.976687578,5.97668559,5.97668682,5.976685941,5.976686133,5.976687873,5.97668696,5.976686248,5.976686626,5.976689094,5.976686719,5.976686308,5.976686474,5.976685713,5.976687255,5.976685453,5.976686742,5.976686223,5.976685623,5.976686411,5.97668631,5.976686255,5.976686802,5.976687876
+"2282","CCDC88B",7.239927912,7.239928013,7.239927969,7.239928058,7.239927892,7.239927929,7.239927919,7.239927963,7.239927946,7.239927892,7.239927983,7.239927908,7.239927962,7.239927933,7.239927915,7.239928015,7.239927924,7.239928005,7.239927932,7.23992797,7.239927926,7.239927945,7.239927929,7.239927963,7.239927988,7.239927918,7.239927958,7.23992795
+"2283","CCDC88C",8.5508619765,8.517574704,8.478318246,8.4133321775,8.4344016595,8.4722745905,8.446682353,8.4867529825,8.5383220635,8.5324634225,8.3888829905,8.429509934,8.5050784795,8.564668086,8.458979188,8.4207664525,8.307269486,8.3695595085,8.472829175,8.287517949,8.4428999685,8.5282902765,8.526759884,8.4752396005,8.3883402535,8.489126702,8.5076342235,8.530053089
+"2284","CCDC89",4.297374623,4.297374628,4.297374583,4.297374584,4.297374589,4.297374552,4.297374587,4.297374713,4.297374595,4.297374553,4.297374643,4.297374587,4.29737456,4.297374503,4.297374615,4.297374649,4.29737458,4.297374696,4.297374573,4.297374613,4.297374627,4.297374618,4.297374585,4.297374541,4.297374635,4.297374637,4.297374567,4.297374701
+"2285","CCDC9",7.025729988,7.02573022,7.025730077,7.025730241,7.025730069,7.025730274,7.025730047,7.025730137,7.02573023,7.025730111,7.025730124,7.025730038,7.02573014,7.025730083,7.0257301,7.025730162,7.025730176,7.025730283,7.0257301,7.025730231,7.025730003,7.02573014,7.025730206,7.025730174,7.025730117,7.025730088,7.025730107,7.025730123
+"2286","CCDC90B",5.599541218,5.599540962,5.599541211,5.599540726,5.599540678,5.599541216,5.599540993,5.599540619,5.599541418,5.59954164,5.599540474,5.599539627,5.59954117,5.599542434,5.599541341,5.599540194,5.599540745,5.599540758,5.59954082,5.599539998,5.599540796,5.599541126,5.599541612,5.599541662,5.599540945,5.599540773,5.5995411,5.599542105
+"2287","CCDC91",6.026125405,6.026124874,6.026124597,6.026124403,6.02612435,6.026124124,6.026124695,6.026124201,6.026125072,6.026124914,6.026124148,6.026124584,6.026125223,6.026125906,6.026124737,6.026124411,6.026124068,6.026124138,6.026124713,6.026124775,6.026124455,6.026124537,6.026125268,6.026124776,6.026124283,6.026124565,6.02612507,6.026125293
+"2288","CCDC92",6.669626994,6.669626766,6.669626854,6.669626921,6.669626831,6.669626944,6.669626685,6.669626862,6.669626851,6.669626873,6.669626986,6.669626838,6.66962696,6.669626799,6.669626825,6.669626563,6.669626821,6.669626758,6.669626706,6.66962671,6.669626604,6.669626812,6.669626943,6.66962692,6.669626874,6.669626733,6.669627033,6.669626691
+"2289","CCDC93",7.241148514,7.241148439,7.241148317,7.241148435,7.241148371,7.241148467,7.241148479,7.241148375,7.241148415,7.241148391,7.241148399,7.241148268,7.241148436,7.24114857,7.241148414,7.241148417,7.241148246,7.241148321,7.241148439,7.241148498,7.241148411,7.241148321,7.241148443,7.241148509,7.241148409,7.241148412,7.241148443,7.241148464
+"2290","CCDC96",4.625024416,4.625024422,4.625024463,4.625024416,4.625024453,4.62502442,4.625024437,4.625024438,4.625024425,4.62502446,4.625024445,4.625024439,4.625024445,4.625024391,4.625024432,4.625024461,4.625024485,4.625024465,4.6250244,4.625024436,4.625024433,4.625024462,4.625024449,4.625024441,4.625024453,4.625024427,4.625024427,4.62502445
+"2291","CCDC97",6.885162793,6.885162788,6.885162705,6.885162732,6.885162715,6.885162807,6.885162679,6.885162741,6.885162766,6.885162755,6.885162726,6.885162683,6.885162767,6.885162733,6.885162722,6.885162784,6.885162751,6.885162691,6.885162739,6.885162835,6.885162716,6.885162684,6.885162749,6.885162733,6.885162743,6.885162738,6.885162793,6.885162729
+"2292","CCDC9B",5.635911733,5.63591173,5.635911797,5.635911758,5.6359118,5.635911723,5.635911745,5.635911781,5.635911767,5.63591176,5.63591181,5.635911846,5.635911742,5.635911702,5.635911788,5.635911759,5.635911809,5.635911803,5.635911729,5.635911795,5.635911813,5.635911788,5.635911751,5.635911775,5.635911789,5.635911807,5.635911738,5.63591175
+"2293","CCER1",3.952493974,3.952494322,3.952494127,3.952494368,3.952494247,3.952494179,3.95249425,3.952494092,3.952494236,3.952494116,3.952494344,3.952494211,3.952493792,3.952493792,3.952494153,3.952494327,3.952494268,3.952494275,3.952494256,3.952494196,3.952494286,3.952494371,3.952494347,3.952494157,3.952494236,3.952494131,3.952493893,3.952494252
+"2294","CCHCR1",6.12830938,6.1283101635,6.1283115035,6.128311043,6.1283111355,6.128310077,6.128310989,6.1283114755,6.1283111905,6.12831052,6.128310969,6.128311101,6.128310384,6.1283099705,6.1283107345,6.1283110705,6.12831157,6.1283111065,6.1283104025,6.12831093,6.128310753,6.1283111345,6.1283109405,6.1283106665,6.128311345,6.1283112855,6.1283108575,6.128311155
+"2295","CCIN",4.005738175,4.005738091,4.005737744,4.005738393,4.005738341,4.005738254,4.005738619,4.005738428,4.005738181,4.00573798,4.005738129,4.005737996,4.005738075,4.005738021,4.005738556,4.005738132,4.005738365,4.005738406,4.005738318,4.005738613,4.005738315,4.005738396,4.005738398,4.005738128,4.005738334,4.005738106,4.005737823,4.005738366
+"2296","CCK",5.012153842,5.012154014,5.012154039,5.012153953,5.012154559,5.012154079,5.012154134,5.012154226,5.012154142,5.012154343,5.012154148,5.012154427,5.012153852,5.012153532,5.012154378,5.012154285,5.012154431,5.012154118,5.012154196,5.012154088,5.012154244,5.012154316,5.012153931,5.01215394,5.012153974,5.012154156,5.012153882,5.012154194
+"2297","CCKAR",4.085112805,4.085112828,4.08511278,4.085112862,4.085112851,4.08511282,4.085112812,4.085112796,4.085112793,4.085112916,4.085112846,4.08511286,4.085112818,4.085112825,4.085112802,4.085112751,4.085112785,4.085112881,4.085112854,4.085112841,4.085112888,4.085112745,4.085112865,4.085112811,4.085112722,4.085112792,4.085112821,4.085112775
+"2298","CCKBR",5.865914857,5.865914965,5.865915565,5.865915049,5.865915664,5.865914834,5.865915299,5.865915628,5.86591497,5.865915397,5.865915125,5.865915562,5.865915046,5.865914459,5.865915527,5.865915365,5.865915673,5.865915599,5.865914939,5.865915138,5.865915648,5.86591544,5.865914956,5.865915065,5.865915249,5.865915377,5.865914993,5.865915268
+"2299","CCL1",4.546210961,4.546211004,4.546210987,4.546210911,4.546211104,4.546210992,4.546211077,4.546211125,4.546211002,4.546211046,4.546211031,4.546211022,4.546210993,4.546210865,4.546211039,4.54621114,4.546211207,4.546211094,4.546211031,4.546211144,4.546211136,4.546211228,4.546210974,4.546210972,4.546211063,4.546211166,4.54621092,4.546210926
+"2300","CCL11",4.6599926,4.659992687,4.659992766,4.659992577,4.659992966,4.659992687,4.659992716,4.659992842,4.659992787,4.659992669,4.659992772,4.659992801,4.659992786,4.659992582,4.659992885,4.659992639,4.659992876,4.659992703,4.659992356,4.659992743,4.659992713,4.659992832,4.659992683,4.659992866,4.659992796,4.659992758,4.659992771,4.659992935
+"2301","CCL13",4.118807008,4.118807025,4.11880705,4.118807015,4.118807031,4.118807021,4.118807029,4.118807051,4.118807035,4.118807015,4.118807044,4.118807046,4.118807033,4.11880701,4.118807041,4.118807051,4.118807033,4.118807059,4.118807045,4.118807019,4.118807034,4.118807041,4.118807022,4.118807012,4.118807047,4.118807021,4.118807018,4.118807034
+"2302","CCL16",4.06961778,4.069617552,4.069617914,4.069617588,4.069617974,4.06961751,4.069617592,4.069617879,4.069617646,4.069617717,4.069617822,4.069617953,4.06961761,4.069617456,4.069617851,4.06961773,4.069618031,4.069617907,4.069617929,4.069617742,4.069617978,4.069617725,4.06961761,4.069617539,4.069617635,4.069617849,4.069617738,4.069617641
+"2303","CCL17",5.875998429,5.875998431,5.875998807,5.875998664,5.87599896,5.875998292,5.875998755,5.875998921,5.875998765,5.875998783,5.875998785,5.875999195,5.875998711,5.875998428,5.875998895,5.875998915,5.875999046,5.875998993,5.875998566,5.875998707,5.875998911,5.875998806,5.875998642,5.875998785,5.875998897,5.875998683,5.87599854,5.875998831
+"2304","CCL18",4.240342626,4.240342648,4.240342658,4.240342637,4.240342697,4.240342671,4.240342674,4.240342642,4.240342691,4.240342651,4.24034269,4.240342702,4.240342608,4.2403426,4.240342687,4.240342651,4.240342693,4.240342705,4.240342644,4.240342649,4.24034268,4.240342706,4.240342632,4.24034258,4.240342636,4.240342656,4.240342592,4.240342685
+"2305","CCL19",4.732269555,4.73226948,4.73226958,4.732269605,4.732269692,4.732269549,4.732269577,4.732269703,4.732269466,4.732269535,4.732269613,4.732269645,4.732269539,4.732269493,4.732269728,4.732269549,4.732269799,4.732269664,4.732269616,4.732269642,4.732269746,4.732269639,4.732269555,4.732269528,4.732269588,4.732269616,4.732269477,4.732269442
+"2306","CCL2",4.504449507,4.504449455,4.50444959,4.504449524,4.504449553,4.504449577,4.504449559,4.504449597,4.504449391,4.504449503,4.504449461,4.504449555,4.504449541,4.504449472,4.50444959,4.504449651,4.504449655,4.504449496,4.504449531,4.504449603,4.504449615,4.504449559,4.504449468,4.504449463,4.504449575,4.50444957,4.50444951,4.50444958
+"2307","CCL20",3.490728467,3.490728455,3.490728456,3.49072847,3.490728457,3.49072848,3.49072845,3.49072849,3.490728476,3.490728475,3.490728502,3.490728484,3.490728494,3.490728468,3.490728428,3.490728532,3.490728433,3.490728448,3.490728493,3.490728433,3.490728468,3.490728477,3.490728398,3.490728452,3.490728516,3.490728469,3.490728521,3.490728497
+"2308","CCL21",5.174838509,5.174838534,5.174838632,5.174838494,5.174838632,5.174838605,5.174838574,5.174838585,5.174838563,5.174838588,5.174838591,5.174838682,5.174838536,5.174838512,5.174838596,5.174838558,5.174838616,5.174838606,5.17483861,5.174838552,5.174838616,5.17483863,5.17483851,5.1748385,5.174838533,5.174838594,5.17483858,5.17483859
+"2309","CCL22",5.478354833,5.478354851,5.478354922,5.478354838,5.478354957,5.478354877,5.47835492,5.478354936,5.478354902,5.478354927,5.478354974,5.478354925,5.478354885,5.478354835,5.478354863,5.47835488,5.478354946,5.478354943,5.478354861,5.478354938,5.478354876,5.478354988,5.478354942,5.478354883,5.478354892,5.478354896,5.47835491,5.478354852
+"2310","CCL23",4.094362119,4.094362337,4.094362287,4.09436225,4.094362319,4.094362183,4.094362258,4.094362193,4.094362229,4.094362074,4.094362457,4.094362118,4.094362233,4.09436208,4.094362123,4.094362439,4.094362136,4.094362168,4.094362354,4.09436229,4.094362204,4.094362199,4.094362159,4.094362192,4.094362368,4.094362246,4.094362202,4.094362205
+"2311","CCL24",4.560394559,4.560394571,4.560394561,4.56039456,4.560394624,4.560394531,4.560394567,4.560394638,4.560394567,4.560394583,4.560394618,4.560394614,4.560394606,4.560394566,4.560394639,4.560394611,4.560394657,4.560394602,4.560394581,4.560394618,4.560394635,4.560394664,4.560394542,4.560394547,4.560394555,4.560394582,4.56039457,4.56039459
+"2312","CCL25",5.2161183,5.216118292,5.216118433,5.216118364,5.216118558,5.216118345,5.216118379,5.216118464,5.216118346,5.216118467,5.216118399,5.216118509,5.216118417,5.216118278,5.216118478,5.216118426,5.216118483,5.216118461,5.216118458,5.216118476,5.216118533,5.216118484,5.216118285,5.216118336,5.216118441,5.216118477,5.216118372,5.216118265
+"2313","CCL26",4.33646579,4.336465818,4.336465822,4.336465813,4.336465832,4.336465815,4.336465832,4.336465849,4.336465838,4.33646582,4.336465823,4.33646586,4.336465803,4.336465783,4.336465853,4.336465828,4.33646586,4.336465837,4.336465828,4.336465807,4.336465849,4.336465831,4.336465828,4.336465821,4.336465832,4.336465827,4.336465823,4.336465832
+"2314","CCL28",4.808727764,4.808727765,4.808727719,4.80872775,4.80872773,4.808727749,4.808727718,4.80872774,4.808727822,4.808727723,4.808727722,4.808727756,4.808727796,4.808727862,4.808727816,4.808727646,4.808727729,4.808727775,4.808727755,4.808727734,4.808727753,4.80872779,4.808727812,4.808727752,4.80872771,4.808727822,4.808727792,4.808727834
+"2315","CCL3",5.522913877,5.522913855,5.522913933,5.522913841,5.52291395,5.522913842,5.522913919,5.52291404,5.522913866,5.522913753,5.522913842,5.522913796,5.52291368,5.52291382,5.522913889,5.522913929,5.522913943,5.522913859,5.522913807,5.522913813,5.522913977,5.522913983,5.52291381,5.522913666,5.522913495,5.52291377,5.522913771,5.522913933
+"2316","CCL4",4.045904008,4.045903919,4.045903453,4.045903717,4.045903584,4.045903575,4.045903574,4.04590377,4.045903956,4.045903439,4.045903846,4.045903695,4.045903898,4.045903446,4.045903939,4.04590363,4.045903474,4.045903433,4.04590346,4.04590355,4.045903672,4.045903578,4.045903538,4.045903788,4.045903393,4.045903894,4.04590364,4.045903152
+"2317","CCL5",9.707634364,9.409286427,9.442926353,9.494827915,9.385129658,9.43796699,9.625427349,9.593569653,9.586602505,9.541292175,9.556795035,9.345603111,9.528288661,9.423104122,9.645399346,9.214042186,9.383137999,9.576818295,9.308003622,9.371748046,9.667950811,9.569473268,9.70595097,9.62528102,9.529421452,9.479889757,9.571715265,9.40950993
+"2318","CCL7",3.985888063,3.98588836,3.985888156,3.985888054,3.985888112,3.985888306,3.98588822,3.985888324,3.985888313,3.985888186,3.985888181,3.985888486,3.985888062,3.985888115,3.9858882,3.985888082,3.985888333,3.985888186,3.985888178,3.985888273,3.985888164,3.985888282,3.985888356,3.985888098,3.98588818,3.985888165,3.985888194,3.985888175
+"2319","CCL8",3.368215872,3.368215748,3.368215942,3.36821592,3.368215846,3.368216007,3.368215815,3.368215806,3.36821604,3.36821598,3.368215906,3.368215987,3.36821597,3.368215815,3.368215977,3.368216143,3.368216041,3.368215975,3.368215866,3.368216113,3.36821605,3.368216015,3.36821587,3.368215922,3.368215927,3.368216016,3.368215835,3.368216004
+"2320","CCM2",8.183089819,8.183089901,8.183089703,8.183089971,8.183089664,8.183089775,8.183089927,8.183089686,8.183089798,8.183089811,8.183089751,8.183089501,8.183089973,8.183089953,8.18308985,8.183089861,8.183089686,8.183089935,8.183089926,8.183089517,8.183089915,8.183089803,8.183089902,8.18308995,8.183089689,8.183089746,8.183090031,8.183089921
+"2321","CCM2L",5.840379729,5.840379835,5.84037999,5.840379856,5.840380043,5.840379764,5.840379775,5.840380051,5.840379795,5.840379927,5.840380029,5.840380034,5.840379924,5.840379606,5.840379956,5.840379933,5.840380081,5.84038004,5.84037987,5.840379928,5.8403799,5.84037998,5.840379748,5.840379795,5.840379924,5.840379945,5.840379831,5.840379836
+"2322","CCN1",4.404391313,4.404391271,4.404391394,4.404391271,4.404391411,4.404391346,4.404391361,4.404391362,4.40439133,4.404391378,4.404391383,4.404391429,4.40439131,4.404391282,4.404391356,4.404391353,4.404391413,4.404391381,4.404391342,4.404391395,4.404391357,4.404391327,4.404391332,4.404391335,4.404391398,4.404391368,4.404391341,4.40439134
+"2323","CCN2",5.469564963,5.469564887,5.46956517,5.469565011,5.469565429,5.469565145,5.469565174,5.469565341,5.469565121,5.46956526,5.469565267,5.469565581,5.469565095,5.469564741,5.469565396,5.46956524,5.469565494,5.469565222,5.46956518,5.469565181,5.469565348,5.469565345,5.469564985,5.469564927,5.46956509,5.46956525,5.4695651,5.469565164
+"2324","CCN3",6.449686622,6.449688249,6.449686969,6.449688459,6.449687142,6.449686764,6.449687002,6.449687053,6.449686166,6.449685913,6.449687427,6.449687149,6.449686592,6.449687028,6.449687327,6.449688643,6.449687477,6.449688238,6.449687562,6.449686551,6.449686937,6.449686962,6.4496863,6.449686573,6.449688001,6.449687291,6.449686349,6.449686962
+"2325","CCN4",5.179845231,5.179845221,5.179845269,5.179845221,5.179845271,5.179845217,5.179845255,5.179845262,5.179845247,5.179845235,5.179845242,5.179845232,5.179845259,5.179845156,5.179845246,5.179845269,5.179845237,5.179845281,5.179845209,5.179845251,5.179845284,5.179845286,5.179845236,5.179845208,5.179845231,5.179845248,5.179845219,5.179845213
+"2326","CCN5",6.5942436,6.594243747,6.594244214,6.594243958,6.594244411,6.594243796,6.594244127,6.594244375,6.594244122,6.59424407,6.594243905,6.594244489,6.594243937,6.594243324,6.594244297,6.59424412,6.594244384,6.594244173,6.594243973,6.594244115,6.594244134,6.594244247,6.594243689,6.594244007,6.594244125,6.594244271,6.594243931,6.594243997
+"2327","CCN6",4.034427917,4.034427926,4.034427911,4.034427927,4.034427914,4.034427874,4.034427917,4.034427928,4.034427898,4.034427903,4.034427865,4.034427933,4.034427908,4.034427899,4.034427908,4.03442793,4.034427907,4.034427938,4.034427901,4.034427909,4.034427914,4.03442791,4.034427895,4.034427902,4.034427935,4.034427911,4.034427906,4.034427928
+"2328","CCNA1",3.994670265,3.99467012,3.994670094,3.994670388,3.994670382,3.994670015,3.994670061,3.994670282,3.994670203,3.994669936,3.994670041,3.994670032,3.994669963,3.994670184,3.994670028,3.994670334,3.994670447,3.994670094,3.994669951,3.99467024,3.994670125,3.994670206,3.994669681,3.994669931,3.9946702,3.994670024,3.994669946,3.994669742
+"2329","CCNA2",4.899092622,4.899092584,4.899092467,4.899093302,4.899093061,4.899094046,4.899094697,4.899091887,4.899093637,4.899092695,4.899092178,4.899092387,4.899093032,4.899092369,4.899092633,4.899091768,4.89909293,4.899092314,4.899092131,4.899093757,4.89909457,4.899092203,4.899093719,4.899092553,4.899092459,4.899092423,4.899093077,4.89909217
+"2330","CCNB1",4.59610245,4.596102524,4.596102148,4.59610229,4.596102743,4.596102818,4.596104124,4.596102088,4.596103009,4.596102057,4.596102422,4.596102358,4.596102693,4.596102746,4.596102409,4.596102293,4.596102077,4.596101951,4.596102413,4.596102972,4.596103883,4.596102028,4.596103243,4.596102229,4.596102126,4.596102309,4.596102566,4.596102286
+"2331","CCNB1IP1",4.823424042,4.82342397,4.823423952,4.823423826,4.823423778,4.82342385,4.823423915,4.823423876,4.823423963,4.823423941,4.823423806,4.823423943,4.823423887,4.823424011,4.823423816,4.823423811,4.823423928,4.823423766,4.823423848,4.82342379,4.823423923,4.823423786,4.823424021,4.823423986,4.823423825,4.823423917,4.823423995,4.823424004
+"2332","CCNB2",3.950897742,3.9508978,3.950897778,3.950897765,3.950898065,3.950898978,3.950902622,3.950897742,3.950900513,3.950897138,3.950898566,3.950897591,3.950898486,3.95089858,3.950897421,3.950896748,3.950897645,3.950897163,3.950898148,3.950899825,3.95090253,3.950897601,3.950900891,3.950896767,3.950897828,3.950897126,3.9508987,3.950896832
+"2333","CCNB3",3.422718118,3.422718118,3.422718178,3.422718113,3.422718126,3.422718167,3.422718155,3.422718184,3.422718149,3.422718138,3.422718099,3.422718152,3.422718157,3.422718109,3.422718155,3.422718154,3.422718162,3.422718097,3.422718125,3.422718149,3.422718139,3.422718143,3.422718137,3.422718127,3.422718117,3.422718152,3.422718132,3.42271819
+"2334","CCNC",5.564826899,5.564826423,5.564826424,5.56482611,5.564826187,5.564825714,5.564826627,5.564826061,5.564826548,5.564826442,5.56482628,5.564825817,5.56482649,5.564827368,5.564826506,5.564826322,5.564826244,5.564826018,5.564826418,5.564826237,5.564826523,5.564826495,5.564826668,5.564826402,5.564826182,5.564826238,5.564826555,5.564826955
+"2335","CCND1",6.11037959,6.110379597,6.110379613,6.110379591,6.110379642,6.110379606,6.110379595,6.110379622,6.110379603,6.110379632,6.110379647,6.11037963,6.110379603,6.11037957,6.110379637,6.110379616,6.110379648,6.110379628,6.110379593,6.110379639,6.110379621,6.110379617,6.110379609,6.110379584,6.110379605,6.110379635,6.110379577,6.110379608
+"2336","CCND2",8.834132345,8.834132743,8.834131621,8.834131637,8.834131996,8.83413283,8.834132673,8.834132297,8.834132859,8.834132622,8.834131383,8.834131864,8.834132219,8.834133318,8.834132761,8.834132039,8.834131115,8.834131545,8.834132287,8.834132251,8.834132174,8.834132131,8.834132934,8.834132128,8.834131694,8.834132363,8.834132481,8.834132616
+"2337","CCND3",8.408802962,8.408803128,8.408802909,8.408803469,8.40880305,8.40880316,8.408803132,8.408803008,8.408803045,8.408803146,8.408803315,8.408802847,8.408802905,8.408803052,8.408802516,8.408802834,8.408802682,8.408802878,8.40880282,8.408802498,8.408802462,8.408802657,8.408802981,8.408803111,8.408802643,8.408802666,8.408802824,8.40880262
+"2338","CCNDBP1",7.979694668,7.979694645,7.979694628,7.979694762,7.979694525,7.979694675,7.9796947,7.979694652,7.97969468,7.979694666,7.979694668,7.97969457,7.979694586,7.979694614,7.979694617,7.97969463,7.979694632,7.979694668,7.979694642,7.979694658,7.979694677,7.979694586,7.979694762,7.979694765,7.979694693,7.979694697,7.979694454,7.979694563
+"2339","CCNE1",4.981279527,4.98127972,4.981279852,4.981279605,4.98128013,4.981279883,4.981280063,4.98127978,4.981279977,4.981280052,4.981279873,4.981280034,4.981279834,4.9812796,4.981279823,4.981279505,4.98128005,4.981279839,4.981279718,4.981279929,4.981279811,4.981279821,4.981279998,4.981279875,4.981279933,4.981279687,4.981279908,4.981279694
+"2340","CCNE2",3.424162468,3.424162509,3.424162505,3.424162506,3.424162503,3.424162508,3.424162497,3.424162442,3.424162482,3.424162497,3.424162529,3.42416251,3.4241625,3.424162505,3.424162466,3.424162463,3.424162506,3.424162492,3.424162474,3.424162509,3.424162515,3.424162497,3.424162583,3.424162455,3.424162486,3.424162453,3.424162513,3.424162511
+"2341","CCNF",5.355929196,5.355929207,5.355929235,5.355929217,5.35592925,5.355929257,5.355929292,5.355929242,5.355929285,5.355929226,5.355929186,5.355929221,5.355929209,5.355929189,5.35592924,5.355929242,5.355929261,5.355929237,5.355929216,5.355929237,5.355929321,5.355929231,5.355929285,5.355929217,5.355929213,5.355929207,5.35592917,5.35592922
+"2342","CCNG1",6.598740921,6.598739666,6.598739628,6.598740077,6.598739564,6.598739478,6.598740023,6.59873934,6.598740085,6.598740287,6.598739874,6.598739754,6.598740196,6.598741302,6.598740183,6.598738984,6.59873898,6.598740198,6.598740037,6.598739133,6.59873991,6.598739725,6.598740569,6.598740284,6.598739516,6.598740034,6.598740491,6.59874069
+"2343","CCNG2",7.305272847,7.305273007,7.305272799,7.305273022,7.305272778,7.305272555,7.305272809,7.305272634,7.305272437,7.305272689,7.305272708,7.305272597,7.30527273,7.305273083,7.305272789,7.305273059,7.305272809,7.30527286,7.305273031,7.305272631,7.305272859,7.305272636,7.305272793,7.305272844,7.305272958,7.30527273,7.30527268,7.305272874
+"2344","CCNH",6.267765166,6.267765019,6.267764773,6.267764906,6.267764728,6.267764702,6.267764915,6.267764633,6.267764907,6.267764835,6.267764751,6.26776449,6.267764949,6.267765381,6.267764986,6.267764989,6.267764663,6.267764716,6.267764933,6.267765013,6.267764908,6.2677649,6.267765048,6.267764942,6.267764895,6.267764675,6.267764997,6.267765114
+"2345","CCNI",10.6006001,10.60059931,10.60059979,10.60059935,10.60059937,10.6006008,10.60059983,10.60060013,10.60060005,10.60059969,10.60059938,10.6005999,10.6005998,10.60059943,10.60059977,10.60059814,10.60059948,10.60059935,10.60059937,10.60060024,10.60059971,10.60059982,10.60060007,10.60059965,10.60059926,10.60060004,10.6006,10.60059905
+"2346","CCNI2",5.463375179,5.463375268,5.463374971,5.463374942,5.463375283,5.463375166,5.463375173,5.463375158,5.463375263,5.46337495,5.463375082,5.463375152,5.463375226,5.463375122,5.463375266,5.463375175,5.463375141,5.463375209,5.463375246,5.463375107,5.463375266,5.463375118,5.463375069,5.463375131,5.463375152,5.463375239,5.463375123,5.46337518
+"2347","CCNJ",6.857889045,6.857889046,6.857889072,6.857889034,6.857889067,6.857889051,6.857889057,6.857889035,6.857889072,6.857889073,6.8578891,6.857889087,6.857889057,6.857889052,6.857889084,6.857889084,6.857889079,6.85788908,6.857889049,6.857889053,6.857889071,6.857889093,6.857889023,6.85788907,6.857889072,6.857889077,6.857889083,6.857889064
+"2348","CCNJL",7.787003174,7.78700376,7.787003489,7.787005305,7.78700395,7.787003505,7.787003798,7.787003389,7.787003249,7.787003278,7.787003988,7.787003098,7.787003275,7.787002465,7.787003956,7.787003789,7.787004029,7.787004927,7.787004604,7.787003863,7.787003623,7.787003382,7.787004089,7.787004398,7.78700474,7.787003376,7.787003145,7.7870026
+"2349","CCNK",6.730903223,6.730903209,6.730903172,6.730903219,6.730903093,6.730903209,6.730903174,6.73090313,6.730903157,6.730903116,6.730903189,6.730903119,6.730903212,6.730903228,6.73090317,6.730903199,6.730903027,6.73090315,6.73090313,6.730903264,6.730903189,6.730903104,6.730903197,6.730903239,6.730903162,6.730903184,6.730903211,6.730903205
+"2350","CCNL1",8.40528426,8.405283989,8.405283426,8.40528387,8.405282901,8.405283878,8.405284229,8.405283544,8.405283626,8.405283407,8.405283527,8.40528266,8.405283953,8.405284622,8.405284064,8.405283961,8.40528332,8.405283734,8.405283796,8.40528434,8.405284429,8.405283812,8.405283963,8.405283614,8.40528381,8.405283522,8.405283958,8.405283928
+"2351","CCNL2",7.9019015985,7.9019014815,7.901901456,7.901901448,7.9019013695,7.901901485,7.9019015295,7.9019014645,7.9019015745,7.9019015365,7.9019013405,7.901901411,7.90190157,7.901901698,7.901901425,7.9019014625,7.90190128,7.9019013205,7.901901533,7.901901382,7.901901395,7.9019015725,7.901901468,7.9019014775,7.9019012435,7.901901489,7.901901573,7.9019014635
+"2352","CCNO",5.419238769,5.419238579,5.419239165,5.41923905,5.419239719,5.419239178,5.419239192,5.419239189,5.419239283,5.419239263,5.419239136,5.419239609,5.419238828,5.419238241,5.419239539,5.419238952,5.419239925,5.419239509,5.419239022,5.41923941,5.419239428,5.419239416,5.419238768,5.419238461,5.419238753,5.419239126,5.419238921,5.419239369
+"2353","CCNP",6.170645225,6.170645286,6.170645546,6.17064539,6.17064553,6.170645211,6.170645311,6.17064556,6.170645493,6.170645395,6.170645623,6.170645524,6.170645461,6.170645072,6.170645372,6.170645539,6.17064553,6.170645598,6.170645506,6.170645404,6.170645228,6.170645554,6.170645422,6.170645444,6.170645497,6.170645353,6.170645456,6.17064539
+"2354","CCNQ",6.085520528,6.0855205305,6.0855205175,6.08552053,6.085520565,6.085520552,6.085520542,6.0855205425,6.0855205115,6.085520522,6.0855205175,6.085520548,6.085520543,6.0855205465,6.0855205395,6.0855205355,6.0855205325,6.0855205035,6.0855205365,6.0855205295,6.0855205465,6.0855205555,6.085520511,6.0855205225,6.085520528,6.0855205295,6.0855205415,6.085520538
+"2355","CCNT1",6.677241313,6.677241254,6.677241203,6.677241302,6.677241196,6.677241161,6.677241238,6.677241174,6.677241183,6.677241242,6.677241072,6.677241055,6.677241313,6.677241437,6.677241264,6.677241202,6.677240961,6.677241197,6.677241301,6.67724129,6.677241139,6.67724118,6.677241288,6.67724125,6.677241104,6.677241151,6.67724124,6.677241196
+"2356","CCNT2",7.367954906,7.367954673,7.367954487,7.367954559,7.367954418,7.367954519,7.367954494,7.367954423,7.367954609,7.36795454,7.367954417,7.367954191,7.367954704,7.367955137,7.367954634,7.367954455,7.367954404,7.367954571,7.367954671,7.367954607,7.367954611,7.367954493,7.367954806,7.367954631,7.367954579,7.367954455,7.367954678,7.367954897
+"2357","CCNY",7.015479178,7.015479173,7.015479077,7.015479194,7.015479044,7.015479148,7.01547913,7.01547911,7.015479036,7.015479138,7.015479115,7.015479052,7.015479153,7.01547916,7.015479078,7.015479033,7.015479075,7.015479122,7.015479093,7.015479182,7.015479105,7.015479142,7.015479145,7.015479189,7.015479129,7.015479078,7.015479145,7.015479152
+"2358","CCNYL2",2.429544961,2.429544966,2.429544958,2.429545041,2.42954499,2.429545004,2.429544951,2.429544992,2.429544975,2.429544966,2.429544978,2.429544999,2.429544938,2.42954498,2.429544949,2.429544986,2.429544987,2.42954497,2.42954498,2.429544966,2.429544967,2.429544934,2.429544977,2.429544941,2.429544939,2.429544986,2.429545046,2.429544986
+"2359","CCNYL6",4.331446994,4.331447004,4.331447018,4.331446989,4.331447104,4.331447041,4.331447088,4.331447046,4.331447053,4.331447026,4.33144708,4.331447,4.331447058,4.331446993,4.331447064,4.331447045,4.331447176,4.331447021,4.331447022,4.331447049,4.331447,4.331447098,4.331447072,4.331447068,4.331447014,4.331447055,4.331447071,4.33144704
+"2360","CCP110",5.058862725,5.05886226,5.058862203,5.058862159,5.05886188,5.058861663,5.058861975,5.058861322,5.05886166,5.058862135,5.058861797,5.058860404,5.058862241,5.058863058,5.058862063,5.058862078,5.058861344,5.058862032,5.058862309,5.058861957,5.058861704,5.058861452,5.058862675,5.058862486,5.058862294,5.058861653,5.058862104,5.058862525
+"2361","CCR1",6.921935976,6.921936709,6.921935603,6.921936812,6.921935999,6.921937139,6.921935574,6.921936025,6.921935702,6.921936685,6.921935685,6.921933877,6.921935411,6.921935722,6.921936313,6.921935932,6.921935628,6.921936683,6.921936735,6.921936857,6.921935064,6.921935969,6.921936203,6.921937404,6.92193572,6.921934013,6.921935102,6.921934199
+"2362","CCR10",6.601824665,6.601824819,6.601824895,6.601824763,6.601824805,6.601824498,6.60182463,6.601824831,6.601824813,6.601824754,6.601824816,6.601824703,6.601824756,6.601824666,6.601824772,6.60182488,6.60182483,6.60182491,6.601824633,6.601824746,6.601824742,6.60182482,6.601824742,6.601824842,6.601824937,6.601824772,6.60182477,6.601824843
+"2363","CCR2",7.368380002,7.368379447,7.3683780755,7.368378752,7.368378223,7.368379726,7.368379038,7.368376906,7.368377162,7.368377817,7.368378598,7.3683762395,7.368377753,7.368379699,7.3683792235,7.3683779785,7.368377055,7.3683772895,7.368378316,7.3683802165,7.368378296,7.368378377,7.3683773325,7.368376633,7.368377282,7.368376429,7.3683775665,7.368378219
+"2364","CCR3",5.959651453,5.959654491,5.959653703,5.95965214,5.959654341,5.959651699,5.959653193,5.959652263,5.959652446,5.959651445,5.959654759,5.959651633,5.959654077,5.959654196,5.959650385,5.959654089,5.959653386,5.95965107,5.959654669,5.959652348,5.959652903,5.959652099,5.959653121,5.959651579,5.959654504,5.95965191,5.959653963,5.959654107
+"2365","CCR4",6.695041303,6.695042125,6.695039466,6.695040732,6.695040695,6.695040547,6.695040317,6.695040008,6.69504005,6.695039829,6.695039491,6.695040374,6.695040702,6.695041822,6.695041125,6.695042036,6.695039452,6.695040678,6.69504176,6.695039243,6.695040376,6.695040131,6.695040374,6.695040303,6.695039454,6.695041026,6.695041678,6.695041538
+"2366","CCR5",4.919808099,4.919808251,4.91980829,4.919808301,4.919808134,4.919808335,4.919808187,4.919808195,4.919808262,4.919808267,4.919808214,4.919808271,4.919808163,4.919808041,4.919808093,4.919808016,4.919808314,4.919808209,4.919808013,4.919808306,4.919807961,4.919808274,4.919808269,4.91980811,4.919808109,4.919807944,4.919808154,4.919808142
+"2367","CCR6",5.953582156,5.953582089,5.953580876,5.953581675,5.953581653,5.953581351,5.953581447,5.953581179,5.95358124,5.953581064,5.953580932,5.953580844,5.953581381,5.953582541,5.953582233,5.953582016,5.95358106,5.953581563,5.953582012,5.95358191,5.953581155,5.953581401,5.953581667,5.953580949,5.953580668,5.953581303,5.953581644,5.953582331
+"2368","CCR7",9.439841379,9.471795532,9.156672593,9.116929179,9.34941202,9.191478663,8.92467045,9.054225646,10.10972606,9.725108751,8.529573201,9.761462025,9.594365446,10.0557482,8.941565866,8.961531406,8.687413793,8.857988285,9.283336117,8.821545492,8.532949793,9.24510956,9.80680883,9.258637307,8.401498296,9.644371727,9.715015364,9.767898261
+"2369","CCR8",4.658447572,4.658448129,4.658447284,4.658447782,4.658447517,4.658447225,4.658447589,4.658447483,4.658447038,4.658447463,4.658447386,4.658447318,4.65844735,4.658447973,4.658447442,4.658447705,4.658447143,4.658447543,4.658447285,4.658447646,4.658447688,4.658447247,4.658447085,4.65844718,4.658447024,4.658447343,4.658447491,4.65844765
+"2370","CCR9",4.855236112,4.855236375,4.855235965,4.855236606,4.855236043,4.855236059,4.855239938,4.855235544,4.855235132,4.855236015,4.855237708,4.855236371,4.855236169,4.855236331,4.855235947,4.855236234,4.855235009,4.855236026,4.855235983,4.855236387,4.855239208,4.855236274,4.855235789,4.855237024,4.855237336,4.855235637,4.855236572,4.855236263
+"2371","CCRL2",4.439772206,4.439772326,4.439772243,4.439772179,4.439772368,4.439772494,4.439772325,4.439772179,4.439772324,4.439772368,4.439772156,4.439772083,4.439772299,4.439772327,4.439772246,4.439772317,4.439772218,4.439772367,4.439772231,4.439772588,4.439772165,4.439772211,4.439772205,4.439772183,4.439772294,4.439772263,4.439772291,4.439772335
+"2372","CCS",7.400833828,7.400833886,7.400833922,7.400833847,7.400833877,7.400833813,7.400833849,7.400833922,7.40083391,7.400833913,7.400833944,7.400833945,7.400833849,7.400833781,7.400833849,7.400833915,7.4008339,7.400833896,7.400833845,7.400833823,7.400833842,7.400833915,7.400833827,7.400833878,7.400833898,7.400833908,7.400833857,7.400833878
+"2373","CCSAP",6.333153172,6.333153078,6.333152869,6.333152991,6.333152869,6.333152572,6.333153122,6.333152695,6.333152808,6.333152846,6.333153083,6.333152503,6.333152888,6.333153101,6.333153162,6.333153109,6.333152943,6.333152949,6.333152995,6.333152662,6.333152858,6.333152817,6.33315314,6.333153137,6.333153281,6.333152759,6.333152719,6.333152823
+"2374","CCSER1",4.112442533,4.11244222,4.112442483,4.112442502,4.112442257,4.112442291,4.112442305,4.112442284,4.112442389,4.112442182,4.112442286,4.112442326,4.112442316,4.112442819,4.112442417,4.112442191,4.11244207,4.11244247,4.112442348,4.112442415,4.112442262,4.112442381,4.11244213,4.112442311,4.112442491,4.11244231,4.112442524,4.112442638
+"2375","CCSER2",7.209995758,7.209995236,7.209994885,7.209994836,7.209994996,7.209994732,7.209995352,7.209995119,7.209995606,7.209995191,7.20999498,7.209994327,7.20999544,7.209996018,7.209995219,7.20999505,7.209994639,7.209994509,7.209995394,7.209994222,7.209995122,7.209994953,7.209995723,7.209994916,7.20999501,7.209994393,7.209995625,7.209995496
+"2376","CCT2",6.227718331,6.227718229,6.227718328,6.227717925,6.227718179,6.227718151,6.227718502,6.227718075,6.227718468,6.227718406,6.22771791,6.227718116,6.227718237,6.227719052,6.227718138,6.227718037,6.227718188,6.227717804,6.227718298,6.227718156,6.227718341,6.227718132,6.227718583,6.227718202,6.227717772,6.227718181,6.227718156,6.227718712
+"2377","CCT3",7.02279881,7.022798768,7.02279862,7.022798504,7.022798605,7.022798952,7.022798935,7.022798622,7.022799109,7.022798845,7.022798383,7.022798502,7.022798896,7.022799258,7.022798692,7.02279847,7.022798295,7.022798024,7.022798624,7.02279872,7.022798719,7.02279865,7.022798907,7.022798692,7.022798115,7.022798574,7.022798933,7.022799008
+"2378","CCT4",7.039826043,7.039825664,7.039825747,7.039825315,7.03982576,7.0398257,7.039825877,7.039825598,7.039826055,7.039826003,7.039825489,7.039825177,7.039825889,7.039826617,7.039825735,7.039825388,7.039825558,7.039825399,7.039825825,7.039825689,7.039825732,7.039825821,7.039826166,7.039825626,7.039825369,7.039825756,7.039825869,7.039826021
+"2379","CCT5",7.074767578,7.074767674,7.074767573,7.074767552,7.074767542,7.074767547,7.074767585,7.074767469,7.074767535,7.074767558,7.074767465,7.074767335,7.074767547,7.074767719,7.074767445,7.074767619,7.074767366,7.074767327,7.074767502,7.074767448,7.074767468,7.074767516,7.074767603,7.074767608,7.074767413,7.074767428,7.074767527,7.074767554
+"2380","CCT6A",6.534075468,6.534075313,6.534075167,6.534074895,6.534075115,6.534075207,6.534075283,6.534074923,6.534075237,6.534075145,6.534074786,6.534074774,6.534075248,6.534075883,6.534075207,6.534075108,6.534074739,6.534074738,6.534075217,6.53407473,6.534075042,6.534074984,6.53407525,6.534074981,6.534074776,6.534075083,6.534075183,6.534075493
+"2381","CCT6B",3.551262431,3.551262417,3.551262441,3.551262453,3.551262459,3.551262386,3.551262473,3.551262422,3.551262356,3.551262347,3.55126243,3.551262558,3.551262395,3.551262384,3.55126243,3.551262418,3.551262447,3.551262463,3.55126244,3.551262449,3.551262467,3.551262484,3.551262426,3.551262368,3.55126236,3.551262425,3.551262392,3.551262486
+"2382","CCT7",8.400116715,8.400116251,8.40011585,8.40011508,8.400115685,8.400116693,8.400116748,8.400115488,8.400116871,8.400116082,8.40011533,8.400115429,8.400116614,8.400117619,8.400116325,8.400115754,8.400115342,8.400114557,8.400115932,8.400115816,8.400116829,8.400116216,8.400116461,8.400115568,8.400114979,8.40011601,8.400116467,8.400116779
+"2383","CCT8",6.886377602,6.88637732,6.886377369,6.886376898,6.886377031,6.886377088,6.886377327,6.88637652,6.886377591,6.886377544,6.886376815,6.886376879,6.886377495,6.886378277,6.886377172,6.886376992,6.886377091,6.886376886,6.886377006,6.886376827,6.886377071,6.886377003,6.886377706,6.88637709,6.886376845,6.886377022,6.886377303,6.886377434
+"2384","CCT8L2",5.227262,5.2272622,5.22726217,5.227262227,5.227262398,5.227262175,5.227262196,5.227262317,5.227262238,5.227262276,5.227262175,5.22726236,5.227262185,5.227261936,5.22726237,5.227262289,5.227262435,5.227262282,5.227262297,5.227262355,5.227262544,5.22726225,5.227262137,5.227262065,5.227262182,5.227262218,5.227262318,5.227262161
+"2385","CCZ1P-OR7E38P",7.625734684,7.625733779,7.625734326,7.625734238,7.62573485,7.625733845,7.625734549,7.625734258,7.625734617,7.625734185,7.625734129,7.625734944,7.625734599,7.62573448,7.625734762,7.625734237,7.625734694,7.625734843,7.625734775,7.625734595,7.625735227,7.625735283,7.625734326,7.625733371,7.625733231,7.625735521,7.625734736,7.625735219
+"2386","CD101",6.69951406,6.699516862,6.699514092,6.699510683,6.699516748,6.699514175,6.699516034,6.699512023,6.699514353,6.699516309,6.699515274,6.699513247,6.699513581,6.699516339,6.699513712,6.699514888,6.699513463,6.699508127,6.6995166,6.699511461,6.699515029,6.699512911,6.699513955,6.699514486,6.699515436,6.69951415,6.699514426,6.699514497
+"2387","CD109",3.596001112,3.596001122,3.596001129,3.596001119,3.59600112,3.596001114,3.596001105,3.596001099,3.596001138,3.596001146,3.596001192,3.596001144,3.59600113,3.596001113,3.596001088,3.596001126,3.596001139,3.596001122,3.596001126,3.59600112,3.596001125,3.596001098,3.596001157,3.596001123,3.596001165,3.596001128,3.596001087,3.596001102
+"2388","CD14",9.815543821,9.815623627,9.815489292,9.815662853,9.815628686,9.815681985,9.815633076,9.815401141,9.815478887,9.815464261,9.815384545,9.815243146,9.815486851,9.815543083,9.815468016,9.815503313,9.815531859,9.815484203,9.815619988,9.815793556,9.815637253,9.815619874,9.815576894,9.81558755,9.815224218,9.81555835,9.815475136,9.815177829
+"2389","CD151",6.940672558,6.940673144,6.94066992,6.940673222,6.940672763,6.940672375,6.940670751,6.940672283,6.940672148,6.940673003,6.940672809,6.940671058,6.940670999,6.940671547,6.940671743,6.940672095,6.940669586,6.940672836,6.94067195,6.940671552,6.940670016,6.940672445,6.940672729,6.940673143,6.940671758,6.94067096,6.940671358,6.94067093
+"2390","CD160",4.379963751,4.379962638,4.379963124,4.379962194,4.379962568,4.379962757,4.379963522,4.379962564,4.37996279,4.37996283,4.379963184,4.37996226,4.379963049,4.379963325,4.379963456,4.379962568,4.379962231,4.37996277,4.37996229,4.379962479,4.379963541,4.379962487,4.379963026,4.379962591,4.379962907,4.379962855,4.379962796,4.379963059
+"2391","CD163",6.49548454,6.495485022,6.495483902,6.495484649,6.495484114,6.495484139,6.495483887,6.495483299,6.495482818,6.495484062,6.495484163,6.495483324,6.495483809,6.495485148,6.495484045,6.4954847,6.495483569,6.495483658,6.495483979,6.495483711,6.495483552,6.495483312,6.495483153,6.495484033,6.495483321,6.495483421,6.495483821,6.495483963
+"2392","CD163L1",4.519337793,4.51933787,4.519337795,4.519337839,4.519337901,4.519337946,4.519337855,4.519337882,4.519337809,4.519337835,4.519337898,4.519337903,4.519337785,4.519337645,4.519337888,4.519337933,4.519337871,4.519337957,4.519337838,4.519337907,4.519337882,4.519337845,4.519337758,4.519337731,4.519337903,4.519337902,4.519337803,4.51933786
+"2393","CD164",8.95388735,8.953886417,8.953885995,8.953885735,8.953885494,8.953884811,8.953885811,8.953884841,8.953885588,8.953885556,8.953884972,8.953883271,8.953886242,8.953888595,8.953886073,8.953885345,8.953885227,8.953885316,8.953886187,8.95388558,8.953885841,8.953885349,8.9538864,8.953886041,8.953884894,8.953885233,8.953885943,8.953887041
+"2394","CD164L2",6.131136525,6.131136546,6.131136651,6.131136541,6.13113671,6.13113655,6.131136557,6.131136646,6.131136562,6.131136582,6.131136668,6.131136735,6.131136619,6.131136444,6.131136632,6.13113657,6.131136712,6.131136683,6.131136564,6.131136597,6.13113666,6.131136669,6.131136534,6.131136469,6.131136649,6.131136612,6.131136542,6.13113665
+"2395","CD177",4.878748759,4.878748983,4.8787490605,4.8787498865,4.8787497335,4.878748411,4.878749899,4.878748792,4.8787491175,4.878750421,4.8787496125,4.878748717,4.8787496725,4.8787488945,4.878748696,4.8787495395,4.87874908,4.8787505015,4.8787499275,4.8787490595,4.878749212,4.878749666,4.878750299,4.8787502185,4.878749704,4.878749225,4.878749497,4.8787486085
+"2396","CD180",6.689261185,6.689259259,6.689258301,6.689258805,6.689258631,6.689260253,6.689260035,6.689255737,6.689257923,6.68926125,6.6892578,6.689257618,6.689259986,6.689262993,6.689260584,6.689257291,6.689257436,6.689258334,6.689260219,6.68926005,6.689259785,6.689259564,6.689258411,6.689260101,6.689258131,6.689259538,6.68926059,6.689261779
+"2397","CD19",6.50881019,6.508809868,6.508809822,6.508809986,6.508809677,6.508810144,6.508810163,6.508809574,6.508809923,6.508810188,6.508809512,6.508810008,6.508809942,6.508810146,6.508809932,6.508809551,6.508809864,6.50880988,6.508809938,6.508810018,6.508810015,6.508809619,6.508809728,6.50881012,6.508809834,6.50880991,6.508809949,6.508810294
+"2398","CD1A",4.423268742,4.423268632,4.423268662,4.423268553,4.42326857,4.423268424,4.423268577,4.423268564,4.423268613,4.423268701,4.423268632,4.423268659,4.423268562,4.423268434,4.4232687,4.423268466,4.423268569,4.423268549,4.423268674,4.423268475,4.423268662,4.423268646,4.423268412,4.423268669,4.423268533,4.423268429,4.423268682,4.42326872
+"2399","CD1B",3.384489832,3.384489829,3.384489742,3.384489729,3.384489834,3.384489945,3.384489585,3.384489811,3.384489972,3.384489803,3.384489801,3.384489888,3.384489657,3.384489774,3.384489859,3.384489843,3.384489823,3.38448983,3.384489669,3.384489762,3.384489796,3.384489722,3.384489562,3.384489847,3.384489522,3.384489703,3.384489667,3.384489906
+"2400","CD1C",5.854961877,5.854961755,5.854961675,5.854961695,5.854961665,5.854961613,5.854961665,5.854961637,5.854961583,5.85496176,5.85496172,5.854961656,5.854961798,5.854961883,5.854961652,5.854961635,5.854961677,5.854961543,5.854961741,5.854961605,5.854961636,5.854961765,5.854961658,5.854961782,5.85496172,5.85496182,5.854961758,5.854961791
+"2401","CD1D",7.146778138,7.146778018,7.146778133,7.146778058,7.146778102,7.146778192,7.146778096,7.146777944,7.146777947,7.146778113,7.146778112,7.146777946,7.146778112,7.146778129,7.146778119,7.146778041,7.146778138,7.146777987,7.146778035,7.146778169,7.146778026,7.146778005,7.146777885,7.146778119,7.146777995,7.146777976,7.146778104,7.146777939
+"2402","CD1E",5.133000036,5.13300008,5.133000063,5.133000029,5.133000048,5.133000008,5.132999995,5.13300004,5.133000079,5.13300005,5.133000097,5.133000022,5.133000047,5.133000064,5.13300003,5.133000078,5.13300005,5.133000071,5.133000041,5.133000054,5.133000017,5.13300008,5.133000011,5.133000053,5.13300008,5.133000006,5.133000032,5.133000028
+"2403","CD2",7.481375178,7.481374003,7.481373401,7.481373094,7.481373529,7.481373249,7.481374026,7.481373815,7.481375033,7.481373976,7.481373406,7.48137342,7.481374502,7.481375323,7.481374378,7.481373288,7.481372581,7.481372864,7.481373657,7.481372919,7.481373911,7.481373882,7.481375046,7.481374173,7.481372828,7.481373868,7.481374279,7.4813744
+"2404","CD200",5.451655396,5.451654411,5.451654614,5.451654794,5.451654714,5.45165443,5.451654522,5.45165433,5.451654617,5.451654846,5.451654159,5.451654492,5.451654286,5.451655287,5.451654977,5.451654155,5.451654493,5.451654709,5.451654697,5.451654544,5.45165437,5.451654463,5.451654095,5.451654862,5.451654148,5.451654391,5.451654235,5.451654957
+"2405","CD200R1",5.76743791,5.767437835,5.767437719,5.767437344,5.767437936,5.767437383,5.767437857,5.767437639,5.767437748,5.767437796,5.76743789,5.767437683,5.767437793,5.767438244,5.767437758,5.767437678,5.767437533,5.76743752,5.76743821,5.767437423,5.767437896,5.76743752,5.767438042,5.767437727,5.767438045,5.767437751,5.767437872,5.767438216
+"2406","CD200R1L",3.514236547,3.514236463,3.514236494,3.514236551,3.514236532,3.514236474,3.514236527,3.514236512,3.514236525,3.514236517,3.514236523,3.514236535,3.514236487,3.514236533,3.514236536,3.514236532,3.514236531,3.514236538,3.514236553,3.514236486,3.514236514,3.514236549,3.514236507,3.514236507,3.514236525,3.514236509,3.514236516,3.514236524
+"2407","CD207",4.517310917,4.517310858,4.517310895,4.517310889,4.517310935,4.517310858,4.517310827,4.517310885,4.517310798,4.517310825,4.517310805,4.517310949,4.517310814,4.51731086,4.517310915,4.517310887,4.517310925,4.517310834,4.517310873,4.517310922,4.517310848,4.517310917,4.517310788,4.517310828,4.51731093,4.517310888,4.517310778,4.51731076
+"2408","CD22",6.576708075,6.576705442,6.576704755,6.576706483,6.576705751,6.576706657,6.576707176,6.576703079,6.576704798,6.576707098,6.576704098,6.576705444,6.576705896,6.576708655,6.576707474,6.576704569,6.57670454,6.576705842,6.576706261,6.576706263,6.576706382,6.576705007,6.576705307,6.576706815,6.576703789,6.576706874,6.576706075,6.576708152
+"2409","CD226",7.436194881,7.436194331,7.436193376,7.436194231,7.436193643,7.436193208,7.436193207,7.436193497,7.436193777,7.43619478,7.43619428,7.436193273,7.436194423,7.436195542,7.436193929,7.436193616,7.436192678,7.436194868,7.436194088,7.436193098,7.436193538,7.436192925,7.436194798,7.436194967,7.436194577,7.436194389,7.436194572,7.436195055
+"2410","CD24",4.667560724,4.667561673,4.667559999,4.667559844,4.667561277,4.667559922,4.667560772,4.667558774,4.667560126,4.667559773,4.667560704,4.667558901,4.667560259,4.667561393,4.667559627,4.667559654,4.667559619,4.667559841,4.667560773,4.667559671,4.667560302,4.667559445,4.667560179,4.667559657,4.667560712,4.66755978,4.667559821,4.667561088
+"2411","CD244",6.983765972,6.983765518,6.983765516,6.98376501,6.983765317,6.983765217,6.983765251,6.983765269,6.983764783,6.983765455,6.983765268,6.98376439,6.983765653,6.983765772,6.983765624,6.983765374,6.983764931,6.983764611,6.983765576,6.983764955,6.983765289,6.983765064,6.983765359,6.983765319,6.983765622,6.98376529,6.983765448,6.983765533
+"2412","CD247",7.539030838,7.53903064,7.539030126,7.539029777,7.539030397,7.539030605,7.539029998,7.539030897,7.539031112,7.539030762,7.539029949,7.539030572,7.539031189,7.539031283,7.539030808,7.539030427,7.539029709,7.539030065,7.539030425,7.539030213,7.539030036,7.539030704,7.539031281,7.539030909,7.539029847,7.539030785,7.539031077,7.539031093
+"2413","CD248",5.126740596,5.126740755,5.126740593,5.126740769,5.126740851,5.126740724,5.126740701,5.126740679,5.126740812,5.12674096,5.126740665,5.126741036,5.126740637,5.126740694,5.126740776,5.126740696,5.126740752,5.12674082,5.126740827,5.126740674,5.126740806,5.126740734,5.126740828,5.126740704,5.126740519,5.126740924,5.126740729,5.12674066
+"2414","CD27",8.04831022,8.050946513,8.035283517,8.036401969,8.047374995,8.049540173,8.055814627,8.053556036,8.077602291,8.067702635,8.027240345,8.063277619,8.062179256,8.071841831,8.043547142,8.042566689,8.031044842,8.03180357,8.052791683,8.04501971,8.040952618,8.05926125,8.073338331,8.051793969,8.028845451,8.056017461,8.068102501,8.060974308
+"2415","CD274",5.765164909,5.646051733,5.192626766,5.81686899,5.53995841,7.123406023,5.773687608,5.775393976,5.936821649,5.770450888,5.263853135,4.655734866,5.58963541,5.663259192,5.942462175,5.516935417,5.130103326,5.472473525,5.830289727,7.204780865,5.707091426,5.747494131,6.193519053,6.070957622,5.53261204,4.913802506,5.63845203,5.346850154
+"2416","CD276",5.577283081,5.577283203,5.577283119,5.577283146,5.577283287,5.577282959,5.577283039,5.577283148,5.577282899,5.577282973,5.577283139,5.577283049,5.577283196,5.577282947,5.577283223,5.577283249,5.577283338,5.577283302,5.577283075,5.577283193,5.577283285,5.577283298,5.577282994,5.577283007,5.577283181,5.577283219,5.577283023,5.577282974
+"2417","CD28",7.279471142,7.279469365,7.279468638,7.279467589,7.27946846,7.27946808,7.279469232,7.279469327,7.279472863,7.279470225,7.279465779,7.279469997,7.27947127,7.279473434,7.279468327,7.279467438,7.279466475,7.279466965,7.279471235,7.279469737,7.279469544,7.279470701,7.279472509,7.279468571,7.279466276,7.279470918,7.27947211,7.27947294
+"2418","CD2AP",6.337697753,6.33769738,6.337696946,6.337696625,6.337697394,6.337697697,6.337696967,6.337697024,6.337697344,6.337697425,6.337696831,6.337696808,6.337697269,6.337698316,6.337697145,6.337696864,6.337696237,6.337696856,6.337697505,6.337697328,6.337696903,6.337696932,6.337697637,6.337697419,6.337697082,6.337697298,6.337697158,6.337698118
+"2419","CD2BP2",7.756580113,7.756580228,7.756580237,7.756580224,7.756580191,7.75658011,7.756580094,7.756580191,7.756580115,7.756580151,7.756580196,7.756580058,7.756580238,7.756580144,7.75658007,7.756580257,7.756580083,7.756580232,7.756580185,7.756580142,7.756580116,7.756580176,7.756580159,7.756580187,7.756580185,7.756580033,7.756580172,7.756580179
+"2420","CD300A",9.11565289,9.11598522,9.115689293,9.1159495,9.115040253,9.115654787,9.115419873,9.115701306,9.115518214,9.115351119,9.115738558,9.114398935,9.115756011,9.11534837,9.115534132,9.116013435,9.115472019,9.115882203,9.115324176,9.115568146,9.115305306,9.115764651,9.115627461,9.115726427,9.115953291,9.114803734,9.115595788,9.115200898
+"2421","CD300C",7.696122532,7.696122591,7.696122686,7.696122281,7.696122556,7.696122737,7.696122511,7.696122416,7.696122189,7.696122661,7.696122421,7.696122393,7.696122715,7.696122368,7.696122373,7.696122403,7.696122597,7.696122345,7.696122378,7.696122718,7.696122453,7.696122604,7.696122124,7.69612255,7.696122375,7.696122186,7.696122598,7.696122202
+"2422","CD300E",7.697119669,7.697119664,7.69711984,7.697119689,7.697120051,7.697120163,7.697119729,7.69711958,7.697119157,7.697119914,7.697119591,7.697119465,7.697119892,7.69711966,7.697119626,7.697119347,7.69711982,7.697119574,7.697119886,7.697120007,7.69711955,7.697119537,7.697119212,7.697119581,7.697119628,7.69711968,7.697119918,7.697119276
+"2423","CD300LB",7.284385702,7.284386941,7.284385884,7.284386424,7.284386024,7.284385583,7.284385697,7.284385458,7.284385753,7.284385792,7.284385967,7.284385314,7.284386005,7.284385713,7.284385498,7.284386677,7.284385765,7.284386094,7.28438607,7.284385837,7.284385519,7.284385539,7.28438607,7.284385975,7.284386188,7.284385836,7.284385709,7.284385326
+"2424","CD300LD",4.564325358,4.564326813,4.564325459,4.564327121,4.564326471,4.564326462,4.564325779,4.56432585,4.564327166,4.564325522,4.564325188,4.564325824,4.56432569,4.564325165,4.564326153,4.564326983,4.564325956,4.564327659,4.564325983,4.564326301,4.564326346,4.564325832,4.564327327,4.564325885,4.564325124,4.564325225,4.564325482,4.564325314
+"2425","CD300LD-AS1",4.036811992,4.036812076,4.036811971,4.036811944,4.036812002,4.036812107,4.036812085,4.036812004,4.036812044,4.036812026,4.036812054,4.03681198,4.036811999,4.036811887,4.03681207,4.036812116,4.03681215,4.036812061,4.036812028,4.036811966,4.036812006,4.036812085,4.036812053,4.036812004,4.03681208,4.036811969,4.036812011,4.036812
+"2426","CD300LF",7.887578976,7.887580407,7.887580364,7.887580363,7.887579344,7.887580987,7.887579879,7.887579753,7.887578602,7.887579949,7.887580522,7.887578446,7.887580559,7.887579113,7.887579334,7.887580124,7.887579598,7.887579966,7.887579942,7.887581583,7.887579732,7.887579504,7.887579478,7.887580629,7.887580345,7.887578928,7.887580537,7.887578627
+"2427","CD300LG",5.523564135,5.523564073,5.523564195,5.523564112,5.523564184,5.52356415,5.523564227,5.52356419,5.523564128,5.523564083,5.52356413,5.523564185,5.523564111,5.523564046,5.523564194,5.523564252,5.523564242,5.523564189,5.523564101,5.523564161,5.523564198,5.523564227,5.523564123,5.523564098,5.52356413,5.523564167,5.523564143,5.523564162
+"2428","CD320",6.769522265,6.769522242,6.769522268,6.769522243,6.769522287,6.769522274,6.769522227,6.769522308,6.769522259,6.769522252,6.769522286,6.769522274,6.769522258,6.769522197,6.769522257,6.769522242,6.769522256,6.769522265,6.769522235,6.769522189,6.769522254,6.769522304,6.769522283,6.769522239,6.769522264,6.769522277,6.769522254,6.769522201
+"2429","CD33",6.988272177,6.988272253,6.988272231,6.988271996,6.98827199,6.98827231,6.988272089,6.988272109,6.988271693,6.988272306,6.988271997,6.988272063,6.988272126,6.988272284,6.988272092,6.988272015,6.988272149,6.988271935,6.988272,6.988272303,6.988272033,6.988272133,6.988271869,6.988272178,6.988271962,6.988271948,6.988272124,6.988271969
+"2430","CD34",4.587633207,4.587633343,4.587633214,4.587633317,4.587633548,4.587633335,4.587633459,4.587633489,4.587633029,4.587633162,4.587633295,4.587633477,4.587633194,4.587633097,4.587633406,4.58763331,4.587633551,4.587633468,4.587633365,4.587633405,4.587633523,4.587633352,4.587633153,4.587633103,4.58763351,4.587633235,4.587633251,4.587633121
+"2431","CD36",7.21510192,7.215100786,7.215101458,7.215100456,7.215100624,7.215100784,7.21510026,7.215099088,7.215099173,7.215100954,7.21510061,7.215099128,7.215099699,7.215101829,7.215100509,7.215100354,7.21509924,7.215099487,7.215100983,7.215101519,7.215100461,7.215099333,7.215098932,7.215100693,7.215100447,7.21509842,7.215099627,7.215100003
+"2432","CD37",9.682998124,9.682997885,9.682997566,9.682997744,9.68299744,9.682997886,9.682997261,9.682997549,9.682997789,9.682998063,9.682997231,9.682997308,9.682998034,9.682998431,9.682997875,9.682997454,9.682997447,9.682997355,9.682997898,9.682997974,9.682997002,9.682997649,9.682997829,9.682998262,9.682997441,9.682997433,9.682998157,9.682997923
+"2433","CD38",6.959898381,6.959898745,6.959897728,6.959898505,6.959897564,6.959900873,6.959900383,6.959897106,6.959898982,6.959898641,6.959897933,6.959896696,6.959899682,6.959897855,6.959898589,6.959898771,6.959897652,6.959897727,6.959898311,6.9599004,6.959899972,6.959897381,6.959899212,6.959898902,6.959897506,6.959898234,6.959899461,6.959897996
+"2434","CD3D",7.063969455,7.063825064,7.063873606,7.063829266,7.063886687,7.063961017,7.063965603,7.064026591,7.064067231,7.064045483,7.06371836,7.063926259,7.064008773,7.064053999,7.06395288,7.063791944,7.063810366,7.063872893,7.063891813,7.063908731,7.063938015,7.064017479,7.064022298,7.063952412,7.063711162,7.063962216,7.064010648,7.063936338
+"2435","CD3E",8.17529685,8.175296196,8.175295915,8.1752946,8.175295196,8.175295771,8.175296174,8.175296061,8.175297705,8.175296915,8.175295076,8.175296013,8.175296823,8.175296825,8.175296108,8.175295872,8.175294137,8.175295083,8.175295412,8.17529473,8.175296124,8.175296388,8.175297094,8.175295815,8.175295347,8.175296752,8.175297035,8.175295765
+"2436","CD3G",9.058664632,8.758069678,8.542378,8.242643244,8.693022756,8.791115838,8.86321441,8.942125621,9.450663344,9.145883013,8.285721218,8.80982572,8.866746907,9.48011031,8.867752157,8.409915788,8.307062227,8.295839804,8.793606278,8.676787832,8.856217468,8.93469795,9.446792003,8.909849321,8.410800075,8.9112586,8.978904616,9.29946502
+"2437","CD4",8.145836598,8.145837243,8.14583596,8.145835553,8.145835954,8.14583766,8.145835103,8.14583407,8.145836704,8.145837783,8.145836122,8.145833198,8.145836429,8.145837963,8.145835626,8.145835196,8.145835163,8.145834312,8.145835408,8.14583632,8.145834388,8.145835263,8.145835855,8.145836439,8.145835505,8.145833335,8.145837327,8.145836775
+"2438","CD40",5.322724286,5.322723911,5.322723978,5.322723865,5.322723942,5.322724347,5.322723771,5.322723942,5.32272387,5.322723962,5.322723846,5.322723889,5.32272421,5.322724171,5.322724192,5.322723675,5.322723943,5.322723942,5.32272409,5.322724481,5.322723938,5.322724027,5.322723937,5.322724046,5.322723983,5.322724001,5.322724347,5.322724253
+"2439","CD40LG",5.29121968,5.291219375,5.291219524,5.291219403,5.291219566,5.291219306,5.29121954,5.291219389,5.291219652,5.291219362,5.291219301,5.291219394,5.291219616,5.291219723,5.291219501,5.291219137,5.291219237,5.291219427,5.291219638,5.291219223,5.291219424,5.291219589,5.291219543,5.291219461,5.291219415,5.291219614,5.29121953,5.291219582
+"2440","CD44",8.847576138,8.847575802,8.847574698,8.847575139,8.847575433,8.847575835,8.847575441,8.847574797,8.847575925,8.847576269,8.847575037,8.847574902,8.847575735,8.847576375,8.847575661,8.847574882,8.847574362,8.847574672,8.847575608,8.847575318,8.847575508,8.847574831,8.847575614,8.847576059,8.847575066,8.847575203,8.847576072,8.847575762
+"2441","CD46",8.749293285,8.749299106,8.749262469,8.749310731,8.749239629,8.749301844,8.749281734,8.749262587,8.749248613,8.749251225,8.749256328,8.749204486,8.74928237,8.749301809,8.749269982,8.74931137,8.749248712,8.749281244,8.749293677,8.749328563,8.749304042,8.749258903,8.749284131,8.749293257,8.749273159,8.749244835,8.749275467,8.749278328
+"2442","CD47",9.269127243,9.269119496,9.269113606,9.269101999,9.269102127,9.269098887,9.269102639,9.269105069,9.269114655,9.26911164,9.269106841,9.269093167,9.269118307,9.269137752,9.269107504,9.26911528,9.269104918,9.269098623,9.269114005,9.269102558,9.269106825,9.269105728,9.269115359,9.26911643,9.269103391,9.269105023,9.269115274,9.269122818
+"2443","CD48",9.277665332,8.625572467,8.945863,8.369854345,8.629174422,8.905708676,9.238574533,8.618136037,9.018414193,9.276927311,8.549213974,8.869213596,9.147813234,9.739134311,8.956584609,8.61895024,8.891608312,8.212020505,8.929394877,9.057789321,9.269812344,8.97645353,9.079661138,8.968019276,8.348819424,8.836799504,8.959816905,9.445650713
+"2444","CD5",7.875193526,7.875209019,7.875113256,7.875112539,7.875240513,7.875213517,7.875210357,7.875188208,7.875312956,7.87527531,7.875102448,7.875198938,7.875218841,7.87528486,7.875223483,7.875163473,7.875075302,7.87513124,7.875202005,7.875172236,7.875200236,7.875167139,7.875270034,7.875221873,7.875127335,7.875221397,7.875233274,7.87527817
+"2445","CD52",8.273440159,7.32645378,8.158794698,7.21945735,7.545156844,7.897349654,8.68006703,7.50087572,8.421689725,8.317446076,7.692750388,7.880322666,8.133928868,8.667668236,7.821780843,6.946232651,8.134897144,7.273937796,7.86488317,7.983387234,8.387433366,7.954890546,8.346338607,7.821232758,7.605648709,7.766434993,7.947652537,8.475233361
+"2446","CD53",10.84532835,10.977591,10.53988497,10.82307296,10.47208205,10.91503937,10.73255903,10.52705789,10.67190978,10.61643833,10.48069892,10.34725128,10.67901229,10.94766288,10.73536738,10.87762572,10.6050776,10.63655748,10.64789546,10.98710513,10.76436758,10.66557813,10.72703845,10.77122438,10.44652934,10.44135841,10.62708306,10.58323394
+"2447","CD55",8.775255356,9.175049352,8.442626316,9.163458089,8.106490821,8.198873835,8.675073696,8.540641667,8.689819476,8.627120065,8.638506779,8.170628746,8.675731453,8.76061183,8.613632961,9.086576245,8.704809787,9.07015658,8.452823657,8.337477087,8.679598628,8.520366991,8.868028131,8.875398635,8.680997125,8.307288681,8.637217463,8.395507186
+"2448","CD58",6.886895023,6.886895004,6.886894877,6.886895121,6.886894533,6.886894758,6.886894894,6.886894694,6.886894518,6.886894483,6.886894889,6.886894344,6.886894805,6.886894819,6.886894819,6.886895005,6.886894716,6.886894906,6.886894889,6.886894823,6.886894993,6.886894716,6.886894686,6.886894774,6.886894933,6.886894539,6.886894864,6.886894504
+"2449","CD59",6.715827414,6.715827589,6.715826844,6.715827827,6.715826836,6.715828489,6.715828034,6.715827005,6.715827628,6.715827093,6.715827178,6.715826424,6.715826518,6.715827738,6.715827141,6.71582774,6.715827195,6.715827464,6.715827778,6.715828753,6.715827674,6.715826899,6.715828115,6.7158276,6.71582721,6.715826475,6.715826838,6.715827271
+"2450","CD5L",4.58807763,4.588077567,4.588077692,4.588077742,4.588077734,4.588077587,4.588077629,4.588077711,4.588077696,4.588077577,4.588077637,4.588077746,4.588077619,4.588077595,4.588077754,4.588077649,4.588077796,4.588077701,4.588077686,4.588077685,4.588077731,4.588077779,4.588077502,4.588077601,4.588077616,4.588077646,4.588077502,4.588077673
+"2451","CD6",7.645293029,7.645292417,7.64529183,7.645291546,7.645292406,7.645292731,7.645292867,7.645292805,7.645294356,7.645293496,7.645291424,7.645292759,7.645293312,7.645293826,7.645292776,7.645291767,7.645291334,7.645291547,7.645292678,7.645291928,7.645292373,7.645292849,7.645293735,7.645292927,7.645292237,7.64529258,7.645293468,7.645293782
+"2452","CD63",8.224617336,8.224618069,8.224617243,8.224617675,8.224616932,8.224617413,8.224617181,8.22461712,8.224617024,8.224617231,8.224617394,8.224616478,8.224617088,8.224617262,8.224616696,8.224618059,8.224616918,8.224617231,8.224617359,8.224617774,8.224616975,8.224617094,8.224617264,8.224617501,8.224616996,8.224616632,8.224616939,8.224616628
+"2453","CD68",8.760510932,8.760342149,8.760707687,8.76056141,8.7608041,8.761146208,8.760443947,8.760112143,8.759754675,8.761135739,8.760507875,8.759763263,8.760662739,8.760325335,8.760351005,8.759642675,8.760511928,8.760028178,8.760434634,8.760743334,8.760272289,8.760156491,8.759653634,8.760735445,8.760133326,8.7599321,8.760732369,8.759885612
+"2454","CD69",5.267569498,5.267567657,5.267567644,5.267567108,5.267567232,5.267566369,5.267569008,5.267567206,5.267568697,5.267567989,5.267567415,5.267566729,5.26756735,5.267571957,5.267567823,5.267566784,5.267566952,5.267566393,5.267566077,5.267567785,5.267568185,5.267567792,5.267568501,5.267567698,5.26756616,5.267566719,5.26756743,5.267570537
+"2455","CD7",8.397470624,8.397470791,8.397470618,8.397470394,8.397470607,8.397470631,8.397470526,8.397470651,8.397471007,8.397470892,8.397470509,8.397470691,8.397470796,8.3974707,8.397470612,8.397470633,8.397470527,8.397470558,8.397470621,8.397470504,8.397470414,8.397470672,8.397470971,8.397470708,8.397470492,8.39747078,8.39747082,8.397470748
+"2456","CD70",6.113466265,6.113466115,6.11346638,6.113466267,6.113466583,6.113465921,6.113466382,6.113466499,6.113466144,6.113466212,6.113466356,6.113466517,6.113466333,6.113465913,6.113466331,6.11346646,6.113466442,6.113466301,6.1134664,6.113466095,6.113466364,6.113466403,6.113466179,6.113466147,6.113466442,6.113466382,6.113466239,6.113466335
+"2457","CD72",5.616353523,5.61635251,5.616352291,5.616352833,5.616352932,5.616353533,5.616353327,5.616352609,5.61635256,5.616353381,5.616352417,5.616352913,5.616353011,5.616353588,5.616353271,5.616352581,5.616352703,5.616352906,5.616352834,5.616353121,5.616352976,5.616352556,5.616352287,5.616353082,5.61635186,5.616353158,5.61635295,5.616353679
+"2458","CD74",10.97308887,10.34236972,10.71834429,10.45477988,10.80580487,11.55332047,10.74704086,10.35411599,10.4050707,11.01831461,10.61075765,10.46282787,10.94296264,10.89601178,10.90307004,9.814559668,10.64670904,10.30876032,10.60150905,11.25974065,10.65662356,10.70162783,10.18646792,10.6851771,10.37026724,10.64696255,11.00093271,10.71632072
+"2459","CD79A",7.302137107,7.302136593,7.302136127,7.302136643,7.302136347,7.30213661,7.302136527,7.302135372,7.302136337,7.302136994,7.302135827,7.302136624,7.302136707,7.302137697,7.302136972,7.302136149,7.302136117,7.302136599,7.302136457,7.302136803,7.302136169,7.302136108,7.302136115,7.302136847,7.30213559,7.302136718,7.302136717,7.302137727
+"2460","CD79B",6.862716005,6.862715248,6.862714998,6.862715674,6.862715549,6.862715524,6.862715552,6.862714832,6.862715258,6.862715671,6.862714846,6.862715443,6.862715544,6.862716226,6.862715931,6.862715301,6.862715279,6.862715669,6.86271563,6.862715481,6.862715477,6.862715407,6.862715314,6.862715582,6.862714595,6.862715577,6.862715576,6.862716276
+"2461","CD80",4.398417286,4.398417269,4.398417162,4.39841724,4.39841717,4.398417255,4.398417457,4.398417165,4.398417225,4.398417127,4.398417221,4.398417217,4.398417424,4.398417239,4.398417195,4.398417188,4.398417332,4.398417355,4.398417264,4.398417296,4.398417246,4.398417152,4.398417268,4.398417256,4.398417213,4.398417204,4.398417347,4.398417212
+"2462","CD81",8.556510574,8.556510164,8.556509431,8.556509286,8.556510001,8.556509996,8.556510457,8.556510395,8.556510214,8.55651021,8.556509433,8.556510135,8.556510434,8.556510478,8.556510199,8.556509617,8.556509295,8.556508981,8.55651,8.55650956,8.556510364,8.556510399,8.556510389,8.556509833,8.556508916,8.55651002,8.556510672,8.556510111
+"2463","CD82",8.443452372,8.443453988,8.443452963,8.443454595,8.443451757,8.443452207,8.443451855,8.443452636,8.443452218,8.443452699,8.443452522,8.443451278,8.443452418,8.443452299,8.443452648,8.443453995,8.443452131,8.443453909,8.443452974,8.443452165,8.443450976,8.443452466,8.443452706,8.443453094,8.443452819,8.443451339,8.443452374,8.443452569
+"2464","CD83",6.020701665,6.02070159,6.020701557,6.02070158,6.020701522,6.020701548,6.020701572,6.020701578,6.020701582,6.02070162,6.020701573,6.020701582,6.020701599,6.020701737,6.020701642,6.02070166,6.020701549,6.020701625,6.020701608,6.020701651,6.020701617,6.02070159,6.020701578,6.020701619,6.020701607,6.020701613,6.020701641,6.020701708
+"2465","CD84",7.038413215,7.038412618,7.038412307,7.0384126,7.038412236,7.038412289,7.038412882,7.038412381,7.038412248,7.038412447,7.038412348,7.038412133,7.038412791,7.038412872,7.038412642,7.038412101,7.038411504,7.038412271,7.03841238,7.038412011,7.038412783,7.038412236,7.03841247,7.038412901,7.03841261,7.038412649,7.038412984,7.038412444
+"2466","CD86",6.000692057,6.00069195,6.000692079,6.000691973,6.000692005,6.000692048,6.000691975,6.00069189,6.000691688,6.000692073,6.00069196,6.000691804,6.000691942,6.000692157,6.000691992,6.000691837,6.000692013,6.000691912,6.000692029,6.000691964,6.000691995,6.000691912,6.000691749,6.000691989,6.00069198,6.000691892,6.000691941,6.000691993
+"2467","CD8A",7.807922966,7.80792116,7.807920994,7.80792178,7.807919547,7.807920754,7.807923477,7.807923323,7.807923823,7.807921661,7.807919892,7.807922232,7.80792307,7.807922443,7.807923049,7.807921049,7.807920186,7.807921844,7.807919568,7.807920591,7.807924075,7.807923187,7.807924374,7.807921545,7.807920913,7.807923548,7.807922722,7.807921995
+"2468","CD8B",6.2084230935,6.208422243,6.2084220295,6.2084222145,6.2084220835,6.208422109,6.208423121,6.2084225785,6.2084236445,6.208423181,6.2084221625,6.208422533,6.2084227285,6.2084227455,6.208422712,6.2084218415,6.2084218245,6.2084222205,6.208422098,6.208422086,6.208423148,6.208422807,6.2084238625,6.20842262,6.2084218835,6.2084227045,6.208422615,6.2084225485
+"2469","CD9",7.073559329,7.821783916,7.783857712,7.802649499,8.170199364,7.096493809,7.537120039,7.00434536,7.378721747,8.378508049,8.332743184,7.51487657,7.178349085,7.208171886,7.096093112,7.693870249,7.660321154,7.781855191,8.134167138,6.994544937,7.346258087,6.700994098,7.288831607,8.385395029,8.157201328,7.617678755,7.39402923,7.425156272
+"2470","CD93",7.942707871,7.942709866,7.942709898,7.942708074,7.942707992,7.942707616,7.942708129,7.942707099,7.942707885,7.942708556,7.942709996,7.942707525,7.942709267,7.942708847,7.942708035,7.942709645,7.942709646,7.942707392,7.942708567,7.942707024,7.942707872,7.942707148,7.942709072,7.942709356,7.942710102,7.942708249,7.942709041,7.942707339
+"2471","CD96",7.849081312,7.824135863,7.821255137,7.811965679,7.827400321,7.814384183,7.828712613,7.820187103,7.849015025,7.832841245,7.815079683,7.824402973,7.841115405,7.864131303,7.839000591,7.816358639,7.808776166,7.818590382,7.83622906,7.816220125,7.829717489,7.827131514,7.847087289,7.832227908,7.82110207,7.83324931,7.845274934,7.854755513
+"2472","CD99",8.817994405,8.817994397,8.817993983,8.817993326,8.817993879,8.817993631,8.817993865,8.817994113,8.817993895,8.817993814,8.817993543,8.817994007,8.81799369,8.817994085,8.817993903,8.817994005,8.817993516,8.8179931,8.817993594,8.817993121,8.817993762,8.817994101,8.81799405,8.817993787,8.817993368,8.817994024,8.817993786,8.81799371
+"2473","CD99L2",6.110391052,6.110391221,6.110390947,6.110391126,6.110391091,6.110391158,6.110391174,6.110390866,6.110391166,6.110391144,6.110391114,6.110391153,6.110391125,6.110391218,6.110391003,6.110391094,6.110390877,6.110390862,6.110390883,6.110390963,6.110391045,6.110390587,6.110391133,6.110390987,6.110391021,6.110391149,6.110391133,6.110390986
+"2474","CDA",7.855066364,8.32107529,8.227623328,8.781199953,7.805986031,8.549417876,8.363446567,7.823566358,7.851223773,8.325338659,8.024402801,8.00118477,7.855989983,7.409835332,8.218384575,8.604803742,8.474379174,8.591396941,8.291293666,8.82747683,8.391977238,7.927676254,8.151230732,8.764358945,8.384487899,8.205603603,7.879972377,7.643915173
+"2475","CDADC1",5.252545744,5.252545725,5.252545708,5.252545731,5.252545712,5.252545713,5.252545716,5.252545719,5.252545733,5.252545708,5.252545716,5.252545693,5.252545742,5.252545775,5.252545731,5.25254573,5.252545718,5.252545724,5.252545737,5.25254572,5.252545721,5.252545714,5.252545747,5.25254573,5.252545716,5.252545699,5.252545734,5.252545763
+"2476","CDAN1",6.225139239,6.225139199,6.225139249,6.225139288,6.225139278,6.225139248,6.225139299,6.2251393,6.225139235,6.225139299,6.225139246,6.225139304,6.225139271,6.225139262,6.225139255,6.225139303,6.225139245,6.225139285,6.225139217,6.225139261,6.225139267,6.2251393,6.225139234,6.22513924,6.225139283,6.225139226,6.225139249,6.225139246
+"2477","CDC123",7.488251588,7.488251559,7.488251494,7.488251543,7.488251405,7.488251514,7.488251532,7.488251423,7.488251501,7.488251431,7.488251417,7.488251356,7.488251544,7.488251577,7.488251435,7.488251568,7.488251406,7.488251449,7.488251546,7.488251604,7.488251473,7.488251476,7.488251579,7.488251525,7.488251505,7.488251424,7.488251493,7.488251483
+"2478","CDC14A",7.663438196,7.663437175,7.663435759,7.663435774,7.663436097,7.663435673,7.663436244,7.663435725,7.663437495,7.663436412,7.663435185,7.663435726,7.663437211,7.663437736,7.663437109,7.663436602,7.663435162,7.66343563,7.663437233,7.66343542,7.663436325,7.66343535,7.663437058,7.663436759,7.663435999,7.663435909,7.663437251,7.66343726
+"2479","CDC14B",5.100984464,5.100984418,5.100984439,5.100984503,5.100984439,5.100984237,5.100984427,5.100984389,5.100984303,5.100984446,5.100984432,5.100984366,5.100984416,5.100984468,5.100984387,5.10098435,5.100984334,5.100984507,5.10098449,5.100984075,5.100984455,5.100984349,5.100984334,5.10098455,5.100984529,5.100984337,5.100984399,5.100984381
+"2480","CDC14C",4.962980288,4.962980544,4.962981215,4.96298019,4.962981817,4.962980345,4.962981374,4.962981513,4.962981376,4.962981203,4.962980994,4.962981953,4.962980314,4.96297965,4.962981666,4.962980309,4.96298178,4.962980953,4.962980857,4.962980572,4.962981702,4.962981404,4.962980578,4.962980497,4.962980864,4.962981545,4.962980333,4.962980993
+"2481","CDC16",6.843702918,6.843702014,6.843702507,6.843701921,6.843702204,6.843702504,6.843702557,6.843702465,6.843702747,6.843702279,6.843701747,6.843702103,6.843702948,6.843702661,6.843702151,6.843701962,6.843701717,6.843701377,6.843702598,6.843702286,6.843702375,6.843702631,6.843702566,6.843702031,6.843701852,6.843702423,6.843702729,6.843702123
+"2482","CDC20",5.555344528,5.55534442,5.555344592,5.555344524,5.555344856,5.555344804,5.555345181,5.555344595,5.555344813,5.555344642,5.555344638,5.55534456,5.555344774,5.555344195,5.555344586,5.555344583,5.555344687,5.555344629,5.555344716,5.555344727,5.555345055,5.555344582,5.555344703,5.55534457,5.55534442,5.555344657,5.555344762,5.555344363
+"2483","CDC20B",3.782323407,3.782323443,3.782323426,3.782323487,3.782323447,3.782323467,3.782323478,3.782323465,3.782323483,3.782323453,3.782323438,3.78232347,3.782323442,3.782323401,3.782323482,3.782323467,3.782323478,3.782323476,3.782323465,3.78232344,3.782323464,3.782323464,3.78232344,3.782323441,3.782323477,3.782323456,3.782323473,3.782323437
+"2484","CDC23",6.103980508,6.103980454,6.103980409,6.103980356,6.103980443,6.103980419,6.103980462,6.103980403,6.103980506,6.103980451,6.103980342,6.103980363,6.103980501,6.103980582,6.103980415,6.103980405,6.103980265,6.103980364,6.103980462,6.103980297,6.103980447,6.103980426,6.103980481,6.103980501,6.103980416,6.103980466,6.103980485,6.103980465
+"2485","CDC25A",4.229785342,4.229785357,4.229785373,4.229785368,4.229785394,4.229785361,4.229785397,4.229785378,4.229785368,4.22978536,4.22978538,4.229785387,4.229785371,4.229785321,4.229785368,4.229785384,4.229785396,4.22978537,4.229785362,4.229785367,4.229785382,4.229785389,4.229785381,4.229785356,4.229785373,4.229785375,4.229785368,4.229785363
+"2486","CDC25B",7.513384946,7.513384102,7.513383202,7.513383485,7.513383806,7.513384401,7.51338505,7.513384172,7.513385136,7.513384214,7.513383099,7.513384441,7.513384703,7.513384612,7.513384488,7.513383441,7.513382793,7.513383389,7.51338374,7.513383687,7.513384406,7.51338424,7.513384878,7.513383949,7.513383128,7.513384564,7.51338477,7.513384128
+"2487","CDC25C",4.171966795,4.171966827,4.17196683,4.171966851,4.171966889,4.171966795,4.171966915,4.171966881,4.171966846,4.171966848,4.171966819,4.171966888,4.171966821,4.171966817,4.171966822,4.171966867,4.171966877,4.17196692,4.171966897,4.171966895,4.171966889,4.171966831,4.17196682,4.171966844,4.171966851,4.171966841,4.171966828,4.171966817
+"2488","CDC26",6.1518197955,6.151820092,6.1518193095,6.1518196355,6.1518188705,6.1518194455,6.1518194275,6.1518192325,6.1518195085,6.15181944,6.151819365,6.151819266,6.151819637,6.15182029,6.1518192155,6.151819916,6.1518187085,6.151819346,6.1518193005,6.151819324,6.15181935,6.151819037,6.1518195275,6.151819384,6.151819405,6.151819378,6.151819686,6.1518196385
+"2489","CDC27",6.674996172,6.674995725,6.674995881,6.674995511,6.674995384,6.674995909,6.67499565,6.674995601,6.674995722,6.674995666,6.674995825,6.674995656,6.674995902,6.674996139,6.674995809,6.674995577,6.674995614,6.674995155,6.674995685,6.674995962,6.674995638,6.674995517,6.674996042,6.674995992,6.674995796,6.674995756,6.674995941,6.674996058
+"2490","CDC34",8.266924556,8.261490068,8.886365601,8.237300139,8.430509021,9.03243612,8.207786939,8.963974318,8.970821758,8.597631112,8.604902484,9.033923781,8.24759714,7.751206397,8.245300524,7.994910722,8.726886539,8.291136261,8.265496439,8.806918728,8.042891673,8.717909925,8.926448405,8.487898226,8.637943992,8.981801102,8.456340775,8.158851993
+"2491","CDC37L1",5.455208648,5.455208323,5.455208507,5.455208277,5.455207977,5.45520765,5.455208102,5.455207978,5.455208601,5.455208117,5.455207592,5.455208095,5.455208396,5.455209438,5.455208274,5.455208277,5.455207874,5.455207891,5.455208418,5.455207524,5.455207794,5.455207776,5.45520859,5.455208451,5.455208133,5.455208149,5.455208248,5.455209022
+"2492","CDC42",7.131492451,7.131492273,7.131491733,7.131492158,7.131491692,7.131491804,7.131491836,7.131491758,7.131491909,7.131491738,7.131492167,7.13149134,7.131491924,7.131492293,7.131492036,7.131492041,7.131491615,7.131491802,7.131492013,7.131491865,7.131491903,7.131491739,7.131491694,7.131492064,7.131491969,7.131491813,7.131491781,7.131492012
+"2493","CDC42BPA",3.977330594,3.977330739,3.977330902,3.977330726,3.977330762,3.977330659,3.977330757,3.977330778,3.97733081,3.977330789,3.977330861,3.977330841,3.977330564,3.977330777,3.977330817,3.977330662,3.977330812,3.977330791,3.977330573,3.977330626,3.977330843,3.977330655,3.977330903,3.977330687,3.977330926,3.977330859,3.977330556,3.977330944
+"2494","CDC42BPB",5.589131699,5.58913168,5.589131688,5.589131697,5.589131713,5.589131707,5.589131699,5.589131695,5.589131661,5.589131696,5.589131707,5.589131689,5.58913168,5.589131704,5.589131702,5.589131667,5.589131711,5.589131699,5.589131695,5.589131673,5.589131696,5.589131685,5.589131659,5.589131676,5.589131692,5.589131691,5.589131689,5.589131695
+"2495","CDC42BPG",5.67434771,5.674347707,5.67434774,5.674347736,5.674347753,5.674347705,5.674347714,5.674347755,5.674347725,5.674347714,5.674347754,5.67434774,5.674347702,5.674347681,5.674347736,5.674347713,5.674347742,5.674347751,5.6743477,5.674347732,5.674347728,5.674347731,5.674347709,5.674347704,5.674347732,5.674347727,5.674347724,5.674347724
+"2496","CDC42EP1",6.260285956,6.260286034,6.260286274,6.26028604,6.260286437,6.260286033,6.260286141,6.260286293,6.260286139,6.260286189,6.260286241,6.260286309,6.260286071,6.260285746,6.26028619,6.260286191,6.260286388,6.260286221,6.260286239,6.260286075,6.260286105,6.260286266,6.260286022,6.260286134,6.260286142,6.260286117,6.260285948,6.260286255
+"2497","CDC42EP2",7.55842826,7.558428543,7.558428475,7.558428875,7.558428256,7.558429035,7.558428417,7.558428807,7.558428254,7.558428321,7.558428713,7.55842799,7.558428867,7.558428097,7.558428515,7.558428355,7.558428505,7.558428906,7.558428383,7.558428931,7.558428485,7.55842878,7.558428444,7.558428359,7.558428538,7.558428382,7.558428815,7.558428195
+"2498","CDC42EP3",8.145876081,8.145876006,8.145875627,8.145876254,8.145875084,8.145875889,8.145876132,8.145875468,8.145875647,8.145875846,8.14587558,8.145875599,8.145875867,8.145875965,8.145875857,8.145875822,8.145875297,8.145875881,8.145876061,8.145876163,8.14587587,8.145875879,8.145876223,8.145876025,8.145875937,8.145875371,8.145875801,8.145875674
+"2499","CDC42EP4",6.032589336,6.032589447,6.032589449,6.032589555,6.032589576,6.03258948,6.032589411,6.032589586,6.032589333,6.032589424,6.032589545,6.032589423,6.032589573,6.032589465,6.032589563,6.032589395,6.032589465,6.032589627,6.032589474,6.03258958,6.03258944,6.032589635,6.032589427,6.032589549,6.032589629,6.032589435,6.032589466,6.032589337
+"2500","CDC42EP5",6.545040001,6.545040005,6.545040147,6.545039957,6.545040359,6.545039966,6.545040238,6.54504019,6.545040097,6.545040063,6.545040249,6.545040463,6.545039983,6.545039689,6.545040368,6.545040019,6.545040321,6.545040254,6.545040226,6.545040026,6.545040176,6.545040199,6.545039891,6.545039861,6.545040122,6.545040269,6.545039948,6.545039981
+"2501","CDC42SE1",9.720255134,9.720255635,9.720253987,9.720255652,9.720253824,9.72025453,9.720254745,9.720254558,9.720254381,9.720254368,9.72025456,9.720253801,9.720255074,9.720255048,9.720254238,9.720255242,9.720253431,9.720255272,9.720254454,9.720254979,9.720254768,9.72025441,9.720254552,9.720254954,9.720254766,9.720254617,9.720254955,9.720254232
+"2502","CDC42SE2",9.651036474,9.651036115,9.651035736,9.651035314,9.651035334,9.65103561,9.651035727,9.651035746,9.651036154,9.651035904,9.651035044,9.651035102,9.651035783,9.651037336,9.651035896,9.651035799,9.651035465,9.651034914,9.651036102,9.651035748,9.651035747,9.65103573,9.651036324,9.651035891,9.651035147,9.65103544,9.651035698,9.651036627
+"2503","CDC45",4.417890868,4.417890849,4.417890882,4.417890885,4.417890994,4.417890995,4.417891146,4.417890922,4.417890956,4.417890907,4.417890919,4.417890832,4.41789089,4.41789082,4.417890927,4.417890902,4.417891039,4.417890999,4.417890883,4.41789108,4.417891097,4.417890889,4.417891016,4.417890855,4.417890894,4.417890837,4.417890895,4.417890945
+"2504","CDC5L",6.826637955,6.826637839,6.826637431,6.826637667,6.826637128,6.826637545,6.826637585,6.826637033,6.82663749,6.82663733,6.826637256,6.826636554,6.826637555,6.826638522,6.82663767,6.826637663,6.826637154,6.826637467,6.826637976,6.826637747,6.826637367,6.826637177,6.826637766,6.82663775,6.826637418,6.826637191,6.826637625,6.826637969
+"2505","CDC6",3.737483574,3.737483911,3.737483716,3.737484053,3.737483628,3.737484511,3.737485376,3.737483375,3.737484688,3.737484098,3.737483624,3.73748369,3.737483819,3.737483525,3.737483345,3.737483522,3.737483736,3.737484083,3.737483457,3.737484754,3.737485221,3.737483801,3.737484537,3.737483769,3.737484189,3.737483718,3.737483986,3.73748403
+"2506","CDC7",4.617860232,4.617860043,4.617859957,4.617859933,4.617859927,4.617860095,4.617860224,4.617860023,4.617860187,4.617860012,4.617859913,4.61786005,4.61786009,4.617860188,4.617860174,4.61785998,4.617860064,4.617860008,4.617859906,4.617860006,4.617860133,4.617860141,4.617860232,4.617860041,4.617860005,4.617860098,4.617860056,4.617860157
+"2507","CDC73",7.691080592,7.691080499,7.691080128,7.691080339,7.691079887,7.691080413,7.691080147,7.691079943,7.691079934,7.691080213,7.691079899,7.691079362,7.691080416,7.691081102,7.691080239,7.691080192,7.691079851,7.691080001,7.691080588,7.691080236,7.691080249,7.691080172,7.691080377,7.691080417,7.691079989,7.691080008,7.69108062,7.691080585
+"2508","CDCA2",3.932999147,3.932999147,3.932999177,3.932999205,3.932999139,3.932999284,3.93299934,3.932999184,3.932999212,3.93299915,3.932999192,3.93299922,3.932999186,3.932999162,3.932999162,3.93299919,3.93299924,3.932999164,3.93299914,3.932999272,3.932999327,3.932999175,3.93299923,3.93299915,3.93299919,3.932999136,3.932999145,3.932999121
+"2509","CDCA3",4.949921705,4.949921793,4.949921733,4.949921748,4.949921789,4.949921869,4.949921864,4.949921761,4.949921862,4.949921816,4.949921836,4.94992174,4.949921773,4.949921698,4.949921811,4.949921722,4.94992185,4.949921731,4.949921815,4.94992186,4.949921918,4.949921844,4.949921832,4.949921794,4.9499218,4.949921767,4.949921835,4.949921783
+"2510","CDCA4",6.281100841,6.28110085,6.281100863,6.281100845,6.281100864,6.281100849,6.281100862,6.281100855,6.28110084,6.281100836,6.281100847,6.281100851,6.281100862,6.28110084,6.28110087,6.281100849,6.281100862,6.281100856,6.28110086,6.281100857,6.281100866,6.281100858,6.281100862,6.281100835,6.281100846,6.281100851,6.281100846,6.281100862
+"2511","CDCA5",4.824875302,4.824875298,4.824875351,4.824875304,4.824875342,4.824875328,4.824875387,4.824875325,4.824875362,4.824875312,4.824875326,4.824875349,4.824875313,4.824875308,4.824875326,4.824875346,4.824875337,4.82487536,4.824875339,4.824875353,4.824875384,4.824875345,4.824875316,4.824875321,4.824875329,4.82487534,4.824875319,4.824875339
+"2512","CDCA7",4.161763773,4.161763811,4.161763792,4.161763777,4.161763705,4.161763943,4.161763998,4.161763739,4.161763991,4.161763789,4.161763778,4.161763747,4.161763782,4.161763783,4.161763776,4.161763806,4.1617638,4.161763737,4.161763785,4.161763873,4.161763936,4.161763776,4.161764008,4.161763801,4.161763745,4.161763778,4.16176384,4.161763714
+"2513","CDCA7L",6.252371,6.252370436,6.25237043,6.252370639,6.252370541,6.252370475,6.25237085,6.252370137,6.252370664,6.252370631,6.25237022,6.252370544,6.252370544,6.252371289,6.252370527,6.252370232,6.252370351,6.252370305,6.252370592,6.252370102,6.252370656,6.252370329,6.252370719,6.252370785,6.252370414,6.252370638,6.252370375,6.252371075
+"2514","CDCA8",4.815404459,4.815404441,4.815404461,4.815404464,4.815404458,4.815404464,4.81540448,4.815404459,4.815404481,4.815404472,4.81540447,4.815404436,4.815404474,4.815404456,4.815404469,4.815404469,4.815404453,4.815404486,4.815404478,4.815404468,4.815404475,4.815404464,4.815404477,4.815404455,4.815404454,4.815404473,4.815404478,4.815404461
+"2515","CDCP1",4.656065478,4.656065487,4.656065487,4.656065482,4.65606548,4.656065496,4.656065483,4.656065482,4.656065471,4.656065443,4.656065473,4.6560655,4.656065454,4.656065425,4.656065468,4.656065486,4.656065532,4.656065449,4.656065498,4.656065487,4.656065474,4.656065473,4.656065482,4.656065438,4.656065441,4.656065478,4.656065504,4.656065422
+"2516","CDCP2",4.42096302,4.420963034,4.420963062,4.420963012,4.420963136,4.420963001,4.420963072,4.420963134,4.420963081,4.420963019,4.42096305,4.420963126,4.420963092,4.420962959,4.420963159,4.420963108,4.420963163,4.42096307,4.420963115,4.420963016,4.420963108,4.42096312,4.420963057,4.420963057,4.420963087,4.42096308,4.420963076,4.420963118
+"2517","CDH1",4.993708206,4.993708283,4.99370843,4.993708257,4.993708258,4.993708346,4.993708301,4.993708201,4.993708368,4.99370834,4.993708454,4.993708433,4.993708226,4.99370812,4.993708243,4.993708158,4.993708336,4.993708353,4.993708167,4.993708237,4.993708267,4.993708212,4.993708332,4.993708393,4.993708399,4.993708422,4.993708297,4.993708231
+"2518","CDH10",3.663190803,3.663190882,3.663190921,3.663190886,3.663190893,3.663190868,3.663190789,3.663190878,3.663190857,3.663190923,3.663190926,3.663190939,3.663190901,3.66319084,3.663190823,3.663190906,3.66319094,3.663190869,3.663190847,3.663190866,3.663190814,3.663190805,3.663190878,3.663190882,3.663190861,3.663190871,3.663190852,3.663190866
+"2519","CDH11",4.424010658,4.424010734,4.424010689,4.424010621,4.424010935,4.424010619,4.424010706,4.424010853,4.424010748,4.424010893,4.424010791,4.424010887,4.424010655,4.424010495,4.42401083,4.424010671,4.424011052,4.424010829,4.424010774,4.424010719,4.424010881,4.424010901,4.424010686,4.424010745,4.424010617,4.424010702,4.424010688,4.424010861
+"2520","CDH12",3.248017192,3.248017235,3.248017267,3.248017187,3.248017251,3.248017213,3.248017225,3.248017234,3.248017217,3.248017267,3.248017283,3.248017227,3.248017249,3.248017203,3.24801723,3.248017301,3.248017265,3.248017297,3.248017221,3.248017217,3.248017263,3.248017304,3.248017256,3.248017161,3.248017254,3.248017206,3.24801722,3.248017262
+"2521","CDH13",4.620726765,4.620726766,4.620727062,4.620726668,4.620727351,4.620726918,4.620726992,4.620727368,4.620727235,4.620727252,4.620727114,4.620727298,4.620727008,4.620726602,4.62072716,4.620727176,4.62072733,4.620727296,4.620726998,4.620726821,4.620727386,4.620727231,4.620726701,4.620727021,4.620727247,4.620727205,4.620726719,4.620726962
+"2522","CDH15",5.394540136,5.394539971,5.394540557,5.394540156,5.394540504,5.394539959,5.394540308,5.394540659,5.39454023,5.394540283,5.394540424,5.394540555,5.394540168,5.39453982,5.394540563,5.394540436,5.394540747,5.394540585,5.394540332,5.394540253,5.39454048,5.394540443,5.39454017,5.394540294,5.394540368,5.394540378,5.39454011,5.394540364
+"2523","CDH16",4.885857855,4.885857859,4.885857899,4.885857869,4.885857921,4.885857881,4.885857889,4.88585791,4.885857872,4.885857884,4.885857898,4.8858579,4.885857868,4.885857839,4.885857906,4.885857903,4.885857925,4.885857927,4.885857878,4.885857874,4.885857917,4.885857923,4.885857853,4.885857861,4.885857891,4.885857886,4.885857881,4.885857893
+"2524","CDH17",3.281288538,3.281288556,3.281288539,3.281288525,3.28128855,3.281288553,3.281288574,3.281288533,3.281288549,3.28128854,3.281288549,3.281288547,3.281288538,3.281288537,3.281288544,3.281288535,3.281288559,3.281288553,3.281288535,3.281288555,3.281288542,3.281288555,3.281288534,3.281288554,3.281288556,3.281288548,3.281288522,3.281288543
+"2525","CDH18",3.804327484,3.804327485,3.804327496,3.804327477,3.804327491,3.80432752,3.804327478,3.80432749,3.804327495,3.804327515,3.804327525,3.804327539,3.804327499,3.804327468,3.804327499,3.804327504,3.804327528,3.804327514,3.804327515,3.804327517,3.804327479,3.804327488,3.804327492,3.804327515,3.804327476,3.80432748,3.804327519,3.804327485
+"2526","CDH19",3.368170597,3.368170638,3.368170723,3.368170646,3.368170685,3.368170622,3.368170643,3.368170666,3.36817067,3.368170642,3.368170716,3.368170797,3.368170565,3.368170614,3.368170636,3.368170658,3.368170735,3.368170709,3.368170651,3.368170682,3.368170652,3.368170782,3.368170694,3.368170707,3.368170657,3.36817068,3.368170629,3.36817069
+"2527","CDH2",4.638168802,4.638168979,4.63816894,4.638169074,4.63816892,4.638168906,4.638168853,4.638168893,4.638168915,4.638168844,4.638168852,4.638169037,4.638168819,4.638168816,4.638168872,4.638169042,4.638168893,4.638169132,4.638168936,4.638168927,4.638168929,4.638168888,4.638168876,4.638168823,4.638168935,4.638169049,4.63816885,4.638168874
+"2528","CDH20",4.413652283,4.413652352,4.413652556,4.413652427,4.413652432,4.413652811,4.413652369,4.41365246,4.413652344,4.413652276,4.413652552,4.413652689,4.413652339,4.413652006,4.413652064,4.413652267,4.41365253,4.413652501,4.413652302,4.413652202,4.413652304,4.413652291,4.413652276,4.413652079,4.413652421,4.413652236,4.413652225,4.413652368
+"2529","CDH22",5.846232712,5.846232694,5.846232735,5.846232723,5.846232752,5.846232729,5.846232707,5.846232734,5.846232716,5.846232725,5.846232731,5.84623274,5.846232728,5.846232674,5.846232741,5.846232702,5.846232723,5.846232737,5.846232703,5.846232728,5.84623272,5.846232753,5.846232695,5.846232693,5.846232724,5.84623273,5.84623271,5.846232702
+"2530","CDH23",5.869215916,5.869215957,5.869215973,5.869215984,5.869215934,5.869215948,5.869215981,5.869215943,5.869215922,5.869215961,5.869215968,5.869215979,5.869215964,5.869215929,5.869215943,5.869215971,5.869215982,5.869215989,5.869215936,5.869215961,5.869215972,5.869215948,5.869215935,5.869215974,5.869215985,5.869215979,5.869215971,5.869215932
+"2531","CDH24",5.363398524,5.363398534,5.363398631,5.363398521,5.363398678,5.363398514,5.363398585,5.363398646,5.363398633,5.363398569,5.363398612,5.363398663,5.36339857,5.363398562,5.363398653,5.363398586,5.36339862,5.363398641,5.363398591,5.363398612,5.36339866,5.363398659,5.363398546,5.363398553,5.363398617,5.363398623,5.363398599,5.363398577
+"2532","CDH26",4.847087213,4.847087246,4.847087232,4.847087225,4.847087227,4.847087211,4.847087255,4.847087244,4.847087222,4.847087241,4.847087222,4.84708724,4.847087243,4.847087224,4.847087244,4.847087266,4.847087242,4.847087242,4.847087248,4.847087221,4.847087245,4.847087235,4.847087241,4.847087245,4.847087239,4.847087243,4.847087223,4.847087212
+"2533","CDH3",4.769521245,4.769521279,4.769521323,4.769521323,4.769521332,4.769521242,4.769521239,4.769521328,4.769521291,4.769521316,4.769521364,4.769521371,4.769521296,4.769521181,4.76952132,4.76952128,4.769521404,4.769521342,4.769521282,4.769521277,4.769521314,4.769521317,4.769521259,4.769521249,4.769521258,4.769521286,4.769521262,4.769521241
+"2534","CDH4",5.623747426,5.623747441,5.623747481,5.623747457,5.623747492,5.623747427,5.623747425,5.623747487,5.623747468,5.623747462,5.623747474,5.623747463,5.623747464,5.62374741,5.623747488,5.62374745,5.623747501,5.623747488,5.623747449,5.623747453,5.623747472,5.623747494,5.623747452,5.623747434,5.623747465,5.62374746,5.623747426,5.623747463
+"2535","CDH5",5.063728613,5.063728684,5.063728793,5.06372864,5.063729063,5.063728855,5.063728953,5.063729011,5.063728909,5.063728882,5.063728807,5.063729131,5.063728815,5.063728662,5.06372909,5.06372872,5.063729068,5.063728954,5.063728812,5.06372886,5.063729084,5.06372898,5.063728774,5.063728672,5.063728951,5.063729048,5.06372877,5.06372895
+"2536","CDH6",4.120237103,4.120237094,4.120237112,4.120237144,4.120237117,4.120237123,4.120237095,4.12023713,4.120237107,4.120237115,4.120237149,4.120237175,4.120237125,4.120237099,4.12023711,4.120237127,4.12023713,4.120237132,4.120237118,4.120237113,4.120237124,4.120237132,4.120237086,4.120237118,4.12023714,4.120237103,4.120237115,4.120237107
+"2537","CDH7",3.443593126,3.443593139,3.443593147,3.443593129,3.443593148,3.443593141,3.443593151,3.443593118,3.443593127,3.443593129,3.443593127,3.443593136,3.44359314,3.443593083,3.443593095,3.443593118,3.443593167,3.443593116,3.443593194,3.443593113,3.443593136,3.44359312,3.443593138,3.443593145,3.443593122,3.443593143,3.44359312,3.443593142
+"2538","CDH8",3.973442092,3.973442134,3.97344222,3.973442166,3.973442367,3.973442031,3.973442259,3.97344206,3.973442168,3.973442189,3.973442372,3.973442402,3.973441988,3.973442084,3.973442207,3.973442273,3.973442346,3.973442141,3.973442241,3.973442222,3.973442202,3.973442193,3.97344221,3.973442147,3.973442183,3.973442162,3.973442272,3.973442165
+"2539","CDH9",3.109728837,3.109728937,3.109728882,3.109728916,3.109728919,3.109728903,3.10972891,3.109728945,3.109728929,3.109728951,3.109728805,3.10972892,3.109728916,3.109728942,3.109728921,3.109728912,3.109728958,3.109728999,3.109728877,3.109728946,3.109728841,3.109728838,3.109728906,3.109728873,3.109728874,3.109728836,3.109728892,3.109728977
+"2540","CDHR1",4.664532337,4.664532324,4.664532344,4.664532322,4.664532347,4.664532316,4.664532312,4.664532386,4.664532331,4.664532365,4.66453234,4.664532352,4.664532319,4.664532308,4.664532339,4.664532363,4.664532373,4.66453236,4.664532311,4.664532341,4.664532338,4.66453238,4.664532303,4.664532343,4.66453232,4.664532337,4.664532334,4.664532367
+"2541","CDHR2",4.832177055,4.832177067,4.832177122,4.832177123,4.832177252,4.832177025,4.832177357,4.83217732,4.832177147,4.832177207,4.832177075,4.832177293,4.832177029,4.832176898,4.832177339,4.832177167,4.832177347,4.832177233,4.832177085,4.832177205,4.832177253,4.832177296,4.832176926,4.832177071,4.832177159,4.832177161,4.832177162,4.832177249
+"2542","CDHR3",4.225441017,4.225441032,4.225440939,4.225440949,4.225441032,4.225441003,4.225440985,4.225441,4.225441017,4.22544095,4.225441017,4.225441029,4.225441008,4.225441002,4.225441056,4.225441042,4.225440972,4.225440971,4.225441003,4.225440942,4.22544099,4.225440989,4.225441019,4.22544098,4.225440971,4.225440991,4.22544097,4.225441019
+"2543","CDHR4",5.75993174,5.759931768,5.759931817,5.759931783,5.759931791,5.759931737,5.75993176,5.759931805,5.759931773,5.759931785,5.759931788,5.75993181,5.759931775,5.759931754,5.759931775,5.759931809,5.759931829,5.759931794,5.75993176,5.759931784,5.759931743,5.759931819,5.75993176,5.759931771,5.759931811,5.759931762,5.759931774,5.759931794
+"2544","CDHR5",5.59869059,5.598690632,5.598690662,5.598690651,5.598690677,5.59869063,5.598690651,5.598690657,5.598690627,5.598690635,5.598690674,5.598690667,5.598690643,5.598690572,5.598690613,5.598690654,5.598690692,5.598690679,5.598690635,5.598690622,5.598690644,5.598690657,5.598690642,5.598690599,5.598690652,5.598690627,5.598690623,5.598690642
+"2545","CDIN1",5.169231905,5.169231866,5.169231871,5.169231866,5.16923185,5.16923189,5.16923185,5.169231854,5.169231859,5.169231868,5.169231836,5.169231876,5.169231865,5.169231879,5.169231876,5.169231839,5.169231833,5.169231841,5.169231874,5.169231876,5.169231866,5.169231865,5.169231866,5.169231874,5.169231844,5.169231881,5.169231899,5.169231874
+"2546","CDIP1",6.536344572,6.536344631,6.536344663,6.536344645,6.536344755,6.536344646,6.536344579,6.536344697,6.536344662,6.536344661,6.536344693,6.53634473,6.536344613,6.536344523,6.536344663,6.536344549,6.536344783,6.536344645,6.536344652,6.536344608,6.536344633,6.536344732,6.536344622,6.536344626,6.536344673,6.536344688,6.536344608,6.536344676
+"2547","CDIPT",8.743958902,8.743959261,8.743959457,8.743959162,8.743958715,8.743959654,8.743958725,8.743959934,8.743959261,8.743959033,8.743958943,8.743959245,8.743959099,8.74395907,8.743958861,8.743959059,8.74395938,8.74395893,8.74395911,8.74395944,8.743958275,8.74395964,8.743959489,8.743959388,8.743958723,8.743959269,8.743959287,8.743958871
+"2548","CDK1",2.774670999,2.774671014,2.774671162,2.774671163,2.774670988,2.774671115,2.774671382,2.77467111,2.77467132,2.774670881,2.774671068,2.774671062,2.774671018,2.774671116,2.774671096,2.774671063,2.774671146,2.774671073,2.77467118,2.774671086,2.774671317,2.774670851,2.774671048,2.774671114,2.774671023,2.77467103,2.774670959,2.774671235
+"2549","CDK10",6.617781047,6.617781013,6.617781054,6.617781017,6.617781043,6.617781041,6.617781043,6.617781037,6.617781056,6.61778104,6.617781029,6.617781025,6.61778103,6.617781055,6.617781037,6.617781026,6.617781042,6.617781019,6.617781033,6.617781048,6.617781046,6.617781054,6.617781043,6.617781038,6.617781027,6.61778105,6.617781027,6.617781047
+"2550","CDK11A",6.729959228,6.729959945,6.729957921,6.729958171,6.729957541,6.729959641,6.72995928,6.729956924,6.729958154,6.729959478,6.729959583,6.729957781,6.729959202,6.729959138,6.729958091,6.729958946,6.729958645,6.729957323,6.729959159,6.729957758,6.72995842,6.72995837,6.729958782,6.729959901,6.729959202,6.729959218,6.729959623,6.729958606
+"2551","CDK11B",6.3459775505,6.345979902,6.3459767495,6.345969472,6.3459780325,6.3459736135,6.345976905,6.345975061,6.345970304,6.345977728,6.345976969,6.3459764285,6.345973436,6.345977326,6.3459785295,6.3459778495,6.3459745355,6.3459757025,6.3459747545,6.3459774035,6.3459776735,6.345973656,6.3459783415,6.3459757775,6.345976088,6.345976064,6.3459782565,6.3459713155
+"2552","CDK12",7.636975256,7.636975053,7.636975046,7.636975131,7.636975018,7.636975233,7.63697516,7.636974979,7.636975158,7.636975081,7.636975019,7.636975042,7.636975165,7.636975232,7.636975084,7.636974875,7.636974814,7.636974983,7.636975109,7.636975346,7.636975158,7.636975015,7.636975151,7.63697506,7.636975085,7.63697514,7.63697514,7.636975077
+"2553","CDK13",7.692000296,7.692000096,7.691999889,7.692000019,7.691999821,7.691999961,7.692000167,7.691999844,7.692000015,7.691999983,7.69199994,7.691999833,7.692000116,7.692000482,7.692000197,7.691999942,7.691999705,7.691999865,7.692000144,7.691999971,7.692000086,7.691999816,7.692000096,7.692000051,7.692000023,7.691999985,7.692000148,7.69200023
+"2554","CDK14",6.573059368,6.573060242,6.573057642,6.573061092,6.573057078,6.573058498,6.573059645,6.573057324,6.5730575,6.573058404,6.573058351,6.573057771,6.573058431,6.57305927,6.573059152,6.573060752,6.573056974,6.573060277,6.573059747,6.573059357,6.573059867,6.573056867,6.57305941,6.573059977,6.573059887,6.573058388,6.57305806,6.573059014
+"2555","CDK15",3.916677125,3.916677101,3.916677112,3.916677137,3.916677168,3.91667713,3.91667714,3.916677139,3.916677099,3.916677122,3.916677151,3.91667719,3.916677119,3.916677103,3.91667713,3.916677154,3.916677172,3.916677142,3.916677133,3.916677147,3.916677122,3.916677124,3.916677146,3.916677167,3.916677152,3.916677131,3.916677119,3.916677091
+"2556","CDK16",6.028663362,6.028663301,6.028663278,6.028663323,6.028663348,6.028663372,6.028663317,6.028663208,6.028663401,6.028663434,6.028663327,6.028663151,6.028663375,6.028663281,6.02866331,6.0286633,6.028663178,6.028663265,6.028663295,6.028663358,6.028663324,6.028663307,6.028663362,6.028663375,6.028663284,6.028663339,6.028663432,6.028663228
+"2557","CDK17",6.458346659,6.458346307,6.458346124,6.458346271,6.458345827,6.458346043,6.458345868,6.458345689,6.458346063,6.4583458,6.458345753,6.458345389,6.458346362,6.458346941,6.458346223,6.45834624,6.458345435,6.458346286,6.458346483,6.458346024,6.458346331,6.458345729,6.458346306,6.458345922,6.458346273,6.458346154,6.458346226,6.458346516
+"2558","CDK18",5.421159453,5.421159438,5.421159497,5.421159453,5.421159571,5.421159434,5.421159521,5.421159514,5.421159492,5.421159467,5.421159456,5.421159573,5.421159509,5.421159374,5.421159555,5.421159464,5.42115951,5.421159524,5.421159495,5.421159494,5.421159571,5.421159555,5.42115944,5.421159507,5.421159447,5.421159503,5.421159442,5.421159485
+"2559","CDK19",7.59617343,7.596173582,7.59617319,7.596173978,7.596172989,7.596173376,7.596173388,7.596173314,7.596172764,7.596172881,7.596173494,7.596172847,7.596173166,7.596173605,7.596173498,7.596173604,7.596173153,7.596173688,7.596173607,7.596173554,7.596173496,7.596173097,7.596173315,7.596173461,7.596173682,7.596173484,7.596173178,7.596173292
+"2560","CDK2",5.588779739,5.588779714,5.588779707,5.588779719,5.588779687,5.588779765,5.588779748,5.588779701,5.588779725,5.58877973,5.58877967,5.588779691,5.588779686,5.588779749,5.588779656,5.588779654,5.588779637,5.588779667,5.588779699,5.588779707,5.588779719,5.588779662,5.588779746,5.588779716,5.588779644,5.588779718,5.588779745,5.58877968
+"2561","CDK20",4.612527541,4.612527561,4.612527555,4.612527547,4.612527559,4.612527552,4.612527547,4.612527562,4.612527567,4.612527571,4.612527576,4.612527552,4.612527542,4.612527533,4.612527563,4.612527559,4.612527551,4.612527564,4.612527556,4.612527552,4.612527552,4.612527566,4.612527552,4.612527555,4.612527548,4.612527559,4.612527533,4.612527551
+"2562","CDK2AP1",7.705726091,7.70572681,7.705726311,7.705726594,7.705726775,7.7057259,7.705726035,7.705725366,7.705726086,7.705727217,7.705726978,7.705725599,7.705726552,7.705726385,7.705725682,7.705726384,7.705726217,7.705726554,7.705726638,7.705725684,7.705726008,7.705725438,7.705726345,7.705727228,7.705727108,7.705725803,7.705726683,7.705726252
+"2563","CDK2AP2",7.20676992,7.206769898,7.206769859,7.206769949,7.206770147,7.206770067,7.206770017,7.206770036,7.20676996,7.206770087,7.206769999,7.206770164,7.206770002,7.206769776,7.206770082,7.20676995,7.206770128,7.206769882,7.206770081,7.206770017,7.206769946,7.206770044,7.20676986,7.206769909,7.206769974,7.206769955,7.206770102,7.206769944
+"2564","CDK4",6.770138597,6.770138438,6.770138487,6.770138464,6.770138484,6.770138639,6.770138603,6.770138483,6.770138604,6.770138657,6.770138467,6.770138604,6.770138699,6.770138682,6.770138495,6.77013853,6.770138406,6.770138391,6.770138536,6.770138428,6.770138542,6.770138572,6.770138674,6.770138592,6.770138238,6.770138481,6.770138595,6.770138617
+"2565","CDK5",6.484073519,6.484073509,6.484073342,6.484073309,6.484073268,6.484073634,6.484073635,6.484073503,6.484073473,6.484073524,6.484073525,6.484073429,6.4840735,6.484073341,6.484073445,6.484073088,6.484073153,6.484073171,6.484073371,6.484073326,6.48407338,6.484073483,6.48407344,6.484073308,6.484073322,6.484073404,6.484073633,6.484073034
+"2566","CDK5R1",6.781780083,6.78178051,6.781780472,6.781780578,6.781780387,6.781780352,6.781780296,6.781780474,6.781780312,6.781780533,6.781780526,6.781780401,6.781780411,6.781780507,6.781780164,6.781780385,6.781780273,6.781780511,6.781780378,6.781780391,6.781780198,6.781780427,6.78178038,6.781780568,6.781780388,6.781780218,6.781780324,6.781780502
+"2567","CDK5R2",6.500036119,6.500036357,6.500036495,6.500036071,6.500037459,6.500036534,6.500036887,6.500036986,6.500036481,6.500036872,6.500036966,6.500037302,6.500036589,6.500035839,6.500037213,6.500036926,6.500037199,6.500036877,6.500036548,6.50003686,6.500037412,6.500036716,6.500036235,6.500036327,6.500036041,6.500036873,6.50003632,6.500036832
+"2568","CDK5RAP1",6.731286574,6.731286554,6.731286495,6.731286509,6.731286529,6.731286539,6.731286547,6.731286511,6.731286533,6.731286535,6.731286495,6.731286532,6.73128655,6.731286552,6.731286539,6.731286508,6.731286523,6.731286475,6.731286559,6.731286533,6.731286485,6.731286556,6.731286567,6.731286545,6.731286517,6.731286527,6.731286586,6.731286493
+"2569","CDK5RAP2",6.625191333,6.625190965,6.625190771,6.625190905,6.625190682,6.625191009,6.625191155,6.625190814,6.625191267,6.62519105,6.625190766,6.625190861,6.625191241,6.625191617,6.625190797,6.625190775,6.625189874,6.625190778,6.625191063,6.625190751,6.625190921,6.62519098,6.625191353,6.625191051,6.625190912,6.625191107,6.625191262,6.625191159
+"2570","CDK5RAP3",8.019329898,8.019329491,8.019329626,8.019329902,8.019329015,8.019329675,8.019330004,8.019329063,8.019329709,8.019329666,8.019329576,8.019329489,8.019329978,8.019330164,8.019329203,8.019329885,8.019328604,8.019328976,8.01932949,8.019329587,8.019330022,8.019329761,8.019329243,8.019329486,8.01932933,8.019330078,8.019329992,8.019329117
+"2571","CDK6",6.336520825,6.336521001,6.336520032,6.336520068,6.336520502,6.336520466,6.336520837,6.336520027,6.336521131,6.336521152,6.336520228,6.336519927,6.336521105,6.336521306,6.336520491,6.336520387,6.336519657,6.336519922,6.336520616,6.336520437,6.336520554,6.336520059,6.336521098,6.336520749,6.336520262,6.336520299,6.336521007,6.336520566
+"2572","CDK7",5.72316119,5.723161251,5.723161043,5.723161116,5.723160828,5.723161008,5.723161053,5.723160818,5.723161054,5.723161087,5.723160985,5.723160879,5.723161107,5.723161222,5.723160968,5.72316123,5.723160753,5.723161065,5.723161084,5.723161025,5.723161062,5.723160893,5.723161234,5.723161179,5.723161139,5.723161091,5.723161073,5.723160952
+"2573","CDK8",6.283687927,6.283687788,6.283687941,6.283687654,6.283687667,6.283687747,6.283687628,6.28368753,6.283687822,6.283687724,6.283687777,6.283687572,6.283687671,6.283688255,6.283687857,6.28368736,6.283687307,6.283687212,6.283687558,6.283687551,6.283687571,6.283687643,6.283687836,6.283687639,6.283687622,6.283687709,6.28368783,6.283687668
+"2574","CDK9",8.731079968,8.731080057,8.731079865,8.731079957,8.731079867,8.731080004,8.731079898,8.731079965,8.731079993,8.731079948,8.731079851,8.731079945,8.731079995,8.731080061,8.731079911,8.731080009,8.731079845,8.731079889,8.731079967,8.73108002,8.731079939,8.73107997,8.731079989,8.731079942,8.731079805,8.73107989,8.731079996,8.731080013
+"2575","CDKAL1",6.908674747,6.908674435,6.908674112,6.908674023,6.908673969,6.908673898,6.908674128,6.908674039,6.908674389,6.908674194,6.908673784,6.90867406,6.908674512,6.908674891,6.908674134,6.908674292,6.908673621,6.908673717,6.908674282,6.908673954,6.908673918,6.908674005,6.908674355,6.908674266,6.908673944,6.908674175,6.908674562,6.908674456
+"2576","CDKL1",4.458650836,4.458650806,4.458650888,4.458650856,4.458650904,4.458651034,4.458650873,4.458650906,4.458650815,4.458650871,4.458650942,4.458650947,4.458650908,4.458650822,4.458650886,4.458650771,4.458650931,4.458650919,4.458650844,4.45865122,4.458651043,4.458650769,4.458651046,4.458650816,4.458651021,4.458650904,4.458650904,4.458650991
+"2577","CDKL2",3.141029974,3.141030193,3.141030151,3.141030046,3.141030178,3.141030295,3.141030032,3.14103014,3.141030239,3.141030117,3.141029936,3.141030007,3.141030084,3.141030091,3.141030238,3.141030175,3.141030456,3.141030273,3.14103023,3.141029995,3.141030217,3.141030227,3.141030389,3.141030163,3.141030236,3.141030111,3.141030259,3.141030087
+"2578","CDKL3",3.377957855,3.37795783,3.377957881,3.377957842,3.377957865,3.377957827,3.37795788,3.377957819,3.377957874,3.377957811,3.377957844,3.377957879,3.37795781,3.37795781,3.377957853,3.377957827,3.377957886,3.377957861,3.377957861,3.37795776,3.377957796,3.377957861,3.377957827,3.377957835,3.377957841,3.377957817,3.377957814,3.37795784
+"2579","CDKL4",2.393888863,2.393888785,2.393888987,2.393888925,2.393888954,2.39388888,2.393888943,2.393888739,2.393888905,2.393889115,2.393888865,2.393889106,2.393889055,2.393888928,2.393888866,2.393888814,2.393889122,2.39388888,2.393888931,2.393888873,2.393888987,2.39388896,2.393889115,2.393888734,2.393888815,2.393888915,2.393889001,2.393889008
+"2580","CDKL5",5.126117561,5.126117678,5.126117481,5.126118423,5.126116957,5.126117437,5.126117362,5.1261174,5.126117253,5.126117109,5.126117693,5.126116966,5.126117539,5.126117539,5.126117249,5.126117769,5.126117295,5.126117933,5.12611752,5.126117963,5.126117499,5.126117178,5.126117714,5.126117554,5.126117531,5.126117352,5.126117401,5.126117221
+"2581","CDKN1A",6.189564369,6.189564542,6.189564423,6.189564662,6.189564619,6.189564533,6.189564448,6.189564388,6.189564469,6.189564376,6.189564653,6.189564621,6.189564539,6.189564293,6.189564458,6.189564518,6.189564542,6.189564714,6.189564477,6.189564555,6.18956448,6.189564401,6.189564504,6.189564583,6.189564653,6.18956461,6.189564583,6.189564354
+"2582","CDKN1B",7.920664424,7.92066447,7.9206642,7.920664524,7.920663801,7.920663873,7.92066417,7.920663881,7.920664345,7.920663851,7.920663743,7.920663374,7.920664505,7.920665377,7.920664394,7.920664215,7.920664086,7.920664495,7.920664386,7.920664335,7.92066457,7.920664053,7.920664666,7.920664328,7.920664214,7.920664174,7.920664456,7.920665305
+"2583","CDKN1C",7.627984049,7.627984112,7.627984278,7.62798406,7.627984487,7.627984144,7.627984244,7.627984386,7.627984022,7.627984255,7.627984377,7.627984482,7.627984321,7.627983805,7.627984399,7.627984074,7.627984513,7.627984425,7.62798419,7.627984133,7.627984329,7.627984459,7.627984014,7.627984042,7.627984243,7.627984363,7.627984283,7.627984231
+"2584","CDKN2A",5.276295149,5.276295022,5.276295244,5.276295149,5.276295595,5.276295495,5.276295396,5.276295355,5.27629565,5.276295563,5.276295541,5.276295401,5.27629547,5.276295095,5.276295337,5.276294968,5.276295325,5.2762956,5.276295392,5.276295501,5.276295061,5.276295606,5.27629539,5.276295602,5.276295213,5.27629524,5.276295347,5.276295327
+"2585","CDKN2A-DT",4.786226623,4.786226536,4.786226624,4.786226614,4.786226674,4.786226579,4.786226623,4.786226647,4.78622661,4.786226539,4.78622659,4.786226667,4.786226609,4.786226563,4.786226616,4.786226613,4.786226671,4.78622667,4.786226629,4.786226648,4.786226644,4.786226643,4.786226623,4.786226605,4.786226676,4.786226668,4.78622654,4.786226683
+"2586","CDKN2AIP",6.127854528,6.127854464,6.127854462,6.127854497,6.127854456,6.127854434,6.127854484,6.127854373,6.12785451,6.127854533,6.127854426,6.127854448,6.127854525,6.127854767,6.127854479,6.127854403,6.12785441,6.127854466,6.127854538,6.127854418,6.127854457,6.127854454,6.127854556,6.127854535,6.12785446,6.127854449,6.127854443,6.127854684
+"2587","CDKN2AIPNL",5.572538008,5.572537992,5.572537998,5.572537984,5.572537996,5.572537983,5.572537981,5.572538002,5.572538001,5.572537995,5.572537996,5.572537993,5.572537998,5.572537995,5.572537992,5.572537982,5.57253799,5.572537985,5.572537995,5.572538008,5.572537991,5.572537997,5.572537998,5.572537997,5.572538009,5.572538002,5.572537987,5.572537995
+"2588","CDKN2B",6.246673998,6.246674039,6.246674083,6.246674004,6.246674087,6.246673975,6.246674019,6.246674067,6.246674062,6.246674033,6.246674091,6.246674064,6.246674013,6.24667397,6.246674048,6.246674064,6.246674096,6.246674049,6.246673991,6.246674021,6.24667403,6.246674061,6.246674002,6.246674033,6.246674078,6.246674037,6.246674035,6.246674045
+"2589","CDKN2C",4.427088154,4.42708805,4.427088156,4.427087998,4.42708823,4.427088059,4.427088194,4.427088107,4.427088111,4.427087992,4.427088264,4.427088216,4.427088081,4.427088244,4.427088139,4.427088234,4.427088273,4.42708815,4.427088125,4.42708826,4.427088326,4.427088244,4.42708826,4.427088176,4.427088284,4.427088256,4.427088097,4.427088137
+"2590","CDKN2D",8.539393933,8.539394676,8.53939467,8.539394412,8.53939443,8.539394541,8.539394441,8.539394689,8.539394311,8.539394619,8.539394825,8.539395323,8.539394121,8.539393225,8.539394568,8.539394892,8.539395116,8.539395018,8.539394442,8.5393946,8.539393991,8.53939485,8.539394359,8.539394675,8.539394698,8.539394547,8.539393988,8.539394438
+"2591","CDKN3",2.914380409,2.914380428,2.91438044,2.91438044,2.914380431,2.914380434,2.914380466,2.914380447,2.914380452,2.914380451,2.914380442,2.914380455,2.914380441,2.914380426,2.914380427,2.914380428,2.91438044,2.914380449,2.914380416,2.914380435,2.914380417,2.914380416,2.91438043,2.914380452,2.914380434,2.914380415,2.91438042,2.914380443
+"2592","CDNF",4.851212527,4.851212648,4.851212578,4.851212466,4.851212594,4.851212082,4.851212761,4.851212436,4.851212595,4.85121253,4.851212516,4.851212511,4.851212652,4.851212695,4.851212599,4.851212807,4.851212511,4.851212653,4.851212403,4.851212652,4.851212601,4.851212513,4.851212567,4.851212468,4.851212685,4.851212665,4.851212596,4.851212684
+"2593","CDO1",4.44635461,4.446354651,4.446354725,4.446354664,4.446354572,4.446354742,4.446354622,4.446354629,4.446354634,4.446354651,4.446354695,4.446354714,4.446354672,4.44635464,4.44635462,4.446354625,4.446354705,4.446354711,4.446354653,4.446354636,4.446354538,4.446354668,4.446354716,4.446354637,4.446354681,4.446354579,4.446354667,4.446354598
+"2594","CDON",4.376592434,4.37659246,4.376592754,4.376592423,4.376592813,4.376592809,4.376592381,4.376592736,4.376592869,4.376592839,4.376592902,4.376592303,4.376592424,4.376593003,4.376592762,4.376592497,4.376592639,4.376592484,4.376592732,4.376592525,4.376592501,4.376592591,4.37659273,4.376592577,4.37659241,4.376592633,4.37659276,4.376592537
+"2595","CDPF1",5.894741407,5.894741416,5.894741402,5.894741408,5.894741418,5.894741403,5.894741414,5.894741418,5.89474142,5.894741406,5.894741397,5.894741412,5.894741422,5.894741408,5.894741409,5.894741398,5.894741409,5.894741399,5.894741413,5.894741406,5.894741419,5.894741414,5.89474141,5.894741402,5.894741405,5.894741413,5.894741397,5.894741408
+"2596","CDR1",2.641676266,2.641676718,2.641676534,2.641676319,2.641676596,2.641676598,2.641676675,2.641676618,2.641676585,2.641676637,2.64167673,2.641676799,2.6416766,2.641676498,2.641676691,2.641676482,2.64167673,2.641676791,2.641676558,2.641676627,2.641676575,2.641676626,2.641676436,2.641676531,2.641676794,2.641676645,2.641676437,2.641676763
+"2597","CDR2",7.282550876,7.28255086,7.282550069,7.282550381,7.282550626,7.282550239,7.282550692,7.282550116,7.282551799,7.282551395,7.282550141,7.282550658,7.282550959,7.282551358,7.282550702,7.282550093,7.282549921,7.282550461,7.282551031,7.282549829,7.282550684,7.28255048,7.282551641,7.282550582,7.282549859,7.282551043,7.28255127,7.282551426
+"2598","CDR2L",5.515433954,5.515434087,5.515434652,5.515434419,5.515435327,5.515434272,5.515434741,5.515434657,5.515434374,5.515434375,5.515434698,5.515435244,5.515434501,5.51543402,5.515434888,5.515434568,5.515434938,5.515434813,5.515434531,5.515434434,5.515434976,5.515434705,5.515434454,5.515434056,5.515434474,5.515434557,5.515434426,5.515434721
+"2599","CDRT15P3",7.150990008,7.150990059,7.150990134,7.150990037,7.150990143,7.150990024,7.150990049,7.150990133,7.150990066,7.150990085,7.150990139,7.150990142,7.150990077,7.150989992,7.150990061,7.150990064,7.150990135,7.150990145,7.150989998,7.150990108,7.150990064,7.150990109,7.150990019,7.150990078,7.150990109,7.150990086,7.150990081,7.15099008
+"2600","CDS1",4.44665542,4.446655441,4.44665553,4.446655481,4.446655508,4.446655382,4.446655395,4.446655507,4.446655492,4.446655501,4.446655457,4.4466555,4.446655482,4.446655426,4.446655445,4.446655497,4.446655504,4.446655508,4.446655417,4.446655484,4.446655445,4.446655493,4.446655498,4.446655533,4.446655534,4.446655474,4.446655493,4.446655512
+"2601","CDS2",8.199346296,8.199346419,8.199344403,8.19934618,8.19934454,8.199346206,8.199345053,8.199344932,8.19934523,8.199344999,8.199345597,8.199344947,8.199345699,8.199346181,8.199345727,8.19934624,8.199344136,8.199345815,8.199345147,8.199346311,8.199345185,8.199344795,8.19934569,8.199345387,8.199346253,8.199345575,8.199345769,8.19934544
+"2602","CDSN",6.1995255095,6.1995254405,6.199524741,6.199523792,6.1995268135,6.1995258925,6.1995262025,6.1995276905,6.1995247495,6.199525339,6.1995235445,6.199527278,6.199524641,6.199523515,6.1995273605,6.199524713,6.199525999,6.199526064,6.1995243535,6.199525127,6.1995269985,6.199527179,6.1995256225,6.199525461,6.199526196,6.1995272915,6.1995227705,6.1995247525
+"2603","CDT1",5.319159367,5.319159456,5.31915945,5.319159462,5.319159525,5.319159517,5.319159542,5.319159476,5.319159496,5.319159529,5.319159509,5.319159501,5.319159475,5.319159342,5.319159459,5.319159404,5.319159467,5.319159472,5.319159415,5.319159525,5.31915954,5.319159475,5.319159484,5.319159424,5.319159463,5.319159482,5.31915948,5.319159456
+"2604","CDV3",9.07835754,9.078357449,9.078357363,9.078357516,9.078357411,9.078357536,9.078357566,9.078357344,9.078357521,9.078357496,9.07835733,9.078357229,9.07835755,9.078357776,9.078357412,9.07835724,9.078357234,9.078357413,9.078357511,9.078357317,9.078357556,9.078357323,9.078357582,9.078357526,9.078357451,9.078357386,9.078357513,9.078357601
+"2605","CDX1",6.802785088,6.802785172,6.802785193,6.802785131,6.802785315,6.802785165,6.802785219,6.802785269,6.802785161,6.802785218,6.80278526,6.802785337,6.802785181,6.802785072,6.802785286,6.802785259,6.802785282,6.802785234,6.802785221,6.802785139,6.802785247,6.802785255,6.802785096,6.802785141,6.802785191,6.80278523,6.802785138,6.802785238
+"2606","CDX2",6.122066912,6.122066843,6.122066921,6.122066889,6.122066999,6.122066931,6.122066917,6.122066954,6.122066951,6.122066948,6.12206694,6.122066967,6.122066915,6.122066815,6.122066955,6.122066931,6.122066982,6.122066909,6.122066946,6.122066912,6.122066947,6.122066963,6.12206693,6.122066875,6.12206691,6.122066938,6.122066911,6.122066929
+"2607","CDX4",3.455007148,3.455007206,3.455007149,3.455007189,3.455007169,3.455007174,3.455007088,3.455007218,3.455007114,3.45500716,3.455007192,3.455007228,3.455007143,3.455007154,3.455007153,3.455007114,3.455007186,3.455007237,3.455007162,3.455007211,3.455007202,3.455007161,3.45500716,3.455007127,3.455007199,3.455007141,3.455007156,3.455007194
+"2608","CDYL",6.942466399,6.942466511,6.942466524,6.942466485,6.942466556,6.942466607,6.942466458,6.942466511,6.942466566,6.942466621,6.942466545,6.94246656,6.942466438,6.942466454,6.942466463,6.942466521,6.942466536,6.942466497,6.942466533,6.942466526,6.942466328,6.942466514,6.942466525,6.942466596,6.942466483,6.942466503,6.942466546,6.942466521
+"2609","CDYL2",5.722760954,5.722760732,5.722761114,5.722761023,5.722761118,5.722760994,5.722761137,5.722761042,5.722760929,5.722761051,5.72276095,5.722760992,5.722761117,5.722760944,5.722761044,5.722761036,5.722761109,5.722761016,5.722761085,5.72276111,5.722761059,5.722761032,5.72276098,5.722760923,5.722760973,5.722761076,5.722761071,5.722761042
+"2610","CEACAM1",6.317108649,6.317118214,6.317107383,6.317118964,6.317105679,6.317141019,6.317116191,6.317112125,6.317117184,6.317109901,6.317110688,6.317094707,6.317116242,6.317109792,6.317113776,6.317114321,6.317111288,6.317116346,6.317114096,6.317148219,6.317118492,6.317114093,6.317116036,6.317114906,6.317115577,6.317101128,6.31711801,6.317107647
+"2611","CEACAM16",5.679743507,5.679743489,5.679743518,5.679743472,5.67974356,5.679743492,5.679743526,5.679743527,5.679743489,5.679743457,5.679743503,5.679743499,5.679743505,5.679743476,5.67974353,5.679743512,5.679743518,5.679743575,5.679743483,5.679743493,5.679743557,5.679743531,5.679743455,5.679743494,5.679743512,5.679743544,5.679743516,5.679743528
+"2612","CEACAM19",5.654081154,5.654081143,5.654081177,5.654081176,5.654081202,5.654081163,5.654081173,5.65408118,5.65408117,5.654081178,5.654081164,5.654081187,5.654081168,5.65408115,5.654081188,5.654081161,5.65408119,5.654081175,5.654081183,5.654081154,5.654081191,5.654081184,5.654081159,5.654081167,5.654081186,5.654081181,5.654081173,5.654081149
+"2613","CEACAM20",4.340774974,4.340774995,4.340774984,4.340774998,4.34077499,4.340774974,4.340774976,4.340774996,4.340774976,4.340774972,4.340775017,4.340774996,4.340774989,4.340774959,4.340774969,4.340774967,4.340775,4.340774988,4.340774971,4.340774981,4.340774978,4.340775013,4.340774978,4.340774979,4.340774982,4.340774972,4.340774975,4.340774977
+"2614","CEACAM21",5.859213943,5.859213838,5.859213581,5.859214259,5.859213514,5.85921427,5.859214364,5.859213921,5.859214322,5.859214356,5.859213492,5.859214109,5.859214647,5.859213776,5.859213896,5.859213687,5.859213651,5.859213851,5.859213684,5.859214396,5.859214008,5.859214156,5.859214274,5.859214345,5.859213722,5.859214103,5.859214612,5.859212956
+"2615","CEACAM3",8.458600981,8.458626459,8.458600785,8.458648993,8.458587576,8.458639833,8.458630341,8.458625896,8.458613866,8.458599101,8.458624378,8.458573945,8.458597825,8.458595019,8.458621955,8.458636333,8.458623781,8.458641718,8.458618086,8.458663989,8.458632959,8.458626819,8.458627962,8.458635577,8.458631115,8.458594097,8.458593225,8.458596125
+"2616","CEACAM4",7.305424077,7.305424725,7.305424993,7.305425596,7.305423478,7.305425193,7.30542521,7.305424724,7.305423712,7.305423561,7.305424397,7.305424272,7.305424623,7.305423957,7.305424113,7.305425125,7.305425141,7.305425442,7.305424822,7.305425074,7.305425199,7.305425024,7.30542451,7.305424883,7.30542521,7.305424575,7.305424591,7.30542361
+"2617","CEACAM5",4.386248467,4.386248445,4.386248604,4.386248359,4.386248804,4.386248243,4.386248505,4.386248735,4.38624852,4.386248372,4.386248747,4.386248924,4.386248435,4.386248306,4.386248701,4.386248483,4.386248985,4.386248767,4.38624861,4.386248499,4.386248875,4.386248706,4.386248218,4.386248437,4.386248565,4.386248777,4.386248359,4.386248651
+"2618","CEACAM6",4.420937133,4.420936936,4.420937487,4.420936951,4.420937006,4.420937198,4.420937694,4.420936946,4.420936896,4.42093696,4.420937251,4.420937175,4.420936745,4.420936738,4.420937105,4.420936739,4.420937673,4.420936957,4.420937079,4.420937057,4.42093761,4.420936901,4.420937044,4.420936683,4.420937257,4.420937019,4.420936811,4.420936944
+"2619","CEACAM7",3.828786576,3.828786631,3.828786631,3.828786566,3.828786615,3.82878661,3.82878664,3.828786551,3.828786676,3.828786597,3.828786626,3.828786609,3.828786558,3.828786568,3.82878659,3.828786564,3.828786709,3.828786503,3.828786608,3.828786592,3.828786614,3.828786574,3.828786544,3.828786573,3.82878664,3.828786569,3.828786663,3.828786507
+"2620","CEACAM8",5.53294993,5.532948761,5.532950624,5.532949098,5.532948024,5.53295015,5.532952015,5.532948696,5.532948361,5.532947791,5.532950592,5.532948421,5.532947371,5.532946903,5.532949023,5.532947645,5.532950939,5.532948772,5.532947879,5.532949255,5.532951622,5.532948522,5.532948383,5.532948245,5.5329499,5.532948494,5.53294763,5.532947396
+"2621","CEBPA",7.661563494,7.661563553,7.661563715,7.66156355,7.661563962,7.661563456,7.661563638,7.66156373,7.661563466,7.661563672,7.661563778,7.661563854,7.661563579,7.661563188,7.661563832,7.661563615,7.66156389,7.661563748,7.661563737,7.661563451,7.661563809,7.661563797,7.661563569,7.661563345,7.661563723,7.66156372,7.66156363,7.661563763
+"2622","CEBPA-DT",4.967803122,4.967803114,4.967803139,4.967803117,4.967803136,4.967803096,4.967803123,4.967803134,4.967803117,4.967803121,4.967803128,4.967803154,4.967803125,4.967803106,4.96780312,4.967803121,4.967803118,4.967803127,4.967803126,4.967803129,4.967803129,4.967803147,4.967803128,4.967803113,4.967803135,4.967803119,4.967803108,4.967803114
+"2623","CEBPB",7.948753258,7.948754111,7.948753197,7.948754429,7.94875324,7.948754011,7.948753201,7.948753048,7.948753274,7.948753434,7.948753616,7.94875228,7.948753238,7.948752944,7.948753321,7.948753822,7.948753363,7.948753979,7.948753308,7.948753816,7.948753065,7.948753169,7.948753296,7.948753617,7.948753349,7.948752333,7.948753386,7.948753044
+"2624","CEBPD",8.070472044,8.070471798,8.070472032,8.070472887,8.070471927,8.07047138,8.070472009,8.070472362,8.070471498,8.070471782,8.070472002,8.070470981,8.070471444,8.070470985,8.070471423,8.07047132,8.070472277,8.070472221,8.070471722,8.070471459,8.070471305,8.070471471,8.070471465,8.070472015,8.070471014,8.070471097,8.070471502,8.07047074
+"2625","CEBPE",6.12492437,6.124924456,6.124924504,6.124924367,6.124924909,6.124924413,6.124924725,6.124924668,6.124924398,6.124924489,6.124924641,6.124924751,6.124924404,6.124924235,6.124924877,6.124924479,6.124924943,6.12492455,6.124924562,6.124924609,6.1249249,6.124924792,6.12492444,6.124924369,6.124924456,6.124924888,6.124924469,6.124924747
+"2626","CEBPG",6.223027463,6.223027333,6.22302741,6.223027167,6.223027539,6.223027426,6.223027535,6.223027278,6.223027346,6.223027494,6.223027497,6.223027445,6.223027486,6.223027655,6.223027547,6.223027225,6.223027342,6.223027347,6.223027372,6.223027428,6.223027495,6.223027569,6.223027383,6.223027406,6.223027389,6.223027379,6.223027411,6.223027759
+"2627","CEBPZ",4.451343873,4.451343837,4.451343859,4.451343741,4.451343805,4.451343772,4.451343793,4.451343821,4.451343866,4.451343796,4.451343793,4.451343786,4.451343828,4.451343997,4.451343826,4.451343828,4.45134379,4.451343723,4.451343807,4.451343744,4.451343807,4.45134386,4.451343847,4.451343749,4.451343796,4.451343799,4.45134382,4.451343919
+"2628","CECR2",4.097716757,4.097716751,4.097716797,4.097716745,4.097716837,4.097716768,4.097716796,4.097716813,4.097716761,4.097716786,4.097716794,4.097716898,4.097716786,4.097716715,4.097716805,4.097716797,4.097716876,4.097716814,4.097716774,4.097716751,4.097716819,4.097716769,4.097716749,4.097716741,4.09771678,4.097716806,4.097716775,4.097716799
+"2629","CEL",4.878369033,4.878369116,4.878369001,4.878369164,4.878369212,4.878369093,4.878369129,4.878369106,4.878369208,4.878369186,4.878369171,4.87836937,4.878369114,4.878368915,4.878369214,4.87836904,4.878369283,4.878369129,4.878369126,4.878369253,4.878369172,4.878369235,4.878369065,4.878369041,4.87836918,4.878369077,4.8783691,4.878369266
+"2630","CELA1",4.841625162,4.841625167,4.841625493,4.841625204,4.841625681,4.841625246,4.841625386,4.841625449,4.841625355,4.841625277,4.841625446,4.841625558,4.841625251,4.841625181,4.841625449,4.841625521,4.841625488,4.841625369,4.841625377,4.841625227,4.841625492,4.841625512,4.841625329,4.841625092,4.841625278,4.841625545,4.841625287,4.841625426
+"2631","CELA2A",4.635925257,4.635925193,4.635925256,4.635925177,4.635925455,4.635925282,4.63592535,4.635925264,4.635925121,4.635925232,4.635925276,4.635925452,4.635925189,4.635925001,4.635925363,4.635925191,4.635925377,4.6359253,4.635925394,4.635925321,4.635925395,4.635925402,4.635925332,4.63592512,4.6359251,4.635925249,4.635925142,4.63592537
+"2632","CELA2B",5.011676385,5.011676339,5.011676636,5.011676536,5.011677022,5.011676452,5.011676743,5.01167687,5.011676728,5.011676671,5.011676655,5.011676974,5.011676477,5.011676051,5.011676805,5.011676725,5.011677058,5.011676903,5.011676721,5.011676509,5.011676954,5.011676807,5.011676587,5.011676361,5.011676809,5.011676981,5.011676364,5.011676757
+"2633","CELA3A",5.370111769,5.370111765,5.370111796,5.370111783,5.370111802,5.370111779,5.370111785,5.370111745,5.370111778,5.370111775,5.370111787,5.37011178,5.370111765,5.370111757,5.370111786,5.370111771,5.37011177,5.370111765,5.370111779,5.370111764,5.370111779,5.370111805,5.370111752,5.37011176,5.370111766,5.370111783,5.370111774,5.370111768
+"2634","CELA3B",5.984398201,5.984398223,5.984398225,5.984398186,5.984398255,5.984398181,5.98439822,5.984398223,5.984398238,5.984398205,5.984398215,5.984398207,5.984398217,5.984398192,5.984398258,5.984398233,5.984398258,5.984398207,5.984398194,5.98439823,5.984398255,5.984398208,5.984398189,5.984398224,5.984398198,5.984398221,5.984398202,5.98439825
+"2635","CELF1",8.568998423,8.568998535,8.568998292,8.568998435,8.568998312,8.568998405,8.568998492,8.568998413,8.568998422,8.568998361,8.568998341,8.568998189,8.568998493,8.568998661,8.568998351,8.568998316,8.568998105,8.568998307,8.568998332,8.568998383,8.56899848,8.56899836,8.568998356,8.568998447,8.568998348,8.568998435,8.568998564,8.568998354
+"2636","CELF2",8.795632028,8.795632081,8.795631708,8.79563213,8.79563169,8.795631878,8.795631883,8.795631714,8.795631695,8.795631591,8.79563181,8.795631453,8.795631905,8.795631999,8.795631731,8.7956318,8.795631654,8.79563186,8.795631945,8.795631853,8.795631809,8.795631714,8.795631857,8.7956319,8.795631744,8.795631663,8.795631872,8.795631638
+"2637","CELF2-AS1",5.280692351,5.2806924,5.280692336,5.280692389,5.280692291,5.280692375,5.280692356,5.280692296,5.280692306,5.280692317,5.280692387,5.280692256,5.280692391,5.280692371,5.280692333,5.280692409,5.280692309,5.280692331,5.280692383,5.280692281,5.280692333,5.280692294,5.280692294,5.280692334,5.280692295,5.280692271,5.280692387,5.280692297
+"2638","CELF3",5.605381384,5.605381446,5.605381581,5.605381506,5.605381804,5.60538143,5.605381616,5.605381672,5.605381525,5.605381488,5.605381641,5.605381708,5.60538148,5.605381401,5.605381687,5.605381495,5.605381796,5.60538162,5.60538157,5.605381533,5.605381742,5.605381655,5.605381522,5.605381457,5.605381517,5.60538162,5.605381483,5.605381545
+"2639","CELF4",5.325892725,5.325892765,5.325892809,5.325892846,5.325893057,5.325892715,5.325892958,5.325892916,5.325892884,5.325892818,5.325892946,5.325892911,5.32589277,5.325892762,5.325892944,5.325892901,5.325893005,5.325892998,5.325892841,5.325892878,5.325893003,5.325892987,5.325892773,5.325892794,5.325892899,5.325892938,5.325892819,5.325892934
+"2640","CELF5",5.558127187,5.55812718,5.558127193,5.558127202,5.558127281,5.558127206,5.55812722,5.55812722,5.558127216,5.558127238,5.55812726,5.558127251,5.558127215,5.558127137,5.558127244,5.558127193,5.558127248,5.558127238,5.558127199,5.558127212,5.558127254,5.558127232,5.558127183,5.558127182,5.558127192,5.558127238,5.5581272,5.558127188
+"2641","CELF6",5.512716223,5.512716245,5.512716323,5.512716313,5.512716413,5.512716266,5.512716364,5.512716342,5.512716279,5.512716307,5.512716308,5.512716452,5.512716347,5.512716209,5.512716405,5.512716308,5.512716481,5.512716361,5.512716329,5.512716309,5.512716429,5.512716386,5.512716277,5.512716276,5.512716317,5.51271637,5.512716285,5.512716297
+"2642","CELP",6.187017821,6.187018007,6.187018013,6.187017902,6.187018105,6.187018133,6.187017985,6.187018027,6.187017999,6.187018052,6.187017959,6.187017994,6.187017967,6.187017896,6.187018116,6.187017851,6.187018194,6.187017944,6.187017931,6.187017985,6.187018,6.187017997,6.187018009,6.187017976,6.187017891,6.187017975,6.187018008,6.187018004
+"2643","CELSR1",5.491921354,5.491921392,5.491921346,5.491921389,5.491921585,5.491921409,5.491921508,5.491921453,5.491921483,5.49192148,5.491921504,5.491921598,5.491921523,5.491921432,5.491921589,5.49192148,5.491921493,5.491921472,5.491921524,5.491921353,5.491921556,5.491921409,5.491921406,5.491921347,5.491921275,5.491921541,5.491921471,5.491921703
+"2644","CELSR2",5.720171613,5.720171616,5.72017163,5.720171675,5.720171838,5.720171592,5.720171656,5.720171813,5.720171554,5.720171632,5.720171592,5.720171791,5.720171611,5.720171559,5.72017176,5.720171605,5.720171831,5.720171692,5.72017164,5.720171728,5.720171852,5.720171783,5.720171579,5.720171537,5.720171604,5.720171765,5.720171681,5.7201717
+"2645","CEMIP",4.493361339,4.49336137,4.49336144,4.493361429,4.49336146,4.493361394,4.493361463,4.493361388,4.493361383,4.493361402,4.493361373,4.493361435,4.493361416,4.493361321,4.493361418,4.493361347,4.493361454,4.493361439,4.493361459,4.493361378,4.493361433,4.493361424,4.493361356,4.493361358,4.493361376,4.493361393,4.493361369,4.493361374
+"2646","CEMIP2",7.981286351,7.981286735,7.981285729,7.981286692,7.981286122,7.981286038,7.98128633,7.9812859,7.981286568,7.981285916,7.981286303,7.981285706,7.981286167,7.981286996,7.981286001,7.981286278,7.981285379,7.981285979,7.981286364,7.981286211,7.981286203,7.981285498,7.981286756,7.981286322,7.981286038,7.981285884,7.981286126,7.981286442
+"2647","CEMP1",5.545818967,5.545819003,5.54581901,5.545819019,5.545819069,5.545818913,5.545819035,5.545819061,5.545819011,5.545819023,5.545819019,5.545819107,5.545819045,5.545818962,5.545819063,5.545819004,5.545819053,5.545819125,5.545819064,5.545818974,5.545819105,5.545819098,5.545818936,5.545818998,5.545818986,5.545819029,5.545819032,5.545819069
+"2648","CENATAC",7.238797954,7.238797828,7.23879778,7.238797552,7.238797561,7.238797672,7.238797665,7.23879767,7.238797815,7.238797676,7.238797543,7.238797768,7.238797837,7.2387978,7.238797589,7.238797886,7.238797398,7.238797516,7.238797566,7.238797886,7.238797581,7.238797647,7.238797775,7.238797686,7.238797719,7.238797954,7.238797818,7.238797708
+"2649","CEND1",7.31420098,7.314201157,7.314201563,7.314201234,7.314201796,7.314200906,7.314201239,7.314201629,7.314201445,7.314201306,7.31420176,7.314201872,7.3142013,7.314200462,7.314201645,7.314201073,7.314201859,7.314201589,7.314201369,7.314200917,7.314201409,7.31420167,7.314201118,7.314201257,7.314201734,7.314201435,7.314201189,7.314201334
+"2650","CENPA",5.474245883,5.474245887,5.474246478,5.474246293,5.474247015,5.474245988,5.474246857,5.474246618,5.474246714,5.474246398,5.474246566,5.474246534,5.474246337,5.474245647,5.474246846,5.474246516,5.474247028,5.474246673,5.474246482,5.474246557,5.474247288,5.474246713,5.474246792,5.474245809,5.474246259,5.474246818,5.47424656,5.474246491
+"2651","CENPB",6.971908494,6.971908527,6.971908592,6.971908601,6.971908562,6.97190857,6.971908558,6.971908547,6.971908555,6.971908542,6.971908587,6.97190857,6.971908534,6.971908453,6.971908519,6.971908588,6.971908627,6.971908605,6.971908596,6.971908567,6.971908517,6.971908581,6.971908541,6.97190853,6.971908566,6.971908524,6.971908539,6.971908553
+"2652","CENPBD1P",5.131702626,5.131702552,5.131702344,5.131702209,5.131702486,5.131702599,5.131702552,5.131702533,5.131702422,5.131702543,5.131702522,5.131702626,5.131702423,5.131702666,5.131702421,5.131702491,5.131702415,5.131702231,5.131702525,5.131702612,5.131702441,5.131702568,5.131702617,5.131702516,5.131702491,5.131702465,5.13170253,5.131702556
+"2653","CENPBD2P",6.779342987,6.779343076,6.779343071,6.779343075,6.779342957,6.77934308,6.779342954,6.779343029,6.779343044,6.779342996,6.779343066,6.77934291,6.779343018,6.779342959,6.77934304,6.779343048,6.779343093,6.779343125,6.779342864,6.779343008,6.779342969,6.779343003,6.77934303,6.779343102,6.779343086,6.779342912,6.779342963,6.779342974
+"2654","CENPC",6.333777418,6.333775951,6.333776406,6.333776034,6.333776083,6.333775951,6.333775786,6.333775266,6.333776783,6.333776383,6.33377537,6.33377437,6.333776551,6.333778417,6.333775983,6.333775486,6.333775611,6.33377629,6.333777347,6.333775743,6.333776248,6.333776321,6.333777248,6.333776479,6.333775017,6.333776143,6.333776747,6.333777665
+"2655","CENPE",2.930045127,2.930045135,2.930045134,2.930045145,2.930045127,2.930045131,2.930045134,2.930045127,2.930045136,2.93004513,2.930045137,2.930045145,2.930045124,2.930045135,2.930045121,2.930045137,2.930045131,2.930045128,2.93004513,2.930045134,2.93004513,2.930045125,2.930045132,2.930045131,2.93004513,2.930045125,2.930045131,2.930045128
+"2656","CENPF",3.779461291,3.779461356,3.77946146,3.779461557,3.779461503,3.779461347,3.779462178,3.77946138,3.779461698,3.779461599,3.779461484,3.779461631,3.77946146,3.779461401,3.779461517,3.77946163,3.779461648,3.779461601,3.779461389,3.77946176,3.779462192,3.779461557,3.779461969,3.779461528,3.779461269,3.779461523,3.779461537,3.779461747
+"2657","CENPH",3.100625576,3.100625626,3.100625682,3.100625706,3.100625793,3.100625753,3.100625723,3.100625615,3.100625775,3.100625695,3.100625756,3.100625641,3.10062571,3.100625645,3.100625758,3.100625815,3.100625705,3.10062572,3.100625702,3.100625815,3.100625716,3.100625569,3.10062556,3.100625738,3.10062582,3.100625691,3.100625711,3.100625743
+"2658","CENPI",3.9370518,3.937051813,3.937051826,3.937051815,3.937051815,3.937051836,3.937051856,3.937051788,3.937051814,3.937051777,3.937051837,3.937051809,3.9370518,3.937051825,3.93705179,3.937051789,3.937051855,3.937051812,3.937051812,3.937051824,3.937051823,3.93705177,3.937051868,3.937051794,3.937051858,3.937051792,3.937051774,3.937051811
+"2659","CENPJ",4.849927065,4.849927094,4.849926972,4.849927119,4.849927044,4.849927139,4.849927151,4.8499271,4.849927057,4.849927045,4.849927097,4.849927132,4.849927128,4.849927178,4.849927088,4.849927036,4.849927006,4.84992702,4.849927105,4.849927082,4.84992709,4.849927017,4.849927144,4.849927098,4.849926997,4.849927075,4.849926983,4.849927139
+"2660","CENPK",4.663080994,4.66120744,4.663130231,4.662384226,4.661281808,4.660981517,4.661690489,4.663104744,4.663193249,4.660667837,4.660777856,4.661142242,4.661355234,4.663843794,4.662785544,4.661393573,4.662651416,4.662004668,4.66169643,4.660676111,4.661870243,4.663425519,4.66316965,4.661035094,4.660890276,4.661074342,4.661533239,4.663052139
+"2661","CENPL",4.473344318,4.473344161,4.473344254,4.473344236,4.47334412,4.47334426,4.473344227,4.473344286,4.473344242,4.473344218,4.473344178,4.473344377,4.473344179,4.473344437,4.473344243,4.473344183,4.47334414,4.473344115,4.47334403,4.473344057,4.473344269,4.473344208,4.473344284,4.473344301,4.473344142,4.473344168,4.473344279,4.473344321
+"2662","CENPM",6.085957064,6.085957073,6.085957082,6.085957078,6.08595711,6.085957069,6.085957112,6.085957085,6.085957087,6.085957085,6.085957078,6.085957081,6.08595708,6.085957046,6.085957091,6.085957078,6.085957088,6.08595709,6.085957073,6.08595708,6.085957105,6.085957088,6.085957089,6.085957068,6.085957082,6.085957089,6.085957082,6.085957079
+"2663","CENPN",4.094366504,4.094366343,4.094366194,4.094366216,4.094366281,4.094366954,4.094367101,4.094366376,4.094366646,4.09436626,4.094366322,4.094366328,4.094366432,4.094366508,4.094366561,4.094366047,4.094366519,4.094366288,4.094366107,4.094366541,4.094366705,4.09436622,4.094366874,4.094366669,4.094366321,4.094366126,4.09436661,4.094366669
+"2664","CENPO",5.364701964,5.364701914,5.364701931,5.364701912,5.36470191,5.364701997,5.364701985,5.364701957,5.36470198,5.364701921,5.364701909,5.364701886,5.364701954,5.36470197,5.364701949,5.364701948,5.364701943,5.364701932,5.364701896,5.364701968,5.364701951,5.364701929,5.364701983,5.364701902,5.364701909,5.364701931,5.364701928,5.364701967
+"2665","CENPP",4.68844805,4.688448021,4.688448016,4.688448034,4.688448028,4.688448047,4.688448016,4.68844802,4.688448038,4.68844803,4.688448036,4.688448052,4.688448027,4.688448032,4.688448034,4.688448026,4.688448061,4.688448045,4.688448028,4.68844802,4.688448025,4.68844806,4.688448043,4.688448031,4.688448013,4.688448022,4.688448033,4.68844804
+"2666","CENPQ",3.232092014,3.232092042,3.232092061,3.232091923,3.232091935,3.232091979,3.232092048,3.232091971,3.232092075,3.232092062,3.23209201,3.232092067,3.232092102,3.232092184,3.232091975,3.232092033,3.232092137,3.232092013,3.23209201,3.232091925,3.232092003,3.23209201,3.232092065,3.23209206,3.232092106,3.23209202,3.232092074,3.232092056
+"2667","CENPT",6.52825218,6.528252183,6.528252058,6.528252211,6.528252064,6.528252199,6.528252178,6.528252143,6.528252224,6.52825217,6.528252139,6.52825223,6.528252226,6.528252252,6.528252156,6.528252006,6.528252014,6.52825213,6.528252068,6.528252079,6.528252209,6.528252258,6.528252105,6.528252176,6.528252089,6.528252278,6.528252322,6.528252125
+"2668","CENPU",3.425712746,3.425712815,3.425712826,3.425712831,3.425712785,3.425712838,3.425712851,3.425712775,3.425712858,3.425712793,3.425712822,3.425712817,3.425712815,3.42571282,3.425712818,3.425712781,3.425712793,3.425712813,3.425712809,3.425712794,3.425712868,3.425712807,3.425712821,3.425712825,3.425712849,3.425712796,3.425712782,3.425712817
+"2669","CENPV",4.888923527,4.888923528,4.888923546,4.888923519,4.888923555,4.888923535,4.88892352,4.888923546,4.888923533,4.888923553,4.888923529,4.888923558,4.88892353,4.888923504,4.888923529,4.888923514,4.888923546,4.88892352,4.888923557,4.88892353,4.888923529,4.888923547,4.888923532,4.888923531,4.888923517,4.888923539,4.888923517,4.888923534
+"2670","CENPW",3.002411945,3.002411974,3.002412003,3.002412016,3.002412045,3.002412164,3.002412083,3.002411976,3.002411945,3.002412175,3.002411968,3.00241196,3.002412116,3.002411882,3.002412008,3.002412018,3.002411895,3.002412064,3.002411919,3.002412079,3.00241205,3.002411921,3.00241205,3.002411948,3.002412168,3.002412028,3.002412073,3.002412071
+"2671","CENPX",6.617365283,6.617365293,6.617365568,6.617365485,6.61736561,6.617365129,6.617365478,6.617365561,6.617365399,6.617365333,6.617365492,6.617365413,6.617365419,6.617365248,6.617365524,6.617365583,6.617365522,6.617365581,6.617365307,6.617365392,6.617365515,6.617365611,6.61736536,6.617365361,6.617365597,6.617365445,6.617365321,6.617365458
+"2672","CEP104",6.869693439,6.869693377,6.869693333,6.869693337,6.869693196,6.869693472,6.869693223,6.869693346,6.869693334,6.869693461,6.869693288,6.869693097,6.869693251,6.869693449,6.869693248,6.86969308,6.869692848,6.869693011,6.869693302,6.869693298,6.869693049,6.869693156,6.86969339,6.869693249,6.869693309,6.869693288,6.869693482,6.869693148
+"2673","CEP112",3.234110313,3.234110339,3.234110219,3.234110172,3.234110208,3.234110239,3.234110314,3.2341103,3.234110276,3.234110271,3.234110267,3.234110271,3.234110235,3.234110282,3.234110236,3.234110301,3.234110176,3.23411039,3.234110287,3.234110291,3.234110218,3.234110317,3.234110258,3.234110182,3.234110263,3.234110189,3.234110224,3.234110269
+"2674","CEP120",6.788897417,6.788896784,6.788895405,6.788896352,6.788896256,6.788895276,6.788896821,6.788895536,6.788896995,6.788896804,6.788896022,6.788895897,6.78889668,6.788898338,6.788897172,6.788896926,6.78889539,6.788896107,6.788897373,6.788895292,6.78889667,6.788896074,6.788897461,6.788897078,6.788896194,6.788896197,6.788896482,6.788897638
+"2675","CEP126",4.153239559,4.153239538,4.153239562,4.153239564,4.153239562,4.153239549,4.153239553,4.15323958,4.153239571,4.153239583,4.153239565,4.153239581,4.153239577,4.15323959,4.153239551,4.153239556,4.153239574,4.15323956,4.153239559,4.15323956,4.153239555,4.153239554,4.153239543,4.153239557,4.153239571,4.153239553,4.153239569,4.153239573
+"2676","CEP128",5.49520646,5.495206271,5.495206274,5.495206292,5.495206018,5.495206117,5.495206394,5.495206247,5.495206248,5.495206162,5.495206114,5.495206054,5.495206297,5.495206575,5.495206377,5.495206307,5.495206054,5.495206271,5.495206245,5.495206263,5.495206316,5.495206193,5.495206387,5.495206187,5.495206215,5.495206247,5.49520633,5.495206408
+"2677","CEP131",5.992779027,5.992779027,5.992779033,5.992779026,5.992779063,5.992778984,5.992779048,5.992779053,5.992779039,5.992779022,5.992779015,5.992779054,5.992779017,5.992778992,5.992779068,5.992779031,5.992779036,5.992779064,5.992779034,5.992779029,5.992779055,5.992779061,5.992779026,5.992779004,5.99277904,5.992779047,5.992779028,5.99277904
+"2678","CEP135",5.189236883,5.189237377,5.189236688,5.189236843,5.189236596,5.189236479,5.189236562,5.189236515,5.189237182,5.189236874,5.189236277,5.189235842,5.189236929,5.189237769,5.189236936,5.189236825,5.189236367,5.189236815,5.189236934,5.189236784,5.18923654,5.189236612,5.189237206,5.189237077,5.189236866,5.189236483,5.189236834,5.189237632
+"2679","CEP152",4.438608309,4.438608263,4.438608307,4.438608317,4.438608305,4.438608294,4.438608269,4.438608224,4.438608315,4.4386083,4.43860821,4.438608198,4.438608275,4.43860843,4.43860832,4.438608214,4.438608198,4.438608248,4.438608318,4.438608308,4.43860829,4.438608205,4.43860825,4.438608284,4.438608317,4.438608205,4.438608261,4.438608366
+"2680","CEP162",3.915336419,3.915336415,3.915336368,3.915336363,3.915336321,3.915336376,3.915336364,3.9153363,3.91533636,3.915336366,3.915336357,3.915336308,3.915336412,3.915336444,3.915336382,3.915336392,3.915336378,3.915336373,3.91533639,3.915336381,3.915336361,3.915336351,3.915336404,3.91533639,3.915336402,3.915336352,3.915336356,3.915336413
+"2681","CEP164",5.966194106,5.966194074,5.966194053,5.96619409,5.966194085,5.966194121,5.966194091,5.96619396,5.966194066,5.96619409,5.966194021,5.966194052,5.966194099,5.966194045,5.966194082,5.966194044,5.966194037,5.96619408,5.966194079,5.966194122,5.966194084,5.966193984,5.966194046,5.966194067,5.966194073,5.966194049,5.966194079,5.966194037
+"2682","CEP170",6.6301344485,6.6301336805,6.6301338385,6.6301333555,6.630133534,6.6301334405,6.6301343165,6.6301331645,6.630132862,6.630134235,6.630134233,6.630131736,6.6301329015,6.6301352265,6.6301340705,6.630132963,6.630133078,6.630132948,6.630133382,6.6301333605,6.6301327525,6.6301329135,6.630133352,6.630133928,6.6301337335,6.6301335105,6.630134082,6.6301338775
+"2683","CEP170B",5.638238784,5.638238531,5.638238897,5.638238866,5.638239177,5.638238692,5.638238792,5.638239022,5.638238856,5.638238877,5.638238993,5.638239074,5.638238793,5.638238635,5.638238947,5.638238877,5.638239036,5.638239067,5.638238803,5.638238866,5.638239123,5.638238956,5.638238624,5.638238738,5.638238864,5.638239008,5.638238861,5.638238976
+"2684","CEP170P1",3.719812012,3.719812545,3.719812509,3.719812405,3.719812613,3.719811582,3.719812762,3.719811278,3.719812627,3.719813077,3.719811736,3.719811485,3.71981269,3.719813161,3.719812245,3.719813451,3.719810617,3.719812445,3.719811856,3.71981252,3.71981197,3.719810906,3.719812795,3.719812412,3.719813218,3.71981191,3.719811499,3.719812124
+"2685","CEP19",6.2570828,6.257083401,6.25708234,6.257083497,6.25708233,6.257082075,6.25708327,6.257082363,6.257082849,6.257082173,6.257083249,6.25708099,6.257082394,6.257083364,6.257082995,6.2570833,6.257082582,6.257083357,6.257083018,6.257081987,6.257082979,6.257082672,6.257083786,6.257082786,6.257083111,6.257082074,6.257082339,6.257082909
+"2686","CEP192",6.5401272,6.540126297,6.540126093,6.540125996,6.540126221,6.540125948,6.540126414,6.540125644,6.540126165,6.540126073,6.540125633,6.540125974,6.540126592,6.540127237,6.540126633,6.540126077,6.540125669,6.540125292,6.540126687,6.54012625,6.540126671,6.540125728,6.540126155,6.540126279,6.540126112,6.540126641,6.540126397,6.540126556
+"2687","CEP20",5.215684729,5.215684373,5.215684599,5.21568416,5.215684096,5.215684203,5.215684322,5.215684087,5.215684536,5.215684276,5.21568443,5.215684134,5.215684405,5.215685063,5.21568441,5.215684236,5.215684463,5.215684333,5.215684421,5.215684032,5.215684438,5.215684135,5.215684602,5.215684512,5.215684297,5.215684471,5.215684452,5.21568484
+"2688","CEP250",5.676627244,5.676627251,5.676627223,5.676627223,5.676627234,5.676627242,5.676627229,5.67662725,5.676627235,5.676627244,5.676627219,5.67662724,5.676627238,5.67662725,5.676627241,5.676627228,5.676627227,5.676627227,5.676627233,5.676627233,5.676627239,5.676627229,5.676627242,5.676627238,5.676627229,5.676627242,5.676627236,5.676627232
+"2689","CEP290",3.955670009,3.955669921,3.955669679,3.955669625,3.955669874,3.955669403,3.955669724,3.955669708,3.955669968,3.955670003,3.955669736,3.95566985,3.95566997,3.955670569,3.955669858,3.95566995,3.955669879,3.955669783,3.955670103,3.955669579,3.955669762,3.955669688,3.955670132,3.955669966,3.95566982,3.955669805,3.955669883,3.955670362
+"2690","CEP295",5.350165543,5.350165243,5.350165193,5.350165161,5.350165194,5.350165262,5.350165378,5.350165049,5.350165031,5.350165188,5.350165069,5.350164971,5.350165138,5.350165563,5.35016522,5.350164977,5.350165058,5.350165243,5.350165342,5.350165179,5.350165306,5.350164952,5.35016512,5.350165199,5.350164953,5.350165109,5.350165064,5.350165322
+"2691","CEP295NL",6.894524704,6.894524973,6.894524834,6.89452497,6.894524785,6.894524856,6.894524999,6.894524787,6.894524872,6.894524797,6.894524974,6.894524773,6.894524814,6.894524771,6.894524786,6.894525023,6.894524774,6.89452487,6.894524954,6.89452504,6.894524885,6.894524828,6.89452493,6.894524938,6.894524995,6.894524736,6.894524796,6.894524512
+"2692","CEP350",7.335158895,7.335158819,7.335158011,7.335158751,7.335158357,7.335158322,7.335158747,7.335157921,7.335158495,7.335158633,7.335158406,7.335157684,7.335158665,7.33515968,7.335158608,7.335158456,7.335157511,7.335158518,7.335158672,7.335157753,7.335158769,7.335157838,7.335158534,7.335158796,7.335158549,7.33515845,7.33515878,7.335158894
+"2693","CEP41",4.695616287,4.695616299,4.69561611,4.69561623,4.695616271,4.695616243,4.695616178,4.695616085,4.695616407,4.695616339,4.695616169,4.695616387,4.695616149,4.695616417,4.695616172,4.695615821,4.695616156,4.695616252,4.69561621,4.695616093,4.695616071,4.695616133,4.695616436,4.695616384,4.695616065,4.695616291,4.695616305,4.695616094
+"2694","CEP43",5.691895981,5.69189606,5.691895935,5.691896008,5.691895881,5.691895807,5.691895903,5.691895905,5.691895902,5.691895819,5.691895969,5.691895806,5.691895908,5.691896049,5.69189597,5.691896042,5.691895878,5.691895943,5.691895978,5.691895841,5.691895932,5.691895859,5.691895953,5.691895924,5.691896011,5.691895878,5.691895925,5.691895941
+"2695","CEP44",4.616354793,4.616354631,4.616354639,4.616354382,4.616354536,4.616354351,4.616354569,4.616354341,4.616354657,4.616354581,4.616354562,4.61635456,4.616354788,4.616355046,4.616354638,4.61635474,4.616354456,4.616354481,4.616354666,4.6163543,4.616354506,4.616354482,4.616354636,4.6163546,4.616354647,4.616354678,4.61635456,4.616354852
+"2696","CEP55",3.95378719,3.953787224,3.953787266,3.953787367,3.953787247,3.953787163,3.953787411,3.953787267,3.953787276,3.953787329,3.953787301,3.953787355,3.953787206,3.953787116,3.953787275,3.953787283,3.953787348,3.953787339,3.953787189,3.953787331,3.953787347,3.953787353,3.953787242,3.953787322,3.953787294,3.953787269,3.95378726,3.953787257
+"2697","CEP57",5.50008264,5.500082448,5.500082429,5.500082056,5.50008232,5.500082276,5.500082564,5.500082221,5.50008268,5.500082556,5.500082236,5.500082303,5.500082578,5.500083341,5.500082574,5.500082166,5.500082549,5.500082311,5.500082509,5.500082039,5.500082508,5.500082292,5.500082786,5.500082359,5.500082264,5.500082252,5.500082528,5.500083135
+"2698","CEP57L1",3.411710976,3.411710948,3.411710966,3.41171099,3.411711029,3.411710932,3.411710989,3.411710928,3.411710982,3.411710941,3.411710967,3.41171102,3.411710918,3.411711008,3.411710915,3.411710909,3.411710928,3.411710929,3.411711017,3.411710932,3.411710944,3.41171092,3.411710971,3.411711019,3.411711023,3.411710924,3.411710976,3.411710959
+"2699","CEP63",6.799460738,6.799460947,6.799460515,6.799461168,6.799460327,6.799460644,6.799460792,6.799460207,6.799460178,6.799460019,6.799460833,6.799460099,6.799460575,6.799460944,6.799460797,6.799460923,6.799460393,6.799461191,6.799460933,6.799461018,6.7994609,6.7994605,6.799460758,6.799460738,6.799460886,6.799460546,6.799460542,6.799460433
+"2700","CEP68",6.237201806,6.237201812,6.237201757,6.237201739,6.237201743,6.237201776,6.237201752,6.237201713,6.237201828,6.237201829,6.237201762,6.237201761,6.237201805,6.237201814,6.237201744,6.237201762,6.237201713,6.237201746,6.23720177,6.237201769,6.23720174,6.237201746,6.23720183,6.237201797,6.237201744,6.237201771,6.237201838,6.237201802
+"2701","CEP70",3.555104423,3.55510444,3.555104328,3.555104325,3.555104408,3.555104405,3.555104371,3.555104426,3.555104521,3.555104496,3.555104401,3.55510442,3.555104436,3.55510462,3.555104404,3.555104378,3.555104342,3.555104424,3.55510432,3.555104317,3.555104388,3.555104393,3.555104546,3.555104348,3.555104324,3.555104445,3.555104493,3.555104535
+"2702","CEP72",6.015642345,6.015642335,6.015642349,6.015642319,6.015642325,6.015642318,6.015642318,6.015642341,6.015642436,6.015642348,6.01564237,6.015642378,6.015642354,6.015642329,6.015642356,6.015642403,6.015642314,6.015642362,6.015642318,6.015642259,6.015642333,6.015642358,6.015642373,6.015642305,6.015642398,6.015642397,6.015642388,6.015642391
+"2703","CEP72-DT",5.424068056,5.424068267,5.424068232,5.424068308,5.424068298,5.424067935,5.424068081,5.424068266,5.424068176,5.424068227,5.424068224,5.424068339,5.424068204,5.424067927,5.424068265,5.424068299,5.424068352,5.424068237,5.424068317,5.424068258,5.42406821,5.424068241,5.424068194,5.424068129,5.424068276,5.424068234,5.424067968,5.424068102
+"2704","CEP76",4.738104273,4.738104259,4.738104248,4.738104238,4.738104194,4.738104244,4.73810421,4.738104268,4.738104229,4.738104276,4.738104245,4.738104273,4.738104266,4.738104272,4.738104222,4.73810426,4.738104233,4.738104197,4.738104289,4.738104253,4.738104225,4.738104204,4.73810424,4.738104236,4.738104276,4.738104262,4.738104236,4.738104244
+"2705","CEP78",5.89853281,5.898530325,5.898530555,5.898529007,5.898529134,5.898529639,5.89853276,5.898531438,5.898531859,5.89853041,5.898530838,5.898528354,5.898531504,5.898533021,5.898531697,5.898530456,5.898529743,5.898529151,5.89853056,5.898528854,5.898532507,5.89853033,5.898533214,5.898531288,5.898530282,5.89853008,5.898531632,5.898531923
+"2706","CEP83",3.793758331,3.793758333,3.793758377,3.793758308,3.793758297,3.793758265,3.793758296,3.793758313,3.793758346,3.793758323,3.793758312,3.793758291,3.793758331,3.793758417,3.793758317,3.793758334,3.79375828,3.793758327,3.793758355,3.793758303,3.7937583,3.793758301,3.793758366,3.793758326,3.793758322,3.793758322,3.793758341,3.793758367
+"2707","CEP85",5.775081067,5.775081126,5.775080952,5.775080961,5.775081101,5.775081232,5.775081206,5.775080976,5.775081261,5.775081194,5.775081028,5.775080997,5.775081122,5.775081183,5.775081045,5.775080941,5.775080908,5.775080948,5.775081114,5.775081207,5.775081191,5.775080921,5.775081282,5.775081201,5.775081055,5.775081069,5.775081184,5.775081073
+"2708","CEP85L",6.062863685,6.062863504,6.062863469,6.06286344,6.062863388,6.062863335,6.062863372,6.062863466,6.062863578,6.06286352,6.062863435,6.062863428,6.062863635,6.062863803,6.062863495,6.062863417,6.062863234,6.062863382,6.06286357,6.062863141,6.062863387,6.062863489,6.062863589,6.062863494,6.062863438,6.062863613,6.062863624,6.062863646
+"2709","CEP89",5.601917876,5.601918006,5.601917753,5.601918013,5.601917999,5.601917661,5.601918019,5.601918184,5.601917952,5.601918044,5.601917975,5.601918015,5.601917914,5.601918263,5.601917792,5.601918069,5.601917906,5.601917741,5.601918163,5.601917408,5.601917746,5.601917965,5.601918002,5.601918085,5.60191787,5.601917955,5.601918058,5.601917995
+"2710","CEP95",6.501323758,6.501323698,6.501323432,6.50132343,6.501323597,6.501323519,6.501323561,6.501323582,6.501323934,6.501323704,6.501323467,6.501323688,6.501323939,6.501323923,6.501323597,6.501323493,6.501323108,6.501323014,6.501323566,6.501323138,6.501323533,6.501323545,6.501323802,6.501323567,6.501323512,6.501323801,6.501323932,6.501323763
+"2711","CEP97",5.693574813,5.693574774,5.693574743,5.693574833,5.693574745,5.693574724,5.693574837,5.693574739,5.693574791,5.693574732,5.693574738,5.693574696,5.693574743,5.693574897,5.693574764,5.693574819,5.693574718,5.693574719,5.693574768,5.693574655,5.693574811,5.693574728,5.693574833,5.693574814,5.693574795,5.693574743,5.693574725,5.693574772
+"2712","CEPT1",7.268179806,7.268178556,7.268178296,7.268177511,7.268178287,7.268177813,7.268178513,7.268177811,7.268178428,7.268178453,7.268177342,7.268176709,7.268178728,7.268180575,7.268178913,7.268178284,7.268177692,7.268176781,7.268178215,7.268177848,7.268178158,7.268178225,7.268179131,7.268178703,7.268177263,7.268177746,7.268178341,7.268179248
+"2713","CER1",4.091207725,4.0912076,4.091207763,4.091207636,4.091207708,4.091207697,4.091207711,4.091207791,4.091207728,4.091207814,4.091207885,4.091207892,4.091207853,4.091207617,4.091207868,4.091207839,4.091207853,4.091207701,4.091207739,4.091207836,4.091207715,4.091207686,4.091207924,4.091207665,4.091207747,4.091207649,4.091207786,4.091207731
+"2714","CERCAM",5.11423994,5.114239913,5.114240042,5.114240032,5.114240073,5.114239908,5.114240005,5.114240031,5.11424,5.114239951,5.11424002,5.11424006,5.11423998,5.114239941,5.114240037,5.114239974,5.114240052,5.114240042,5.114239963,5.114239923,5.114240054,5.114240023,5.114240018,5.114240048,5.114240079,5.114239975,5.114239992,5.114239998
+"2715","CERK",8.275352845,8.275352832,8.275352766,8.275352747,8.275352677,8.275352753,8.27535291,8.275352877,8.275352894,8.275352796,8.275352724,8.275352746,8.275352943,8.275352975,8.275352753,8.275352823,8.27535264,8.275352614,8.27535286,8.275352783,8.275352774,8.275352855,8.275352896,8.275352747,8.275352713,8.275352823,8.275352961,8.275352894
+"2716","CERKL",4.444980559,4.444980593,4.444980611,4.444980604,4.444980609,4.444980572,4.444980598,4.444980587,4.444980603,4.444980585,4.444980604,4.444980607,4.444980585,4.444980563,4.444980602,4.444980605,4.444980615,4.444980619,4.444980595,4.44498058,4.444980599,4.444980609,4.444980589,4.444980588,4.44498061,4.444980591,4.44498057,4.444980586
+"2717","CERS2",8.316111455,8.316111704,8.316111579,8.316111969,8.316111381,8.316111567,8.316111584,8.316111483,8.316111297,8.316111571,8.316111667,8.316111406,8.316111488,8.316111665,8.316111367,8.316111439,8.316111419,8.316111805,8.316111425,8.316111311,8.316111446,8.316111361,8.316111355,8.316111721,8.316111611,8.316111439,8.316111528,8.316111415
+"2718","CERS3",4.717973631,4.717973586,4.717974059,4.717973925,4.717973884,4.717973792,4.717973547,4.717973745,4.717973953,4.717973646,4.717973789,4.717973976,4.717973864,4.71797352,4.717973681,4.717973854,4.717974095,4.717973904,4.717973898,4.717973783,4.71797363,4.717973745,4.717973837,4.717973444,4.717973695,4.717974166,4.717973774,4.717973519
+"2719","CERS4",6.603825376,6.603825383,6.603825706,6.603825702,6.603825367,6.603825484,6.603825347,6.603825451,6.603825406,6.603825503,6.603825548,6.603825426,6.603825469,6.603825362,6.603825394,6.603825375,6.603825669,6.603825649,6.603825406,6.603825397,6.603825218,6.603825478,6.603825434,6.603825448,6.603825617,6.603825397,6.603825509,6.603825471
+"2720","CERS5",6.751710007,6.751710033,6.751709902,6.751710051,6.751709847,6.751709993,6.75170996,6.751709859,6.751710015,6.751709917,6.751709994,6.751709794,6.751710011,6.751710063,6.751709917,6.751709989,6.751709707,6.751709897,6.751709977,6.751709961,6.751709861,6.751709843,6.75171002,6.751710014,6.751709903,6.751709878,6.751710079,6.751709975
+"2721","CERS6",7.635109729,7.635109964,7.635109503,7.635109117,7.635109398,7.635109605,7.635109627,7.635108899,7.635110187,7.635110237,7.635108461,7.635109562,7.635110238,7.635110478,7.635108717,7.635109366,7.635108706,7.63510785,7.635109399,7.635109605,7.635109181,7.635108539,7.635109983,7.635109714,7.635108408,7.635109383,7.635109808,7.635109694
+"2722","CERT1",7.851585597,7.851585729,7.85158507,7.851585651,7.851584898,7.851584477,7.85158499,7.851584645,7.851584506,7.851584871,7.851584822,7.851584343,7.851585318,7.851586236,7.851585275,7.85158574,7.851584964,7.851584887,7.851585368,7.851584763,7.851585147,7.851584466,7.851585238,7.851585409,7.851585148,7.851584718,7.85158512,7.851585805
+"2723","CES1",8.31426257,8.316379844,8.332989893,8.322140877,8.322680574,8.322432825,8.315056285,8.328233763,8.305965059,8.30882723,8.324926896,8.324134909,8.313754968,8.320721419,8.318092392,8.320820622,8.32808014,8.323835027,8.320862797,8.318718779,8.310546418,8.326395593,8.300274216,8.309467808,8.314385151,8.317671314,8.309671455,8.323056778
+"2724","CES1P1",5.913044841,5.91258339,5.9134435645,5.9132814825,5.913155012,5.9134291685,5.9128330745,5.913424407,5.9116046375,5.9123513525,5.9129792825,5.9130388015,5.9127034635,5.9133430745,5.9126432785,5.9125801585,5.913137691,5.9128140345,5.9129802265,5.9131193405,5.912544984,5.9134705135,5.911384035,5.912239079,5.91267335,5.912858912,5.9126204225,5.9128535655
+"2725","CES2",6.441877976,6.441877983,6.441877967,6.441877971,6.441877966,6.441877973,6.441877972,6.441877979,6.441877983,6.441877977,6.441877951,6.44187797,6.441877975,6.441877971,6.441877971,6.44187797,6.441877973,6.441877966,6.441877974,6.441877959,6.441877964,6.441877972,6.441877973,6.441877971,6.441877961,6.441877972,6.441877971,6.441877977
+"2726","CES3",4.216218441,4.216218474,4.21621853,4.21621847,4.216218536,4.216218432,4.216218521,4.21621854,4.216218495,4.216218482,4.216218482,4.216218546,4.216218509,4.216218406,4.21621852,4.216218482,4.216218586,4.21621852,4.216218525,4.216218469,4.216218545,4.216218491,4.216218451,4.216218458,4.216218464,4.216218541,4.216218497,4.216218491
+"2727","CES4A",5.57986017,5.579860004,5.579860027,5.579860151,5.579860322,5.579860496,5.579860182,5.579860346,5.579860088,5.57986019,5.579859905,5.579860128,5.579860117,5.579860015,5.579860193,5.579860326,5.579860202,5.579859994,5.579859993,5.57986016,5.579860235,5.579860355,5.579860091,5.579860096,5.579859927,5.579860059,5.579860101,5.579859981
+"2728","CES5A",3.914457331,3.914457884,3.914457616,3.914457316,3.91445753,3.914457664,3.914457636,3.914457278,3.914457506,3.9144574,3.914457703,3.914457528,3.914457441,3.914456825,3.914457246,3.914457566,3.914457714,3.914457174,3.91445757,3.914457867,3.91445743,3.914457526,3.914457566,3.914457299,3.914457274,3.914457399,3.914457613,3.914457015
+"2729","CETN1",4.101298657,4.101298634,4.101298689,4.101298621,4.101298756,4.101298645,4.101298722,4.101298748,4.10129872,4.101298709,4.101298724,4.101298722,4.101298764,4.10129864,4.101298778,4.101298739,4.101298777,4.101298766,4.101298709,4.101298659,4.10129877,4.101298755,4.101298652,4.101298657,4.101298763,4.101298735,4.101298659,4.101298768
+"2730","CETN2",5.351038387,5.351038587,5.351038359,5.351038525,5.351038382,5.351038528,5.351038436,5.351038396,5.351038411,5.351038459,5.351038565,5.351038369,5.351038242,5.351038513,5.351038429,5.351038597,5.35103867,5.351038528,5.351038486,5.351038423,5.351038272,5.351038414,5.351038495,5.351038514,5.35103846,5.351038369,5.351038343,5.351038263
+"2731","CETN3",2.905487351,2.905487343,2.905487345,2.905487325,2.905487318,2.905487346,2.905487358,2.905487302,2.905487346,2.905487356,2.905487349,2.905487325,2.905487353,2.905487399,2.905487328,2.905487359,2.905487324,2.90548731,2.905487381,2.905487305,2.905487308,2.90548738,2.905487346,2.905487334,2.905487303,2.905487312,2.905487337,2.905487388
+"2732","CETP",4.680266867,4.680266851,4.680266858,4.680266858,4.680266869,4.680266941,4.680266906,4.680266896,4.68026686,4.680266898,4.680266897,4.680266876,4.68026688,4.680266829,4.68026688,4.680266922,4.680266871,4.680266945,4.680266871,4.680266972,4.68026693,4.680266898,4.680266866,4.680266919,4.680266892,4.680266927,4.680266883,4.680266818
+"2733","CFAP100",4.447097658,4.447097642,4.447097676,4.447097673,4.447097693,4.447097708,4.447097701,4.447097686,4.447097698,4.447097676,4.447097709,4.447097727,4.447097678,4.447097639,4.447097696,4.447097681,4.447097718,4.447097722,4.4470977,4.447097666,4.447097678,4.447097708,4.447097684,4.447097662,4.447097692,4.447097675,4.447097695,4.44709765
+"2734","CFAP107",3.741803557,3.741803594,3.741803562,3.741803531,3.741803628,3.741803567,3.741803549,3.741803579,3.741803641,3.741803596,3.741803598,3.741803557,3.741803566,3.741803518,3.741803585,3.741803576,3.74180361,3.741803571,3.741803514,3.741803594,3.741803601,3.7418036,3.741803637,3.74180352,3.741803537,3.741803556,3.741803537,3.741803585
+"2735","CFAP119",5.198393488,5.198393512,5.198393513,5.198393517,5.198393506,5.198393517,5.198393499,5.198393499,5.198393508,5.19839352,5.198393512,5.198393522,5.198393501,5.198393499,5.198393502,5.198393502,5.198393529,5.198393511,5.198393515,5.198393515,5.198393495,5.198393494,5.198393517,5.198393533,5.198393488,5.198393513,5.198393515,5.19839348
+"2736","CFAP126",3.336619814,3.336619868,3.336619757,3.336619861,3.336619888,3.3366199,3.336619844,3.336619929,3.336619821,3.336619921,3.336619844,3.336619879,3.336619793,3.336619832,3.336619856,3.336619859,3.336619848,3.336619791,3.336619889,3.336619896,3.336619848,3.33661988,3.336619953,3.336619812,3.336619905,3.336619911,3.336619911,3.336619899
+"2737","CFAP141",4.360763156,4.360763139,4.360762936,4.360763017,4.360763413,4.360762984,4.36076317,4.360763103,4.360763309,4.360763176,4.360762957,4.360763082,4.360763141,4.360763112,4.360763403,4.360763267,4.360763535,4.360763306,4.360762783,4.360762918,4.360763171,4.360763138,4.360763323,4.360763102,4.36076312,4.360763288,4.360762984,4.36076332
+"2738","CFAP157",4.796001418,4.796001408,4.796001426,4.79600138,4.796001464,4.796001358,4.796001414,4.796001454,4.796001404,4.796001441,4.796001399,4.796001437,4.796001417,4.796001361,4.796001427,4.796001428,4.796001416,4.796001445,4.796001413,4.796001422,4.796001453,4.796001424,4.796001402,4.796001403,4.796001423,4.796001435,4.79600143,4.796001425
+"2739","CFAP161",4.355318209,4.355318199,4.3553184,4.355318507,4.355318252,4.355318118,4.355318274,4.355318125,4.355318214,4.3553184,4.355318447,4.355318229,4.355318225,4.355318076,4.355318252,4.355318186,4.355318304,4.35531858,4.35531821,4.355318237,4.355318178,4.355318129,4.355318273,4.35531837,4.355318489,4.35531823,4.355318236,4.355318427
+"2740","CFAP20",6.463080547,6.463080662,6.463080303,6.463080454,6.463080212,6.463080551,6.463080328,6.463080359,6.463080689,6.463080626,6.463080286,6.463080162,6.463080433,6.463080803,6.46308049,6.463080417,6.463080058,6.463080142,6.463080483,6.463080436,6.463080394,6.463080236,6.463080586,6.463080505,6.463080227,6.46308045,6.463080671,6.463080556
+"2741","CFAP206",2.958576219,2.958576262,2.958576347,2.958576277,2.958576266,2.958576258,2.958576211,2.958576182,2.958576153,2.958576257,2.958576261,2.958576253,2.958576245,2.958576272,2.958576244,2.958576321,2.958576261,2.958576225,2.958576187,2.958576302,2.958576187,2.958576196,2.958576305,2.958576253,2.958576289,2.958576185,2.958576264,2.958576237
+"2742","CFAP20DC",3.797126412,3.797126432,3.797126455,3.797126448,3.797126446,3.797126464,3.797126429,3.797126453,3.79712645,3.797126452,3.797126467,3.797126449,3.797126441,3.797126419,3.797126429,3.797126429,3.797126454,3.79712646,3.797126434,3.797126442,3.79712642,3.797126441,3.797126447,3.797126423,3.797126453,3.797126419,3.79712645,3.79712644
+"2743","CFAP210",2.547664559,2.547664497,2.547664639,2.547664594,2.547664608,2.54766461,2.547664602,2.547664512,2.547664544,2.547664541,2.547664614,2.547664562,2.547664621,2.547664543,2.547664593,2.547664618,2.547664831,2.547664632,2.547664554,2.547664638,2.547664584,2.547664557,2.547664588,2.547664553,2.54766464,2.547664485,2.547664535,2.54766454
+"2744","CFAP221",3.411128986,3.41112897,3.411128996,3.41112908,3.41112907,3.411129053,3.411129053,3.411128982,3.411129002,3.41112908,3.411129133,3.411129231,3.411128848,3.411128842,3.411129085,3.411129029,3.411129134,3.41112894,3.411128992,3.411129058,3.411129025,3.411128926,3.411128983,3.411129021,3.411129116,3.411128971,3.411129,3.411128961
+"2745","CFAP251",4.405116519,4.405116453,4.405116529,4.405116589,4.405116649,4.405116516,4.405116502,4.405116568,4.405116565,4.40511649,4.405116597,4.40511669,4.405116553,4.405116561,4.405116617,4.405116551,4.405116678,4.405116571,4.405116554,4.405116628,4.405116613,4.405116624,4.405116492,4.40511651,4.40511661,4.405116525,4.405116588,4.40511655
+"2746","CFAP276",4.621129193,4.621129153,4.62112913,4.621129365,4.621129349,4.621129287,4.621129192,4.621129151,4.621129251,4.621129293,4.621129337,4.621129261,4.62112926,4.621129275,4.621129311,4.62112926,4.621129234,4.621129379,4.621129233,4.621129251,4.621129311,4.621129276,4.621129244,4.621129372,4.621129275,4.621129261,4.621129224,4.621129367
+"2747","CFAP298",6.408585334,6.408585367,6.408585034,6.408584761,6.408585173,6.408584982,6.408585287,6.408585011,6.4085853,6.408585188,6.408584961,6.408585061,6.408585308,6.408585644,6.408585251,6.408585157,6.408584723,6.408584899,6.408585253,6.408585062,6.408585227,6.408585184,6.408585237,6.408585122,6.408585058,6.408585122,6.408585122,6.408585336
+"2748","CFAP299",3.185480714,3.18548074,3.185480738,3.185480703,3.185480757,3.18548072,3.185480717,3.185480745,3.185480735,3.185480747,3.185480753,3.185480752,3.185480749,3.185480702,3.185480726,3.18548074,3.185480754,3.185480739,3.185480726,3.185480753,3.185480731,3.185480723,3.185480713,3.185480709,3.185480739,3.185480731,3.185480723,3.185480747
+"2749","CFAP300",2.994148196,2.994148144,2.994148256,2.994148367,2.994148153,2.994148258,2.994148121,2.994148181,2.994148383,2.994148317,2.994148299,2.994148169,2.994148193,2.994148152,2.9941481,2.994148185,2.994148287,2.994148169,2.994148182,2.994148284,2.994148027,2.994148163,2.994148284,2.99414821,2.994148178,2.994148086,2.994148278,2.994148149
+"2750","CFAP36",4.176480925,4.176480894,4.176480903,4.176480888,4.176480898,4.176480901,4.176480903,4.176480885,4.176480901,4.176480927,4.176480881,4.176480901,4.176480901,4.176480945,4.176480898,4.176480915,4.176480907,4.176480883,4.176480908,4.176480895,4.17648089,4.176480918,4.176480903,4.176480894,4.176480898,4.176480896,4.176480909,4.176480933
+"2751","CFAP410",6.15142393,6.151423842,6.151423924,6.151423862,6.151424066,6.15142389,6.151423934,6.151424172,6.151424097,6.151423946,6.151423832,6.151424109,6.151424004,6.151423746,6.151423974,6.151423917,6.151423941,6.151424066,6.151423914,6.15142389,6.151423996,6.151424,6.151423875,6.151423864,6.151423918,6.151424003,6.151423943,6.151423917
+"2752","CFAP418",3.788464688,3.788464669,3.788464675,3.788464633,3.788464655,3.788464638,3.788464685,3.788464733,3.788464695,3.788464664,3.788464674,3.78846469,3.788464728,3.788464743,3.788464717,3.788464644,3.788464676,3.788464671,3.788464683,3.788464643,3.788464681,3.788464691,3.788464739,3.788464675,3.788464648,3.788464652,3.788464671,3.788464732
+"2753","CFAP43",2.915444898,2.915444895,2.915444898,2.9154449,2.915444903,2.915444903,2.915444898,2.915444897,2.915444903,2.915444907,2.915444904,2.915444906,2.915444896,2.915444898,2.915444901,2.915444905,2.91544491,2.915444903,2.915444903,2.915444905,2.915444901,2.915444901,2.915444904,2.915444905,2.915444903,2.915444905,2.915444901,2.915444908
+"2754","CFAP44",5.073110146,5.0731100535,5.073109805,5.0731099065,5.0731099665,5.0731100585,5.07310989,5.073110018,5.0731100235,5.07311012,5.0731098135,5.0731100175,5.0731100815,5.0731102435,5.0731100685,5.0731100325,5.0731098895,5.073109901,5.0731100465,5.073109748,5.073109994,5.073110105,5.0731100365,5.0731100775,5.073109927,5.0731101225,5.0731099995,5.073110165
+"2755","CFAP45",5.251936707,5.251938169,5.251936618,5.251937717,5.251936969,5.251935803,5.251936948,5.25193609,5.251935878,5.25193614,5.251937336,5.251936408,5.251936182,5.251936177,5.251936915,5.251937684,5.251936473,5.251937539,5.251936529,5.251936499,5.251936927,5.251936756,5.25193561,5.251936344,5.251937919,5.251936146,5.251936455,5.251936726
+"2756","CFAP46",4.345235581,4.345235699,4.3452357215,4.3452356795,4.34523577,4.3452357355,4.345235792,4.345235784,4.3452356135,4.345235672,4.34523599,4.3452358825,4.345235607,4.345235468,4.3452357905,4.345235913,4.3452358985,4.345235833,4.345235686,4.345235706,4.345235721,4.3452358655,4.345235732,4.345235606,4.345235708,4.345235701,4.345235694,4.345235867
+"2757","CFAP47",3.243018144,3.243018238,3.2430182155,3.2430182595,3.243018202,3.2430182265,3.2430181715,3.2430181795,3.2430182265,3.243018232,3.2430182095,3.2430182675,3.2430181565,3.2430181945,3.2430182285,3.243018182,3.243018294,3.243018204,3.2430182165,3.243018202,3.243018175,3.2430182775,3.2430182125,3.2430183135,3.2430181515,3.2430182,3.2430182015,3.243018274
+"2758","CFAP52",3.783958843,3.78395886,3.783958844,3.783958858,3.783958871,3.783958877,3.783958866,3.783958869,3.783958866,3.783958892,3.783958846,3.783958902,3.783958852,3.783958864,3.783958858,3.783958869,3.783958877,3.783958898,3.783958834,3.783958877,3.78395886,3.783958875,3.783958825,3.783958837,3.783958867,3.783958872,3.783958853,3.783958865
+"2759","CFAP53",3.944819398,3.944819356,3.944819499,3.944819473,3.944819457,3.944819488,3.944819365,3.944819441,3.944819489,3.944819395,3.944819635,3.944819571,3.944819348,3.944819314,3.944819514,3.944819442,3.94481957,3.944819472,3.944819406,3.944819517,3.944819492,3.944819458,3.944819437,3.944819379,3.944819615,3.944819523,3.944819454,3.944819508
+"2760","CFAP54",3.453760965,3.453761358,3.4537609925,3.453761191,3.453760776,3.4537607385,3.4537609265,3.453760772,3.453760678,3.4537606785,3.453761014,3.453760702,3.453760773,3.453760845,3.4537609645,3.4537613505,3.453760929,3.453761041,3.453761036,3.4537608885,3.453760964,3.4537608355,3.4537608785,3.453760666,3.4537611655,3.453760691,3.4537610275,3.4537608785
+"2761","CFAP57",4.131254464,4.13125468,4.131254828,4.131254573,4.131254759,4.131254581,4.13125481,4.131254522,4.131254723,4.131254712,4.131254724,4.131254734,4.131254539,4.131254505,4.131254623,4.131254965,4.131254922,4.131254615,4.131254703,4.131254499,4.131254608,4.131254725,4.131254503,4.131254704,4.131254454,4.131254693,4.13125467,4.131254642
+"2762","CFAP58",4.153292278,4.153292463,4.153292496,4.153292638,4.153292283,4.153292624,4.153292487,4.153292426,4.153292482,4.153292393,4.153292538,4.153292578,4.153292535,4.153292295,4.153292479,4.15329275,4.153292267,4.153292673,4.153292618,4.153292687,4.153292526,4.153292331,4.153292259,4.153292493,4.153292271,4.153292632,4.153292427,4.153292457
+"2763","CFAP61",3.730704678,3.730704685,3.730704686,3.730704641,3.730704693,3.730704699,3.73070466,3.730704675,3.730704691,3.730704685,3.730704721,3.730704693,3.73070469,3.730704613,3.730704663,3.730704691,3.730704695,3.730704684,3.730704681,3.730704696,3.730704681,3.730704686,3.730704659,3.730704639,3.730704655,3.730704686,3.730704651,3.730704654
+"2764","CFAP65",4.54435559,4.544355603,4.544355624,4.544355629,4.544355642,4.544355623,4.544355621,4.544355636,4.544355588,4.544355608,4.544355629,4.544355639,4.544355621,4.544355595,4.544355637,4.544355621,4.544355648,4.544355656,4.544355611,4.544355617,4.544355633,4.54435563,4.544355601,4.544355591,4.544355611,4.544355625,4.544355595,4.544355594
+"2765","CFAP69",2.745679227,2.745679259,2.745679269,2.745679285,2.745679238,2.745679273,2.745679236,2.745679217,2.745679241,2.745679248,2.745679275,2.745679246,2.745679246,2.745679253,2.745679221,2.745679237,2.745679282,2.745679247,2.745679248,2.745679247,2.745679215,2.745679222,2.745679263,2.745679243,2.745679232,2.745679225,2.745679254,2.745679284
+"2766","CFAP70",4.135555646,4.135555606,4.135555592,4.135555648,4.135555608,4.135555599,4.135555625,4.135555631,4.135555583,4.135555599,4.13555562,4.135555614,4.135555619,4.135555621,4.135555615,4.135555607,4.135555625,4.1355556,4.135555623,4.135555605,4.135555637,4.135555596,4.135555643,4.135555609,4.135555619,4.135555604,4.135555612,4.135555594
+"2767","CFAP73",6.3815848795,6.3815848315,6.38158502,6.3815849155,6.3815850515,6.3815848215,6.3815849495,6.3815850535,6.381584902,6.381585009,6.3815850415,6.3815850745,6.3815849175,6.3815846835,6.3815850015,6.3815849835,6.381585143,6.381585097,6.381584863,6.3815849635,6.3815849595,6.3815850745,6.3815849215,6.381584851,6.381585093,6.381584977,6.38158489,6.3815849675
+"2768","CFAP74",5.14761172566667,5.14761176466667,5.147611908,5.147611722,5.14761211533333,5.14761148433333,5.14761190433333,5.14761199466667,5.147611778,5.14761169933333,5.14761192933333,5.147612013,5.14761185533333,5.14761153633333,5.147611989,5.14761205566667,5.147611869,5.14761214766667,5.14761171466667,5.14761183966667,5.14761197966667,5.147611987,5.147611725,5.14761174733333,5.147611979,5.14761196066667,5.147611804,5.14761191233333
+"2769","CFAP77",4.835521932,4.835521998,4.835521997,4.835521894,4.835522111,4.835521945,4.835521966,4.835521936,4.835522007,4.835522007,4.835522036,4.835522153,4.835521984,4.835521857,4.835522057,4.835521988,4.835522099,4.835522043,4.835522007,4.835521986,4.835522084,4.835522073,4.835521956,4.835521923,4.835521936,4.835522087,4.835521959,4.835522008
+"2770","CFAP91",3.199431943,3.199431958,3.199431935,3.199431926,3.199431929,3.199431983,3.199431946,3.19943193,3.199431955,3.19943197,3.19943197,3.199431985,3.199431932,3.199431918,3.199431939,3.199431942,3.199431961,3.199431931,3.199431947,3.199431939,3.199431945,3.199431935,3.199431947,3.199431947,3.199431921,3.19943195,3.199431928,3.199431946
+"2771","CFAP92",5.405828209,5.40582829,5.405828226,5.4058282715,5.405828185,5.405828265,5.405828193,5.4058281835,5.405828087,5.405828122,5.405828219,5.4058281555,5.4058281775,5.405828196,5.405828196,5.405828309,5.405828227,5.4058283295,5.405828166,5.4058282225,5.405828219,5.4058281465,5.4058282385,5.40582821,5.40582825,5.4058281675,5.405828167,5.4058281365
+"2772","CFAP95",3.282774274,3.282774193,3.282774583,3.282774451,3.282774596,3.282774458,3.282774432,3.282774519,3.282774476,3.282774517,3.282774876,3.282774692,3.282774295,3.282774205,3.282774438,3.282774353,3.282774752,3.282774565,3.28277421,3.282774366,3.282774545,3.282774772,3.282774407,3.282774358,3.282774225,3.282774173,3.282774283,3.282774564
+"2773","CFAP97",5.841147644,5.841147193,5.84114706,5.841147113,5.841147028,5.841146926,5.841147319,5.841146856,5.841147516,5.841147505,5.841146794,5.841147121,5.841147174,5.841147815,5.841147331,5.841146738,5.841147006,5.841146989,5.841147196,5.841146779,5.841147249,5.841147218,5.841147435,5.8411474,5.841146775,5.841147309,5.84114732,5.84114751
+"2774","CFAP97D1",3.137590716,3.137590794,3.137591094,3.137590483,3.137590857,3.137591074,3.137590698,3.137590619,3.137590679,3.137590676,3.137590707,3.137590586,3.137590833,3.137590715,3.137590678,3.137590609,3.137590602,3.137590752,3.137590798,3.137590993,3.137590586,3.137590768,3.137590798,3.137590696,3.137590875,3.137590699,3.137590802,3.137590715
+"2775","CFB",4.69562518466667,4.69562576766667,4.69562752166667,4.695627132,4.69562803933333,4.69562325833333,4.695625058,4.695625554,4.69562560666667,4.69562715866667,4.695626102,4.69562718133333,4.695626108,4.69562566966667,4.69562784033333,4.69562766566667,4.69562343366667,4.69562777466667,4.695625109,4.69562701466667,4.695628274,4.69562620266667,4.69562420366667,4.695626949,4.69562737433333,4.695628058,4.69562609466667,4.69562651166667
+"2776","CFD",9.398793967,8.861036701,9.621482411,10.09951959,8.424800382,8.124794134,9.440282634,9.228442104,9.342893365,8.449963361,8.458781876,7.777842941,9.604243162,8.418468984,9.286610104,8.672824328,9.702985753,9.774426423,8.184721961,8.205996899,9.295477188,9.381005447,9.481003871,8.077746242,8.119491787,7.882251135,9.492832213,8.527294144
+"2777","CFDP1",5.504829119,5.504829131,5.50482908,5.504829141,5.504829064,5.504829122,5.504829138,5.50482906,5.504829103,5.504829094,5.504829034,5.504829076,5.504829143,5.50482921,5.504829028,5.504829186,5.504829032,5.50482905,5.50482908,5.504828973,5.504829044,5.504829102,5.504829125,5.504829155,5.50482907,5.504829105,5.504829072,5.504829043
+"2778","CFH",4.080833176,4.080833187,4.080832879,4.080832995,4.080833153,4.080832973,4.08083311,4.080833414,4.080832948,4.080832875,4.080833222,4.080832859,4.080833071,4.080833124,4.08083315,4.080833114,4.080832941,4.080833216,4.080833486,4.080833095,4.080832781,4.080833538,4.080832943,4.080832976,4.080833439,4.080833019,4.080833142,4.080833011
+"2779","CFHR1",3.367688291,3.367688505,3.36768916,3.367689269,3.3676881595,3.3676887645,3.3676879135,3.3676892845,3.3676880135,3.3676888815,3.3676890365,3.36768787,3.3676888235,3.367688135,3.367688923,3.367688214,3.3676892195,3.367687903,3.367688087,3.367687989,3.3676889045,3.367688612,3.367688139,3.3676880755,3.3676886375,3.367688229,3.367688788,3.3676886365
+"2780","CFHR2",2.340835496,2.340835352,2.34083552,2.340835437,2.340835341,2.34083549,2.340835467,2.340835582,2.340835309,2.340835634,2.340835504,2.340835356,2.340835287,2.340835593,2.340835356,2.340835485,2.340835406,2.34083543,2.34083545,2.340835511,2.340835367,2.340835603,2.340835627,2.340835481,2.34083534,2.340835552,2.340835361,2.340835419
+"2781","CFHR3",2.648067293,2.64806734,2.648067382,2.648067305,2.648067425,2.64806745,2.648067432,2.648067287,2.648067372,2.648067305,2.648067272,2.648067386,2.648067319,2.648067301,2.648067465,2.648067328,2.648067353,2.648067335,2.648067355,2.64806737,2.648067349,2.648067323,2.648067367,2.648067339,2.648067389,2.648067338,2.648067351,2.64806732
+"2782","CFHR4",3.144663035,3.1446629555,3.1446633615,3.1446633,3.144662949,3.1446630615,3.1446628895,3.144663089,3.144662989,3.1446635975,3.144663201,3.1446637155,3.1446628195,3.144663046,3.1446632385,3.144663504,3.1446633445,3.1446638565,3.144663319,3.1446634145,3.1446635565,3.144663299,3.144663017,3.1446635645,3.144662955,3.1446632755,3.144662865,3.1446627555
+"2783","CFHR5",3.227019926,3.227019953,3.22702008,3.227019999,3.227020153,3.22702024,3.227020033,3.227020097,3.227020084,3.227020015,3.227020132,3.227020146,3.227019888,3.227019843,3.227020135,3.227020041,3.227020163,3.227020111,3.22702004,3.227019961,3.227020067,3.227020078,3.227020012,3.22701997,3.227020077,3.227020077,3.227019938,3.227020014
+"2784","CFI",2.858237047,2.858237056,2.858237041,2.858237035,2.858237062,2.858237078,2.85823706,2.858237068,2.858237063,2.858237053,2.8582371,2.858237107,2.858237037,2.858237028,2.858237069,2.858237115,2.858237083,2.858237115,2.858237062,2.858237106,2.858237053,2.858237036,2.858237107,2.858237062,2.858237072,2.85823704,2.858237038,2.858237156
+"2785","CFL1",9.97407805,9.974077963,9.97407778,9.974077822,9.974077752,9.974078114,9.974077979,9.974077636,9.974077766,9.974077767,9.974077389,9.974077413,9.974077951,9.974077991,9.974077827,9.97407765,9.974077606,9.974077422,9.974077842,9.974077843,9.974078011,9.974077791,9.974077864,9.974077741,9.974077406,9.974077731,9.974077913,9.974077567
+"2786","CFL2",4.89568925,4.895689132,4.895689067,4.895688972,4.895689074,4.895688952,4.895689149,4.895688996,4.895689083,4.89568901,4.895688976,4.895688934,4.895689019,4.895689385,4.895689062,4.895688946,4.895688937,4.895688964,4.895689237,4.895688954,4.89568904,4.895689016,4.895689059,4.895688946,4.895688972,4.895689098,4.895689065,4.895689401
+"2787","CFLAR",8.290045452,8.331560618,8.214906037,8.3508241065,8.1851627605,8.277453738,8.2656167185,8.2095948075,8.1993582445,8.2022042775,8.282636291,8.101023754,8.259592565,8.268023619,8.2600938755,8.33074908,8.209234271,8.3255059805,8.2881667685,8.2957600855,8.273905983,8.219999868,8.277057566,8.3115768705,8.307941692,8.17946559,8.269841248,8.1909489175
+"2788","CFP",8.412786066,8.412787256,8.412786339,8.412787138,8.412785278,8.412786824,8.412786152,8.412786025,8.412785487,8.412786075,8.412786477,8.412785181,8.412786692,8.412786271,8.412785791,8.412787183,8.412786393,8.412786521,8.412785607,8.412786601,8.412786016,8.412786322,8.412785645,8.412786395,8.412786346,8.412785676,8.412786826,8.412785517
+"2789","CFTR",3.149041785,3.149041803,3.149041831,3.149041753,3.149041854,3.149041811,3.149041787,3.149041796,3.149041811,3.149041822,3.149041875,3.149041873,3.149041845,3.149041851,3.149041863,3.149041851,3.149041868,3.14904185,3.149041819,3.149041861,3.149041865,3.149041797,3.149041774,3.149041857,3.149041874,3.149041838,3.149041825,3.149041812
+"2790","CGA",3.640002845,3.640002841,3.640002852,3.640002902,3.640002884,3.640002879,3.640002897,3.640002908,3.640002858,3.640002947,3.640002884,3.640002846,3.640002856,3.640002848,3.640002889,3.640002933,3.640002878,3.640002926,3.640002874,3.640002917,3.64000286,3.640002894,3.640002862,3.640002881,3.640002855,3.640002917,3.640002873,3.640002926
+"2791","CGAS",6.391598102,6.391598098,6.391597912,6.391598062,6.391597891,6.391598221,6.391598111,6.391597776,6.391597951,6.391597955,6.391598057,6.391597637,6.391598038,6.391598388,6.391598035,6.391598035,6.391597824,6.391597947,6.391597956,6.391598328,6.391598123,6.391597787,6.391598162,6.391598004,6.391598133,6.391597791,6.391597991,6.391598129
+"2792","CGGBP1",6.651790333,6.651790007,6.651789812,6.651789811,6.651789781,6.651790008,6.651789971,6.651789784,6.651790108,6.65178996,6.651789843,6.651789699,6.651790038,6.651790468,6.651789921,6.651789665,6.651789692,6.651789772,6.651790046,6.651789952,6.65178988,6.651789957,6.651790147,6.651789975,6.651789807,6.651789932,6.651790058,6.651790144
+"2793","CGN",4.732848634,4.732848677,4.732848763,4.732848702,4.73284876,4.732848662,4.732848692,4.732848777,4.732848718,4.732848701,4.73284874,4.732848763,4.732848748,4.732848657,4.73284874,4.7328488,4.732848756,4.732848808,4.7328487,4.732848756,4.73284876,4.732848766,4.732848725,4.732848702,4.732848758,4.732848745,4.73284865,4.73284872
+"2794","CGNL1",4.122091158,4.122091502,4.122091625,4.122091529,4.122091738,4.122091291,4.122091712,4.122091504,4.122091664,4.122091332,4.122091259,4.122091955,4.122091378,4.122091068,4.122091463,4.122091534,4.122091618,4.122091574,4.12209151,4.122091523,4.122091871,4.122091809,4.122091163,4.122091278,4.122091433,4.122091573,4.122091301,4.122091512
+"2795","CGREF1",4.717142548,4.717142556,4.717142573,4.717142571,4.7171426,4.717142544,4.717142552,4.717142569,4.717142561,4.717142571,4.717142556,4.717142575,4.717142573,4.717142527,4.717142563,4.717142562,4.717142562,4.717142592,4.717142566,4.717142557,4.717142558,4.71714256,4.717142563,4.717142546,4.717142557,4.717142587,4.717142563,4.717142553
+"2796","CGRRF1",3.971786248,3.971786294,3.97178629,3.971786276,3.971786248,3.971786225,3.971786241,3.971786264,3.971786258,3.971786256,3.971786235,3.971786306,3.971786228,3.971786272,3.97178625,3.971786241,3.971786283,3.971786253,3.97178624,3.971786246,3.971786236,3.971786247,3.971786251,3.971786265,3.971786246,3.971786253,3.97178623,3.971786278
+"2797","CH25H",4.09053181,4.090531843,4.090531801,4.090531813,4.090531909,4.090531809,4.090531822,4.090531896,4.09053184,4.090531764,4.090531817,4.090531918,4.090531875,4.090531773,4.090531913,4.090531874,4.090531894,4.090531938,4.090531977,4.090531883,4.090531932,4.090531818,4.090531816,4.090531823,4.090531898,4.090531919,4.09053185,4.090531749
+"2798","CHAC1",5.200606043,5.200606018,5.200606085,5.200606049,5.200606108,5.200606,5.200606102,5.200606148,5.20060605,5.200606082,5.200606126,5.200606112,5.200606098,5.200606047,5.200606115,5.200606073,5.200606126,5.200606053,5.200606083,5.200606102,5.200606138,5.200606116,5.200606044,5.200606019,5.200606078,5.200606079,5.200606067,5.200606052
+"2799","CHAC2",3.583126653,3.583126615,3.583126614,3.583126646,3.583126661,3.583126661,3.583126653,3.583126659,3.583126638,3.583126622,3.583126636,3.583126676,3.583126669,3.583126641,3.583126668,3.583126642,3.583126698,3.583126622,3.583126647,3.583126603,3.583126663,3.583126659,3.58312665,3.583126635,3.583126658,3.583126659,3.58312664,3.583126644
+"2800","CHAD",5.315256851,5.315256852,5.315256994,5.315256819,5.315257043,5.315256866,5.315256951,5.315257007,5.315256915,5.315256932,5.315257013,5.315257024,5.315256897,5.315256832,5.315257004,5.315256813,5.315257065,5.315256957,5.315256882,5.31525697,5.315256983,5.315257056,5.315256909,5.315256904,5.315256954,5.315256977,5.315256906,5.3152569
+"2801","CHADL",6.600090348,6.600090337,6.600090409,6.600090282,6.600090704,6.600090339,6.600090456,6.600090587,6.600090473,6.600090516,6.600090437,6.600090577,6.600090448,6.600090177,6.600090485,6.600090361,6.600090633,6.600090537,6.600090411,6.600090461,6.60009063,6.600090625,6.600090432,6.600090209,6.600090437,6.600090496,6.6000905,6.600090493
+"2802","CHAF1A",6.328221828,6.328222104,6.328221993,6.328221777,6.328222015,6.328222194,6.328222201,6.328221862,6.328222383,6.328222207,6.328222077,6.328221932,6.328222231,6.328222129,6.328221999,6.328222212,6.328222272,6.328221931,6.328222107,6.328222252,6.328222123,6.328222088,6.328222245,6.328222214,6.328222001,6.328222181,6.32822213,6.32822218
+"2803","CHAF1B",4.662857789,4.662857811,4.662857793,4.662857803,4.662857801,4.662857807,4.662857824,4.662857793,4.662857819,4.662857772,4.662857767,4.662857798,4.662857793,4.662857789,4.662857781,4.662857817,4.662857786,4.662857788,4.662857784,4.662857846,4.662857853,4.662857782,4.662857786,4.662857792,4.662857777,4.662857797,4.662857771,4.662857813
+"2804","CHAMP1",5.744341757,5.744341703,5.744341598,5.744341465,5.74434161,5.744341791,5.744341671,5.744341583,5.744341758,5.744341741,5.744341551,5.744341615,5.744341695,5.744341853,5.744341617,5.744341511,5.744341521,5.74434149,5.744341585,5.744341814,5.74434158,5.744341616,5.744341738,5.744341694,5.74434167,5.744341631,5.74434181,5.74434166
+"2805","CHAT",4.921978763,4.921978785,4.921978772,4.921978794,4.921978861,4.921978759,4.921978845,4.921978833,4.921978769,4.921978795,4.92197885,4.92197881,4.921978813,4.921978769,4.921978814,4.921978835,4.921978841,4.921978831,4.921978841,4.921978784,4.92197883,4.921978865,4.92197876,4.921978781,4.921978833,4.921978798,4.921978751,4.921978811
+"2806","CHCHD1",5.248758852,5.248758831,5.248758844,5.248758817,5.248758805,5.248758801,5.248758823,5.248758827,5.248758834,5.248758804,5.248758809,5.248758777,5.248758835,5.248758837,5.248758827,5.248758849,5.248758803,5.248758808,5.248758794,5.248758835,5.248758829,5.248758839,5.248758826,5.248758827,5.248758805,5.248758832,5.248758817,5.248758825
+"2807","CHCHD10",6.78256035,6.782560223,6.782560638,6.78256043,6.782560861,6.782560515,6.782560588,6.782560422,6.782560443,6.782560634,6.782560477,6.78256079,6.782560532,6.782560003,6.782560721,6.782560031,6.782560645,6.782560444,6.782560557,6.782560451,6.782560714,6.782560653,6.782560318,6.78256028,6.782560308,6.782560724,6.782560564,6.782560551
+"2808","CHCHD2",6.079189825,6.079189492,6.079189914,6.079189933,6.07918952,6.079189992,6.079189964,6.079189575,6.079189901,6.079190021,6.079189764,6.079189704,6.079190158,6.079190028,6.079189656,6.079189458,6.079189864,6.079189768,6.079189679,6.079190056,6.079189914,6.079189709,6.079190026,6.079190015,6.079189813,6.079189741,6.079190213,6.079189915
+"2809","CHCHD3",6.096259672,6.09625952,6.096259198,6.096259375,6.096259279,6.096259655,6.096259404,6.096259,6.096259494,6.096259671,6.096259205,6.096259303,6.096259557,6.096259714,6.09625938,6.096258825,6.096259003,6.096259268,6.096259542,6.09625934,6.096259348,6.096259309,6.096259405,6.096259621,6.096259241,6.096259475,6.096259671,6.096259674
+"2810","CHCHD4",5.20195218,5.201952347,5.201952469,5.201952013,5.20195244,5.201952384,5.201952488,5.201952325,5.201952296,5.201952622,5.201952265,5.201952356,5.201952501,5.201952201,5.201952437,5.201952,5.201952341,5.201952507,5.20195202,5.201952325,5.201952342,5.201952527,5.201952255,5.20195257,5.201952452,5.201952262,5.201952524,5.201952255
+"2811","CHCHD5",5.843558839,5.843558678,5.843558694,5.843558608,5.843558585,5.843558747,5.84355882,5.843558603,5.843558722,5.843558602,5.843558702,5.843558707,5.843558732,5.84355866,5.843558634,5.843558596,5.843558678,5.843558654,5.843558812,5.843558675,5.843558557,5.843558725,5.843558792,5.843558746,5.843558582,5.843558692,5.843558695,5.843558522
+"2812","CHCHD6",6.094928034,6.094928007,6.094928075,6.094927996,6.094928111,6.09492795,6.094928015,6.094928068,6.09492801,6.094928001,6.094928046,6.094928091,6.094928023,6.094927941,6.094928076,6.094928057,6.0949281,6.094928069,6.094928026,6.09492803,6.094928071,6.094928055,6.094927997,6.094927974,6.094928044,6.094928083,6.094928009,6.09492803
+"2813","CHCHD7",4.656082,4.656081904,4.656081918,4.656081872,4.656081877,4.656081839,4.656081926,4.656081881,4.656081989,4.656081881,4.656081827,4.656081867,4.656081933,4.656082005,4.656081895,4.656081937,4.656081838,4.656081838,4.656081922,4.656081918,4.656081912,4.656081884,4.656081946,4.656081918,4.656081942,4.656081917,4.656081941,4.656081997
+"2814","CHCT1",4.448939273,4.448939255,4.448939314,4.448939258,4.44893932,4.448939296,4.448939326,4.448939361,4.448939219,4.448939293,4.448939297,4.448939369,4.448939299,4.448939234,4.448939312,4.448939237,4.448939292,4.448939317,4.448939339,4.44893929,4.448939344,4.44893931,4.448939201,4.448939184,4.44893923,4.448939264,4.448939259,4.448939245
+"2815","CHD1",6.990685934,6.990685772,6.990685454,6.990685473,6.990685412,6.990685489,6.990685399,6.990685227,6.990685471,6.990685346,6.990685093,6.990684298,6.990685743,6.990686842,6.990685698,6.990685529,6.990685249,6.990685391,6.990685921,6.990685109,6.990685454,6.990685331,6.990685803,6.990685674,6.99068545,6.990685213,6.990685651,6.990686249
+"2816","CHD1L",5.777133246,5.777133215,5.777133145,5.77713314,5.777133154,5.777133172,5.777133203,5.777133127,5.777133214,5.777133184,5.777133138,5.777133179,5.777133199,5.77713327,5.77713319,5.777133171,5.777133067,5.777133108,5.777133159,5.777133186,5.777133187,5.777133189,5.777133214,5.777133218,5.777133132,5.77713318,5.77713322,5.7771332
+"2817","CHD2",8.548210619,8.548211135,8.548210021,8.548210778,8.548210022,8.548210105,8.548210685,8.548210256,8.548210677,8.548210597,8.548210139,8.548210115,8.548210502,8.548211696,8.548210634,8.548211031,8.548209613,8.548210478,8.548210442,8.548209555,8.548210768,8.548210167,8.548210731,8.548210946,8.548210531,8.548210864,8.548210545,8.548210864
+"2818","CHD3",7.838070712,7.8380707,7.838070643,7.838070705,7.838070692,7.838070772,7.838070741,7.838070809,7.838070916,7.838070877,7.83807057,7.838070846,7.838070789,7.838071014,7.83807074,7.838070653,7.838070527,7.838070661,7.838070745,7.838070648,7.83807072,7.838070883,7.838070867,7.838070777,7.838070587,7.838070893,7.838070806,7.838070879
+"2819","CHD4",8.13416899,8.134169544,8.134168523,8.134169311,8.134168724,8.134169222,8.134168972,8.134168892,8.134169152,8.134169311,8.134168844,8.134168564,8.134169052,8.134169746,8.134169012,8.134169394,8.134168242,8.134168982,8.134168969,8.134169134,8.13416883,8.134168619,8.134169264,8.13416935,8.134168906,8.134169032,8.13416918,8.13416924
+"2820","CHD5",4.88125969,4.88125975,4.881259831,4.881259785,4.881260006,4.881259776,4.881259961,4.881260003,4.881259745,4.881259808,4.881260092,4.881260058,4.881259836,4.881259685,4.881260034,4.881259832,4.881260113,4.881259987,4.881259849,4.88125988,4.881260032,4.881260018,4.881259757,4.88125975,4.881259922,4.881259977,4.881259661,4.881259839
+"2821","CHD6",7.068082641,7.068082532,7.068082393,7.068082401,7.068082519,7.068082384,7.068082544,7.068082385,7.068082782,7.068082598,7.068082181,7.068082554,7.068082661,7.068082912,7.068082516,7.068082515,7.068082085,7.068082042,7.068082504,7.068082129,7.068082367,7.068082352,7.068082571,7.068082563,7.068082387,7.068082727,7.068082749,7.068082641
+"2822","CHD7",7.029816315,7.029816395,7.029816238,7.029816395,7.029816287,7.029816308,7.029816384,7.029816259,7.029816317,7.029816318,7.029816308,7.02981634,7.029816319,7.029816405,7.029816283,7.029816369,7.029816212,7.029816337,7.029816362,7.029816311,7.029816328,7.029816262,7.029816343,7.029816345,7.029816432,7.029816355,7.029816376,7.029816339
+"2823","CHD8",7.221612795,7.221612815,7.221612336,7.221612753,7.221612174,7.221612802,7.22161268,7.221612276,7.221612584,7.221612674,7.221612531,7.221612134,7.221612494,7.221613002,7.221612412,7.221612527,7.221612061,7.221612497,7.221612614,7.22161283,7.221612522,7.221612195,7.221612709,7.221612696,7.221612689,7.221612612,7.221612647,7.221612431
+"2824","CHD9",4.740678222,4.7406778705,4.740677795,4.740677796,4.740677828,4.740677683,4.7406780735,4.7406777,4.7406778165,4.7406779665,4.7406778755,4.7406775155,4.740677879,4.74067839,4.740678032,4.740677526,4.740677529,4.7406776115,4.740678182,4.7406774755,4.740678029,4.7406776925,4.7406779895,4.740678107,4.740677925,4.740677765,4.740677905,4.7406781755
+"2825","CHDH",5.062166304,5.062166417,5.062166536,5.06216644,5.062166707,5.062166225,5.062166628,5.062166777,5.062166414,5.062166523,5.062166402,5.06216653,5.062166412,5.062166271,5.06216668,5.06216642,5.062166484,5.062166674,5.062166492,5.062166523,5.062166578,5.062166797,5.062166472,5.062166342,5.062166682,5.062166561,5.062166516,5.062166519
+"2826","CHEK1",4.239241681,4.239241677,4.239241735,4.239241672,4.239241626,4.239241807,4.239242095,4.239241658,4.239241772,4.239241798,4.239241645,4.239241613,4.239241734,4.239241806,4.239241586,4.239241616,4.239241681,4.239241776,4.239241763,4.239241881,4.239241955,4.239241659,4.239241988,4.2392417,4.239241794,4.239241556,4.239241802,4.239241666
+"2827","CHEK2",4.112983855,4.112983826,4.112983791,4.112983806,4.112983818,4.112983823,4.112983822,4.112983799,4.112983862,4.112983769,4.112983748,4.11298368,4.112983867,4.11298386,4.112983837,4.112983793,4.112983771,4.11298374,4.112983729,4.112983817,4.112983809,4.11298377,4.112983815,4.112983796,4.11298383,4.112983849,4.112983818,4.112983842
+"2828","CHERP",6.939527919,6.939528006,6.9395279,6.939527961,6.939528032,6.939528054,6.939528018,6.939527937,6.939528045,6.939527981,6.939527963,6.939527939,6.93952796,6.93952795,6.939527967,6.939527966,6.939527925,6.939528022,6.93952794,6.939527948,6.939528003,6.939527994,6.939527949,6.939528002,6.939527891,6.939527945,6.939527957,6.939528009
+"2829","CHFR",7.987966647,7.987966795,7.98796668,7.987966772,7.987966441,7.987966849,7.987966669,7.987966522,7.98796669,7.987966661,7.987966583,7.98796642,7.987966716,7.987966795,7.987966622,7.987966728,7.987966449,7.987966731,7.987966708,7.987966926,7.987966474,7.98796662,7.987966745,7.987966765,7.987966602,7.98796654,7.987966732,7.987966561
+"2830","CHGA",4.856852932,4.856852963,4.856853115,4.856852987,4.856853252,4.856852994,4.85685296,4.856853176,4.85685304,4.856853043,4.856853228,4.856853319,4.856853068,4.856852788,4.856853123,4.856853041,4.856853183,4.856853168,4.856853109,4.856853022,4.856853135,4.856853153,4.856852942,4.856852957,4.856853171,4.856853038,4.856852902,4.856853049
+"2831","CHGB",4.078298047,4.078298112,4.078298024,4.078298252,4.078298358,4.078298121,4.078298256,4.078298301,4.078298313,4.078298208,4.078298371,4.078298394,4.07829811,4.078297963,4.078298388,4.078298308,4.078298474,4.078298181,4.078297967,4.078298303,4.078298256,4.078298231,4.078297971,4.078298073,4.078298247,4.078298316,4.07829804,4.078298303
+"2832","CHI3L1",8.579974563,8.208713264,8.189505034,9.139977515,8.05592781,9.041958693,8.801680913,8.868051244,7.40068065,6.692118623,7.369431234,8.779901511,9.055873212,8.319463085,8.786572813,8.147027816,8.282409535,8.972719641,8.531245832,9.008394167,8.852055571,9.061948391,7.728093954,7.322718535,7.477066264,8.964727026,9.099790339,8.290299956
+"2833","CHI3L2",4.882643677,4.882643695,4.882643696,4.882643669,4.882643681,4.882643713,4.882643703,4.882643693,4.88264367,4.882643709,4.882643682,4.882643678,4.882643704,4.882643722,4.882643649,4.882643674,4.882643654,4.882643669,4.882643698,4.882643654,4.882643684,4.882643713,4.882643695,4.882643709,4.882643677,4.882643703,4.882643692,4.882643704
+"2834","CHIA",4.298336407,4.298336387,4.298336453,4.298336433,4.298336443,4.298336422,4.298336396,4.298336436,4.298336391,4.298336406,4.298336443,4.298336455,4.298336405,4.298336366,4.298336422,4.29833642,4.298336444,4.298336435,4.29833642,4.298336414,4.298336406,4.298336419,4.298336388,4.298336394,4.29833642,4.298336432,4.298336405,4.298336424
+"2835","CHIAP2",3.587579511,3.58757947,3.587579478,3.58757946,3.587579588,3.587579426,3.587579553,3.587579569,3.587579456,3.58757943,3.587579526,3.587579529,3.587579576,3.587579473,3.587579582,3.587579488,3.587579619,3.587579477,3.587579478,3.587579505,3.587579604,3.587579599,3.587579418,3.587579512,3.587579512,3.587579501,3.587579484,3.587579522
+"2836","CHIC1",5.604440309,5.6044401,5.604440257,5.60443987,5.604440135,5.604440017,5.60443993,5.60444008,5.604440689,5.604440336,5.604439692,5.604440109,5.604440157,5.604440501,5.604440453,5.604440255,5.604440148,5.604439464,5.604440236,5.604440002,5.604439761,5.604440409,5.604440441,5.604440404,5.604439858,5.604440209,5.6044403,5.604440779
+"2837","CHIC2",6.504328656,6.504328646,6.504328364,6.504328532,6.504328327,6.504328283,6.504328393,6.504328348,6.504328359,6.504328275,6.504328343,6.504328236,6.504328427,6.504328631,6.504328443,6.504328592,6.504328311,6.5043284,6.504328511,6.504328081,6.504328466,6.504328356,6.504328467,6.504328467,6.504328411,6.504328422,6.504328387,6.504328496
+"2838","CHID1",6.365231218,6.36523128,6.365231356,6.365231277,6.365231272,6.365231339,6.365231308,6.365231346,6.365231341,6.365231305,6.365231324,6.365231262,6.365231318,6.365231251,6.365231289,6.365231198,6.365231263,6.365231269,6.365231263,6.365231238,6.365231267,6.365231359,6.365231322,6.365231319,6.36523126,6.365231242,6.365231313,6.365231274
+"2839","CHIT1",5.137000002,5.136999936,5.137000051,5.136999986,5.137000045,5.13699995,5.137000082,5.137000042,5.136999948,5.136999966,5.136999976,5.13700001,5.136999971,5.136999944,5.136999992,5.136999998,5.137000048,5.137000024,5.13699995,5.136999975,5.137000087,5.137000022,5.136999942,5.136999996,5.137000002,5.136999989,5.136999974,5.136999955
+"2840","CHKA",5.607633562,5.607633681,5.607633614,5.607633589,5.607633565,5.607633496,5.607633656,5.607633542,5.607633615,5.607633608,5.607633638,5.607633474,5.607633623,5.607633632,5.607633567,5.607633564,5.607633566,5.607633462,5.607633538,5.607633605,5.607633552,5.607633558,5.607633613,5.60763363,5.607633469,5.607633599,5.607633631,5.607633541
+"2841","CHL1",3.697650512,3.697650455,3.69765051,3.697650496,3.697650541,3.69765049,3.697650528,3.697650563,3.69765052,3.697650496,3.697650539,3.697650571,3.697650525,3.697650524,3.697650517,3.69765057,3.697650531,3.69765054,3.697650497,3.697650463,3.697650503,3.697650523,3.697650522,3.697650495,3.697650519,3.697650528,3.697650505,3.69765058
+"2842","CHM",4.918943226,4.918943097,4.918943003,4.918942837,4.918942984,4.918942687,4.918942988,4.918942912,4.91894314,4.918943128,4.918942839,4.918942776,4.918943091,4.918943519,4.91894309,4.918943035,4.918942989,4.918942871,4.918943141,4.918942831,4.918942982,4.918942996,4.918943171,4.918943126,4.918943059,4.918942846,4.918943031,4.918943392
+"2843","CHML",4.953520649,4.95352058,4.953520743,4.953520461,4.953520663,4.953520409,4.953520535,4.95352054,4.953520721,4.953520515,4.95352051,4.953520596,4.953520778,4.953521157,4.95352067,4.953520534,4.953520659,4.953520593,4.953520831,4.953520443,4.953520485,4.953520599,4.953520678,4.953520617,4.953520514,4.953520582,4.953520554,4.953521089
+"2844","CHMP1A",7.71889958,7.718899762,7.718899668,7.718899658,7.718899443,7.7188997,7.718899521,7.718899565,7.718899584,7.718899587,7.718899585,7.718899413,7.71889964,7.718899585,7.718899447,7.718899679,7.718899498,7.718899609,7.718899624,7.718899805,7.718899474,7.718899562,7.718899646,7.718899703,7.71889963,7.718899521,7.718899566,7.718899529
+"2845","CHMP1B",8.06465843,8.064658814,8.064658652,8.064658473,8.06465815,8.064658239,8.064658372,8.064658237,8.064658008,8.064658216,8.064658278,8.064657716,8.064658244,8.064658964,8.064658324,8.064658815,8.064658393,8.064658473,8.064658863,8.064657455,8.064658369,8.064658262,8.064658461,8.06465874,8.064658641,8.064658176,8.064658093,8.064658618
+"2846","CHMP2A",8.998216833,8.99821794,8.998216893,8.998217976,8.998216549,8.998217869,8.998217058,8.998217208,8.998216694,8.998216494,8.998216492,8.998216046,8.998216864,8.998216799,8.998217179,8.998218231,8.998216423,8.998217369,8.998217353,8.998217621,8.998216973,8.998217137,8.998217248,8.99821771,8.998216499,8.998216667,8.99821679,8.998216488
+"2847","CHMP2B",6.158222628,6.158222442,6.158222116,6.158222274,6.158221736,6.158221977,6.158222084,6.15822199,6.15822189,6.158222046,6.158222124,6.158221257,6.158222103,6.158222811,6.158222221,6.158222042,6.158221913,6.158222007,6.158222216,6.158222303,6.158222144,6.158221986,6.158222268,6.158222444,6.158222131,6.158221951,6.158221994,6.158222501
+"2848","CHMP4B",8.106671095,8.106671362,8.106671321,8.106671262,8.106671197,8.106671566,8.106671138,8.106671412,8.106671284,8.106671518,8.106671292,8.106671303,8.106671103,8.106671248,8.106671238,8.106671375,8.106671122,8.10667131,8.106671106,8.106671607,8.106671218,8.106671323,8.106671271,8.106671564,8.106671369,8.106671305,8.106671043,8.106671056
+"2849","CHMP4C",4.284480833,4.284480829,4.284480866,4.28448084,4.284480939,4.284480919,4.284480965,4.284480926,4.284480883,4.284480886,4.284481022,4.284480998,4.28448088,4.284480747,4.28448096,4.284480893,4.284481033,4.284480953,4.284480888,4.284480896,4.284480979,4.284480932,4.284480855,4.284480895,4.284480911,4.284480915,4.284480877,4.284480913
+"2850","CHMP5",5.382623335,5.382623511,5.382623325,5.382623343,5.382623349,5.382623531,5.382623407,5.382623161,5.382623284,5.382623297,5.38262332,5.38262299,5.382623363,5.382623674,5.38262327,5.382623502,5.382623395,5.382623364,5.382623477,5.382623664,5.382623391,5.382623362,5.382623478,5.382623438,5.382623267,5.382623216,5.38262329,5.38262349
+"2851","CHMP6",6.748645398,6.748645399,6.7486454,6.7486454,6.748645395,6.748645411,6.748645382,6.748645381,6.748645395,6.748645393,6.748645405,6.748645365,6.7486454,6.748645396,6.748645394,6.748645396,6.748645396,6.748645411,6.748645396,6.748645397,6.748645389,6.748645397,6.748645384,6.7486454,6.748645398,6.748645397,6.748645397,6.748645402
+"2852","CHMP7",7.769945751,7.769948624,7.769938328,7.769933521,7.769942034,7.76993693,7.76993717,7.76993791,7.769962967,7.769951297,7.769916835,7.769950865,7.769949691,7.769970394,7.769937828,7.769936618,7.769927298,7.769928211,7.7699462,7.769936285,7.769928352,7.769942825,7.769956874,7.769947814,7.769923655,7.769957131,7.769956742,7.769962168
+"2853","CHN1",3.855672252,3.855672253,3.855672239,3.855672233,3.855672269,3.855672261,3.855672234,3.855672272,3.855672226,3.855672234,3.855672295,3.855672266,3.855672222,3.855672312,3.855672243,3.855672242,3.855672193,3.855672264,3.85567222,3.855672263,3.855672197,3.855672228,3.855672253,3.855672187,3.855672218,3.855672226,3.855672221,3.855672262
+"2854","CHN2",6.305291423,6.305290965,6.305291051,6.305290619,6.305291173,6.305291384,6.305291363,6.305291297,6.305291006,6.305291227,6.305291228,6.305290817,6.305291308,6.305291251,6.305291282,6.305290926,6.305291107,6.30529075,6.30529112,6.305291409,6.305291299,6.305291153,6.305290826,6.305291116,6.305291023,6.305291084,6.30529118,6.305291161
+"2855","CHODL",4.578410845,4.578410868,4.578410948,4.578410902,4.578410915,4.578410871,4.578410858,4.578410975,4.578410937,4.578410853,4.578410966,4.578410933,4.578410891,4.578410817,4.578410899,4.578410964,4.578410923,4.578410879,4.578410935,4.57841099,4.578410903,4.578410895,4.578410844,4.578410956,4.578410929,4.578410879,4.578410864,4.578410882
+"2856","CHORDC1",5.673480823,5.673480662,5.673479097,5.673479261,5.673478955,5.673479093,5.673479404,5.673479509,5.673480026,5.67347935,5.673478053,5.673478015,5.673479026,5.673482876,5.673478471,5.673479645,5.673477935,5.673477888,5.673478651,5.673478802,5.673479493,5.673480054,5.673480272,5.673480154,5.673479871,5.673478895,5.673479759,5.673480664
+"2857","CHP1",9.098417424,9.098417305,9.098417483,9.098417506,9.098417244,9.098417375,9.098417288,9.09841745,9.098417349,9.098417336,9.098417332,9.098417291,9.098417419,9.098417365,9.098417289,9.0984171,9.098417322,9.098417369,9.098417346,9.098417072,9.098417271,9.098417375,9.09841735,9.098417462,9.098417442,9.098417338,9.098417466,9.098417221
+"2858","CHP1P2",7.35603948,7.356040129,7.356039219,7.356041556,7.35603699,7.356040411,7.356039631,7.356040231,7.356037615,7.356037204,7.356039211,7.356037009,7.35603878,7.356038156,7.356039472,7.356041194,7.356039786,7.356041133,7.356039787,7.356039938,7.356039382,7.356039464,7.356039724,7.356040375,7.356040113,7.35603849,7.356038844,7.356037175
+"2859","CHP2",4.971933977,4.971933974,4.971934102,4.971934126,4.97193419,4.97193394,4.971934026,4.97193417,4.971934037,4.971934079,4.971934105,4.971934244,4.971934076,4.971934018,4.971934105,4.971934042,4.971934184,4.971934145,4.971934137,4.971934071,4.971934064,4.971934114,4.971934098,4.971934125,4.971934089,4.971934147,4.971934023,4.971934148
+"2860","CHPF",6.209770991,6.209770978,6.20977109,6.209770994,6.209771448,6.209771051,6.209771207,6.209771282,6.209771153,6.209771114,6.20977117,6.209771347,6.209771147,6.209770987,6.209771191,6.209771237,6.209771257,6.209771178,6.209771142,6.20977106,6.20977133,6.209771288,6.209770906,6.20977103,6.209771114,6.209771225,6.209770879,6.209771106
+"2861","CHPT1",7.524472124,7.524472325,7.52447258,7.524472516,7.524472144,7.524472686,7.524472539,7.524472353,7.524472533,7.524472587,7.524472377,7.524472112,7.524472197,7.524472466,7.524471778,7.524472158,7.524472358,7.524472342,7.524472318,7.524472596,7.524472365,7.524472439,7.524472424,7.52447258,7.524472224,7.524472192,7.524472367,7.524472177
+"2862","CHRAC1",6.708974191,6.708974205,6.70897421,6.70897419,6.708974204,6.708974181,6.708974201,6.708974198,6.708974203,6.708974196,6.708974207,6.708974212,6.708974203,6.70897419,6.708974196,6.708974202,6.708974212,6.708974207,6.7089742,6.708974197,6.708974188,6.70897421,6.708974197,6.708974201,6.708974196,6.708974191,6.708974197,6.708974199
+"2863","CHRD",5.606575534,5.60657541,5.606575593,5.606575645,5.606575818,5.606575563,5.606575703,5.606575717,5.606575581,5.606575622,5.606575714,5.606575713,5.60657555,5.606575383,5.606575678,5.606575573,5.606575752,5.606575816,5.60657563,5.606575568,5.606575721,5.606575714,5.60657543,5.606575441,5.606575561,5.60657561,5.606575553,5.606575621
+"2864","CHRDL1",4.529532364,4.529532385,4.529532402,4.529532338,4.52953243,4.529532375,4.529532382,4.529532405,4.529532369,4.529532391,4.529532409,4.52953242,4.529532361,4.529532285,4.529532484,4.5295324,4.529532495,4.529532447,4.529532422,4.529532386,4.529532402,4.5295324,4.529532324,4.529532363,4.529532354,4.529532382,4.529532382,4.529532377
+"2865","CHRDL2",5.15870842,5.158708307,5.158708516,5.158708292,5.158708665,5.158708367,5.158708496,5.158708582,5.158708341,5.158708349,5.158708461,5.158708657,5.158708506,5.158708135,5.158708537,5.158708501,5.15870859,5.15870851,5.158708493,5.158708519,5.158708586,5.158708663,5.158708371,5.158708295,5.158708442,5.158708538,5.158708351,5.15870852
+"2866","CHRM1",5.378030359,5.378030374,5.378030358,5.37803037,5.378030369,5.378030365,5.378030374,5.378030381,5.378030367,5.378030366,5.378030383,5.378030393,5.378030364,5.378030361,5.378030372,5.378030377,5.378030391,5.378030384,5.378030373,5.378030374,5.378030364,5.378030365,5.378030368,5.378030366,5.378030371,5.37803037,5.378030349,5.378030376
+"2867","CHRM2",4.07620724,4.076207116,4.076207194,4.076207129,4.076207491,4.07620722,4.076207344,4.076207334,4.076207306,4.076207363,4.076207197,4.076207489,4.076207311,4.076207095,4.076207538,4.076207246,4.076207534,4.076207304,4.076207235,4.076207314,4.076207534,4.076207379,4.076207179,4.076207211,4.076207358,4.076207372,4.076207254,4.076207193
+"2868","CHRM3",3.543757425,3.543757713,3.543757974,3.543757599,3.5437579,3.543757921,3.543757955,3.543757723,3.543757653,3.543757818,3.543757672,3.543758286,3.543757802,3.543757649,3.543757711,3.543758037,3.543758193,3.543757831,3.543757965,3.543757785,3.543757756,3.543757811,3.543757687,3.543757608,3.543757712,3.543757785,3.543757819,3.543758152
+"2869","CHRM4",5.529416598,5.529416592,5.529416592,5.529416598,5.529416596,5.529416593,5.529416631,5.529416617,5.529416613,5.529416588,5.529416574,5.529416615,5.529416609,5.529416564,5.529416582,5.529416609,5.529416595,5.529416617,5.529416605,5.529416575,5.529416595,5.529416605,5.529416578,5.529416588,5.529416598,5.529416604,5.529416617,5.529416559
+"2870","CHRM5",4.274278423,4.27427843,4.274278438,4.274278437,4.274278425,4.274278422,4.274278428,4.274278435,4.274278435,4.274278425,4.274278436,4.274278417,4.274278428,4.274278417,4.274278421,4.274278441,4.274278453,4.274278449,4.274278423,4.274278422,4.274278432,4.27427843,4.274278421,4.274278428,4.274278431,4.274278435,4.274278419,4.274278439
+"2871","CHRNA1",4.635313191,4.635313213,4.635313224,4.635313182,4.635313343,4.63531323,4.635313244,4.63531336,4.635313244,4.635313219,4.635313245,4.635313274,4.635313305,4.635313186,4.635313302,4.635313247,4.635313315,4.635313262,4.635313196,4.635313217,4.635313304,4.635313264,4.635313168,4.635313166,4.635313306,4.63531322,4.635313265,4.635313248
+"2872","CHRNA10",5.763268071,5.763268087,5.763268044,5.763268074,5.763268071,5.763268083,5.763268087,5.763268086,5.763268064,5.763268049,5.763268062,5.763268061,5.763268094,5.763268059,5.763268079,5.763268053,5.763268118,5.763268088,5.763268074,5.763268068,5.76326808,5.763268097,5.763268057,5.763268026,5.763268084,5.763268082,5.763268072,5.763268054
+"2873","CHRNA2",5.52151856,5.521518613,5.521518577,5.521518648,5.521518587,5.521518615,5.521518581,5.521518632,5.52151855,5.52151859,5.521518655,5.521518596,5.521518585,5.521518516,5.521518625,5.521518605,5.521518575,5.521518629,5.521518556,5.521518645,5.521518586,5.521518639,5.521518538,5.521518579,5.521518634,5.521518598,5.521518577,5.521518569
+"2874","CHRNA3",4.56050219,4.560502188,4.560502233,4.560502224,4.560502263,4.560502185,4.560502261,4.560502256,4.560502268,4.560502238,4.560502219,4.560502323,4.560502237,4.560502161,4.560502266,4.560502223,4.560502269,4.560502296,4.560502229,4.560502225,4.560502246,4.560502302,4.560502187,4.560502196,4.560502229,4.560502275,4.560502216,4.560502238
+"2875","CHRNA4",4.931051404,4.931051412,4.931051426,4.931051431,4.931051451,4.931051427,4.931051432,4.931051435,4.931051407,4.931051406,4.931051431,4.931051437,4.931051425,4.931051394,4.931051435,4.93105141,4.931051442,4.931051409,4.931051417,4.931051442,4.931051428,4.931051435,4.931051417,4.931051422,4.931051411,4.931051422,4.931051412,4.931051409
+"2876","CHRNA5",4.080520944,4.080520738,4.080520784,4.080520735,4.080521014,4.080520608,4.080521037,4.080520802,4.080521059,4.080520866,4.080520708,4.080521118,4.080520803,4.080520992,4.080520954,4.080520948,4.080520845,4.080521161,4.080520937,4.080520726,4.080520748,4.080520836,4.080520678,4.080520788,4.080520824,4.080520825,4.080520834,4.080520931
+"2877","CHRNA6",3.555612757,3.55561278,3.555612836,3.555612796,3.555612877,3.555612743,3.555612848,3.55561286,3.555612785,3.55561278,3.555612889,3.55561282,3.555612815,3.555612783,3.555612838,3.555612849,3.555612851,3.555612862,3.555612799,3.555612779,3.555612866,3.555612875,3.555612803,3.555612772,3.55561285,3.555612798,3.555612805,3.555612853
+"2878","CHRNA7",5.27169236,5.271692289,5.271692409,5.271692395,5.271692396,5.271692318,5.271692402,5.271692407,5.271692234,5.271692375,5.27169249,5.271692424,5.271692288,5.271692097,5.271692405,5.271692463,5.271692454,5.271692367,5.271692348,5.27169237,5.271692446,5.2716924,5.27169239,5.271692255,5.2716924,5.271692386,5.271692387,5.271692402
+"2879","CHRNA9",3.644103304,3.644103237,3.644103388,3.644103268,3.644103338,3.644103288,3.644103398,3.644103376,3.644103324,3.644103265,3.644103291,3.644103355,3.6441033,3.64410325,3.644103308,3.644103305,3.644103361,3.644103491,3.644103351,3.644103259,3.644103391,3.644103382,3.644103293,3.644103323,3.644103362,3.644103354,3.644103257,3.644103381
+"2880","CHRNB2",5.413037159,5.413037158,5.413037181,5.413037166,5.413037187,5.413037172,5.413037175,5.413037179,5.413037153,5.413037151,5.413037172,5.413037188,5.413037167,5.413037163,5.413037181,5.413037174,5.413037195,5.413037179,5.413037174,5.413037182,5.413037182,5.413037182,5.413037168,5.413037165,5.413037173,5.413037172,5.413037178,5.413037165
+"2881","CHRNB3",3.398269524,3.398269606,3.398269599,3.39826951,3.398269563,3.398269711,3.398269836,3.398269704,3.398269615,3.398269607,3.398269663,3.398269627,3.398269533,3.398269473,3.398269632,3.398269653,3.398269577,3.398269715,3.398269667,3.398269684,3.398269498,3.39826954,3.398269516,3.398269641,3.398269583,3.398269633,3.398269492,3.398269537
+"2882","CHRNB4",5.504720993,5.504721006,5.504721041,5.504720939,5.504721174,5.504721072,5.504721063,5.504721077,5.504721036,5.504721014,5.504721144,5.504721165,5.504721019,5.504720926,5.504721099,5.50472111,5.504721207,5.504721074,5.504721058,5.504721048,5.504721091,5.50472114,5.504721024,5.504720994,5.50472109,5.504721127,5.504721018,5.504721085
+"2883","CHRND",5.056229506,5.056229503,5.056229539,5.056229518,5.056229529,5.056229513,5.056229524,5.056229533,5.056229519,5.05622949,5.05622954,5.056229542,5.056229528,5.056229455,5.056229542,5.05622954,5.05622954,5.056229558,5.056229517,5.056229529,5.056229539,5.05622955,5.056229517,5.056229503,5.056229522,5.056229524,5.05622952,5.056229522
+"2884","CHRNE",5.736629253,5.736629236,5.736629223,5.736629344,5.736629456,5.73662941,5.736629478,5.736629416,5.736629373,5.736629286,5.736629351,5.73662965,5.736629169,5.73662914,5.736629472,5.736629455,5.736629532,5.736629422,5.736629291,5.736629414,5.736629371,5.736629423,5.736629192,5.736629245,5.736629248,5.73662946,5.736629219,5.736629211
+"2885","CHRNG",6.203889773,6.203889759,6.203889927,6.203889917,6.203889961,6.203889882,6.203889858,6.203889995,6.203889855,6.203889823,6.203889905,6.203889969,6.203889899,6.203889733,6.203890003,6.203889853,6.203889985,6.20388994,6.203889776,6.203889876,6.203889944,6.203889964,6.203889816,6.203889742,6.203889859,6.203889909,6.203889842,6.203889852
+"2886","CHST1",4.834965962,4.834965985,4.834965979,4.834966021,4.834966137,4.834966,4.834966118,4.834966142,4.834966029,4.834966102,4.834966054,4.834966127,4.834966072,4.834965881,4.834966163,4.834966134,4.834966191,4.83496609,4.834966148,4.834966089,4.83496617,4.834966191,4.834965945,4.834965945,4.834965961,4.834966125,4.834965956,4.834966006
+"2887","CHST10",5.498922859,5.498922861,5.49892289,5.498922877,5.498922896,5.498922859,5.498922895,5.49892292,5.49892288,5.498922886,5.498922882,5.498922907,5.498922874,5.498922852,5.498922896,5.498922864,5.49892291,5.498922901,5.498922874,5.498922889,5.498922886,5.498922902,5.49892287,5.49892288,5.498922866,5.498922904,5.498922859,5.498922888
+"2888","CHST11",8.865537459,8.865537892,8.865537221,8.865538405,8.865537021,8.865538117,8.86553771,8.865537353,8.865536764,8.865537519,8.865537235,8.865537078,8.86553722,8.865537157,8.865537297,8.865537454,8.865537144,8.86553727,8.86553774,8.86553791,8.865536946,8.865537086,8.865537346,8.865537697,8.865537128,8.865536991,8.86553745,8.865536594
+"2889","CHST12",7.2785138105,7.278513772,7.278514545,7.278514042,7.2785143335,7.2785134635,7.2785140135,7.278514418,7.2785141185,7.278514255,7.2785144115,7.278514367,7.2785142305,7.2785135255,7.2785141625,7.27851398,7.278514217,7.278514083,7.278513846,7.278513884,7.2785142305,7.278514339,7.27851408,7.278514225,7.278514488,7.2785140835,7.2785141925,7.2785139285
+"2890","CHST13",6.17200146,6.172001444,6.172001746,6.172001495,6.172002271,6.17200176,6.172001555,6.17200186,6.172001632,6.172001754,6.172002081,6.172002053,6.17200161,6.172001056,6.172001794,6.172001593,6.172002051,6.172001734,6.172001753,6.172001703,6.172001728,6.172001858,6.172001687,6.172001488,6.17200154,6.172001841,6.172001551,6.172001421
+"2891","CHST14",6.815591532,6.815591721,6.815592016,6.815591639,6.815592554,6.815592118,6.815592151,6.815592122,6.815592058,6.815592349,6.815592195,6.815592424,6.815591911,6.815591444,6.815592189,6.815591674,6.815592382,6.815591946,6.815592048,6.815591889,6.815592015,6.815592208,6.815591876,6.815591874,6.815591874,6.815592157,6.815591884,6.815592128
+"2892","CHST15",9.0151641,9.015629122,9.015273796,9.015860073,9.014974463,9.015686719,9.015340267,9.015113262,9.014995052,9.014904349,9.0152276,9.014842834,9.015318092,9.014706965,9.015376168,9.015790069,9.015390447,9.015723063,9.015551473,9.015577149,9.015426705,9.015215605,9.015311102,9.015531729,9.01553846,9.015185422,9.015242594,9.014659817
+"2893","CHST2",7.083443374,7.083443431,7.083443439,7.083443364,7.08344343,7.083443427,7.083443431,7.083443385,7.083443387,7.083443434,7.083443433,7.083443444,7.083443432,7.083443413,7.083443429,7.083443449,7.083443475,7.083443425,7.083443394,7.08344345,7.083443452,7.083443391,7.083443443,7.083443412,7.083443422,7.083443436,7.083443401,7.083443456
+"2894","CHST3",5.390723351,5.390723344,5.390723408,5.390723382,5.39072353,5.390723366,5.390723466,5.390723471,5.390723451,5.390723499,5.390723446,5.390723543,5.390723401,5.390723355,5.390723469,5.390723417,5.390723568,5.390723411,5.39072339,5.390723419,5.390723504,5.390723528,5.390723407,5.390723369,5.390723475,5.390723446,5.390723385,5.390723515
+"2895","CHST4",3.732685552,3.732685461,3.732685694,3.732685489,3.732685769,3.732685662,3.732685428,3.732685464,3.732685562,3.732685794,3.732685587,3.732685831,3.732685602,3.732685581,3.732685517,3.732685759,3.732685938,3.732685368,3.732685649,3.732685565,3.73268569,3.732685508,3.732685597,3.732685628,3.732685469,3.732685752,3.732685582,3.732685739
+"2896","CHST5",5.163195375,5.163195407,5.163195429,5.163195431,5.163195529,5.163195424,5.163195458,5.163195435,5.163195485,5.163195419,5.163195442,5.163195544,5.163195406,5.163195353,5.163195436,5.163195481,5.163195508,5.163195475,5.163195445,5.163195443,5.163195472,5.163195434,5.163195385,5.163195359,5.163195363,5.163195441,5.163195401,5.163195485
+"2897","CHST6",4.867964854,4.867964861,4.867965123,4.867964857,4.867965331,4.86796491,4.867965169,4.867965137,4.867965004,4.867965154,4.867964947,4.867965422,4.867965024,4.867964764,4.867965207,4.867964723,4.867965349,4.867965075,4.867965187,4.867964811,4.8679653,4.867965235,4.867964941,4.867964826,4.867964998,4.867965099,4.867964891,4.867964958
+"2898","CHST7",6.74985351,6.749853556,6.749853546,6.749853525,6.749853533,6.749853532,6.74985352,6.749853517,6.749853527,6.749853529,6.749853554,6.749853513,6.74985351,6.749853469,6.749853515,6.7498535,6.749853544,6.749853494,6.749853483,6.749853535,6.749853524,6.749853531,6.749853506,6.749853503,6.749853511,6.7498535,6.749853509,6.749853491
+"2899","CHST8",5.97980676,5.979806735,5.979806789,5.979806657,5.979806919,5.979806791,5.979806887,5.979806776,5.97980671,5.979806629,5.979806875,5.979806852,5.979806744,5.97980654,5.979806881,5.979806862,5.979806898,5.979806903,5.979806807,5.979806813,5.979806873,5.979806801,5.979806588,5.979806658,5.979806826,5.9798068,5.979806658,5.97980683
+"2900","CHST9",3.463639852,3.463639851,3.463639863,3.463639913,3.463639908,3.463639812,3.463639876,3.463639906,3.463639848,3.46363986,3.463639846,3.463639954,3.463639809,3.463639751,3.463639889,3.46363987,3.463639947,3.463639865,3.463639898,3.463639892,3.463639834,3.463639795,3.463639838,3.46363976,3.463639961,3.463639793,3.463639822,3.463639873
+"2901","CHSY1",7.495085185,7.495085276,7.495085139,7.495085291,7.495085173,7.495085285,7.495085213,7.495085228,7.495085278,7.495085262,7.495085164,7.495085077,7.495085232,7.495085186,7.495085262,7.495085307,7.495085258,7.495085318,7.495085312,7.495085374,7.495085209,7.495085228,7.495085287,7.495085312,7.495085257,7.49508516,7.495085189,7.495085166
+"2902","CHSY3",3.533301677,3.533301684,3.533301763,3.533301702,3.533301698,3.533301661,3.533301684,3.533301711,3.533301726,3.533301688,3.533301704,3.533301704,3.53330171,3.53330169,3.533301696,3.533301713,3.533301726,3.533301695,3.533301694,3.533301694,3.533301686,3.533301684,3.533301699,3.533301734,3.533301703,3.533301708,3.53330167,3.533301698
+"2903","CHTF18",6.589702899,6.589703101,6.589703245,6.589703131,6.589703285,6.589702973,6.58970304,6.58970328,6.589703165,6.589703113,6.589703288,6.58970331,6.589703245,6.589702849,6.589703243,6.589703138,6.589703395,6.589703284,6.589702999,6.589703031,6.589703152,6.589703382,6.589702999,6.589703001,6.589703235,6.589703244,6.589703205,6.589703202
+"2904","CHTF8",7.584000664,7.584000728,7.583999868,7.584000542,7.583999844,7.584000727,7.583999695,7.584000228,7.584000128,7.584000236,7.584000127,7.583999574,7.584000726,7.584000613,7.583999746,7.583999654,7.583999178,7.584000284,7.583999622,7.584000947,7.583999663,7.584000129,7.584000469,7.584000608,7.584000177,7.583999789,7.584000788,7.584000051
+"2905","CHTOP",7.603155816,7.603155824,7.603155796,7.603155815,7.603155785,7.60315582,7.603155822,7.603155806,7.603155836,7.603155814,7.603155782,7.603155803,7.60315583,7.603155834,7.603155815,7.603155814,7.603155804,7.603155794,7.603155816,7.603155788,7.603155805,7.603155821,7.603155816,7.603155816,7.603155791,7.603155802,7.603155814,7.603155819
+"2906","CHUK",6.332042556,6.332042824,6.332042077,6.332042537,6.332041348,6.332041439,6.332042308,6.332041689,6.332041878,6.332041708,6.332042176,6.332039808,6.332041708,6.332044068,6.332042036,6.332042797,6.332042401,6.332041927,6.332042373,6.332041939,6.332041645,6.33204202,6.332042632,6.332042651,6.332042046,6.332040869,6.33204156,6.332043137
+"2907","CIAO1",7.621261321,7.621261314,7.621261298,7.6212613,7.621261301,7.621261324,7.621261317,7.621261313,7.621261304,7.62126131,7.621261306,7.621261305,7.621261309,7.621261326,7.621261318,7.621261301,7.621261296,7.621261287,7.621261308,7.621261307,7.621261302,7.621261323,7.621261304,7.621261316,7.621261288,7.621261294,7.621261313,7.621261313
+"2908","CIAO2A",6.222479089,6.222479033,6.222479023,6.222478819,6.222478763,6.222478849,6.222478854,6.222478675,6.222479127,6.222478878,6.222478866,6.22247853,6.222478983,6.222479574,6.222478854,6.222478899,6.222478725,6.222478679,6.222478901,6.222478945,6.222478966,6.222478614,6.222479051,6.222479062,6.222478705,6.222478784,6.222478873,6.222479296
+"2909","CIAO2B",7.835021824,7.83502184,7.835021839,7.835021752,7.835021682,7.835021916,7.835021904,7.835021763,7.835021856,7.835021917,7.835021868,7.83502164,7.835021924,7.835021968,7.835021799,7.835021593,7.835021815,7.835021535,7.835021783,7.835021847,7.835021738,7.835021918,7.835021994,7.835021817,7.835021575,7.835021659,7.835021917,7.835021889
+"2910","CIAO3",5.901477656,5.901477552,5.901477609,5.901477557,5.901477702,5.901477604,5.901477651,5.90147764,5.901477629,5.901477629,5.901477631,5.901477682,5.901477648,5.901477609,5.901477694,5.90147764,5.901477653,5.901477626,5.901477642,5.901477657,5.901477667,5.901477666,5.901477613,5.901477622,5.901477611,5.901477661,5.90147765,5.901477659
+"2911","CIAPIN1",6.035569022,6.035569284,6.035568993,6.035568855,6.035568938,6.035568816,6.0355691,6.035569199,6.03556934,6.03556898,6.035568589,6.03556908,6.035568886,6.035569204,6.035568845,6.035569009,6.03556847,6.0355688,6.035568908,6.035568914,6.035568729,6.035568641,6.035568994,6.035568888,6.035568425,6.035568997,6.035568902,6.035569005
+"2912","CIART",4.380775411,4.380775457,4.380775475,4.380775442,4.380775459,4.38077541,4.380775439,4.380775468,4.38077545,4.380775449,4.380775495,4.380775451,4.380775432,4.380775401,4.380775439,4.380775474,4.380775466,4.380775462,4.38077544,4.380775416,4.380775449,4.380775441,4.380775406,4.380775439,4.380775465,4.380775453,4.380775425,4.380775465
+"2913","CIB1",7.892992555,7.892992707,7.892992336,7.892991851,7.892992292,7.892992683,7.892992825,7.892992152,7.892992683,7.892992571,7.89299235,7.892991528,7.892992872,7.892992955,7.892992324,7.892992613,7.892992002,7.892991873,7.89299259,7.892992682,7.892992483,7.892992479,7.892992982,7.892992461,7.892992225,7.892992019,7.892992954,7.89299279
+"2914","CIB2",3.957064374,3.957064561,3.957064532,3.957064604,3.957064695,3.9570648,3.957064441,3.957064638,3.9570645,3.957064516,3.957064551,3.957064513,3.95706465,3.957064396,3.957064496,3.957064508,3.957064619,3.957064747,3.95706454,3.957064748,3.957064574,3.957064685,3.957064488,3.95706429,3.957064516,3.957064729,3.957064619,3.957064508
+"2915","CIB3",4.328613967,4.328614011,4.328614012,4.328613938,4.3286141,4.328613912,4.32861409,4.32861403,4.328614038,4.328613961,4.328614035,4.328614125,4.328613961,4.328613924,4.328614071,4.328614075,4.328614104,4.328614072,4.328614004,4.328614001,4.328614129,4.328614077,4.32861394,4.328613964,4.328614077,4.328614023,4.328613953,4.328614061
+"2916","CIB4",4.068660119,4.068660248,4.06866046,4.068660324,4.068660403,4.068660304,4.068660341,4.068660433,4.068660257,4.068660301,4.068660466,4.068660392,4.068660309,4.06866024,4.068660414,4.068660437,4.068660473,4.068660405,4.06866034,4.068660144,4.068660328,4.068660356,4.068660195,4.068660212,4.068660445,4.068660243,4.068660267,4.068660286
+"2917","CIBAR1",4.696752536,4.69675272,4.696752721,4.696752579,4.696752915,4.696752723,4.696752672,4.69675286,4.69675268,4.696752849,4.696752771,4.696752747,4.69675262,4.6967526,4.696752779,4.696752426,4.696752905,4.696752837,4.696752752,4.696752911,4.696752864,4.696752872,4.696752476,4.696752742,4.696752773,4.696752775,4.696752728,4.696752577
+"2918","CIBAR1P2",3.408316126,3.408316149,3.408316115,3.408316146,3.408316143,3.408316169,3.408316143,3.408316165,3.408316151,3.408316168,3.408316148,3.40831614,3.408316117,3.408316138,3.408316145,3.408316137,3.408316166,3.408316151,3.408316132,3.40831615,3.408316126,3.408316156,3.408316137,3.408316131,3.408316132,3.408316113,3.408316146,3.408316179
+"2919","CIBAR2",6.014423025,6.014422771,6.014423294,6.014423157,6.014423574,6.014422978,6.014423341,6.014423393,6.014423196,6.014422898,6.014423178,6.01442358,6.014423308,6.014422754,6.014423592,6.014423252,6.014423637,6.01442337,6.014423313,6.014423164,6.014423637,6.014423567,6.014422848,6.014422959,6.014423288,6.014423527,6.014423002,6.014423177
+"2920","CIC",6.94296008,6.942960105,6.942960135,6.942960129,6.942960157,6.942960131,6.942960111,6.942960139,6.942960119,6.942960138,6.942960102,6.942960154,6.942960127,6.94296007,6.942960117,6.942960113,6.942960151,6.942960153,6.94296013,6.942960114,6.942960132,6.942960135,6.942960114,6.94296011,6.942960132,6.942960144,6.942960114,6.942960108
+"2921","CIDEA",4.832963901,4.832963907,4.832963906,4.832963899,4.832963906,4.832963911,4.83296391,4.832963929,4.832963899,4.83296391,4.832963937,4.832963923,4.832963906,4.832963884,4.83296391,4.832963917,4.832963935,4.832963918,4.832963913,4.832963915,4.832963905,4.832963936,4.832963909,4.83296391,4.83296391,4.832963906,4.832963903,4.832963891
+"2922","CIDEB",6.13208262,6.132082632,6.132082604,6.132082634,6.132082606,6.132082626,6.132082623,6.132082605,6.132082602,6.13208262,6.132082626,6.132082604,6.1320826,6.132082605,6.132082608,6.132082617,6.132082608,6.132082612,6.132082601,6.132082622,6.132082618,6.132082612,6.132082612,6.132082617,6.132082621,6.132082603,6.132082623,6.132082595
+"2923","CIDECP1",5.767316774,5.767316773,5.76731679,5.767316746,5.767316789,5.767316792,5.767316765,5.767316796,5.767316777,5.767316743,5.767316701,5.76731677,5.767316772,5.767316774,5.767316756,5.767316737,5.767316758,5.767316751,5.76731676,5.767316802,5.767316731,5.767316743,5.767316787,5.767316801,5.767316777,5.76731678,5.767316798,5.767316754
+"2924","CIITA",6.375985686,6.37598548,6.375985398,6.375985356,6.375985583,6.375986104,6.37598546,6.375985411,6.375985358,6.375985742,6.375985419,6.375985476,6.375985599,6.375985628,6.375985535,6.375985283,6.375985488,6.375985283,6.375985431,6.37598595,6.375985505,6.375985551,6.375985155,6.375985636,6.375985328,6.375985632,6.375985595,6.375985575
+"2925","CILK1",5.872628446,5.872628433,5.872628327,5.872628382,5.872628338,5.872628348,5.872628374,5.872628315,5.87262838,5.872628416,5.872628331,5.872628353,5.872628421,5.872628474,5.87262844,5.872628342,5.872628281,5.872628361,5.872628436,5.87262819,5.872628296,5.872628383,5.87262841,5.872628398,5.87262838,5.872628355,5.872628417,5.872628464
+"2926","CILP",4.247990915,4.247990894,4.247990926,4.247990939,4.247990874,4.247990939,4.247990847,4.247990894,4.247990875,4.247990898,4.24799091,4.247990908,4.247990878,4.247990837,4.247990864,4.247990897,4.2479909,4.247990935,4.247990921,4.247990925,4.247990889,4.247990918,4.247990891,4.247990844,4.247990873,4.247990914,4.247990914,4.247990873
+"2927","CILP2",6.096391051,6.096391032,6.096391132,6.096391066,6.096391218,6.096391132,6.096391125,6.096391142,6.096391103,6.096391184,6.096391154,6.09639124,6.096391103,6.096390988,6.096391181,6.096391091,6.096391257,6.096391133,6.096391144,6.096391122,6.096391156,6.096391205,6.096391108,6.096391066,6.096391117,6.096391169,6.096391064,6.096391087
+"2928","CINP",5.716494886,5.716494888,5.716494892,5.716494912,5.716494876,5.716494902,5.716494904,5.716494903,5.71649488,5.716494892,5.716494889,5.716494889,5.716494889,5.716494906,5.71649488,5.716494875,5.716494871,5.716494901,5.716494895,5.716494903,5.71649489,5.716494892,5.716494918,5.716494893,5.716494886,5.716494875,5.716494896,5.716494882
+"2929","CIP2A",4.208651623,4.208651488,4.208651615,4.20865158,4.208651443,4.208651523,4.208651712,4.208651508,4.208651696,4.20865154,4.208651585,4.208651632,4.208651609,4.208651811,4.208651628,4.20865147,4.208651611,4.208651578,4.208651679,4.208651409,4.208651774,4.208651615,4.208651645,4.208651626,4.208651564,4.208651555,4.208651526,4.20865178
+"2930","CIPC",5.830288998,5.830288841,5.830288986,5.830288985,5.830288878,5.830288865,5.830288911,5.830288986,5.830288909,5.830289,5.830288901,5.830288866,5.830288922,5.830289003,5.830288995,5.830288868,5.830288961,5.830288953,5.830288966,5.830288862,5.830288955,5.830288874,5.830288998,5.830289003,5.830288936,5.830288938,5.830288928,5.830288947
+"2931","CIR1",5.76240114,5.762401178,5.762401149,5.762401233,5.762400929,5.762401264,5.762401101,5.762401001,5.762401071,5.762401012,5.762401092,5.762400909,5.76240106,5.762401307,5.762401095,5.762401178,5.762400969,5.762401223,5.762401175,5.762401111,5.762401153,5.762401074,5.762401172,5.762401089,5.76240126,5.762401009,5.762401062,5.762401116
+"2932","CIRBP",8.92602482,8.926028029,8.926021457,8.926020892,8.926016849,8.92601776,8.926019472,8.926020503,8.926025824,8.926020502,8.92601622,8.926022599,8.926025085,8.926033068,8.926019081,8.926028131,8.926019036,8.926018718,8.926021747,8.926016364,8.926016823,8.926020525,8.926025613,8.926022831,8.926015509,8.92602446,8.926023408,8.926029483
+"2933","CIRBP-AS1",5.303816494,5.303816488,5.303816547,5.303816506,5.303816562,5.303816457,5.303816552,5.303816534,5.303816562,5.303816523,5.303816527,5.303816564,5.30381653,5.303816443,5.303816522,5.303816535,5.303816525,5.303816556,5.303816503,5.303816497,5.303816562,5.30381657,5.303816498,5.303816515,5.303816537,5.303816529,5.303816495,5.303816528
+"2934","CISD1",4.407908136,4.407907984,4.407907931,4.40790797,4.407907558,4.40790775,4.407908218,4.40790749,4.407908118,4.407907965,4.407907518,4.407907507,4.407907687,4.407908452,4.407907808,4.407907792,4.407907521,4.407907985,4.407907853,4.407907584,4.407908058,4.407907985,4.407907903,4.407907971,4.40790654,4.407907872,4.40790775,4.407908079
+"2935","CISD2",7.558932653,7.558932644,7.558933226,7.558932536,7.558932717,7.558932955,7.558932931,7.55893363,7.558933673,7.558933295,7.558933106,7.558933107,7.558932883,7.558932994,7.558932458,7.558932432,7.558932954,7.558932569,7.558932747,7.558932977,7.558932432,7.558932975,7.558933656,7.558933224,7.558933142,7.558933142,7.558933032,7.558933133
+"2936","CISH",7.164421946,7.164422827,7.164421289,7.164421894,7.164422241,7.164423546,7.1644218,7.164421716,7.164422933,7.164422655,7.16442181,7.1644215,7.164422804,7.164422512,7.16442178,7.164422167,7.164421352,7.164421592,7.164422283,7.164423195,7.164421158,7.164421718,7.164422564,7.164421854,7.16442159,7.164421202,7.164422739,7.164421662
+"2937","CIT",4.674561631,4.674561666,4.674561591,4.674561591,4.67456181,4.674561834,4.674562135,4.674561647,4.674561898,4.674561791,4.674561849,4.674561978,4.674561565,4.674561597,4.674561805,4.674561838,4.674561906,4.674561715,4.674561701,4.67456191,4.674562143,4.674561712,4.674561949,4.674561852,4.674561849,4.674561799,4.674561662,4.674561845
+"2938","CITED1",5.359046959,5.359047062,5.359047347,5.359047272,5.359047481,5.359047027,5.35904711,5.35904726,5.359047129,5.359047184,5.359047411,5.359047348,5.359047027,5.359046969,5.359047213,5.359047227,5.359047536,5.359047322,5.35904715,5.359047325,5.359047319,5.359047425,5.359047143,5.359047182,5.359047358,5.359047219,5.3590471,5.359047135
+"2939","CITED2",7.743680062,7.743680195,7.743679984,7.743680087,7.74368021,7.743680376,7.743680184,7.743680153,7.743680077,7.743680171,7.743680189,7.743680085,7.74368014,7.743680078,7.743680118,7.743679866,7.743680018,7.743680013,7.7436801,7.74368013,7.743680177,7.743680091,7.743680072,7.743680061,7.743680081,7.743680026,7.743680133,7.743680108
+"2940","CITED4",5.937109882,5.93711003,5.937109973,5.937109989,5.937110038,5.937109961,5.937110068,5.937109963,5.937110003,5.93710996,5.937109959,5.937110046,5.937109935,5.937109846,5.937110044,5.93711,5.937110065,5.937110006,5.937110001,5.93710994,5.937109989,5.937110046,5.937109933,5.937109853,5.937109965,5.937110001,5.93710994,5.937109932
+"2941","CIZ1",7.56343322,7.563432811,7.563433518,7.563432763,7.563433284,7.563433491,7.563433076,7.563433502,7.563433801,7.563433415,7.563433511,7.563433499,7.563433205,7.563432871,7.563433038,7.563432446,7.563433642,7.563432773,7.563432961,7.563433241,7.563433141,7.563433385,7.56343354,7.563433326,7.563433585,7.563433472,7.563433301,7.563433107
+"2942","CKAP2",5.557759436,5.557758878,5.557759315,5.557758882,5.557759467,5.557758966,5.557759753,5.557758577,5.557759177,5.557759336,5.557759131,5.557759086,5.557759245,5.557760102,5.557759405,5.557758752,5.557759126,5.557758705,5.557759573,5.557759057,5.5577598,5.557758657,5.557759401,5.557759226,5.557759117,5.5577594,5.557759017,5.55775978
+"2943","CKAP2L",3.963742088,3.963742097,3.963742118,3.963742107,3.963742149,3.963742101,3.963742138,3.963742107,3.963742103,3.963742086,3.963742102,3.963742152,3.96374209,3.963742073,3.96374212,3.963742094,3.963742125,3.963742129,3.963742104,3.963742115,3.963742142,3.96374212,3.96374212,3.963742081,3.963742127,3.963742095,3.963742087,3.963742121
+"2944","CKAP4",7.641070172,7.641070714,7.641069997,7.641071013,7.641070141,7.641069944,7.641070284,7.641069515,7.641069384,7.641070443,7.64107033,7.64106964,7.641069761,7.64106989,7.641070434,7.641070901,7.641069912,7.641071033,7.641070527,7.641070322,7.641070034,7.641069495,7.64107011,7.641070552,7.641070821,7.641069756,7.641069597,7.64106949
+"2945","CKAP5",6.532772378,6.532772227,6.532772193,6.532772237,6.532772291,6.532772241,6.53277254,6.532772233,6.532772415,6.532772294,6.532772207,6.532772145,6.532772415,6.532772727,6.532772336,6.532772011,6.532771996,6.532771953,6.532772343,6.532772043,6.532772552,6.532772027,6.532772424,6.532772427,6.532772156,6.532772323,6.53277242,6.53277237
+"2946","CKB",6.045491119,6.045491439,6.045491415,6.045491258,6.04549148,6.04549146,6.045491366,6.045491493,6.045491386,6.045491384,6.04549139,6.045491458,6.045491364,6.045491316,6.045491334,6.045491361,6.045491613,6.045491465,6.045491386,6.04549137,6.045491309,6.045491373,6.045491306,6.045491293,6.045491342,6.045491373,6.045491423,6.045491295
+"2947","CKM",5.030112472,5.030112491,5.030112516,5.030112501,5.030112537,5.030112472,5.030112492,5.030112528,5.030112499,5.030112509,5.03011254,5.030112529,5.030112501,5.030112473,5.030112521,5.030112498,5.030112545,5.030112532,5.030112518,5.030112503,5.030112513,5.030112531,5.03011249,5.030112504,5.030112515,5.03011251,5.030112495,5.03011251
+"2948","CKMT2",4.265507878,4.265507491,4.265507844,4.265508073,4.265508174,4.265507702,4.265507829,4.26550789,4.265507882,4.265507813,4.265507895,4.265508037,4.265508104,4.26550775,4.265508226,4.265508021,4.265507983,4.265508163,4.265507871,4.265508003,4.265508153,4.265508014,4.265507866,4.265507676,4.265507909,4.265508116,4.265507712,4.265507705
+"2949","CKS1B",5.06787938933333,5.067879426,5.0678796,5.06787978466667,5.06787996666667,5.06787961166667,5.06787944866667,5.067879329,5.06787956366667,5.067879733,5.067879789,5.06787977633333,5.067879773,5.06787927633333,5.06787994766667,5.067879615,5.06787983466667,5.06787944466667,5.06787992466667,5.067879109,5.067879974,5.06787967033333,5.067879902,5.06787943966667,5.06787980633333,5.067879392,5.06788006766667,5.06787967533333
+"2950","CKS2",4.305194214,4.305193869,4.305194161,4.305194099,4.305194401,4.305194165,4.305194563,4.305193982,4.305194439,4.305194303,4.305194178,4.305194041,4.305194417,4.305194157,4.305194464,4.305193894,4.305194087,4.305194041,4.305194327,4.305194241,4.305194794,4.305194223,4.305194448,4.305194112,4.305194204,4.305194162,4.305194059,4.305193943
+"2951","CLASP1",7.541966938,7.541966933,7.541966843,7.541966921,7.541966823,7.541966897,7.541966913,7.541966847,7.541966878,7.541966852,7.541966846,7.541966828,7.541966878,7.54196695,7.541966889,7.541966911,7.541966793,7.541966836,7.541966899,7.541966895,7.541966882,7.541966829,7.541966927,7.541966943,7.541966923,7.54196691,7.541966915,7.541966838
+"2952","CLASP2",7.243739145,7.243738865,7.243738592,7.243738537,7.243738595,7.243738441,7.243738747,7.243738462,7.243738797,7.243738772,7.243738377,7.243738385,7.243738849,7.243739309,7.24373881,7.243738454,7.243738303,7.243738209,7.243738887,7.243738002,7.243738576,7.243738525,7.24373889,7.243738674,7.243738486,7.243738613,7.243738829,7.243739017
+"2953","CLASRP",6.725669051,6.725669181,6.725668966,6.725669204,6.725669061,6.725669273,6.725669116,6.725669044,6.725669127,6.725669197,6.725669044,6.72566911,6.725669129,6.725668983,6.725669075,6.725669175,6.725669095,6.725669223,6.725669127,6.725669312,6.725669046,6.725669038,6.725669044,6.725669099,6.725669131,6.725669081,6.725669093,6.725669132
+"2954","CLBA1",4.512639285,4.512639295,4.512639334,4.51263944,4.512639491,4.512639249,4.5126393,4.512639426,4.512639398,4.512639301,4.512639495,4.512639434,4.512639388,4.512639031,4.51263946,4.51263945,4.512639588,4.512639688,4.512639234,4.512639389,4.512639338,4.51263952,4.512639243,4.512639276,4.512639518,4.512639324,4.512639393,4.512639392
+"2955","CLC",7.318451017,7.313427299,7.373266837,6.814710489,8.060711322,6.430110333,7.733204975,6.471537866,7.771338851,7.908391522,8.429765759,7.092427482,7.042492357,8.223194434,6.292111407,6.951163686,7.105023534,6.215229915,8.232307747,6.323200247,7.36276031,6.725355116,7.852502013,7.34123982,7.971836533,7.20196394,6.713243966,8.304011936
+"2956","CLCA1",3.147326986,3.147326992,3.147326978,3.147327032,3.147327018,3.147327024,3.147327025,3.147327045,3.147327035,3.147327092,3.147327046,3.147327095,3.147327053,3.147327051,3.14732706,3.147326987,3.147327002,3.147327075,3.147326993,3.147327031,3.147327001,3.147327021,3.147327028,3.147327004,3.147327002,3.147327037,3.147327011,3.147327003
+"2957","CLCA2",2.99608667,2.996086731,2.996086717,2.996086795,2.996086789,2.996086748,2.996086673,2.996086904,2.996086791,2.996086847,2.996086845,2.99608677,2.996086753,2.996086637,2.996086833,2.996086752,2.996086741,2.996086702,2.99608672,2.996086804,2.996086692,2.996086703,2.996086759,2.996086766,2.996086853,2.996086755,2.996086795,2.996086865
+"2958","CLCA3P",3.230649486,3.230649412,3.230649557,3.230649597,3.230649538,3.230649535,3.230649479,3.230649478,3.230649549,3.230649547,3.230649597,3.23064958,3.230649597,3.230649468,3.230649551,3.230649541,3.230649621,3.230649621,3.230649519,3.23064961,3.23064957,3.230649559,3.230649498,3.230649525,3.230649518,3.230649593,3.230649453,3.230649552
+"2959","CLCA4",3.014118991,3.014119017,3.014119024,3.014119022,3.014119025,3.014119029,3.014119029,3.014119024,3.014119039,3.014119013,3.014119027,3.014119032,3.014119012,3.014119012,3.014119036,3.014119053,3.014119033,3.014119025,3.014119035,3.014118996,3.014119017,3.014119007,3.01411902,3.014118998,3.014119018,3.014119004,3.014119021,3.014119033
+"2960","CLCC1",6.504414179,6.504413911,6.504413665,6.504413336,6.504413713,6.50441368,6.504413601,6.504413705,6.50441401,6.504413648,6.50441347,6.504413513,6.504413933,6.504414516,6.50441379,6.504413776,6.504413037,6.504413093,6.504413949,6.50441327,6.504413515,6.504413639,6.504413893,6.504413519,6.504413644,6.50441377,6.504413902,6.504413629
+"2961","CLCF1",6.551593489,6.551593476,6.551593702,6.551593514,6.551593817,6.551593495,6.551593662,6.551593761,6.551593604,6.551593601,6.551593708,6.551593749,6.5515936,6.551593406,6.551593695,6.55159368,6.551593824,6.551593686,6.551593625,6.551593532,6.551593713,6.55159369,6.551593574,6.551593531,6.551593654,6.551593701,6.551593499,6.551593693
+"2962","CLCN1",4.944006904,4.944006872,4.944006921,4.944006913,4.94400694,4.9440069,4.944006919,4.94400701,4.944006905,4.944006905,4.944007014,4.944006981,4.94400692,4.944006786,4.944007011,4.944006948,4.944007017,4.944006962,4.944006951,4.944006875,4.944007041,4.944007013,4.944006874,4.944006921,4.944006921,4.944006967,4.944006918,4.944006919
+"2963","CLCN2",5.82574118,5.825741247,5.825741419,5.825741549,5.82574182,5.825741529,5.825741726,5.825741605,5.825741691,5.825741535,5.825741468,5.825741611,5.82574135,5.825741297,5.825741793,5.825741869,5.825741851,5.825741554,5.825741366,5.825741344,5.825742003,5.825741964,5.825741261,5.825741298,5.825741496,5.825741678,5.825741262,5.825741378
+"2964","CLCN3",7.005334566,7.005334707,7.005333959,7.005334487,7.005334325,7.005334015,7.00533408,7.005333473,7.005334396,7.005334781,7.005334409,7.005333989,7.005334192,7.005335199,7.00533414,7.005334334,7.00533352,7.005334381,7.005334541,7.0053338,7.005334117,7.005333763,7.005334565,7.005335277,7.005334455,7.00533456,7.005334443,7.005334839
+"2965","CLCN4",5.257018635,5.257018816,5.257018747,5.257018787,5.257018647,5.257018733,5.257018423,5.25701864,5.257018387,5.257018727,5.257018771,5.257018675,5.25701846,5.257018627,5.257018642,5.257018777,5.257018743,5.257018812,5.257018717,5.257018944,5.25701849,5.257018674,5.257018357,5.25701892,5.257018765,5.257018725,5.257018392,5.257018698
+"2966","CLCN5",5.337450453,5.337450414,5.337450449,5.337450201,5.337450584,5.337450724,5.337450454,5.337450538,5.337450106,5.33745071,5.33745038,5.337450628,5.337450454,5.337450203,5.33745036,5.337450287,5.337450424,5.337449988,5.337450472,5.337450392,5.337450498,5.33745035,5.33745013,5.337450553,5.337450233,5.337450476,5.337450388,5.337450272
+"2967","CLCN7",7.083318056,7.083317985,7.083317746,7.083317405,7.083317778,7.083319104,7.08331776,7.083317545,7.083318002,7.083318268,7.083317245,7.083316851,7.083318251,7.083318258,7.083317344,7.083317642,7.08331777,7.083317128,7.083317713,7.08331909,7.083317463,7.083317717,7.083317238,7.083317746,7.083317163,7.083317346,7.083317772,7.083317619
+"2968","CLCNKA",4.906911057,4.906911329,4.906911523,4.906911071,4.906911771,4.906911162,4.906911624,4.906911528,4.906911194,4.906911325,4.906911252,4.906911437,4.906910999,4.906911023,4.906911711,4.906911464,4.906911857,4.906911589,4.906911362,4.906911626,4.906911802,4.906911667,4.906911046,4.906910918,4.906911434,4.906911499,4.906911305,4.906911472
+"2969","CLCNKB",4.924209385,4.924209367,4.924209398,4.924209394,4.924209414,4.924209391,4.924209394,4.924209396,4.924209398,4.924209398,4.924209392,4.924209422,4.924209386,4.92420938,4.92420941,4.924209406,4.924209399,4.924209399,4.924209393,4.924209397,4.924209412,4.924209403,4.924209387,4.92420937,4.924209406,4.924209379,4.924209378,4.924209405
+"2970","CLDN1",3.720045611,3.720045621,3.720045792,3.72004574,3.720045782,3.720045741,3.72004574,3.720045856,3.720045722,3.720045808,3.720045697,3.720045739,3.720045787,3.720045668,3.720045784,3.720045722,3.720046012,3.720045919,3.720045697,3.720045765,3.720045771,3.720045725,3.720045663,3.720045586,3.72004579,3.720045911,3.720045756,3.720045764
+"2971","CLDN10",3.611898104,3.611898084,3.611898158,3.611898127,3.611898126,3.611898121,3.611898093,3.611898061,3.611898116,3.611898091,3.611898129,3.611898101,3.611898063,3.611898082,3.611898156,3.611898132,3.611898124,3.611898125,3.61189808,3.611898073,3.611898125,3.611898103,3.611898063,3.611898103,3.611898092,3.611898085,3.611898055,3.611898085
+"2972","CLDN11",6.118747455,6.118747165,6.118747839,6.118747416,6.118748349,6.118747408,6.118747923,6.11874784,6.118747606,6.118747761,6.118748068,6.118748067,6.11874738,6.118746865,6.1187483,6.118747651,6.118748492,6.118747984,6.118747594,6.118747303,6.118748019,6.118748288,6.118747224,6.118747095,6.118747683,6.118747656,6.118747193,6.118747459
+"2973","CLDN12",4.170817034,4.170816964,4.170816948,4.170816962,4.170817003,4.170817006,4.170817035,4.170816982,4.170817019,4.170816895,4.170816963,4.170816966,4.170816987,4.170817013,4.170816989,4.170816991,4.170816992,4.170817047,4.170817044,4.170816973,4.170817015,4.170816977,4.17081698,4.170816898,4.170816987,4.170817001,4.170816994,4.170817019
+"2974","CLDN14",4.506244158,4.506244222,4.506244141,4.506244215,4.506244229,4.506244114,4.506244026,4.506244199,4.506244203,4.506244278,4.506244227,4.506244274,4.506244202,4.506244065,4.506244123,4.506244268,4.506244344,4.506244275,4.506244029,4.506244198,4.506244082,4.506244109,4.506244077,4.50624409,4.5062442,4.506244204,4.506244273,4.506244205
+"2975","CLDN15",6.424393166,6.424393213,6.424393255,6.4243932,6.424393293,6.42439323,6.424393331,6.424393342,6.424393271,6.424393356,6.424393283,6.424393363,6.424393292,6.424393071,6.42439333,6.424393159,6.424393389,6.424393269,6.424393315,6.424393221,6.424393262,6.424393363,6.424393201,6.424393244,6.424393238,6.424393278,6.424393237,6.424393233
+"2976","CLDN16",3.968638215,3.96863831,3.968638484,3.968638237,3.968638425,3.968638354,3.968638357,3.968638372,3.968638289,3.968638261,3.96863833,3.968638324,3.968638226,3.968638145,3.968638359,3.968638371,3.968638484,3.968638304,3.968638357,3.968638376,3.968638373,3.968638399,3.968638359,3.968638221,3.968638278,3.968638369,3.968638228,3.968638301
+"2977","CLDN17",3.064419279,3.064419297,3.064419298,3.064419296,3.0644193,3.06441929,3.064419282,3.064419301,3.064419276,3.064419296,3.064419267,3.064419294,3.064419269,3.064419279,3.064419303,3.06441929,3.064419292,3.064419295,3.064419282,3.064419292,3.064419291,3.064419265,3.064419292,3.064419275,3.064419278,3.064419285,3.064419283,3.064419293
+"2978","CLDN18",4.877899816,4.87789973,4.877900115,4.877899952,4.877900255,4.877899725,4.877900143,4.877900166,4.87790003,4.877899836,4.877900193,4.877900238,4.877899993,4.877899782,4.877900343,4.877900181,4.87790045,4.877900053,4.877899919,4.877899796,4.877900089,4.877900042,4.877899966,4.877899932,4.877900034,4.877900023,4.877899841,4.87790023
+"2979","CLDN19",6.107315704,6.107315326,6.107315906,6.107315524,6.107316428,6.107315956,6.107316186,6.107315946,6.107315678,6.107316019,6.107315979,6.107316431,6.107315841,6.1073152,6.107316189,6.107315497,6.107316455,6.107315991,6.107316153,6.107315788,6.107316255,6.107316141,6.10731565,6.107315537,6.10731577,6.10731596,6.107315672,6.107315897
+"2980","CLDN2",4.562587379,4.562587364,4.562587546,4.562587549,4.562587573,4.562587549,4.562587442,4.562587558,4.562587446,4.562587473,4.562587618,4.562587666,4.562587418,4.56258742,4.562587602,4.562587535,4.562587696,4.562587532,4.562587485,4.562587384,4.562587507,4.562587605,4.562587449,4.562587483,4.562587544,4.562587446,4.562587566,4.56258749
+"2981","CLDN20",3.906653169,3.906653134,3.906653073,3.906653025,3.90665298,3.906653106,3.906653222,3.906653202,3.90665323,3.906653071,3.906653066,3.906653235,3.906653035,3.906653144,3.906653023,3.906652936,3.906653029,3.906652923,3.906653171,3.90665313,3.906653108,3.906653138,3.906653162,3.906653121,3.906653176,3.906653021,3.906653169,3.906653111
+"2982","CLDN22",3.554815099,3.55481508,3.55481508,3.554815245,3.554815193,3.554815335,3.554815119,3.554815312,3.554815131,3.554815203,3.554815136,3.554815269,3.554815346,3.554815101,3.554815196,3.55481523,3.554815157,3.554815157,3.554815157,3.554815176,3.554815212,3.554815206,3.554815174,3.554815165,3.554815126,3.55481506,3.554815478,3.554815342
+"2983","CLDN23",6.518691787,6.518691862,6.518691907,6.518691855,6.518691951,6.518691818,6.518691845,6.518691935,6.518691848,6.518691859,6.518691912,6.518691926,6.51869185,6.518691791,6.518691927,6.518691945,6.518691974,6.518691921,6.518691852,6.518691859,6.518691894,6.51869193,6.518691835,6.518691875,6.518691922,6.518691893,6.518691828,6.518691875
+"2984","CLDN24",2.72789225,2.727892261,2.727892243,2.727892235,2.727892245,2.727892245,2.727892279,2.727892261,2.727892268,2.727892238,2.727892256,2.727892291,2.727892252,2.727892219,2.727892244,2.727892242,2.727892267,2.72789229,2.727892246,2.727892249,2.727892237,2.727892262,2.727892267,2.727892252,2.727892309,2.727892278,2.727892249,2.727892283
+"2985","CLDN3",6.519028722,6.519028722,6.519028693,6.519028756,6.519028812,6.519028707,6.519028711,6.519028769,6.519028738,6.519028729,6.519028823,6.519028838,6.519028775,6.519028601,6.519028767,6.519028777,6.519028802,6.519028782,6.519028778,6.519028717,6.519028732,6.519028731,6.5190287,6.519028669,6.519028737,6.519028758,6.519028744,6.519028738
+"2986","CLDN34",3.990608974,3.99060906,3.990609015,3.990609051,3.990609027,3.990609005,3.990609015,3.990609077,3.990609053,3.990609011,3.990609018,3.990609018,3.990608977,3.990608961,3.990609017,3.990608994,3.990609001,3.990608993,3.990609006,3.990609008,3.990608988,3.990609,3.99060899,3.990608982,3.990609028,3.990609007,3.990609024,3.990608942
+"2987","CLDN4",4.467336074,4.467336078,4.467336205,4.46733618,4.467336282,4.4673362,4.467336141,4.467336219,4.467336144,4.467336204,4.467336209,4.467336221,4.467336091,4.467336115,4.467336146,4.467336155,4.467336227,4.467336217,4.46733622,4.467336168,4.467336201,4.467336219,4.467336019,4.46733605,4.467336277,4.467336211,4.467336055,4.467336178
+"2988","CLDN5",6.71628516,6.716285169,6.716285265,6.716285285,6.716285257,6.716285166,6.716285211,6.716285238,6.716285243,6.716285251,6.716285252,6.716285257,6.716285225,6.716285152,6.716285257,6.716285229,6.716285247,6.716285313,6.7162852,6.716285164,6.716285239,6.71628524,6.716285224,6.716285284,6.716285248,6.71628523,6.716285185,6.71628516
+"2989","CLDN6",4.064792696,4.06479257,4.064792967,4.064792726,4.064792817,4.064792563,4.06479279,4.064792908,4.064792708,4.064792958,4.064792878,4.064793042,4.064792563,4.064792523,4.064793052,4.064793052,4.064792721,4.064792543,4.064792801,4.064792933,4.064792961,4.064792879,4.064792434,4.064792529,4.06479268,4.064792933,4.064792757,4.064792521
+"2990","CLDN7",5.121768764,5.121768776,5.121768786,5.121768771,5.121768784,5.121768745,5.121768782,5.1217688,5.121768775,5.121768774,5.121768775,5.121768784,5.121768771,5.121768762,5.121768791,5.121768773,5.121768789,5.121768775,5.121768753,5.121768766,5.121768775,5.121768776,5.121768774,5.121768759,5.121768781,5.121768772,5.121768763,5.121768767
+"2991","CLDN8",3.229022032,3.229022037,3.229022077,3.229022095,3.229022001,3.229022076,3.229022093,3.229022031,3.229022077,3.229022085,3.229022061,3.229022048,3.229022103,3.229022032,3.22902203,3.229022024,3.229022142,3.229022101,3.229022034,3.229022059,3.229022049,3.229022074,3.229022038,3.229022002,3.22902202,3.229022057,3.229022054,3.229022059
+"2992","CLDN9",6.244415762,6.244415822,6.244415795,6.244415806,6.2444158,6.244415798,6.244415818,6.244415812,6.244415828,6.2444158,6.244415825,6.244415817,6.244415789,6.244415704,6.244415799,6.244415836,6.244415843,6.244415861,6.244415802,6.244415847,6.244415813,6.244415785,6.244415753,6.244415797,6.244415756,6.24441579,6.244415767,6.244415804
+"2993","CLDND1",7.726654289,7.726653506,7.726653662,7.72665322,7.726653393,7.726653248,7.72665422,7.726653622,7.726653847,7.726653541,7.726653106,7.726653267,7.726653784,7.726654549,7.72665382,7.726653433,7.726653074,7.726653269,7.726653626,7.726653416,7.726654192,7.726653948,7.726653951,7.72665351,7.726653155,7.72665385,7.726653745,7.726653974
+"2994","CLDND2",7.291873657,7.291873616,7.291873751,7.291873639,7.291873738,7.291873547,7.291873689,7.291873786,7.291873673,7.291873659,7.291873713,7.291873768,7.291873699,7.291873556,7.29187376,7.291873716,7.291873738,7.291873725,7.291873646,7.291873671,7.291873736,7.291873769,7.29187366,7.291873666,7.291873688,7.291873727,7.291873653,7.291873657
+"2995","CLEC10A",5.251510536,5.251510511,5.251510621,5.251510344,5.251510556,5.251510414,5.251510335,5.251510612,5.251510468,5.251510683,5.25151052,5.251510411,5.251510457,5.251510621,5.251510456,5.251510507,5.251510617,5.251510406,5.251510547,5.251510334,5.251510382,5.251510653,5.251510377,5.251510503,5.251510491,5.251510513,5.251510505,5.251510547
+"2996","CLEC11A",5.957306878,5.957306894,5.957306956,5.957306906,5.957307025,5.957306868,5.957306946,5.957306971,5.957306935,5.957306957,5.957306986,5.957306984,5.957306928,5.957306847,5.957306986,5.957306933,5.957307036,5.957306975,5.95730696,5.957306955,5.957306997,5.957306968,5.95730694,5.95730687,5.957306973,5.957306985,5.95730691,5.957306919
+"2997","CLEC12A",7.70862884,6.685261488,7.651552426,6.519276031,6.485642518,7.403192912,8.320933963,6.204634449,7.074807699,7.471466432,7.711868589,6.965740303,6.338272487,8.413486385,7.386928206,6.215491415,7.583795396,5.813170913,6.489435434,7.503285877,8.442444124,6.021153031,7.443745544,7.794169493,7.727972052,7.429370579,6.236783859,8.052554381
+"2998","CLEC12A-AS1",5.739178866,5.73917887,5.739178908,5.739178882,5.739178846,5.739178846,5.739178871,5.739178868,5.739178892,5.739178864,5.739178897,5.739178852,5.739178887,5.739178846,5.739178873,5.739178923,5.739178903,5.739178935,5.739178859,5.739178912,5.739178889,5.739178877,5.739178825,5.739178888,5.739178909,5.739178904,5.739178877,5.739178865
+"2999","CLEC12B",5.209555941,5.209527553,5.20955977,5.209512369,5.209513251,5.209556649,5.209582685,5.209516411,5.209538427,5.209549974,5.2095593,5.209538232,5.209521994,5.209573056,5.209546021,5.209523399,5.209547518,5.209504792,5.209508513,5.209564575,5.209578454,5.209506858,5.209528697,5.209565652,5.209571474,5.209551996,5.209515534,5.20956211
+"3000","CLEC14A",4.758111406,4.758111342,4.75811159,4.758111517,4.758111645,4.75811143,4.758111521,4.75811154,4.758111421,4.758111488,4.758111655,4.758111676,4.75811143,4.758111253,4.758111555,4.758111525,4.758111567,4.758111551,4.758111525,4.758111407,4.758111482,4.75811156,4.758111418,4.758111438,4.758111481,4.758111477,4.758111392,4.758111462
+"3001","CLEC16A",7.873168862,7.873168852,7.873168961,7.873168838,7.873168805,7.873168955,7.873168912,7.873168848,7.873168983,7.873168954,7.873168915,7.873168892,7.873168891,7.873168792,7.873168775,7.873168801,7.87316888,7.873168852,7.873168895,7.873168884,7.873168837,7.873168892,7.873168983,7.873168903,7.873168897,7.873168887,7.873168894,7.873168816
+"3002","CLEC17A",6.284466096,6.284465978,6.284465672,6.28446593,6.284466019,6.284465985,6.28446591,6.284465718,6.284465804,6.284466133,6.284465808,6.284465919,6.284465868,6.284466122,6.284466107,6.284465965,6.284465839,6.284466046,6.284466076,6.28446591,6.284465856,6.284465878,6.284465849,6.284466038,6.284465703,6.284466031,6.28446584,6.284466171
+"3003","CLEC19A",4.836410325,4.836410364,4.836410587,4.836410519,4.836410652,4.83641066,4.836410695,4.836410596,4.836410705,4.836410511,4.836410644,4.83641088,4.836410587,4.836410336,4.836410741,4.836410654,4.83641085,4.836410464,4.83641069,4.836410756,4.836410555,4.836410765,4.836410461,4.836410445,4.836410344,4.836410626,4.836410536,4.83641053
+"3004","CLEC1A",4.686885547,4.686885886,4.686885415,4.686885796,4.686885668,4.686885823,4.686885945,4.686885637,4.686885606,4.68688557,4.686885624,4.686885469,4.686885554,4.686885652,4.686885648,4.686885716,4.68688546,4.686885518,4.68688566,4.686886028,4.686886146,4.686885535,4.686885515,4.686885737,4.686885702,4.686885462,4.686885794,4.686885228
+"3005","CLEC1B",4.853131732,4.85313218,4.853132226,4.853133213,4.853132601,4.853131805,4.853132102,4.853131012,4.85313138,4.853133998,4.85313399,4.853133885,4.853131688,4.853132534,4.853132153,4.853132117,4.853132162,4.853133683,4.853132336,4.853131873,4.853133196,4.853131564,4.853131547,4.853133935,4.85313368,4.853133231,4.853131965,4.853132662
+"3006","CLEC20A",5.941738692,5.941738666,5.941738819,5.941738839,5.941738972,5.941738613,5.941738737,5.941739101,5.941738673,5.941738765,5.941738935,5.941738972,5.941738743,5.94173856,5.941738942,5.941738856,5.941739041,5.941739029,5.94173877,5.941738684,5.941738973,5.941738968,5.941738553,5.941738665,5.941738898,5.941738868,5.941738705,5.941738874
+"3007","CLEC2A",3.309177953,3.309177908,3.309177916,3.309177934,3.309177934,3.309177967,3.30917795,3.309177917,3.309177936,3.309177911,3.309177962,3.309177979,3.309177937,3.309177908,3.309177945,3.309177948,3.309177966,3.309177962,3.309177905,3.309177962,3.309177939,3.309177964,3.309177969,3.309177933,3.309177959,3.309177904,3.309177916,3.309177935
+"3008","CLEC2B",5.33350394,5.333503818,5.333503802,5.333503812,5.333503678,5.333503765,5.333503676,5.333503786,5.333503696,5.333503693,5.333503527,5.333503596,5.333503749,5.333504008,5.333503858,5.333503834,5.333503671,5.333503663,5.333503837,5.333503777,5.333503814,5.333503714,5.333503912,5.333503902,5.333503793,5.333503688,5.333503749,5.333503899
+"3009","CLEC2D",8.306290704,8.006438404,7.935201239,7.825380632,7.888796661,7.739793071,8.06806876,7.973955651,8.153222601,8.024663996,7.687989199,7.951674983,8.200112631,8.538284834,8.090228149,8.035170646,7.702953235,7.756558786,8.090665537,7.723194965,8.091768495,8.031708821,8.203161645,8.006969688,7.82352791,8.185513128,8.144885816,8.292487609
+"3010","CLEC3A",4.018835764,4.01883576,4.018835825,4.018835788,4.018835797,4.018835743,4.018835784,4.018835789,4.018835785,4.018835766,4.018835799,4.018835805,4.018835774,4.018835745,4.018835786,4.018835782,4.018835818,4.018835793,4.018835783,4.01883578,4.018835777,4.0188358,4.018835771,4.018835788,4.018835801,4.018835769,4.018835787,4.018835784
+"3011","CLEC3B",6.536443983,6.536444041,6.536444249,6.536444093,6.536444287,6.536443869,6.536444069,6.53644423,6.536444155,6.536444126,6.53644413,6.536444217,6.536444108,6.536444002,6.536444233,6.536444223,6.536444248,6.536444263,6.536444023,6.536444087,6.536444165,6.536444215,6.536444115,6.53644414,6.536444195,6.53644418,6.536444109,6.536444159
+"3012","CLEC4A",6.85838327,6.85838375,6.858384016,6.858384109,6.858382824,6.858384041,6.858383773,6.858383306,6.858382677,6.858383853,6.858383453,6.858381945,6.858383435,6.858383987,6.858382913,6.858383396,6.858383394,6.858383377,6.858383481,6.858384074,6.858383818,6.858383433,6.858383174,6.858384521,6.858383587,6.858382375,6.858383124,6.858382954
+"3013","CLEC4C",5.565836191,5.565839167,5.565837461,5.565839486,5.56583566,5.565835817,5.565836341,5.56583601,5.5658383,5.565835362,5.56583928,5.565834104,5.565833326,5.565837483,5.565835471,5.565839806,5.565836544,5.56583911,5.565834957,5.565836158,5.565835733,5.565835207,5.565838653,5.565836438,5.565839937,5.565835307,5.565832879,5.565836589
+"3014","CLEC4D",5.737077397,5.737077538,5.737076683,5.737079664,5.737077375,5.737077914,5.737077626,5.737076844,5.737076898,5.737077896,5.737078215,5.737076666,5.737076656,5.737077883,5.737076532,5.737077124,5.737077698,5.737078297,5.737078623,5.737077954,5.737077381,5.737075553,5.737078044,5.737079078,5.737078457,5.737076684,5.737076573,5.737076923
+"3015","CLEC4E",7.495733414,7.490992917,7.494093274,7.49977074,7.482916511,7.488900854,7.492955896,7.484753505,7.478876947,7.48072868,7.489934085,7.484079495,7.486122569,7.488732759,7.48778446,7.487242131,7.491467086,7.490081094,7.484019448,7.490503171,7.489395993,7.479567045,7.483019616,7.490099545,7.488182076,7.484995651,7.483816126,7.482238751
+"3016","CLEC4F",5.56377096,5.5637712,5.563771074,5.563771092,5.563771515,5.563770638,5.563770871,5.563771222,5.563770956,5.563771349,5.563771064,5.563770798,5.5637707,5.563770534,5.563771373,5.563771138,5.56377139,5.563771296,5.563771246,5.563770758,5.563771178,5.563771019,5.56377062,5.563770895,5.563771086,5.563771144,5.563770808,5.563770838
+"3017","CLEC4G",6.299983164,6.299983253,6.299983706,6.299983435,6.299983842,6.299983148,6.299983333,6.299983693,6.299983449,6.299983498,6.299983597,6.299983671,6.299983513,6.29998311,6.299983627,6.29998369,6.299983757,6.299983631,6.299983509,6.299983394,6.299983559,6.299983706,6.299983197,6.299983312,6.299983622,6.299983529,6.299983298,6.299983345
+"3018","CLEC4GP1",6.571483369,6.571483391,6.571483554,6.571483489,6.571483607,6.571483212,6.571483444,6.57148359,6.571483443,6.571483458,6.571483568,6.571483569,6.571483536,6.571483315,6.571483529,6.571483515,6.571483567,6.571483658,6.5714833,6.571483655,6.571483525,6.571483544,6.571483386,6.571483507,6.57148364,6.571483574,6.571483489,6.571483421
+"3019","CLEC4M",4.46739967,4.467399659,4.467399704,4.467399746,4.467399766,4.467399765,4.46739966,4.46739967,4.467399705,4.467399735,4.467399738,4.467399765,4.467399678,4.467399639,4.467399663,4.467399735,4.467399759,4.467399683,4.46739974,4.467399737,4.467399712,4.467399729,4.467399663,4.467399674,4.467399709,4.467399666,4.467399753,4.467399762
+"3020","CLEC5A",4.585915663,4.58591537,4.585915696,4.585915597,4.585915351,4.585915408,4.585915417,4.585915219,4.585915172,4.585915142,4.585915605,4.58591519,4.585915253,4.585915236,4.585915514,4.58591525,4.585915453,4.585915427,4.585915428,4.585915258,4.58591531,4.585915146,4.58591527,4.585915176,4.585915421,4.585915289,4.585915285,4.585915106
+"3021","CLEC6A",4.539454278,4.53945427,4.539454206,4.539454199,4.539454191,4.539454385,4.539454207,4.53945428,4.539454306,4.539454279,4.539454178,4.539454276,4.539454217,4.53945437,4.539454208,4.539454209,4.539454223,4.539454118,4.53945418,4.539454406,4.539454247,4.539454227,4.539454223,4.539454303,4.539454155,4.53945416,4.539454221,4.53945411
+"3022","CLEC7A",7.734812897,7.734813229,7.73481317,7.734813098,7.734811907,7.73481275,7.734813746,7.73481255,7.734812115,7.734812121,7.734812351,7.734810874,7.734812656,7.734813853,7.734812491,7.734813043,7.734812703,7.734812172,7.734813267,7.734813531,7.734813895,7.734812488,7.734813079,7.73481351,7.734813065,7.73481213,7.734812378,7.734812696
+"3023","CLEC9A",3.839192993,3.839193043,3.839193045,3.839193014,3.839192993,3.839193019,3.83919299,3.839193005,3.839193014,3.839192948,3.839192961,3.839192986,3.839192987,3.839193031,3.839193016,3.839193044,3.839193,3.839193025,3.839192973,3.839192991,3.839193013,3.839193011,3.839193026,3.839192971,3.839192996,3.839193034,3.839192997,3.83919299
+"3024","CLECL1P",3.862796949,3.862796725,3.862796823,3.862796945,3.862796563,3.862796931,3.862796779,3.862796629,3.86279671,3.862796678,3.862797048,3.862796909,3.862796914,3.862797239,3.862797042,3.862796738,3.862797009,3.862796908,3.862796746,3.862796983,3.862796614,3.862796631,3.862797021,3.862796799,3.862796723,3.862796702,3.862796861,3.862796781
+"3025","CLGN",2.69915219,2.699152307,2.699152322,2.699152282,2.699152181,2.699152189,2.699152275,2.699152187,2.699152178,2.699152173,2.699152277,2.699152357,2.699152203,2.699152219,2.699152234,2.699152269,2.69915237,2.699152232,2.699152306,2.699152241,2.69915221,2.699152142,2.699152201,2.699152196,2.699152247,2.699152239,2.699152197,2.699152306
+"3026","CLHC1",3.708492128,3.708492188,3.708491816,3.708492049,3.708492265,3.708491913,3.708492186,3.708492136,3.708491983,3.708491915,3.708492032,3.708491917,3.708491991,3.70849207,3.708492014,3.708492109,3.708491965,3.708492003,3.70849235,3.708491981,3.708492148,3.708492226,3.708492037,3.708491983,3.708492066,3.708491939,3.70849188,3.708491999
+"3027","CLIC1",6.079010279,6.079010593,6.0790101525,6.079010333,6.079010066,6.0790108115,6.079010202,6.0790097245,6.0790099395,6.0790108505,6.0790103445,6.0790096955,6.079010115,6.079010007,6.0790104285,6.0790099305,6.0790103165,6.079010114,6.079010262,6.0790103615,6.0790101715,6.079010481,6.079010549,6.0790109255,6.079010191,6.0790093525,6.0790098435,6.0790105685
+"3028","CLIC2",3.6696623,3.669662139,3.669662185,3.669662122,3.669662037,3.669662338,3.669662243,3.669662144,3.66966207,3.669662299,3.669662341,3.66966224,3.669662274,3.669662496,3.669662254,3.669662092,3.669662085,3.669662387,3.669662094,3.669662294,3.6696622,3.669662281,3.669662353,3.66966232,3.669662411,3.669662248,3.669662357,3.669662459
+"3029","CLIC3",6.233334611,6.233334632,6.233334626,6.233334609,6.233334613,6.233334627,6.233334608,6.233334622,6.233334609,6.233334609,6.233334622,6.233334604,6.233334622,6.233334599,6.233334615,6.233334618,6.233334623,6.233334605,6.233334601,6.233334609,6.233334603,6.23333462,6.233334617,6.233334624,6.233334625,6.233334615,6.233334615,6.233334615
+"3030","CLIC4",7.385809041,7.385808811,7.385808525,7.385809105,7.385808502,7.385808768,7.385808718,7.385807923,7.385808364,7.385808894,7.385808672,7.385808359,7.385808768,7.385808823,7.385808562,7.3858086,7.385808191,7.385809085,7.385808553,7.385808932,7.385808559,7.385808155,7.385808403,7.385809145,7.385808583,7.385808449,7.385808732,7.385808746
+"3031","CLIC5",4.052202537,4.052202249,4.052202318,4.052202387,4.05220238,4.052202451,4.052202287,4.052202416,4.05220239,4.052202346,4.052202387,4.052202479,4.052202382,4.052202451,4.052202429,4.05220245,4.052202352,4.052202457,4.052202447,4.052202431,4.052202397,4.05220234,4.052202399,4.052202374,4.052202358,4.052202392,4.052202442,4.052202372
+"3032","CLIC6",4.360338402,4.360338418,4.360338418,4.360338472,4.360338493,4.360338235,4.360338217,4.360338474,4.360338404,4.360338315,4.360338468,4.360338534,4.36033845,4.360338287,4.360338472,4.36033844,4.360338526,4.360338426,4.360338321,4.36033838,4.360338349,4.360338455,4.360338384,4.360338512,4.360338514,4.360338397,4.360338399,4.36033848
+"3033","CLINT1",7.739582254,7.73958249,7.739581887,7.739581812,7.739582362,7.739581836,7.739582054,7.739581866,7.739581991,7.739582139,7.739582305,7.739581544,7.739582067,7.739582844,7.739581924,7.739582129,7.739581702,7.739581614,7.739582331,7.739582098,7.739582026,7.73958176,7.739582048,7.739582101,7.739582008,7.739581988,7.739582127,7.739582614
+"3034","CLIP1",6.992029587,6.99202958,6.992029487,6.992029835,6.992029379,6.992029608,6.992029546,6.992029314,6.992029467,6.992029497,6.992029615,6.992029341,6.992029465,6.992029705,6.992029543,6.992029529,6.99202934,6.992029673,6.992029559,6.992029736,6.99202951,6.992029361,6.992029627,6.992029654,6.992029702,6.992029448,6.992029478,6.992029522
+"3035","CLIP2",6.053237023,6.053237044,6.053237047,6.05323706,6.053237048,6.053237035,6.053237039,6.05323703,6.05323703,6.053237035,6.053237049,6.053237043,6.053237044,6.053237023,6.053237037,6.05323705,6.053237057,6.053237068,6.053237032,6.053237045,6.05323705,6.053237046,6.053237023,6.053237032,6.053237047,6.053237039,6.053237038,6.053237028
+"3036","CLIP3",6.001367652,6.001367733,6.001368073,6.001367731,6.001368576,6.001367786,6.001368031,6.001368174,6.001368226,6.001368127,6.001368205,6.001368511,6.001367877,6.001367542,6.001368318,6.001368184,6.001368586,6.001368249,6.001367927,6.00136795,6.00136828,6.001368358,6.001367861,6.001367954,6.001368094,6.00136834,6.001367801,6.001368179
+"3037","CLIP4",6.504549404,6.504548918,6.50454892,6.504548503,6.504548699,6.504548615,6.50454874,6.504548705,6.504548961,6.50454888,6.504548282,6.504548455,6.504549373,6.504549554,6.504548835,6.504548809,6.504548624,6.504548244,6.50454887,6.504548065,6.504548817,6.50454898,6.504549057,6.50454898,6.504548576,6.504548931,6.504549435,6.504549187
+"3038","CLK2",7.898398493,7.89839849,7.898398457,7.898398496,7.898398384,7.898398463,7.89839844,7.898398502,7.898398534,7.898398392,7.898398367,7.898398419,7.898398491,7.898398583,7.89839846,7.898398513,7.898398366,7.898398463,7.898398393,7.898398372,7.898398428,7.898398556,7.898398471,7.898398464,7.898398517,7.898398512,7.898398532,7.898398479
+"3039","CLK2P1",7.452688041,7.452688056,7.452688078,7.452688062,7.452688049,7.452687994,7.452688051,7.452688075,7.452688066,7.45268808,7.45268809,7.45268806,7.452688069,7.452688042,7.452688019,7.452688096,7.452688053,7.452688083,7.452688067,7.452687955,7.452688003,7.452688064,7.452688055,7.452688062,7.452688083,7.452688064,7.452688073,7.452688092
+"3040","CLK3",6.772335992,6.772336018,6.772335811,6.772336094,6.77233571,6.772336163,6.77233603,6.772336041,6.772336045,6.772336137,6.772335794,6.772336027,6.772335929,6.77233588,6.772335843,6.772335845,6.772335669,6.77233588,6.772335934,6.772336073,6.77233594,6.772335937,6.772336041,6.772336038,6.772335914,6.772335986,6.772335861,6.772335713
+"3041","CLK4",6.9948910805,6.9948906805,6.994890621,6.9948909365,6.99489027,6.994890028,6.994890477,6.9948901265,6.994890754,6.9948903885,6.99489056,6.994890006,6.9948908465,6.9948914315,6.9948907735,6.994890633,6.9948904155,6.9948906155,6.99489092,6.9948901275,6.9948905275,6.994890268,6.994890809,6.9948908365,6.994890783,6.9948904605,6.9948907115,6.994890873
+"3042","CLLU1",2.889319341,2.889319599,2.889319393,2.889319466,2.889319345,2.889319479,2.889319429,2.88931943,2.889319449,2.889319417,2.889319476,2.889319481,2.88931929,2.889319489,2.889319348,2.889319442,2.889319587,2.889319422,2.889319547,2.889319516,2.889319271,2.889319337,2.889319501,2.88931944,2.889319443,2.889319308,2.889319424,2.889319426
+"3043","CLLU1-AS1",4.241866131,4.24186617,4.241866363,4.241866314,4.241866223,4.241865838,4.24186622,4.241866475,4.24186621,4.241866181,4.241866284,4.241866346,4.241866268,4.241866063,4.241866268,4.241866298,4.241866557,4.241866464,4.241866303,4.241866202,4.24186623,4.241866314,4.241866269,4.241866278,4.241866374,4.241866106,4.241866236,4.241866292
+"3044","CLMN",6.006727273,6.00672725,6.00672723,6.006727234,6.006727278,6.006727329,6.006727231,6.006727139,6.006727059,6.006727305,6.006727319,6.006727144,6.006727132,6.006727127,6.006727265,6.006727186,6.006727179,6.006727175,6.006727253,6.006727168,6.006727212,6.006727092,6.006727015,6.006727169,6.006727105,6.006727167,6.006727174,6.006727029
+"3045","CLMP",4.717466956,4.717466951,4.717466964,4.717466945,4.717467044,4.71746695,4.717466981,4.717466977,4.717466945,4.717466965,4.717467001,4.717467006,4.717466967,4.717466931,4.71746699,4.717466947,4.717467015,4.717466933,4.717467028,4.717467018,4.717467004,4.717466942,4.717466982,4.717466907,4.717466951,4.717467004,4.717466947,4.717467011
+"3046","CLN3",7.186630727,7.18663075,7.18663075,7.186630734,7.186630743,7.186630763,7.186630725,7.18663075,7.186630763,7.186630724,7.186630752,7.186630736,7.186630762,7.186630755,7.186630701,7.186630741,7.186630697,7.186630702,7.186630751,7.186630761,7.186630736,7.186630742,7.186630727,7.186630747,7.18663073,7.186630745,7.18663074,7.186630717
+"3047","CLN5",4.919176453,4.919176001,4.919176427,4.919176062,4.919176261,4.9191756,4.919176087,4.919175991,4.919176122,4.919176028,4.919175966,4.919175653,4.919176168,4.919176908,4.9191758,4.919175827,4.919175977,4.919176102,4.919176484,4.919175982,4.9191759,4.919175922,4.919176249,4.919176277,4.919176312,4.919176107,4.919176472,4.919176583
+"3048","CLN6",7.037468306,7.037468521,7.03746853,7.037468427,7.03746829,7.037468345,7.037468393,7.037468366,7.037468313,7.037468331,7.037468432,7.037468075,7.037468269,7.037468463,7.037468259,7.037468404,7.037468386,7.037468381,7.03746836,7.037468277,7.037468352,7.03746833,7.037468341,7.037468332,7.037468332,7.037468215,7.037468238,7.037468479
+"3049","CLN8",6.572517771,6.5725178265,6.572517857,6.572517673,6.572517735,6.5725177885,6.5725178185,6.572517647,6.572517888,6.5725179145,6.5725177865,6.572517806,6.5725177845,6.57251786,6.5725176795,6.5725177385,6.5725177965,6.5725174485,6.5725177875,6.5725174845,6.572517613,6.5725176255,6.572517741,6.5725179,6.5725176905,6.57251766,6.572517807,6.572517802
+"3050","CLNK",4.065586768,4.065586784,4.065586826,4.065586832,4.065586769,4.065586739,4.065586854,4.06558684,4.065586824,4.065586832,4.065586799,4.065586929,4.065586861,4.06558686,4.065586833,4.065586829,4.065586839,4.065586812,4.065586772,4.065586767,4.065586849,4.065586821,4.06558679,4.065586772,4.065586745,4.065586877,4.065586834,4.065586895
+"3051","CLNS1A",6.120578756,6.120578589,6.120578504,6.120578355,6.120578416,6.120578407,6.120578606,6.12057839,6.120578657,6.120578505,6.12057859,6.120578359,6.120578735,6.120579088,6.12057825,6.120578499,6.120578389,6.120578325,6.120578422,6.120578212,6.12057843,6.120578555,6.120578338,6.120578481,6.120578202,6.120578572,6.120578591,6.120578932
+"3052","CLOCK",4.912579668,4.912579238,4.912579394,4.912579276,4.912579424,4.912579281,4.912579323,4.912579271,4.912579526,4.912579617,4.912578947,4.912578999,4.912579564,4.912579925,4.912579361,4.912579116,4.912579317,4.912579089,4.912579434,4.912579231,4.91257928,4.912579371,4.912579633,4.91257956,4.912579458,4.91257956,4.912579463,4.912579571
+"3053","CLP1",5.973121048,5.973121089,5.973121089,5.97312115,5.973121151,5.973121078,5.973121109,5.973121144,5.973121035,5.973121135,5.973120911,5.973121064,5.973120994,5.973121074,5.973121127,5.973121046,5.973121144,5.973121067,5.973121135,5.97312098,5.973121131,5.973121007,5.973121017,5.973121072,5.973121073,5.973121043,5.973121071,5.973121103
+"3054","CLPB",6.517404529,6.517404387,6.517404649,6.517404551,6.517404603,6.517404655,6.517404573,6.517404505,6.517404515,6.517404596,6.517404518,6.517404502,6.517404579,6.517404544,6.517404556,6.517404404,6.517404542,6.51740451,6.517404507,6.517404594,6.51740458,6.517404551,6.517404481,6.517404586,6.517404485,6.517404542,6.517404564,6.517404482
+"3055","CLPP",7.120259743,7.120259766,7.12025973,7.120259716,7.120259668,7.120259791,7.120259768,7.120259742,7.120259837,7.120259768,7.12025967,7.120259738,7.120259771,7.12025976,7.120259732,7.12025971,7.12025965,7.120259695,7.120259752,7.120259659,7.120259671,7.120259694,7.120259805,7.120259754,7.120259645,7.120259719,7.120259759,7.120259799
+"3056","CLPS",5.091208834,5.091208835,5.091208867,5.091208851,5.091208851,5.091208842,5.091208814,5.091208867,5.091208826,5.091208827,5.091208841,5.09120887,5.091208803,5.091208836,5.091208858,5.091208873,5.091208863,5.091208874,5.091208859,5.091208868,5.091208843,5.091208867,5.091208825,5.091208825,5.091208827,5.091208846,5.09120883,5.091208823
+"3057","CLPSL2",5.360584557,5.36058452,5.360584644,5.360584559,5.360584731,5.360584533,5.360584628,5.360584631,5.360584601,5.360584642,5.360584657,5.360584693,5.360584623,5.360584487,5.360584689,5.36058464,5.360584716,5.360584638,5.360584591,5.360584592,5.360584652,5.360584659,5.360584547,5.360584599,5.360584656,5.360584689,5.360584525,5.360584616
+"3058","CLPTM1",7.861980423,7.861980483,7.8619805,7.861980612,7.861980333,7.8619807,7.861980439,7.861980534,7.861980494,7.861980648,7.861980364,7.861980268,7.861980395,7.861980516,7.861980429,7.861980371,7.861980534,7.861980466,7.861980342,7.861980549,7.861980165,7.861980433,7.861980528,7.861980631,7.861980452,7.861980327,7.861980482,7.861980496
+"3059","CLPTM1L",7.845462999,7.845463092,7.845463033,7.845462873,7.845462876,7.845463175,7.845463115,7.84546287,7.845463035,7.845462983,7.845462989,7.845462835,7.845463152,7.845463202,7.845462867,7.845463005,7.845462818,7.845462772,7.845462972,7.845462811,7.845462985,7.845463005,7.845463059,7.845463063,7.845462834,7.845462905,7.845463219,7.845462926
+"3060","CLPX",7.025999816,7.025999902,7.02599968,7.025999659,7.025999601,7.02599961,7.025999591,7.025999644,7.025999738,7.025999707,7.025999594,7.025999497,7.025999699,7.025999979,7.025999663,7.025999847,7.02599956,7.025999589,7.025999728,7.025999679,7.025999598,7.025999634,7.025999781,7.025999773,7.025999651,7.025999707,7.025999648,7.025999846
+"3061","CLRN1",3.506821366,3.506821364,3.506821382,3.506821381,3.506821392,3.506821375,3.506821396,3.506821389,3.506821374,3.506821389,3.506821377,3.506821395,3.506821381,3.506821374,3.506821393,3.506821364,3.506821397,3.506821393,3.506821391,3.506821386,3.506821392,3.50682139,3.506821399,3.506821368,3.50682138,3.506821384,3.506821374,3.506821396
+"3062","CLRN2",4.282497023,4.282497017,4.28249703,4.282497027,4.282497035,4.282497011,4.282497034,4.282497034,4.28249703,4.282497036,4.282497013,4.282497053,4.282497026,4.282497017,4.282497025,4.282497036,4.282497056,4.282497056,4.282497034,4.282497035,4.282497046,4.282497041,4.282497019,4.282497017,4.282497025,4.282497035,4.282497002,4.282497039
+"3063","CLRN3",3.274282129,3.274282179,3.274282221,3.274282231,3.274282255,3.274282325,3.274282164,3.274282233,3.274282198,3.274282245,3.274282198,3.274282231,3.274282266,3.274282127,3.274282204,3.274282204,3.274282183,3.27428224,3.274282272,3.274282238,3.274282142,3.274282208,3.274282203,3.274282186,3.274282232,3.274282241,3.274282308,3.274282204
+"3064","CLSPN",3.7956351025,3.795635129,3.7956351095,3.7956352015,3.7956350775,3.795635195,3.7956353155,3.7956351,3.795635155,3.795635131,3.7956351775,3.79563514,3.7956351445,3.795635088,3.7956351755,3.7956351175,3.795635149,3.7956351115,3.795635179,3.7956352515,3.7956352905,3.7956351555,3.7956352565,3.795635174,3.7956351185,3.795635127,3.7956351875,3.795635144
+"3065","CLSTN1",7.196371664,7.196371616,7.196371219,7.196371324,7.196371532,7.196371849,7.19637164,7.196371359,7.196371902,7.196371903,7.196371131,7.196371541,7.196371569,7.196372058,7.196371572,7.196371271,7.196371124,7.196371467,7.196371472,7.196371518,7.196371624,7.196371401,7.19637136,7.196371438,7.196371223,7.196371536,7.196371764,7.196371588
+"3066","CLSTN2",4.672841906,4.672841955,4.672842197,4.672841986,4.672842238,4.672841944,4.672842021,4.672842254,4.672842067,4.672842172,4.672842098,4.672842313,4.6728421,4.672841933,4.672842223,4.672842058,4.6728423,4.672842182,4.672841985,4.67284207,4.672842213,4.672842144,4.672842032,4.672841958,4.672842112,4.672842212,4.672841895,4.672842114
+"3067","CLSTN3",6.12886021,6.128860459,6.128859871,6.128860013,6.128860069,6.12886084,6.128860415,6.128860321,6.128860327,6.128860456,6.128859869,6.128860046,6.128859989,6.128860459,6.12886018,6.128860501,6.128859959,6.128860036,6.128860313,6.128860581,6.12886038,6.12886033,6.128860305,6.12886042,6.128860187,6.128860307,6.128860012,6.128860259
+"3068","CLTA",7.237060075,7.237060125,7.237060089,7.237060042,7.23705993,7.237060037,7.237060033,7.237059887,7.237059919,7.237059996,7.237059841,7.237059728,7.237060158,7.237060176,7.237059921,7.23706002,7.23705983,7.237059759,7.237059941,7.237059654,7.237059913,7.237059931,7.237059985,7.2370599,7.23705977,7.237059894,7.237060057,7.237059889
+"3069","CLTB",7.415945472,7.415945678,7.415945597,7.415945541,7.415945355,7.415945394,7.415945464,7.415945562,7.415945398,7.415945443,7.415945364,7.415945515,7.415945512,7.41594548,7.415945511,7.415945575,7.415945541,7.415945572,7.415945484,7.415945372,7.415945298,7.415945536,7.415945475,7.415945564,7.415945435,7.415945476,7.415945452,7.415945575
+"3070","CLTC",8.334563008,8.334563054,8.334562635,8.334563092,8.334562583,8.334562864,8.334563018,8.334562413,8.33456262,8.334562755,8.334562667,8.334562196,8.334562897,8.334563348,8.334562771,8.334562903,8.334562586,8.334562623,8.334562903,8.334562278,8.33456284,8.334562501,8.334562755,8.334562951,8.334562634,8.334562495,8.334562736,8.334562771
+"3071","CLTCL1",5.659885968,5.659885858,5.659886003,5.659886037,5.65988599,5.659885974,5.659886116,5.659886001,5.659885812,5.659885955,5.659886025,5.65988601,5.659885868,5.659885908,5.659886031,5.659885942,5.659886058,5.659885972,5.659886053,5.659885864,5.659886088,5.659885963,5.659885787,5.659885878,5.659886041,5.65988596,5.659885778,5.659885874
+"3072","CLTRN",3.569600847,3.569600853,3.56960083,3.569600812,3.569600819,3.569600786,3.569600838,3.569600815,3.569600889,3.569600797,3.569600855,3.569600825,3.56960086,3.569600847,3.569600878,3.569600894,3.569600816,3.56960086,3.569600791,3.56960085,3.569600809,3.569600796,3.569600859,3.569600826,3.569600864,3.5696008,3.56960085,3.569600818
+"3073","CLU",6.157757398,7.097692597,6.700038851,7.766523976,6.838467901,6.655237488,6.342010002,6.237325571,6.662408472,7.716757905,7.804103263,7.077923742,6.260254334,5.732472955,6.450323741,6.888401915,6.755615357,7.838753342,6.490507771,6.423539759,6.495328568,5.986464981,6.670851563,7.808780332,7.676319611,6.994822802,6.405894179,5.95327827
+"3074","CLUAP1",5.599805958,5.599805867,5.599805303,5.599805196,5.599805598,5.599805832,5.599805523,5.599805421,5.599806241,5.59980583,5.599805115,5.5998053,5.599805937,5.599806077,5.599805539,5.599805474,5.599805257,5.599805274,5.599805553,5.599805534,5.599805225,5.599805436,5.599806046,5.599805678,5.599805123,5.599805688,5.599805864,5.59980571
+"3075","CLUH",6.019811381,6.019811349,6.019811357,6.019811306,6.019811403,6.019811359,6.019811348,6.019811385,6.019811391,6.019811329,6.019811398,6.019811409,6.019811355,6.019811362,6.01981135,6.019811279,6.019811341,6.019811389,6.019811355,6.019811319,6.019811364,6.019811391,6.019811344,6.019811367,6.019811351,6.019811388,6.01981138,6.019811338
+"3076","CLUHP3",6.393506676,6.393506144,6.393506399,6.393506499,6.393506619,6.393506284,6.393506763,6.393506841,6.39350697,6.393507019,6.393506681,6.393506944,6.393506707,6.393506679,6.393506622,6.393506278,6.393506607,6.393506511,6.393506582,6.393506337,6.393506661,6.393506994,6.393506807,6.393506748,6.3935065,6.393506889,6.393506626,6.393506601
+"3077","CLUL1",3.918654736,3.918654627,3.918654864,3.918654743,3.918654871,3.918654583,3.918654768,3.918654902,3.918654783,3.918654684,3.918654919,3.918654832,3.918654739,3.918654619,3.918654804,3.918654807,3.918654918,3.918654837,3.918654641,3.918654855,3.918654781,3.918654929,3.918654903,3.918654646,3.918654846,3.918654815,3.918654643,3.918654851
+"3078","CLVS1",4.328286013,4.328286016,4.328286003,4.328286036,4.328286016,4.328286012,4.328286007,4.328286015,4.328286016,4.328286015,4.328286024,4.328286022,4.328286004,4.328285983,4.328286025,4.328286032,4.328286012,4.328286043,4.328286052,4.328286034,4.32828604,4.328286026,4.328286029,4.328286035,4.328286018,4.32828602,4.32828603,4.328286015
+"3079","CLVS2",3.518782344,3.518782441,3.518782507,3.518782475,3.518782446,3.518782612,3.518782479,3.518782422,3.518782406,3.518782429,3.518782595,3.518782468,3.518782366,3.518782443,3.518782548,3.518782488,3.518782496,3.518782458,3.518782368,3.518782495,3.51878244,3.518782452,3.51878244,3.518782477,3.518782562,3.518782463,3.518782419,3.518782495
+"3080","CLXN",2.726607322,2.726607474,2.726607402,2.726607618,2.726607361,2.726607537,2.726607544,2.726607276,2.72660729,2.726607617,2.726607307,2.726607466,2.726607326,2.726607588,2.726607371,2.726607445,2.726607553,2.726607473,2.726607492,2.726607258,2.72660745,2.726607384,2.726607405,2.726607433,2.726607617,2.726607252,2.726607355,2.726607526
+"3081","CLYBL",5.710177896,5.710177834,5.710177746,5.71017779,5.710177769,5.710177825,5.710177817,5.710177759,5.71017785,5.710177791,5.710177626,5.710177865,5.710177804,5.710177887,5.71017777,5.71017783,5.710177745,5.710177766,5.710177778,5.710177788,5.710177751,5.710177794,5.710177794,5.710177777,5.710177679,5.710177818,5.710177831,5.710177857
+"3082","CMA1",3.855710488,3.855710682,3.855710604,3.85571067,3.855710864,3.85571082,3.855710878,3.855710852,3.855710762,3.855710609,3.855710968,3.855710759,3.855710586,3.855710553,3.855710721,3.855710856,3.855710779,3.855710797,3.855710519,3.855710576,3.855710788,3.855710807,3.855710684,3.855710652,3.855710881,3.855710815,3.855710784,3.855710446
+"3083","CMAHP",5.272298193,5.272298085,5.272298054,5.272297968,5.272297937,5.272298214,5.272298039,5.27229796,5.2722981,5.272298191,5.272298026,5.27229783,5.272298224,5.272298217,5.272298044,5.272298031,5.272297919,5.272297946,5.272297989,5.272298056,5.272298053,5.272297971,5.272298112,5.27229816,5.272298071,5.272297936,5.272298184,5.272298076
+"3084","CMAS",6.500032391,6.500032317,6.500032387,6.500032258,6.500032378,6.500032198,6.500032433,6.500032255,6.500032277,6.500032282,6.50003244,6.50003246,6.500032252,6.500032442,6.500032395,6.500032323,6.500032222,6.500032225,6.500032317,6.500032092,6.500032359,6.500032339,6.500032354,6.500032295,6.500032347,6.500032425,6.500032221,6.500032371
+"3085","CMBL",4.90040554,4.900405986,4.900405658,4.900405829,4.900405806,4.900405844,4.900405766,4.900406096,4.900405719,4.900405762,4.900405733,4.900405819,4.900405668,4.900405606,4.900405801,4.900406022,4.900405726,4.900405751,4.900405694,4.900405861,4.900405685,4.900406013,4.900405781,4.90040586,4.90040562,4.900405745,4.900405712,4.900405873
+"3086","CMC1",4.729459386,4.729459295,4.729459247,4.729459253,4.729459247,4.729459266,4.729459342,4.729459313,4.729459275,4.729459321,4.7294593,4.729459205,4.729459324,4.72945932,4.729459328,4.729459264,4.729459284,4.729459248,4.729459261,4.729459285,4.729459329,4.729459302,4.729459309,4.72945932,4.729459276,4.729459276,4.729459284,4.729459297
+"3087","CMC2",5.581437587,5.581437561,5.581437472,5.5814368,5.581436987,5.581437416,5.581437415,5.581436677,5.581437187,5.581437341,5.581437178,5.581436599,5.581437551,5.581438105,5.58143751,5.581436949,5.58143699,5.581436649,5.581437259,5.581436664,5.581437442,5.581437395,5.581437796,5.581437467,5.581436725,5.581436596,5.581437523,5.581437476
+"3088","CMIP",7.842158837,7.842160477,7.842159176,7.84216128,7.84215947,7.842161015,7.842159879,7.84215929,7.842158816,7.842160361,7.842160041,7.842159061,7.842159773,7.842158549,7.842159149,7.842159963,7.842158832,7.842160686,7.842160327,7.842160787,7.842159666,7.842158616,7.842159856,7.842160835,7.842160374,7.842159502,7.842159782,7.842158217
+"3089","CMKLR1",5.460425966,5.460426192,5.46042591,5.460425101,5.460425841,5.46042585,5.460425781,5.460425772,5.460425456,5.460425834,5.46042578,5.460425264,5.460426035,5.460425825,5.460425935,5.460425857,5.460425576,5.460425488,5.460425737,5.460425737,5.460425838,5.460425698,5.460426032,5.460425816,5.460425789,5.46042555,5.460425856,5.460425661
+"3090","CMKLR2",3.646958473,3.646958469,3.646958468,3.646958766,3.64695851,3.646958636,3.646958356,3.64695849,3.646958564,3.64695844,3.646958769,3.646958541,3.646958556,3.646958308,3.646958531,3.646958705,3.646958736,3.646958549,3.646958524,3.64695848,3.646958615,3.64695862,3.64695835,3.646958394,3.646958645,3.646958314,3.646958531,3.646958446
+"3091","CMPK1",7.204957799,7.204956498,7.204956638,7.20495614,7.204955819,7.204955214,7.204956492,7.204956259,7.204956484,7.204956654,7.20495612,7.204955969,7.204956916,7.204959927,7.204956924,7.204956332,7.204955987,7.204956765,7.20495727,7.20495448,7.204956831,7.204956372,7.204957564,7.204956797,7.204955889,7.204956599,7.204956823,7.204958958
+"3092","CMPK2",6.863423124,6.863424461,6.863424062,6.863423611,6.863425592,6.863428063,6.863423292,6.863423466,6.863423447,6.863424008,6.863423774,6.863422993,6.863423617,6.86342279,6.863422378,6.863424609,6.863423393,6.863422866,6.863425105,6.863428167,6.863422925,6.863423399,6.863424067,6.863424532,6.863423918,6.863423007,6.863423879,6.863422745
+"3093","CMTM2",6.322711426,6.322712074,6.322711861,6.322712295,6.322711382,6.322711824,6.322712051,6.322711916,6.322711674,6.322711449,6.322711942,6.322711036,6.322711377,6.322711648,6.322711672,6.322712659,6.322711778,6.322712087,6.322711894,6.322712371,6.322711986,6.322711849,6.322712299,6.322712083,6.322712013,6.322711431,6.322711027,6.32271159
+"3094","CMTM3",7.893508234,7.893508267,7.893508188,7.893508174,7.893508139,7.893508231,7.89350816,7.893508205,7.893508199,7.893508207,7.893508173,7.893508112,7.893508189,7.893508243,7.893508203,7.893508234,7.89350815,7.893508136,7.893508183,7.893508202,7.893508145,7.893508182,7.893508197,7.893508211,7.89350816,7.893508138,7.893508186,7.893508188
+"3095","CMTM4",5.537245288,5.537245337,5.537245321,5.537245282,5.537245361,5.537245353,5.537245314,5.537245335,5.537245279,5.537245347,5.537245365,5.537245314,5.537245298,5.537245299,5.537245359,5.537245373,5.537245331,5.53724533,5.537245336,5.537245298,5.53724536,5.537245343,5.537245277,5.537245324,5.537245285,5.537245311,5.537245313,5.537245277
+"3096","CMTM5",6.114836505,6.114838215,6.114837496,6.11483944,6.114838278,6.114836434,6.114836885,6.11483772,6.114837815,6.114838651,6.114839389,6.114837943,6.114836852,6.114835035,6.114836945,6.11483832,6.114837755,6.114839558,6.114837703,6.114837076,6.114837032,6.114836769,6.114837098,6.114839314,6.114839708,6.114837731,6.114837256,6.114836459
+"3097","CMTM6",7.708775735,7.708775834,7.708775316,7.708776156,7.708774917,7.708774954,7.708775413,7.708775024,7.708774746,7.708774687,7.708775298,7.708774035,7.708775474,7.708776038,7.708775428,7.708775522,7.708775392,7.708775969,7.708775732,7.708775275,7.708775581,7.708775045,7.708775525,7.708775763,7.708775411,7.708774769,7.708775098,7.708775564
+"3098","CMTM7",8.153230458,8.153230539,8.153230337,8.15323046,8.15323034,8.153230473,8.153230445,8.153230304,8.153230287,8.153230432,8.153230349,8.153230178,8.153230414,8.153230496,8.153230284,8.153230475,8.153230187,8.153230184,8.15323043,8.153230249,8.153230346,8.153230253,8.153230279,8.1532305,8.153230283,8.15323017,8.153230451,8.153230299
+"3099","CMTM8",5.506223756,5.506223856,5.506224021,5.506224075,5.506224178,5.506224091,5.506224054,5.506224128,5.506224462,5.50622409,5.506223983,5.50622418,5.506224156,5.50622388,5.506223973,5.506223684,5.506224184,5.506224148,5.506224189,5.506224152,5.506224075,5.506224112,5.506224409,5.506223798,5.506223835,5.506223917,5.506223903,5.506224073
+"3100","CMTR1",7.551048405,7.551049573,7.551048416,7.551048137,7.551048429,7.551051191,7.551048288,7.55104827,7.551048729,7.551048168,7.551047329,7.551047397,7.551048424,7.551049105,7.551047882,7.551048766,7.551047008,7.55104669,7.55104878,7.551050918,7.551047482,7.551048377,7.551049143,7.551048522,7.551047605,7.551048009,7.551048387,7.551048955
+"3101","CMTR2",5.04220353,5.042203187,5.04220329,5.042202718,5.042202995,5.042202773,5.042203345,5.042202947,5.042203339,5.042203423,5.042202981,5.042202926,5.042203091,5.042204291,5.042203092,5.042203054,5.042203064,5.042202707,5.04220325,5.042202896,5.042203204,5.04220304,5.042203446,5.042203526,5.042202943,5.042203059,5.042203102,5.042203943
+"3102","CMYA5",3.685852268,3.685852379,3.685852378,3.685852384,3.685852348,3.685852384,3.685852239,3.685852331,3.685852257,3.685852237,3.685852344,3.685852408,3.68585228,3.685852223,3.685852274,3.68585219,3.685852414,3.685852383,3.685852266,3.685852225,3.685852217,3.685852177,3.685852303,3.685852257,3.685852317,3.68585221,3.685852433,3.685852464
+"3103","CNBD1",3.011029217,3.011029219,3.011029235,3.011029236,3.011029234,3.011029265,3.011029244,3.011029211,3.011029262,3.011029228,3.011029283,3.011029211,3.011029245,3.011029254,3.011029229,3.011029278,3.011029244,3.011029237,3.011029256,3.011029231,3.011029223,3.011029232,3.011029228,3.011029239,3.011029247,3.011029237,3.011029218,3.011029249
+"3104","CNBD2",3.842416283,3.842416217,3.84241626,3.842416256,3.842416443,3.842416243,3.842416312,3.842416328,3.842416297,3.842416288,3.842416294,3.842416416,3.842416249,3.842416218,3.842416345,3.842416307,3.842416385,3.84241635,3.842416333,3.84241628,3.842416367,3.842416362,3.842416096,3.842416299,3.842416334,3.842416394,3.842416317,3.842416318
+"3105","CNBP",9.121206675,9.121206711,9.121206316,9.121206574,9.121206203,9.121206472,9.121206562,9.121206438,9.121206602,9.121206663,9.121206318,9.121206043,9.121206403,9.121207196,9.121206583,9.121206477,9.121206263,9.121206378,9.121206652,9.121206296,9.121206455,9.121206339,9.121206746,9.121206705,9.121206484,9.121206223,9.121206408,9.121206847
+"3106","CNDP1",4.277067117,4.277067243,4.277067498,4.277067283,4.277067702,4.277067222,4.277067382,4.27706773,4.277067402,4.277067141,4.27706739,4.277067511,4.277067353,4.277066943,4.277067663,4.27706729,4.277067364,4.277067477,4.277067461,4.277067439,4.277067524,4.277067675,4.277067251,4.277067268,4.277067402,4.27706742,4.277067226,4.277067499
+"3107","CNDP2",7.624586248,7.624586162,7.624586039,7.624585933,7.624585997,7.624586994,7.62458611,7.624585968,7.624586118,7.624586156,7.624585695,7.624586207,7.624586284,7.624586655,7.624585771,7.62458597,7.624585806,7.62458578,7.62458587,7.624586824,7.624585872,7.624586165,7.624586137,7.624586215,7.624585445,7.624586226,7.624586238,7.624586208
+"3108","CNEP1R1",7.445840045,7.445839959,7.445839835,7.445840086,7.445839381,7.445839361,7.445839371,7.44583938,7.445839629,7.445839507,7.445839893,7.445838674,7.445839776,7.445840108,7.445839659,7.445839683,7.445839603,7.445839766,7.445839943,7.445839689,7.445839347,7.445839497,7.44583964,7.445839933,7.445839687,7.445838979,7.445839581,7.445839683
+"3109","CNFN",5.292876699,5.292876705,5.292876737,5.292876702,5.292876733,5.292876693,5.292876716,5.29287673,5.292876719,5.292876707,5.292876735,5.292876785,5.292876705,5.292876707,5.292876723,5.292876723,5.292876752,5.292876716,5.292876731,5.292876715,5.292876715,5.292876748,5.292876719,5.292876728,5.292876727,5.29287674,5.292876708,5.292876722
+"3110","CNGA1",3.074020006,3.074020247,3.074019976,3.074020092,3.074020105,3.074020005,3.07402014,3.074020081,3.074020305,3.074020285,3.074020307,3.074019973,3.074019957,3.074019954,3.074020393,3.074020175,3.074019964,3.07402013,3.074020063,3.074020041,3.074019881,3.074020061,3.074020176,3.074020052,3.074020314,3.074020241,3.074019993,3.074020185
+"3111","CNGA2",3.957404883,3.957404987,3.9574049,3.957404917,3.95740501,3.957404846,3.957404853,3.957404966,3.957404866,3.957404885,3.957404997,3.957404977,3.957404878,3.957404945,3.957404945,3.957404867,3.957404948,3.957404927,3.957404844,3.957404904,3.957404925,3.957404896,3.957404906,3.9574048,3.957404901,3.957404917,3.957404957,3.95740483
+"3112","CNGA3",4.745827187,4.745827181,4.745827299,4.745827287,4.745827388,4.745827272,4.745827337,4.745827384,4.745827269,4.745827296,4.745827373,4.745827558,4.745827305,4.745827165,4.745827485,4.745827338,4.745827431,4.745827436,4.745827365,4.745827274,4.745827349,4.745827398,4.74582721,4.745827211,4.745827336,4.745827378,4.745827239,4.745827361
+"3113","CNGA4",4.226105573,4.226105406,4.226105696,4.226105707,4.22610577,4.226105734,4.226105815,4.226105799,4.226105744,4.226105679,4.226105868,4.226105892,4.226105621,4.226105662,4.226105694,4.226105635,4.226105711,4.226105736,4.226105649,4.226105681,4.226105884,4.22610563,4.226105745,4.226105765,4.226105618,4.226105761,4.226105623,4.226105641
+"3114","CNGB1",5.55156466,5.551564695,5.551564728,5.551564693,5.551564728,5.551564624,5.551564684,5.551564731,5.551564693,5.551564693,5.551564703,5.551564723,5.551564682,5.551564617,5.551564708,5.551564719,5.551564737,5.551564717,5.551564682,5.55156471,5.551564697,5.551564729,5.551564677,5.551564682,5.551564715,5.551564718,5.551564695,5.551564699
+"3115","CNGB3",3.477760037,3.477760057,3.477760059,3.477760047,3.477760088,3.477760069,3.477760054,3.477760075,3.477760063,3.477760054,3.477760066,3.477760074,3.477760064,3.477760052,3.477760072,3.477760063,3.477760083,3.477760067,3.47776006,3.477760059,3.477760059,3.477760084,3.477760062,3.477760047,3.477760064,3.477760073,3.477760051,3.47776007
+"3116","CNIH1",6.618202877,6.618202475,6.618202605,6.6182024,6.618202575,6.618202383,6.618202739,6.618202206,6.61820265,6.618202559,6.618202464,6.618202204,6.618202475,6.618202986,6.618202593,6.618202508,6.618202575,6.618202458,6.618202591,6.618202406,6.618202618,6.618202542,6.618202781,6.6182026,6.618202262,6.618202447,6.618202431,6.618202737
+"3117","CNIH2",6.066678552,6.066678586,6.066678592,6.066678612,6.066678612,6.06667862,6.066678563,6.066678593,6.066678584,6.066678611,6.066678667,6.066678605,6.066678592,6.06667854,6.066678562,6.066678591,6.066678626,6.066678632,6.066678584,6.066678628,6.066678547,6.066678606,6.066678596,6.066678593,6.066678614,6.066678563,6.06667859,6.066678588
+"3118","CNIH3",3.908310255,3.908310191,3.908310239,3.908310174,3.908310267,3.908310175,3.908310308,3.908310334,3.90831034,3.90831026,3.908310386,3.908310264,3.908310192,3.908310226,3.908310294,3.908310263,3.908310272,3.908310313,3.908310294,3.908310275,3.908310238,3.908310298,3.908310254,3.908310286,3.908310224,3.908310281,3.908310195,3.908310181
+"3119","CNIH4",6.787877643,6.78787796,6.787877677,6.787877522,6.78787727,6.787878248,6.787877701,6.787877718,6.787877953,6.787877772,6.787877521,6.78787738,6.787877583,6.787878149,6.787877712,6.787878021,6.78787758,6.787877311,6.787877844,6.787878086,6.787877522,6.787877524,6.787878163,6.787877716,6.787877663,6.787877231,6.787877759,6.787877956
+"3120","CNKSR1",5.112191469,5.112191478,5.112191467,5.112191507,5.112191524,5.112191489,5.112191493,5.112191554,5.1121915,5.112191505,5.112191534,5.112191547,5.112191504,5.112191465,5.112191503,5.112191501,5.112191523,5.112191543,5.112191488,5.112191492,5.112191538,5.112191533,5.112191487,5.112191488,5.112191511,5.112191509,5.11219149,5.112191503
+"3121","CNKSR2",5.053773933,5.053773936,5.05377395,5.053773942,5.053773938,5.053773938,5.053773933,5.053773936,5.053773959,5.053773951,5.053773921,5.053773948,5.053773963,5.053773983,5.05377393,5.053773941,5.053773927,5.053773932,5.053773949,5.053773929,5.053773938,5.053773924,5.053773955,5.053773941,5.053773919,5.05377395,5.053773954,5.053773958
+"3122","CNKSR3",3.851071263,3.851071233,3.851071264,3.851071268,3.851071261,3.851071249,3.851071257,3.851071285,3.851071264,3.85107127,3.851071262,3.85107127,3.851071269,3.851071258,3.851071258,3.85107125,3.851071245,3.851071267,3.851071272,3.851071258,3.85107126,3.851071269,3.851071256,3.851071274,3.851071253,3.851071253,3.851071249,3.851071254
+"3123","CNMD",3.967574793,3.967574703,3.967574824,3.967574756,3.967574812,3.96757497,3.967574984,3.96757489,3.967574853,3.96757489,3.967574846,3.967575098,3.9675749,3.967574563,3.967574951,3.967574916,3.967575105,3.967575011,3.967575049,3.967574866,3.967574716,3.967574942,3.967574792,3.967574709,3.967574815,3.967574893,3.967574706,3.967574892
+"3124","CNN1",4.858320578,4.858320598,4.858320609,4.858320614,4.858320605,4.858320583,4.858320599,4.858320602,4.858320594,4.858320613,4.858320609,4.858320633,4.858320611,4.85832058,4.858320611,4.858320601,4.858320617,4.858320624,4.858320592,4.858320597,4.858320616,4.858320604,4.858320599,4.858320596,4.858320601,4.858320613,4.858320599,4.858320607
+"3125","CNN2",9.784645627,10.03656861,9.865272974,10.18831821,9.905636041,10.07651761,9.948706352,9.960042299,9.794441826,9.885666546,9.96284124,9.828081781,10.05499832,9.857311314,9.798923399,9.948030381,9.881055507,10.10638994,9.957730118,10.09465415,9.934821579,9.99648426,9.820555891,9.978291396,9.986765237,9.884341437,10.06518121,9.840685949
+"3126","CNN3",4.908860821,4.90886065,4.908860942,4.90886061,4.908861102,4.908860881,4.908860962,4.908861046,4.90886097,4.908861088,4.908861044,4.908861295,4.908860942,4.908860653,4.908861127,4.90886074,4.908861201,4.90886098,4.908861033,4.908860853,4.908861055,4.908861031,4.908860774,4.908860766,4.908860755,4.908860951,4.908860839,4.90886108
+"3127","CNNM1",4.074824338,4.074824523,4.07482449,4.074824519,4.074824666,4.074824554,4.074824434,4.074824539,4.074824532,4.074824635,4.074824343,4.074824589,4.074824436,4.074824371,4.074824603,4.074824617,4.074824787,4.074824493,4.074824443,4.074824527,4.074824491,4.074824508,4.074824526,4.074824492,4.074824416,4.074824492,4.07482449,4.074824459
+"3128","CNNM2",5.926753274,5.926753245,5.926753125,5.926753166,5.926753129,5.926753266,5.926753275,5.92675327,5.92675334,5.926753344,5.926753058,5.926753414,5.926753206,5.926753289,5.926753326,5.926753128,5.926752999,5.926753215,5.926753194,5.92675297,5.926753154,5.926753273,5.926753313,5.926753289,5.926753136,5.926753315,5.926753311,5.926753299
+"3129","CNNM3",7.249201647,7.249201727,7.249201612,7.249201685,7.249201628,7.249201665,7.249201656,7.249201688,7.249201708,7.249201661,7.249201586,7.249201638,7.2492017,7.249201686,7.249201676,7.249201687,7.249201634,7.249201664,7.249201655,7.249201609,7.249201627,7.249201692,7.249201682,7.249201674,7.249201574,7.249201629,7.249201691,7.249201627
+"3130","CNNM4",5.920323926,5.920324129,5.920324027,5.920323966,5.920323801,5.920324116,5.920324004,5.920324017,5.920324147,5.920324022,5.920324041,5.920324023,5.920324069,5.920324031,5.92032401,5.920324082,5.920323926,5.920324208,5.920323873,5.920324255,5.920323793,5.920324039,5.920324014,5.920324185,5.92032427,5.920324113,5.920324093,5.9203241
+"3131","CNOT1",8.768068973,8.768068687,8.768068292,8.768068785,8.768068518,8.768069032,8.768068968,8.768068399,8.768068794,8.768068736,8.768068332,8.768068292,8.768068769,8.768069274,8.768068791,8.768068379,8.768067963,8.768068422,8.768068761,8.768068877,8.76806883,8.768068367,8.768068841,8.768068773,8.768068403,8.768068641,8.768068806,8.768068622
+"3132","CNOT10",6.306369085,6.306369064,6.306369032,6.306369075,6.306369039,6.306369053,6.30636908,6.30636904,6.306369078,6.306369022,6.306369025,6.306369013,6.306369066,6.306369111,6.306369042,6.306368996,6.306369038,6.306369017,6.306369074,6.306369038,6.306369042,6.306369027,6.306369052,6.30636906,6.306369042,6.306369063,6.306369086,6.306369077
+"3133","CNOT11",7.543478518,7.543478441,7.543478412,7.543478346,7.543478287,7.543478489,7.543478435,7.543478364,7.543478557,7.543478487,7.543478316,7.54347843,7.543478509,7.543478597,7.543478351,7.543478298,7.543478298,7.543478274,7.543478339,7.543478564,7.543478468,7.543478414,7.543478563,7.543478457,7.543478245,7.543478453,7.543478515,7.543478393
+"3134","CNOT2",7.041813504,7.041813399,7.041813353,7.041813376,7.041813349,7.041813351,7.041813431,7.041813305,7.041813419,7.041813396,7.041813392,7.041813287,7.041813457,7.041813644,7.041813431,7.041813361,7.041813155,7.041813336,7.041813388,7.041813246,7.041813389,7.041813376,7.041813436,7.041813444,7.041813341,7.041813373,7.041813416,7.041813481
+"3135","CNOT3",7.136258549,7.136258564,7.136258544,7.13625858,7.136258533,7.136258562,7.136258547,7.13625855,7.136258562,7.136258554,7.136258559,7.136258529,7.136258559,7.136258548,7.136258555,7.136258553,7.136258543,7.136258574,7.136258552,7.136258576,7.136258542,7.136258551,7.136258548,7.136258576,7.136258572,7.13625856,7.136258564,7.136258541
+"3136","CNOT4",6.502438466,6.502438429,6.50243844,6.502438413,6.502438398,6.502438429,6.502438419,6.502438395,6.502438405,6.502438436,6.502438361,6.502438374,6.502438435,6.5024385,6.502438425,6.502438377,6.502438358,6.502438384,6.502438463,6.502438382,6.502438412,6.50243842,6.502438424,6.50243844,6.502438427,6.502438415,6.502438437,6.502438461
+"3137","CNOT6",6.944861219,6.944861099,6.944861048,6.944860936,6.944860982,6.944860803,6.944861081,6.944860788,6.944861028,6.944861016,6.944861025,6.944860789,6.944861109,6.944861381,6.94486109,6.944861003,6.944860903,6.94486085,6.944861172,6.944860893,6.944860999,6.944860856,6.944861149,6.94486107,6.944861002,6.944861036,6.944861059,6.94486126
+"3138","CNOT6L",7.873159292,7.8731572915,7.873155959,7.8731555665,7.8731564215,7.8731558045,7.873157217,7.873156941,7.8731584035,7.8731572695,7.8731554965,7.87315537,7.8731577485,7.873161381,7.873157965,7.873155439,7.873155124,7.873155062,7.8731570735,7.873155849,7.8731575255,7.873155745,7.873158754,7.8731571385,7.873155602,7.873157,7.8731573375,7.8731600315
+"3139","CNOT7",7.477254174,7.477253192,7.477253357,7.477252613,7.477252911,7.477252881,7.477253112,7.477252895,7.477253543,7.477253452,7.477252998,7.47725269,7.477253472,7.477255223,7.477253465,7.47725306,7.477252844,7.477252515,7.477253133,7.477252919,7.47725364,7.477252879,7.477253844,7.477253383,7.477252704,7.477253239,7.477253423,7.477254511
+"3140","CNOT8",8.176863939,8.176863977,8.176863509,8.176863892,8.176863605,8.176863691,8.176863785,8.176863498,8.176863669,8.176863658,8.176863556,8.176863301,8.176863692,8.176864295,8.17686364,8.17686386,8.176863491,8.17686351,8.176863839,8.176863855,8.176863802,8.176863523,8.176863884,8.176863847,8.176863677,8.176863483,8.176863734,8.176863855
+"3141","CNOT9",6.949219333,6.949219158,6.949219014,6.949219002,6.949219031,6.949219087,6.949219253,6.949219025,6.949219145,6.949219074,6.949218872,6.949218994,6.949219291,6.949219488,6.949219158,6.949218854,6.949218969,6.949218938,6.949219123,6.949218967,6.949219265,6.949219188,6.949219161,6.949219022,6.949219031,6.949219315,6.949219357,6.9492194
+"3142","CNP",6.785524521,6.785524537,6.785524489,6.785524491,6.785524606,6.785524558,6.785524557,6.785524529,6.785524514,6.785524595,6.785524522,6.785524569,6.78552457,6.785524481,6.78552454,6.785524509,6.785524597,6.785524438,6.785524505,6.785524659,6.785524555,6.785524552,6.785524523,6.785524569,6.785524485,6.78552453,6.785524548,6.78552448
+"3143","CNPPD1",7.490093919,7.490093921,7.490094886,7.490094611,7.490094404,7.490095045,7.490094599,7.490095514,7.490095016,7.490094805,7.490094227,7.490095538,7.490093947,7.490093277,7.490093858,7.49009322,7.490094743,7.490094629,7.490094028,7.490094445,7.490094204,7.490095115,7.490094836,7.490094916,7.490094545,7.490095736,7.490093992,7.490093239
+"3144","CNPY1",3.815751933,3.815751947,3.815751993,3.815751943,3.815751984,3.815751926,3.815751989,3.81575197,3.815751985,3.815751955,3.815751978,3.815752014,3.815751987,3.815751899,3.815752,3.815752009,3.815752006,3.81575198,3.815751975,3.815751959,3.815751957,3.815751988,3.81575193,3.815751989,3.815751948,3.81575194,3.815751903,3.815751967
+"3145","CNPY3",9.201606017,9.201606231,9.201606127,9.201606277,9.201605839,9.201605964,9.201606086,9.201605954,9.201605968,9.201606062,9.201606041,9.201605834,9.201606103,9.20160629,9.201606024,9.201606207,9.20160609,9.201606087,9.201606022,9.201605896,9.201606079,9.201605982,9.201606066,9.201606302,9.201606164,9.201605985,9.201606051,9.201606124
+"3146","CNPY4",5.346950632,5.346950647,5.346950429,5.346950225,5.346950574,5.346950482,5.346950596,5.34695051,5.34695064,5.346950633,5.346950412,5.346950403,5.34695056,5.346950713,5.346950471,5.346950523,5.346950377,5.346950434,5.346950586,5.346950531,5.346950449,5.346950451,5.346950587,5.346950698,5.346950548,5.346950653,5.346950515,5.346950643
+"3147","CNR1",3.77831594,3.778315972,3.778315906,3.778315963,3.778315907,3.778315936,3.778315931,3.778315939,3.778315936,3.778315934,3.778315927,3.77831593,3.77831594,3.778315937,3.778315925,3.778315976,3.778315933,3.778315958,3.778315918,3.778315935,3.778315913,3.778315914,3.778315947,3.778315936,3.778315931,3.778315917,3.778315941,3.778315933
+"3148","CNR2",6.857908019,6.857907836,6.857907419,6.857907764,6.857907925,6.857907439,6.857908047,6.857907492,6.857907584,6.857907805,6.857908007,6.857907535,6.857907835,6.857908127,6.857907475,6.857907279,6.857907232,6.857907741,6.857908,6.857907359,6.857907663,6.857907655,6.857907635,6.857907884,6.857907763,6.857907545,6.857907847,6.857908059
+"3149","CNRIP1",4.959882364,4.959882137,4.959882312,4.959882445,4.959882798,4.959882243,4.95988239,4.959882664,4.959882293,4.959882528,4.959882484,4.959882679,4.959882379,4.95988201,4.959882792,4.959882378,4.959882796,4.959882562,4.959882304,4.9598824,4.959882741,4.959882693,4.959882359,4.959882131,4.959882529,4.959882664,4.959882383,4.959882616
+"3150","CNST",6.436030302,6.436030222,6.436029943,6.436030199,6.436030063,6.436029868,6.436030006,6.436029857,6.436030209,6.436030096,6.436030013,6.43602998,6.436030204,6.436030533,6.436030019,6.436029992,6.436029691,6.43603023,6.436030255,6.436029765,6.436029949,6.436029869,6.4360302,6.436030157,6.436029984,6.436030196,6.43603025,6.436030302
+"3151","CNTD1",4.147607768,4.147607762,4.147607745,4.147607756,4.147607795,4.147607773,4.14760776,4.147607772,4.147607753,4.14760775,4.147607774,4.147607791,4.147607763,4.147607704,4.147607776,4.147607785,4.147607803,4.147607804,4.147607773,4.147607773,4.147607784,4.147607745,4.147607745,4.14760777,4.147607739,4.147607753,4.147607755,4.147607772
+"3152","CNTFR",5.770085651,5.770085645,5.770085669,5.770085647,5.770085693,5.770085656,5.770085633,5.77008568,5.770085656,5.770085656,5.77008567,5.770085674,5.770085655,5.77008563,5.770085685,5.770085647,5.770085694,5.770085677,5.770085632,5.770085686,5.770085671,5.770085675,5.770085656,5.770085645,5.770085675,5.770085686,5.770085651,5.770085665
+"3153","CNTLN",4.106100907,4.106100897,4.10610092,4.106100899,4.106100912,4.106100911,4.106100918,4.106100897,4.106100885,4.106100915,4.106100905,4.106100913,4.10610091,4.106100909,4.106100892,4.106100903,4.106100905,4.106100911,4.106100906,4.106100899,4.106100916,4.106100896,4.106100879,4.106100912,4.106100894,4.106100906,4.106100896,4.106100879
+"3154","CNTN1",3.372312898,3.372312911,3.372312888,3.372312866,3.372312978,3.372312915,3.372312918,3.372312915,3.372312986,3.372312934,3.372312884,3.372312958,3.372312912,3.372313002,3.372312946,3.372312992,3.372313038,3.372312987,3.372312881,3.372312956,3.372312908,3.372312821,3.372312868,3.372312905,3.372312822,3.372312871,3.372312836,3.37231294
+"3155","CNTN2",5.316921967,5.316921969,5.316922022,5.316921975,5.316922033,5.316921959,5.316922003,5.316922015,5.316922,5.316921976,5.316921992,5.316922004,5.316921979,5.316921936,5.316922011,5.316921995,5.316922021,5.316922003,5.316921991,5.316921993,5.316922027,5.316922011,5.316921946,5.316921956,5.316921983,5.316922012,5.316921985,5.316921998
+"3156","CNTN3",3.402298976,3.402298979,3.402298965,3.402298992,3.402298933,3.402298927,3.402298979,3.402298887,3.402298994,3.402298979,3.402298934,3.402298956,3.402298957,3.402298923,3.402298998,3.402298955,3.402298986,3.402298922,3.402298933,3.402298974,3.402298966,3.402298975,3.402298864,3.402298892,3.402299007,3.402298961,3.402298959,3.402298931
+"3157","CNTN4",3.270631781,3.270631779,3.270631803,3.270631774,3.270631779,3.27063177,3.270631795,3.270631797,3.27063178,3.270631796,3.270631778,3.270631795,3.270631783,3.270631759,3.270631771,3.270631803,3.270631762,3.270631787,3.270631802,3.27063179,3.270631763,3.270631798,3.270631805,3.270631756,3.270631814,3.270631764,3.270631781,3.27063179
+"3158","CNTN5",3.008262571,3.00826286,3.008262793,3.00826277,3.008262855,3.008262702,3.008262815,3.008262823,3.008262601,3.008262871,3.008262637,3.008262746,3.008262824,3.008262677,3.008262889,3.008262789,3.008263033,3.008262833,3.00826283,3.008262785,3.008262765,3.008262774,3.008262729,3.008262738,3.008262848,3.008262839,3.008262821,3.008262826
+"3159","CNTN6",3.837997438,3.837997443,3.837997477,3.837997443,3.837997504,3.837997466,3.837997468,3.837997475,3.837997478,3.837997452,3.8379975,3.837997467,3.83799746,3.837997427,3.837997482,3.837997452,3.837997507,3.837997459,3.837997485,3.837997475,3.837997474,3.837997459,3.83799743,3.837997408,3.837997457,3.837997476,3.837997444,3.837997493
+"3160","CNTNAP1",4.94128131,4.941281468,4.94128129,4.941281411,4.94128136,4.941281423,4.941281364,4.941281305,4.941281303,4.941281314,4.941281357,4.941281322,4.941281297,4.94128122,4.941281306,4.941281507,4.941281197,4.941281364,4.941281332,4.941281359,4.941281382,4.941281274,4.941281098,4.941281423,4.941281438,4.941281409,4.941281267,4.941281376
+"3161","CNTNAP2",3.931417097,3.931417118,3.931417133,3.931417128,3.931417103,3.931417187,3.93141723,3.931417131,3.931417098,3.931417098,3.931417152,3.931417215,3.931417133,3.931417133,3.931417167,3.931417119,3.931417104,3.931417209,3.931417104,3.931417038,3.931417062,3.931417231,3.931417151,3.931417225,3.931417148,3.931417115,3.931417152,3.931417146
+"3162","CNTNAP4",3.619767246,3.619767272,3.619767269,3.619767298,3.619767297,3.619767293,3.619767271,3.619767289,3.619767272,3.619767274,3.619767295,3.6197673,3.619767264,3.619767272,3.619767267,3.619767274,3.619767286,3.619767316,3.619767294,3.619767287,3.619767274,3.619767267,3.619767278,3.619767284,3.619767279,3.619767297,3.619767281,3.619767226
+"3163","CNTNAP5",3.727312465,3.727312469,3.727312509,3.727312508,3.727312516,3.727312479,3.727312506,3.727312477,3.72731248,3.727312516,3.72731249,3.727312512,3.727312477,3.727312474,3.727312481,3.727312476,3.727312456,3.727312486,3.727312487,3.727312482,3.727312495,3.727312473,3.72731246,3.72731248,3.727312498,3.72731248,3.727312492,3.727312476
+"3164","CNTRL",6.633793652,6.633793412,6.63379323,6.633793276,6.633793425,6.633793469,6.633793376,6.633793095,6.633793521,6.633793371,6.633793268,6.633793037,6.63379349,6.633793934,6.633793293,6.633793303,6.633792809,6.633793098,6.6337935,6.633793453,6.633793363,6.633793047,6.633793446,6.63379338,6.633793227,6.633793371,6.633793458,6.633793613
+"3165","CNTROB",5.707540579,5.707540584,5.707540569,5.707540577,5.707540566,5.707540597,5.707540595,5.70754056,5.70754057,5.707540588,5.70754056,5.707540557,5.707540584,5.707540565,5.707540577,5.707540563,5.707540577,5.70754054,5.7075406,5.707540563,5.707540594,5.70754059,5.707540534,5.707540596,5.707540545,5.707540542,5.707540548,5.707540479
+"3166","COA1",7.832226808,7.832227822,7.83222525,7.832226907,7.832224794,7.832227222,7.832227784,7.832226276,7.832226506,7.832226011,7.832225291,7.832225994,7.832226688,7.832228014,7.832225789,7.83222822,7.83222552,7.832226323,7.832226668,7.832227795,7.832228018,7.832226161,7.832226993,7.832226171,7.832225625,7.832226917,7.832226507,7.832226983
+"3167","COA3",6.57390099,6.573900922,6.573900876,6.573900797,6.573900811,6.573900847,6.573900893,6.573900845,6.573900916,6.573900976,6.57390074,6.573900661,6.573900918,6.573900998,6.573900825,6.573900792,6.573900874,6.573900701,6.573900879,6.573900622,6.573900886,6.573900807,6.573900852,6.573900885,6.573900762,6.573900845,6.57390094,6.573900804
+"3168","COA4",5.804974095,5.804974033,5.804974079,5.804974035,5.80497408,5.80497404,5.804974064,5.804974022,5.804974094,5.804974075,5.804973999,5.804974083,5.804974037,5.804974017,5.80497404,5.804974027,5.804973974,5.804974001,5.804974114,5.804974053,5.804974065,5.804974054,5.804974042,5.804974029,5.804973963,5.80497408,5.804974035,5.804974044
+"3169","COA5",5.871361512,5.871361452,5.871361468,5.871361436,5.871361396,5.871361419,5.871361452,5.871361464,5.871361498,5.871361475,5.87136142,5.871361402,5.871361477,5.871361575,5.871361449,5.871361454,5.871361446,5.871361404,5.871361458,5.871361396,5.871361451,5.871361464,5.87136148,5.871361467,5.871361452,5.87136148,5.871361455,5.871361549
+"3170","COA6",4.692214519,4.692214578,4.692214526,4.692214505,4.692214516,4.692214579,4.692214528,4.692214496,4.692214541,4.69221457,4.692214547,4.692214516,4.692214512,4.692214593,4.692214515,4.692214574,4.692214482,4.692214476,4.69221457,4.692214569,4.692214523,4.692214502,4.692214577,4.692214519,4.692214507,4.692214486,4.692214519,4.692214559
+"3171","COA7",5.023507379,5.02350743,5.023507589,5.023507284,5.023507424,5.023507399,5.023507361,5.023507493,5.023507431,5.023507375,5.023507192,5.023507305,5.023507409,5.023507438,5.023507397,5.023507382,5.023507327,5.023507214,5.02350718,5.023507386,5.023507299,5.023507452,5.023507469,5.023507362,5.023507227,5.023507349,5.023507314,5.023507458
+"3172","COA8",5.597689976,5.597689949,5.597689941,5.597689873,5.597690055,5.597689863,5.597689925,5.597690002,5.597689964,5.597690041,5.597690007,5.597689878,5.597690068,5.597689888,5.597690064,5.597690046,5.597690147,5.597690056,5.597690027,5.597690146,5.597690048,5.597689957,5.597689873,5.597689846,5.597690084,5.59769007,5.597689848,5.597689871
+"3173","COASY",6.953788645,6.953788658,6.953788644,6.953788649,6.953788623,6.953788673,6.953788631,6.953788615,6.953788652,6.953788653,6.953788619,6.953788629,6.953788641,6.953788653,6.953788647,6.953788661,6.953788636,6.953788635,6.953788631,6.953788665,6.953788633,6.953788632,6.95378864,6.953788637,6.953788646,6.953788644,6.953788645,6.953788622
+"3174","COBL",4.365384619,4.365384621,4.365384756,4.365384729,4.365384811,4.365384711,4.365384827,4.365384776,4.365384705,4.365384851,4.365384787,4.365384765,4.365384756,4.365384491,4.365384817,4.365384804,4.365384865,4.365384846,4.365384808,4.365384739,4.365384831,4.365384817,4.365384774,4.365384686,4.365384809,4.365384847,4.365384698,4.365384727
+"3175","COBLL1",5.098151679,5.098151539,5.098151576,5.098151649,5.098151572,5.09815158,5.098151656,5.098151524,5.098151557,5.098151598,5.098151567,5.098151614,5.098151599,5.098151699,5.098151638,5.098151493,5.098151518,5.09815166,5.098151596,5.098151527,5.098151619,5.098151531,5.098151559,5.098151601,5.098151559,5.098151672,5.098151644,5.098151646
+"3176","COCH",4.834526876,4.834526776,4.834527052,4.834526931,4.834527046,4.834526851,4.834527291,4.83452683,4.834526847,4.834526676,4.834526953,4.834527399,4.834527125,4.834526961,4.83452699,4.834526814,4.834527235,4.83452694,4.834526944,4.834526896,4.83452733,4.834526961,4.834526675,4.834526629,4.834526891,4.83452704,4.834527004,4.83452708
+"3177","COG1",6.628265407,6.628265414,6.62826536,6.628265358,6.628265386,6.628265395,6.628265365,6.628265383,6.628265443,6.62826539,6.62826535,6.628265434,6.628265387,6.628265427,6.628265391,6.628265406,6.628265352,6.62826536,6.628265396,6.628265358,6.628265401,6.628265415,6.628265418,6.628265385,6.628265363,6.628265445,6.628265398,6.628265381
+"3178","COG2",5.981811389,5.981811129,5.981811108,5.981810841,5.981810796,5.981810967,5.981810914,5.98181081,5.981811073,5.981811133,5.981810838,5.981811038,5.981811168,5.981811512,5.98181093,5.981810866,5.981810599,5.981810561,5.981811042,5.981811196,5.981810837,5.981810866,5.981811113,5.981811205,5.981810666,5.981811172,5.981811179,5.981811155
+"3179","COG3",6.772980307,6.772980157,6.772979977,6.772980082,6.77297996,6.77298006,6.772980207,6.77298002,6.772980079,6.77298007,6.772979987,6.772979778,6.772980238,6.77298051,6.772980074,6.772980007,6.772979808,6.772979827,6.772980174,6.772979871,6.772980095,6.772980097,6.772980188,6.772980165,6.772979995,6.77298002,6.772980232,6.772980258
+"3180","COG4",7.237901393,7.237901401,7.237901265,7.237901333,7.237901276,7.237901387,7.237901382,7.237901261,7.237901419,7.237901321,7.237901238,7.237901293,7.237901393,7.23790148,7.237901255,7.237901294,7.237901197,7.237901255,7.237901387,7.237901399,7.237901271,7.23790128,7.237901387,7.237901275,7.237901254,7.237901374,7.237901419,7.237901314
+"3181","COG5",7.604346166,7.604345152,7.60434456,7.604344709,7.604344447,7.604344562,7.60434519,7.604344462,7.604345577,7.604345241,7.604344588,7.604344409,7.604345507,7.604345951,7.60434567,7.604344936,7.60434431,7.604344584,7.604345108,7.604344534,7.604345296,7.604344805,7.604345689,7.604345247,7.604344695,7.604344382,7.604345507,7.604345448
+"3182","COG6",6.057541465,6.057541242,6.057540822,6.057540697,6.057540499,6.057540268,6.057541322,6.057540532,6.057541361,6.057541043,6.057540518,6.057540602,6.05754069,6.057541973,6.057541034,6.057540965,6.05754039,6.05754068,6.057541069,6.057540276,6.057540938,6.057540635,6.057541221,6.057540928,6.057540904,6.057540735,6.057540894,6.057541695
+"3183","COG7",6.037954846,6.037954774,6.037954804,6.037954807,6.037954763,6.03795483,6.037954802,6.03795478,6.037954854,6.03795484,6.037954783,6.037954788,6.037954851,6.037954851,6.03795482,6.037954759,6.037954745,6.03795474,6.037954823,6.037954791,6.037954787,6.03795479,6.03795484,6.03795482,6.037954798,6.037954814,6.037954828,6.037954813
+"3184","COIL",6.343506189,6.343506153,6.343505946,6.343505893,6.343506099,6.343505831,6.343506013,6.343505955,6.343506025,6.343506123,6.343505988,6.34350577,6.343506075,6.343506454,6.343506077,6.343506155,6.343505892,6.343505922,6.343505951,6.343505796,6.343506043,6.343505895,6.343506128,6.343506127,6.343506053,6.343506003,6.343506129,6.343506381
+"3185","COL10A1",4.206334106,4.206334066,4.206334216,4.206334133,4.206334271,4.206334023,4.206334194,4.206334241,4.206334367,4.206334157,4.206334247,4.206334393,4.206334212,4.20633414,4.206334375,4.206334228,4.206334368,4.206334309,4.206334167,4.206334223,4.206334213,4.206334233,4.206334281,4.206334233,4.206334331,4.206334136,4.20633393,4.206334209
+"3186","COL11A1",4.541922333,4.541922303,4.541922475,4.541922406,4.541922801,4.541922182,4.541922571,4.541922611,4.541922471,4.541922409,4.541922544,4.541922668,4.541922547,4.541921998,4.541922606,4.541922578,4.541922796,4.541922642,4.54192253,4.541922473,4.541922682,4.541922769,4.541922341,4.541922276,4.54192258,4.541922684,4.541922452,4.541922548
+"3187","COL11A2",5.669393082,5.6693930485,5.6693933495,5.66939311,5.669393161,5.6693931395,5.669393114,5.669393341,5.66939311,5.6693931565,5.6693932215,5.6693933885,5.6693931355,5.669393027,5.669393237,5.669393163,5.669393361,5.6693932125,5.669393161,5.669393188,5.669393228,5.6693932735,5.669393131,5.66939321,5.6693932645,5.6693931835,5.669393108,5.669393083
+"3188","COL12A1",3.763002214,3.763002222,3.763002229,3.763002231,3.763002241,3.763002221,3.763002218,3.763002227,3.763002217,3.763002224,3.763002231,3.763002233,3.763002221,3.763002206,3.763002228,3.763002222,3.763002225,3.763002239,3.763002227,3.763002221,3.763002229,3.763002223,3.763002217,3.763002222,3.763002225,3.763002225,3.763002218,3.763002219
+"3189","COL13A1",5.698050741,5.698050773,5.698051533,5.698051205,5.69805161,5.698050833,5.69805113,5.698051483,5.698050946,5.698051157,5.698051656,5.698051243,5.698051185,5.698050826,5.698051261,5.698051408,5.698051464,5.698051464,5.698051184,5.698051221,5.698051411,5.698051601,5.698051007,5.698051059,5.698051368,5.698051168,5.698050961,5.698051328
+"3190","COL15A1",5.004946029,5.00494603,5.004946087,5.004946064,5.004946122,5.004946038,5.004946085,5.004946131,5.004946084,5.004946077,5.004946117,5.004946139,5.004946082,5.004946013,5.004946125,5.004946076,5.004946154,5.004946076,5.004946047,5.004946085,5.004946128,5.00494615,5.004946061,5.004946036,5.004946103,5.004946105,5.004946051,5.004946088
+"3191","COL16A1",6.225427271,6.22542734,6.225427556,6.225427387,6.22542759,6.225427239,6.225427332,6.225427543,6.22542743,6.22542742,6.225427505,6.225427586,6.225427412,6.225427213,6.225427516,6.225427479,6.2254276,6.225427537,6.225427417,6.225427407,6.22542754,6.225427567,6.225427393,6.22542743,6.225427518,6.225427478,6.225427364,6.225427467
+"3192","COL17A1",5.241109673,5.241109725,5.24110979,5.24110975,5.241109858,5.241109716,5.241109777,5.241109789,5.241109754,5.241109736,5.24110978,5.241109767,5.241109734,5.241109675,5.241109777,5.241109774,5.241109852,5.241109798,5.241109733,5.241109726,5.241109822,5.24110979,5.241109734,5.241109707,5.241109756,5.241109773,5.241109732,5.241109764
+"3193","COL18A1",7.326826294,7.32682656,7.326826636,7.326826553,7.326826563,7.326826486,7.32682669,7.326826475,7.326826255,7.326826482,7.32682674,7.326826646,7.326826405,7.326825887,7.326826645,7.326826685,7.326826898,7.326826693,7.32682648,7.326826409,7.326826747,7.326826557,7.326826211,7.326826328,7.326826717,7.326826402,7.326826349,7.326826376
+"3194","COL18A1-AS1",5.128245019,5.128245116,5.128245273,5.128245246,5.12824574,5.1282449,5.128245329,5.128245536,5.128245103,5.128244954,5.128245461,5.12824547,5.128245196,5.128244728,5.12824559,5.128245362,5.128245697,5.128245553,5.1282454,5.128245444,5.128245594,5.12824551,5.12824494,5.12824487,5.128245338,5.128245411,5.12824512,5.128245318
+"3195","COL19A1",5.531482806,5.531482686,5.531482696,5.53148269,5.531482716,5.531482568,5.531482667,5.531482689,5.531482637,5.531482713,5.531482643,5.531482739,5.531482608,5.53148282,5.531482823,5.531482633,5.531482668,5.531482728,5.531482733,5.531482641,5.531482656,5.531482697,5.53148255,5.531482784,5.53148269,5.531482725,5.531482599,5.531482832
+"3196","COL1A1",6.032739486,6.032739569,6.032739641,6.032739569,6.032739776,6.032739589,6.032739667,6.032739718,6.032739706,6.032739666,6.032739677,6.032739829,6.03273966,6.032739387,6.032739765,6.032739657,6.032739815,6.032739678,6.032739659,6.032739663,6.03273977,6.032739728,6.03273958,6.032739505,6.032739627,6.032739726,6.032739558,6.032739685
+"3197","COL1A2",5.019503701,5.019503711,5.019503725,5.019503726,5.019503763,5.019503714,5.01950374,5.019503735,5.019503716,5.019503734,5.019503735,5.019503755,5.019503728,5.019503683,5.019503739,5.019503735,5.019503772,5.019503744,5.019503731,5.019503725,5.019503757,5.019503733,5.0195037,5.019503712,5.019503713,5.019503742,5.019503715,5.019503722
+"3198","COL20A1",5.992949106,5.992949196,5.992949296,5.992949275,5.992949496,5.992949145,5.992949278,5.992949465,5.992949351,5.992949254,5.992949397,5.992949473,5.992949272,5.992948998,5.992949397,5.992949372,5.992949562,5.992949458,5.992949288,5.992949315,5.9929494,5.99294941,5.99294918,5.992949225,5.992949359,5.992949393,5.992949209,5.992949334
+"3199","COL21A1",4.185965878,4.185966045,4.185966318,4.185966073,4.185966637,4.185965983,4.185966339,4.185966565,4.185966416,4.185966413,4.18596637,4.185966475,4.185966186,4.185965755,4.18596645,4.185966121,4.185966563,4.185966341,4.185966178,4.185966028,4.185966528,4.185966338,4.185966028,4.185966088,4.185966501,4.185966485,4.185966176,4.185966176
+"3200","COL22A1",5.743490303,5.743490443,5.743490829,5.743490473,5.743490985,5.743490372,5.743490756,5.743490877,5.743490665,5.743490581,5.743490804,5.743490981,5.743490554,5.743490105,5.743490887,5.743490856,5.743490954,5.743490869,5.743490633,5.743490664,5.743491009,5.743490778,5.7434906,5.743490366,5.743490874,5.74349085,5.74349044,5.743490872
+"3201","COL23A1",6.576585607,6.576585783,6.57658621,6.576585926,6.576586364,6.576585726,6.576586008,6.576586302,6.576585924,6.576586158,6.576586144,6.576586415,6.576586115,6.576585582,6.57658636,6.576586052,6.576586437,6.576586236,6.57658601,6.576586049,6.576586217,6.576586393,6.576585873,6.576585881,6.576586269,6.576586149,6.576585934,6.57658607
+"3202","COL24A1",4.454028599,4.454028682,4.454028699,4.454028673,4.454028772,4.45402863,4.454028712,4.454028717,4.454028655,4.454028655,4.454028707,4.454028775,4.454028744,4.454028613,4.454028728,4.454028714,4.454028796,4.454028762,4.454028705,4.454028682,4.454028751,4.454028709,4.454028676,4.454028656,4.454028702,4.454028754,4.454028707,4.454028688
+"3203","COL25A1",5.090562637,5.090562669,5.090562727,5.090562637,5.090562845,5.090562609,5.090562751,5.090562778,5.090562771,5.090562712,5.090562784,5.090562813,5.090562671,5.090562558,5.090562801,5.090562763,5.090562818,5.090562794,5.090562684,5.090562702,5.090562782,5.090562793,5.090562745,5.090562683,5.090562762,5.090562802,5.090562636,5.09056282
+"3204","COL25A1-DT",3.905235497,3.905235297,3.905235308,3.90523541,3.905236073,3.905235545,3.905235409,3.905235512,3.905235385,3.905235715,3.905235374,3.905235754,3.905235718,3.905235518,3.905235801,3.90523555,3.905235764,3.905235609,3.905235516,3.905235628,3.905235757,3.905235666,3.905235182,3.905235239,3.905235282,3.905235845,3.905235412,3.905235597
+"3205","COL26A1",5.992640815,5.9926407,5.992641249,5.992640823,5.992641366,5.992640951,5.992641031,5.992641252,5.992640839,5.992640911,5.992641153,5.99264119,5.99264073,5.99264063,5.992641243,5.992641204,5.992641581,5.992641395,5.992641047,5.992641256,5.992641325,5.992641178,5.992640597,5.992640756,5.99264108,5.992641299,5.992640576,5.992641172
+"3206","COL27A1",6.219844716,6.219844784,6.219844947,6.219844873,6.219844953,6.219844678,6.219844813,6.21984493,6.219844876,6.219844831,6.219844906,6.219844942,6.219844806,6.21984469,6.219844877,6.219844896,6.219844984,6.219844948,6.219844809,6.21984482,6.219844897,6.21984493,6.219844807,6.219844821,6.219844939,6.219844886,6.21984481,6.219844879
+"3207","COL28A1",4.524033972,4.524034119,4.524034449,4.52403421,4.524034462,4.524033816,4.52403419,4.524034455,4.524034332,4.524034152,4.524034541,4.524034329,4.524034184,4.524033981,4.524034444,4.524034436,4.524034432,4.524034355,4.52403426,4.52403439,4.524034589,4.524034364,4.524034324,4.524034291,4.52403449,4.524034343,4.524034109,4.524034368
+"3208","COL2A1",5.865900367,5.865900361,5.865900459,5.865900377,5.865900559,5.865900428,5.865900478,5.865900506,5.865900458,5.86590043,5.865900471,5.865900549,5.865900402,5.865900254,5.865900488,5.865900457,5.865900573,5.865900481,5.8659004,5.865900461,5.865900522,5.865900482,5.865900382,5.865900376,5.865900491,5.865900498,5.865900364,5.865900471
+"3209","COL3A1",5.209863902,5.209863899,5.209863937,5.209863905,5.209863966,5.209863897,5.209863932,5.209863956,5.209863908,5.209863914,5.209863922,5.20986395,5.209863908,5.209863891,5.20986394,5.209863942,5.209863955,5.209863947,5.209863915,5.209863936,5.209863969,5.209863956,5.209863903,5.209863905,5.209863934,5.209863942,5.209863914,5.209863926
+"3210","COL4A1",4.822215881,4.822215874,4.82221595,4.82221597,4.822216044,4.822215872,4.822215964,4.822215964,4.82221591,4.82221595,4.822216013,4.822216007,4.822215946,4.822215813,4.822215939,4.822215984,4.82221603,4.822215984,4.822215887,4.822215964,4.822216015,4.822215969,4.822215859,4.822215878,4.822215954,4.822215966,4.82221586,4.822215962
+"3211","COL4A2",5.625283992,5.625284088,5.625284459,5.625284321,5.625284569,5.625283852,5.625284193,5.625284437,5.625284256,5.625284211,5.625284341,5.625284749,5.625284188,5.625283814,5.625284307,5.625284377,5.625284631,5.625284486,5.625284244,5.625284205,5.625284577,5.625284507,5.62528404,5.625284072,5.625284341,5.625284429,5.625284113,5.625284415
+"3212","COL4A3",4.97175433,4.971754323,4.971754424,4.97175436,4.97175448,4.971754383,4.971754437,4.971754439,4.971754409,4.971754413,4.971754421,4.971754451,4.971754404,4.971754335,4.971754469,4.971754377,4.971754482,4.971754462,4.971754395,4.971754389,4.971754473,4.971754452,4.971754359,4.971754357,4.9717544,4.97175445,4.971754407,4.971754434
+"3213","COL4A4",4.8766668335,4.8766667705,4.87666688,4.876666824,4.8766669075,4.8766668295,4.876666897,4.8766669245,4.8766668295,4.876666851,4.8766668435,4.87666684,4.8766668585,4.8766668095,4.876666881,4.876666877,4.876666909,4.876666862,4.876666881,4.876666866,4.8766669105,4.876666906,4.87666682,4.8766667675,4.8766668485,4.876666876,4.876666842,4.8766668405
+"3214","COL4A5",4.465072947,4.465072953,4.465073018,4.46507297,4.465073011,4.465072979,4.465072991,4.465072996,4.465072989,4.46507299,4.465072998,4.465073004,4.465072959,4.465072887,4.465073038,4.465072984,4.465073059,4.465073011,4.465072987,4.465073008,4.46507301,4.465073007,4.465072987,4.465072953,4.465072978,4.465072981,4.465072958,4.465072991
+"3215","COL4A6",4.537100965,4.537101007,4.537101068,4.537100995,4.537101098,4.537101018,4.537101072,4.537101102,4.537101,4.537100995,4.537101053,4.537101113,4.537101014,4.537100959,4.53710111,4.537101056,4.537101116,4.537101085,4.537101028,4.537101034,4.537101097,4.537101095,4.537101014,4.537100968,4.53710102,4.537101098,4.537100986,4.537101034
+"3216","COL5A1",5.55143614,5.551436216,5.551436344,5.55143624,5.551436433,5.551436152,5.551436285,5.551436394,5.551436322,5.551436288,5.551436397,5.551436437,5.551436226,5.551436073,5.551436316,5.551436406,5.551436489,5.551436432,5.551436251,5.551436228,5.551436403,5.551436395,5.551436208,5.551436231,5.551436408,5.551436337,5.55143628,5.551436379
+"3217","COL5A2",4.37122843,4.371228279,4.371228378,4.371228364,4.371228526,4.371228295,4.371228478,4.371228459,4.371228474,4.371228432,4.371228352,4.371228601,4.371228301,4.371228115,4.371228544,4.371228475,4.371228569,4.371228508,4.371228311,4.371228379,4.371228567,4.371228409,4.3712283,4.371228191,4.371228533,4.371228403,4.371228285,4.371228388
+"3218","COL5A3",6.490631254,6.490631413,6.490631693,6.490631424,6.490631886,6.490631324,6.490631627,6.490631838,6.490631591,6.490631513,6.490631753,6.490631946,6.490631435,6.490631012,6.490631781,6.490631623,6.49063198,6.490631758,6.490631518,6.490631543,6.490631723,6.490631824,6.490631375,6.490631402,6.490631711,6.490631734,6.490631453,6.490631707
+"3219","COL6A1",6.507834209,6.507834502,6.507834775,6.507834665,6.507834868,6.50783404,6.507834487,6.50783474,6.507834654,6.507834581,6.507834799,6.507834837,6.507834606,6.507834351,6.50783458,6.507834728,6.507834772,6.507834871,6.507834544,6.507834553,6.50783462,6.507834799,6.507834494,6.507834696,6.507834785,6.507834639,6.50783457,6.507834697
+"3220","COL6A2",7.293432778,7.293432779,7.293432924,7.293432887,7.293433047,7.293432833,7.293432895,7.293432963,7.293432906,7.293432945,7.293432992,7.293432974,7.293432888,7.293432692,7.293432966,7.293432811,7.293432996,7.293432941,7.293432882,7.293432883,7.293432979,7.293432952,7.293432806,7.293432823,7.29343292,7.293432882,7.29343289,7.293432903
+"3221","COL6A3",4.633513897,4.63351391,4.633513932,4.633513923,4.633513943,4.633513888,4.633513932,4.633513935,4.633513926,4.633513936,4.633513924,4.633513968,4.633513926,4.633513899,4.633513937,4.633513919,4.633513936,4.633513957,4.633513928,4.633513915,4.633513952,4.633513948,4.633513917,4.633513925,4.633513928,4.633513948,4.633513895,4.633513925
+"3222","COL6A5",3.400956632,3.400956689,3.400956759,3.400956715,3.400956664,3.400956739,3.400956736,3.400956755,3.400956752,3.400956735,3.400956701,3.400956689,3.400956679,3.40095682,3.400956749,3.40095682,3.400956826,3.400956695,3.400956706,3.400956693,3.400956726,3.400956742,3.400956681,3.400956715,3.400956644,3.400956726,3.400956697,3.400956734
+"3223","COL6A6",3.592944764,3.592944704,3.592944683,3.592944723,3.59294477,3.592944715,3.592944709,3.592944683,3.592944727,3.592944752,3.592944746,3.592944762,3.592944681,3.592944719,3.592944747,3.592944688,3.592944786,3.592944781,3.592944772,3.592944827,3.592944799,3.592944795,3.592944691,3.59294468,3.59294477,3.592944729,3.592944688,3.592944726
+"3224","COL8A1",3.57777411,3.57777411,3.577774129,3.577774117,3.577774148,3.577774105,3.577774124,3.577774136,3.577774119,3.57777413,3.577774146,3.577774115,3.577774116,3.577774106,3.57777413,3.577774118,3.577774144,3.577774124,3.577774103,3.577774124,3.577774124,3.577774139,3.577774103,3.577774105,3.577774149,3.577774108,3.577774122,3.577774117
+"3225","COL8A2",6.047038904,6.047039016,6.047039061,6.047038946,6.047039152,6.047038801,6.047038938,6.047039107,6.047038996,6.047038996,6.047039102,6.047039,6.047038973,6.047038874,6.047038994,6.047039164,6.047039162,6.047039056,6.047038988,6.047038966,6.04703905,6.047039067,6.047039018,6.047039062,6.047039055,6.047039028,6.047038937,6.047039017
+"3226","COL9A1",4.679316612,4.679316706,4.679316676,4.679316648,4.679316769,4.679316477,4.679316618,4.679316678,4.679316678,4.679316602,4.679316685,4.679316674,4.679316674,4.679316573,4.679316704,4.679316728,4.679316708,4.679316803,4.679316663,4.67931663,4.679316799,4.679316772,4.679316601,4.679316739,4.679316646,4.679316745,4.679316604,4.679316664
+"3227","COL9A2",6.191196436,6.191196413,6.191196649,6.191196526,6.191196786,6.191196321,6.191196637,6.191196694,6.191196571,6.191196665,6.191196777,6.191196711,6.191196472,6.191196354,6.191196727,6.191196653,6.191196808,6.191196755,6.191196591,6.191196496,6.191196688,6.191196645,6.191196424,6.191196488,6.191196693,6.191196663,6.191196484,6.191196626
+"3228","COL9A3",7.167511505,7.167511618,7.167511827,7.167511598,7.1675119,7.167511462,7.167511624,7.167511867,7.167511671,7.167511739,7.167511783,7.167511814,7.167511625,7.167511479,7.167511779,7.167511766,7.167511897,7.167511833,7.16751162,7.167511635,7.167511738,7.16751182,7.167511544,7.167511659,7.16751184,7.167511777,7.167511585,7.167511755
+"3229","COLCA1",4.786064461,4.786064498,4.78606457,4.786064422,4.786064726,4.78606437,4.786064635,4.786064614,4.786064565,4.786064636,4.786064495,4.786064758,4.786064498,4.786064501,4.7860646,4.786064548,4.78606471,4.786064568,4.786064605,4.786064597,4.786064678,4.786064697,4.786064474,4.786064424,4.786064471,4.786064653,4.78606445,4.786064553
+"3230","COLEC10",4.136961327,4.136961386,4.136961372,4.136961368,4.136961314,4.13696134,4.136961404,4.136961408,4.136961399,4.136961375,4.136961371,4.136961391,4.136961369,4.136961307,4.136961367,4.13696135,4.136961376,4.136961418,4.136961393,4.136961356,4.136961366,4.136961353,4.136961379,4.136961361,4.136961361,4.136961364,4.136961341,4.136961364
+"3231","COLEC11",5.88047359,5.880473621,5.880473644,5.880473638,5.880473656,5.880473627,5.880473643,5.880473665,5.880473628,5.880473614,5.880473618,5.880473627,5.880473604,5.880473564,5.880473633,5.880473651,5.880473656,5.880473652,5.880473607,5.880473623,5.880473646,5.880473643,5.880473608,5.880473591,5.880473637,5.880473637,5.880473625,5.880473619
+"3232","COLEC12",4.588649502,4.588649486,4.588649646,4.588649547,4.588649642,4.588649531,4.58864958,4.588649662,4.588649582,4.588649582,4.588649616,4.588649665,4.588649511,4.588649595,4.588649655,4.588649563,4.588649654,4.58864966,4.588649575,4.588649595,4.588649628,4.588649592,4.588649562,4.588649536,4.588649638,4.588649577,4.58864958,4.588649571
+"3233","COLGALT1",7.611960693,7.61196106,7.611960797,7.611960913,7.611960858,7.61196085,7.611960867,7.611960636,7.611960785,7.611960978,7.611960808,7.611960632,7.611960898,7.611960878,7.611960629,7.611960816,7.611960774,7.61196085,7.61196077,7.611960706,7.611960714,7.611960656,7.611960703,7.611960987,7.611960809,7.61196067,7.611960909,7.611960754
+"3234","COLGALT2",4.767102537,4.767102499,4.767102691,4.767102558,4.767102612,4.767102602,4.767102594,4.767102701,4.767102599,4.767102574,4.767102691,4.767102714,4.767102587,4.767102502,4.767102624,4.767102518,4.767102684,4.767102627,4.767102614,4.767102554,4.767102598,4.767102596,4.767102594,4.767102502,4.767102684,4.767102635,4.767102607,4.767102607
+"3235","COLQ",6.042785573,6.042785619,6.042785626,6.042785551,6.042785609,6.042785428,6.042785571,6.042785609,6.042785538,6.042785399,6.04278549,6.042785534,6.042785599,6.042785545,6.042785605,6.04278569,6.042785661,6.04278557,6.042785508,6.042785519,6.042785597,6.042785544,6.042785457,6.042785415,6.04278555,6.042785659,6.042785589,6.04278559
+"3236","COMMD1",6.392546388,6.392546381,6.39254641,6.392546365,6.392546356,6.392546416,6.392546386,6.392546353,6.392546323,6.392546439,6.392546364,6.39254634,6.392546394,6.392546455,6.392546398,6.392546277,6.39254633,6.392546307,6.392546363,6.392546393,6.392546373,6.392546415,6.392546367,6.392546405,6.39254631,6.392546384,6.392546435,6.39254638
+"3237","COMMD10",6.53646646,6.536465171,6.536465511,6.536465188,6.536464777,6.536465467,6.536465377,6.536464838,6.536465541,6.536465134,6.536464439,6.536464866,6.536465707,6.536466321,6.536465367,6.536464308,6.536464731,6.536464492,6.536465664,6.53646469,6.536465062,6.536464851,6.536465362,6.536465093,6.536465147,6.536465175,6.536465676,6.536465515
+"3238","COMMD2",6.048847276,6.048847149,6.048847099,6.048846983,6.048847074,6.048846885,6.048847078,6.048846965,6.048847166,6.0488472,6.048847089,6.048846982,6.048847065,6.048847424,6.048847106,6.04884694,6.048847075,6.048847025,6.048847139,6.048846928,6.048847144,6.048847124,6.048847191,6.048847131,6.048847039,6.048847044,6.048847106,6.04884732
+"3239","COMMD4",6.105847147,6.10584703,6.105847321,6.105846841,6.105847548,6.105847286,6.105847337,6.105847316,6.105847319,6.105847409,6.105847311,6.10584746,6.105847287,6.105847068,6.105847354,6.105847254,6.105847469,6.105847183,6.105847316,6.105847188,6.105847391,6.105847459,6.105847189,6.105847042,6.105847106,6.105847364,6.105847189,6.10584714
+"3240","COMMD6",5.106418157,5.106418128,5.106418138,5.106418135,5.106418127,5.106418135,5.106418126,5.106418134,5.106418139,5.106418134,5.10641815,5.106418128,5.106418133,5.106418156,5.106418125,5.106418163,5.106418135,5.106418142,5.106418122,5.106418137,5.106418116,5.106418116,5.106418133,5.106418133,5.106418135,5.106418114,5.106418125,5.106418153
+"3241","COMMD7",6.962215369,6.962215451,6.96221528,6.962215356,6.962215301,6.962215433,6.962215213,6.962215074,6.962215294,6.962215416,6.962215211,6.962215061,6.962215382,6.96221547,6.962215278,6.962215297,6.962215253,6.962215258,6.96221536,6.962215169,6.962215062,6.962215294,6.962215356,6.962215388,6.962215181,6.962215253,6.962215401,6.962215403
+"3242","COMMD8",4.316560859,4.316560897,4.316560632,4.316560574,4.316560559,4.316560569,4.316560686,4.316560651,4.316560715,4.316560721,4.316560865,4.316560425,4.316560685,4.316561291,4.316560461,4.316560688,4.31656069,4.316560492,4.316560711,4.31656051,4.316560707,4.316560714,4.316560642,4.316560469,4.316560532,4.316560502,4.316560702,4.316561032
+"3243","COMMD9",5.447127877,5.4471266775,5.4471277215,5.4471276045,5.4471276705,5.447127675,5.447127458,5.447127504,5.447127559,5.4471276575,5.447127651,5.447127438,5.4471277655,5.447127566,5.447127673,5.447126354,5.447127543,5.4471272675,5.447127553,5.447127584,5.4471276445,5.44712772,5.447127201,5.4471275285,5.4471272685,5.4471277395,5.4471277665,5.447127537
+"3244","COMP",5.077385461,5.077385543,5.077385604,5.077385577,5.077385719,5.077385553,5.077385519,5.077385665,5.077385541,5.077385584,5.077385651,5.077385696,5.077385556,5.077385416,5.077385578,5.077385559,5.077385664,5.077385625,5.077385483,5.077385541,5.077385558,5.0773856,5.07738547,5.077385499,5.077385643,5.07738559,5.077385608,5.077385572
+"3245","COMT",7.633511736,7.633511726,7.633511826,7.633511691,7.633511998,7.633511706,7.63351187,7.633511893,7.633511711,7.633511855,7.63351178,7.633511822,7.633511822,7.633511691,7.633511784,7.633511767,7.633511824,7.633511661,7.633511846,7.633511694,7.633511825,7.633511933,7.633511599,7.633511671,7.633511614,7.633511807,7.633511895,7.633511697
+"3246","COMTD1",7.156916485,7.156916553,7.156916767,7.156916586,7.156916854,7.1569164,7.156916651,7.156916766,7.156916685,7.156916719,7.156916741,7.156916839,7.156916589,7.156916377,7.156916723,7.156916732,7.156916846,7.15691675,7.156916636,7.156916642,7.156916747,7.156916744,7.156916556,7.156916511,7.156916742,7.15691669,7.15691663,7.156916669
+"3247","COP1",8.236165831,8.236165719,8.236165007,8.236166009,8.236164313,8.236165352,8.2361654,8.236164445,8.236164426,8.236164069,8.236164829,8.236163263,8.236165223,8.236165943,8.236165002,8.236165669,8.236164459,8.236165168,8.236165383,8.236165811,8.236165523,8.236164778,8.23616556,8.236165276,8.236165399,8.236164415,8.236165139,8.236164767
+"3248","COPA",8.58219241,8.582192613,8.582192132,8.582192362,8.582192176,8.582192538,8.582192328,8.582192117,8.582192287,8.582192298,8.582192146,8.582191918,8.582192315,8.58219268,8.58219196,8.582192347,8.582191918,8.582191895,8.582192315,8.582192512,8.582192265,8.582192034,8.582192361,8.582192473,8.58219214,8.582192196,8.582192356,8.582192225
+"3249","COPB1",7.248514662,7.248513782,7.248513687,7.248513975,7.248513083,7.248512593,7.248513672,7.248513058,7.248513688,7.248513444,7.248512948,7.248512512,7.248514024,7.248515238,7.248513517,7.2485132,7.248513063,7.248512867,7.248513722,7.248511451,7.248513558,7.248512937,7.248513734,7.248513757,7.248512948,7.24851306,7.248513939,7.248514316
+"3250","COPB2",7.455619008,7.455619094,7.455618736,7.455618937,7.455618751,7.455618953,7.455618716,7.45561858,7.455618793,7.455618769,7.455618577,7.455618338,7.455618821,7.455619318,7.455618794,7.455619023,7.455618584,7.455618503,7.455618982,7.455618744,7.455618873,7.455618645,7.455618979,7.455618854,7.455618562,7.455618513,7.455618816,7.455618996
+"3251","COPE",7.330475821,7.330475872,7.330475952,7.330475992,7.330475852,7.330476149,7.330475948,7.330475901,7.330475919,7.330475999,7.330475944,7.330475858,7.330476056,7.330475727,7.330475908,7.330475739,7.330475854,7.330475916,7.330475857,7.330476168,7.330475877,7.330475939,7.330475792,7.330475965,7.330475883,7.330475921,7.330475939,7.330475659
+"3252","COPG1",7.669654198,7.669654332,7.669653962,7.669654176,7.66965403,7.669654339,7.669654184,7.669653957,7.669654156,7.669654246,7.669653839,7.669653861,7.669654195,7.669654344,7.66965396,7.669654244,7.669653869,7.669654065,7.669654091,7.669654158,7.669654123,7.669653922,7.669654147,7.669654224,7.669654012,7.669654044,7.669654134,7.669654021
+"3253","COPRS",6.652830316,6.652830326,6.652830451,6.652830331,6.652830452,6.652830265,6.652830313,6.652830432,6.65283035,6.652830386,6.652830447,6.652830512,6.652830334,6.652830161,6.652830391,6.65283039,6.652830441,6.6528304,6.652830327,6.652830281,6.65283029,6.652830407,6.652830352,6.652830347,6.652830399,6.65283036,6.652830404,6.652830352
+"3254","COPS2",5.27244541,5.272444118,5.272444297,5.272443199,5.272443715,5.272443242,5.272444621,5.272443874,5.272444624,5.272444582,5.272443999,5.272442174,5.272443886,5.272447927,5.272444355,5.272443029,5.27244486,5.272443495,5.272444485,5.272442809,5.272444378,5.272443895,5.272445071,5.272444513,5.272443838,5.272444197,5.272443573,5.272447026
+"3255","COPS3",6.81774146,6.817741223,6.81774144,6.817740764,6.817740566,6.817741183,6.817741356,6.817740994,6.817741153,6.817740917,6.817740848,6.817740692,6.817740779,6.817741799,6.817740976,6.817741239,6.817741162,6.817740347,6.817740878,6.817741291,6.817741269,6.817740875,6.81774119,6.817740992,6.817740901,6.817740944,6.817740732,6.81774149
+"3256","COPS4",4.149892562,4.149892508,4.149892586,4.149892461,4.149892508,4.14989249,4.149892507,4.14989249,4.14989253,4.149892592,4.149892527,4.149892444,4.149892528,4.14989273,4.149892558,4.149892541,4.149892496,4.14989249,4.149892554,4.149892512,4.149892575,4.1498925,4.149892578,4.149892539,4.149892523,4.149892518,4.149892576,4.14989262
+"3257","COPS5",5.958904639,5.958904605,5.958904602,5.95890462,5.958904542,5.958904612,5.958904615,5.958904589,5.9589046,5.958904612,5.958904587,5.958904603,5.958904623,5.958904628,5.958904609,5.958904611,5.958904566,5.958904585,5.95890461,5.958904624,5.958904595,5.95890459,5.958904624,5.958904611,5.958904592,5.958904611,5.958904611,5.958904604
+"3258","COPS6",8.392952011,8.392952086,8.392951976,8.392951833,8.39295193,8.392952085,8.392951926,8.392951964,8.392952009,8.392951999,8.392951814,8.392951788,8.39295202,8.392952215,8.392951881,8.392952089,8.392951741,8.392951804,8.392951971,8.392951853,8.392951927,8.392952004,8.392951971,8.392952026,8.392951829,8.392951932,8.392952015,8.392952015
+"3259","COPS7A",7.018875288,7.018875506,7.018875267,7.018875311,7.018875175,7.018875359,7.018875252,7.018875013,7.01887524,7.018875391,7.018875261,7.018875097,7.018875311,7.018875317,7.018875223,7.018875402,7.018875209,7.018875264,7.018875301,7.018875445,7.018875148,7.01887513,7.018875224,7.018875556,7.018875184,7.018875312,7.018875338,7.018875211
+"3260","COPS7B",6.244027479,6.244027428,6.244027383,6.244027383,6.244027348,6.244027407,6.244027489,6.244027362,6.244027448,6.244027448,6.244027232,6.244027312,6.244027407,6.244027505,6.244027305,6.244027218,6.244027029,6.244027182,6.244027362,6.244027272,6.244027298,6.244027329,6.244027503,6.244027388,6.244027256,6.244027409,6.244027583,6.244027338
+"3261","COPS8",5.048689622,5.048689575,5.04868961,5.048689498,5.048689584,5.048689527,5.048689597,5.048689575,5.048689628,5.048689577,5.048689518,5.048689451,5.048689562,5.048689714,5.048689612,5.048689559,5.048689534,5.04868955,5.048689588,5.048689563,5.048689592,5.048689631,5.048689603,5.048689575,5.048689549,5.048689597,5.048689643,5.04868966
+"3262","COPS9",5.445423583,5.445423614,5.445424296,5.445423907,5.445424891,5.445423521,5.445424489,5.445424507,5.445424268,5.445424291,5.445424172,5.445424694,5.445424263,5.445423518,5.445424599,5.445424371,5.445424768,5.445424528,5.445424171,5.445424011,5.445424624,5.44542463,5.445423837,5.44542379,5.445424404,5.445424456,5.445423855,5.445424486
+"3263","COPZ1",7.468430852,7.468430843,7.468430678,7.46843042,7.468430372,7.468430393,7.468430302,7.468429914,7.468430231,7.468430627,7.46843025,7.468429856,7.468430576,7.468431139,7.46843024,7.468430445,7.468429851,7.468430224,7.468430251,7.468430754,7.468430289,7.468430385,7.468430732,7.468430742,7.468430402,7.468430604,7.468430623,7.468430297
+"3264","COPZ2",5.830423415,5.830423449,5.830423478,5.83042344,5.830423491,5.830423438,5.830423423,5.830423505,5.830423447,5.830423458,5.830423486,5.830423503,5.830423461,5.8304234,5.830423447,5.83042347,5.830423495,5.830423471,5.830423467,5.830423423,5.830423432,5.830423456,5.830423453,5.830423455,5.830423488,5.830423451,5.830423453,5.830423464
+"3265","COQ10A",5.985083045,5.985082782,5.985082756,5.985082758,5.98508261,5.985082789,5.98508287,5.985082472,5.985083117,5.985083003,5.985082218,5.985082925,5.985082965,5.985083258,5.985082902,5.98508293,5.985082449,5.985082682,5.985082431,5.985082641,5.985082868,5.98508292,5.985083048,5.985082883,5.98508202,5.985082775,5.985082979,5.985082781
+"3266","COQ10B",7.174500319,7.174500198,7.174499624,7.174500158,7.174499048,7.174499416,7.17449993,7.174499331,7.174499404,7.174499219,7.174499406,7.174498776,7.174499786,7.174500735,7.174500195,7.174500103,7.174499545,7.174500035,7.174500249,7.174499923,7.174499777,7.174499512,7.174500152,7.174499924,7.174499709,7.174499435,7.174499895,7.174500322
+"3267","COQ2",6.913953801,6.913953876,6.91395389,6.9139539,6.913953818,6.913953958,6.913953885,6.913953789,6.913953835,6.913953764,6.913953864,6.913953715,6.91395384,6.91395385,6.913953744,6.91395386,6.913954,6.913953932,6.913953911,6.913953978,6.913953898,6.913953837,6.913953873,6.913953874,6.913953788,6.913953649,6.913953865,6.913953766
+"3268","COQ3",3.678083177,3.678083117,3.678083169,3.678083162,3.678083173,3.678083191,3.678083132,3.678083143,3.678083125,3.678083158,3.678083117,3.678083148,3.678083187,3.678083136,3.678083155,3.678083146,3.67808312,3.678083159,3.678083159,3.678083125,3.678083172,3.678083146,3.678083166,3.678083157,3.678083153,3.678083121,3.678083178,3.67808313
+"3269","COQ4",6.799506731,6.799506736,6.799506726,6.799506664,6.79950675,6.799506727,6.79950673,6.79950679,6.799506788,6.799506779,6.799506675,6.799506817,6.799506708,6.799506654,6.79950676,6.799506727,6.799506777,6.799506714,6.799506704,6.799506749,6.79950676,6.799506778,6.799506765,6.799506727,6.799506722,6.799506795,6.799506757,6.799506715
+"3270","COQ5",5.35938596,5.359385915,5.359385936,5.359385897,5.359385965,5.359385891,5.359385958,5.359385956,5.359385922,5.35938592,5.35938589,5.359385899,5.359385973,5.359386016,5.359385955,5.359385943,5.359385935,5.359385936,5.359385971,5.359385935,5.359385961,5.35938594,5.359385959,5.35938593,5.359385879,5.359385946,5.359385919,5.359385961
+"3271","COQ6",5.693662733,5.693662396,5.693662361,5.693662439,5.693662671,5.693662742,5.693662863,5.693662709,5.693662761,5.69366275,5.693662523,5.693662765,5.693662684,5.693662527,5.693662692,5.69366244,5.693662444,5.693662513,5.69366252,5.69366235,5.693662582,5.693662683,5.693662423,5.693662524,5.693662637,5.693662894,5.693662663,5.693662658
+"3272","COQ7",5.752207639,5.752207818,5.7522078,5.752207676,5.752207667,5.752207609,5.752207649,5.752207677,5.752207781,5.75220784,5.752207567,5.752207666,5.752207738,5.75220789,5.752207633,5.752207826,5.752207732,5.752207686,5.752207654,5.752207509,5.75220764,5.752207748,5.752207814,5.752207788,5.752207699,5.752207739,5.752207664,5.752207908
+"3273","COQ8A",7.153047545,7.153047678,7.153047643,7.153047739,7.153047594,7.153047438,7.153047412,7.153047705,7.153047607,7.153047607,7.153047445,7.153047678,7.153047593,7.153047756,7.153047586,7.153047742,7.153047741,7.153047718,7.153047698,7.153047475,7.153047337,7.153047759,7.153047485,7.153047816,7.15304747,7.153047702,7.153047555,7.153047808
+"3274","COQ8B",6.679608394,6.679608467,6.679608484,6.679608553,6.679608506,6.679608554,6.679608433,6.679608628,6.679608416,6.679608318,6.679608498,6.679608498,6.679608469,6.679608299,6.67960853,6.679608605,6.679608409,6.679608554,6.67960849,6.679608496,6.679608456,6.679608584,6.679608383,6.679608455,6.679608495,6.679608513,6.679608522,6.679608414
+"3275","COQ9",6.822653395,6.82265339,6.822653385,6.822653377,6.822653353,6.822653377,6.822653387,6.822653371,6.822653395,6.822653376,6.822653375,6.822653376,6.822653397,6.822653397,6.822653386,6.822653375,6.822653372,6.822653379,6.822653371,6.822653371,6.822653384,6.822653379,6.822653388,6.822653399,6.822653387,6.822653388,6.822653379,6.822653365
+"3276","CORIN",3.678749587,3.678749632,3.678749784,3.678749539,3.678749926,3.678749742,3.678749576,3.678749577,3.678749434,3.678750002,3.678749377,3.678749795,3.678749546,3.678749563,3.678749773,3.678749607,3.678749585,3.678749674,3.678749613,3.67874978,3.678749714,3.678749657,3.678749525,3.678750319,3.678749834,3.678749737,3.678749696,3.678749568
+"3277","CORO1A",10.75592099,10.75592206,10.75592061,10.7559214,10.75592087,10.75592163,10.75592159,10.75592109,10.75592117,10.75592099,10.75592045,10.75592028,10.75592173,10.75592162,10.75592039,10.75592145,10.75592024,10.75592065,10.75592144,10.75592185,10.75592142,10.75592103,10.7559214,10.75592155,10.75592064,10.75592097,10.75592157,10.75592074
+"3278","CORO1C",9.057460325,9.057460962,9.057460147,9.05746129,9.057460065,9.057460298,9.057460321,9.057459392,9.057458528,9.057460067,9.057460095,9.057459525,9.057459754,9.057460704,9.05746016,9.057460705,9.057460004,9.057460604,9.057460297,9.057460157,9.057460454,9.057459426,9.057459672,9.057460817,9.057460731,9.057459881,9.057459515,9.057459796
+"3279","CORO2A",5.852548152,5.852548172,5.852548171,5.852548162,5.852548177,5.852548185,5.852548169,5.852548164,5.852548172,5.852548178,5.852548172,5.852548146,5.852548153,5.852548169,5.85254814,5.852548164,5.852548155,5.85254814,5.852548171,5.852548182,5.852548168,5.852548154,5.852548162,5.85254818,5.852548163,5.852548153,5.85254817,5.852548164
+"3280","CORO2B",4.743401772,4.743401762,4.743401836,4.743401805,4.743401857,4.743401707,4.743401777,4.743401788,4.743401777,4.74340176,4.743401782,4.743401861,4.743401748,4.743401724,4.743401857,4.743401758,4.743401843,4.743401874,4.743401786,4.743401796,4.743401862,4.743401784,4.743401743,4.743401665,4.743401754,4.743401835,4.743401676,4.743401767
+"3281","CORO6",5.301852455,5.301852436,5.301852468,5.301852443,5.301852653,5.301852367,5.301852523,5.301852554,5.301852404,5.301852496,5.301852619,5.301852592,5.301852478,5.301852417,5.301852631,5.301852484,5.301852642,5.301852586,5.301852523,5.301852626,5.301852529,5.301852512,5.30185238,5.30185245,5.301852489,5.301852537,5.301852416,5.301852551
+"3282","COTL1",9.733230719,9.733231951,9.733230956,9.733231336,9.733231168,9.733231713,9.733230976,9.733230913,9.73323147,9.733231803,9.733231391,9.733230345,9.733231272,9.733231238,9.733230553,9.733231813,9.733230943,9.73323118,9.733230945,9.733231804,9.733230828,9.733230932,9.733231545,9.733231777,9.733231482,9.733230586,9.733231312,9.733231311
+"3283","COX10",6.255902884,6.255902852,6.255902831,6.255902811,6.255902813,6.255902837,6.25590285,6.255902824,6.255902867,6.255902839,6.255902769,6.255902756,6.255902867,6.255902888,6.255902816,6.255902786,6.255902855,6.255902857,6.255902835,6.255902797,6.255902787,6.255902864,6.255902871,6.255902847,6.255902807,6.255902826,6.255902853,6.255902864
+"3284","COX11",5.729111656,5.72911122,5.729111221,5.729111219,5.729111075,5.729111027,5.729111334,5.729111241,5.729111378,5.729111396,5.729110861,5.72911103,5.72911141,5.729111893,5.72911123,5.729110843,5.72911104,5.729110855,5.729111384,5.729111115,5.729111205,5.729111259,5.729111294,5.72911123,5.729111112,5.729111343,5.729111512,5.729111582
+"3285","COX14",6.268464099,6.26846408,6.268464097,6.268464069,6.268464079,6.268464091,6.268464088,6.268464083,6.268464094,6.268464077,6.268464086,6.268464074,6.268464093,6.268464089,6.268464092,6.268464096,6.268464104,6.268464071,6.268464085,6.268464084,6.268464101,6.2684641,6.268464073,6.268464086,6.268464082,6.268464083,6.268464101,6.268464066
+"3286","COX15",6.847420616,6.847420645,6.847420531,6.847420449,6.847420462,6.847420568,6.847420556,6.847420336,6.847420625,6.847420582,6.847420547,6.847420333,6.847420498,6.847420705,6.847420444,6.84742046,6.847420393,6.847420291,6.84742062,6.847420618,6.847420458,6.847420432,6.84742061,6.847420626,6.847420531,6.847420425,6.847420605,6.847420517
+"3287","COX17",4.8220983505,4.8220983525,4.822098718,4.822098728,4.8220987495,4.8220980685,4.8220984285,4.822098349,4.822098525,4.822098341,4.822098312,4.8220981245,4.8220980055,4.822098172,4.822098216,4.82209868,4.822099033,4.822098094,4.822098555,4.8220986645,4.822098377,4.8220982355,4.8220986845,4.8220984695,4.8220989305,4.822098794,4.822098012,4.822098056
+"3288","COX18",6.455710193,6.45570997,6.455709857,6.45570946,6.455709461,6.455710038,6.455710041,6.455709498,6.455710264,6.455709915,6.455709414,6.455709522,6.455710094,6.455710299,6.45570983,6.455709703,6.455709865,6.455709331,6.455709832,6.455710082,6.45570987,6.455709894,6.455710023,6.455709825,6.455709152,6.455709654,6.455709935,6.455709987
+"3289","COX20",6.381433029,6.381433006,6.381433031,6.381432943,6.38143297,6.381433043,6.38143303,6.381432929,6.381432921,6.381432995,6.381432963,6.381432986,6.381432927,6.381433043,6.381432991,6.381433028,6.381433002,6.38143296,6.381432977,6.381432954,6.381432985,6.381432965,6.381432997,6.38143291,6.381432909,6.381432958,6.381432985,6.38143303
+"3290","COX4I1",7.291588636,7.291588561,7.291588656,7.291588527,7.29158842,7.291588623,7.29158864,7.291588432,7.291588618,7.291588608,7.291588402,7.291588444,7.291588573,7.291588755,7.291588352,7.291588479,7.291588531,7.291588306,7.291588571,7.29158859,7.291588468,7.291588609,7.291588554,7.291588486,7.291588248,7.291588475,7.291588651,7.291588582
+"3291","COX4I2",4.931213741,4.931213789,4.931213812,4.931213779,4.931213979,4.93121376,4.931213792,4.931213859,4.931213811,4.931213802,4.931213874,4.931213935,4.931213817,4.931213699,4.931213899,4.931213787,4.931213901,4.931213851,4.931213764,4.931213861,4.931213908,4.931213893,4.931213732,4.931213748,4.931213833,4.931213897,4.931213743,4.931213845
+"3292","COX5A",7.762952515,7.762952566,7.762952688,7.762952201,7.762952191,7.762952884,7.762952727,7.76295246,7.762952656,7.762952946,7.762952268,7.762952098,7.762952756,7.762952553,7.76295238,7.762952118,7.762952267,7.762951934,7.762952266,7.762952792,7.762952561,7.762952515,7.762952696,7.762952502,7.762952131,7.762952262,7.762952707,7.762952362
+"3293","COX5B",6.479437568,6.479437586,6.479437594,6.479437558,6.479437535,6.479437597,6.479437564,6.479437543,6.479437607,6.479437606,6.479437556,6.479437476,6.479437591,6.479437575,6.479437535,6.479437562,6.479437557,6.479437543,6.47943754,6.479437657,6.47943755,6.479437526,6.479437593,6.479437593,6.479437532,6.479437532,6.479437576,6.479437544
+"3294","COX6A1",8.3394630225,8.339462527,8.339462773,8.339462628,8.339462464,8.3394631685,8.3394632235,8.3394625835,8.339462723,8.339462849,8.3394628125,8.3394629525,8.3394629875,8.3394628475,8.3394626095,8.3394620485,8.339463067,8.3394624425,8.3394628855,8.3394627545,8.3394631085,8.339462788,8.3394627385,8.3394624465,8.339462625,8.339462751,8.3394629755,8.339462741
+"3295","COX6A2",6.40637028,6.406370368,6.406370402,6.40637038,6.40637039,6.406370361,6.406370236,6.406370444,6.406370436,6.406370399,6.406370403,6.40637039,6.4063704,6.406370276,6.406370385,6.406370381,6.406370454,6.406370388,6.406370358,6.406370341,6.40637036,6.406370399,6.40637036,6.406370397,6.406370431,6.406370338,6.406370353,6.406370339
+"3296","COX6B1",7.910643073,7.910642999,7.910643327,7.91064279,7.910642706,7.910643385,7.910643049,7.910642922,7.910643084,7.910643399,7.910643128,7.910643268,7.91064291,7.910642616,7.910642771,7.910642649,7.910642825,7.910642454,7.9106428,7.910643597,7.910642981,7.910643067,7.910643156,7.910643187,7.910642896,7.91064339,7.910642955,7.910642413
+"3297","COX6B2",4.309454963,4.309454898,4.309455058,4.30945498,4.309455273,4.309455058,4.309455071,4.309455089,4.309455174,4.309455174,4.309455137,4.309455319,4.309455034,4.309454827,4.309455236,4.309454998,4.309455277,4.30945515,4.309455223,4.309455152,4.309455194,4.309455113,4.309455056,4.309454962,4.309455076,4.30945521,4.309455016,4.309455145
+"3298","COX6C",5.428254781,5.428255015,5.428254886,5.428254499,5.428254399,5.428254517,5.428254529,5.428254333,5.428254994,5.428254659,5.428254426,5.428254309,5.428254688,5.428255084,5.428254483,5.428254821,5.428254549,5.428254403,5.42825453,5.428254601,5.428254555,5.428254592,5.42825506,5.428254858,5.428254313,5.428254712,5.428254751,5.428254853
+"3299","COX7A1",5.075168527,5.075168685,5.075168747,5.075168825,5.075169031,5.075168806,5.075168726,5.075168972,5.075168798,5.075168829,5.075168906,5.075169048,5.075168818,5.075168577,5.075168784,5.075168779,5.075169065,5.075169005,5.075168707,5.075168805,5.075168909,5.075169001,5.075168785,5.075168727,5.075168943,5.075168902,5.075168529,5.075168827
+"3300","COX7A2",5.461096789,5.461096754,5.461096845,5.46109643,5.461096333,5.461096643,5.461097162,5.461096515,5.461096911,5.461096701,5.461096373,5.461096668,5.461097053,5.461097132,5.461096631,5.461097014,5.461096741,5.461096452,5.461096755,5.461096806,5.461096732,5.461096483,5.461096919,5.461096701,5.461096556,5.461096534,5.461096736,5.461096701
+"3301","COX7A2L",6.525443442,6.525443024,6.525443422,6.525443277,6.525442871,6.525443215,6.525443464,6.525443167,6.525443546,6.52544327,6.52544292,6.52544298,6.52544334,6.52544369,6.525443062,6.525443104,6.525443172,6.525442775,6.525443113,6.525443531,6.525443329,6.525443336,6.525443604,6.525443374,6.525442922,6.525443201,6.525443331,6.525443406
+"3302","COX7B",3.076311173,3.076310414,3.076310144,3.076310257,3.076309738,3.076310799,3.07631047,3.076310333,3.076309717,3.076309727,3.076310589,3.076309988,3.076310754,3.076310603,3.076310059,3.076309898,3.076310092,3.076309689,3.076310008,3.076310588,3.076310084,3.076310205,3.076310768,3.076310542,3.076310688,3.076310372,3.076310791,3.076310202
+"3303","COX7B2",3.234837779,3.234838111,3.234837867,3.234837857,3.234838086,3.234838132,3.234838419,3.234837952,3.2348383,3.234838137,3.234838124,3.23483787,3.234838055,3.234837964,3.234838179,3.234838392,3.234838108,3.234838107,3.234837952,3.234838274,3.234838013,3.234838149,3.234837901,3.234838038,3.234838139,3.234838045,3.234838197,3.234837938
+"3304","COX7C",5.635511394,5.635511364,5.635511448,5.635511253,5.635511266,5.635511398,5.635511391,5.63551139,5.635511415,5.635511411,5.635511415,5.635511345,5.635511375,5.635511503,5.635511367,5.635511349,5.635511411,5.635511394,5.635511308,5.635511384,5.6355113,5.635511411,5.635511437,5.635511361,5.635511358,5.635511406,5.635511421,5.635511366
+"3305","COX8A",7.517637886,7.517637689,7.517637931,7.517637684,7.5176378,7.517638044,7.517637926,7.517637874,7.517638065,7.517637934,7.517637834,7.517637613,7.517637964,7.517637629,7.517637728,7.517637729,7.517637866,7.517637465,7.517637862,7.517638115,7.517637779,7.517637835,7.517637978,7.517637862,7.517637607,7.517637608,7.517637932,7.517637636
+"3306","COX8C",4.098609328,4.09860933,4.0986093,4.098609301,4.098609325,4.098609308,4.098609333,4.098609315,4.098609333,4.098609289,4.09860934,4.09860932,4.098609288,4.098609291,4.098609334,4.098609327,4.09860934,4.098609348,4.098609282,4.098609341,4.098609323,4.098609329,4.098609313,4.098609296,4.098609324,4.098609324,4.098609315,4.098609313
+"3307","CP",2.846794529,2.846794566,2.846794523,2.846794548,2.846794505,2.846794614,2.846794625,2.846794561,2.846794629,2.846794526,2.846794568,2.846794557,2.846794496,2.846794564,2.8467946,2.846794597,2.846794622,2.846794594,2.846794639,2.846794606,2.846794584,2.846794607,2.84679459,2.846794528,2.846794575,2.8467945,2.846794532,2.846794525
+"3308","CPA1",4.823038399,4.823038413,4.823038635,4.82303857,4.823038842,4.823038416,4.823038632,4.823038747,4.82303848,4.823038403,4.82303875,4.823038913,4.823038622,4.823038369,4.823038777,4.823038684,4.823038976,4.823038667,4.823038631,4.823038598,4.823038876,4.823038866,4.823038347,4.823038563,4.82303875,4.823038785,4.823038376,4.823038682
+"3309","CPA2",3.122982525,3.122982673,3.122982613,3.122982624,3.122982742,3.122982802,3.12298284,3.122982748,3.122982548,3.122982691,3.122982686,3.122982948,3.122982624,3.122982827,3.122982783,3.122982761,3.12298281,3.122982843,3.122982639,3.122982613,3.122982669,3.122982687,3.122982668,3.122982587,3.122982565,3.122982732,3.122982576,3.122982609
+"3310","CPA3",4.518826521,4.518825456,4.518822135,4.518825661,4.518825357,4.518821803,4.518820755,4.518822985,4.518822333,4.518823855,4.518824941,4.518823762,4.518821742,4.518822062,4.51882569,4.518826048,4.518825658,4.518824525,4.518826154,4.518820686,4.518821024,4.518821423,4.518824226,4.518824509,4.51882561,4.518823143,4.518821252,4.51882699
+"3311","CPA4",4.144504424,4.144504545,4.144504617,4.144504527,4.144504617,4.144504455,4.144504669,4.144504625,4.144504581,4.144504543,4.144504533,4.144504654,4.144504453,4.144504432,4.144504575,4.144504601,4.144504749,4.144504657,4.144504526,4.14450461,4.144504497,4.14450455,4.144504543,4.144504558,4.144504483,4.144504522,4.144504512,4.144504513
+"3312","CPA5",3.817898608,3.817898907,3.817898822,3.817898845,3.817898958,3.817898857,3.817898916,3.817898972,3.817898857,3.817898829,3.817898854,3.817899053,3.817898853,3.817898753,3.817898873,3.817898911,3.817899102,3.81789893,3.81789876,3.817898902,3.817898849,3.817898951,3.817898839,3.81789882,3.817898859,3.817898902,3.817898885,3.817898824
+"3313","CPA6",2.973163076,2.973163185,2.973163136,2.973163208,2.973163162,2.973163195,2.973163182,2.973163239,2.973163188,2.973163241,2.97316319,2.973163247,2.973163165,2.973163175,2.973163169,2.973163207,2.973163227,2.973163311,2.973163207,2.973163168,2.973163239,2.973163147,2.973163125,2.973163272,2.973163235,2.973163221,2.973163199,2.973163212
+"3314","CPAMD8",5.919024891,5.91902491,5.919024933,5.919024953,5.919025065,5.91902476,5.919024871,5.919025064,5.919024955,5.919024958,5.919024891,5.919024988,5.919024936,5.919024878,5.919025083,5.919024996,5.919025001,5.919025003,5.919024949,5.919024843,5.919025033,5.91902506,5.919024771,5.919024827,5.919024955,5.919025069,5.919024882,5.919024964
+"3315","CPB1",3.417091964,3.417091945,3.417091969,3.417091952,3.41709197,3.417091977,3.41709199,3.417091977,3.417091977,3.41709196,3.417091952,3.417091968,3.417091966,3.417091966,3.417091991,3.417091992,3.417092013,3.417091969,3.417091985,3.417091999,3.417091983,3.41709199,3.417091958,3.417091945,3.41709196,3.417091987,3.417091955,3.417091981
+"3316","CPB2",2.832730574,2.832730581,2.83273061,2.832730604,2.832730574,2.832730636,2.832730636,2.832730669,2.832730591,2.832730553,2.832730621,2.83273059,2.832730627,2.832730663,2.832730617,2.832730644,2.832730617,2.832730589,2.832730604,2.832730646,2.83273064,2.832730605,2.832730588,2.832730536,2.832730592,2.832730598,2.832730642,2.832730592
+"3317","CPD",8.754182596,8.754182993,8.754180923,8.754185224,8.754181154,8.754182473,8.754182809,8.754182213,8.754180886,8.754180906,8.754182092,8.754179272,8.75418087,8.754182447,8.754182396,8.754183365,8.754180467,8.754183568,8.754183079,8.754182358,8.754182726,8.754181922,8.754183281,8.75418341,8.754183523,8.754180813,8.754180499,8.754181372
+"3318","CPE",3.596250671,3.596250618,3.596250637,3.596250806,3.596250703,3.596250594,3.596250648,3.596250707,3.596250695,3.596250669,3.596250775,3.596250713,3.596250725,3.596250574,3.596250743,3.596250745,3.596250768,3.596250721,3.596250686,3.596250664,3.596250707,3.596250696,3.596250562,3.596250682,3.596250722,3.596250745,3.596250667,3.596250681
+"3319","CPEB1",4.128015238,4.128015245,4.12801533,4.128015317,4.128015481,4.128015384,4.128015334,4.128015324,4.128015277,4.128015269,4.12801526,4.128015465,4.12801525,4.128015186,4.128015365,4.128015205,4.128015467,4.128015408,4.12801532,4.128015281,4.128015346,4.128015494,4.128015437,4.128015319,4.128015353,4.128015323,4.128015298,4.128015397
+"3320","CPEB2",7.071094067,7.071094291,7.071093837,7.071094309,7.071093753,7.071093803,7.071094083,7.071093792,7.07109376,7.071093734,7.071093949,7.071093324,7.071094031,7.07109407,7.071094058,7.071094223,7.071093849,7.071094274,7.071094098,7.071093889,7.071094014,7.0710936,7.071094049,7.071094158,7.071094164,7.071093741,7.071093852,7.07109391
+"3321","CPEB3",5.804556581,5.804556522,5.804556486,5.804556687,5.804556333,5.804556738,5.804556445,5.804556363,5.804556504,5.804556527,5.804556578,5.804556264,5.804556558,5.804556511,5.804556428,5.804556553,5.804556511,5.804556535,5.804556562,5.804556757,5.804556457,5.804556494,5.804556589,5.804556734,5.804556556,5.804556488,5.804556597,5.804556373
+"3322","CPEB4",7.463136892,7.463137127,7.463136894,7.463137262,7.463136824,7.463137034,7.463137168,7.46313701,7.463136899,7.463136781,7.46313707,7.463136811,7.463136828,7.463136911,7.463136847,7.463137091,7.463136917,7.463137063,7.463137114,7.463137101,7.463137069,7.463136946,7.463137057,7.463136983,7.463137023,7.463136841,7.463136755,7.463136744
+"3323","CPED1",4.604776168,4.604775609,4.604775359,4.604775659,4.604775452,4.604775461,4.604775122,4.604775338,4.604775185,4.604775595,4.604775482,4.604774578,4.604774989,4.604775668,4.604775801,4.604775602,4.604775253,4.60477564,4.604775436,4.604775423,4.604775207,4.604775316,4.604774732,4.604775265,4.604775458,4.604774645,4.604775262,4.604775338
+"3324","CPLANE1",5.08176756,5.081767308,5.081767324,5.081767315,5.081767284,5.081767381,5.081767299,5.081767384,5.081767292,5.081767384,5.081767119,5.081767367,5.081767238,5.08176741,5.081767322,5.08176725,5.081767159,5.081767189,5.081767331,5.08176725,5.081767382,5.081767379,5.081767369,5.081767344,5.081767157,5.081767456,5.08176736,5.081767374
+"3325","CPLANE2",5.781693767,5.781693821,5.781693842,5.781693817,5.781693836,5.781693834,5.781693836,5.781693854,5.781693844,5.781693829,5.781693848,5.781693843,5.781693805,5.781693787,5.78169383,5.781693828,5.781693859,5.781693815,5.78169383,5.781693782,5.781693841,5.781693845,5.781693801,5.781693821,5.781693828,5.78169383,5.781693824,5.781693796
+"3326","CPLX1",6.044781497,6.044781509,6.044781802,6.044781541,6.044782257,6.04478183,6.044781977,6.044781987,6.044781763,6.044781986,6.044782017,6.044782088,6.0447818,6.044781076,6.044781974,6.044781462,6.044782044,6.04478176,6.044781958,6.044781675,6.044781915,6.044781959,6.044781684,6.044781477,6.044781738,6.044781834,6.044781754,6.044781829
+"3327","CPLX2",5.315531533,5.315531537,5.315531561,5.31553155,5.315531577,5.315531534,5.315531562,5.315531556,5.315531527,5.315531552,5.315531574,5.315531579,5.315531543,5.315531507,5.315531572,5.315531551,5.315531591,5.315531548,5.31553157,5.315531562,5.315531581,5.315531561,5.315531536,5.315531541,5.315531529,5.315531541,5.315531534,5.315531551
+"3328","CPLX3",4.929090126,4.929090086,4.929090119,4.929090135,4.929090223,4.929090116,4.929090163,4.929090172,4.92909012,4.929090167,4.929090157,4.929090164,4.929090129,4.929090082,4.929090192,4.929090159,4.929090197,4.929090174,4.929090147,4.929090136,4.929090211,4.929090189,4.929090125,4.929090085,4.929090162,4.929090184,4.929090069,4.929090125
+"3329","CPLX4",2.938091998,2.938092019,2.938091992,2.938091978,2.938092061,2.938091886,2.938092087,2.938091947,2.938091967,2.938091991,2.938092167,2.938092012,2.938092013,2.938091971,2.938092037,2.938092022,2.938092024,2.93809201,2.938092071,2.93809207,2.938092017,2.938092075,2.938091946,2.938091984,2.938091997,2.938091972,2.938091964,2.938092038
+"3330","CPM",4.922989321,4.922989361,4.922989285,4.922989393,4.92298933,4.922989302,4.922989316,4.922989272,4.922989276,4.922989325,4.922989362,4.92298927,4.922989296,4.922989376,4.9229893,4.922989284,4.922989331,4.922989267,4.922989289,4.922989299,4.922989312,4.922989264,4.922989291,4.922989327,4.922989336,4.922989279,4.922989254,4.922989329
+"3331","CPN1",3.866159496,3.866159488,3.866159719,3.866159288,3.866159837,3.866159748,3.866159727,3.866159877,3.866159648,3.866159565,3.866159842,3.866159912,3.86615966,3.866159774,3.866159971,3.866159742,3.866160033,3.866159787,3.86615986,3.866159662,3.866159904,3.866159754,3.86615959,3.866159493,3.866159706,3.866159934,3.866159555,3.866159841
+"3332","CPN2",5.613943127,5.613942925,5.613943617,5.61394341,5.613945017,5.613943579,5.613944154,5.613944169,5.613943311,5.613943833,5.613944314,5.613944652,5.613943514,5.613942238,5.613944585,5.613943302,5.613944545,5.613943646,5.61394384,5.613943484,5.613944648,5.61394446,5.613943198,5.613942936,5.613943236,5.613943923,5.613943347,5.613943061
+"3333","CPNE2",7.379117989,7.379117998,7.379118,7.379118168,7.379117834,7.379117953,7.379118046,7.379117845,7.379117868,7.379117947,7.379118125,7.379117701,7.379117879,7.379117865,7.379117938,7.379118006,7.379117944,7.379117974,7.379117814,7.379117888,7.379117956,7.379118006,7.379117961,7.379117962,7.379118206,7.379117811,7.379117917,7.379117738
+"3334","CPNE3",7.223552787,7.223552759,7.223552684,7.223552665,7.223552557,7.223552584,7.22355267,7.223552623,7.223552617,7.223552614,7.223552621,7.22355255,7.223552646,7.223552876,7.223552619,7.223552667,7.223552534,7.223552561,7.223552671,7.223552467,7.223552648,7.223552534,7.223552651,7.223552721,7.223552625,7.223552599,7.223552614,7.223552697
+"3335","CPNE4",3.87581654,3.875816757,3.875816825,3.875816445,3.875816792,3.875816732,3.875816675,3.875816761,3.875816621,3.875816727,3.875816836,3.875816705,3.875816695,3.875816437,3.875816694,3.875816809,3.87581674,3.875816778,3.875816792,3.87581694,3.875816714,3.875816634,3.87581632,3.87581648,3.875816749,3.875816703,3.875816374,3.875816621
+"3336","CPNE5",5.336469404,5.336469534,5.336469726,5.336469787,5.33647001,5.336469373,5.336469642,5.336469665,5.336469394,5.336469486,5.336469697,5.336469723,5.336469395,5.33646924,5.336469799,5.336469755,5.336469733,5.336469755,5.336469307,5.336469547,5.33646987,5.336469572,5.336469222,5.336469644,5.336469512,5.336469681,5.336469333,5.336469423
+"3337","CPNE6",5.096982988,5.096982914,5.096983059,5.096983032,5.09698312,5.096982978,5.09698303,5.096983059,5.096983017,5.096982973,5.0969831,5.096983134,5.096983043,5.096982894,5.096983153,5.096983028,5.096983148,5.096983116,5.096983068,5.096983027,5.09698317,5.096983125,5.096982982,5.096982953,5.096983048,5.096983087,5.096983037,5.096983067
+"3338","CPNE7",5.751135453,5.751135477,5.751135722,5.751135614,5.751135751,5.75113546,5.751135659,5.751135706,5.751135556,5.751135596,5.751135699,5.751135793,5.751135634,5.751135344,5.751135697,5.751135651,5.751135745,5.751135728,5.751135611,5.7511356,5.75113568,5.751135747,5.751135495,5.751135464,5.751135664,5.751135752,5.751135545,5.75113555
+"3339","CPNE8",5.01428857,5.014288497,5.014288376,5.014288459,5.014288346,5.014288307,5.014288211,5.01428827,5.014288264,5.014288352,5.01428846,5.014287927,5.014288368,5.014288665,5.014288287,5.014288102,5.014288336,5.014288248,5.01428847,5.014288438,5.014288269,5.014288229,5.014288206,5.014288257,5.014288201,5.014287982,5.014288295,5.014288366
+"3340","CPNE9",4.194021492,4.194021495,4.194021518,4.194021519,4.194021502,4.194021506,4.194021512,4.194021508,4.194021504,4.194021509,4.194021518,4.194021489,4.194021499,4.194021488,4.194021509,4.194021507,4.194021506,4.194021514,4.194021502,4.194021514,4.194021512,4.194021508,4.19402151,4.194021499,4.194021507,4.194021506,4.194021501,4.194021491
+"3341","CPO",3.713510522,3.713510703,3.71351068,3.713510624,3.713510605,3.713510562,3.71351063,3.713510682,3.713510718,3.713510758,3.71351065,3.713510693,3.713510621,3.713510626,3.713510692,3.71351062,3.713510758,3.713510718,3.71351062,3.713510668,3.713510661,3.713510684,3.713510641,3.713510607,3.71351067,3.713510572,3.713510668,3.713510606
+"3342","CPOX",5.846941739,5.846941731,5.846941763,5.84694165,5.846941679,5.846941723,5.846941737,5.846941664,5.846941729,5.846941732,5.846941671,5.846941678,5.846941692,5.846941754,5.846941743,5.846941703,5.846941713,5.846941657,5.846941677,5.84694176,5.846941705,5.846941694,5.846941694,5.846941736,5.846941687,5.846941695,5.846941723,5.846941748
+"3343","CPPED1",9.805076104,10.05801293,9.75992063,10.27243957,9.70831185,9.844091734,9.702503425,9.762436318,9.379551412,9.655061711,9.664569117,9.328538637,9.779509442,9.868628245,9.822841015,9.920619141,9.833303401,10.11953701,9.925719641,9.998343091,9.841921676,9.888829038,9.767424248,9.946459403,9.713230732,9.596368727,9.783336361,9.730809363
+"3344","CPQ",8.004502922,8.004504091,8.004502951,8.004504254,8.004501352,8.004503138,8.004502827,8.004502697,8.004502209,8.004501712,8.004502877,8.00450203,8.004503134,8.004503138,8.004502845,8.004504465,8.004502719,8.004503823,8.004503019,8.004503383,8.004502999,8.004502814,8.004503083,8.004503128,8.004503323,8.004502743,8.004503109,8.004502771
+"3345","CPS1",3.712565703,3.71256571,3.712565731,3.712565709,3.712565742,3.712565709,3.712565722,3.712565739,3.712565741,3.712565722,3.712565728,3.712565725,3.712565723,3.712565703,3.712565726,3.712565721,3.712565726,3.712565728,3.712565727,3.712565723,3.712565735,3.712565717,3.712565713,3.712565704,3.712565721,3.712565717,3.712565712,3.712565703
+"3346","CPS1-IT1",3.622896352,3.622896368,3.622896341,3.62289637,3.622896346,3.622896378,3.622896379,3.622896371,3.622896356,3.622896347,3.6228964,3.622896383,3.622896359,3.622896365,3.622896372,3.622896383,3.622896403,3.622896393,3.622896359,3.622896366,3.622896356,3.622896344,3.622896346,3.622896357,3.622896377,3.622896363,3.622896337,3.622896366
+"3347","CPSF1",6.708874753,6.708874793,6.708874792,6.708874792,6.708874781,6.708874789,6.708874772,6.708874817,6.708874847,6.708874765,6.70887478,6.708874767,6.708874818,6.708874816,6.70887476,6.708874792,6.708874784,6.708874784,6.708874792,6.708874736,6.708874742,6.708874834,6.708874832,6.708874763,6.708874775,6.708874764,6.708874824,6.70887481
+"3348","CPSF2",7.630441965,7.630441971,7.630441496,7.630441331,7.630441462,7.630441544,7.630441515,7.630441075,7.630441879,7.630441801,7.630441368,7.63044077,7.630441486,7.630442489,7.630441426,7.630441453,7.630441266,7.630440882,7.630441782,7.630441316,7.630441552,7.630441174,7.63044194,7.630441814,7.630441574,7.630441109,7.630441561,7.630442081
+"3349","CPSF3",5.930305285,5.930304901,5.93030516,5.930304676,5.930304621,5.930304956,5.930305169,5.930304655,5.930304983,5.930305093,5.930304747,5.93030479,5.930305069,5.930305357,5.93030486,5.930304737,5.930304477,5.930304515,5.930304973,5.930305016,5.930305141,5.93030469,5.930305165,5.930305082,5.930304668,5.930305045,5.930305239,5.930305143
+"3350","CPSF4",6.659496613,6.659496618,6.659496604,6.659496606,6.659496613,6.659496606,6.65949662,6.659496626,6.659496632,6.659496619,6.659496609,6.659496604,6.659496625,6.659496637,6.659496605,6.659496635,6.659496601,6.6594966,6.659496615,6.659496623,6.659496604,6.659496611,6.659496608,6.65949662,6.659496605,6.659496608,6.65949661,6.65949662
+"3351","CPSF4L",4.538843849,4.538844045,4.538844233,4.538843991,4.538843997,4.538843892,4.53884392,4.53884426,4.538844009,4.538844047,4.538844074,4.538844106,4.538844105,4.538843845,4.538844079,4.538844104,4.538844231,4.538844213,4.538843943,4.538844096,4.538843899,4.538844251,4.538844058,4.538844168,4.53884427,4.538844075,4.538844053,4.538844098
+"3352","CPSF6",7.587791075,7.587790447,7.587790421,7.587789867,7.587790161,7.587790079,7.587790506,7.587789763,7.587790737,7.587790453,7.587790039,7.587790451,7.58779062,7.587791855,7.587790422,7.587789884,7.587789834,7.587789409,7.587790622,7.587789934,7.587790522,7.587790092,7.587790703,7.587790247,7.587790197,7.58779054,7.587790691,7.587791182
+"3353","CPSF7",7.407980831,7.407981082,7.407980685,7.407981277,7.407980444,7.407980587,7.407980761,7.407980661,7.40798084,7.407980645,7.407980703,7.407980545,7.407980926,7.4079808,7.407980701,7.40798077,7.40798059,7.407981013,7.407980694,7.407980687,7.407980533,7.407980491,7.407980763,7.40798072,7.407981167,7.40798068,7.407981037,7.407980367
+"3354","CPT1A",7.322381344,7.322379595,7.322381578,7.322382146,7.322382639,7.322384019,7.322382893,7.322381279,7.322381536,7.322383654,7.322381687,7.322380847,7.322381661,7.322382575,7.322382908,7.322382335,7.322381842,7.322382624,7.322383715,7.322381606,7.322380378,7.322378519,7.322381054,7.322382289,7.322383599,7.322380643,7.322380119,7.32238168
+"3355","CPT1C",5.014020447,5.014020611,5.014020712,5.014020675,5.014020801,5.014020782,5.01402062,5.014020719,5.014020695,5.014020636,5.014020678,5.014020814,5.014020647,5.014020446,5.014020782,5.014020723,5.014020819,5.014020703,5.014020584,5.014020742,5.014020589,5.014020843,5.014020579,5.014020524,5.014020656,5.014020521,5.014020706,5.014020763
+"3356","CPT2",6.024194521,6.024194514,6.02419449,6.024194513,6.024194491,6.024194524,6.024194509,6.024194477,6.024194487,6.024194518,6.024194511,6.024194476,6.024194519,6.024194519,6.024194503,6.024194505,6.024194481,6.024194496,6.024194503,6.024194531,6.024194504,6.024194507,6.02419449,6.02419452,6.02419449,6.024194505,6.024194521,6.024194517
+"3357","CPTP",6.091611664,6.0916116855,6.091611698,6.0916117155,6.0916116795,6.0916117005,6.091611656,6.091611692,6.091611706,6.0916116805,6.091611707,6.0916116715,6.0916116845,6.091611654,6.091611663,6.091611675,6.0916117155,6.0916116925,6.0916116755,6.0916116925,6.0916116425,6.0916116845,6.0916116595,6.0916116615,6.09161167,6.0916116485,6.091611672,6.091611706
+"3358","CPVL",7.513202821,7.513203415,7.51320338,7.513200364,7.513202123,7.513203263,7.513200678,7.513200576,7.513200992,7.513203141,7.513201675,7.513200311,7.513203002,7.513203522,7.513201323,7.513201719,7.51320274,7.513199051,7.513201833,7.513203956,7.513201227,7.51320092,7.513201031,7.513203028,7.513200748,7.513202148,7.513202739,7.513201259
+"3359","CPXCR1",3.157812846,3.157812942,3.157812783,3.157812819,3.157812905,3.157812951,3.157812737,3.157812887,3.157812844,3.157812839,3.157812844,3.157812932,3.157812818,3.157812603,3.157812811,3.157813011,3.157812837,3.157812926,3.157812798,3.157812785,3.157812748,3.157812906,3.157812915,3.157812789,3.157812805,3.157812784,3.157812738,3.157812904
+"3360","CPXM1",4.759308138,4.759308101,4.759308328,4.759308016,4.759308274,4.759308156,4.759308331,4.759308368,4.7593083,4.759308303,4.759308258,4.759308339,4.759308194,4.759307969,4.759308399,4.759308109,4.759308447,4.759308292,4.759308219,4.759308176,4.75930841,4.759308381,4.759308145,4.759308205,4.759308119,4.759308396,4.759308147,4.759308283
+"3361","CPZ",5.494030628,5.494030633,5.494030694,5.494030644,5.494030717,5.494030631,5.494030678,5.494030685,5.494030673,5.49403066,5.494030688,5.494030701,5.494030657,5.494030636,5.494030698,5.494030647,5.494030713,5.494030675,5.494030672,5.494030671,5.494030699,5.494030703,5.494030661,5.494030619,5.494030664,5.494030682,5.494030635,5.494030674
+"3362","CR1",8.277082278,8.657546562,8.024596226,8.730561455,8.451777562,8.319285184,8.622920724,8.107091098,8.45700221,8.466879375,8.67248932,8.027405809,8.204045244,8.223367051,8.336000419,8.748046017,8.145191958,8.659202225,8.629575605,8.392080135,8.584807243,8.204032795,8.582595545,8.785702465,8.812580818,8.194281448,8.21979945,8.080881732
+"3363","CR1L",5.971862012,5.971862486,5.971862408,5.971862713,5.971861937,5.971861902,5.971862236,5.971862133,5.971862168,5.971861683,5.971862678,5.971861986,5.971861799,5.971861929,5.971861246,5.971862505,5.971861871,5.971862407,5.971862084,5.971862616,5.971862327,5.971861808,5.97186234,5.971862824,5.971863044,5.971862386,5.971862184,5.971861706
+"3364","CR2",4.751660494,4.751660453,4.751660142,4.751660338,4.751660272,4.751660357,4.751660405,4.751659999,4.751660602,4.751660565,4.751659891,4.751660577,4.751660558,4.751660677,4.75166049,4.751660029,4.751660278,4.751660439,4.751660293,4.751660231,4.751660408,4.75166037,4.751660329,4.751660504,4.751659727,4.751660632,4.751660615,4.751660508
+"3365","CRABP1",5.012055577,5.012055544,5.012055673,5.012055552,5.012055858,5.012055649,5.012055741,5.012055816,5.012055712,5.012055742,5.012055777,5.012055823,5.012055654,5.01205537,5.012055731,5.012055711,5.01205588,5.012055723,5.012055702,5.012055694,5.012055747,5.012055841,5.012055546,5.012055601,5.012055603,5.012055798,5.012055659,5.012055737
+"3366","CRABP2",4.807665848,4.807665922,4.807666038,4.807666032,4.807666002,4.807665875,4.807666031,4.807666046,4.807665941,4.807665943,4.807665993,4.807666085,4.807665881,4.807665807,4.807665989,4.807666069,4.807666136,4.80766603,4.807665989,4.807665903,4.807666007,4.80766605,4.807665917,4.807665893,4.807666019,4.807665918,4.807665944,4.807666
+"3367","CRACD",5.982395063,5.982395161,5.982395196,5.98239518,5.982395198,5.98239508,5.982395146,5.982395156,5.982395173,5.98239515,5.98239521,5.982395242,5.98239515,5.982394996,5.98239517,5.982395238,5.98239522,5.982395204,5.982395161,5.982395125,5.982395145,5.982395183,5.982395104,5.982395156,5.982395195,5.982395171,5.982395106,5.982395181
+"3368","CRACDL",5.789168264,5.789168223,5.789168679,5.789168118,5.789168967,5.789168199,5.789168672,5.789168692,5.789168544,5.789168585,5.789168694,5.789169,5.789168551,5.789168048,5.789168863,5.789168636,5.789168963,5.789168774,5.789168567,5.789168522,5.789168969,5.789168794,5.789168449,5.789168345,5.789168584,5.789168863,5.789168418,5.789168778
+"3369","CRACR2A",6.8842900375,6.884290216,6.884289888,6.88429013,6.8842900075,6.8842902795,6.8842902295,6.8842900945,6.8842900815,6.884290008,6.88429003,6.884290041,6.884289919,6.8842902595,6.884290067,6.8842899875,6.8842899815,6.884290045,6.8842903435,6.8842898645,6.8842901065,6.8842902045,6.88429031,6.8842902005,6.8842900105,6.8842898225,6.8842899895,6.8842899335
+"3370","CRACR2B",6.597869403,6.597869409,6.597869439,6.597869417,6.597869438,6.59786941,6.597869414,6.597869435,6.597869416,6.597869427,6.597869432,6.597869433,6.597869417,6.597869374,6.597869429,6.597869425,6.597869445,6.597869422,6.597869421,6.597869411,6.597869426,6.597869442,6.597869402,6.597869405,6.597869429,6.597869428,6.597869404,6.597869405
+"3371","CRADD",5.453913209,5.453913203,5.453913173,5.453913213,5.453913177,5.45391319,5.453913222,5.453913196,5.453913201,5.4539132,5.453913186,5.453913159,5.453913211,5.453913211,5.453913192,5.453913203,5.453913194,5.453913198,5.453913201,5.45391322,5.4539132,5.453913196,5.453913207,5.453913208,5.453913199,5.453913187,5.453913194,5.453913204
+"3372","CRAMP1",6.150545097,6.150545097,6.150545106,6.150545098,6.150545113,6.150545093,6.150545104,6.15054511,6.150545101,6.1505451,6.150545107,6.150545111,6.150545102,6.150545089,6.150545107,6.150545105,6.150545112,6.150545109,6.150545102,6.150545102,6.150545108,6.150545111,6.150545098,6.150545098,6.150545109,6.150545104,6.150545098,6.150545105
+"3373","CRAT",6.535257828,6.53525802,6.535258454,6.535258141,6.535258108,6.535258407,6.535258239,6.535258126,6.53525816,6.535258122,6.53525851,6.535258323,6.535257702,6.535257644,6.535257776,6.535257727,6.535258432,6.535258223,6.53525804,6.535258203,6.535258059,6.53525816,6.535258209,6.535257987,6.535258559,6.53525825,6.535257699,6.535257668
+"3374","CRB1",3.526163947,3.52616391,3.526163903,3.526164012,3.526163977,3.526163948,3.526164006,3.526163854,3.526163879,3.526163967,3.526164089,3.526164033,3.526163904,3.526163837,3.526163982,3.526163963,3.526164057,3.526163944,3.526163954,3.526163954,3.526164002,3.526164042,3.526163966,3.526163846,3.526163933,3.526163962,3.526163828,3.526164004
+"3375","CRB2",5.835685665,5.83568566,5.835685881,5.835685701,5.835685942,5.835685748,5.835685754,5.835685946,5.835685839,5.835685788,5.83568576,5.835685858,5.835685715,5.835685583,5.835685922,5.83568589,5.835685911,5.835686016,5.835685791,5.83568581,5.835685825,5.835685832,5.835685656,5.835685741,5.835685887,5.835685904,5.835685743,5.835685677
+"3376","CRB3",6.314832172,6.314832507,6.314832759,6.314832478,6.314833201,6.314832114,6.314832641,6.314833044,6.314832627,6.314832543,6.31483277,6.31483329,6.314832416,6.314832059,6.314832896,6.314832915,6.314833206,6.314833149,6.314832674,6.314832713,6.314832898,6.314832891,6.314832607,6.314832352,6.314832835,6.314832911,6.314832425,6.314832975
+"3377","CRBN",7.938833828,7.938832531,7.93883208,7.938831759,7.938832383,7.938830387,7.938831959,7.938832079,7.938832883,7.938832586,7.938832036,7.938831312,7.938833039,7.938834966,7.938832826,7.93883183,7.938831836,7.938831234,7.938832868,7.938831439,7.938832719,7.938832434,7.938833157,7.938832866,7.938831711,7.938832353,7.93883252,7.938834363
+"3378","CRCP",7.146254092,7.146254067,7.146253991,7.146254055,7.146253844,7.146253999,7.146254018,7.146253986,7.146253981,7.146253993,7.146254015,7.146253927,7.146254025,7.146254092,7.146253944,7.146254084,7.146253884,7.146253936,7.146254049,7.146253923,7.146253973,7.146253927,7.146254034,7.146254027,7.146253942,7.146253984,7.146254058,7.146253978
+"3379","CRCT1",4.35178179,4.351781792,4.351781785,4.35178182,4.351781811,4.35178179,4.35178179,4.351781816,4.351781782,4.351781799,4.351781817,4.351781815,4.351781789,4.351781783,4.351781792,4.351781801,4.351781811,4.351781805,4.351781805,4.351781804,4.351781808,4.351781818,4.351781782,4.351781797,4.351781816,4.351781802,4.351781789,4.351781813
+"3380","CREB1",8.827186859,8.82718685,8.827186532,8.82718682,8.827186368,8.827186713,8.827186613,8.82718642,8.827186424,8.827186536,8.827186458,8.827186163,8.827186689,8.827186908,8.827186804,8.827186745,8.827186378,8.827186791,8.827186705,8.827186434,8.82718673,8.827186472,8.827186663,8.827186685,8.827186762,8.827186559,8.827186676,8.82718665
+"3381","CREB3",6.057080371,6.057080354,6.057080354,6.057080368,6.057080354,6.057080378,6.057080373,6.05708035,6.057080371,6.057080379,6.057080359,6.057080355,6.057080367,6.057080395,6.057080344,6.057080369,6.057080362,6.057080369,6.057080371,6.057080388,6.057080361,6.05708038,6.057080363,6.057080373,6.057080366,6.057080367,6.05708037,6.057080383
+"3382","CREB3L1",4.714061097,4.714061174,4.714061211,4.71406115,4.714061299,4.714061118,4.714061186,4.71406122,4.714061121,4.7140612,4.714061263,4.714061353,4.714061146,4.714061127,4.714061216,4.714061202,4.714061355,4.714061332,4.714061203,4.714061186,4.71406122,4.71406131,4.714061111,4.714061173,4.714061209,4.714061232,4.714061183,4.714061226
+"3383","CREB3L2",6.867566323,6.867566304,6.867566307,6.86756631,6.867566309,6.867566383,6.867566324,6.86756631,6.867566304,6.867566317,6.867566309,6.867566284,6.867566312,6.867566315,6.867566342,6.867566306,6.867566307,6.867566277,6.867566319,6.867566375,6.867566319,6.867566331,6.86756633,6.867566339,6.867566315,6.867566301,6.867566334,6.867566302
+"3384","CREB3L3",5.170678344,5.170678177,5.170678465,5.170678325,5.170678723,5.170678171,5.170678467,5.170678675,5.17067836,5.170678431,5.170678155,5.170678598,5.170678316,5.170677793,5.170678659,5.170678395,5.170678595,5.170678571,5.170678282,5.170678313,5.170678538,5.170678546,5.170678183,5.17067826,5.17067847,5.170678646,5.170678218,5.170678047
+"3385","CREB3L4",4.650900963,4.650901025,4.650900938,4.650900987,4.65090102,4.65090098,4.650900979,4.650900955,4.650900988,4.650900978,4.650900974,4.650900986,4.650900987,4.650900907,4.650901013,4.650900943,4.650900941,4.650900959,4.650900988,4.650901005,4.650900959,4.650900987,4.650900969,4.650900969,4.650900985,4.650900941,4.650900982,4.650900914
+"3386","CREB5",6.805134415,6.805137478,6.805134694,6.805140032,6.805135351,6.805138592,6.805138275,6.80513421,6.805136773,6.805136996,6.80513615,6.805134417,6.805136506,6.805134598,6.805135555,6.805136869,6.805135447,6.805139202,6.805138109,6.805138845,6.805138502,6.805135059,6.805138405,6.805139246,6.805137737,6.805135838,6.805136856,6.805134174
+"3387","CREBBP",8.573596383,8.573596865,8.573596197,8.573597309,8.57359633,8.573597104,8.573596837,8.573596343,8.573596457,8.573596418,8.573596596,8.57359636,8.573596509,8.573596551,8.573596628,8.573596693,8.573596206,8.573597036,8.57359662,8.573596828,8.573596721,8.573596322,8.573596716,8.573596831,8.573596874,8.573596608,8.573596747,8.573596262
+"3388","CREBL2",7.474979243,7.474979083,7.474978992,7.474978554,7.474978922,7.474978592,7.474978863,7.47497887,7.474979206,7.474979219,7.474978951,7.474978799,7.474979091,7.474979619,7.474978852,7.474978944,7.474978824,7.474978624,7.474979113,7.474978558,7.474978785,7.474978906,7.474979088,7.474979093,7.474978807,7.474978943,7.474979006,7.47497936
+"3389","CREBRF",7.786759507,7.786759543,7.786758893,7.786759958,7.786758862,7.786759812,7.786759313,7.786759166,7.786759144,7.786758995,7.786759019,7.786758341,7.786759441,7.786759768,7.786759705,7.786759363,7.786759323,7.7867599,7.786759704,7.786759588,7.786759303,7.786759101,7.786759652,7.78675943,7.786759649,7.78675922,7.78675922,7.786759574
+"3390","CREBZF",7.151412041,7.151411722,7.151411635,7.15141129,7.151411378,7.15141112,7.151411583,7.15141142,7.151411872,7.151411612,7.151411303,7.151411175,7.151411751,7.151412624,7.151411802,7.151411503,7.151411342,7.151411318,7.151411755,7.151411108,7.151411574,7.151411653,7.151411962,7.151411663,7.151411223,7.151411461,7.151411654,7.151412297
+"3391","CREG1",7.580201674,7.580199549,7.580201012,7.580201307,7.580200346,7.580201607,7.580200799,7.580201563,7.58020127,7.580201856,7.580199975,7.580200902,7.580200189,7.58020039,7.580200766,7.580198168,7.580200905,7.580200217,7.58020048,7.580201668,7.58020059,7.580201278,7.580201129,7.580201375,7.580200121,7.580201321,7.580200061,7.58019975
+"3392","CREG2",5.084892608,5.084892665,5.084892698,5.084892715,5.084892741,5.084892571,5.08489271,5.084892794,5.084892693,5.084892678,5.084892761,5.084892774,5.084892727,5.084892519,5.084892793,5.084892655,5.084892803,5.08489273,5.084892629,5.084892672,5.084892729,5.084892737,5.084892639,5.084892655,5.08489265,5.08489271,5.084892645,5.084892637
+"3393","CRELD1",6.148447225,6.148447241,6.148447202,6.148447208,6.14844728,6.148447282,6.148447184,6.148447263,6.148447359,6.14844729,6.148447241,6.148447211,6.148447313,6.148447259,6.148447296,6.148447283,6.148447256,6.148447274,6.148447232,6.148447274,6.148447261,6.148447297,6.148447243,6.148447216,6.148447288,6.148447285,6.148447324,6.148447298
+"3394","CRELD2",6.013640616,6.013640615,6.013640627,6.013640608,6.013640648,6.013640636,6.01364064,6.01364063,6.013640629,6.013640624,6.013640622,6.013640636,6.013640618,6.013640599,6.013640641,6.013640633,6.013640646,6.01364063,6.013640623,6.013640628,6.013640641,6.013640653,6.013640602,6.013640598,6.013640613,6.013640641,6.013640613,6.013640627
+"3395","CREM",3.993743082,3.993743031,3.993743029,3.993743028,3.993743034,3.993743089,3.993743036,3.993743027,3.993743024,3.993743002,3.993742979,3.993743044,3.993743088,3.993743067,3.993743055,3.993743164,3.993742985,3.993743015,3.993743002,3.993743094,3.993742994,3.99374304,3.993743073,3.993743069,3.993742973,3.993743021,3.993743021,3.993743053
+"3396","CRH",3.38364858,3.383648576,3.383648583,3.383648581,3.383648622,3.383648585,3.383648608,3.383648582,3.383648592,3.383648584,3.383648613,3.383648618,3.383648576,3.383648566,3.383648598,3.383648615,3.383648609,3.383648605,3.383648606,3.383648582,3.383648596,3.383648606,3.383648601,3.383648578,3.383648607,3.383648584,3.383648582,3.383648588
+"3397","CRHBP",5.045387075,5.045387173,5.045387245,5.045387082,5.045387252,5.045387146,5.045387146,5.045387236,5.045387117,5.045387177,5.045387353,5.045387281,5.045387224,5.045387001,5.045387114,5.04538721,5.04538723,5.045387292,5.045387197,5.045387179,5.045387185,5.045387132,5.045387073,5.045387106,5.045387247,5.045387203,5.0453872,5.045387153
+"3398","CRHR2",4.742345143,4.742345163,4.742345227,4.742345174,4.742345276,4.742345172,4.742345255,4.74234523,4.74234522,4.742345261,4.742345273,4.742345353,4.742345258,4.742345121,4.74234524,4.742345193,4.742345366,4.742345225,4.742345214,4.742345302,4.742345227,4.742345194,4.742345238,4.742345192,4.742345256,4.742345214,4.74234519,4.74234521
+"3399","CRIM1",5.340723107,5.340723069,5.340723044,5.340723046,5.340723109,5.340723019,5.340723024,5.340723034,5.340723015,5.340722954,5.340723094,5.340723064,5.340723103,5.340723037,5.340723118,5.340723046,5.340723041,5.340723099,5.340723,5.340722924,5.340723042,5.340723037,5.340723112,5.340723069,5.340723104,5.340723092,5.340723092,5.340723078
+"3400","CRIP1",6.704456575,6.704456616,6.704456571,6.704456547,6.704456615,6.704456563,6.7044566,6.704456553,6.704456585,6.704456591,6.704456625,6.704456554,6.704456612,6.704456584,6.704456577,6.704456604,6.704456575,6.70445657,6.704456594,6.704456594,6.704456602,6.704456557,6.704456559,6.704456577,6.704456585,6.704456551,6.704456601,6.704456602
+"3401","CRIP2",6.830894079,6.830894109,6.830894075,6.830894099,6.830894089,6.830894087,6.830894072,6.830894082,6.830894095,6.830894091,6.830894096,6.8308941,6.830894097,6.830894102,6.830894095,6.830894108,6.830894093,6.830894102,6.830894104,6.830894095,6.830894068,6.830894095,6.830894082,6.830894084,6.830894098,6.830894097,6.830894093,6.830894103
+"3402","CRIP3",5.788321066,5.788321048,5.788321033,5.788321037,5.788321188,5.788321034,5.788321084,5.788321146,5.788321058,5.788321052,5.788321087,5.788321115,5.788321044,5.788320934,5.788321203,5.788321085,5.788321154,5.788321056,5.788321095,5.788321061,5.788321147,5.788321199,5.788320909,5.788321016,5.788321023,5.78832109,5.788321002,5.788321112
+"3403","CRIPT",6.764757943,6.764757691,6.764757152,6.764757085,6.764756507,6.764756377,6.764756965,6.764756738,6.764756911,6.764756675,6.764756778,6.764756803,6.764757275,6.76475842,6.764757328,6.764757632,6.764756769,6.764756967,6.764756978,6.764756662,6.764757154,6.764756965,6.764757386,6.764757205,6.764757314,6.764757325,6.764757012,6.764757629
+"3404","CRISP1",3.589587255,3.589587246,3.589587432,3.589587369,3.589587274,3.589587282,3.589587177,3.589587281,3.589587346,3.589587404,3.589587266,3.589587258,3.589587252,3.589587233,3.589587252,3.589587324,3.589587445,3.589587345,3.589587278,3.589587271,3.589587182,3.589587388,3.589587306,3.589587398,3.589587326,3.589587178,3.589587288,3.589587458
+"3405","CRISP2",3.889546939,3.889546982,3.889546916,3.889546954,3.889546993,3.889547031,3.889546979,3.889546958,3.88954689,3.889547027,3.889547006,3.889547065,3.889546943,3.889546999,3.889546961,3.889546987,3.889546972,3.889547,3.889546948,3.889546985,3.889546998,3.889546926,3.889546887,3.889546944,3.889546874,3.889546927,3.889546873,3.889546908
+"3406","CRISP3",4.329089457,4.329088386,4.329089375,4.329088452,4.329087733,4.329088464,4.329090529,4.329087672,4.32908815,4.329088596,4.329088723,4.329088236,4.32908781,4.329087829,4.329089098,4.329087158,4.32908893,4.32908766,4.329088635,4.329088475,4.32909055,4.329087696,4.329088228,4.32908836,4.329088891,4.32908848,4.329087446,4.32908786
+"3407","CRISPLD1",3.100390709,3.100390775,3.100391152,3.100390749,3.100390921,3.100390788,3.100390965,3.100390766,3.100391001,3.100391011,3.100390746,3.100391053,3.100390926,3.100390759,3.100390911,3.100390829,3.100390865,3.100391059,3.100390821,3.100391078,3.100390941,3.100390909,3.100390832,3.100390762,3.100391137,3.100390854,3.100390726,3.100391083
+"3408","CRISPLD2",7.187484828,7.19670432,7.142539448,7.441485384,7.154445308,7.341077015,7.312801648,7.214000012,7.070964042,7.206103494,7.190718186,7.163506921,7.21203377,7.174288041,7.21698177,7.265365229,7.19123671,7.370203867,7.307300354,7.345671183,7.284477775,7.201561881,7.215979933,7.402273392,7.289049087,7.256218326,7.229021102,7.113786586
+"3409","CRK",9.051138991,9.051139723,9.051138735,9.051139773,9.051138627,9.051139225,9.051138954,9.051139036,9.051138991,9.051139058,9.05113874,9.051138329,9.051138885,9.05113928,9.051138982,9.051139573,9.051139047,9.051139501,9.051139057,9.051139122,9.051138791,9.05113889,9.051139428,9.051139549,9.051139107,9.0511386,9.051139043,9.051139065
+"3410","CRKL",8.166074224,8.166074295,8.166074102,8.166074234,8.166074081,8.166074157,8.166074192,8.166074177,8.166074142,8.166074201,8.166074132,8.16607412,8.166074228,8.166074288,8.16607419,8.166074267,8.166074039,8.166074233,8.166074199,8.166074168,8.16607417,8.166074087,8.166074312,8.166074301,8.166074102,8.166074232,8.166074287,8.166074185
+"3411","CRLF1",7.360081038,7.360080923,7.360081393,7.3600811,7.360081931,7.360080809,7.360081386,7.360081591,7.360081384,7.360081338,7.360081504,7.360081616,7.360081314,7.360080882,7.360081582,7.360081388,7.36008163,7.360081505,7.360081391,7.360081045,7.360081492,7.360081611,7.36008109,7.360081095,7.360081405,7.360081466,7.360081058,7.360081618
+"3412","CRLF2",3.853618643,3.853618708,3.853618765,3.853618885,3.853618771,3.85361864,3.853618377,3.853618849,3.853618838,3.853618769,3.853618908,3.853618787,3.853618794,3.85361872,3.853618642,3.853618945,3.853618967,3.853618935,3.853618672,3.85361871,3.853618734,3.853618672,3.85361866,3.85361872,3.853618851,3.853618748,3.853618637,3.853618687
+"3413","CRLF3",8.882107107,8.882107469,8.882107145,8.882107337,8.882106603,8.882106543,8.882106971,8.882106498,8.882107261,8.8821068,8.882106593,8.882105939,8.882107053,8.882108855,8.882106882,8.882107799,8.882106709,8.882106804,8.88210757,8.882106991,8.882107321,8.882106603,8.882107455,8.882107452,8.882106851,8.882106843,8.882106521,8.882108318
+"3414","CRLS1",5.619668857,5.619668556,5.619668836,5.619668494,5.619668478,5.619668249,5.619668684,5.619668384,5.619668512,5.61966862,5.619668373,5.619668635,5.619668584,5.619669078,5.619668334,5.619668306,5.619668482,5.619668117,5.619668763,5.619668607,5.619668775,5.619668555,5.619668469,5.619668768,5.619668427,5.619668704,5.61966866,5.619668817
+"3415","CRMA",6.013368857,6.013368739,6.01336892,6.013368828,6.013369048,6.01336876,6.013369007,6.013369036,6.01336886,6.013368867,6.013368961,6.013369058,6.013368861,6.013368686,6.013369007,6.013368899,6.013369048,6.013368965,6.013368891,6.013368874,6.013369118,6.01336901,6.0133687,6.013368838,6.013368947,6.013368955,6.013368834,6.013368943
+"3416","CRMP1",5.378765841,5.378766257,5.378766752,5.378766472,5.378766928,5.378765923,5.3787667,5.378766879,5.378766511,5.378766443,5.378766512,5.378767041,5.378766383,5.378765725,5.378766954,5.378766326,5.37876695,5.378766718,5.378766528,5.378766394,5.378766712,5.378766798,5.378766322,5.378766298,5.378766598,5.378766562,5.378766386,5.37876672
+"3417","CRNKL1",6.502199725,6.502199758,6.50219971,6.502199744,6.502199723,6.502199705,6.502199715,6.502199637,6.502199722,6.502199686,6.502199669,6.502199623,6.502199712,6.502199772,6.502199716,6.502199735,6.502199705,6.502199701,6.502199735,6.502199721,6.502199709,6.502199701,6.502199739,6.502199717,6.502199712,6.502199698,6.502199675,6.502199754
+"3418","CRNN",4.960570646,4.960570668,4.960570682,4.960570682,4.96057068,4.960570629,4.960570677,4.96057071,4.960570656,4.960570651,4.96057071,4.9605707,4.960570641,4.960570626,4.960570696,4.960570708,4.960570715,4.960570694,4.960570691,4.960570686,4.960570689,4.960570687,4.960570664,4.960570671,4.960570705,4.960570675,4.960570667,4.960570666
+"3419","CROCC",5.785870566,5.78587062,5.785870751,5.785870641,5.785870733,5.785870611,5.785870631,5.785870755,5.785870663,5.785870719,5.785870733,5.785870727,5.785870674,5.785870599,5.785870714,5.785870707,5.785870706,5.785870775,5.785870739,5.785870666,5.785870724,5.785870695,5.785870617,5.785870611,5.785870662,5.78587072,5.785870671,5.785870683
+"3420","CROCCP2",6.894130623,6.894130019,6.894130214,6.894129908,6.89412947,6.8941303,6.894130264,6.894130324,6.894130268,6.894129919,6.894130311,6.89413087,6.894130226,6.894130455,6.894130223,6.894130145,6.894130022,6.894130131,6.894129753,6.894130646,6.894130014,6.894130376,6.89413006,6.894130287,6.894130028,6.894130986,6.894130338,6.894130525
+"3421","CROCCP3",6.007355404,6.007355404,6.007355399,6.007355388,6.007355426,6.007355413,6.007355415,6.00735542,6.007355404,6.007355402,6.007355415,6.007355423,6.007355408,6.00735539,6.007355426,6.007355407,6.007355414,6.00735543,6.007355412,6.007355401,6.007355409,6.007355422,6.007355402,6.007355377,6.007355403,6.007355428,6.0073554,6.007355428
+"3422","CROT",5.316153126,5.316152971,5.316152836,5.316152755,5.316152789,5.31615286,5.316152802,5.316152859,5.316152964,5.31615294,5.316152641,5.31615263,5.316152867,5.316153265,5.316152967,5.316152959,5.316152596,5.316152734,5.31615309,5.31615267,5.316152881,5.316152893,5.316153041,5.31615307,5.316152699,5.316152798,5.316153052,5.316153094
+"3423","CRP",3.812654752,3.812654831,3.81265505,3.812654887,3.812654923,3.812655011,3.81265503,3.812655046,3.81265495,3.812654979,3.812654855,3.812654934,3.812654985,3.812654751,3.812654816,3.812654974,3.81265519,3.812654921,3.812654874,3.812654888,3.812654817,3.812654996,3.812654973,3.812654872,3.812654906,3.812654798,3.812654798,3.812654922
+"3424","CRTAC1",4.740800266,4.74080027,4.740800279,4.740800283,4.740800285,4.74080027,4.740800274,4.740800285,4.740800261,4.740800269,4.74080029,4.740800296,4.740800256,4.740800244,4.740800288,4.740800273,4.740800295,4.740800294,4.740800282,4.740800291,4.740800276,4.74080028,4.740800242,4.740800264,4.740800285,4.74080028,4.740800244,4.740800278
+"3425","CRTAM",4.976796114,4.976795202,4.976794464,4.976795343,4.976794721,4.976795688,4.976797123,4.976795837,4.976796582,4.976796345,4.976794567,4.976796478,4.976795781,4.976796143,4.976795689,4.976795364,4.976794212,4.97679505,4.976795176,4.976795502,4.976796843,4.976796719,4.976796958,4.976796041,4.976794242,4.97679593,4.976795832,4.976796035
+"3426","CRTAP",7.287846951,7.287846811,7.287846885,7.287846837,7.287846814,7.287846838,7.287846847,7.287846834,7.287846781,7.287846931,7.287846733,7.287846795,7.287846856,7.287846933,7.287846839,7.287846712,7.287846807,7.287846766,7.287846826,7.287846852,7.28784681,7.287846859,7.287846807,7.287846854,7.287846796,7.287846819,7.287846843,7.287846858
+"3427","CRTC1",7.085967045,7.085967046,7.085967094,7.085967058,7.085967145,7.085967099,7.085967067,7.085967137,7.085967094,7.085967102,7.085967069,7.085967199,7.085967093,7.085966992,7.085967057,7.085967058,7.085967112,7.085967058,7.085967088,7.085967113,7.085967127,7.085967145,7.085967036,7.085966992,7.085967115,7.085967134,7.085967078,7.085967049
+"3428","CRTC2",7.155078659,7.155078698,7.15507874,7.155078815,7.155078617,7.155078705,7.155078588,7.155078725,7.155078723,7.155078732,7.155078688,7.155078638,7.155078693,7.155078608,7.155078669,7.155078673,7.155078671,7.155078753,7.155078658,7.155078713,7.155078602,7.155078682,7.15507871,7.155078734,7.155078733,7.155078644,7.155078732,7.15507857
+"3429","CRTC3",7.050351151,7.050351131,7.050350558,7.050350332,7.050350918,7.050351251,7.050350705,7.050350801,7.050351583,7.050351167,7.050350264,7.050350904,7.050350915,7.050351208,7.050350697,7.050350616,7.050350049,7.050350164,7.050350763,7.050350732,7.050350417,7.050350586,7.050351438,7.05035103,7.050350027,7.050350713,7.050351333,7.050351127
+"3430","CRX",4.534732538,4.53473279,4.534732827,4.534732779,4.534733005,4.534732826,4.534732683,4.534732905,4.534732831,4.534732774,4.534732914,4.534732902,4.534732919,4.534732443,4.534732726,4.534732888,4.534732938,4.534732759,4.534732742,4.534732798,4.534732797,4.534732921,4.534732784,4.534732715,4.534732605,4.534732735,4.534732713,4.53473277
+"3431","CRY1",5.500046004,5.500046032,5.500045518,5.500045573,5.500045658,5.500045764,5.500045849,5.50004576,5.500045865,5.50004574,5.500045532,5.500045631,5.500045979,5.500046206,5.500046077,5.500046057,5.50004563,5.500045681,5.500045897,5.500045513,5.500045838,5.500045804,5.500045946,5.50004587,5.500045752,5.500045788,5.500045905,5.500046009
+"3432","CRY2",6.435743636,6.43574366,6.435743646,6.435743637,6.435743666,6.435743678,6.43574366,6.435743685,6.435743678,6.435743655,6.435743661,6.435743693,6.435743661,6.435743621,6.435743621,6.435743632,6.435743629,6.435743671,6.43574365,6.435743586,6.435743638,6.435743682,6.435743665,6.435743613,6.435743649,6.43574369,6.435743684,6.435743665
+"3433","CRYAB",3.37893635,3.378936318,3.378936437,3.378936322,3.378936357,3.378936357,3.378936405,3.378936388,3.378936349,3.378936391,3.378936338,3.378936414,3.378936354,3.378936315,3.378936386,3.378936352,3.378936358,3.378936441,3.378936358,3.378936431,3.37893642,3.378936357,3.37893629,3.378936337,3.378936401,3.378936414,3.378936359,3.378936401
+"3434","CRYBA1",4.427957219,4.427957169,4.427957348,4.427957346,4.427957195,4.427957033,4.427957224,4.427957401,4.427957141,4.427957282,4.427957251,4.427957308,4.427957201,4.427957193,4.4279572,4.427957326,4.427957502,4.427957401,4.42795731,4.4279574,4.427957329,4.427957226,4.427957382,4.427957116,4.427957344,4.427957384,4.427957325,4.427957175
+"3435","CRYBA2",5.731063953,5.731064017,5.731064007,5.731063993,5.731064049,5.731063988,5.731063995,5.731063983,5.731064008,5.731064016,5.731064042,5.731064039,5.731063979,5.731063932,5.731064042,5.731064014,5.731064062,5.731064025,5.731063996,5.731064003,5.731064023,5.731064014,5.731063961,5.731063976,5.731064016,5.73106402,5.731063968,5.731063992
+"3436","CRYBA4",5.326303771,5.326303765,5.326303783,5.326303782,5.326303785,5.326303761,5.326303772,5.326303783,5.326303775,5.326303757,5.326303793,5.326303771,5.326303784,5.326303757,5.326303784,5.326303782,5.32630379,5.326303792,5.326303778,5.326303781,5.326303786,5.326303772,5.326303771,5.326303773,5.32630379,5.326303788,5.326303778,5.326303775
+"3437","CRYBB1",5.505940789,5.505940822,5.505940833,5.505940805,5.505940923,5.505940797,5.505940852,5.505940882,5.505940807,5.50594085,5.505940882,5.505940898,5.505940838,5.505940768,5.505940867,5.505940845,5.505940867,5.50594088,5.505940824,5.505940813,5.505940886,5.505940849,5.505940812,5.505940763,5.505940859,5.505940874,5.505940834,5.505940858
+"3438","CRYBB2",5.876576471,5.87657649,5.876576504,5.87657648,5.876576514,5.876576476,5.876576483,5.876576492,5.876576471,5.876576522,5.8765765,5.876576506,5.876576503,5.876576464,5.876576509,5.8765765,5.876576474,5.876576517,5.876576489,5.876576494,5.87657651,5.876576498,5.876576461,5.876576482,5.87657649,5.876576511,5.876576484,5.876576505
+"3439","CRYBB2P1",7.223346099,7.223346005,7.223345796,7.223345701,7.223345982,7.223346118,7.223345786,7.223345829,7.223346178,7.223345791,7.223345437,7.223346051,7.223345669,7.223346086,7.223346193,7.223345741,7.223345977,7.223345814,7.223345994,7.223344971,7.223345871,7.223346166,7.223346109,7.223345573,7.223345329,7.223346206,7.223345353,7.223345883
+"3440","CRYBB3",6.525136584,6.525136631,6.525136688,6.525136744,6.525136783,6.525136562,6.525136652,6.525136861,6.525136684,6.525136644,6.525136765,6.525136737,6.525136669,6.525136511,6.52513674,6.525136803,6.525136803,6.525136838,6.52513662,6.525136542,6.52513669,6.525136819,6.525136661,6.525136629,6.525136721,6.525136741,6.525136647,6.525136745
+"3441","CRYBG1",8.022824139,8.022823611,8.02282322,8.022823666,8.022822994,8.022823466,8.022823497,8.022823216,8.022823187,8.022823398,8.02282322,8.022822575,8.022823258,8.022823974,8.022823543,8.022823392,8.022822449,8.022822921,8.022823409,8.022823192,8.022823207,8.022823274,8.022823315,8.022823404,8.022823236,8.022822925,8.022823149,8.022823506
+"3442","CRYBG2",5.722245105,5.722245077,5.722245273,5.722245413,5.722245521,5.722245196,5.722245231,5.722245428,5.72224542,5.722245157,5.722245328,5.722245557,5.722245226,5.722244781,5.722245516,5.722245304,5.722245569,5.722245542,5.72224512,5.72224525,5.72224543,5.722245517,5.722245161,5.72224526,5.722245412,5.722245404,5.722245046,5.722245274
+"3443","CRYBG3",5.571834749,5.571834772,5.571834682,5.571834572,5.571834525,5.571834584,5.571834372,5.571834317,5.571834425,5.571834874,5.571834434,5.571834581,5.571834749,5.571834716,5.571834673,5.571834293,5.571834531,5.571834033,5.57183462,5.571834289,5.571834343,5.571834364,5.571834415,5.571834575,5.571834542,5.571834573,5.571834729,5.571834555
+"3444","CRYGA",4.152935636,4.152936062,4.152935958,4.152935804,4.152935897,4.152936159,4.152935625,4.152935804,4.152935932,4.152935976,4.152935857,4.152935635,4.152935671,4.152935955,4.152935742,4.152935831,4.152936177,4.152935767,4.152935996,4.152935931,4.152935627,4.152935957,4.152935952,4.152935857,4.152936087,4.152935548,4.152935824,4.152935785
+"3445","CRYGB",3.69465861,3.694658645,3.694658621,3.694658632,3.694658631,3.694658668,3.694658613,3.694658634,3.694658603,3.69465864,3.694658653,3.694658629,3.694658606,3.694658624,3.694658621,3.694658626,3.694658621,3.694658625,3.694658628,3.694658615,3.69465861,3.694658623,3.694658644,3.694658651,3.694658638,3.694658614,3.694658628,3.694658651
+"3446","CRYGC",5.405073157,5.405073067,5.40507301,5.40507328,5.40507309,5.4050731,5.405073117,5.405073181,5.405072958,5.405072972,5.405073206,5.405073266,5.405073047,5.405072987,5.405073132,5.40507318,5.405072963,5.405073143,5.405073024,5.405073126,5.405073054,5.405073222,5.405073052,5.405073047,5.405073284,5.405073105,5.405073232,5.40507299
+"3447","CRYGD",3.722170737,3.722170747,3.722170738,3.722170743,3.722170763,3.722170739,3.722170739,3.722170757,3.722170754,3.722170747,3.722170748,3.72217077,3.722170742,3.722170753,3.722170761,3.722170745,3.722170762,3.722170755,3.722170744,3.72217074,3.722170752,3.722170763,3.722170743,3.722170742,3.722170744,3.722170768,3.722170736,3.722170752
+"3448","CRYGN",6.597484847,6.597484777,6.597484988,6.597484864,6.597485051,6.597484745,6.597484959,6.597484964,6.597484919,6.597484851,6.597484978,6.597485043,6.597484909,6.597484718,6.597484997,6.597485089,6.597485084,6.597484987,6.597484954,6.597484855,6.597485012,6.597485046,6.597484834,6.597484833,6.597485036,6.597484975,6.597484952,6.597484989
+"3449","CRYL1",6.313421667,6.313421673,6.313421664,6.31342167,6.313421702,6.313421656,6.313421661,6.313421667,6.313421679,6.313421688,6.313421678,6.313421691,6.31342168,6.313421684,6.313421683,6.313421679,6.313421679,6.313421682,6.313421674,6.313421652,6.313421676,6.313421674,6.31342167,6.313421685,6.313421655,6.313421684,6.313421687,6.31342168
+"3450","CRYM",4.895740163,4.895740142,4.895740132,4.895740162,4.89574024,4.895740158,4.89574016,4.895740211,4.895740178,4.895740169,4.895740156,4.895740177,4.895740189,4.895740132,4.895740215,4.895740212,4.895740259,4.895740211,4.895740186,4.895740195,4.895740235,4.895740231,4.895740129,4.895740152,4.895740199,4.895740225,4.895740147,4.895740204
+"3451","CRYM-AS1",4.833065502,4.833065494,4.833065495,4.833065491,4.833065504,4.833065444,4.833065461,4.833065472,4.833065495,4.833065481,4.833065487,4.833065508,4.833065464,4.833065445,4.833065499,4.833065507,4.833065496,4.833065528,4.833065502,4.833065455,4.833065479,4.833065501,4.833065476,4.833065458,4.833065506,4.833065498,4.833065476,4.833065482
+"3452","CRYZ",5.275066648,5.275065776,5.275064614,5.275064375,5.27506451,5.275064059,5.275064915,5.275063877,5.275065467,5.27506607,5.275065461,5.275063705,5.275063769,5.27506802,5.275066422,5.275065482,5.275064724,5.275064722,5.275064366,5.275063299,5.275065392,5.275064966,5.275065699,5.275065993,5.27506458,5.275064985,5.275064184,5.275066718
+"3453","CRYZL1",5.675853242,5.675853247,5.675853057,5.675853107,5.675853059,5.675853013,5.675853048,5.675853044,5.675853238,5.675853109,5.675853022,5.675853019,5.675853156,5.675853343,5.675853066,5.675853186,5.675853032,5.675852872,5.675853159,5.675852931,5.675853041,5.675853037,5.675853143,5.675853184,5.675853109,5.675853188,5.675853136,5.675853223
+"3454","CS",8.230550292,8.230550283,8.230550109,8.230550123,8.230550422,8.230550904,8.230550513,8.230550158,8.230550494,8.230550789,8.230550472,8.230550238,8.230550888,8.23055073,8.230549912,8.230549397,8.230549711,8.230549609,8.230550517,8.230550569,8.230550458,8.230549971,8.230550502,8.230550431,8.230550235,8.230550324,8.230550772,8.230550205
+"3455","CSAD",7.530597069,7.530597683,7.530597177,7.530598128,7.530596622,7.530597777,7.530597393,7.530597199,7.530597254,7.530597109,7.530597298,7.530597053,7.53059715,7.530597022,7.530596709,7.530597941,7.530597079,7.530597789,7.530597515,7.530597888,7.530597325,7.530597171,7.530597291,7.530597514,7.530597725,7.530597206,7.530597275,7.530596604
+"3456","CSAG1",4.292110123,4.29211022,4.29211039,4.292110096,4.292110417,4.292110033,4.292110436,4.292110491,4.292109884,4.292110224,4.292110706,4.292110871,4.292110318,4.29210961,4.292110404,4.292110673,4.292109892,4.292110208,4.292110089,4.292110531,4.292110494,4.29211037,4.292109758,4.292110567,4.292109968,4.292110283,4.292109894,4.292110234
+"3457","CSDC2",6.128982601,6.128982599,6.128982625,6.128982551,6.128982767,6.128982571,6.128982643,6.128982693,6.128982646,6.128982648,6.128982625,6.12898269,6.128982628,6.128982514,6.128982707,6.128982675,6.128982755,6.12898265,6.128982697,6.128982643,6.128982684,6.12898271,6.128982586,6.128982544,6.128982624,6.128982659,6.128982607,6.128982625
+"3458","CSE1L",6.559730965,6.559730675,6.559730829,6.559730631,6.559730741,6.559730634,6.559730878,6.559730744,6.559730852,6.55973082,6.559730635,6.559730603,6.55973087,6.559731332,6.559730894,6.559730578,6.559730676,6.559730461,6.559730875,6.559730361,6.559730822,6.559730715,6.5597309,6.559730763,6.559730721,6.559730784,6.559730887,6.559730989
+"3459","CSF1",6.558380449,6.558380953,6.558380703,6.558380662,6.558381075,6.558381032,6.558380543,6.55838072,6.55838077,6.558380756,6.558381203,6.558380668,6.558380705,6.558380692,6.558380794,6.558380679,6.558380712,6.5583806,6.558381129,6.558380984,6.558380863,6.558380587,6.558380903,6.558380778,6.558381355,6.558380786,6.558380909,6.558380876
+"3460","CSF1R",7.67834257,7.678342581,7.678342933,7.678342227,7.678343174,7.678342762,7.678342678,7.678342264,7.678341638,7.678343192,7.678342857,7.678341794,7.678343024,7.678342934,7.678342708,7.678342334,7.678343051,7.678342376,7.67834258,7.678342683,7.678342627,7.678342328,7.67834132,7.678343107,7.678342838,7.678342306,7.678342962,7.678342591
+"3461","CSF2",4.311834552,4.311834496,4.311834573,4.311834496,4.311834709,4.311834437,4.311834648,4.311834688,4.311834574,4.311834604,4.311834607,4.311834699,4.311834535,4.311834455,4.311834662,4.311834538,4.311834615,4.311834597,4.311834634,4.311834516,4.311834602,4.311834611,4.311834535,4.31183446,4.311834489,4.311834584,4.311834551,4.311834523
+"3462","CSF2RA",7.936739692,7.936740358,7.936739951,7.936740443,7.93673936,7.936740155,7.936740039,7.936739838,7.936739246,7.936739717,7.936740364,7.936739585,7.936739839,7.936739828,7.936739805,7.936740374,7.93673995,7.936739952,7.936739741,7.936740465,7.936739882,7.936740073,7.936739782,7.936740253,7.936740522,7.936740022,7.936739791,7.936739536
+"3463","CSF2RB",9.163642049,9.167837595,9.162612292,9.169713655,9.163268744,9.168470477,9.163380125,9.165757285,9.162500347,9.164521765,9.167366401,9.157395768,9.164609089,9.158275499,9.165296735,9.164648186,9.164841429,9.169998977,9.165641463,9.166973893,9.162055993,9.165461217,9.164952414,9.165636419,9.167705475,9.160224971,9.164210115,9.161174486
+"3464","CSF3",6.72481619,6.724816112,6.724816608,6.724816395,6.724816757,6.724816204,6.724816476,6.724816594,6.724816315,6.724816402,6.724816348,6.724816659,6.724816486,6.724815892,6.724816535,6.724816474,6.724816709,6.724816607,6.724816467,6.724816491,6.724816588,6.724816452,6.724816314,6.724816281,6.724816609,6.724816527,6.724816408,6.724816303
+"3465","CSF3R",10.28972891,10.27057666,10.18962083,10.7407284,10.01338781,10.53437513,10.40852635,10.23231527,10.12681293,10.10364404,10.23592549,9.848725915,10.24928955,10.13901344,10.32375113,10.16922937,10.26055385,10.60675851,10.36370175,10.60093683,10.42762577,10.28133048,10.29625298,10.41599073,10.44977529,10.04178814,10.19180987,9.976427628
+"3466","CSGALNACT1",6.507504636,6.507506439,6.507505523,6.507503934,6.507504049,6.507504323,6.507506426,6.507504856,6.507506675,6.507504993,6.50750528,6.507504461,6.507506782,6.507506441,6.507503772,6.5075061,6.507504856,6.507504067,6.507504873,6.50750453,6.507506106,6.507505332,6.507506921,6.507506127,6.507505134,6.507504897,6.507506926,6.50750556
+"3467","CSGALNACT2",7.851881245,7.851881279,7.851880971,7.851881159,7.851880774,7.851880408,7.851880873,7.851880525,7.851880865,7.85188071,7.851881103,7.851880528,7.851881181,7.851881265,7.851881032,7.851881244,7.851880658,7.851881099,7.851881004,7.851881157,7.851881014,7.85188057,7.851880868,7.851881175,7.851881381,7.851880905,7.851880867,7.851880931
+"3468","CSH2",6.43127068,6.431270965,6.431271083,6.431270772,6.431271074,6.431270627,6.43127083,6.431271035,6.431270875,6.431270994,6.431270739,6.431270711,6.431270636,6.431270778,6.431270994,6.43127092,6.431271304,6.431270911,6.431270612,6.431271041,6.431270908,6.431270831,6.431270679,6.43127096,6.43127103,6.431270825,6.431270625,6.431270749
+"3469","CSHL1",5.561754466,5.561754243,5.561754576,5.561754389,5.56175472,5.561754376,5.561754527,5.561754493,5.561754557,5.561754552,5.561754364,5.561754716,5.56175452,5.561753939,5.56175468,5.561754435,5.561754722,5.56175447,5.561754602,5.561754408,5.561754734,5.561754733,5.561754396,5.561754148,5.561754305,5.561754516,5.561754255,5.561754509
+"3470","CSK",8.818097916,8.818098175,8.81809796,8.818098168,8.818097828,8.818098344,8.818098035,8.818097788,8.818097903,8.818098011,8.818097779,8.818097655,8.818098142,8.818098075,8.818097594,8.818098127,8.818097599,8.818097932,8.81809798,8.818098256,8.818097909,8.818097998,8.818098056,8.818098016,8.818097788,8.818097793,8.818098078,8.818097888
+"3471","CSMD1",4.269150014,4.26915002,4.269150027,4.269150018,4.26915003,4.269150021,4.269150022,4.269150023,4.269150026,4.269150019,4.269150027,4.269150025,4.269150019,4.269150005,4.269150028,4.269150022,4.26915003,4.269150026,4.269150018,4.269150016,4.269150026,4.269150026,4.269150019,4.269150018,4.269150018,4.269150022,4.269150014,4.269150018
+"3472","CSMD2",4.288095597,4.288095596,4.288095608,4.288095599,4.288095604,4.288095601,4.288095601,4.288095605,4.288095602,4.288095601,4.288095603,4.288095602,4.288095601,4.288095594,4.288095607,4.288095601,4.288095608,4.288095605,4.288095599,4.288095603,4.288095606,4.288095606,4.288095592,4.2880956,4.288095601,4.288095602,4.2880956,4.288095603
+"3473","CSMD3",3.439183284,3.439183284,3.439183292,3.439183294,3.439183303,3.439183288,3.439183287,3.439183292,3.439183297,3.43918329,3.439183291,3.439183297,3.43918329,3.439183286,3.43918329,3.439183301,3.439183293,3.439183302,3.43918329,3.43918329,3.439183291,3.439183297,3.43918329,3.439183288,3.439183291,3.439183289,3.439183287,3.439183291
+"3474","CSN1S1",3.025554817,3.025554866,3.02555487,3.025554883,3.025554859,3.025554865,3.025554887,3.025554833,3.025554915,3.025554867,3.025554904,3.025555026,3.025554878,3.025554883,3.025554857,3.025554883,3.025554975,3.025554918,3.025554913,3.02555488,3.025554876,3.025554909,3.025554982,3.025554848,3.025554831,3.025554845,3.025554854,3.025554875
+"3475","CSN1S2AP",3.428239293,3.428239351,3.428239366,3.428239384,3.428239026,3.428239328,3.428239241,3.428239379,3.428239439,3.428239592,3.428239268,3.428239379,3.428239209,3.428239344,3.428239261,3.428239408,3.428239565,3.428239405,3.42823931,3.428239395,3.428239174,3.428239396,3.428239346,3.428239357,3.428239537,3.428239346,3.428239419,3.428239501
+"3476","CSN2",3.83548177,3.835481681,3.835481856,3.83548171,3.835481663,3.835481703,3.835481777,3.835481855,3.835481744,3.835481666,3.835481813,3.835481845,3.835481729,3.835481665,3.835481832,3.835481813,3.835481925,3.835481763,3.83548169,3.835481774,3.835481714,3.835481768,3.835481705,3.835481666,3.835481728,3.835481767,3.835481783,3.835481719
+"3477","CSN3",3.38339713,3.383397151,3.383397172,3.383397192,3.383397199,3.383397202,3.383397222,3.383397145,3.383397182,3.383397158,3.38339717,3.383397306,3.383397156,3.383397154,3.383397155,3.383397178,3.383397242,3.383397209,3.383397151,3.383397136,3.383397146,3.383397159,3.383397129,3.383397164,3.383397207,3.383397122,3.383397133,3.383397213
+"3478","CSNK1A1",8.334905353,8.334905117,8.334904249,8.334904207,8.334904112,8.334903886,8.334904388,8.334903991,8.33490441,8.334904305,8.334904227,8.334902769,8.334904592,8.334906058,8.334904362,8.334904279,8.334904183,8.334903957,8.334905178,8.33490379,8.334904184,8.334903566,8.33490498,8.334904692,8.334904113,8.334903832,8.334904554,8.334905224
+"3479","CSNK1A1L",6.244496372,6.244496373,6.244496411,6.244496398,6.244496427,6.244496417,6.244496382,6.244496396,6.244496388,6.244496387,6.244496411,6.244496447,6.244496396,6.244496291,6.244496429,6.244496361,6.244496441,6.244496412,6.244496395,6.244496422,6.244496411,6.244496409,6.244496394,6.244496381,6.244496414,6.2444964,6.244496402,6.244496363
+"3480","CSNK1A1P1",5.83103794,5.831037608,5.831037458,5.831037773,5.831037974,5.831037277,5.831037676,5.831037886,5.831037614,5.83103757,5.831038101,5.831037951,5.831037873,5.831036656,5.831038054,5.83103791,5.83103786,5.831037744,5.831037943,5.831037636,5.831037957,5.831037738,5.83103727,5.831036997,5.831037809,5.831037973,5.831037635,5.831037776
+"3481","CSNK1D",9.391143566,9.391143666,9.391143511,9.39114375,9.391143459,9.391143551,9.391143462,9.391143536,9.391143521,9.391143497,9.391143525,9.391143394,9.391143532,9.391143554,9.391143459,9.3911436,9.391143459,9.391143638,9.391143555,9.391143448,9.391143462,9.391143499,9.391143561,9.39114358,9.391143529,9.391143493,9.391143537,9.391143428
+"3482","CSNK1G1",5.668080362,5.668080336,5.66808027,5.66808033,5.668080266,5.668080346,5.668080342,5.668080292,5.668080297,5.668080338,5.668080273,5.668080164,5.668080334,5.668080356,5.668080362,5.668080312,5.668080226,5.66808031,5.668080367,5.668080369,5.668080312,5.668080313,5.668080348,5.668080331,5.66808034,5.668080285,5.668080342,5.668080355
+"3483","CSNK1G2",8.139310982,8.139311098,8.139311021,8.139311168,8.139310878,8.139311217,8.139311055,8.139311019,8.13931106,8.13931097,8.139311003,8.139310879,8.139311169,8.13931115,8.139310941,8.139310951,8.139310912,8.139311099,8.139310976,8.139311251,8.139310854,8.13931101,8.139311019,8.139311071,8.13931109,8.139310943,8.139311154,8.139311039
+"3484","CSNK1G2-AS1",5.72549017,5.725490362,5.725490521,5.725490433,5.725490882,5.725490426,5.7254907,5.72549058,5.725490244,5.725490463,5.725490673,5.725490851,5.725490515,5.72548951,5.725490466,5.72549059,5.725491033,5.725490756,5.725490495,5.725490392,5.725490855,5.725490685,5.72549049,5.725490056,5.725490775,5.725490609,5.725490312,5.725490383
+"3485","CSNK1G3",5.095174206,5.095173413,5.095173255,5.095172397,5.095172803,5.095171913,5.095172889,5.095172403,5.09517314,5.095172966,5.095172429,5.095171886,5.095172962,5.095174982,5.095173452,5.095173254,5.095172562,5.095172865,5.095173452,5.09517215,5.095173231,5.095172892,5.095173279,5.095173648,5.095173106,5.095173041,5.095173178,5.095174437
+"3486","CSNK2A2",7.061632088,7.061632123,7.061631744,7.061631766,7.061631828,7.061632096,7.061632047,7.061631838,7.061632181,7.061632055,7.061631642,7.06163165,7.06163203,7.061632253,7.061631914,7.061631735,7.061631442,7.061631569,7.061631881,7.061631487,7.061631839,7.061631812,7.061632136,7.061632,7.06163162,7.061631942,7.061632052,7.061632012
+"3487","CSNK2A3",7.192872615,7.192872641,7.192872448,7.192872522,7.192872544,7.19287254,7.192872593,7.192872556,7.192872667,7.192872478,7.192872413,7.192872457,7.19287259,7.192872889,7.192872565,7.192872535,7.192872312,7.192872461,7.192872491,7.192872136,7.192872485,7.192872521,7.19287261,7.19287257,7.192872444,7.192872509,7.192872526,7.192872575
+"3488","CSNK2B",8.682227048,8.682226975,8.68222695,8.682226768,8.682226792,8.682227075,8.682226834,8.682226919,8.682227204,8.6822271,8.682226769,8.68222674,8.682227069,8.682227199,8.682226864,8.682226594,8.682226592,8.68222653,8.682226756,8.682226968,8.682226812,8.682227014,8.682227048,8.682227141,8.682226712,8.682226894,8.682227064,8.68222693
+"3489","CSPG4",4.178484908,4.178484936,4.17848495,4.178484914,4.178484935,4.178484906,4.178484953,4.17848496,4.178484937,4.178484919,4.178484952,4.178484943,4.178484903,4.178484904,4.178484969,4.178484948,4.178484941,4.178484955,4.178484947,4.178484951,4.178484945,4.178484944,4.178484925,4.178484942,4.178484947,4.178484958,4.178484938,4.178484955
+"3490","CSPG4P5",4.746799987,4.746799785,4.7468000505,4.7467999315,4.7468000405,4.7468000305,4.7467999865,4.746800108,4.746800073,4.7468000965,4.746800078,4.746799985,4.7468000295,4.746799852,4.746799996,4.7467999475,4.7468000735,4.7467999855,4.746799972,4.7467999835,4.746800065,4.746800074,4.746799977,4.746799997,4.7467999925,4.746799993,4.7467999705,4.746800037
+"3491","CSPG5",5.173504388,5.173504376,5.173504436,5.173504426,5.173504486,5.173504416,5.173504435,5.173504431,5.173504414,5.173504421,5.173504453,5.173504486,5.173504421,5.17350437,5.173504464,5.173504434,5.173504479,5.173504476,5.17350442,5.173504431,5.173504462,5.173504469,5.173504408,5.173504408,5.173504468,5.173504467,5.173504412,5.173504442
+"3492","CSPP1",4.861794443,4.861794413,4.861794364,4.86179439,4.861794394,4.861794348,4.861794403,4.861794362,4.861794433,4.861794405,4.861794375,4.861794361,4.861794429,4.861794506,4.861794418,4.861794434,4.861794359,4.861794394,4.861794411,4.861794413,4.861794381,4.86179439,4.861794442,4.861794389,4.86179438,4.861794401,4.861794427,4.861794448
+"3493","CSRNP1",6.335995232,6.33599568,6.335995308,6.335995816,6.335995425,6.335995843,6.335995335,6.335995444,6.335995435,6.335995544,6.335995399,6.335994856,6.335995333,6.335995296,6.335995345,6.33599563,6.335995469,6.335995752,6.335995731,6.335996044,6.335995066,6.335995312,6.335995524,6.335995561,6.335995444,6.33599525,6.335995342,6.335995284
+"3494","CSRNP2",6.77697639,6.776976371,6.776976275,6.776976344,6.776976283,6.776976373,6.776976334,6.776976357,6.776976295,6.776976345,6.776976328,6.776976266,6.776976354,6.776976355,6.776976329,6.776976339,6.776976261,6.776976274,6.776976352,6.776976364,6.776976284,6.776976344,6.776976374,6.776976336,6.77697626,6.776976325,6.776976319,6.776976273
+"3495","CSRNP3",4.224799795,4.224799817,4.224799796,4.22479977,4.224799835,4.224799708,4.224799833,4.224799836,4.224799797,4.224799871,4.22479982,4.22479981,4.224799812,4.22479976,4.224799843,4.224799884,4.224799873,4.22479989,4.224799817,4.224799803,4.224799872,4.224799833,4.224799807,4.224799765,4.224799846,4.224799889,4.224799808,4.224799836
+"3496","CSRP1",6.825059968,6.825060148,6.825059948,6.825059964,6.825060033,6.825060066,6.82506003,6.825059944,6.825059966,6.825060081,6.825060047,6.825059872,6.825060041,6.825060001,6.825059942,6.825060001,6.825059878,6.825059914,6.825059938,6.825059982,6.82505985,6.825059982,6.82505999,6.825060061,6.825060039,6.825059913,6.825060048,6.825060048
+"3497","CSRP2",6.127443648,6.127443917,6.127444097,6.127443806,6.127444221,6.127444066,6.127443925,6.127444045,6.127444072,6.12744411,6.127444151,6.127444116,6.127443878,6.127444025,6.127444073,6.127443889,6.127444242,6.127443988,6.127443889,6.127444082,6.127444146,6.127444095,6.127443863,6.12744387,6.127443879,6.127443948,6.127443704,6.127443988
+"3498","CSRP3",3.900967759,3.900967876,3.900967951,3.900967907,3.900968014,3.900967838,3.9009678,3.900967951,3.90096783,3.900967926,3.900968413,3.900967932,3.900967774,3.900967838,3.900967868,3.900967881,3.900967889,3.900968027,3.900967917,3.900967839,3.900967903,3.900967955,3.900967702,3.900967872,3.900968113,3.900967775,3.900967677,3.90096801
+"3499","CST1",5.048965926,5.048962633,5.048965683,5.048966636,5.048964316,5.048964698,5.048966562,5.0489664,5.048965592,5.048964253,5.048965023,5.048967068,5.048963985,5.048964471,5.048963118,5.048964215,5.048963616,5.048966213,5.048966231,5.048966163,5.048963,5.04896619,5.048967083,5.048965337,5.048965152,5.048965858,5.048964246,5.048965363
+"3500","CST11",3.758199451,3.758199433,3.758199464,3.758199438,3.758199442,3.758199443,3.758199426,3.758199419,3.758199443,3.758199436,3.758199421,3.758199446,3.758199442,3.758199443,3.758199449,3.758199468,3.758199479,3.758199463,3.758199418,3.758199453,3.758199464,3.758199463,3.75819943,3.75819943,3.758199429,3.758199436,3.758199413,3.758199437
+"3501","CST13P",3.536079976,3.536080038,3.536080207,3.536080089,3.536080133,3.536080094,3.536080064,3.53608015,3.536080147,3.536080059,3.536080192,3.536080193,3.53608007,3.536079992,3.536080195,3.536080058,3.536080222,3.536080316,3.536080118,3.536080116,3.53608004,3.536080129,3.536080119,3.536080032,3.536080297,3.536080098,3.536080104,3.536080237
+"3502","CST2",5.064816381,5.064816437,5.064816483,5.064816425,5.064816463,5.064816422,5.064816345,5.064816472,5.064816354,5.064816444,5.064816442,5.064816467,5.064816436,5.064816363,5.064816361,5.064816471,5.064816465,5.064816347,5.064816384,5.064816437,5.064816374,5.064816411,5.064816399,5.064816429,5.064816413,5.064816406,5.064816452,5.06481632
+"3503","CST3",9.304508991,9.30452758,9.304524851,9.304507984,9.304519432,9.304534624,9.304505267,9.304508788,9.304497691,9.304529435,9.304514198,9.30450729,9.304525971,9.304514156,9.304501229,9.304516538,9.304527139,9.304501114,9.304514073,9.304523297,9.304504483,9.304512981,9.304492245,9.304512925,9.304506835,9.304509561,9.30452536,9.304507345
+"3504","CST4",6.275345923,6.27534652,6.275347165,6.275345919,6.275346898,6.275345719,6.275346392,6.275346506,6.275346473,6.275346589,6.275346654,6.275346468,6.275346344,6.275346087,6.275346139,6.275346581,6.275346922,6.275346566,6.275346157,6.275346512,6.275346297,6.275346585,6.275346319,6.275346335,6.275346789,6.275346369,6.275346197,6.275346073
+"3505","CST5",4.858293421,4.858293395,4.858293576,4.858293535,4.85829349,4.858293552,4.858293561,4.858293616,4.858293465,4.858293505,4.858293515,4.85829353,4.858293512,4.858293377,4.858293514,4.858293622,4.858293642,4.858293569,4.858293622,4.85829354,4.858293584,4.858293647,4.858293418,4.858293496,4.85829358,4.858293601,4.858293554,4.858293446
+"3506","CST6",5.047764451,5.047764391,5.047764867,5.047764306,5.047765476,5.047764352,5.047764815,5.047764744,5.04776473,5.047764663,5.047764576,5.047765025,5.047764386,5.047764031,5.047765091,5.047764605,5.047764916,5.047764774,5.047764543,5.047764183,5.047765323,5.047764824,5.047764524,5.047764515,5.047764694,5.04776509,5.047764137,5.047764525
+"3507","CST7",9.009308008,8.610793634,8.685776085,8.175478199,8.511892454,8.993847064,9.231587254,9.103654721,9.225770122,9.115094459,9.037658323,8.268463126,9.027616797,8.549275079,8.929369337,8.396504616,8.764856215,8.230574679,8.680702485,8.870260547,9.061886856,9.017300315,9.478767075,9.47591079,9.121259645,8.723668444,8.880974681,8.538111574
+"3508","CST8",4.05810036,4.058100652,4.058100538,4.058100531,4.058100602,4.058100708,4.058100485,4.058100543,4.058100744,4.058100617,4.058100461,4.058100733,4.058100653,4.058100389,4.058100419,4.058100575,4.058100703,4.058100668,4.058100668,4.058100727,4.058100587,4.058100654,4.058100505,4.058100285,4.058100266,4.058100452,4.058100461,4.05810064
+"3509","CST9",4.022018167,4.022018146,4.02201827,4.022018349,4.022018495,4.022018188,4.022018114,4.022018503,4.022018222,4.022018154,4.022018402,4.022018405,4.022018295,4.022018163,4.022018338,4.022018299,4.022018384,4.022018336,4.022018325,4.022018393,4.022018429,4.022018447,4.022018426,4.022018047,4.022018239,4.022018416,4.02201835,4.022018189
+"3510","CST9L",4.467598,4.467598026,4.46759807,4.467598018,4.467598076,4.46759797,4.467598029,4.467598021,4.467598038,4.467598024,4.467598071,4.467598113,4.467598065,4.467597995,4.467598068,4.467598082,4.467598108,4.467598073,4.467598064,4.467598039,4.467598057,4.467598085,4.467598041,4.467598016,4.467598079,4.467598062,4.467598039,4.467598041
+"3511","CSTA",5.180338401,5.180338304,5.180338471,5.180338538,5.180338293,5.180338528,5.180338422,5.180338291,5.180338317,5.180338468,5.180338485,5.18033836,5.180338389,5.180338304,5.180338401,5.180338347,5.180338466,5.180338446,5.180338469,5.180338512,5.180338391,5.180338468,5.180338437,5.180338463,5.180338449,5.180338368,5.180338367,5.18033829
+"3512","CSTB",9.161709317,9.161709332,9.161709101,9.161709307,9.161709168,9.161709119,9.161709313,9.161709139,9.161709094,9.161709092,9.16170912,9.16170912,9.161709304,9.161709464,9.161709216,9.161709221,9.161709061,9.161709236,9.1617092,9.161709346,9.161709291,9.161709344,9.161709176,9.161709115,9.161708993,9.161709254,9.161709282,9.16170936
+"3513","CSTF1",6.233533189,6.233533036,6.233533037,6.233533104,6.233533079,6.233533148,6.233533216,6.233533037,6.23353308,6.23353307,6.233533075,6.233533085,6.233533094,6.233533328,6.233533158,6.233533006,6.233532848,6.233533082,6.233533199,6.23353326,6.23353315,6.233533189,6.233533246,6.233533173,6.233533102,6.233533093,6.233533156,6.233533237
+"3514","CSTF2",5.423671758,5.423671846,5.4236718,5.423671723,5.42367193,5.42367187,5.423671851,5.423671742,5.423671903,5.423671906,5.423671725,5.423671655,5.423671881,5.423671922,5.423671837,5.423671694,5.42367181,5.423671674,5.423671836,5.423671828,5.423671872,5.423671794,5.423671792,5.423671731,5.423671786,5.423671892,5.423671864,5.423671925
+"3515","CSTF2T",6.386340535,6.38634044,6.386340292,6.386339602,6.386340021,6.38634036,6.386340202,6.386340161,6.38634062,6.38634033,6.386340216,6.386340108,6.386340276,6.386340633,6.386340324,6.386340383,6.386340145,6.386339837,6.386340379,6.386340034,6.386340054,6.386340195,6.38634057,6.386340405,6.386340124,6.386340296,6.386340371,6.386340456
+"3516","CSTF3",5.713059936,5.713059829,5.713059715,5.713059508,5.713059531,5.713059582,5.713059602,5.713059654,5.71305985,5.713059696,5.713059631,5.713059596,5.713059829,5.71306015,5.713059637,5.713059744,5.713059513,5.713059537,5.713059693,5.713059693,5.71305964,5.713059614,5.713059799,5.713059733,5.713059657,5.71305967,5.713059762,5.713059975
+"3517","CSTL1",4.100895796,4.100895808,4.100895823,4.10089581,4.100895832,4.100895808,4.100895821,4.100895826,4.100895823,4.100895822,4.100895799,4.100895848,4.10089582,4.100895809,4.100895845,4.100895836,4.100895828,4.100895832,4.100895829,4.100895801,4.100895817,4.100895832,4.10089581,4.100895815,4.100895851,4.100895831,4.100895816,4.10089582
+"3518","CSTPP1",5.499270298,5.499270341,5.499270236,5.499270333,5.499270292,5.499270308,5.499270309,5.49927036,5.499270381,5.499270388,5.499270276,5.499270267,5.499270374,5.499270368,5.499270302,5.499270308,5.499270308,5.499270243,5.499270359,5.49927021,5.499270256,5.499270361,5.499270346,5.499270314,5.499270274,5.499270202,5.499270252,5.499270384
+"3519","CT55",4.690671916,4.690671976,4.6906721705,4.6906714155,4.69067236,4.690671325,4.69067236,4.690671639,4.690671836,4.6906719275,4.690671637,4.6906719435,4.690671916,4.6906714095,4.690671887,4.690671359,4.69067262,4.6906716395,4.6906718155,4.6906717985,4.6906721385,4.6906716925,4.6906713725,4.690671778,4.690672123,4.6906719825,4.6906711165,4.690671224
+"3520","CT75",6.270918778,6.270918805,6.270919499,6.270918861,6.270919564,6.270918514,6.270918985,6.270919556,6.270919111,6.270919017,6.270919477,6.270919641,6.270919071,6.270918508,6.27091946,6.270919318,6.270919656,6.270919621,6.270918915,6.270919074,6.270919023,6.270919578,6.270918938,6.27091895,6.270919153,6.270919459,6.270918957,6.270919652
+"3521","CT83",3.801537762,3.801537801,3.801537758,3.801537791,3.801537787,3.801537779,3.801537786,3.801537792,3.801537784,3.801537762,3.801537775,3.801537775,3.801537772,3.801537784,3.801537809,3.801537804,3.801537818,3.801537799,3.8015378,3.801537793,3.801537791,3.801537791,3.801537777,3.801537768,3.801537785,3.801537807,3.801537774,3.801537786
+"3522","CTAG2",7.372816491,7.372817067,7.372817697,7.372817175,7.372817795,7.372815732,7.372817031,7.372817682,7.372817347,7.372817278,7.372817728,7.372817876,7.372816925,7.372816286,7.37281756,7.37281785,7.37281789,7.372817659,7.372816983,7.372817037,7.372817118,7.372817469,7.372816899,7.372817283,7.372817699,7.37281745,7.372816958,7.372817567
+"3523","CTAGE1",3.556104974,3.556105549,3.55610538,3.556104939,3.556105227,3.556105354,3.556105209,3.556105203,3.556105561,3.556105345,3.556105167,3.556105315,3.556105056,3.556105245,3.556105336,3.556105316,3.556105094,3.556105039,3.55610545,3.556105004,3.556104966,3.556105113,3.556105449,3.5561051,3.556105174,3.556104943,3.556105266,3.556105397
+"3524","CTAGE10P",3.465238418,3.465238427,3.465238445,3.465238414,3.465238457,3.465238459,3.465238436,3.46523846,3.465238439,3.465238426,3.46523844,3.465238456,3.465238433,3.465238444,3.465238427,3.465238464,3.465238462,3.465238465,3.465238413,3.46523841,3.465238427,3.465238449,3.465238452,3.465238402,3.465238408,3.465238441,3.465238433,3.465238425
+"3525","CTAGE3P",3.099624788,3.099624802,3.099624796,3.099624798,3.099624804,3.099624761,3.099624785,3.099624845,3.099624814,3.099624819,3.099624824,3.099624822,3.099624803,3.099624757,3.099624793,3.099624832,3.099624862,3.09962484,3.099624799,3.099624763,3.099624781,3.099624813,3.099624795,3.099624793,3.099624833,3.099624783,3.099624792,3.099624813
+"3526","CTAGE7P",3.321018235,3.321018265,3.321018304,3.321018282,3.321018348,3.321018293,3.321018296,3.321018337,3.321018262,3.321018348,3.321018242,3.321018392,3.321018302,3.321018293,3.321018355,3.321018353,3.321018339,3.321018314,3.321018248,3.321018279,3.321018318,3.321018325,3.321018377,3.321018231,3.321018209,3.321018344,3.32101834,3.321018335
+"3527","CTBP1",8.830066793,8.830066755,8.830066715,8.830066671,8.830066679,8.830066839,8.830066742,8.830066704,8.830066763,8.830066765,8.830066677,8.830066708,8.830066749,8.830066842,8.83006671,8.83006668,8.830066646,8.830066599,8.830066697,8.830066668,8.830066684,8.830066766,8.830066775,8.830066719,8.830066624,8.83006671,8.830066737,8.830066772
+"3528","CTBP1-DT",5.986767179,5.98676697,5.98676683,5.986766424,5.986766678,5.986767047,5.986766714,5.986766683,5.986767153,5.986766826,5.98676656,5.986766885,5.986767091,5.986767161,5.986766914,5.986766803,5.986766402,5.986766506,5.986766808,5.986766333,5.986766399,5.986766895,5.986767031,5.986766877,5.986766597,5.98676682,5.986766951,5.986767134
+"3529","CTBP2",6.993248925,6.9932490795,6.993248913,6.993249089,6.993248863,6.9932489735,6.993249003,6.9932488385,6.9932488135,6.9932488835,6.9932489625,6.993248725,6.9932490295,6.9932489235,6.9932489445,6.9932491455,6.993248945,6.99324907,6.993248996,6.9932489255,6.9932489965,6.9932489025,6.9932488535,6.993248999,6.993249059,6.9932489595,6.9932489585,6.993248907
+"3530","CTBS",8.162022297,8.16202233,8.162021284,8.162022523,8.162020195,8.162020742,8.162021041,8.162020422,8.162020056,8.162020473,8.162021347,8.162019174,8.162021153,8.162021942,8.162021237,8.162022036,8.162020934,8.162022029,8.162021545,8.162021583,8.162021368,8.162020682,8.162021319,8.162021985,8.162021995,8.162019844,8.162020937,8.162021202
+"3531","CTC-338M12.4",5.405407154,5.405406654,5.405406868,5.405406968,5.405406634,5.405406558,5.405406906,5.405406712,5.405407096,5.40540667,5.405406586,5.405406584,5.405407104,5.405407368,5.405407008,5.405406538,5.405406874,5.405406652,5.405407097,5.405406465,5.405406685,5.405406848,5.405406798,5.405406759,5.405406843,5.405406859,5.405406972,5.405407086
+"3532","CTC1",7.960850217,7.960850113,7.960850006,7.960850014,7.96084996,7.96085021,7.960850186,7.960850143,7.960850243,7.960850245,7.960849883,7.960850136,7.960850174,7.96085016,7.96085018,7.960850118,7.960849872,7.96084998,7.960850099,7.96085007,7.96085014,7.960850193,7.960850174,7.960850107,7.960849902,7.960850122,7.960850266,7.960850057
+"3533","CTCF",7.677141567,7.677141741,7.677141379,7.677141675,7.677141486,7.677141619,7.677141568,7.677141416,7.677141714,7.67714158,7.677141288,7.677141332,7.677141617,7.677141834,7.677141591,7.677141565,7.677141204,7.677141442,7.677141523,7.677141514,7.677141515,7.677141376,7.677141776,7.677141693,7.677141508,7.677141563,7.677141633,7.677141683
+"3534","CTCFL",4.69596796,4.695967766,4.695967833,4.695967883,4.6959678045,4.6959675255,4.6959677335,4.695967746,4.695967759,4.6959678055,4.695967816,4.6959676065,4.6959679085,4.695968152,4.6959678915,4.6959678745,4.6959677965,4.6959679415,4.6959678145,4.695967789,4.6959680235,4.6959678395,4.695967725,4.6959677095,4.6959678485,4.6959677685,4.695967765,4.69596807
+"3535","CTDNEP1",7.960446904,7.960447027,7.960447065,7.960447018,7.960447076,7.960447075,7.960447041,7.960447105,7.960447051,7.960447076,7.960447044,7.960447063,7.960447012,7.96044703,7.960447084,7.960447078,7.960447125,7.96044702,7.960447025,7.960447107,7.960447055,7.960447097,7.960447022,7.960447062,7.960447076,7.960447057,7.960447039,7.960447059
+"3536","CTDP1",7.411676466,7.411676538,7.411676473,7.41167655,7.411676497,7.411676506,7.411676485,7.411676518,7.411676522,7.411676467,7.411676508,7.411676459,7.411676509,7.411676438,7.411676524,7.411676541,7.411676495,7.411676539,7.41167649,7.411676504,7.41167648,7.411676493,7.411676468,7.411676493,7.411676516,7.411676519,7.411676494,7.41167648
+"3537","CTDP1-DT",4.966018497,4.966018498,4.966018749,4.966018631,4.966020172,4.966018362,4.966019289,4.966019204,4.966019587,4.966018964,4.96601872,4.966019326,4.966018764,4.966018647,4.966019682,4.966019158,4.966019995,4.966018919,4.966019294,4.966019124,4.966019523,4.966019091,4.966018593,4.966018656,4.966019044,4.966019051,4.966018966,4.966018752
+"3538","CTDSP1",8.389717006,8.38971703,8.389717022,8.389717055,8.389717001,8.389717046,8.389717017,8.38971703,8.389717014,8.389717025,8.38971703,8.38971703,8.389717027,8.389717009,8.389716994,8.389717012,8.389717026,8.38971701,8.389717027,8.389716999,8.38971698,8.389717018,8.389717033,8.389717042,8.38971703,8.389717008,8.389717033,8.389717015
+"3539","CTDSP2",9.706261007,9.70626117,9.706261304,9.706261666,9.706261023,9.706261605,9.706260938,9.706261211,9.70626103,9.70626107,9.706261358,9.706261079,9.706261491,9.706261125,9.706261152,9.706260904,9.706261123,9.706261483,9.706261181,9.706261312,9.706261092,9.706261168,9.706261201,9.706261164,9.706261338,9.706261323,9.706261462,9.706260769
+"3540","CTDSPL",6.203260932,6.203261764,6.203262013,6.203262964,6.20326221,6.203261349,6.203261742,6.203261887,6.203261692,6.203262318,6.203262382,6.203262081,6.203261136,6.203260755,6.203261167,6.203262462,6.203261788,6.20326302,6.203261606,6.203261023,6.203261885,6.203261824,6.203261649,6.203262761,6.20326262,6.203261896,6.203261239,6.203260699
+"3541","CTDSPL2",6.71396124,6.713960532,6.713960663,6.713960364,6.713960127,6.713959847,6.713960528,6.713959981,6.713960493,6.713960597,6.71396057,6.713959732,6.713960725,6.713961685,6.713960635,6.713960088,6.713960175,6.713960135,6.713960569,6.713960252,6.713960519,6.713960375,6.713961024,6.713960733,6.713960397,6.713960356,6.713960757,6.713961231
+"3542","CTF1",6.544769636,6.544769711,6.54477006,6.544770001,6.544770187,6.544769359,6.544769788,6.544770238,6.544769967,6.54476977,6.544770173,6.544770197,6.544769733,6.544769354,6.544769994,6.544769899,6.544770115,6.544770094,6.544769802,6.544769774,6.544769854,6.544770008,6.544769673,6.544769904,6.544770235,6.544769986,6.544769934,6.544769957
+"3543","CTH",4.054344801,4.054344816,4.054344767,4.054344827,4.054344815,4.054344768,4.054344786,4.054344813,4.054344835,4.054344818,4.054344806,4.054344792,4.054344782,4.054344826,4.054344783,4.054344851,4.054344768,4.054344819,4.054344796,4.0543448,4.054344777,4.054344792,4.054344779,4.054344825,4.054344823,4.054344836,4.05434476,4.054344805
+"3544","CTHRC1",5.386726101,5.386726106,5.386726167,5.386726095,5.386726253,5.386726095,5.386726185,5.386726151,5.386726122,5.386726179,5.386726155,5.386726233,5.386726109,5.386726048,5.386726209,5.386726138,5.386726237,5.38672616,5.386726151,5.386726117,5.386726205,5.386726193,5.386726134,5.386726122,5.386726138,5.386726192,5.386726096,5.386726173
+"3545","CTIF",5.298600567,5.298600695,5.29860076,5.298600771,5.298600851,5.29860088,5.298600768,5.29860084,5.298600652,5.29860087,5.298600832,5.298600815,5.298600705,5.298600557,5.298600785,5.298600802,5.298600839,5.298600767,5.298600781,5.298600687,5.298600731,5.298600845,5.298600726,5.298600801,5.298600817,5.298600738,5.298600717,5.298600733
+"3546","CTLA4",5.303213774,5.303213604,5.303212653,5.303213129,5.303213273,5.30321372,5.303214105,5.303212944,5.303213908,5.303213216,5.303212765,5.30321297,5.30321364,5.303213959,5.30321366,5.303213417,5.303213331,5.303213294,5.303213466,5.303213876,5.303214034,5.303213383,5.303213628,5.303213338,5.303212884,5.303213262,5.303213535,5.303213707
+"3547","CTNNA1",7.608954802,7.608954955,7.60895373,7.608955251,7.608954322,7.608954855,7.608953536,7.608952201,7.608952701,7.6089535,7.608954759,7.608952561,7.608953833,7.608954343,7.60895466,7.608953962,7.608953557,7.608954604,7.608954462,7.608954555,7.608953068,7.608952767,7.608953444,7.608953644,7.608954416,7.608953098,7.608953897,7.608953375
+"3548","CTNNA2",4.534697797,4.534697841,4.534697953,4.534697902,4.534697946,4.534698023,4.534697891,4.534697875,4.534697933,4.534697802,4.534698065,4.534697957,4.534697818,4.534697684,4.53469786,4.534697871,4.534697982,4.534697962,4.53469782,4.534697924,4.534697711,4.534697896,4.534697854,4.534697745,4.534697901,4.534697688,4.534697684,4.53469792
+"3549","CTNNA3",3.736651083,3.736651067,3.736651103,3.736651097,3.736651103,3.73665111,3.736651081,3.736651106,3.736651068,3.736651093,3.736651095,3.736651107,3.736651061,3.736651055,3.736651094,3.736651079,3.736651134,3.736651098,3.736651094,3.73665111,3.736651071,3.736651089,3.736651074,3.736651078,3.736651126,3.736651072,3.736651091,3.736651074
+"3550","CTNNAL1",4.347878871,4.347878833,4.34787898,4.347878965,4.347878876,4.347878797,4.34787888,4.347878907,4.347878897,4.347878845,4.347878921,4.347878914,4.347878944,4.347878793,4.347878989,4.347878846,4.347878963,4.347878875,4.347878827,4.347878823,4.347878897,4.347878899,4.347878908,4.347878965,4.347878991,4.347878931,4.347878842,4.347878846
+"3551","CTNNB1",8.390516248,8.390515801,8.390515032,8.390515394,8.390514763,8.39051529,8.390515414,8.390514983,8.390515142,8.390515284,8.390514559,8.390514817,8.390515397,8.390516208,8.390515067,8.390515309,8.390513763,8.390514225,8.390515669,8.390515322,8.390515203,8.390514609,8.390515466,8.390515773,8.390514674,8.390515006,8.390515746,8.390515309
+"3552","CTNNBIP1",6.963962801,6.963962731,6.96396283,6.963962817,6.963962882,6.963962761,6.963962781,6.963962877,6.963962843,6.963962877,6.963962933,6.963962951,6.963962845,6.963962599,6.963962872,6.963962805,6.963962856,6.963962861,6.963962846,6.963962853,6.963962758,6.963962881,6.963962762,6.963962759,6.963962824,6.963962801,6.963962764,6.963962711
+"3553","CTNNBL1",6.740455625,6.740455637,6.74045562,6.740455588,6.740455608,6.740455613,6.740455605,6.740455607,6.740455621,6.740455643,6.740455563,6.740455579,6.740455618,6.740455657,6.740455605,6.740455625,6.740455601,6.740455582,6.740455626,6.740455635,6.740455599,6.740455592,6.740455612,6.740455617,6.740455576,6.740455608,6.740455631,6.740455636
+"3554","CTNND2",5.167783081,5.167783102,5.167783355,5.167783131,5.167783635,5.167783079,5.167783408,5.167783549,5.167783205,5.167783261,5.167783268,5.16778346,5.167783286,5.16778308,5.167783496,5.167783361,5.167783581,5.167783478,5.167783323,5.167783248,5.167783575,5.16778354,5.167783037,5.167783206,5.167783437,5.167783383,5.167783212,5.167783333
+"3555","CTNS",5.90165542,5.901655497,5.901655398,5.901655438,5.901655459,5.901655446,5.901655437,5.90165538,5.901655433,5.901655462,5.901655437,5.901655427,5.901655399,5.901655457,5.901655422,5.901655461,5.901655395,5.901655462,5.901655447,5.901655383,5.901655411,5.90165542,5.90165544,5.901655481,5.901655414,5.90165545,5.901655453,5.901655432
+"3556","CTPS1",6.252163703,6.252163778,6.25216354,6.252163516,6.252163589,6.252163722,6.252163711,6.252163547,6.252163822,6.252163673,6.252163529,6.252163626,6.252163686,6.252163877,6.25216362,6.252163626,6.252163324,6.252163377,6.25216353,6.252163748,6.252163667,6.252163567,6.252163748,6.252163714,6.252163338,6.252163672,6.252163722,6.25216378
+"3557","CTPS2",5.31971463,5.319714593,5.319714583,5.319714255,5.31971437,5.319714474,5.319714448,5.319714488,5.319714549,5.31971443,5.319714475,5.319714423,5.319714434,5.31971478,5.31971454,5.319714579,5.319714433,5.319714244,5.319714238,5.319714414,5.31971449,5.319714512,5.31971448,5.319714577,5.319714445,5.31971453,5.319714612,5.319714627
+"3558","CTR9",7.835651425,7.835651499,7.835650745,7.835651201,7.835651197,7.835651314,7.835651388,7.835650784,7.835651348,7.835651403,7.835651025,7.835650674,7.835651265,7.835652101,7.835651281,7.835651257,7.835650814,7.835651042,7.835651469,7.835650951,7.835651286,7.835651027,7.835651529,7.835651348,7.835651157,7.835651135,7.83565129,7.83565173
+"3559","CTRC",4.757217953,4.757217946,4.757217913,4.757217949,4.757217974,4.757217966,4.757217956,4.757217962,4.757217952,4.757217968,4.757217942,4.757217969,4.757217966,4.757217938,4.757217969,4.757217947,4.757217969,4.757217962,4.757217961,4.75721795,4.75721795,4.757217961,4.757217956,4.757217944,4.757217941,4.757217966,4.757217969,4.757217941
+"3560","CTRL",6.573229527,6.573229583,6.573229599,6.573229644,6.5732295,6.573229926,6.573229655,6.573229576,6.573229561,6.57322949,6.573229358,6.573229567,6.5732296,6.573229516,6.573229516,6.573229545,6.573229531,6.573229446,6.573229623,6.573229795,6.573229621,6.573229622,6.573229374,6.573229476,6.573229532,6.573229487,6.573229589,6.573229364
+"3561","CTSA",9.040813791,9.047582396,9.039549458,9.047767766,9.044443114,9.047249553,9.040623294,9.039157738,9.042351418,9.045685041,9.04601124,9.03966395,9.041789409,9.040799273,9.040552881,9.045208096,9.039279086,9.047093481,9.043037331,9.043968771,9.039913943,9.039972285,9.04214854,9.046732297,9.044721354,9.041065989,9.042323542,9.039632282
+"3562","CTSB",9.375994243,9.332669694,9.780430258,9.427854489,9.428966023,9.9522116,9.314152813,9.717294336,9.309196851,9.598597456,9.547821184,9.231424635,9.200323064,9.244912021,9.3582446,9.029564353,9.714774373,9.345696353,9.306299726,9.80898174,9.216360958,9.650259823,9.302701932,9.537408708,9.433284185,9.241673552,9.21783059,9.133766077
+"3563","CTSC",8.159938177,8.159937357,8.159937429,8.15993609,8.159936133,8.159938403,8.159936953,8.159936241,8.159937107,8.159937252,8.159937176,8.15993583,8.159937895,8.159937958,8.159937214,8.159936874,8.159937159,8.159935338,8.15993598,8.159938418,8.15993716,8.159935832,8.159938218,8.159937415,8.159937436,8.159937086,8.159937726,8.159937132
+"3564","CTSD",9.167399436,9.167399701,9.167400217,9.167400503,9.167399453,9.167399623,9.167399445,9.167399746,9.167399058,9.16739991,9.167399406,9.167399409,9.167399336,9.16739899,9.16739954,9.167399706,9.16740012,9.1674,9.167400007,9.167399407,9.167399314,9.167399623,9.167399305,9.167399852,9.167399728,9.167399289,9.167399403,9.167398718
+"3565","CTSE",5.50555919,5.505559018,5.505559669,5.505559366,5.5055596,5.505559188,5.505559943,5.505559862,5.505558921,5.505560642,5.505559267,5.505559562,5.505558348,5.505557608,5.505559443,5.505558767,5.505559093,5.505558775,5.505559192,5.505558825,5.505559383,5.505558857,5.505558763,5.505560719,5.505559718,5.505559472,5.505558508,5.505558209
+"3566","CTSF",5.761679115,5.761679108,5.761679265,5.76167917,5.761679376,5.761679087,5.761679137,5.761679572,5.761679177,5.761679294,5.761679239,5.761679407,5.761679288,5.761679203,5.761679345,5.761679262,5.761679314,5.761679373,5.761679072,5.761679255,5.761679286,5.761679445,5.761679013,5.761679053,5.761679213,5.761679273,5.761679207,5.761679265
+"3567","CTSG",4.591479677,4.591479932,4.591480314,4.591479912,4.59148008,4.591479578,4.591480202,4.591480056,4.591480008,4.591479916,4.591480234,4.591480164,4.591479911,4.591479602,4.591480191,4.591479996,4.591480412,4.591480179,4.591479882,4.591479943,4.591480308,4.591480228,4.591479833,4.591479883,4.59148018,4.591480131,4.591479823,4.591480089
+"3568","CTSH",7.695628865,7.695627987,7.695629472,7.695628628,7.695628382,7.695629253,7.695627031,7.695626509,7.69562568,7.695629369,7.695627495,7.695624884,7.695628443,7.695629967,7.695627719,7.695626396,7.69562863,7.695627429,7.695627935,7.695629163,7.695626957,7.695627507,7.695624986,7.695628238,7.695626062,7.69562557,7.695627756,7.695628186
+"3569","CTSK",5.354814013,5.354814098,5.354814077,5.354813971,5.354813991,5.354814029,5.354813986,5.354813947,5.35481382,5.354813961,5.354814087,5.354814009,5.354813901,5.354814082,5.354813948,5.354814002,5.354813862,5.354813937,5.354813904,5.354813954,5.354813916,5.354814061,5.354813875,5.354813997,5.354814019,5.35481398,5.354813988,5.354813902
+"3570","CTSL",5.103565314,5.103565513,5.103565896,5.103564901,5.103565746,5.103566027,5.103565094,5.103565228,5.10356545,5.103565652,5.103565708,5.103564783,5.103565495,5.103566034,5.103565661,5.10356576,5.1035656,5.103565239,5.103565678,5.10356595,5.103565323,5.103565422,5.103565639,5.103565647,5.103565546,5.103564856,5.103565506,5.103565759
+"3571","CTSL3P",3.99960411,3.999604103,3.999604102,3.999604084,3.999604094,3.999604088,3.999604091,3.999604105,3.9996041,3.999604095,3.999604091,3.999604083,3.999604086,3.999604075,3.999604101,3.999604103,3.999604084,3.999604089,3.999604097,3.999604104,3.999604093,3.999604092,3.999604097,3.9996041,3.999604099,3.999604084,3.999604096,3.999604084
+"3572","CTSO",5.930099854,5.930099792,5.930099695,5.930099629,5.930099705,5.930099752,5.930099656,5.930099673,5.930099712,5.930099726,5.930099692,5.930099631,5.930099741,5.930099767,5.930099761,5.930099747,5.930099619,5.930099602,5.930099696,5.930099725,5.930099649,5.930099653,5.930099732,5.930099778,5.930099587,5.930099643,5.930099734,5.930099695
+"3573","CTSS",10.07522367,10.07522478,10.07521971,10.07522252,10.07521682,10.07521962,10.07521888,10.07521861,10.07521221,10.07521653,10.0752181,10.07520932,10.07522023,10.07522484,10.07521955,10.07522359,10.07521847,10.07521895,10.07522035,10.07522008,10.07522146,10.07522022,10.07521932,10.07522259,10.07521888,10.07521641,10.07521885,10.07521868
+"3574","CTSV",3.582220223,3.582220187,3.582220222,3.582220196,3.582220241,3.582220173,3.582220165,3.582220227,3.582220211,3.582220232,3.582220233,3.582220259,3.582220287,3.582220146,3.582220182,3.58222023,3.582220248,3.582220237,3.582220265,3.582220292,3.58222023,3.582220209,3.582220284,3.582220244,3.582220247,3.582220277,3.582220212,3.582220212
+"3575","CTSW",8.169669627,8.168399004,8.168556755,8.167479857,8.167277842,8.169050868,8.168768888,8.168371896,8.168754566,8.16818021,8.168583681,8.16649882,8.16908184,8.168674342,8.169466659,8.16759052,8.167701731,8.167585612,8.166657782,8.167188955,8.168521496,8.168248145,8.169128712,8.168406715,8.168103162,8.167610064,8.169068497,8.168496217
+"3576","CTSZ",8.980009003,8.980009967,8.980009422,8.980009805,8.980009595,8.980010337,8.980009157,8.980009197,8.98000825,8.980009884,8.980009197,8.980008243,8.980009198,8.98000984,8.98000893,8.980009656,8.98000938,8.980009273,8.980009857,8.98001045,8.980009058,8.980009058,8.980009006,8.980009741,8.980008932,8.980008499,8.980009444,8.98000982
+"3577","CTTN",6.191211526,6.191213166,6.191212604,6.19121487,6.191212879,6.191211239,6.191212572,6.191212306,6.191212394,6.191214398,6.191214576,6.191212631,6.191211877,6.191210598,6.191211303,6.191212087,6.191212907,6.19121494,6.191212278,6.191211892,6.191211772,6.191212185,6.191212469,6.191214743,6.191214402,6.191213033,6.191212427,6.191211159
+"3578","CTTNBP2",3.79232539,3.792325405,3.792325474,3.792325399,3.792325447,3.792325438,3.792325445,3.792325419,3.792325413,3.792325398,3.792325475,3.792325442,3.792325419,3.792325449,3.792325485,3.79232545,3.792325418,3.792325472,3.792325476,3.792325437,3.792325453,3.792325437,3.792325424,3.792325435,3.792325452,3.792325416,3.792325453,3.792325451
+"3579","CTTNBP2NL",4.764102673,4.76410279,4.76410286,4.76410275,4.76410313,4.764102725,4.76410285,4.764102851,4.764102699,4.764102765,4.76410296,4.764102994,4.76410279,4.764102863,4.764103152,4.764102818,4.764103019,4.764102795,4.764102865,4.764102873,4.764103081,4.764102836,4.764102599,4.764102872,4.764102939,4.764103017,4.764102738,4.76410307
+"3580","CTU1",7.276564781,7.27656475,7.276565658,7.276564665,7.276566541,7.276565173,7.276565657,7.276565893,7.27656538,7.276565365,7.27656563,7.276566561,7.276565207,7.276564508,7.27656602,7.276565275,7.276566613,7.276565827,7.276565675,7.27656506,7.276565818,7.2765664,7.27656482,7.276564869,7.276565693,7.276565792,7.276564932,7.276565795
+"3581","CTU2",6.50396764,6.503967645,6.503967674,6.503967638,6.503967688,6.503967643,6.503967667,6.503967662,6.503967669,6.503967655,6.503967677,6.503967676,6.503967659,6.50396763,6.503967674,6.503967657,6.503967669,6.503967668,6.503967662,6.50396765,6.50396768,6.50396766,6.503967628,6.503967642,6.50396766,6.503967658,6.503967666,6.503967669
+"3582","CTXN1",6.515457843,6.515457887,6.515457918,6.515457874,6.515457936,6.515457841,6.515457876,6.515457922,6.515457886,6.515457848,6.515457912,6.515457948,6.515457902,6.515457798,6.515457908,6.515457899,6.515457934,6.515457914,6.515457856,6.515457918,6.515457897,6.515457904,6.515457829,6.515457855,6.51545791,6.515457917,6.515457858,6.515457905
+"3583","CTXN3",3.685643248,3.685643203,3.685643382,3.685643406,3.685643434,3.685643385,3.68564336,3.685643361,3.68564338,3.685643281,3.685643367,3.685643353,3.685643367,3.685643292,3.685643363,3.685643463,3.68564345,3.685643392,3.685643418,3.68564335,3.685643402,3.685643375,3.685643267,3.685643275,3.685643355,3.685643366,3.685643292,3.685643347
+"3584","CUBN",5.658808592,5.658809044,5.658808413,5.658808557,5.658808793,5.658808716,5.658808411,5.658808927,5.658809391,5.658808963,5.658808216,5.658808639,5.6588092,5.65880942,5.658808198,5.658808707,5.658808151,5.658808211,5.658808957,5.658808422,5.658808436,5.65880891,5.658809173,5.658808931,5.658808278,5.658808799,5.658809238,5.658809014
+"3585","CUEDC1",6.905868282,6.905868307,6.905868311,6.905868299,6.905868314,6.905868288,6.905868295,6.905868313,6.90586829,6.905868304,6.905868297,6.905868308,6.905868306,6.905868278,6.905868309,6.905868305,6.905868322,6.905868308,6.905868296,6.905868294,6.905868303,6.905868316,6.905868295,6.905868303,6.905868314,6.905868303,6.905868302,6.905868304
+"3586","CUEDC2",6.72844821,6.728448216,6.728448216,6.728448234,6.728448223,6.728448211,6.728448207,6.728448227,6.728448245,6.728448225,6.72844824,6.728448197,6.728448209,6.728448204,6.728448132,6.728448217,6.728448227,6.728448175,6.728448231,6.728448247,6.728448186,6.728448216,6.728448223,6.728448227,6.728448196,6.728448177,6.728448203,6.728448207
+"3587","CUL1",7.021986162,7.021985994,7.021985495,7.021985166,7.021985482,7.021986502,7.021985655,7.021985242,7.021985906,7.021985794,7.021985302,7.021985238,7.021986026,7.021986677,7.021985559,7.021985871,7.021985402,7.021985174,7.021985867,7.021986396,7.021985537,7.021986028,7.021985962,7.021985661,7.021985333,7.021985837,7.021986075,7.021986206
+"3588","CUL2",5.641751376,5.641751223,5.641751157,5.641751123,5.641751144,5.641751189,5.641751176,5.64175116,5.641751179,5.641751202,5.641751201,5.641751034,5.641751194,5.641751436,5.641751218,5.641751233,5.641751064,5.641751038,5.6417513,5.641751122,5.641751241,5.641751192,5.641751235,5.641751223,5.641751156,5.641751188,5.64175125,5.641751316
+"3589","CUL3",7.818092242,7.818092283,7.818091713,7.818092042,7.818091355,7.818090903,7.818091739,7.818091183,7.81809191,7.818091235,7.818091575,7.818090609,7.818091833,7.818093404,7.818092091,7.818092226,7.818091571,7.818091805,7.818092396,7.818090998,7.818091869,7.818091425,7.818092037,7.818091832,7.818091859,7.818091104,7.818091508,7.818092641
+"3590","CUL4A",7.41464367,7.41464363,7.4146436,7.414643594,7.414643638,7.414643646,7.414643647,7.414643608,7.414643611,7.414643672,7.414643607,7.414643598,7.414643649,7.414643672,7.414643608,7.414643585,7.41464356,7.414643574,7.414643624,7.414643617,7.414643607,7.414643612,7.414643647,7.414643646,7.414643589,7.414643635,7.414643671,7.414643651
+"3591","CUL4B",6.530131832,6.53013161,6.530131528,6.530131879,6.530131223,6.530131188,6.530131511,6.530131288,6.530131389,6.530131356,6.530131411,6.530131107,6.530131524,6.530132141,6.530131457,6.530131468,6.530131344,6.530131706,6.530131662,6.530131184,6.530131536,6.530131252,6.530131563,6.530131624,6.53013153,6.530131334,6.530131367,6.53013177
+"3592","CUL5",5.780701524,5.780700794,5.780700812,5.780699878,5.78070008,5.780699839,5.780700593,5.780699954,5.780701083,5.7807003,5.780699955,5.780699654,5.780701203,5.780702596,5.78070056,5.780700148,5.780699816,5.780699596,5.780700859,5.780699573,5.780699808,5.780700247,5.780701328,5.780700715,5.780700734,5.780700497,5.78070093,5.780701689
+"3593","CUL7",5.806181789,5.806181775,5.806181771,5.806181785,5.80618178,5.806181783,5.806181784,5.806181797,5.806181792,5.806181778,5.80618178,5.806181813,5.806181773,5.80618177,5.806181786,5.806181803,5.806181815,5.806181792,5.806181769,5.80618176,5.806181786,5.80618179,5.806181769,5.806181779,5.806181767,5.806181798,5.806181781,5.806181785
+"3594","CUL9",6.24374233,6.243742246,6.24374226,6.243742312,6.243742296,6.243742298,6.243742335,6.243742233,6.24374234,6.243742267,6.243742291,6.243742307,6.243742375,6.243742307,6.243742257,6.243742241,6.243742133,6.243742231,6.243742237,6.243742286,6.24374229,6.243742298,6.243742268,6.243742299,6.243742249,6.243742307,6.243742354,6.243742236
+"3595","CUTA",7.641723025,7.641723274,7.641722362,7.64172131,7.641722581,7.641722773,7.641722632,7.641722589,7.641723493,7.641723266,7.641721456,7.64172278,7.641723127,7.641723222,7.641722191,7.641722723,7.64172168,7.641721071,7.641722006,7.641722351,7.64172225,7.641722923,7.641723179,7.641722562,7.641721282,7.641722629,7.641723482,7.641722798
+"3596","CUTC",7.491841422,7.491841591,7.491841149,7.491841038,7.491841032,7.491840758,7.491841276,7.491840593,7.491841391,7.491841062,7.491840684,7.491840629,7.491841029,7.491841988,7.491841109,7.491841799,7.491840984,7.491840783,7.491841258,7.491840951,7.491841212,7.491840903,7.491841484,7.491841486,7.491841143,7.491841117,7.49184102,7.491841555
+"3597","CUX1",7.065720607,7.065720605,7.065720607,7.06572065,7.065720605,7.065720618,7.065720603,7.06572057,7.065720586,7.065720589,7.065720587,7.065720554,7.065720609,7.065720601,7.065720609,7.065720593,7.065720589,7.065720628,7.065720599,7.065720617,7.065720611,7.065720572,7.065720604,7.065720613,7.065720629,7.0657206,7.065720613,7.065720576
+"3598","CUX2",5.229293273,5.229293207,5.22929335,5.229293329,5.229293448,5.229293305,5.229293353,5.229293466,5.229293344,5.229293312,5.229293347,5.229293473,5.229293281,5.229293244,5.229293388,5.229293343,5.229293431,5.229293357,5.229293359,5.22929344,5.229293408,5.229293304,5.22929334,5.229293337,5.229293357,5.229293414,5.229293254,5.229293306
+"3599","CWC15",4.049712798,4.049712781,4.049712767,4.04971275,4.049712736,4.049712756,4.049712753,4.049712781,4.049712759,4.049712764,4.049712753,4.049712728,4.049712765,4.049712813,4.04971276,4.049712752,4.04971275,4.049712725,4.049712771,4.049712759,4.049712786,4.049712751,4.04971278,4.049712783,4.049712731,4.049712744,4.049712792,4.049712762
+"3600","CWC22",5.952587673,5.952587701,5.952587637,5.95258764,5.952587599,5.952587533,5.95258758,5.952587512,5.952587658,5.952587584,5.952587527,5.952587518,5.952587652,5.952587883,5.952587662,5.952587605,5.952587527,5.952587555,5.952587731,5.952587302,5.952587571,5.952587577,5.952587668,5.952587621,5.952587597,5.952587529,5.952587619,5.952587742
+"3601","CWC25",6.920686458,6.920686528,6.920686467,6.920686577,6.920686455,6.920686546,6.920686504,6.920686473,6.920686457,6.920686518,6.920686491,6.920686463,6.920686505,6.920686552,6.920686488,6.920686541,6.920686472,6.920686517,6.920686493,6.920686477,6.920686503,6.92068647,6.920686494,6.92068653,6.920686545,6.920686485,6.920686504,6.920686486
+"3602","CWC27",5.296319343,5.296319267,5.296319246,5.296319045,5.296319133,5.296319123,5.296319218,5.296319044,5.296319372,5.296319316,5.296319041,5.296318987,5.29631921,5.29631968,5.296319216,5.296319244,5.296319103,5.296319006,5.296319306,5.296319029,5.296319148,5.296319159,5.296319376,5.296319228,5.296319099,5.29631913,5.29631923,5.296319495
+"3603","CWF19L1",6.656531093,6.6565314,6.656530945,6.656530384,6.656530348,6.65653053,6.656531038,6.656530533,6.65653113,6.656530701,6.656530242,6.656529941,6.656530842,6.656531722,6.656530665,6.656531228,6.656530239,6.656530171,6.656530809,6.656531323,6.656530702,6.656530566,6.656531002,6.656530998,6.656530598,6.656530576,6.656530712,6.656531352
+"3604","CWF19L2",5.374793286,5.37479335,5.374793261,5.37479309,5.374793082,5.374792993,5.374792947,5.374793044,5.374793328,5.374793193,5.374793091,5.37479298,5.374793243,5.374793655,5.374793295,5.374793237,5.374793061,5.374792971,5.37479325,5.374792913,5.374793038,5.374793221,5.374793361,5.374793195,5.374793182,5.374793221,5.374793235,5.374793482
+"3605","CWH43",3.793352069,3.793352068,3.793352081,3.793352092,3.793352073,3.793352052,3.793352082,3.793352086,3.793352091,3.793352071,3.793352078,3.793352083,3.793352066,3.793352087,3.793352087,3.793352063,3.793352094,3.793352081,3.793352075,3.793352081,3.793352059,3.793352086,3.793352078,3.793352068,3.793352083,3.793352061,3.79335207,3.793352092
+"3606","CX3CL1",5.433953801,5.433953732,5.433953961,5.433953899,5.433954076,5.433953929,5.433953925,5.433953915,5.43395385,5.433954024,5.433953857,5.43395404,5.433953833,5.433953717,5.433953984,5.433953914,5.433954092,5.433953956,5.433953959,5.433953975,5.433954012,5.433953968,5.433953722,5.433953829,5.433953844,5.433954074,5.433953833,5.433953886
+"3607","CX3CR1",8.329224595,8.309365046,8.200422714,7.542406964,7.958468754,8.388196012,8.153000739,8.186472581,7.84033008,8.294817094,8.037363875,7.736471887,8.188472728,8.257867897,8.30437411,8.157239138,7.984940662,7.733064548,8.011687217,8.289652765,8.156449499,8.289667495,8.190518109,8.290949771,8.122162766,8.115327823,8.196721561,8.036947625
+"3608","CXADR",4.721629469,4.721629443,4.721629457,4.721629516,4.721629442,4.721629405,4.721629428,4.721629426,4.72162943,4.721629389,4.721629464,4.721629471,4.721629419,4.721629411,4.721629477,4.721629538,4.72162947,4.72162947,4.721629444,4.721629421,4.721629452,4.72162947,4.721629416,4.721629446,4.721629431,4.721629451,4.721629445,4.72162938
+"3609","CXCL1",6.941955225,6.941955267,6.941955205,6.941955328,6.941955227,6.941955224,6.941955276,6.941955259,6.941955263,6.941955099,6.941955243,6.941955189,6.941955189,6.941955128,6.941955273,6.941955334,6.941955307,6.941955317,6.941955298,6.941955295,6.941955286,6.941955273,6.941955201,6.941955163,6.941955229,6.941955224,6.941955235,6.941955145
+"3610","CXCL10",3.29231611,3.292315896,3.292316288,3.292316267,3.292316336,3.292317997,3.292316121,3.292316449,3.292316235,3.292316103,3.292316445,3.292316164,3.292316254,3.292316586,3.292316056,3.292316304,3.292316725,3.292315975,3.292316143,3.29231787,3.292316127,3.29231664,3.292316137,3.292315799,3.292316458,3.292316061,3.29231619,3.292316208
+"3611","CXCL11",3.332499046,3.332499137,3.332499108,3.332499209,3.332499123,3.332499107,3.332499205,3.332499107,3.332499139,3.332499166,3.332499226,3.332499101,3.332499086,3.332499072,3.332499112,3.332499098,3.33249905,3.332499247,3.332499248,3.332499191,3.332499081,3.332499268,3.332499191,3.332499008,3.332499253,3.332499101,3.332499202,3.332499081
+"3612","CXCL12",4.448178385,4.448178388,4.448178465,4.448178419,4.448178524,4.448178418,4.448178489,4.448178459,4.448178455,4.44817842,4.448178496,4.448178528,4.448178418,4.448178325,4.448178486,4.448178415,4.448178528,4.448178454,4.448178449,4.448178431,4.44817848,4.448178487,4.448178374,4.448178355,4.44817841,4.448178472,4.448178433,4.448178427
+"3613","CXCL13",3.27693215,3.276932601,3.276932312,3.276932729,3.276932255,3.276932632,3.27693235,3.276932398,3.276932556,3.276932455,3.276932438,3.276932624,3.276932247,3.276932386,3.276932478,3.276932371,3.276932219,3.276932337,3.276932469,3.276932358,3.276932157,3.276932448,3.276932286,3.276932507,3.276932421,3.276932166,3.27693233,3.276932431
+"3614","CXCL14",5.301381015,5.30138098,5.301381164,5.301380832,5.301381881,5.301381614,5.30138136,5.301381369,5.301381523,5.301381449,5.301381715,5.301381919,5.301381049,5.301380654,5.301381704,5.301380841,5.301381626,5.301381195,5.301381571,5.301381645,5.301381647,5.301381468,5.30138122,5.301380917,5.30138126,5.301381727,5.301381389,5.301381314
+"3615","CXCL16",6.735886144,6.735886613,6.735886111,6.735886987,6.735885717,6.735886906,6.735886189,6.735886107,6.735886004,6.735885854,6.735885948,6.73588502,6.735886183,6.735885495,6.735885794,6.735886394,6.735886031,6.735886387,6.735885831,6.735886773,6.735885798,6.735885825,6.735886731,6.735886499,6.735886246,6.735885709,6.735886131,6.735885087
+"3616","CXCL17",4.544377848,4.544377811,4.544378364,4.54437807,4.544378324,4.544377795,4.544378036,4.544378038,4.544378073,4.544378127,4.54437798,4.544378114,4.544378134,4.544377919,4.5443783,4.544378353,4.544378133,4.544378206,4.544377958,4.54437806,4.544378227,4.544378138,4.54437776,4.544377879,4.544378272,4.544378107,4.544377963,4.544378107
+"3617","CXCL2",4.191257137,4.191257309,4.191257223,4.191257226,4.191257172,4.191257247,4.191257267,4.191257244,4.191257112,4.191257185,4.191257247,4.191257179,4.191257105,4.191257097,4.191257167,4.191257153,4.191257271,4.191257237,4.191257186,4.191257197,4.191257213,4.191257206,4.191257188,4.191257104,4.191257163,4.191257165,4.191257115,4.191257189
+"3618","CXCL3",5.460647051,5.460647059,5.460647272,5.460647116,5.460647287,5.460647429,5.460647315,5.460647167,5.460647281,5.460647448,5.460647517,5.460647358,5.460647244,5.46064692,5.460647195,5.46064697,5.460647297,5.460647191,5.460647248,5.460647234,5.460647065,5.460647235,5.460647219,5.460647103,5.460647207,5.460647044,5.460647391,5.46064711
+"3619","CXCL5",6.290523798,6.290524793,6.290524171,6.290524844,6.290524684,6.290524706,6.290524066,6.29052425,6.290523628,6.290524421,6.290525023,6.290524607,6.290524824,6.290523948,6.290523772,6.290524833,6.29052404,6.290524907,6.290524753,6.290524145,6.290524072,6.290523641,6.290523702,6.290524547,6.290525017,6.290524579,6.290525058,6.290524616
+"3620","CXCL6",4.369723564,4.3697235,4.369723624,4.369723617,4.369723604,4.369723554,4.369723623,4.369723678,4.369723625,4.369723647,4.369723679,4.369723637,4.369723555,4.369723442,4.369723613,4.369723593,4.369723664,4.369723656,4.369723573,4.369723466,4.369723522,4.369723602,4.369723525,4.369723542,4.369723629,4.369723551,4.369723575,4.369723596
+"3621","CXCL8",5.108114156,5.108113589,5.108113814,5.1081139,5.108113543,5.108113228,5.108113919,5.108113812,5.108113279,5.108113441,5.108113457,5.108114036,5.108113513,5.108114367,5.108114357,5.108114181,5.108113896,5.108114054,5.108114029,5.10811407,5.108113938,5.10811382,5.108113471,5.108113704,5.108113747,5.108113751,5.108113559,5.108114308
+"3622","CXCL9",3.375891794,3.375891798,3.375891796,3.375891815,3.375891798,3.375891818,3.375891819,3.375891816,3.375891811,3.375891778,3.375891841,3.375891812,3.375891797,3.375891793,3.375891805,3.37589183,3.3758918,3.37589179,3.375891812,3.375891788,3.375891787,3.375891796,3.375891786,3.37589179,3.375891815,3.375891805,3.37589182,3.375891785
+"3623","CXCR1",10.23104303,10.5544065,10.14209301,10.73484212,9.825493627,10.28595144,10.20248177,10.04901078,9.94886257,9.884175697,10.0648996,9.475754176,10.10101931,10.11676917,10.24955252,10.47088042,10.25666767,10.58984586,10.29295993,10.48664049,10.16938387,10.13285853,10.25078341,10.33583665,10.14028016,9.802857176,9.954155324,9.889405344
+"3624","CXCR2",9.822576833,9.822659843,9.822544847,9.822838683,9.822360947,9.822577026,9.822560748,9.822488668,9.822355179,9.822349801,9.822580375,9.822145857,9.822550399,9.822456034,9.82252258,9.822587339,9.822580141,9.82275797,9.822565891,9.822557431,9.82259284,9.822475313,9.822545856,9.822573555,9.822601108,9.822377652,9.82249833,9.822417152
+"3625","CXCR3",6.714188393,6.714188314,6.71418831,6.714188338,6.714188422,6.714188321,6.714188514,6.714188399,6.714188462,6.714188338,6.714188333,6.714188455,6.714188408,6.714188398,6.714188417,6.714188299,6.714188386,6.714188287,6.714188385,6.714188316,6.714188516,6.714188467,6.714188481,6.714188354,6.714188351,6.714188389,6.714188402,6.714188434
+"3626","CXCR4",9.26050487,9.260504506,9.260503181,9.260504136,9.260503019,9.260503587,9.260503225,9.260502498,9.260504205,9.260503414,9.260503025,9.260502689,9.260503268,9.260504567,9.26050295,9.260503823,9.260502824,9.260502931,9.260503268,9.260504136,9.260503001,9.260502658,9.26050403,9.260504028,9.260502671,9.260503091,9.260503263,9.260503578
+"3627","CXCR5",5.869913905,5.869913257,5.869912676,5.869913237,5.869913239,5.869913453,5.869913401,5.86991288,5.869913183,5.869913887,5.869912902,5.869913438,5.869913523,5.869913823,5.869913895,5.869913201,5.869912662,5.869913485,5.869913486,5.869913374,5.869913079,5.869913026,5.869913122,5.869913749,5.869912765,5.869913321,5.869913466,5.869914002
+"3628","CXCR6",4.725823649,4.725823217,4.725823456,4.725823426,4.725823337,4.725823302,4.725823756,4.725823765,4.725823552,4.725823244,4.72582329,4.725823361,4.72582353,4.725823341,4.725823663,4.725823271,4.72582348,4.725823384,4.725823171,4.725823045,4.725823622,4.72582379,4.725823554,4.725823443,4.725823152,4.725823486,4.72582346,4.725823368
+"3629","CXorf38",6.834019976,6.834019964,6.834019806,6.83402002,6.834019681,6.834019914,6.834019908,6.834019698,6.834019747,6.834019716,6.834019796,6.83401944,6.834019956,6.834020001,6.834019753,6.834019927,6.83401961,6.83401984,6.834019912,6.834019885,6.834019929,6.834019656,6.834019907,6.834020032,6.834019887,6.834019685,6.834019769,6.834019939
+"3630","CXorf58",2.783741751,2.78374186,2.783741845,2.783741827,2.783741865,2.783741698,2.783741784,2.783741769,2.783741849,2.783741914,2.78374192,2.783741791,2.783741846,2.783741858,2.783741755,2.783741885,2.783741868,2.783741858,2.783741678,2.78374177,2.783741834,2.783741976,2.783741894,2.783741794,2.783741881,2.783741938,2.783741718,2.783741796
+"3631","CXorf65",6.229531819,6.229531845,6.229531567,6.229531643,6.229531422,6.229531956,6.229531669,6.229531626,6.229532051,6.229531661,6.229531397,6.229531707,6.229531729,6.229531963,6.229531528,6.229531903,6.229531243,6.229531631,6.229531498,6.229531853,6.229531678,6.229531848,6.229531828,6.229531735,6.22953158,6.229531762,6.229531694,6.229531698
+"3632","CXorf66",2.978973092,2.978972956,2.978972984,2.978973171,2.9789731,2.9789731,2.978973089,2.978973097,2.978973028,2.978973098,2.978973213,2.978973141,2.978973054,2.978973059,2.978973114,2.978973123,2.978973092,2.978973105,2.978973104,2.978973132,2.978973123,2.978973096,2.978973041,2.978973123,2.978973064,2.978973037,2.978973097,2.978973091
+"3633","CXXC1",6.199054342,6.199054426,6.199054349,6.199054398,6.199054281,6.199054449,6.199054374,6.199054357,6.199054431,6.199054448,6.19905435,6.199054386,6.199054402,6.19905449,6.199054386,6.199054265,6.199054271,6.199054284,6.19905416,6.199054414,6.199054209,6.199054257,6.1990544,6.199054422,6.199054264,6.199054334,6.199054397,6.199054393
+"3634","CXXC1P1",4.205617583,4.20561759,4.205617625,4.205617588,4.205617644,4.205617616,4.205617618,4.20561762,4.205617601,4.205617588,4.205617607,4.205617625,4.205617587,4.205617578,4.20561763,4.205617592,4.205617644,4.205617645,4.205617591,4.205617575,4.205617621,4.205617619,4.205617588,4.205617585,4.20561759,4.205617609,4.205617544,4.205617642
+"3635","CXXC4",4.801300876,4.801300859,4.80130088,4.801300862,4.801300917,4.801300885,4.801300882,4.801300903,4.801300901,4.801300898,4.801300884,4.801300926,4.801300879,4.801300831,4.8013009,4.80130089,4.801300909,4.801300892,4.801300892,4.801300875,4.801300881,4.801300892,4.801300869,4.801300882,4.801300871,4.801300898,4.801300858,4.80130088
+"3636","CXXC5",7.38045856,7.380458534,7.380458525,7.380458493,7.380458527,7.380458514,7.380458533,7.38045844,7.380458515,7.380458548,7.380458491,7.380458483,7.380458515,7.380458531,7.380458543,7.380458527,7.380458484,7.380458478,7.380458507,7.380458491,7.380458526,7.380458456,7.380458482,7.380458515,7.380458482,7.380458519,7.380458535,7.380458543
+"3637","CYB561",5.520051529,5.520051512,5.520051375,5.52005154,5.520051501,5.520051712,5.520051456,5.520051851,5.520051562,5.52005149,5.520051492,5.520051497,5.520051627,5.5200514,5.520051554,5.520051593,5.52005155,5.52005154,5.520051606,5.520051821,5.520051537,5.520051775,5.520051655,5.520051696,5.520051343,5.520051465,5.520051469,5.520051469
+"3638","CYB561A3",7.341509133,7.341509141,7.341508989,7.341508823,7.341508986,7.341509092,7.341508968,7.341508687,7.341508998,7.341509041,7.341508698,7.341508893,7.341508957,7.341509487,7.341508914,7.341508922,7.341508755,7.341508813,7.341508969,7.341509096,7.341508846,7.341508704,7.34150878,7.34150919,7.341508418,7.341508975,7.341509019,7.341509272
+"3639","CYB561D1",7.3305466,7.330546636,7.330546575,7.33054659,7.330546564,7.33054663,7.330546597,7.330546609,7.33054662,7.330546606,7.330546594,7.330546617,7.330546619,7.330546603,7.330546601,7.330546637,7.330546622,7.330546626,7.330546617,7.330546606,7.330546574,7.330546617,7.330546621,7.330546654,7.330546595,7.330546587,7.330546638,7.3305466
+"3640","CYB561D2",6.397997767,6.397997725,6.397997732,6.397997719,6.39799772,6.397997772,6.397997721,6.397997726,6.397997719,6.397997757,6.397997741,6.397997709,6.397997743,6.397997733,6.397997744,6.397997701,6.397997717,6.397997675,6.397997755,6.397997695,6.397997697,6.397997756,6.397997743,6.397997732,6.397997698,6.397997706,6.397997765,6.397997726
+"3641","CYB5A",6.186064216,6.186064064,6.186063773,6.186063804,6.186063953,6.186064083,6.186063984,6.186064307,6.186064103,6.186064165,6.186064192,6.186064094,6.18606423,6.18606413,6.186064162,6.186064008,6.186063519,6.186063964,6.186064096,6.186063856,6.186064031,6.186064274,6.1860641,6.18606411,6.186063948,6.186064228,6.186064128,6.186063908
+"3642","CYB5B",7.468878503,7.468878218,7.468877933,7.468877613,7.46887798,7.468878147,7.468878285,7.46887789,7.468878216,7.46887807,7.46887766,7.468877591,7.4688782,7.468878697,7.468878114,7.468878022,7.468877648,7.468877466,7.468878134,7.468877757,7.468878036,7.468877928,7.468878202,7.46887817,7.468877663,7.46887791,7.46887829,7.468878313
+"3643","CYB5D1",4.876495992,4.876496189,4.876495651,4.876495745,4.876496009,4.876496025,4.876495902,4.87649583,4.876496263,4.876496079,4.876495401,4.876495782,4.876496129,4.876496489,4.876496029,4.876496095,4.876495983,4.876495896,4.876496016,4.876495944,4.876495946,4.876496089,4.876496116,4.87649613,4.876495535,4.876495693,4.876495928,4.876496123
+"3644","CYB5D2",5.823324457,5.823324548,5.82332461,5.823324577,5.823324637,5.823324583,5.823324571,5.823324584,5.823324606,5.823324619,5.823324597,5.823324639,5.823324558,5.823324553,5.82332461,5.823324591,5.823324613,5.823324587,5.823324579,5.823324524,5.823324622,5.823324595,5.8233246,5.823324557,5.823324517,5.823324584,5.823324554,5.823324559
+"3645","CYB5R1",7.015251436,7.015251415,7.015251429,7.015251557,7.015251442,7.015251381,7.015251404,7.015251464,7.015251455,7.015251494,7.01525141,7.015251385,7.01525139,7.015251452,7.015251411,7.015251338,7.015251419,7.015251457,7.015251436,7.015251343,7.01525136,7.015251426,7.015251463,7.015251571,7.01525146,7.015251443,7.015251412,7.015251408
+"3646","CYB5R2",4.220700273,4.220700553,4.220700688,4.220700788,4.220700965,4.22070067,4.220700619,4.22070073,4.220700764,4.220700848,4.220700968,4.220700968,4.220700435,4.220700367,4.220700922,4.220700601,4.220701091,4.220700606,4.220700911,4.220700654,4.220701066,4.220700827,4.220700804,4.22070057,4.220700649,4.220700821,4.220700564,4.220700922
+"3647","CYB5R3",7.973840494,7.973840733,7.973840852,7.973840808,7.973840747,7.973841072,7.973840793,7.97384098,7.973840829,7.973841009,7.973840807,7.973840916,7.973840587,7.973840462,7.973840637,7.973840519,7.97384088,7.9738408,7.973840627,7.973840883,7.973840546,7.973840884,7.973840804,7.973841126,7.973840747,7.97384092,7.973840766,7.97384042
+"3648","CYB5R4",7.492250221,7.492250665,7.492249021,7.492250546,7.492247916,7.492249061,7.492248964,7.492248056,7.492248254,7.492247932,7.492249129,7.492246536,7.492249337,7.492250743,7.492249387,7.492250579,7.492248818,7.492250058,7.492249996,7.492249682,7.492249343,7.492248725,7.492249791,7.49224981,7.492249897,7.49224832,7.492249168,7.492249422
+"3649","CYB5RL",5.214340864,5.214340811,5.21434082,5.214340832,5.214340849,5.214340818,5.214340864,5.214340884,5.214340854,5.214340835,5.214340863,5.214340878,5.214340853,5.214340821,5.214340867,5.214340836,5.214340855,5.214340834,5.214340823,5.214340862,5.214340854,5.214340861,5.214340837,5.214340801,5.214340845,5.214340841,5.214340853,5.214340826
+"3650","CYBA",8.708164183,8.708164346,8.708164165,8.708164304,8.708164225,8.708164438,8.708164219,8.708164123,8.70816419,8.708164167,8.708164332,8.708164034,8.708164295,8.708164152,8.708164155,8.708164349,8.708164206,8.70816419,8.708164208,8.708164308,8.70816421,8.708164182,8.708164192,8.70816409,8.708164226,8.708164105,8.708164276,8.708164045
+"3651","CYBB",10.67165582,10.65161767,10.39246348,10.27241502,10.53574492,11.10691097,10.53947526,10.14469117,10.26008368,10.67691332,10.30028799,10.06413124,10.52718097,10.94744146,10.5585391,10.32374997,10.35015434,9.915389396,10.46783855,11.25406459,10.58281897,10.2376953,10.2315409,10.54751478,10.23927944,10.13892054,10.49811266,10.51790122
+"3652","CYBC1",8.274615171,8.2746155,8.274614856,8.274615609,8.274614873,8.274615664,8.274615005,8.274615227,8.27461525,8.274615365,8.274615305,8.274614714,8.274615534,8.274615104,8.274614831,8.274615566,8.274614885,8.274615336,8.274615364,8.274615605,8.274615142,8.274615473,8.27461523,8.274615509,8.274615424,8.274615021,8.274615538,8.274614623
+"3653","CYBRD1",7.681390838,7.68374163,7.682418755,7.683855023,7.680942994,7.67930109,7.681168216,7.68226508,7.682242419,7.680683665,7.682877718,7.679995205,7.68259157,7.681534448,7.681397318,7.683368161,7.682302595,7.684009007,7.681027951,7.6784386,7.681410532,7.682262436,7.684028761,7.680947612,7.68345911,7.681435881,7.681910412,7.680506438
+"3654","CYC1",7.420500376,7.420500461,7.420500381,7.420500287,7.420500245,7.42050062,7.420500399,7.420500291,7.42050046,7.42050058,7.42050022,7.420500269,7.420500452,7.420500494,7.420500256,7.420500346,7.420500307,7.420500055,7.420500314,7.420500553,7.420500387,7.420500308,7.420500419,7.420500424,7.420500248,7.420500237,7.420500444,7.420500349
+"3655","CYCS",5.6793139,5.679313587,5.679313781,5.679313365,5.679313774,5.679313187,5.679313501,5.67931343,5.679313689,5.679313587,5.679313373,5.679313611,5.679313292,5.67931399,5.67931355,5.679313551,5.679313597,5.679313482,5.679313716,5.679313311,5.679313587,5.679313554,5.679313585,5.679313608,5.679313498,5.679313308,5.679313505,5.67931378
+"3656","CYFIP1",6.460552368,6.460552126,6.460552112,6.460552208,6.460552326,6.460552554,6.460552007,6.460551887,6.460551835,6.460552808,6.460552123,6.460551983,6.460552172,6.460552346,6.460552234,6.460551854,6.460551921,6.460551991,6.460552031,6.460552317,6.460551984,6.460552039,6.460551676,6.46055267,6.460551941,6.46055191,6.460552127,6.460551908
+"3657","CYFIP2",9.100040843,9.100040763,9.100039695,9.100040531,9.100040402,9.100040891,9.100040877,9.100040152,9.100041162,9.100041237,9.100040017,9.100040629,9.100040782,9.100041196,9.100040596,9.100040332,9.100039496,9.100040093,9.100040555,9.100040491,9.10004077,9.100040205,9.100041107,9.100040922,9.100040252,9.100040934,9.100040854,9.100040743
+"3658","CYGB",5.776494454,5.776494586,5.776494692,5.776494571,5.776494997,5.77649452,5.77649478,5.776494825,5.776494705,5.776494676,5.776494873,5.776495023,5.776494787,5.776494481,5.776494822,5.776494762,5.776495029,5.776494795,5.776494766,5.776494722,5.776494959,5.776494959,5.776494635,5.77649466,5.776494668,5.776494762,5.776494566,5.776494794
+"3659","CYLC1",3.117245149,3.117245134,3.117245147,3.117245167,3.117245144,3.117245144,3.117245157,3.117245149,3.11724517,3.117245175,3.117245163,3.117245184,3.117245133,3.117245139,3.117245178,3.117245166,3.117245205,3.117245141,3.11724516,3.117245135,3.11724514,3.117245168,3.117245163,3.117245132,3.117245181,3.117245157,3.117245169,3.117245184
+"3660","CYLC2",2.937522344,2.937522306,2.937522283,2.937522315,2.937522395,2.937522348,2.937522418,2.937522373,2.937522366,2.937522302,2.937522392,2.93752247,2.937522352,2.937522246,2.937522345,2.93752236,2.937522428,2.937522391,2.937522307,2.937522343,2.937522367,2.937522345,2.937522338,2.937522279,2.937522423,2.937522342,2.937522352,2.937522326
+"3661","CYLD",8.35576666,8.3557668,8.355765561,8.355766007,8.355765659,8.355765875,8.355766109,8.355765299,8.355766417,8.355766111,8.355765238,8.355765027,8.355766417,8.3557683,8.355766256,8.355766335,8.355764858,8.355765456,8.35576652,8.355766287,8.355766062,8.355765479,8.355767044,8.355766264,8.355765772,8.355765822,8.355766563,8.355767383
+"3662","CYP11A1",4.075820706,4.075820646,4.075820916,4.075820872,4.075820849,4.075820756,4.075820767,4.075820877,4.075820726,4.075820861,4.075820819,4.075820632,4.075820764,4.075820692,4.075820848,4.075820826,4.07582079,4.075820873,4.075820819,4.075820876,4.075820658,4.07582073,4.07582077,4.075820562,4.075820915,4.075820832,4.075820757,4.075820626
+"3663","CYP11B1",5.684668198,5.684668187,5.684668257,5.684668246,5.684668389,5.684668193,5.684668252,5.68466836,5.684668253,5.684668212,5.684668309,5.684668363,5.684668212,5.684668019,5.684668313,5.684668185,5.684668411,5.684668357,5.684668267,5.684668273,5.68466829,5.684668367,5.684668247,5.684668254,5.6846683,5.684668363,5.6846683,5.684668213
+"3664","CYP11B2",4.82242051,4.822420431,4.822420927,4.822420746,4.822421276,4.822420712,4.82242108,4.822420907,4.822420815,4.822420844,4.82242125,4.822421097,4.822420905,4.822420466,4.822421015,4.822420997,4.822420989,4.822421055,4.822420992,4.822420912,4.822421248,4.822421081,4.822420479,4.822420591,4.82242101,4.82242113,4.822420691,4.822421099
+"3665","CYP17A1",4.088722902,4.088723019,4.088723057,4.088722982,4.088723126,4.088723064,4.088722952,4.088723126,4.088723016,4.088723011,4.088723143,4.088723094,4.08872301,4.088722858,4.088723051,4.088723003,4.088723081,4.088723089,4.088723046,4.088723064,4.088723096,4.088723062,4.088722951,4.088722846,4.088723033,4.088723002,4.088722986,4.088722916
+"3666","CYP19A1",3.608437955,3.608437978,3.608437965,3.608437952,3.60843799,3.608437984,3.608437969,3.60843798,3.60843799,3.608437993,3.608437956,3.608437991,3.608437979,3.608437963,3.608437966,3.608437964,3.608437985,3.608437975,3.608437971,3.608438003,3.608437976,3.608437974,3.608437966,3.608437965,3.608437984,3.608437957,3.608437983,3.608437985
+"3667","CYP1A1",3.831881511,3.831881594,3.831881489,3.831881564,3.831881501,3.831881574,3.831881498,3.83188158,3.831881527,3.83188146,3.831881553,3.831881564,3.83188156,3.831881519,3.831881608,3.831881474,3.831881601,3.831881537,3.831881585,3.83188149,3.831881605,3.831881533,3.831881558,3.831881613,3.831881471,3.831881533,3.83188159,3.83188159
+"3668","CYP1A2",5.132680831,5.132680883,5.132680914,5.132680985,5.132681045,5.132680879,5.132680874,5.132680911,5.132680895,5.132680992,5.132681047,5.132681058,5.132680962,5.132680875,5.132680989,5.13268077,5.132681036,5.132680965,5.132680993,5.132680926,5.132680979,5.13268098,5.132680865,5.132680865,5.132681002,5.132680951,5.132680951,5.132680903
+"3669","CYP1B1",6.23885998,6.239047028,6.238650031,6.241839076,6.240145463,6.237294032,6.238708922,6.236163571,6.235377463,6.238149376,6.238648305,6.233480279,6.236592605,6.238210268,6.239374177,6.239063059,6.238360392,6.240480582,6.239409008,6.236908257,6.238499791,6.236039336,6.236121001,6.238597418,6.238412413,6.235257312,6.237926546,6.23652815
+"3670","CYP1B1-AS1",3.979170198,3.979170038,3.979170196,3.979170236,3.979170142,3.979169983,3.97917026,3.979170161,3.979170162,3.979170122,3.979170065,3.979170096,3.979170003,3.979170103,3.979170162,3.979170054,3.97917027,3.979170206,3.979170058,3.979170152,3.979170326,3.979170106,3.979170203,3.979170049,3.979170046,3.979169966,3.979170002,3.979170211
+"3671","CYP20A1",6.255158089,6.255157824,6.255157758,6.255157549,6.255157749,6.255157652,6.255157749,6.255157695,6.255157864,6.255157822,6.255157681,6.255157654,6.255157962,6.255158142,6.25515782,6.255157801,6.255157559,6.255157473,6.255157869,6.255157256,6.255157608,6.25515773,6.255157931,6.255157882,6.25515774,6.255157828,6.255158017,6.255157856
+"3672","CYP21A2",6.043129612,6.0431291045,6.0431311065,6.04313013,6.0431312065,6.0431303025,6.043130232,6.043130356,6.0431298585,6.0431305795,6.0431301315,6.043131284,6.043130261,6.043129278,6.043130572,6.043130302,6.0431312165,6.043131008,6.0431301425,6.043130341,6.043130801,6.0431312165,6.0431303155,6.043129667,6.0431300775,6.0431304815,6.0431299245,6.0431305555
+"3673","CYP24A1",3.63756297,3.637563029,3.63756304,3.637563005,3.637563129,3.637563128,3.637563072,3.637563071,3.637563043,3.637563,3.637562986,3.637563098,3.63756303,3.637563009,3.637563081,3.637562975,3.6375631,3.637563099,3.637563049,3.637563053,3.637562999,3.637563064,3.637562983,3.637562959,3.637563047,3.637563065,3.63756296,3.637563106
+"3674","CYP26A1",4.606314427,4.606314468,4.606314527,4.606314399,4.60631456,4.606314434,4.606314418,4.606314531,4.606314371,4.606314606,4.606314509,4.606314618,4.606314478,4.606314402,4.606314569,4.606314621,4.606314499,4.606314526,4.606314424,4.60631445,4.6063146,4.606314518,4.606314365,4.606314422,4.606314516,4.606314532,4.60631437,4.606314503
+"3675","CYP26B1",4.766882616,4.766882598,4.766882615,4.766882623,4.766882635,4.766882627,4.766882622,4.766882625,4.766882636,4.766882629,4.766882654,4.766882642,4.766882629,4.766882608,4.766882617,4.766882624,4.766882617,4.76688263,4.766882643,4.766882632,4.766882624,4.766882634,4.766882615,4.766882622,4.766882624,4.766882636,4.766882627,4.76688262
+"3676","CYP26C1",6.092935716,6.092935571,6.092935705,6.092935692,6.092935799,6.092935639,6.092935702,6.092935801,6.092935627,6.092935626,6.092935742,6.092935747,6.092935652,6.092935574,6.092935739,6.092935695,6.092935814,6.092935759,6.092935722,6.092935665,6.092935759,6.092935763,6.092935694,6.092935634,6.092935685,6.092935696,6.092935681,6.092935632
+"3677","CYP27A1",6.69887779,6.698874552,6.698877209,6.698877483,6.698876468,6.698877784,6.698871858,6.698876317,6.698876502,6.698876445,6.698878895,6.698873089,6.698873209,6.698874555,6.698878318,6.698874557,6.69887582,6.698876532,6.698878635,6.698876365,6.698870924,6.698876436,6.698876528,6.698877743,6.698878511,6.698873921,6.698874542,6.698873475
+"3678","CYP27B1",4.814495888,4.814495962,4.814496002,4.814495919,4.81449605,4.81449592,4.81449597,4.814495957,4.81449597,4.81449594,4.814496003,4.814496007,4.814495934,4.814495911,4.814496029,4.814495959,4.814496017,4.814495996,4.814495993,4.814495959,4.814496083,4.814495953,4.814495894,4.814495888,4.814495977,4.814495944,4.814495939,4.814495864
+"3679","CYP27C1",3.74539238,3.745392368,3.745392389,3.745392363,3.745392407,3.745392379,3.745392382,3.745392401,3.745392386,3.74539239,3.745392368,3.745392397,3.745392385,3.745392373,3.745392407,3.745392386,3.745392409,3.745392406,3.745392376,3.74539239,3.745392384,3.745392396,3.745392361,3.745392391,3.745392407,3.745392389,3.745392365,3.745392379
+"3680","CYP2B6",3.489576333,3.489576308,3.489576447,3.48957646,3.489576403,3.489576474,3.489576406,3.489576448,3.489576406,3.489576382,3.48957654,3.489576555,3.489576365,3.489576329,3.489576322,3.489576385,3.489576482,3.489576495,3.489576435,3.489576447,3.489576376,3.489576419,3.489576498,3.489576447,3.489576445,3.489576479,3.489576451,3.489576431
+"3681","CYP2B7P",3.246117893,3.24611793,3.246117895,3.246117879,3.246117933,3.246117921,3.246117915,3.24611788,3.246117908,3.246117924,3.246117897,3.246117889,3.246117886,3.246117898,3.246117912,3.24611794,3.246117918,3.246117912,3.246117911,3.246117903,3.246117894,3.246117889,3.246117906,3.246117914,3.246117902,3.246117901,3.246117873,3.246117865
+"3682","CYP2C18",3.45944708,3.459447011,3.45944713,3.459447137,3.459447135,3.459447093,3.459447066,3.4594471,3.459447109,3.459447133,3.459447061,3.459447196,3.459447076,3.45944711,3.459447059,3.459447069,3.459447107,3.459447113,3.459447071,3.45944718,3.459447059,3.459447091,3.459447223,3.459447111,3.459447143,3.459447085,3.459447078,3.45944713
+"3683","CYP2C19",3.835482131,3.835482129,3.835482163,3.835482164,3.835482141,3.835482153,3.835482136,3.835482206,3.835482093,3.835482168,3.835482148,3.835482214,3.835482083,3.83548212,3.835482204,3.835482182,3.835482232,3.835482207,3.835482034,3.835482131,3.835482196,3.835482124,3.835482205,3.835482108,3.835482036,3.835482074,3.835482133,3.835482125
+"3684","CYP2C8",2.958796105,2.958796134,2.958796117,2.958796111,2.958796093,2.958796154,2.958796119,2.958796108,2.958796154,2.958796143,2.958796132,2.958796105,2.958796131,2.958796116,2.958796117,2.958796114,2.958796127,2.958796089,2.958796088,2.958796099,2.958796113,2.958796108,2.958796119,2.958796115,2.958796121,2.95879613,2.958796142,2.958796141
+"3685","CYP2C9",3.62039304,3.620393147,3.620393261,3.620393416,3.620393305,3.620393038,3.620393029,3.620393198,3.620393091,3.620393062,3.620393357,3.620393528,3.620393083,3.620392884,3.620393122,3.620393056,3.620393187,3.62039309,3.620393226,3.620393203,3.620393204,3.620393189,3.620392934,3.620393087,3.620393116,3.620393331,3.620392928,3.620393397
+"3686","CYP2D6",6.690226477,6.690226467,6.690226516,6.690226509,6.690226591,6.690226522,6.690226581,6.690226594,6.690226521,6.690226518,6.690226571,6.690226576,6.690226533,6.690226375,6.690226579,6.690226531,6.690226588,6.690226573,6.690226578,6.690226477,6.690226593,6.690226575,6.690226466,6.690226447,6.690226538,6.690226541,6.690226519,6.690226497
+"3687","CYP2D7",6.247369484,6.247369279,6.247368951,6.247369501,6.247369495,6.247369068,6.247369364,6.247369449,6.247369255,6.247369381,6.247369164,6.247369558,6.247369515,6.247368928,6.247369659,6.247369386,6.247369059,6.247369588,6.247369073,6.247369524,6.247370022,6.247369477,6.247369064,6.247369352,6.247369407,6.247369631,6.247369257,6.247369006
+"3688","CYP2E1",4.990879188,4.990879146,4.990879239,4.990879186,4.990879459,4.99087907,4.990879327,4.990879396,4.990879254,4.990879091,4.990879332,4.990879454,4.990879195,4.99087902,4.990879366,4.990879211,4.990879461,4.990879185,4.9908793,4.990879165,4.990879402,4.990879381,4.990879058,4.990879097,4.99087923,4.990879401,4.990879154,4.990879241
+"3689","CYP2F1",4.603350881,4.603350754,4.603351267,4.603350787,4.603350849,4.60335102,4.603350777,4.603351132,4.603350583,4.603350907,4.603351439,4.603351563,4.60335096,4.603350755,4.603351168,4.603351026,4.603351659,4.603351512,4.603350968,4.603351392,4.603351008,4.603351384,4.60335058,4.60335043,4.603350979,4.603350379,4.603351027,4.603351392
+"3690","CYP2G1P",3.824743084,3.824743086,3.824743122,3.824743105,3.824743212,3.824743256,3.824743147,3.824743076,3.824743272,3.824743142,3.824743056,3.8247432,3.824743029,3.8247431,3.824743111,3.824743023,3.824743204,3.824743211,3.824743083,3.824743126,3.824743118,3.82474318,3.824743132,3.824743091,3.82474307,3.824743086,3.824743069,3.824743206
+"3691","CYP2J2",4.151920534,4.151920534,4.151920582,4.151920555,4.151920553,4.151920591,4.151920542,4.15192058,4.151920617,4.151920548,4.151920553,4.151920575,4.151920586,4.151920552,4.151920597,4.151920592,4.151920547,4.151920571,4.151920546,4.151920562,4.151920578,4.151920594,4.15192055,4.151920571,4.151920538,4.151920569,4.151920555,4.151920562
+"3692","CYP2R1",5.64128644,5.641285944,5.641285983,5.641285872,5.641285776,5.641285945,5.6412861,5.641286001,5.641286074,5.641286039,5.641285788,5.641286104,5.641286126,5.641286567,5.641286162,5.641286003,5.641286072,5.641285557,5.641286148,5.641285807,5.641285986,5.641286031,5.64128595,5.641285995,5.641285759,5.641286105,5.641286127,5.641286401
+"3693","CYP2S1",6.289829136,6.289829155,6.289829191,6.289829162,6.289829243,6.289829116,6.289829155,6.289829183,6.289829156,6.289829182,6.289829197,6.289829232,6.289829163,6.289829127,6.289829184,6.289829159,6.289829238,6.289829193,6.28982917,6.289829148,6.289829181,6.289829194,6.2898291,6.289829164,6.289829168,6.289829182,6.289829144,6.289829187
+"3694","CYP2U1",5.128995407,5.1289954,5.128995384,5.128995385,5.12899539,5.128995407,5.128995397,5.128995398,5.128995408,5.128995427,5.12899535,5.128995373,5.128995399,5.128995444,5.128995372,5.128995381,5.128995393,5.128995393,5.128995393,5.128995405,5.128995385,5.128995398,5.128995422,5.128995385,5.128995388,5.128995387,5.128995384,5.128995427
+"3695","CYP2W1",6.125113688,6.125113704,6.12511375,6.125113722,6.125113802,6.125113728,6.125113773,6.125113773,6.125113726,6.12511375,6.125113775,6.125113803,6.125113709,6.12511364,6.125113787,6.125113748,6.125113798,6.125113769,6.125113743,6.125113742,6.125113791,6.125113788,6.125113726,6.125113714,6.125113739,6.125113758,6.12511373,6.12511376
+"3696","CYP39A1",3.142520803,3.142520846,3.142520822,3.142520881,3.142520848,3.142520881,3.142520866,3.142520856,3.142520844,3.142520812,3.142520868,3.142520858,3.142520858,3.142520831,3.142520859,3.142520883,3.142520968,3.142520879,3.142520839,3.142520861,3.142520811,3.14252084,3.142520873,3.142520842,3.142520831,3.142520854,3.142520833,3.142520878
+"3697","CYP3A4",2.769743744,2.769743803,2.769743807,2.76974386,2.769743783,2.769743754,2.769743809,2.769743714,2.769743862,2.769743837,2.769743883,2.769744013,2.769743797,2.769743723,2.769743796,2.769743736,2.769743666,2.769743969,2.769743803,2.769743957,2.769743753,2.76974386,2.769743889,2.769743841,2.769743877,2.769743799,2.769743794,2.769743805
+"3698","CYP3A43",3.578214694,3.57821468,3.578214722,3.578214698,3.578214736,3.578214774,3.578214736,3.578214776,3.578214733,3.578214739,3.578214733,3.578214774,3.578214724,3.578214733,3.578214741,3.578214721,3.578214799,3.578214759,3.578214773,3.578214755,3.578214758,3.578214737,3.578214744,3.578214709,3.578214732,3.578214748,3.578214739,3.578214745
+"3699","CYP3A5",3.901433462,3.901433364,3.901433479,3.901433384,3.901433672,3.901433517,3.901433146,3.901433687,3.901433559,3.901433524,3.901433706,3.901433768,3.90143338,3.901433402,3.90143379,3.901433404,3.901433715,3.901433678,3.901433347,3.901433631,3.901433596,3.901433552,3.901433414,3.90143346,3.901433226,3.90143355,3.901433359,3.901433598
+"3700","CYP46A1",5.47807374,5.478073789,5.478073923,5.478073738,5.478074115,5.478073743,5.478073945,5.478073964,5.478073884,5.478073766,5.478073966,5.478074092,5.478073936,5.478073739,5.478073926,5.478073926,5.478074142,5.47807397,5.478073893,5.47807393,5.478074102,5.478074079,5.478073754,5.478073713,5.47807379,5.478073974,5.478073846,5.478073806
+"3701","CYP4A11",4.580615156,4.580615256,4.580615177,4.580615186,4.580615314,4.58061533,4.580615119,4.580615208,4.580615077,4.58061525,4.580615109,4.580615158,4.580615251,4.580615174,4.580615231,4.580615289,4.580615244,4.580615145,4.58061532,4.580615143,4.580615316,4.580615274,4.580615185,4.580615175,4.580615194,4.580615152,4.580615164,4.580615209
+"3702","CYP4A22",4.813397809,4.813397809,4.81339783,4.813397836,4.81339783,4.813397834,4.813397791,4.813397803,4.813397812,4.813397831,4.81339784,4.813397859,4.813397792,4.813397797,4.813397822,4.813397841,4.813397847,4.813397843,4.813397807,4.813397809,4.813397807,4.813397835,4.813397799,4.813397774,4.813397779,4.81339784,4.813397783,4.813397796
+"3703","CYP4B1",4.401268487,4.401268554,4.401268505,4.4012685,4.401268628,4.401268539,4.401268609,4.401268612,4.401268519,4.401268547,4.401268531,4.401268576,4.401268505,4.401268492,4.401268573,4.401268535,4.401268587,4.401268579,4.401268548,4.401268566,4.401268605,4.401268622,4.401268501,4.401268534,4.401268531,4.401268575,4.401268509,4.401268544
+"3704","CYP4F11",4.64051806,4.640518088,4.640518096,4.640518107,4.640518101,4.640518072,4.640518094,4.640518105,4.640518095,4.640518056,4.640518086,4.640518115,4.640518063,4.640518066,4.640518089,4.640518095,4.640518115,4.640518076,4.640518072,4.640518092,4.640518085,4.640518096,4.640518083,4.640518066,4.640518119,4.64051808,4.640518083,4.640518105
+"3705","CYP4F12",4.791897601,4.791898093,4.791897905,4.791898112,4.791897951,4.79189776,4.791898005,4.791897689,4.791897832,4.791897507,4.791898267,4.791897718,4.791897698,4.79189771,4.791897607,4.791898253,4.791897792,4.791898019,4.791898033,4.791897783,4.791898015,4.791898003,4.7918978,4.791897883,4.791898203,4.791898044,4.79189782,4.791897937
+"3706","CYP4F2",5.009055788,5.009056133,5.009056267,5.009056694,5.00905525,5.009055865,5.009055901,5.0090564,5.00905572,5.009055205,5.009055865,5.009055762,5.009055733,5.009055569,5.009055921,5.00905628,5.009055923,5.009056782,5.009055958,5.009056423,5.009056361,5.009055977,5.009056109,5.009056335,5.009056763,5.00905641,5.00905546,5.009055132
+"3707","CYP4F22",4.892982213,4.892982134,4.892982218,4.892982079,4.892982404,4.892982119,4.892982316,4.892982322,4.89298205,4.892982178,4.892982391,4.892982424,4.89298233,4.892982044,4.892982343,4.892982272,4.892982293,4.89298233,4.892982284,4.8929822,4.892982366,4.892982425,4.892982208,4.892982118,4.892982148,4.892982308,4.8929823,4.892982323
+"3708","CYP4F3",8.278005526,8.7577773,8.487092524,9.072863716,7.795295594,8.292829721,8.868818831,8.555653591,8.2743716,7.778625728,8.466644346,8.444444102,8.25478881,8.210884206,8.553529926,9.007192706,8.656761753,8.959075536,8.709152241,8.620925621,8.905888097,8.59032579,8.753435333,8.662172204,8.870536339,8.750240975,8.183200724,8.002552669
+"3709","CYP4F35P",3.586065666,3.586065233,3.586065797,3.586064685,3.586065073,3.586064693,3.586065575,3.586065701,3.58606587,3.586065964,3.586065565,3.586065119,3.586066016,3.586065747,3.58606575,3.586065402,3.58606535,3.586065397,3.586065647,3.586065886,3.586065709,3.586066189,3.586065747,3.586065829,3.586065135,3.586065966,3.586066224,3.586065242
+"3710","CYP4F8",3.841154825,3.841154887,3.841154876,3.841154852,3.841154937,3.841154846,3.841154979,3.841154952,3.841154902,3.84115484,3.841154916,3.841154987,3.841154967,3.841154854,3.84115504,3.841155137,3.841155033,3.841154987,3.841154934,3.841154953,3.841155005,3.841155047,3.841154903,3.841154894,3.841155122,3.841154956,3.841154848,3.841154818
+"3711","CYP4V2",6.715095401,6.715095192,6.71509466,6.71509426,6.71509517,6.715094279,6.715095012,6.715094363,6.715095569,6.715094856,6.715093385,6.715094037,6.715094579,6.715095747,6.715094935,6.715094758,6.715093898,6.715094009,6.715095466,6.715093919,6.715094941,6.715094632,6.715095682,6.715094428,6.715094228,6.715094537,6.715094379,6.715095223
+"3712","CYP4X1",3.766833224,3.766833222,3.766833218,3.766833228,3.766833232,3.766833214,3.766833217,3.766833246,3.766833229,3.766833233,3.76683323,3.766833236,3.766833224,3.766833216,3.766833223,3.766833232,3.766833244,3.766833239,3.766833216,3.766833213,3.766833215,3.766833235,3.766833233,3.766833225,3.766833234,3.766833218,3.766833232,3.766833222
+"3713","CYP4Z1",3.984892296,3.984892689,3.98489254,3.98489274,3.984892707,3.984892912,3.984892509,3.984892533,3.984892608,3.98489285,3.984892623,3.984892699,3.984892513,3.98489279,3.984892445,3.984892749,3.984892597,3.984892568,3.984892319,3.984892597,3.984892575,3.984892847,3.984892423,3.984892391,3.984892854,3.984892565,3.984892641,3.98489224
+"3714","CYP4Z2P",2.872644837,2.8726445,2.872644364,2.872643922,2.872645258,2.872644127,2.872644351,2.872644248,2.872644303,2.872645122,2.872644043,2.87264582,2.872644428,2.872644583,2.872643926,2.872644401,2.872645154,2.872644719,2.872644268,2.87264431,2.872644416,2.872644622,2.872645286,2.872644384,2.872644701,2.872644167,2.872643982,2.872644299
+"3715","CYP51A1",5.2329979265,5.232998427,5.2329968955,5.2329970255,5.232996114,5.2329973575,5.232997963,5.2329967785,5.2329973435,5.232998313,5.232998241,5.232996764,5.232995904,5.2329977305,5.232996707,5.2329979705,5.2329980085,5.2329976995,5.2329973265,5.232996721,5.2329977745,5.232997964,5.232998329,5.2329962435,5.232998618,5.232998078,5.232997589,5.2329985875
+"3716","CYP7A1",3.189794852,3.189794795,3.189794827,3.189794853,3.189794841,3.189794804,3.189794808,3.189794807,3.189794819,3.189794826,3.189794824,3.189794869,3.189794847,3.189794806,3.18979482,3.189794812,3.18979488,3.189794841,3.189794852,3.189794823,3.18979485,3.189794846,3.189794795,3.189794853,3.189794854,3.189794815,3.189794813,3.189794814
+"3717","CYP7B1",4.889600597,4.88960056,4.889600635,4.889600391,4.889600839,4.889600811,4.889600714,4.889600783,4.889600803,4.88960093,4.889600866,4.889600951,4.889600524,4.889600286,4.889600674,4.889600765,4.889600925,4.889600835,4.889600749,4.889600706,4.889600456,4.889600914,4.889600541,4.889600304,4.889600772,4.889600638,4.889600261,4.889600762
+"3718","CYP8B1",3.947884075,3.947884179,3.947884159,3.947884247,3.94788427,3.947884116,3.947884204,3.947884289,3.947884276,3.947884223,3.947884211,3.947884263,3.947884164,3.947884115,3.947884252,3.947884298,3.947884188,3.947884279,3.947884245,3.947884258,3.947884238,3.947884305,3.947884234,3.947884141,3.947884224,3.947884217,3.947884192,3.947884186
+"3719","CYREN",7.149186076,7.149186154,7.149185961,7.149186138,7.149185868,7.14918607,7.149185973,7.149185945,7.149185954,7.14918603,7.149186028,7.149185955,7.149186065,7.149186121,7.149185911,7.149186088,7.149185844,7.149185997,7.149186071,7.149185999,7.149185907,7.149185836,7.149186068,7.149186059,7.14918602,7.149185942,7.149186076,7.149185971
+"3720","CYRIA",8.788384869,8.788385321,8.788385002,8.788385304,8.788384589,8.788385078,8.788384931,8.788384535,8.788384165,8.788384694,8.788385296,8.788384257,8.78838508,8.788385084,8.788384853,8.78838502,8.788384857,8.78838494,8.788384807,8.788385131,8.788384898,8.78838453,8.788384447,8.78838504,8.788385085,8.788384538,8.788384868,8.788384594
+"3721","CYRIB",8.099184171,8.099184587,8.099183587,8.099184569,8.099182086,8.099183344,8.099183371,8.099182541,8.099182735,8.099182797,8.099183716,8.099180575,8.099183373,8.099184824,8.099183913,8.099185004,8.099182955,8.099184088,8.099183908,8.099184635,8.099184043,8.099182934,8.099183973,8.099183982,8.099184195,8.099182092,8.099183071,8.099183612
+"3722","CYS1",7.824062819,7.824062968,7.824062987,7.824062849,7.824062983,7.824062556,7.82406273,7.824063039,7.824062981,7.824062776,7.824063044,7.824062996,7.824062916,7.824062705,7.824062893,7.824063182,7.824063014,7.824062957,7.824062838,7.824062815,7.824062739,7.824063016,7.824062931,7.824062953,7.824063069,7.824062979,7.82406287,7.824063046
+"3723","CYSLTR1",6.567450919,6.567451021,6.567450613,6.567450734,6.56745091,6.567450688,6.567450748,6.567450441,6.567450459,6.567450785,6.567450758,6.567450257,6.567450743,6.567451485,6.56745049,6.567450759,6.56745047,6.567450658,6.567451225,6.567451049,6.567450792,6.56745071,6.567450818,6.567451008,6.567451058,6.567450622,6.567450606,6.567451349
+"3724","CYSLTR2",5.695371009,5.695374557,5.695371276,5.695370916,5.695374265,5.695371006,5.695372124,5.695370453,5.695372115,5.695371939,5.695373708,5.695370018,5.695372722,5.695374414,5.695368538,5.695373937,5.695369712,5.695368791,5.695373972,5.695370897,5.695371422,5.695370411,5.695371556,5.695372011,5.695373765,5.695371461,5.695372776,5.695372853
+"3725","CYSRT1",6.3108331305,6.3108331565,6.310833383,6.310833243,6.3108334335,6.310833337,6.310833265,6.310833437,6.310833352,6.310833332,6.31083337,6.31083343,6.31083326,6.3108329235,6.3108332835,6.310833327,6.310833533,6.310833453,6.310833252,6.3108333185,6.3108333925,6.3108335125,6.3108331805,6.3108332465,6.3108332535,6.310833234,6.310833127,6.3108332125
+"3726","CYSTM1",7.471517304,7.471517391,7.471517216,7.47151806,7.471517129,7.471517591,7.471517376,7.47151747,7.471517184,7.471517496,7.471517553,7.471517171,7.471517215,7.471516577,7.471517458,7.471517733,7.471517271,7.47151813,7.471517486,7.471517761,7.471517502,7.471517334,7.471517541,7.471517849,7.471517563,7.471517241,7.471517028,7.471516476
+"3727","CYTH1",9.261488645,9.26148889,9.261487651,9.261488234,9.2614876,9.261488404,9.261487892,9.261487709,9.26148839,9.261488238,9.261487659,9.261487275,9.26148854,9.261488964,9.261488,9.261488601,9.261486834,9.261488007,9.261487982,9.261488629,9.261487858,9.261487902,9.261488289,9.261488277,9.261487986,9.261488166,9.261488602,9.261488284
+"3728","CYTH2",7.180857282,7.180857494,7.1808573095,7.1808575165,7.1808571915,7.1808575805,7.1808572915,7.1808572875,7.180857406,7.180857342,7.1808574235,7.180857213,7.1808574475,7.1808573865,7.1808572605,7.180857453,7.1808572635,7.180857354,7.1808574305,7.180857564,7.1808571955,7.1808572485,7.180857353,7.1808573665,7.1808574935,7.180857301,7.180857461,7.1808572595
+"3729","CYTH3",6.182401719,6.182401726,6.182401713,6.182401718,6.182401722,6.182401688,6.182401719,6.182401729,6.182401708,6.182401719,6.182401706,6.182401718,6.182401715,6.182401698,6.182401731,6.182401729,6.182401694,6.182401717,6.182401721,6.182401688,6.182401711,6.182401729,6.182401698,6.182401725,6.182401728,6.182401698,6.182401726,6.182401704
+"3730","CYTH4",9.32276887,9.324197659,9.322478857,9.324964201,9.321192946,9.324417852,9.323388827,9.322905333,9.32310166,9.323690478,9.322966939,9.320593767,9.324032391,9.322810044,9.322545653,9.324079897,9.32191725,9.324347463,9.32310341,9.32483847,9.322598756,9.323523842,9.324048046,9.324098394,9.323830894,9.321282643,9.324021773,9.322145579
+"3731","CYTIP",9.795581966,9.795581159,9.795579966,9.795581286,9.795580103,9.795579389,9.795580806,9.795579812,9.795580688,9.795580108,9.795580356,9.795579559,9.79558078,9.795582176,9.79558064,9.795580262,9.795579312,9.795580496,9.795581203,9.795579586,9.795580757,9.795580236,9.795580993,9.795580329,9.795580433,9.795580389,9.795580602,9.795580953
+"3732","CYTL1",5.674509952,5.67450987,5.674510154,5.674510113,5.674510342,5.674510179,5.67451028,5.67451015,5.674510157,5.674510247,5.674510274,5.674510363,5.674510173,5.674509836,5.674510306,5.674509964,5.674510424,5.674510176,5.67451023,5.674510204,5.674510239,5.674510306,5.674510024,5.674509995,5.674510039,5.674510225,5.674510038,5.674510195
+"3733","CYYR1",4.381652165,4.381652415,4.381652539,4.381651886,4.381652445,4.38165207,4.381652451,4.381652285,4.381652349,4.381652056,4.381652281,4.38165233,4.381652346,4.381652204,4.381652521,4.381652367,4.38165245,4.381652226,4.381652486,4.381652427,4.381652502,4.381652595,4.381651838,4.381652225,4.381652413,4.381652323,4.381651962,4.381652346
+"3734","CZ1P-ASNS",9.485984164,9.485984441,9.485984776,9.485984365,9.485985004,9.485983385,9.485984447,9.485984871,9.485984487,9.485984521,9.485984681,9.485984779,9.485984618,9.485984291,9.485984714,9.485984905,9.485984801,9.485984597,9.485984256,9.485984225,9.485984763,9.485984659,9.485984422,9.485984732,9.485984839,9.485984734,9.485984344,9.48598474
+"3735","CZIB",7.677499764,7.677499585,7.677499375,7.677499224,7.677499384,7.677499551,7.677499437,7.677499425,7.677499659,7.677499763,7.677499234,7.67749931,7.677499714,7.677499857,7.677499481,7.677499373,7.677499411,7.677499146,7.677499564,7.677499286,7.677499402,7.677499628,7.677499657,7.677499696,7.677499252,7.67749949,7.677499652,7.677499733
+"3736","D2HGDH",6.617054995,6.617055068,6.617055028,6.617054992,6.617055142,6.61705501,6.617055196,6.617055129,6.6170551795,6.6170551165,6.617055085,6.6170553175,6.6170550895,6.6170548245,6.617055236,6.6170550325,6.617055361,6.6170551045,6.6170549305,6.6170551265,6.617055172,6.617055315,6.617054852,6.6170548095,6.6170549935,6.6170551095,6.617054991,6.61705492
+"3737","DAAM1",4.938418873,4.938418799,4.938418706,4.938418883,4.938418842,4.938418777,4.938418812,4.938418723,4.938418876,4.938418894,4.938418871,4.938418747,4.938418865,4.938418973,4.938418839,4.938418778,4.938418732,4.938418751,4.938418837,4.938418603,4.938418828,4.938418634,4.938418796,4.938418935,4.938418859,4.938418805,4.938418843,4.938418879
+"3738","DAAM2",4.286452396,4.286452404,4.28645246,4.286452466,4.286452461,4.28645242,4.286452422,4.286452442,4.286452421,4.286452417,4.286452446,4.286452457,4.286452412,4.286452385,4.28645244,4.286452413,4.286452484,4.286452462,4.286452429,4.286452428,4.286452438,4.286452437,4.286452422,4.286452424,4.286452475,4.286452466,4.286452395,4.286452422
+"3739","DAB1",4.614934843,4.614934758,4.61493472,4.614934757,4.614935026,4.614934971,4.614934866,4.614934791,4.614934802,4.614934867,4.614934831,4.614935186,4.614934888,4.614934586,4.614934905,4.614934722,4.614935048,4.614934767,4.614934874,4.614934959,4.614934851,4.614934937,4.614934682,4.614934587,4.614934755,4.614934926,4.614934714,4.614934814
+"3740","DAB2",6.027035719,6.027036738,6.027036057,6.027037379,6.027036335,6.027036314,6.027035195,6.02703534,6.027035403,6.027036873,6.027036747,6.027036814,6.027035841,6.027036059,6.027035719,6.027036465,6.027035636,6.027037578,6.027036343,6.027035846,6.027035275,6.027035306,6.02703597,6.027037037,6.027036643,6.027036581,6.027036126,6.027035959
+"3741","DAB2IP",5.41285219,5.412852159,5.412852278,5.412852202,5.412852323,5.412852179,5.412852252,5.412852284,5.412852261,5.412852255,5.412852285,5.412852296,5.412852226,5.412852193,5.412852291,5.412852256,5.41285232,5.41285227,5.412852258,5.412852266,5.412852321,5.41285226,5.412852224,5.412852225,5.412852244,5.412852297,5.412852208,5.412852268
+"3742","DACH1",4.672128557,4.672128918,4.67212872,4.672128988,4.672129013,4.672128763,4.672128875,4.672128705,4.67212875,4.672128808,4.672129189,4.672128782,4.672128877,4.672128874,4.672128662,4.672128887,4.672128613,4.672128837,4.672128903,4.672128707,4.672128825,4.67212849,4.672128733,4.672128997,4.672129154,4.672128736,4.672128785,4.672128691
+"3743","DACH2",4.396631344,4.396631283,4.396631852,4.396631487,4.396631649,4.396631568,4.396631596,4.3966318,4.396631631,4.396631737,4.396631652,4.396632033,4.396631626,4.396631461,4.396631807,4.396631581,4.396631639,4.396631667,4.396631431,4.396631552,4.396631646,4.396631696,4.39663166,4.396631487,4.39663138,4.396631804,4.396631733,4.396631635
+"3744","DACT1",5.479626592,5.479626634,5.479626578,5.479626579,5.479626616,5.479626579,5.479626559,5.479626591,5.479626614,5.479626606,5.479626591,5.479626557,5.479626607,5.47962661,5.479626579,5.479626608,5.479626574,5.479626589,5.479626608,5.479626572,5.479626584,5.479626584,5.479626615,5.479626589,5.47962659,5.479626552,5.479626607,5.479626626
+"3745","DACT2",5.213324946,5.213325081,5.213325115,5.213325038,5.21332514,5.213325085,5.21332515,5.213325173,5.213325059,5.213325099,5.213325094,5.213325134,5.213325086,5.213324991,5.213325183,5.213325148,5.213325256,5.213325197,5.213325171,5.213325173,5.213325192,5.213325198,5.213325075,5.213325046,5.213325135,5.213325146,5.213325097,5.213325203
+"3746","DACT3",6.250419721,6.250419739,6.250419946,6.250419584,6.250420169,6.250419733,6.250419802,6.250420004,6.250419814,6.250419986,6.250420123,6.250420112,6.250419898,6.250419405,6.250420069,6.250419807,6.250420124,6.25041991,6.250419995,6.250419947,6.250420037,6.25042001,6.25041968,6.25041984,6.250419842,6.250419977,6.250419732,6.250419802
+"3747","DAD1",9.990749171,9.990749736,9.990748681,9.990748149,9.990748335,9.990748506,9.990749519,9.99074783,9.990749372,9.99074918,9.990748046,9.990748241,9.990748883,9.99075024,9.990748443,9.990749168,9.990748277,9.990747423,9.990748881,9.990748267,9.990749565,9.990748256,9.990749267,9.990749155,9.990747962,9.990748515,9.990748907,9.990749053
+"3748","DAG1",5.729093285,5.729093434,5.729093377,5.729093391,5.729093286,5.729093411,5.729093387,5.729093314,5.729093335,5.729093353,5.729093236,5.72909334,5.72909322,5.729093281,5.729093259,5.729093391,5.729093418,5.729093261,5.729093411,5.729093251,5.72909327,5.729093317,5.729093374,5.729093351,5.729093317,5.729093274,5.729093404,5.729093201
+"3749","DAGLA",5.149059015,5.149059075,5.149059079,5.149059038,5.149059074,5.149059004,5.149059005,5.149059003,5.149058996,5.149059048,5.149059093,5.149059001,5.149059055,5.149059011,5.149059027,5.149058992,5.149059009,5.149059039,5.149059064,5.149059023,5.149059044,5.149059037,5.149059014,5.149059042,5.149058987,5.149059042,5.14905896,5.149059023
+"3750","DAGLB",7.224641142,7.224641416,7.224641153,7.224641197,7.224641094,7.224641172,7.224641204,7.224641087,7.22464125,7.224641263,7.224641129,7.224641021,7.224641258,7.224641203,7.224640886,7.224641447,7.224640856,7.224640967,7.224641212,7.224640645,7.224641058,7.224640949,7.224641144,7.224641318,7.224641079,7.224641018,7.224641228,7.22464099
+"3751","DALRD3",6.59541179,6.595411783,6.595411774,6.595411777,6.595411813,6.595411779,6.5954118,6.595411801,6.595411804,6.595411796,6.595411777,6.595411754,6.595411782,6.595411769,6.59541178,6.595411729,6.595411777,6.595411753,6.595411789,6.595411748,6.595411765,6.595411782,6.595411794,6.595411762,6.595411736,6.595411752,6.595411754,6.595411761
+"3752","DAND5",4.917882974,4.917883022,4.917883185,4.917883129,4.917883188,4.917883218,4.917883077,4.917883199,4.917883059,4.917883158,4.917883157,4.91788307,4.917882987,4.917883011,4.917883194,4.917883206,4.917883281,4.917883248,4.917883179,4.917883211,4.917883204,4.917883129,4.917883077,4.917883098,4.917883172,4.917883127,4.917883067,4.917883102
+"3753","DANT2",6.417257001,6.417257122,6.417257171,6.417257119,6.417257235,6.417257151,6.417257124,6.417257214,6.417257185,6.417257178,6.417257217,6.417257241,6.417257178,6.417257007,6.417257158,6.41725718,6.417257256,6.417257216,6.417257115,6.41725714,6.417257184,6.417257243,6.417257155,6.417257149,6.41725721,6.417257144,6.417257109,6.417257181
+"3754","DAO",3.652225516,3.652225497,3.652225581,3.65222558,3.652225541,3.652225531,3.652225578,3.652225608,3.652225544,3.652225497,3.652225486,3.652225555,3.652225541,3.652225438,3.652225551,3.652225532,3.652225567,3.652225561,3.652225541,3.652225523,3.652225549,3.652225507,3.652225511,3.652225469,3.652225515,3.652225567,3.652225521,3.652225578
+"3755","DAOA",3.247736962,3.247736979,3.247736964,3.247736978,3.24773707,3.247736981,3.247736907,3.247736965,3.247736954,3.247736948,3.24773702,3.247737166,3.247737048,3.247736854,3.24773693,3.247736876,3.247737049,3.247736941,3.247737072,3.247736912,3.24773699,3.247737077,3.247737032,3.247736886,3.247736967,3.247737062,3.247737028,3.247736911
+"3756","DAOA-AS1",3.583802085,3.583801825,3.583801852,3.583802166,3.583801981,3.583802006,3.583802106,3.583802045,3.583801952,3.583801951,3.58380184,3.583801969,3.583801945,3.583801922,3.583801852,3.583802046,3.583802453,3.58380201,3.583801882,3.583802048,3.583801934,3.583802031,3.583801836,3.583801763,3.583802138,3.583801981,3.583801877,3.583802069
+"3757","DAP",6.949188348,6.949188489,6.949188395,6.949188427,6.949188421,6.949188498,6.949188349,6.949188478,6.949188362,6.949188497,6.949188386,6.949188331,6.949188372,6.949188372,6.949188359,6.949188432,6.949188344,6.949188431,6.949188408,6.949188495,6.949188305,6.949188491,6.949188339,6.949188532,6.949188358,6.949188389,6.949188359,6.949188372
+"3758","DAP3",6.856781954,6.856781867,6.856781845,6.856781861,6.856781708,6.856781927,6.8567819,6.856781799,6.856781977,6.856781856,6.856781657,6.856781715,6.856781997,6.85678218,6.856781819,6.856781592,6.856781686,6.856781708,6.856781648,6.856781744,6.856781846,6.856781853,6.856781999,6.856781938,6.856781752,6.856781968,6.856782026,6.856781944
+"3759","DAPK1",7.314736517,7.314736851,7.314736661,7.314736867,7.314736471,7.314737089,7.314736798,7.314735886,7.314735779,7.314736425,7.314736557,7.314736364,7.31473708,7.31473655,7.314736363,7.314736676,7.314736473,7.314736153,7.314736636,7.314736749,7.314736845,7.314735871,7.314736193,7.31473685,7.314736535,7.314736743,7.314737063,7.314736163
+"3760","DAPK2",7.677418057,7.677420935,7.677419277,7.67742245,7.677419473,7.677418613,7.677419915,7.677419341,7.677418573,7.677418792,7.677420734,7.677419411,7.677419427,7.67741862,7.677418176,7.677422032,7.677420066,7.677421203,7.677421499,7.677418069,7.677419808,7.677419331,7.677420731,7.677420846,7.677421633,7.677419972,7.677418584,7.677419194
+"3761","DAPK3",6.740889533,6.740889567,6.740889564,6.740889562,6.740889559,6.740889555,6.740889556,6.740889562,6.740889566,6.740889554,6.740889559,6.740889552,6.74088955,6.740889536,6.740889551,6.740889561,6.740889558,6.740889574,6.740889556,6.740889556,6.740889532,6.740889569,6.740889549,6.740889555,6.740889563,6.740889548,6.740889553,6.740889545
+"3762","DAPL1",4.230679636,4.230679424,4.230679826,4.230679941,4.230679757,4.230679481,4.230679562,4.23067969,4.230679559,4.230679592,4.230679785,4.230679785,4.230679563,4.230679655,4.230679542,4.230679529,4.230679839,4.230679818,4.230679655,4.230679788,4.230679787,4.230679733,4.230679584,4.230679317,4.230679735,4.230679777,4.230679387,4.230679444
+"3763","DAPP1",7.480611811,7.480610954,7.480610088,7.480611853,7.480608686,7.480612562,7.480611413,7.480608538,7.480610246,7.480610692,7.480611444,7.480606804,7.480609409,7.480611803,7.480610666,7.48060999,7.480609835,7.480610716,7.480610477,7.480614049,7.480610904,7.48060912,7.480611231,7.480611246,7.480611354,7.480608132,7.480609665,7.480610774
+"3764","DARS1",7.127796226,7.127795727,7.127795319,7.127795298,7.127795508,7.127795402,7.127795628,7.127795157,7.127795773,7.127795597,7.127794924,7.127795054,7.127795623,7.127796619,7.127795626,7.127795294,7.127794855,7.127794983,7.127795527,7.127795261,7.127795544,7.127795472,7.127795755,7.127795477,7.127795295,7.127795346,7.127795578,7.12779613
+"3765","DARS2",6.08134078,6.081340735,6.081340703,6.081340674,6.081340665,6.081340759,6.081340774,6.081340652,6.081340757,6.081340723,6.081340665,6.081340691,6.081340698,6.081340813,6.081340711,6.081340712,6.081340698,6.081340648,6.081340763,6.081340709,6.081340733,6.081340703,6.08134079,6.081340775,6.081340672,6.081340722,6.081340742,6.081340721
+"3766","DAW1",3.300363197,3.30036328,3.300363281,3.300363439,3.300363333,3.300363328,3.300363445,3.30036336,3.30036338,3.300363477,3.300363157,3.300363571,3.300363365,3.300363198,3.300363423,3.300363303,3.300363326,3.300363404,3.300363396,3.30036327,3.300363354,3.300363509,3.300363213,3.300363291,3.300363275,3.300363164,3.300363259,3.300363396
+"3767","DAXX",5.3259216395,5.3259213005,5.3259209825,5.3259171665,5.3259212125,5.325918323,5.3259221705,5.3259232025,5.3259223935,5.3259172255,5.3259219835,5.3259230345,5.3259204735,5.3259235135,5.325920988,5.3259179215,5.325916383,5.325920827,5.325924125,5.3259186375,5.32592257,5.3259192905,5.3259217745,5.32592028,5.3259222495,5.3259225005,5.3259197385,5.325919332
+"3768","DAZAP1",6.937851544,6.937851541,6.937851545,6.937851456,6.937851485,6.937851573,6.937851512,6.937851516,6.937851569,6.937851524,6.937851542,6.937851519,6.937851571,6.937851536,6.937851502,6.937851521,6.937851451,6.937851486,6.937851479,6.937851551,6.937851519,6.937851493,6.937851559,6.937851544,6.937851519,6.937851527,6.937851551,6.937851523
+"3769","DAZAP2",10.5838823,10.58388212,10.58388183,10.58388239,10.58388176,10.58388238,10.5838821,10.58388197,10.58388181,10.58388202,10.58388175,10.58388141,10.58388201,10.5838821,10.58388198,10.58388165,10.58388176,10.583882,10.58388226,10.58388251,10.58388206,10.58388181,10.58388208,10.58388229,10.58388181,10.5838818,10.58388194,10.58388184
+"3770","DAZL",4.186934503,4.186934518,4.186934496,4.18693451,4.186934506,4.186934517,4.186934515,4.186934547,4.186934508,4.186934512,4.186934512,4.186934548,4.18693451,4.186934501,4.186934506,4.186934511,4.186934529,4.186934536,4.186934521,4.186934507,4.186934524,4.186934518,4.186934502,4.186934521,4.186934506,4.186934505,4.186934501,4.186934537
+"3771","DBF4",3.571209358,3.571209444,3.571209352,3.571209346,3.5712094,3.571209372,3.571209415,3.571209375,3.571209342,3.571209358,3.571209363,3.571209381,3.571209384,3.571209364,3.571209384,3.571209326,3.571209428,3.571209403,3.571209347,3.571209312,3.571209357,3.571209404,3.571209357,3.571209338,3.571209344,3.571209389,3.571209368,3.571209389
+"3772","DBF4B",4.9114675585,4.9114675515,4.911467611,4.9114675725,4.911467622,4.9114676045,4.9114675845,4.9114676355,4.9114676265,4.9114675655,4.911467657,4.911467629,4.9114675555,4.9114675435,4.9114676005,4.9114675665,4.9114677115,4.9114676415,4.9114675865,4.911467661,4.9114676525,4.9114676955,4.911467646,4.9114676035,4.9114675415,4.9114675345,4.911467612,4.9114675625
+"3773","DBH",5.205755172,5.205755421,5.205755973,5.205755302,5.205756056,5.205755282,5.205755518,5.205756112,5.205755953,5.205755555,5.205756169,5.205756032,5.205755753,5.205755067,5.2057558,5.205755765,5.205756121,5.20575613,5.205755708,5.205755825,5.205756031,5.205755888,5.205755056,5.20575564,5.2057558,5.2057559,5.205755655,5.205755858
+"3774","DBI",5.472330657,5.472330624,5.472330631,5.472330639,5.472330812,5.472330593,5.472330755,5.472330642,5.472330733,5.472330747,5.472330714,5.472330685,5.472330635,5.472330716,5.472330668,5.472330665,5.472330687,5.472330634,5.472330666,5.472330555,5.47233079,5.472330805,5.4723307,5.472330697,5.472330709,5.472330752,5.472330399,5.472330737
+"3775","DBIL5P",4.805326528,4.805326538,4.805326533,4.805326529,4.805326534,4.80532652,4.805326537,4.805326535,4.80532653,4.805326528,4.805326517,4.805326526,4.80532653,4.80532654,4.805326539,4.805326536,4.805326533,4.805326541,4.805326516,4.80532653,4.805326541,4.805326542,4.805326529,4.805326534,4.805326547,4.805326536,4.805326521,4.805326543
+"3776","DBIL5P2",3.718542658,3.718542633,3.718542706,3.718542703,3.718542697,3.718542622,3.718542798,3.718542766,3.718542656,3.718542642,3.718542708,3.718542698,3.718542732,3.71854267,3.718542643,3.718542642,3.718542704,3.718542742,3.718542658,3.718542706,3.718542756,3.718542788,3.718542613,3.718542614,3.718542708,3.71854267,3.718542687,3.718542698
+"3777","DBN1",6.363173484,6.363173575,6.363173601,6.363173644,6.363173523,6.363173471,6.363173554,6.363173647,6.363173609,6.36317356,6.363173581,6.363173758,6.363173533,6.363173322,6.363173587,6.363173658,6.363173637,6.363173715,6.363173445,6.363173495,6.363173582,6.363173606,6.363173553,6.363173582,6.363173639,6.363173601,6.363173493,6.36317342
+"3778","DBNDD1",6.193369373,6.193369027,6.193369769,6.193369249,6.193370484,6.193369631,6.193369725,6.193370044,6.193369627,6.193369923,6.193369928,6.193370193,6.193369515,6.193369461,6.193370059,6.193369594,6.19337024,6.193369891,6.19336964,6.193369871,6.193370195,6.193369967,6.193369472,6.193369431,6.193369796,6.193369908,6.193369529,6.193369913
+"3779","DBNL",8.958075524,8.958076626,8.958075446,8.958076419,8.958075167,8.958076232,8.958075646,8.958075881,8.958075806,8.958075525,8.958075488,8.958075143,8.958075933,8.95807597,8.958075386,8.958076915,8.958075386,8.958076263,8.95807588,8.95807657,8.958075436,8.958075722,8.958076024,8.958075958,8.95807571,8.9580755,8.958075902,8.958075813
+"3780","DBP",7.746011949,7.746011949,7.746011939,7.746011888,7.746012014,7.746011967,7.746011938,7.746012054,7.746011964,7.746012028,7.746012001,7.746012119,7.74601198,7.746011919,7.746011938,7.746011884,7.746011956,7.746011945,7.746011988,7.746011823,7.746011786,7.746012008,7.74601194,7.746011868,7.746011937,7.746012009,7.746011976,7.74601198
+"3781","DBR1",5.01732129,5.017321347,5.017321207,5.017321173,5.017321219,5.017321163,5.017321201,5.017321213,5.017321248,5.017321245,5.017321211,5.017321104,5.017321279,5.017321348,5.017321182,5.017321328,5.017321173,5.017321158,5.017321199,5.017321047,5.017321149,5.017321199,5.01732123,5.017321178,5.017321186,5.017321189,5.017321237,5.017321295
+"3782","DBT",5.252165259,5.252165101,5.252165085,5.252164906,5.252164988,5.252164944,5.252164953,5.252164948,5.252165083,5.252165105,5.252164934,5.252164902,5.252165095,5.252165328,5.252165118,5.252165013,5.252164851,5.252164918,5.252165089,5.252164924,5.252165046,5.252165114,5.252165239,5.252165138,5.25216511,5.252165026,5.252165198,5.252165148
+"3783","DBX1",5.276157323,5.276157472,5.276157627,5.276157578,5.27615779,5.276157311,5.276157668,5.2761577,5.276157637,5.276157678,5.276157831,5.276157997,5.276157521,5.276157266,5.276157845,5.276157552,5.276157874,5.27615768,5.276157507,5.276157554,5.276157806,5.276157738,5.276157578,5.276157308,5.27615747,5.276157685,5.276157353,5.276157662
+"3784","DBX2",4.099131275,4.099131302,4.099131388,4.099131329,4.099131413,4.099131347,4.099131374,4.099131406,4.09913134,4.099131313,4.09913129,4.099131429,4.099131319,4.099131258,4.099131357,4.099131359,4.099131422,4.0991313,4.099131326,4.099131321,4.09913137,4.099131376,4.09913132,4.0991313,4.099131357,4.099131361,4.099131333,4.099131383
+"3785","DCAF1",7.167790357,7.167790467,7.167790115,7.167789895,7.167790141,7.167790325,7.167790419,7.167790187,7.167790719,7.167790451,7.167789614,7.167790435,7.167790391,7.167791024,7.167790391,7.167790186,7.167789862,7.167789885,7.167790146,7.16779021,7.167790383,7.16779025,7.167790426,7.167790269,7.167789856,7.167790408,7.167790381,7.1677906
+"3786","DCAF10",7.148140328,7.148140158,7.148140217,7.148140203,7.148140084,7.148140267,7.148140227,7.148140283,7.148140182,7.148140166,7.148140171,7.148140215,7.148140184,7.148140187,7.148140207,7.148140071,7.148140247,7.148140067,7.148140239,7.148140243,7.14814017,7.148140237,7.148140222,7.148140254,7.148140153,7.148140242,7.148140159,7.148140139
+"3787","DCAF11",7.488540428,7.488540756,7.488540697,7.488540473,7.488540215,7.488541064,7.48854025,7.488540718,7.488540515,7.488540439,7.488540314,7.488540491,7.488540531,7.488540365,7.488540079,7.488540527,7.488540234,7.488540208,7.488540273,7.488541373,7.488540201,7.48854052,7.488540681,7.48854067,7.48854049,7.488540609,7.488540572,7.488540256
+"3788","DCAF12",11.65713355,11.56555622,12.20898142,11.72680124,11.65034172,12.36693686,11.99578049,12.26732635,12.10398654,11.92717889,11.804465,12.28170939,11.58172607,11.27366275,11.70855794,11.045032,12.06234923,11.7434122,11.43987142,12.16095913,11.94892339,12.04568691,12.08783567,12.0040456,11.72305697,12.27880056,11.79701115,11.4872912
+"3789","DCAF12L1",4.579728937,4.579728906,4.579729053,4.579728949,4.579729123,4.579728974,4.579729014,4.579729137,4.579728988,4.579729055,4.579728966,4.579729085,4.579729055,4.579728799,4.579729014,4.579728939,4.579729082,4.579729057,4.579728984,4.579728935,4.57972907,4.579729,4.579728917,4.579728885,4.579729086,4.579729099,4.579728995,4.579728913
+"3790","DCAF12L2",5.459506071,5.459505978,5.459506069,5.459506078,5.459506172,5.459505836,5.459506071,5.459506135,5.459505976,5.459506003,5.459506081,5.45950611,5.459506095,5.459505931,5.459506087,5.459506102,5.459506066,5.459506068,5.459506044,5.459505993,5.459506141,5.459506015,5.459506013,5.459505996,5.459506092,5.459506094,5.45950605,5.459506037
+"3791","DCAF13",6.030725857,6.03072579,6.030725809,6.030725434,6.030725865,6.030725665,6.030725796,6.030725658,6.030725942,6.030725841,6.030725581,6.030725533,6.030725817,6.03072612,6.030725764,6.030725695,6.030725635,6.030725479,6.030725731,6.030725413,6.030725894,6.030725764,6.030725969,6.030725807,6.03072543,6.030725682,6.030725521,6.030726141
+"3792","DCAF15",7.363858589,7.363858583,7.363858569,7.363858596,7.363858573,7.363858604,7.363858595,7.363858595,7.363858552,7.363858591,7.363858588,7.363858575,7.363858581,7.363858583,7.363858559,7.36385856,7.363858543,7.363858584,7.363858602,7.36385858,7.363858573,7.363858577,7.363858567,7.363858595,7.363858593,7.363858561,7.363858603,7.363858551
+"3793","DCAF16",7.003887767,7.003887555,7.003887304,7.003887045,7.003887127,7.00388721,7.003887435,7.003887336,7.003887521,7.003887361,7.003887239,7.003887296,7.003887668,7.00388795,7.003887432,7.003887207,7.003886791,7.003887299,7.003887387,7.003887453,7.003887246,7.003887212,7.003887619,7.003887419,7.003887313,7.00388763,7.003887663,7.003887803
+"3794","DCAF17",5.653653807,5.653653715,5.653653757,5.653653563,5.653653627,5.653653454,5.653653741,5.653653656,5.653653708,5.653653721,5.653653504,5.653653588,5.653653797,5.653653965,5.653653743,5.65365358,5.653653664,5.653653575,5.653653794,5.653653409,5.653653579,5.653653715,5.653653786,5.653653678,5.653653494,5.65365374,5.653653796,5.653653736
+"3795","DCAF4",5.695338152,5.695338003,5.695338101,5.695337972,5.695338055,5.695338056,5.695338144,5.695338143,5.695338152,5.695338081,5.69533797,5.695338144,5.695338195,5.69533811,5.695338181,5.695337981,5.695337968,5.695337926,5.695338005,5.69533804,5.695338141,5.695338148,5.695338134,5.695337994,5.69533791,5.695338104,5.695338175,5.695338066
+"3796","DCAF4L1",4.448043375,4.448043429,4.448043418,4.448043552,4.448043308,4.448043511,4.448043384,4.448043474,4.448043229,4.448043365,4.448043246,4.448043151,4.448043372,4.448043413,4.448043332,4.448043272,4.448043146,4.448043501,4.448043415,4.448043428,4.448043329,4.448043263,4.448043197,4.448043476,4.448043312,4.448043074,4.448043355,4.448043412
+"3797","DCAF4L2",4.460183322,4.460183311,4.460183336,4.460183318,4.460183345,4.460183317,4.460183323,4.460183326,4.460183315,4.460183328,4.460183324,4.460183326,4.460183318,4.460183323,4.460183332,4.460183331,4.460183357,4.460183324,4.460183329,4.460183345,4.460183342,4.460183346,4.460183314,4.460183326,4.460183329,4.460183334,4.460183311,4.460183317
+"3798","DCAF5",8.179830047,8.179830094,8.17982965,8.17982971,8.179829733,8.17982999,8.179829944,8.179829891,8.179830011,8.179829936,8.179829535,8.179829577,8.179830014,8.179830179,8.179829837,8.179829811,8.179829391,8.179829555,8.17982981,8.179829899,8.179829669,8.179829897,8.17983008,8.179829981,8.179829785,8.179829829,8.179830046,8.179829967
+"3799","DCAF6",7.117280395,7.117280352,7.117280425,7.117280371,7.117280354,7.117280398,7.11728042,7.11728044,7.117280416,7.11728041,7.117280372,7.117280392,7.11728039,7.117280388,7.117280412,7.117280285,7.11728037,7.117280372,7.11728037,7.117280352,7.117280392,7.117280397,7.11728042,7.117280407,7.117280336,7.117280412,7.117280389,7.117280374
+"3800","DCAF7",8.00938789,8.009388099,8.009387702,8.009387872,8.009387949,8.009388304,8.009387949,8.009387821,8.009388093,8.009388062,8.009387665,8.009387609,8.009387991,8.009388267,8.009387869,8.009387673,8.009387573,8.009387622,8.009387736,8.009387545,8.009387943,8.009387852,8.009387988,8.009387892,8.00938755,8.009387883,8.009388071,8.009387858
+"3801","DCAF8",6.696050944,6.696050934,6.696050931,6.696050929,6.696050902,6.696050931,6.696050923,6.696050916,6.696050923,6.696050922,6.696050899,6.696050923,6.696050923,6.696050949,6.696050924,6.696050924,6.696050911,6.696050913,6.696050929,6.696050929,6.696050917,6.696050913,6.696050929,6.696050937,6.696050919,6.696050935,6.696050939,6.696050922
+"3802","DCAF8L1",4.124034534,4.124034571,4.124034631,4.124034605,4.124034898,4.124034454,4.124034649,4.124034913,4.124034796,4.124034642,4.124034726,4.124034935,4.12403463,4.124034543,4.124034821,4.124034835,4.124034639,4.124034695,4.124034643,4.124034427,4.124034945,4.124034852,4.124034593,4.124034677,4.124034715,4.124034771,4.124034443,4.124034785
+"3803","DCAF8L2",3.405980811,3.405980292,3.405980491,3.405980256,3.405980669,3.405980545,3.405980823,3.405980198,3.405979973,3.405980115,3.405980459,3.405980531,3.405980762,3.405980592,3.405980382,3.40598039,3.405980954,3.405980345,3.405980162,3.405980661,3.405981086,3.40598062,3.405980266,3.405980425,3.405980406,3.405980484,3.405980632,3.405980048
+"3804","DCAKD",6.987286087,6.987286084,6.987286072,6.987286088,6.987286086,6.987286093,6.987286085,6.987286084,6.987286098,6.987286082,6.987286076,6.987286083,6.987286082,6.987286093,6.987286088,6.987286076,6.987286076,6.987286083,6.987286089,6.987286083,6.987286068,6.987286084,6.987286102,6.987286075,6.987286083,6.987286085,6.987286087,6.987286082
+"3805","DCBLD1",4.964100478,4.964100463,4.964100465,4.964100461,4.964100489,4.964100472,4.96410047,4.964100489,4.964100465,4.96410048,4.964100481,4.964100494,4.964100484,4.96410047,4.964100472,4.96410048,4.964100483,4.964100471,4.964100474,4.964100478,4.96410047,4.964100486,4.96410047,4.964100479,4.964100481,4.964100458,4.964100474,4.964100467
+"3806","DCBLD2",4.381939524,4.381939509,4.381939577,4.381939519,4.381939574,4.381939522,4.381939435,4.381939582,4.381939634,4.381939549,4.381939655,4.381939632,4.381939547,4.381939596,4.381939542,4.381939513,4.38193955,4.381939577,4.381939516,4.381939515,4.381939549,4.381939569,4.381939564,4.381939511,4.381939596,4.381939557,4.381939557,4.38193958
+"3807","DCC",3.875233713,3.875233733,3.875233745,3.875233744,3.875233732,3.875233795,3.875233721,3.875233747,3.875233729,3.875233743,3.875233757,3.875233761,3.875233748,3.875233675,3.875233733,3.875233717,3.875233738,3.875233732,3.875233758,3.875233739,3.875233722,3.87523374,3.875233734,3.87523374,3.87523371,3.875233732,3.875233736,3.875233806
+"3808","DCD",4.65757239,4.657572487,4.657572657,4.657572671,4.657572652,4.657572563,4.657572598,4.657572685,4.65757256,4.657572561,4.657572521,4.657572833,4.657572447,4.657572353,4.657572673,4.657572469,4.657572825,4.657572617,4.657572465,4.657572649,4.65757262,4.657572615,4.657572547,4.657572562,4.657572533,4.657572604,4.657572532,4.657572567
+"3809","DCDC1",3.315588944,3.315588928,3.315588951,3.315588987,3.3155890465,3.315588917,3.315588937,3.315588971,3.315588969,3.31558893,3.315588899,3.3155889275,3.3155888755,3.3155888745,3.3155889235,3.315588921,3.3155889775,3.3155889605,3.315589047,3.3155889755,3.3155888965,3.3155890305,3.3155889685,3.3155889105,3.3155890025,3.3155888495,3.3155889475,3.315588995
+"3810","DCDC2",4.23734491,4.237344934,4.237344931,4.237344935,4.237344953,4.237344927,4.237344928,4.237344956,4.237344918,4.237344951,4.237344944,4.237344933,4.23734492,4.237344922,4.237344929,4.237344929,4.237344934,4.237344939,4.237344922,4.237344934,4.237344936,4.237344933,4.237344924,4.237344927,4.237344953,4.237344945,4.23734491,4.237344919
+"3811","DCHS1",5.4941349,5.494134897,5.494134916,5.494134911,5.494134917,5.494134906,5.494134906,5.494134922,5.494134924,5.494134916,5.494134904,5.494134947,5.49413491,5.494134888,5.494134911,5.49413491,5.494134911,5.494134929,5.494134922,5.494134907,5.494134923,5.494134921,5.494134915,5.494134904,5.494134908,5.494134924,5.494134913,5.494134906
+"3812","DCHS2",3.536063456,3.536063465,3.536063471,3.536063484,3.53606349,3.536063476,3.536063464,3.536063482,3.53606348,3.536063472,3.536063494,3.536063478,3.536063467,3.536063474,3.536063464,3.536063483,3.536063468,3.536063472,3.536063473,3.536063484,3.536063471,3.536063469,3.536063466,3.53606347,3.536063482,3.536063466,3.536063485,3.53606346
+"3813","DCK",7.272558135,7.272557836,7.272557774,7.27255785,7.272557809,7.272557578,7.272557857,7.27255763,7.272557873,7.272557884,7.272557505,7.272557625,7.272558025,7.272558456,7.272557912,7.272557644,7.272557532,7.272557623,7.272557994,7.272557433,7.272557841,7.272557791,7.27255796,7.272557865,7.272557365,7.272557866,7.272557922,7.272558171
+"3814","DCLK1",3.742512943,3.742512945,3.742513137,3.742513064,3.742513121,3.742512767,3.742512765,3.742513061,3.742512926,3.742513066,3.742513144,3.742513196,3.742513092,3.742512976,3.742513043,3.742513068,3.742513216,3.742513137,3.742513186,3.742513073,3.742513032,3.742513237,3.742512958,3.742512907,3.742513045,3.742512967,3.742512844,3.742512997
+"3815","DCLK2",4.446054196,4.446054127,4.4460541,4.446054156,4.446054175,4.446054061,4.446054063,4.446054181,4.446054106,4.446054133,4.446054111,4.446054205,4.446054051,4.446054187,4.44605419,4.446054096,4.446054107,4.446054201,4.446054032,4.446054111,4.44605404,4.44605408,4.446054013,4.44605419,4.446054191,4.446054157,4.446054124,4.446054127
+"3816","DCLK3",3.864045353,3.8640455,3.864045799,3.864045604,3.864045811,3.86404543,3.864045694,3.864045578,3.864045688,3.864045415,3.864045584,3.864045595,3.864045522,3.864045393,3.864045706,3.864045744,3.86404591,3.864045593,3.864045606,3.864045448,3.864045898,3.864045755,3.864045558,3.864045359,3.864045632,3.864045707,3.864045665,3.864045476
+"3817","DCLRE1A",4.172015249,4.172015349,4.172015262,4.172015361,4.172015238,4.17201523,4.172015319,4.172015203,4.172015348,4.172015294,4.172015187,4.172015103,4.172015308,4.172015403,4.172015234,4.172015217,4.172015324,4.172015339,4.172015308,4.172015154,4.172015236,4.172015337,4.17201543,4.172015384,4.172015303,4.172015291,4.17201531,4.172015366
+"3818","DCLRE1B",4.946904023,4.946904093,4.946904014,4.946903991,4.946904015,4.946904078,4.946904081,4.946904005,4.946904009,4.946904051,4.946904017,4.946903988,4.946903955,4.946904096,4.946903934,4.946903897,4.94690396,4.946903972,4.946904007,4.946904032,4.946904008,4.946904033,4.946903993,4.946904063,4.946903885,4.946904019,4.946904034,4.94690398
+"3819","DCLRE1C",5.991484123,5.991484001,5.991484075,5.991484001,5.991483908,5.991484041,5.991484002,5.991483939,5.991483945,5.991483905,5.991483963,5.991483839,5.991484174,5.991484172,5.991484004,5.991483941,5.991483989,5.991483988,5.991484083,5.991483968,5.991484038,5.991483949,5.991483998,5.991484029,5.991483936,5.991484054,5.991484048,5.991484056
+"3820","DCN",3.060268057,3.060268042,3.060268062,3.060268067,3.060268073,3.06026804,3.060268046,3.060268074,3.060268038,3.060268046,3.060268057,3.060268073,3.060268056,3.06026805,3.060268067,3.060268038,3.06026808,3.060268041,3.060268075,3.060268054,3.060268053,3.060268067,3.060268066,3.060268038,3.060268064,3.060268049,3.060268056,3.060268095
+"3821","DCP1A",6.842843145,6.842843078,6.842842987,6.842843131,6.84284298,6.842843126,6.842843005,6.842843089,6.84284302,6.842843112,6.842843031,6.842843092,6.842843115,6.842843162,6.842843047,6.84284308,6.842842862,6.842843051,6.842843052,6.842842989,6.842843038,6.842843012,6.842843091,6.842843144,6.842843106,6.842843123,6.842843182,6.842843039
+"3822","DCP1B",5.533798259,5.53379823,5.533798238,5.533798231,5.533798237,5.533798257,5.533798234,5.533798238,5.533798246,5.533798246,5.533798223,5.53379824,5.533798256,5.533798252,5.533798244,5.533798214,5.533798223,5.533798221,5.533798243,5.533798247,5.533798228,5.533798253,5.533798256,5.533798234,5.533798241,5.533798241,5.533798254,5.533798244
+"3823","DCP2",7.997635768,7.997635088,7.997634452,7.997635987,7.997634152,7.99763425,7.997634748,7.997633929,7.997633989,7.997634194,7.997634969,7.99763292,7.997634857,7.997636204,7.99763482,7.997635127,7.997634355,7.99763556,7.997635262,7.99763483,7.997635403,7.997634518,7.997634907,7.997635307,7.997635325,7.997633913,7.997634614,7.997635451
+"3824","DCPS",6.161552363,6.161552228,6.161552094,6.161551991,6.161552307,6.161552468,6.161552448,6.16155232,6.161552245,6.161552266,6.161552141,6.161552257,6.161552454,6.161552237,6.161552222,6.161552028,6.161551926,6.161552177,6.161552204,6.161552416,6.161552428,6.161552357,6.161552302,6.16155231,6.161552061,6.161552251,6.161552333,6.161552291
+"3825","DCST1",5.460906579,5.460906679,5.460906735,5.460906668,5.460906777,5.460906629,5.4609067,5.460906796,5.460906654,5.460906642,5.460906737,5.460906813,5.460906708,5.460906531,5.460906769,5.460906755,5.460906769,5.460906722,5.460906656,5.460906667,5.460906761,5.460906802,5.460906653,5.460906572,5.460906668,5.460906762,5.460906674,5.460906657
+"3826","DCST2",5.096878513,5.096878413,5.096878526,5.096878502,5.096878474,5.096878559,5.096878495,5.096878582,5.09687852,5.096878489,5.096878538,5.096878461,5.096878509,5.096878433,5.096878555,5.096878491,5.096878556,5.096878581,5.096878512,5.096878499,5.096878533,5.096878613,5.096878474,5.096878478,5.096878479,5.096878537,5.096878474,5.09687845
+"3827","DCSTAMP",3.124005828,3.124005869,3.124005834,3.124005817,3.124005877,3.124005868,3.124005848,3.124005863,3.124005858,3.124005846,3.124005847,3.124005852,3.12400586,3.124005875,3.124005875,3.124005868,3.124005857,3.124005843,3.124005834,3.12400587,3.124005871,3.124005847,3.124005875,3.124005856,3.124005855,3.124005853,3.124005847,3.124005859
+"3828","DCT",3.698270888,3.698270941,3.698271046,3.698270898,3.698271084,3.698271087,3.698270955,3.698271112,3.698271145,3.698270925,3.698271047,3.698271209,3.698270965,3.698271043,3.698270962,3.698270994,3.698271025,3.698270993,3.698271102,3.698270858,3.698270979,3.698271035,3.698271017,3.698270918,3.698271005,3.69827103,3.698270928,3.698271013
+"3829","DCTD",7.437467805,7.437467576,7.437467241,7.437467082,7.437467219,7.43746729,7.437467297,7.437467407,7.437467623,7.437467425,7.43746695,7.437467282,7.437467561,7.437467801,7.437467322,7.437467482,7.43746699,7.437467048,7.437467322,7.437467244,7.437467283,7.437467387,7.437467522,7.437467448,7.437466897,7.437467519,7.437467434,7.437467605
+"3830","DCTN1",7.547297448,7.547297478,7.547297419,7.547297417,7.547297435,7.547297491,7.547297449,7.547297429,7.547297466,7.547297446,7.547297402,7.5472974,7.54729746,7.547297492,7.547297418,7.54729747,7.547297375,7.547297398,7.547297422,7.547297476,7.547297437,7.54729745,7.547297443,7.547297463,7.547297429,7.547297435,7.547297439,7.547297437
+"3831","DCTN2",6.746984859,6.74698487,6.746984741,6.746984782,6.746984736,6.746984903,6.746984829,6.746984735,6.746984815,6.746984859,6.746984781,6.746984613,6.746984811,6.746984893,6.746984729,6.746984803,6.746984682,6.746984706,6.746984805,6.746984829,6.746984783,6.746984759,6.746984837,6.746984882,6.746984753,6.746984751,6.74698482,6.746984722
+"3832","DCTN3",7.468568596,7.468568728,7.468568673,7.468568275,7.468568316,7.468568559,7.468568568,7.468568456,7.468568549,7.468568539,7.468568313,7.468568118,7.468568585,7.468568466,7.468568314,7.468568656,7.468568456,7.468568016,7.468568496,7.4685686,7.468568499,7.468568406,7.468568754,7.468568546,7.468568295,7.468568314,7.468568566,7.468568184
+"3833","DCTN4",7.079367473,7.079367407,7.079367017,7.079367297,7.079367013,7.079367192,7.079367091,7.079367055,7.079367042,7.079367255,7.079367132,7.07936698,7.079367141,7.079367356,7.079367119,7.079367213,7.079366819,7.079366908,7.079367204,7.079367412,7.079367083,7.079367085,7.07936717,7.079367454,7.079367194,7.079367156,7.079367281,7.07936712
+"3834","DCTN5",7.484656289,7.48465604,7.48465599,7.484655586,7.484655666,7.484655993,7.484655952,7.484655655,7.484656028,7.48465591,7.484655428,7.484655492,7.484656438,7.484656509,7.484655803,7.484655575,7.484655508,7.484655331,7.484655841,7.484655821,7.484655826,7.484655689,7.484656122,7.484655935,7.484655488,7.484655833,7.484656513,7.484656074
+"3835","DCTN6",4.502589652,4.502589598,4.502589598,4.502589559,4.502589556,4.502589643,4.502589559,4.502589553,4.502589616,4.502589576,4.502589558,4.502589544,4.502589568,4.502589633,4.502589609,4.50258954,4.502589531,4.502589558,4.502589556,4.502589609,4.502589563,4.502589583,4.502589622,4.502589613,4.502589545,4.502589554,4.502589536,4.502589609
+"3836","DCTPP1",7.522715401,7.522715383,7.522715267,7.522715167,7.522715352,7.522715435,7.522715488,7.522715266,7.522715462,7.522715379,7.522715118,7.52271526,7.522715341,7.522715493,7.522715289,7.522715307,7.522715236,7.522715155,7.522715337,7.52271529,7.522715314,7.522715284,7.522715376,7.522715332,7.522715146,7.522715287,7.522715388,7.522715417
+"3837","DCUN1D1",6.238261217,6.238261025,6.238261252,6.238261073,6.238261004,6.23826083,6.238261123,6.238261148,6.23826104,6.238260984,6.238261194,6.238261077,6.238261019,6.238261399,6.238261105,6.238260816,6.238260961,6.238261017,6.238261137,6.238260844,6.238261117,6.238261048,6.238261087,6.23826105,6.238261135,6.238261285,6.23826103,6.238261296
+"3838","DCUN1D2",5.945830663,5.945830497,5.945830549,5.945830315,5.945830334,5.945830258,5.945830613,5.945830429,5.945830551,5.945830351,5.945830301,5.945830224,5.945830528,5.94583096,5.945830454,5.945830493,5.945830428,5.945830081,5.945830537,5.945830299,5.945830461,5.945830225,5.945830575,5.945830444,5.945830552,5.94583032,5.945830525,5.945830595
+"3839","DCUN1D3",6.458728225,6.458728273,6.458728379,6.458728345,6.458728455,6.458728264,6.458728339,6.45872848,6.458728392,6.45872839,6.458728359,6.458728443,6.458728365,6.458728337,6.458728408,6.45872858,6.458728532,6.458728503,6.458728378,6.458728423,6.458728386,6.458728487,6.458728291,6.45872837,6.4587285,6.458728412,6.458728214,6.458728454
+"3840","DCUN1D4",4.870921341,4.870921142,4.870920978,4.870920874,4.870920784,4.870920595,4.87092091,4.870920803,4.870921127,4.870920945,4.870921175,4.87092084,4.870920966,4.870921571,4.870920969,4.870920931,4.870920749,4.870920746,4.870921174,4.870920553,4.870920974,4.87092083,4.870921159,4.870921075,4.870920824,4.870920855,4.870920993,4.87092128
+"3841","DCUN1D5",5.316837491,5.316837256,5.316837399,5.316837266,5.316837282,5.31683714,5.316837341,5.316837173,5.316837396,5.316837428,5.316837253,5.316837289,5.316837327,5.316837744,5.316837235,5.316837393,5.316837231,5.316837193,5.316837405,5.316837146,5.31683728,5.316837359,5.316837461,5.316837341,5.316837277,5.316837224,5.316837224,5.316837475
+"3842","DCX",3.967220742,3.967220568,3.967220673,3.967220731,3.96722079,3.967220642,3.96722071,3.967220732,3.967220686,3.96722072,3.967220695,3.967220749,3.96722068,3.967220592,3.967220702,3.96722069,3.967220676,3.967220706,3.967220701,3.967220662,3.967220714,3.96722075,3.967220653,3.96722069,3.967220718,3.967220693,3.967220678,3.967220747
+"3843","DCXR",8.377051943,8.377051862,8.377051832,8.377051803,8.377051957,8.377051932,8.377051957,8.377051883,8.377051965,8.377051904,8.377051832,8.377051735,8.377052012,8.377051871,8.377051898,8.377051869,8.377051868,8.377051837,8.377051968,8.377051645,8.377051956,8.377052028,8.377051828,8.377051833,8.377051802,8.377051949,8.377051976,8.377051991
+"3844","DDA1",8.051510139,8.051510122,8.051510141,8.051510107,8.051510134,8.051510181,8.05151013,8.05151012,8.051510133,8.051510178,8.051510147,8.051510126,8.051510123,8.051510039,8.051510123,8.05151014,8.051510114,8.051510089,8.051510116,8.051510105,8.051510085,8.051510095,8.051510114,8.051510148,8.051510135,8.051510141,8.051510156,8.051510071
+"3845","DDAH1",4.501120145,4.501120074,4.501120125,4.50112013,4.501120139,4.501120116,4.501120111,4.501120156,4.501120115,4.501120089,4.501120157,4.501120133,4.501120081,4.501120054,4.501120156,4.501120062,4.50112017,4.501120124,4.50112013,4.501120118,4.501120115,4.501120121,4.501120051,4.501120081,4.501120118,4.501120145,4.501120113,4.501120082
+"3846","DDAH2",6.2365542455,6.2365545335,6.2365532035,6.2365550695,6.236554747,6.2365547445,6.236555026,6.2365547035,6.236555491,6.236554799,6.236555173,6.2365502785,6.236554255,6.2365526455,6.236553097,6.236555786,6.236554739,6.236555573,6.236554767,6.236554734,6.236555376,6.236555104,6.236554734,6.236555871,6.236556108,6.236553853,6.2365526905,6.236554177
+"3847","DDB1",8.441862122,8.441861907,8.441861872,8.441860994,8.441861765,8.44186269,8.441862824,8.44186202,8.441862741,8.441862498,8.441861746,8.441862153,8.441861643,8.441862593,8.441861535,8.441860802,8.441861401,8.441860843,8.441861486,8.441860852,8.441862182,8.441861805,8.441862318,8.44186215,8.441861431,8.44186257,8.441861649,8.441861976
+"3848","DDB2",6.734087204,6.734087153,6.734087196,6.734087158,6.734087162,6.734087263,6.734087231,6.73408722,6.73408725,6.734087175,6.734087145,6.73408721,6.734087227,6.734087181,6.734087231,6.734087148,6.734087053,6.734087147,6.734087177,6.734087239,6.734087133,6.73408725,6.734087207,6.734087215,6.734087161,6.734087173,6.734087256,6.734087144
+"3849","DDC",4.623248466,4.623248461,4.623248504,4.6232485,4.623248552,4.623248475,4.623248478,4.623248449,4.623248513,4.623248506,4.623248531,4.623248538,4.623248485,4.623248447,4.623248533,4.623248479,4.623248548,4.623248536,4.623248535,4.623248551,4.623248544,4.623248515,4.623248454,4.623248464,4.623248473,4.623248528,4.623248472,4.623248475
+"3850","DDC-AS1",5.542595885,5.542595781,5.542595968,5.542595876,5.542595963,5.542595772,5.542595903,5.542595893,5.542595923,5.542595929,5.542595991,5.542595955,5.542595956,5.54259586,5.542595993,5.542595974,5.542595925,5.542596005,5.542595916,5.542595895,5.542595948,5.542595937,5.542595856,5.542595947,5.542595916,5.542595939,5.542595917,5.542595918
+"3851","DDHD1",6.664740078,6.664739858,6.664739403,6.664739251,6.664739283,6.664739431,6.664739628,6.664739345,6.664739863,6.664739529,6.664739056,6.664739127,6.664739765,6.664740434,6.664739699,6.664739635,6.664739057,6.664739138,6.664739683,6.664739154,6.664739543,6.664739432,6.664740087,6.664739504,6.66473919,6.66473954,6.664739735,6.664739956
+"3852","DDHD2",6.414589457,6.414589053,6.414588786,6.414588557,6.414588739,6.414588698,6.414589035,6.414588897,6.414589147,6.414589254,6.414588559,6.414588868,6.414589029,6.414589695,6.414589197,6.414588743,6.414588476,6.414588494,6.414588867,6.414588562,6.414588943,6.414588906,6.414589143,6.414589075,6.414588566,6.41458902,6.414589045,6.41458931
+"3853","DDI1",3.600035206,3.600035183,3.600035289,3.600035382,3.600035459,3.600035258,3.600035115,3.600035557,3.600035374,3.600035357,3.600035227,3.600035468,3.600035271,3.600035256,3.600035418,3.600035385,3.600035255,3.600035597,3.600035259,3.600035268,3.600035388,3.600035359,3.600035257,3.600035208,3.600035242,3.60003539,3.600035075,3.600035273
+"3854","DDIAS",4.21824606,4.218245841,4.218246113,4.21824586,4.218246067,4.218245988,4.218246146,4.218245674,4.218245914,4.218246157,4.218245975,4.21824571,4.218245859,4.218245977,4.218246065,4.218245956,4.218245899,4.21824584,4.218246087,4.218246178,4.218246051,4.218246017,4.218246167,4.218246335,4.218246117,4.218245723,4.218245992,4.21824577
+"3855","DDIT3",5.597871569,5.597871618,5.597871645,5.597871756,5.597871591,5.597871604,5.597871671,5.597871672,5.597871584,5.597871533,5.597871639,5.597871635,5.597871601,5.597871628,5.597871668,5.597871731,5.597871697,5.597871778,5.59787161,5.597871618,5.597871662,5.597871673,5.597871646,5.59787162,5.597871722,5.5978716,5.597871606,5.597871607
+"3856","DDIT4",5.849155004,5.849154999,5.849154227,5.849154371,5.849152488,5.849152136,5.849152839,5.849153645,5.849155273,5.849153737,5.849153974,5.849154595,5.849152705,5.849155211,5.849151778,5.849152534,5.849153757,5.849152667,5.849150639,5.849151434,5.849150548,5.849152809,5.849153599,5.849152952,5.849150245,5.849153344,5.849153641,5.84915268
+"3857","DDIT4L",4.76846945,4.76846945,4.76846945,4.768469423,4.768469469,4.768469472,4.768469449,4.768469471,4.76846948,4.768469476,4.768469443,4.768469451,4.768469435,4.76846944,4.768469474,4.768469462,4.768469485,4.76846946,4.768469445,4.768469469,4.768469459,4.76846948,4.768469452,4.768469445,4.768469446,4.768469462,4.768469453,4.768469426
+"3858","DDN",5.557064312,5.557064331,5.557064326,5.557064308,5.557064342,5.557064338,5.557064329,5.557064322,5.557064329,5.557064332,5.557064327,5.557064351,5.557064328,5.557064297,5.557064338,5.557064322,5.557064343,5.557064328,5.557064333,5.557064326,5.557064334,5.557064336,5.557064314,5.55706431,5.557064321,5.557064324,5.557064321,5.55706434
+"3859","DDO",4.223377882,4.22337793,4.223377975,4.223377964,4.22337796,4.223377893,4.223377855,4.223377929,4.22337792,4.223377924,4.223378042,4.223377799,4.223377929,4.223377926,4.223377957,4.223377937,4.223377946,4.223377962,4.223377888,4.223377888,4.223377933,4.223377937,4.223377975,4.223377965,4.223377994,4.223377978,4.223377914,4.223377895
+"3860","DDR1",3.9995584915,3.9995621485,3.999558546,3.9995586085,3.9995581665,3.9995636325,3.9995622675,3.9995617815,3.999557898,3.9995586385,3.9995602565,3.9995587395,3.9995591775,3.9995624365,3.9995600575,3.9995603725,3.999562354,3.999558087,3.999558535,3.9995594965,3.999561245,3.999559265,3.9995606265,3.9995620565,3.99955817,3.999558048,3.9995572805,3.9995618865
+"3861","DDR2",3.869197157,3.869197153,3.8691971095,3.869197282,3.869197092,3.8691970875,3.869197187,3.869197398,3.869197326,3.869197286,3.8691972585,3.8691972565,3.869197152,3.8691972615,3.8691971545,3.869197196,3.869197176,3.8691973515,3.8691971555,3.869197166,3.8691972445,3.8691973645,3.869197123,3.8691972605,3.8691972545,3.8691971765,3.869197215,3.869197262
+"3862","DDRGK1",7.016557073,7.016557101,7.016557067,7.016557049,7.016557069,7.016557072,7.016557081,7.016557079,7.016557082,7.016557067,7.016557069,7.016557066,7.016557085,7.016557097,7.016557074,7.01655708,7.016557054,7.016557069,7.016557077,7.016557082,7.016557075,7.01655708,7.016557073,7.016557075,7.016557063,7.01655708,7.016557078,7.016557085
+"3863","DDT",6.944156016,6.944156182,6.944155949,6.944155822,6.944155904,6.944156144,6.944156061,6.944155915,6.944156137,6.944155823,6.944156108,6.944156011,6.944155919,6.94415632,6.944155608,6.944156084,6.944155284,6.944155995,6.944155916,6.944156509,6.944155689,6.944156188,6.944156218,6.944155789,6.94415567,6.944156001,6.944155906,6.944155774
+"3864","DDX1",6.795211807,6.795211698,6.79521082,6.795210197,6.795211045,6.795210464,6.795211271,6.795210292,6.795211498,6.795211223,6.795210456,6.795209811,6.795211512,6.795213861,6.795211093,6.795210778,6.795210553,6.795209769,6.795211514,6.795210795,6.795211294,6.795210966,6.795211679,6.795211061,6.795209638,6.795210881,6.795210995,6.795212549
+"3865","DDX10",5.471220897,5.471220686,5.471220523,5.471220201,5.471220389,5.471220593,5.471220535,5.471220525,5.471220774,5.471220647,5.471220371,5.471220335,5.471220725,5.471221015,5.471220597,5.471220452,5.471220492,5.471220349,5.471220526,5.471220435,5.471220521,5.471220574,5.471220752,5.471220683,5.471220256,5.471220695,5.471220589,5.471220866
+"3866","DDX17",10.43539233,10.435392,10.43539186,10.43539217,10.43539192,10.43539209,10.43539225,10.43539186,10.43539214,10.43539194,10.4353918,10.43539178,10.43539218,10.43539256,10.43539206,10.43539182,10.43539181,10.43539178,10.43539218,10.43539175,10.43539224,10.43539198,10.43539213,10.43539185,10.43539186,10.43539201,10.43539218,10.43539208
+"3867","DDX18",7.377007069,7.377006358,7.37700658,7.377005775,7.377005944,7.377005467,7.377006127,7.377006205,7.377006789,7.377006142,7.377005392,7.377005261,7.377006693,7.377007967,7.37700615,7.377005914,7.377005906,7.377005551,7.377006065,7.377005957,7.377006247,7.377006088,7.377006745,7.377006232,7.377005556,7.377006599,7.377006656,7.37700703
+"3868","DDX19A",6.34600084,6.346001522,6.346000617,6.346000798,6.346000461,6.34600124,6.346000656,6.346000952,6.346001493,6.346001731,6.346000516,6.346000275,6.346000922,6.346001662,6.3460011,6.346001938,6.346000192,6.346000094,6.34600056,6.346001586,6.346000987,6.346000062,6.34600158,6.346001176,6.346001185,6.346001396,6.346000929,6.346001331
+"3869","DDX19B",6.92855619,6.92855566,6.928555709,6.928555935,6.928555796,6.928556103,6.928556019,6.928555698,6.928556087,6.92855576,6.928555879,6.928555794,6.928556333,6.928556401,6.92855601,6.928555474,6.928555271,6.928555815,6.928556052,6.928556561,6.928555925,6.928556011,6.928555969,6.9285561,6.92855596,6.928556273,6.928556275,6.928556043
+"3870","DDX20",5.526026578,5.52602654,5.526026518,5.526026482,5.526026435,5.52602648,5.526026533,5.526026482,5.526026562,5.526026519,5.526026464,5.526026442,5.526026546,5.526026656,5.526026502,5.526026549,5.526026435,5.52602647,5.526026515,5.526026442,5.52602644,5.526026454,5.526026536,5.52602654,5.526026454,5.52602649,5.526026548,5.526026557
+"3871","DDX21",6.90614367,6.906143898,6.906143486,6.906143535,6.906143677,6.906143884,6.906143775,6.906143454,6.906143902,6.906143829,6.906143329,6.906143261,6.90614385,6.906144507,6.906143604,6.906143648,6.906143307,6.906143195,6.906143708,6.906143238,6.90614351,6.906143509,6.906143934,6.906143923,6.906143269,6.906143596,6.906143836,6.906143999
+"3872","DDX23",7.727411726,7.727411845,7.727411476,7.727411616,7.727411545,7.727411677,7.727411675,7.727411629,7.727411713,7.727411764,7.727411632,7.727411327,7.727411683,7.727411974,7.727411659,7.727411806,7.727411317,7.727411561,7.727411471,7.727411681,7.727411574,7.727411561,7.727411766,7.727411744,7.727411618,7.727411577,7.727411709,7.727411895
+"3873","DDX24",8.149272416,8.149272153,8.149271551,8.149271305,8.149271989,8.149272234,8.149272109,8.149271639,8.149272721,8.14927224,8.149271393,8.149271857,8.149272424,8.149273027,8.14927224,8.149271722,8.149271015,8.149271079,8.149271964,8.149271442,8.149271769,8.149271679,8.149272178,8.14927197,8.149271448,8.149272093,8.14927237,8.149272701
+"3874","DDX25",4.036674097,4.03667409,4.03667412,4.036674115,4.0366741,4.036674079,4.036674089,4.036674119,4.036674126,4.036674104,4.036674129,4.036674139,4.0366741,4.036674063,4.036674103,4.036674117,4.036674121,4.036674097,4.036674083,4.036674089,4.03667408,4.036674109,4.036674097,4.036674083,4.036674115,4.036674092,4.0366741,4.036674121
+"3875","DDX27",6.569695479,6.569695521,6.569695335,6.569695317,6.56969532,6.569695433,6.56969545,6.569695362,6.569695423,6.569695478,6.569695347,6.569695288,6.569695377,6.569695652,6.56969528,6.569695431,6.569695193,6.569695234,6.569695378,6.569695229,6.569695315,6.569695304,6.569695451,6.569695479,6.569695262,6.569695498,6.569695413,6.569695493
+"3876","DDX28",6.000117137,6.000117245,6.000117334,6.00011732,6.000117275,6.000117147,6.000117162,6.000117451,6.000117195,6.000117196,6.000117392,6.000117424,6.00011724,6.000117103,6.000117226,6.000117299,6.000117307,6.000117359,6.00011723,6.000117156,6.000117174,6.00011739,6.000117228,6.000117104,6.00011733,6.000117271,6.000117314,6.000117395
+"3877","DDX31",5.607590554,5.607590386,5.607590411,5.607590318,5.607590329,5.607590441,5.607590378,5.60759029,5.607590553,5.607590472,5.607590307,5.607590452,5.607590557,5.60759048,5.607590447,5.607590316,5.607590187,5.607590169,5.607590428,5.607590233,5.607590372,5.607590264,5.6075905,5.60759048,5.607590092,5.607590428,5.607590478,5.607590345
+"3878","DDX39A",6.748489941,6.748489803,6.7484899,6.74848979,6.748489874,6.748490172,6.748490122,6.748489802,6.74848997,6.748489985,6.748489837,6.748489895,6.748490034,6.748490011,6.748489866,6.748489732,6.748489672,6.748489729,6.748489782,6.748490082,6.748490032,6.74848993,6.74848999,6.748489782,6.748489744,6.748489932,6.74849005,6.748489883
+"3879","DDX3X",9.336538813,9.336585182,9.336408988,9.336571365,9.336435626,9.336392782,9.336519051,9.336417584,9.336477918,9.336505495,9.336447954,9.336291748,9.336504433,9.336657069,9.336522866,9.336578542,9.336404848,9.336520076,9.336525685,9.336307288,9.336538237,9.336364662,9.33653519,9.336522705,9.336484749,9.336374649,9.336486105,9.336553218
+"3880","DDX3Y",4.069276548,3.582435241,8.460394052,4.088835851,3.876186663,8.590443405,3.489107414,8.784270024,3.780678882,3.742494803,3.247053438,8.242700017,3.721185533,3.734930622,3.567826243,4.030985642,8.176533884,3.852334715,4.017442697,8.588142962,3.727091606,8.578190094,3.55626141,3.767094179,3.821429384,8.749327992,3.85313953,3.857252485
+"3881","DDX4",3.506073696,3.506073722,3.50607381,3.506073794,3.506073797,3.506073743,3.506073755,3.506073715,3.506073714,3.506073679,3.506073816,3.5060738,3.506073707,3.50607367,3.506073732,3.506073749,3.506073726,3.506073788,3.506073794,3.506073747,3.506073721,3.506073778,3.506073726,3.506073677,3.506073714,3.506073751,3.506073713,3.506073672
+"3882","DDX41",8.078816553,8.078816562,8.07881651,8.078816514,8.078816538,8.078816617,8.078816616,8.078816497,8.07881658,8.078816591,8.078816508,8.078816491,8.078816588,8.078816567,8.078816526,8.078816521,8.07881646,8.078816471,8.078816518,8.078816392,8.078816535,8.078816525,8.078816557,8.078816588,8.078816431,8.078816521,8.078816555,8.078816487
+"3883","DDX42",7.792401713,7.792401733,7.792401418,7.792401641,7.792401472,7.792401555,7.792401739,7.792401534,7.792401697,7.792401774,7.792401315,7.79240149,7.792401548,7.792402159,7.792401527,7.792401645,7.792401219,7.792401406,7.79240169,7.792401287,7.792401591,7.792401479,7.792401694,7.792401691,7.792401419,7.792401638,7.792401694,7.792401903
+"3884","DDX43",3.674427195,3.67442711,3.674427306,3.674427209,3.674427397,3.67442745,3.674427185,3.674427314,3.674427588,3.674427222,3.674427411,3.674427667,3.674427221,3.674427302,3.674427315,3.674427396,3.67442761,3.674427542,3.67442728,3.67442753,3.674427227,3.674427654,3.67442752,3.674427115,3.674427308,3.674427509,3.674427338,3.674427482
+"3885","DDX46",7.251058983,7.25105903,7.251058588,7.251058518,7.251058574,7.251058274,7.251058664,7.251058254,7.251058971,7.251058896,7.251058272,7.251058337,7.251058853,7.251059724,7.251058619,7.251058805,7.251058108,7.251058087,7.251058574,7.251058483,7.251058718,7.251058329,7.251058731,7.251058659,7.25105848,7.251058605,7.251058551,7.251058889
+"3886","DDX49",6.434867908,6.434867925,6.434867945,6.434867924,6.434867949,6.434867949,6.434867937,6.434867951,6.434867944,6.434867944,6.434867928,6.434867936,6.434867943,6.434867909,6.434867943,6.434867926,6.434867941,6.434867944,6.434867921,6.434867948,6.434867929,6.43486794,6.434867937,6.434867938,6.43486792,6.43486794,6.434867931,6.434867922
+"3887","DDX5",9.823423436,9.823327752,9.823314655,9.823359367,9.823323678,9.823312644,9.823370489,9.823305715,9.823337627,9.823336271,9.823304316,9.823278986,9.82336984,9.823467845,9.823378571,9.823325138,9.823284069,9.82331689,9.823380789,9.823269941,9.823395655,9.823342782,9.823341796,9.823342985,9.823299202,9.823360041,9.823357686,9.823384741
+"3888","DDX50",7.042632038,7.042631958,7.04263192,7.042631824,7.0426318,7.042631805,7.042631849,7.042631873,7.042632017,7.042631816,7.04263173,7.042631578,7.042631865,7.042632264,7.042631907,7.042631882,7.042631799,7.042631766,7.042631983,7.042631845,7.042631775,7.042631804,7.042632084,7.04263191,7.042631807,7.042631909,7.042632072,7.042632213
+"3889","DDX51",6.342428015,6.34242808,6.342428233,6.342428183,6.342428121,6.342428066,6.34242805,6.342428204,6.342428243,6.342428284,6.342428284,6.342428225,6.342428172,6.342428007,6.342428135,6.342428192,6.342428216,6.342428204,6.342427994,6.342428192,6.342428078,6.342428135,6.342428191,6.342428216,6.342428289,6.342428239,6.34242819,6.342428042
+"3890","DDX52",6.042106112,6.042106048,6.042106023,6.04210606,6.042106031,6.042106065,6.042106059,6.042106014,6.042106034,6.042106062,6.04210604,6.042105963,6.042106059,6.042106134,6.042106077,6.042105913,6.04210599,6.042105978,6.042106061,6.042106014,6.042106032,6.042106015,6.04210605,6.042106026,6.042106023,6.042106055,6.042106073,6.042106074
+"3891","DDX53",3.688810456,3.688810472,3.688810454,3.68881044,3.688810451,3.688810493,3.688810476,3.688810463,3.688810418,3.688810476,3.688810505,3.688810548,3.688810458,3.688810437,3.68881046,3.68881046,3.68881051,3.688810485,3.688810438,3.688810453,3.688810462,3.688810433,3.68881041,3.688810391,3.688810499,3.688810468,3.688810414,3.688810452
+"3892","DDX54",7.260484152,7.260484211,7.260484191,7.260484114,7.260484269,7.260484266,7.260484228,7.260484245,7.260484234,7.260484264,7.2604842,7.260484277,7.260484214,7.260484175,7.260484279,7.260484187,7.260484229,7.260484203,7.260484207,7.260484213,7.260484196,7.260484242,7.260484206,7.260484132,7.26048416,7.260484238,7.260484168,7.260484265
+"3893","DDX55",6.358168464,6.358168451,6.358168278,6.358168086,6.358168362,6.358168286,6.358168494,6.358168247,6.3581685,6.358168339,6.358168317,6.358168392,6.358168577,6.358168564,6.358168347,6.358168443,6.358168185,6.358168257,6.358168453,6.358168377,6.358168429,6.358168292,6.358168521,6.358168355,6.358168232,6.358168532,6.358168546,6.358168529
+"3894","DDX56",7.34257617,7.342575541,7.342575658,7.342575425,7.34257581,7.342576379,7.342575856,7.34257576,7.342576065,7.342575845,7.342575276,7.342575961,7.342576323,7.342576342,7.34257592,7.342575567,7.342575377,7.342575122,7.342575844,7.342576002,7.342575743,7.342575849,7.342575931,7.342575519,7.342575168,7.342576088,7.342576405,7.342575856
+"3895","DDX59",5.118811082,5.118811026,5.118810976,5.118810983,5.1188109,5.118810989,5.118810895,5.11881087,5.118810949,5.118810978,5.118810958,5.118810697,5.118810914,5.118811136,5.118810941,5.118811017,5.118810851,5.118810862,5.118811045,5.118811024,5.118810987,5.118810899,5.118811027,5.118811002,5.118811002,5.118810858,5.118810879,5.118811036
+"3896","DDX6",9.414069767,9.414068992,9.414069126,9.414069074,9.41406887,9.414068541,9.414069315,9.414069057,9.414069149,9.414068839,9.414069179,9.414068813,9.414069324,9.414070336,9.414069433,9.414068734,9.414068942,9.414069073,9.414069423,9.414068372,9.414069418,9.414068987,9.414069288,9.414069067,9.414069054,9.414069376,9.414069181,9.414069798
+"3897","DDX60",6.253937392,6.253936841,6.25393536,6.253934663,6.253937357,6.253940881,6.253935903,6.253934998,6.253936692,6.253935239,6.253933303,6.253933448,6.253935685,6.253937546,6.253935455,6.253936529,6.253934088,6.25393334,6.253938587,6.253941391,6.253935214,6.253935696,6.253937166,6.253936757,6.253935009,6.253933811,6.253935713,6.253935769
+"3898","DDX60L",8.555156794,8.554962349,8.543219052,8.560754568,8.544420972,8.574873254,8.537463448,8.536324318,8.542509012,8.539736181,8.550116409,8.515488952,8.548667288,8.549890413,8.546241888,8.559390785,8.534493833,8.544436342,8.561506526,8.574522679,8.53877882,8.536156205,8.557754361,8.559982388,8.560186866,8.533538136,8.54716775,8.531219179
+"3899","DEAF1",7.082470272,7.082470297,7.082470285,7.082470276,7.082470302,7.082470281,7.082470267,7.082470317,7.082470307,7.082470305,7.082470278,7.082470265,7.082470289,7.082470297,7.082470317,7.082470339,7.082470272,7.082470305,7.082470284,7.082470341,7.082470313,7.082470308,7.082470307,7.082470257,7.082470321,7.08247031,7.082470307,7.08247032
+"3900","DECR1",7.335722743,7.335722265,7.335721907,7.335722114,7.335721294,7.335722086,7.33572191,7.335721679,7.335721668,7.335721632,7.335721607,7.335720688,7.335722091,7.335722096,7.335722004,7.335722339,7.335721519,7.335721659,7.335722026,7.33572202,7.335721988,7.335721858,7.335722083,7.335722005,7.33572176,7.335721659,7.335722008,7.335721054
+"3901","DEDD",7.235374575,7.235374592,7.235374589,7.23537459,7.235374578,7.235374574,7.235374575,7.235374588,7.235374593,7.235374573,7.235374574,7.235374555,7.235374568,7.235374572,7.235374574,7.235374587,7.235374585,7.235374581,7.235374569,7.235374541,7.235374574,7.235374575,7.23537459,7.235374589,7.235374589,7.235374566,7.235374578,7.235374572
+"3902","DEDD2",8.46999492,8.469995194,8.469994969,8.469995131,8.469994807,8.469995089,8.469994902,8.469995032,8.469994924,8.469994831,8.469995012,8.469994876,8.469995017,8.469994894,8.469994879,8.469995085,8.469994948,8.469995068,8.469994964,8.469995174,8.469994831,8.469994986,8.469995019,8.469995041,8.469995041,8.469994873,8.469995052,8.469994855
+"3903","DEF6",8.040062591,8.040062625,8.040062545,8.04006271,8.04006247,8.040062621,8.0400627,8.040062353,8.040062616,8.040062718,8.040062669,8.040062524,8.04006266,8.040062649,8.040062471,8.040062647,8.040062232,8.040062478,8.040062558,8.040062617,8.04006259,8.040062379,8.04006252,8.040062716,8.040062654,8.040062655,8.040062702,8.0400625
+"3904","DEF8",7.15898332,7.158983529,7.158983333,7.158983557,7.158983258,7.158983375,7.158983476,7.158983347,7.158983242,7.158983315,7.158983442,7.158983221,7.158983367,7.158983293,7.158983403,7.15898351,7.158983384,7.158983548,7.158983452,7.158983384,7.158983437,7.158983424,7.158983397,7.158983456,7.158983501,7.158983321,7.158983355,7.158983281
+"3905","DEFA4",4.639533033,4.639532388,4.639535115,4.639531494,4.639532691,4.639531842,4.63953474,4.639532174,4.639531934,4.639531491,4.639535026,4.63953222,4.639531259,4.639530492,4.639533169,4.639531465,4.639535409,4.639531388,4.639532036,4.639533314,4.639535296,4.639531982,4.639532121,4.639531306,4.639533473,4.639532026,4.639531019,4.639531556
+"3906","DEFA5",4.386115991,4.386116236,4.386116347,4.386116183,4.386116198,4.386116241,4.386116288,4.38611636,4.38611626,4.386115909,4.38611601,4.386116241,4.386116178,4.386116108,4.386116168,4.386116203,4.386116719,4.38611609,4.386116196,4.386116262,4.386116072,4.386116157,4.386116302,4.386116076,4.386116123,4.386115982,4.386116086,4.386116071
+"3907","DEFA6",4.117773947,4.117773936,4.117773964,4.11777399,4.117773958,4.117773967,4.11777397,4.117774002,4.117773933,4.117773951,4.117773973,4.117773974,4.117773973,4.117773977,4.117773969,4.117774004,4.11777402,4.117773931,4.117773934,4.117773963,4.117773963,4.117773981,4.117774,4.117773961,4.117773924,4.117773953,4.117774059,4.117773898
+"3908","DEFB1",3.416433419,3.416433584,3.416433519,3.416433597,3.416433592,3.416433423,3.41643359,3.41643363,3.416433471,3.416433531,3.416433513,3.416433489,3.416433469,3.416433387,3.416433442,3.416433587,3.416433743,3.416433636,3.416433708,3.4164336,3.416433526,3.416433607,3.416433486,3.416433522,3.416433543,3.416433476,3.416433554,3.416433501
+"3909","DEFB108B",3.721555198,3.721555209,3.721555211,3.72155522,3.721555202,3.72155521,3.721555193,3.721555224,3.721555214,3.721555202,3.721555196,3.721555236,3.721555201,3.721555189,3.721555209,3.721555188,3.721555213,3.721555198,3.721555204,3.72155523,3.721555208,3.721555215,3.72155521,3.721555218,3.721555217,3.721555202,3.721555206,3.721555204
+"3910","DEFB110",2.625431564,2.625432013,2.625431627,2.625431789,2.625432014,2.625431867,2.625431719,2.625432029,2.625432007,2.625431315,2.625431932,2.625432097,2.625431915,2.625431454,2.625432283,2.625432362,2.625433009,2.625432248,2.625431824,2.62543207,2.625431804,2.625432185,2.625431818,2.625431451,2.625431581,2.625431282,2.625431658,2.625431773
+"3911","DEFB112",3.034909956,3.03491009,3.034909756,3.034909884,3.034909908,3.034909935,3.034909898,3.034909829,3.034909926,3.03490991,3.034909792,3.034909829,3.034909754,3.034909776,3.034909823,3.034910009,3.034910092,3.034909694,3.03490975,3.034910069,3.03490981,3.034909872,3.034909914,3.034909872,3.034909949,3.034909719,3.034909893,3.034909938
+"3912","DEFB113",3.902463185,3.902463346,3.902463571,3.902463336,3.902463397,3.902463284,3.902463398,3.902463519,3.902463377,3.902463423,3.90246339,3.902463289,3.902463333,3.902463181,3.902463341,3.902463383,3.90246381,3.902463453,3.902463391,3.902463292,3.902463255,3.902463542,3.902463469,3.902463391,3.902463409,3.902463371,3.902463266,3.902463461
+"3913","DEFB114",2.65004279,2.650042812,2.650042839,2.650042881,2.650042847,2.650042851,2.650042876,2.650042846,2.65004283,2.650042814,2.650042819,2.650042812,2.650042834,2.650042784,2.650042829,2.650042839,2.65004285,2.650042882,2.650042839,2.650042837,2.650042836,2.6500428,2.65004285,2.650042808,2.650042802,2.650042779,2.650042839,2.650042857
+"3914","DEFB115",3.803557623,3.803557638,3.803557507,3.803557856,3.803557997,3.803557627,3.803557714,3.803558008,3.803557487,3.803557578,3.803557503,3.803557926,3.803557702,3.803557516,3.803557835,3.803557856,3.803558018,3.803557728,3.80355791,3.80355761,3.803557887,3.803557739,3.803557494,3.803557534,3.80355768,3.803557813,3.803557663,3.803557737
+"3915","DEFB116",3.337727186,3.337727311,3.337727282,3.337727323,3.337727253,3.337727676,3.337727404,3.337727191,3.337727157,3.337727152,3.337727284,3.337727271,3.33772733,3.337727061,3.337727222,3.337727103,3.337727639,3.33772703,3.337727303,3.337727699,3.337727364,3.33772725,3.337727088,3.337727159,3.337727179,3.337727415,3.337727401,3.337727186
+"3916","DEFB118",3.856584095,3.856584071,3.856584057,3.856584129,3.856584075,3.856584102,3.856584056,3.856584104,3.856584068,3.856584098,3.856584055,3.856584248,3.856584041,3.856584084,3.856584102,3.856584084,3.85658416,3.856584037,3.856584107,3.856584104,3.856584065,3.856584124,3.856584064,3.856584085,3.856584059,3.8565841,3.856584099,3.856584087
+"3917","DEFB119",3.732246096,3.732246134,3.732246145,3.732246063,3.732246105,3.732245915,3.732246097,3.732246101,3.732246117,3.732246154,3.732246116,3.732246115,3.732246074,3.732246013,3.732246127,3.732246194,3.732246152,3.732246153,3.732246121,3.73224614,3.732246052,3.732246166,3.732246142,3.732246089,3.732246212,3.732246172,3.732245999,3.732246102
+"3918","DEFB121",3.612537657,3.612537671,3.612537668,3.61253768,3.612537636,3.612537678,3.612537735,3.61253769,3.612537724,3.612537689,3.612537725,3.612537725,3.61253769,3.61253768,3.612537719,3.612537644,3.61253777,3.612537646,3.6125377,3.612537672,3.612537633,3.612537715,3.612537699,3.612537683,3.612537694,3.612537606,3.612537689,3.612537699
+"3919","DEFB123",4.481495327,4.481495329,4.48149534,4.481495353,4.481495358,4.481495348,4.481495335,4.481495361,4.481495337,4.481495319,4.481495348,4.481495375,4.481495329,4.481495325,4.481495331,4.481495341,4.481495362,4.481495353,4.481495351,4.481495353,4.481495336,4.481495368,4.481495314,4.48149534,4.48149533,4.481495355,4.481495346,4.481495328
+"3920","DEFB124",5.405856106,5.405856004,5.405856096,5.405856088,5.405856216,5.40585597,5.405856189,5.405856152,5.405856086,5.405856057,5.405856097,5.405856221,5.405856114,5.40585596,5.405856203,5.405856121,5.405856239,5.405856149,5.40585614,5.405856127,5.405856251,5.40585623,5.405856053,5.405855967,5.405856074,5.405856164,5.405856074,5.405856083
+"3921","DEFB125",3.341581221,3.341581481,3.341581608,3.341581371,3.34158165,3.34158154,3.34158147,3.34158153,3.341581602,3.341581418,3.341581561,3.34158175,3.341581404,3.34158133,3.341581587,3.34158137,3.341581721,3.341581473,3.341581515,3.341581347,3.341581383,3.3415816,3.341581329,3.341581361,3.341581577,3.341581481,3.341581256,3.341581341
+"3922","DEFB126",3.55457486,3.554574885,3.554574992,3.554574733,3.55457496,3.55457502,3.554574871,3.554574861,3.554574669,3.554574925,3.554574931,3.55457494,3.554574568,3.554574813,3.55457465,3.554574984,3.554575026,3.554574804,3.554574735,3.554574862,3.554574708,3.554574789,3.554574648,3.554574867,3.554574844,3.554574633,3.554574943,3.554574948
+"3923","DEFB127",2.682156969,2.682157271,2.682157203,2.682157227,2.682157005,2.682157267,2.682157148,2.682157096,2.682157234,2.68215747,2.682157011,2.682157312,2.682156973,2.682157109,2.68215714,2.68215745,2.682157332,2.682157324,2.682156973,2.682157233,2.682157142,2.682157034,2.682157767,2.682157426,2.682157181,2.682157085,2.682157449,2.682157162
+"3924","DEFB128",2.480902658,2.480902668,2.480902663,2.480902668,2.480902657,2.48090266,2.480902657,2.480902678,2.480902677,2.480902659,2.480902677,2.480902694,2.480902664,2.480902678,2.480902647,2.48090268,2.480902661,2.480902679,2.480902685,2.480902672,2.480902683,2.480902658,2.480902691,2.480902671,2.480902677,2.480902676,2.480902652,2.480902661
+"3925","DEFB129",3.608712009,3.608711897,3.608711974,3.608711936,3.608712133,3.60871205,3.608712032,3.608712048,3.608711722,3.608711732,3.608711917,3.608711967,3.608711815,3.608711858,3.608711744,3.60871194,3.608712029,3.608712003,3.608712126,3.608712047,3.608711814,3.60871217,3.608711996,3.608711856,3.608711981,3.608712014,3.608711814,3.608711664
+"3926","DEFB132",5.142237883,5.142237886,5.142237982,5.142237934,5.142237968,5.142237948,5.142237951,5.142237999,5.14223788,5.142237942,5.142237928,5.142237958,5.142237913,5.142237874,5.142238004,5.142237941,5.142238025,5.142237954,5.14223794,5.142237947,5.142237981,5.142238018,5.142237892,5.142237954,5.142237926,5.142237971,5.142237908,5.142237963
+"3927","DEFB133",2.832811898,2.832811951,2.832811928,2.832811968,2.832811912,2.832811955,2.832811934,2.832811978,2.832811927,2.83281194,2.83281196,2.832811953,2.832811945,2.832811946,2.832811929,2.832811935,2.832811966,2.832811911,2.832811929,2.83281195,2.832811912,2.832811912,2.832811939,2.832811941,2.832811925,2.832811904,2.832811929,2.83281196
+"3928","DEFB134",3.309792048,3.309792182,3.309792073,3.309792095,3.309792125,3.309792006,3.309792145,3.309792069,3.309792154,3.309792148,3.309791984,3.309792247,3.309792022,3.309791997,3.309792124,3.309792047,3.309792115,3.309792019,3.309792214,3.309792027,3.309792186,3.309792148,3.309792187,3.309792034,3.309792132,3.309792136,3.309792029,3.309792101
+"3929","DEFB135",2.727059378,2.727059555,2.727059366,2.727059414,2.727059476,2.727059518,2.727059519,2.72705941,2.727059371,2.727059491,2.727059321,2.727059514,2.727059367,2.727059348,2.727059459,2.727059431,2.727059486,2.727059493,2.727059548,2.727059237,2.727059431,2.727059549,2.727059494,2.727059373,2.727059409,2.72705942,2.727059696,2.727059434
+"3930","DEFB136",3.444415326,3.444415333,3.444415362,3.44441533,3.444415356,3.444415346,3.444415345,3.44441536,3.444415344,3.444415351,3.44441534,3.444415358,3.444415323,3.444415322,3.444415354,3.44441535,3.444415389,3.444415353,3.44441534,3.444415345,3.444415353,3.444415357,3.44441534,3.444415324,3.444415338,3.444415346,3.444415328,3.44441534
+"3931","DEGS1",6.604723605,6.604723673,6.604723007,6.604723446,6.60472285,6.604723455,6.604723137,6.604722615,6.604723254,6.604723289,6.604723163,6.604721938,6.604723284,6.60472375,6.604723154,6.604723582,6.604722529,6.604723167,6.604723486,6.604723248,6.604723073,6.604722797,6.604723375,6.604723635,6.604723303,6.60472302,6.60472316,6.604723215
+"3932","DEGS2",7.355743608,7.355743476,7.355743783,7.355743345,7.355744513,7.355743501,7.355743931,7.35574424,7.355743819,7.355743955,7.355743932,7.355744426,7.355743779,7.355743062,7.355744293,7.355743832,7.355744318,7.355743891,7.355744092,7.355743757,7.355744218,7.355744357,7.355743535,7.355743048,7.355743405,7.355744229,7.355743494,7.355743975
+"3933","DEK",7.087228921,7.087228622,7.087228105,7.087227852,7.087228156,7.087228201,7.087228451,7.087227913,7.087228802,7.087228584,7.087227753,7.087227514,7.087228877,7.087230594,7.087228483,7.087228132,7.087227872,7.087228023,7.087227926,7.087229111,7.087229141,7.087228199,7.087228792,7.087228687,7.087228099,7.087228635,7.087228782,7.087229651
+"3934","DELE1",7.102870646,7.102870694,7.102870609,7.102870696,7.102870564,7.102870755,7.102870582,7.102870617,7.102870631,7.102870638,7.102870609,7.102870536,7.102870708,7.102870655,7.102870535,7.10287042,7.102870531,7.102870508,7.102870663,7.102870751,7.102870504,7.102870621,7.102870647,7.102870715,7.102870562,7.102870572,7.102870733,7.102870446
+"3935","DELEC1",3.846810383,3.846810417,3.846810425,3.846810379,3.846810448,3.846810397,3.846810418,3.846810441,3.846810397,3.846810382,3.846810472,3.84681053,3.846810413,3.846810368,3.846810451,3.846810413,3.846810487,3.846810404,3.846810435,3.846810385,3.84681041,3.846810415,3.846810381,3.84681035,3.846810446,3.846810401,3.846810412,3.84681044
+"3936","DENND11",6.8044044,6.80440407,6.804402919,6.80440336,6.804403454,6.804403134,6.804403581,6.80440333,6.804404201,6.804403811,6.804402878,6.804403937,6.804403713,6.804405185,6.804403691,6.804403412,6.804402093,6.804403261,6.804403686,6.804402184,6.804403137,6.804403545,6.804404057,6.804403921,6.804403043,6.804404003,6.804404031,6.804404414
+"3937","DENND1A",7.566425047,7.566425014,7.566425005,7.566425188,7.566424911,7.566425633,7.566425071,7.566424998,7.56642496,7.566424985,7.566424932,7.566424931,7.566425016,7.5664249,7.566424959,7.566424983,7.566424984,7.566425035,7.566424927,7.56642551,7.5664251,7.566424974,7.566425111,7.566425078,7.566425029,7.566424964,7.566425192,7.566424782
+"3938","DENND1B",5.588123822,5.5881237095,5.588123486,5.588123092,5.588123427,5.588123598,5.58812375,5.5881233995,5.5881235775,5.588123597,5.5881236205,5.588123075,5.5881236055,5.5881240125,5.5881235815,5.5881235055,5.5881234635,5.588123159,5.588123813,5.588123634,5.588123723,5.5881232435,5.58812374,5.5881237765,5.588123652,5.588123487,5.588123572,5.5881237965
+"3939","DENND1C",7.575204935,7.575204943,7.575204753,7.575204972,7.575204883,7.575205115,7.575204977,7.575204906,7.575205099,7.575204833,7.575204813,7.575204842,7.575205081,7.57520494,7.575204787,7.575204861,7.575204522,7.575204793,7.575204805,7.575204939,7.575204913,7.575204937,7.575204948,7.575204924,7.575204812,7.575204873,7.575205014,7.575204917
+"3940","DENND2A",4.988750817,4.988750784,4.98875083,4.988750837,4.988750854,4.988750837,4.988750812,4.988750843,4.988750816,4.98875083,4.988750839,4.988750859,4.988750821,4.988750783,4.988750824,4.988750825,4.988750856,4.988750841,4.988750833,4.988750825,4.988750833,4.988750799,4.988750812,4.988750819,4.988750829,4.988750846,4.988750822,4.98875084
+"3941","DENND2B",4.256947058,4.256947064,4.256947167,4.256947166,4.256947239,4.256947124,4.256947214,4.256947202,4.256947209,4.256947242,4.256947225,4.256947281,4.256947113,4.256946972,4.256947245,4.256947144,4.256947364,4.25694726,4.256947241,4.256947104,4.256947199,4.256947352,4.256947239,4.256947155,4.256947074,4.256947167,4.256947071,4.256947244
+"3942","DENND2C",3.650989618,3.65098964,3.650989666,3.650989698,3.650989695,3.65098965,3.650989663,3.65098963,3.650989651,3.650989727,3.650989713,3.650989705,3.65098967,3.650989638,3.650989673,3.65098967,3.650989675,3.650989699,3.650989672,3.650989688,3.650989648,3.650989637,3.650989648,3.650989697,3.650989704,3.650989675,3.65098965,3.650989672
+"3943","DENND2D",9.086522049,9.084959265,9.080892275,9.076745412,9.078572407,9.082082945,9.086474277,9.083461485,9.088543656,9.085337843,9.072981318,9.084399162,9.086660809,9.088960171,9.079208438,9.08267152,9.074607245,9.073182095,9.079996772,9.077697398,9.08275174,9.083567899,9.088261945,9.083461533,9.073047884,9.08605872,9.086979458,9.084733422
+"3944","DENND3",9.076922693,9.146916152,9.083108112,9.180040423,9.061368353,9.131145807,9.116012102,9.087020579,9.052888022,9.043562263,9.121251649,9.033865748,9.105530328,9.075595898,9.063358313,9.157279161,9.065981716,9.147072562,9.124559163,9.154394734,9.116033339,9.084098756,9.102393339,9.120702321,9.146187712,9.081713344,9.090650876,9.033210798
+"3945","DENND4A",7.750419013,7.750418773,7.750418638,7.750418391,7.750418323,7.750418201,7.750418495,7.750418533,7.750418779,7.75041868,7.750418605,7.750418503,7.750418696,7.750419131,7.750418641,7.750418522,7.750418251,7.750418373,7.750418609,7.750418091,7.75041846,7.750418589,7.750418827,7.750418596,7.750418697,7.750418777,7.750418715,7.750418953
+"3946","DENND4B",7.787030521,7.787030572,7.787030525,7.78703071,7.787030418,7.787030787,7.787030582,7.787030505,7.787030565,7.787030677,7.787030629,7.787030482,7.787030663,7.787030468,7.787030315,7.787030595,7.787030307,7.787030575,7.787030488,7.787030699,7.787030502,7.787030603,7.787030522,7.787030533,7.787030783,7.787030505,7.787030658,7.787030318
+"3947","DENND4C",7.12011561,7.120115095,7.120114666,7.120114709,7.120114679,7.12011423,7.120114932,7.120114914,7.120114995,7.120115367,7.120114686,7.120114486,7.120115065,7.120116011,7.120115192,7.120114684,7.120114271,7.120114719,7.120115155,7.120114576,7.120114901,7.120114691,7.120115315,7.120115282,7.120114452,7.120115144,7.120115106,7.12011533
+"3948","DENND5A",8.94352151,8.943521838,8.943521013,8.943522312,8.943520901,8.943522054,8.943521441,8.943520926,8.943520955,8.943521206,8.943521481,8.943520539,8.943521349,8.943521441,8.94352118,8.943521475,8.943520811,8.943521968,8.943521687,8.943521731,8.943521418,8.94352106,8.943521565,8.943521617,8.943521944,8.943521058,8.943521361,8.943521002
+"3949","DENND5B",4.683582045,4.68358174,4.683581696,4.683582,4.683582001,4.683581672,4.683582013,4.683581522,4.683581648,4.683581843,4.68358159,4.683582066,4.683581868,4.683582255,4.683581768,4.683581634,4.68358139,4.683581704,4.68358186,4.683581798,4.683582055,4.683581594,4.683581584,4.683581943,4.683581733,4.683582058,4.683581934,4.683581994
+"3950","DENND6A",7.298223949,7.298223217,7.29822309,7.298223665,7.298222188,7.298222583,7.298223297,7.298222628,7.29822315,7.298222913,7.298222724,7.298222523,7.298223369,7.298224005,7.298222896,7.298222747,7.298222375,7.298223059,7.298222962,7.298222136,7.29822302,7.298222375,7.298223487,7.298223313,7.298222588,7.29822305,7.298223387,7.298223278
+"3951","DENND6B",6.24848427,6.248484275,6.248484303,6.248484295,6.24848432,6.248484272,6.248484297,6.248484307,6.248484285,6.248484275,6.248484313,6.248484306,6.248484294,6.248484266,6.248484309,6.24848428,6.248484318,6.248484301,6.248484295,6.248484302,6.248484314,6.248484309,6.248484266,6.248484279,6.248484296,6.248484311,6.248484299,6.248484286
+"3952","DENR",6.279373523,6.27937343,6.27937316,6.279373134,6.279373214,6.279372926,6.27937315,6.279373182,6.279373193,6.279373147,6.279373205,6.279372876,6.279373189,6.279373751,6.279373234,6.27937336,6.27937319,6.279372769,6.279373371,6.279373301,6.279372925,6.27937316,6.279373301,6.279373176,6.279373216,6.27937316,6.279373294,6.279373379
+"3953","DEPDC1",3.235553783,3.235553725,3.23555371,3.235553728,3.235553747,3.235553779,3.235553955,3.235553836,3.235553771,3.235553854,3.235553847,3.235553848,3.235553902,3.235553762,3.235553776,3.235553668,3.235553798,3.235553893,3.235553717,3.235553791,3.235553759,3.235553839,3.235553932,3.235553728,3.235553663,3.235553782,3.235553809,3.235553707
+"3954","DEPDC1B",3.785258778,3.785258796,3.785258848,3.78525874,3.785258846,3.785258866,3.785259006,3.785258809,3.785258875,3.785258756,3.785258877,3.785258837,3.785258786,3.785258804,3.785258823,3.785258829,3.785258904,3.785258805,3.785258773,3.785258908,3.785258983,3.785258831,3.785258918,3.785258777,3.785258773,3.785258807,3.785258782,3.785258848
+"3955","DEPDC4",2.28641453,2.286414528,2.286414608,2.286414563,2.28641451,2.286414607,2.28641456,2.286414577,2.286414575,2.286414572,2.286414544,2.286414571,2.286414552,2.286414554,2.286414502,2.286414524,2.286414524,2.286414572,2.286414575,2.286414528,2.286414515,2.286414556,2.286414584,2.28641455,2.286414561,2.286414525,2.28641452,2.286414538
+"3956","DEPDC5",6.670846998,6.670847026,6.670846831,6.67084689,6.670846901,6.670846919,6.670846917,6.670846818,6.670846892,6.670846869,6.670846967,6.670846876,6.670846937,6.670847003,6.670846884,6.670846873,6.670846667,6.670846738,6.670846983,6.670846843,6.670846857,6.67084683,6.670846952,6.67084691,6.670846933,6.670846873,6.670846994,6.670846902
+"3957","DEPDC7",3.876673125,3.876673125,3.876673134,3.876673157,3.876673155,3.876673136,3.876673119,3.876673144,3.87667313,3.876673129,3.876673133,3.876673153,3.876673109,3.876673123,3.876673144,3.876673168,3.876673188,3.876673139,3.876673149,3.876673167,3.876673138,3.876673143,3.876673137,3.876673114,3.876673103,3.87667315,3.876673136,3.876673133
+"3958","DEPP1",5.231602893,5.231602886,5.2316029,5.231602888,5.231602897,5.231602909,5.231602875,5.231602912,5.231602892,5.231602901,5.231602881,5.231602909,5.231602893,5.231602847,5.231602888,5.231602863,5.231602905,5.231602885,5.231602906,5.231602889,5.23160288,5.231602905,5.231602891,5.231602874,5.231602906,5.23160288,5.231602911,5.231602869
+"3959","DEPTOR",4.933855812,4.933856047,4.933855796,4.933855857,4.933855884,4.933855738,4.933856004,4.933855818,4.93385606,4.93385605,4.933855943,4.933855924,4.93385577,4.933856086,4.933855882,4.933855979,4.933855961,4.933855844,4.93385595,4.933855783,4.93385596,4.933855971,4.93385597,4.933855884,4.933855906,4.933856015,4.933855812,4.93385597
+"3960","DERA",5.757421858,5.757421821,5.757421684,5.757421745,5.757421663,5.757421691,5.757421812,5.757421708,5.757421768,5.757421748,5.757421808,5.757421641,5.757421837,5.757421867,5.757421734,5.757421851,5.757421627,5.75742172,5.757421812,5.757421871,5.757421797,5.757421704,5.757421775,5.757421799,5.757421699,5.757421705,5.757421818,5.757421705
+"3961","DERL1",7.519306358,7.519306305,7.519306177,7.519306062,7.519305981,7.519306327,7.519306267,7.519306198,7.519306116,7.519306076,7.519306052,7.519305862,7.519306274,7.519306521,7.51930617,7.519306318,7.519305955,7.519306007,7.519306121,7.519306255,7.519306142,7.519306223,7.519306354,7.519306304,7.519306014,7.519306153,7.519306299,7.519306307
+"3962","DERL2",7.563194459,7.563193909,7.563194305,7.563193667,7.563193396,7.563193806,7.563193892,7.563193539,7.563193795,7.56319321,7.56319365,7.563192629,7.563194152,7.563194715,7.563193503,7.563193676,7.563193368,7.563193271,7.563194156,7.563194227,7.563193867,7.563193871,7.563194119,7.563193727,7.56319368,7.563193399,7.56319407,7.563194058
+"3963","DERL3",5.882805002,5.882804968,5.882804998,5.882804983,5.882805,5.882804983,5.882805002,5.882804993,5.882804988,5.882804999,5.882805004,5.882805,5.882805008,5.882804952,5.882804993,5.882804979,5.882805001,5.882804992,5.882805004,5.882804984,5.882805019,5.882804985,5.88280498,5.882804987,5.882804974,5.882804971,5.882804999,5.882804977
+"3964","DES",6.166039099,6.166039317,6.166039678,6.166039382,6.166039999,6.166039329,6.166039561,6.166039809,6.166039653,6.166039493,6.166039704,6.166039895,6.166039536,6.166039163,6.166039767,6.166039438,6.166039891,6.166039792,6.166039537,6.16603954,6.166039819,6.166039798,6.16603936,6.166039214,6.166039665,6.166039605,6.166039405,6.16603951
+"3965","DESI1",7.510379654,7.510379702,7.510379706,7.510379649,7.51037966,7.510380025,7.510379654,7.510379661,7.510379802,7.510379837,7.510379674,7.510379724,7.510379714,7.51037938,7.510379693,7.510379584,7.510379864,7.510379539,7.510379706,7.510379932,7.510379585,7.51037974,7.510379686,7.510379724,7.510379662,7.510379643,7.510379801,7.510379608
+"3966","DESI2",6.657377887,6.657377941,6.657377908,6.657377826,6.657377812,6.657377755,6.657377937,6.657377755,6.657377574,6.657378063,6.657377976,6.657377898,6.657377671,6.65737766,6.657378156,6.657377961,6.65737804,6.657378121,6.657378088,6.657377863,6.657377794,6.657377699,6.657377766,6.657377898,6.657377733,6.657377951,6.657377798,6.657377875
+"3967","DET1",5.8448612635,5.844861026,5.8448608635,5.844860559,5.8448603445,5.8448607885,5.844860747,5.8448603685,5.84486116,5.8448608645,5.8448600085,5.844861038,5.844861107,5.844861091,5.8448610605,5.8448606675,5.84485997,5.844860582,5.8448609925,5.844860353,5.844860582,5.8448609865,5.8448609435,5.84486115,5.8448607565,5.844861071,5.8448609295,5.844860838
+"3968","DEUP1",2.947053563,2.947053564,2.947053567,2.947053556,2.947053582,2.947053568,2.947053575,2.947053543,2.947053567,2.94705357,2.947053553,2.947053581,2.947053542,2.947053549,2.947053568,2.947053565,2.947053549,2.947053572,2.947053558,2.947053562,2.947053543,2.947053576,2.947053556,2.947053543,2.947053588,2.947053571,2.947053547,2.947053567
+"3969","DEXI",6.214913897,6.214913788,6.214913503,6.214913367,6.214913326,6.214913933,6.214913603,6.214913762,6.214913559,6.21491395,6.214913887,6.214913479,6.214913916,6.214913777,6.214913552,6.214913417,6.214913632,6.214913261,6.214913585,6.214914101,6.2149132,6.214913531,6.214913783,6.214913832,6.214913724,6.214913287,6.214913866,6.214913823
+"3970","DFFA",6.224731456,6.224731407,6.224731289,6.224731369,6.224731303,6.224731436,6.224731358,6.22473129,6.224731467,6.224731461,6.224731241,6.224731292,6.224731386,6.224731522,6.224731226,6.22473135,6.224731158,6.224731252,6.224731373,6.224731366,6.224731245,6.224731294,6.22473138,6.224731391,6.224731332,6.22473138,6.224731328,6.22473145
+"3971","DFFB",6.195543439,6.195543338,6.195543549,6.195543163,6.195543346,6.195543398,6.195543363,6.19554338,6.19554357,6.195543621,6.195543267,6.195543439,6.195543405,6.195543454,6.195543387,6.195543446,6.195543396,6.195543086,6.195543422,6.195543312,6.195543484,6.195543369,6.195543583,6.195543502,6.195543349,6.195543422,6.1955436,6.195543514
+"3972","DGAT1",7.884880448,7.884880735,7.884880678,7.884880835,7.884880477,7.884880668,7.884880637,7.884880727,7.884880585,7.884880638,7.884880544,7.88488049,7.884880642,7.884880638,7.884880498,7.884880814,7.884880728,7.884880723,7.884880625,7.884880888,7.884880573,7.884880822,7.884880628,7.884880741,7.88488056,7.884880628,7.88488065,7.884880623
+"3973","DGAT2",8.372822066,8.372823638,8.372822408,8.372824353,8.372821629,8.372822361,8.372822063,8.372822523,8.372822678,8.372822442,8.372822946,8.37282075,8.37282181,8.372821711,8.372822461,8.372823427,8.372822724,8.372824159,8.372823094,8.372822646,8.372821777,8.372822396,8.372823327,8.372823985,8.372823004,8.372821557,8.372821826,8.372821432
+"3974","DGAT2L6",3.671554952,3.671554929,3.671554918,3.67155497,3.671555005,3.671555014,3.671554952,3.671554994,3.671554934,3.671554929,3.671555015,3.671555033,3.671554862,3.671554898,3.671554945,3.671554995,3.671555032,3.671554959,3.671554959,3.671554963,3.671554975,3.671555002,3.67155491,3.671554975,3.671554993,3.671554968,3.671555038,3.671554949
+"3975","DGCR2",8.284635832,8.28463687,8.284635826,8.284636761,8.284635713,8.284636472,8.284636347,8.284636072,8.284636172,8.284636031,8.284636138,8.284635793,8.284636136,8.284636083,8.284636068,8.28463689,8.284635814,8.284636402,8.284636443,8.284636465,8.284636076,8.28463615,8.284636429,8.284636481,8.284636472,8.284635921,8.284636101,8.284635754
+"3976","DGCR5",5.927363947,5.927363947,5.927364089,5.927363997,5.927364159,5.92736398,5.92736408,5.927364173,5.927364055,5.927364099,5.927364077,5.927364176,5.927364099,5.927363927,5.927364131,5.927364122,5.927364196,5.927364059,5.927364059,5.927364055,5.927364114,5.927364157,5.927364028,5.927364041,5.927364077,5.927364141,5.92736403,5.927364072
+"3977","DGCR6L",6.810266875,6.810266911,6.810267021,6.810266957,6.810267119,6.81026687,6.810266951,6.810267039,6.810267058,6.810267018,6.810267036,6.810267014,6.810267004,6.810266878,6.810267035,6.810267051,6.810267125,6.810267115,6.810266923,6.810266902,6.810266983,6.810267062,6.810266885,6.810266845,6.810266977,6.810267029,6.810266915,6.810266975
+"3978","DGKA",8.608090185,8.608065032,8.608031854,8.608027188,8.608028638,8.608070223,8.608054072,8.608023587,8.608146379,8.608102566,8.607981679,8.608103822,8.60810081,8.608126424,8.608015607,8.608048081,8.607933111,8.607988503,8.608051152,8.608046855,8.608051746,8.60804562,8.608096067,8.608049738,8.60798812,8.608105527,8.608101318,8.608068425
+"3979","DGKB",3.260250872,3.260250844,3.260250942,3.260250955,3.260250937,3.260250894,3.260250951,3.260250927,3.260250913,3.260250939,3.260250877,3.260250967,3.26025089,3.260250896,3.260250915,3.260250899,3.260250908,3.260250909,3.260250921,3.260250917,3.260250912,3.260250919,3.260250855,3.260250875,3.260250886,3.260250921,3.26025091,3.260250898
+"3980","DGKD",8.155022861,8.155023037,8.155022663,8.155022946,8.15502279,8.155022702,8.15502289,8.155022623,8.155022885,8.155023068,8.15502286,8.155022883,8.155022787,8.155022949,8.155022765,8.155022948,8.155022422,8.155022795,8.155022879,8.155022549,8.155022727,8.155022585,8.155022807,8.155023047,8.155022849,8.155022948,8.155022782,8.155022793
+"3981","DGKE",5.251032998,5.251032615,5.251032038,5.251032342,5.251032243,5.251032484,5.251032993,5.251032566,5.25103289,5.251032364,5.251031926,5.251032344,5.251032821,5.251033267,5.251032482,5.25103264,5.251031802,5.251031929,5.251032253,5.251031944,5.251032509,5.25103223,5.251032904,5.251032528,5.251031627,5.251032526,5.251032861,5.251033089
+"3982","DGKG",6.365373558,6.365374365,6.365374178,6.365374224,6.365373743,6.365373821,6.365374041,6.365374059,6.365373407,6.365373982,6.365374072,6.365373724,6.36537357,6.365373493,6.365373711,6.365374369,6.365373945,6.36537413,6.365373649,6.365373443,6.365374162,6.365374075,6.365373681,6.365374219,6.36537415,6.36537389,6.36537376,6.36537349
+"3983","DGKH",5.241353568,5.241353443,5.241353249,5.241353353,5.241353439,5.241353255,5.241353565,5.241353452,5.241353552,5.241353447,5.241353075,5.241353269,5.241353485,5.241353613,5.241353515,5.241353406,5.241353267,5.241353388,5.24135345,5.241353405,5.241353581,5.241353321,5.24135355,5.241353264,5.241353343,5.241353245,5.241353484,5.241353461
+"3984","DGKI",4.366459412,4.366459356,4.366459625,4.366459595,4.366459908,4.366459503,4.366459701,4.366459998,4.366459652,4.366459439,4.366459794,4.366459753,4.366459698,4.366459213,4.366459625,4.366459288,4.366459965,4.366459744,4.366459731,4.366459628,4.366459585,4.366459732,4.366459451,4.366459594,4.366459715,4.366459816,4.366459462,4.366459477
+"3985","DGKK",4.063683042,4.063683015,4.063683047,4.063683025,4.063683076,4.063683047,4.063682986,4.063683085,4.063683034,4.063683043,4.063683055,4.063683161,4.063682992,4.063683032,4.063683051,4.06368308,4.063683075,4.06368301,4.063683065,4.063683036,4.06368304,4.063683091,4.063682992,4.063682998,4.063683047,4.063683089,4.063683013,4.063683054
+"3986","DGKQ",6.917694575,6.917694721,6.91769464,6.917694558,6.917694629,6.917694645,6.917694576,6.91769473,6.917694708,6.917694645,6.91769468,6.917694679,6.917694621,6.917694583,6.917694617,6.917694728,6.917694665,6.917694625,6.917694649,6.91769461,6.91769458,6.917694692,6.917694676,6.917694634,6.917694718,6.917694718,6.917694654,6.917694576
+"3987","DGKZ",7.576733408,7.576733576,7.5767334885,7.5767334465,7.576733593,7.576733224,7.5767334105,7.5767334635,7.5767333985,7.5767334225,7.5767335735,7.576733572,7.5767335545,7.5767332805,7.5767336195,7.5767335785,7.576733539,7.5767335785,7.5767334305,7.576733237,7.5767335955,7.5767334075,7.576733471,7.5767333345,7.5767334825,7.576733548,7.5767334485,7.5767335375
+"3988","DGLUCY",8.528649398,8.528730805,8.528665479,8.528802286,8.528622454,8.528764768,8.528719588,8.528695001,8.528645595,8.528623532,8.528672236,8.528640408,8.528700236,8.528663935,8.528628013,8.52871877,8.528655795,8.528743457,8.528702139,8.528775545,8.528730736,8.528708255,8.528702707,8.528694044,8.528710636,8.528666365,8.528687984,8.528618121
+"3989","DGUOK",6.593720876,6.593720665,6.593720747,6.593720632,6.593720643,6.59372077,6.593720875,6.593720457,6.59372099,6.593720838,6.593720559,6.593720537,6.5937209,6.593720916,6.593720581,6.593720471,6.593720434,6.593720304,6.593720806,6.593720588,6.593720751,6.593720418,6.593720939,6.593720736,6.593720596,6.593720784,6.593720874,6.593720777
+"3990","DHCR24",5.915676846,5.915676906,5.915676812,5.915676862,5.915676859,5.915676904,5.915676874,5.915676917,5.915676898,5.915676907,5.91567691,5.915676895,5.915676908,5.915676905,5.915676858,5.915676886,5.915676814,5.915676855,5.915676841,5.915676898,5.915676901,5.915676888,5.915676864,5.915676892,5.915676848,5.915676879,5.915676883,5.915676863
+"3991","DHCR7",5.800503246,5.800503251,5.800503236,5.800503241,5.800503207,5.800503232,5.800503265,5.80050325,5.800503255,5.800503261,5.800503251,5.800503252,5.800503236,5.800503271,5.800503245,5.80050325,5.800503214,5.80050324,5.800503237,5.800503238,5.800503237,5.800503243,5.80050324,5.800503269,5.800503242,5.800503242,5.800503243,5.800503254
+"3992","DHDDS",7.066664638,7.066664654,7.066664399,7.066664391,7.066664286,7.066664695,7.066664539,7.066664573,7.066664565,7.066664472,7.066664196,7.06666427,7.066664563,7.066664673,7.066664337,7.066664394,7.066663927,7.066664184,7.066664576,7.066664321,7.066664388,7.066664399,7.066664693,7.066664849,7.06666414,7.066664514,7.066664532,7.066664459
+"3993","DHDH",5.661814935,5.661814946,5.661814945,5.661814946,5.661815004,5.661814968,5.66181494,5.66181492,5.661814953,5.661814969,5.661814996,5.661814981,5.661814966,5.661814881,5.661814963,5.661814991,5.661814985,5.661815008,5.661814951,5.661814961,5.661814944,5.66181496,5.661814939,5.661814936,5.661814985,5.661814946,5.661814922,5.661814957
+"3994","DHFR",5.583669061,5.583668868,5.58366897,5.583669068,5.583668843,5.583668958,5.583669241,5.583668921,5.583669043,5.58366894,5.58366894,5.583668953,5.583669063,5.583669072,5.583668915,5.583668877,5.583668885,5.583668973,5.583668922,5.5836691,5.583669226,5.583668943,5.583669064,5.583668998,5.583668921,5.58366905,5.583669024,5.583669048
+"3995","DHFR2",5.599506767,5.599506461,5.599506441,5.599506554,5.599506766,5.599506564,5.59950691,5.599506406,5.599506841,5.599506326,5.599506263,5.599506767,5.59950667,5.599507268,5.599506932,5.599506402,5.599506567,5.599506385,5.599506467,5.599506961,5.599506703,5.599506698,5.599506848,5.599506648,5.599506328,5.599506633,5.599506602,5.599507185
+"3996","DHH",5.317877702,5.317877731,5.317877781,5.31787773,5.317877965,5.317877695,5.317877837,5.317877843,5.317877698,5.317877862,5.317877909,5.317877882,5.317877773,5.31787764,5.317877848,5.317877894,5.317877884,5.317877906,5.31787779,5.317877736,5.317877967,5.31787786,5.317877734,5.317877741,5.317877797,5.317877871,5.317877829,5.317877815
+"3997","DHODH",5.529130245,5.529130343,5.52913036,5.529130105,5.529130335,5.529130322,5.529130336,5.529130493,5.529130359,5.52913055,5.529130097,5.529130388,5.529130455,5.52913031,5.529130273,5.529130304,5.52913046,5.529130234,5.529130097,5.529130426,5.529130286,5.529130349,5.529130472,5.529130319,5.529130288,5.529130254,5.52913027,5.529130377
+"3998","DHPS",6.915650746,6.915650709,6.915650705,6.915650854,6.915650681,6.915650741,6.915650632,6.915650721,6.915650907,6.91565101,6.915650386,6.915650429,6.915650992,6.915651048,6.915650539,6.91565068,6.915649896,6.915650522,6.915650823,6.915650579,6.91565059,6.915650656,6.915650887,6.915650764,6.9156503,6.915650783,6.915651023,6.915650829
+"3999","DHRS1",6.594017124,6.594017262,6.594016824,6.594017119,6.59401659,6.594017406,6.594017398,6.594016639,6.594017067,6.594017336,6.594016687,6.594016421,6.594016693,6.594017323,6.594016466,6.594017333,6.594016637,6.594016628,6.594016276,6.594017209,6.594017223,6.594016738,6.594016738,6.594017021,6.594016781,6.594016124,6.594016814,6.594016804
+"4000","DHRS11",5.671453547,5.671453559,5.67145359,5.671453568,5.671453597,5.671453566,5.671453571,5.671453593,5.671453578,5.671453575,5.671453594,5.671453578,5.671453577,5.671453544,5.671453583,5.671453568,5.671453584,5.671453582,5.671453573,5.67145358,5.67145357,5.671453583,5.671453564,5.671453558,5.671453586,5.671453571,5.671453564,5.671453581
+"4001","DHRS12",6.671816746,6.671816571,6.671816662,6.671816807,6.671816483,6.67181735,6.671816878,6.671816479,6.67181687,6.671816327,6.671816682,6.671816486,6.671816492,6.671816734,6.671816677,6.671816754,6.67181672,6.671816663,6.671816939,6.671817378,6.671816885,6.671816584,6.671817036,6.671816532,6.671816938,6.671816572,6.671816675,6.67181666
+"4002","DHRS13",7.842628953,7.842629687,7.842629031,7.842629777,7.842628863,7.842628873,7.842629299,7.842629568,7.842629565,7.842629528,7.842629325,7.842628746,7.842629235,7.842629101,7.842629259,7.84262968,7.842629382,7.842629918,7.84262933,7.842629466,7.842629203,7.842629442,7.842629807,7.842629711,7.842629601,7.842628931,7.842629208,7.84262898
+"4003","DHRS2",4.549813274,4.549813154,4.549813264,4.549813186,4.549813384,4.549813213,4.549813266,4.549813422,4.549813246,4.549813267,4.549813282,4.549813366,4.54981324,4.549813199,4.549813314,4.54981339,4.549813356,4.549813266,4.549813241,4.549813292,4.549813345,4.549813376,4.549813171,4.549813218,4.549813249,4.549813395,4.549813161,4.549813354
+"4004","DHRS3",6.642446795,6.642446929,6.642446773,6.642446766,6.642446733,6.642446753,6.642446696,6.642446889,6.642447044,6.642446971,6.642446734,6.642446767,6.642447041,6.642447059,6.642446797,6.64244697,6.642446733,6.642446681,6.642446883,6.64244667,6.642446718,6.642446877,6.642447051,6.642446948,6.642446752,6.642446838,6.642447032,6.642447116
+"4005","DHRS7",7.386452799,7.386453372,7.386452755,7.386453362,7.38645192,7.386451952,7.38645272,7.386452403,7.386452163,7.386452482,7.386452557,7.386451723,7.386452468,7.386453394,7.386452337,7.386453575,7.386452663,7.386452996,7.386452545,7.386452219,7.386452652,7.386452298,7.386452909,7.386453303,7.386452763,7.386452381,7.386452498,7.386452682
+"4006","DHRS7B",6.231927002,6.231927004,6.231927023,6.231926983,6.231927013,6.231927012,6.231927013,6.231927007,6.231926998,6.231926999,6.231927001,6.23192702,6.231926996,6.231926989,6.23192701,6.231926989,6.231927014,6.231926999,6.231927011,6.231927016,6.231927019,6.231927002,6.231927009,6.23192701,6.231926997,6.231927003,6.231926993,6.231927
+"4007","DHRS7C",4.777856535,4.777856528,4.777856669,4.777856478,4.777856774,4.777856747,4.777856647,4.777856812,4.777856678,4.777856633,4.777856709,4.777856748,4.777856674,4.777856378,4.777856676,4.777856681,4.777856642,4.777856644,4.777856576,4.777856742,4.777856623,4.777856554,4.777856517,4.777856455,4.777856635,4.777856683,4.777856564,4.777856517
+"4008","DHRS9",6.278414925,6.278417194,6.278417483,6.278413693,6.278410075,6.278419911,6.278417779,6.278414387,6.278413401,6.278411633,6.278414517,6.278409669,6.278412173,6.278415823,6.278413328,6.278417372,6.278416453,6.278412366,6.278414727,6.278421323,6.278418638,6.278417196,6.27841833,6.278417579,6.278415864,6.278411126,6.278412052,6.278414857
+"4009","DHTKD1",7.026720447,7.026720584,7.026720438,7.026720645,7.026720318,7.026720643,7.026720481,7.026720314,7.026720361,7.026720383,7.026720464,7.026720346,7.026720509,7.026720458,7.026720438,7.026720541,7.026720319,7.026720584,7.026720569,7.026720579,7.026720416,7.026720336,7.026720522,7.026720543,7.026720564,7.026720347,7.026720399,7.026720402
+"4010","DHX15",8.077420218,8.077419638,8.077418275,8.077418013,8.077417628,8.077418071,8.07741924,8.07741818,8.077419398,8.077418645,8.077417273,8.077417014,8.077419213,8.077422492,8.077418683,8.077418336,8.077417222,8.077416898,8.077419165,8.077418246,8.07741846,8.077418261,8.07741984,8.077418875,8.077416315,8.077417811,8.07741859,8.077420485
+"4011","DHX16",7.8003243345,7.8003237555,7.8003239095,7.8003235415,7.80032305,7.8003238535,7.8003243535,7.800324009,7.800323346,7.800323856,7.8003242995,7.800323331,7.800323616,7.8003229015,7.800323044,7.800323539,7.800323339,7.800323936,7.8003237805,7.800322728,7.8003236265,7.8003243685,7.8003234255,7.8003240275,7.8003232455,7.8003236795,7.800324442,7.8003222235
+"4012","DHX29",5.601839203,5.601838792,5.601838917,5.601838816,5.601838753,5.601838833,5.60183887,5.601838676,5.601839019,5.601838755,5.601838613,5.601838514,5.601839011,5.601839575,5.601838923,5.601838795,5.601838617,5.601838459,5.601838814,5.601838918,5.60183896,5.601838709,5.601839006,5.601838979,5.601838837,5.601838858,5.601839019,5.60183913
+"4013","DHX30",6.985849544,6.985849452,6.985849334,6.985849303,6.985849297,6.985849645,6.985849412,6.985849381,6.985849654,6.985849578,6.985848972,6.985849566,6.985849665,6.985849723,6.985849399,6.985849247,6.985848976,6.985849143,6.985849332,6.985849473,6.985849228,6.985849434,6.98584954,6.985849526,6.985849186,6.985849515,6.985849751,6.985849487
+"4014","DHX32",4.711472163,4.711471972,4.711471278,4.711471417,4.711471656,4.711471631,4.711471719,4.711471348,4.711471803,4.71147189,4.711471284,4.71147153,4.711471749,4.711472352,4.711471577,4.711471673,4.711471074,4.711471062,4.711471924,4.711471653,4.711471691,4.711471498,4.711471842,4.711471866,4.711471591,4.711471865,4.711471639,4.711471886
+"4015","DHX33",6.24783772,6.247837728,6.247837716,6.247837719,6.247837691,6.2478377,6.247837721,6.247837704,6.247837727,6.247837745,6.2478377,6.247837645,6.247837698,6.247837741,6.247837679,6.247837691,6.247837698,6.247837669,6.247837693,6.247837717,6.247837704,6.247837717,6.247837698,6.247837738,6.247837692,6.247837703,6.24783772,6.247837726
+"4016","DHX34",7.029018016,7.029018799,7.029017656,7.029019064,7.029017282,7.02901819,7.029018404,7.029017726,7.029017777,7.02901705,7.02901822,7.029017481,7.029017914,7.029017614,7.029018453,7.029018863,7.029017816,7.029018939,7.029018136,7.029018373,7.029018448,7.029017783,7.029018153,7.02901813,7.029018765,7.029017599,7.029018339,7.029017644
+"4017","DHX35",5.873720478,5.873720466,5.873720428,5.873720245,5.87372033,5.873720467,5.873720316,5.873720322,5.873720362,5.873720405,5.873720358,5.873720349,5.873720461,5.873720491,5.873720403,5.8737204,5.873720347,5.873720234,5.873720423,5.873720373,5.873720367,5.873720336,5.873720359,5.873720353,5.873720306,5.873720367,5.873720393,5.873720354
+"4018","DHX36",6.6055134,6.60551296,6.605512714,6.605512447,6.605512537,6.605512478,6.605512701,6.605512615,6.605512802,6.605512742,6.605512362,6.605512012,6.605512973,6.605513827,6.605512639,6.605512848,6.605512252,6.605512162,6.605512927,6.605512308,6.605512691,6.605512443,6.60551313,6.605512843,6.605512518,6.605512581,6.605512916,6.605513319
+"4019","DHX37",6.4353041,6.435304152,6.435304178,6.435304061,6.435304278,6.435304245,6.435304176,6.435304195,6.43530424,6.435304229,6.435304153,6.435304237,6.435304195,6.435304034,6.435304213,6.435304197,6.43530418,6.435304142,6.435304088,6.435304094,6.435304182,6.43530418,6.435304168,6.43530413,6.435304054,6.435304182,6.435304162,6.435304162
+"4020","DHX38",6.990080611,6.990080695,6.990080599,6.990080618,6.990080554,6.990080625,6.990080646,6.99008059,6.990080649,6.9900806,6.990080637,6.990080529,6.990080617,6.9900807,6.990080588,6.990080658,6.990080588,6.990080592,6.990080573,6.990080653,6.990080583,6.990080581,6.990080647,6.990080603,6.990080613,6.990080574,6.990080616,6.990080618
+"4021","DHX40",6.162550499,6.162550487,6.162550189,6.162550585,6.162550316,6.16255001,6.162550069,6.162550247,6.162550154,6.16255025,6.162549907,6.162550251,6.162550274,6.162550624,6.162550557,6.162550282,6.162550264,6.162550202,6.162550404,6.162550131,6.162550358,6.162550277,6.162550287,6.162550651,6.162550052,6.162550094,6.162550154,6.162550509
+"4022","DHX57",5.456965957,5.45696597,5.456965918,5.456965958,5.45696593,5.456965925,5.456965949,5.456965894,5.456965944,5.456965991,5.456965896,5.45696585,5.456965974,5.456966011,5.456965932,5.456965934,5.456965908,5.456965864,5.4569659,5.456965956,5.456965923,5.45696593,5.456965964,5.456965985,5.456965959,5.456965931,5.456965999,5.456965959
+"4023","DHX58",6.257278281,6.257278676,6.257278397,6.257278169,6.257278566,6.257279229,6.25727834,6.257278289,6.257278448,6.257278566,6.257278289,6.257278393,6.257278412,6.257278306,6.25727819,6.257278557,6.257278326,6.257278268,6.257278475,6.257279042,6.257278189,6.25727846,6.25727846,6.257278433,6.257278222,6.257278161,6.257278274,6.25727825
+"4024","DHX8",7.889572719,7.889572684,7.889572684,7.889572747,7.889572604,7.88957285,7.889572691,7.889572565,7.889572589,7.889572514,7.889572597,7.889572472,7.889572719,7.889572853,7.889572718,7.889572683,7.889572458,7.889572724,7.889572681,7.889572884,7.889572635,7.889572607,7.889572768,7.889572743,7.88957263,7.889572703,7.889572661,7.889572605
+"4025","DHX9",6.91254633,6.912546114,6.912545976,6.912546156,6.912545889,6.912545956,6.912546089,6.91254603,6.912546037,6.912546093,6.912545968,6.912545719,6.912546163,6.912546678,6.912546033,6.912546088,6.9125456,6.912545736,6.912546045,6.912546096,6.912546038,6.912545878,6.912546309,6.912546144,6.912546044,6.912546091,6.912546078,6.912546439
+"4026","DIABLO",5.927510383,5.927510369,5.927510416,5.927510393,5.927510374,5.927510373,5.927510418,5.927510381,5.927510378,5.927510347,5.927510362,5.927510389,5.927510394,5.927510415,5.927510402,5.927510356,5.927510381,5.927510378,5.927510363,5.927510383,5.927510401,5.92751039,5.927510372,5.927510363,5.927510375,5.927510388,5.927510386,5.927510414
+"4027","DIAPH1",8.148019413,8.14801949,8.148019282,8.148019495,8.148019373,8.148019554,8.148019366,8.148019261,8.148019332,8.148019508,8.148019428,8.148019275,8.148019336,8.148019376,8.148019291,8.148019401,8.148019151,8.148019351,8.14801939,8.148019407,8.148019409,8.148019257,8.148019354,8.148019511,8.148019398,8.148019412,8.148019437,8.148019174
+"4028","DIAPH2",5.582747416,5.582746743,5.582746496,5.582746764,5.582747069,5.582747218,5.582747229,5.582745788,5.582745987,5.582746862,5.582746478,5.582746005,5.582746691,5.582747858,5.582746526,5.582745658,5.582745686,5.582746259,5.582746788,5.5827467,5.582746742,5.582746275,5.582746115,5.582747056,5.582745818,5.582746284,5.582746979,5.582746063
+"4029","DIAPH2-AS1",3.449430876,3.449430969,3.449430844,3.449430904,3.449431088,3.449430987,3.449431016,3.449431041,3.449430976,3.449430878,3.449431119,3.449431086,3.449431036,3.449430892,3.449430966,3.44943114,3.449431235,3.449431122,3.449430991,3.449430977,3.449431032,3.449431249,3.449430919,3.44943102,3.449431038,3.4494308,3.4494309,3.449431019
+"4030","DIAPH3",3.2776154,3.277615441,3.277615464,3.277615425,3.2776155,3.277615529,3.277615482,3.277615476,3.277615429,3.27761546,3.277615519,3.277615486,3.277615426,3.277615466,3.277615484,3.277615425,3.277615497,3.277615434,3.277615451,3.277615442,3.27761554,3.277615446,3.277615489,3.277615441,3.27761543,3.277615479,3.277615443,3.277615504
+"4031","DICER1",8.74452466,8.744524619,8.744524294,8.744524696,8.744524104,8.744524396,8.744524502,8.744524132,8.744524242,8.744524184,8.744524261,8.744523895,8.744524404,8.744524663,8.74452455,8.744524461,8.744524265,8.744524351,8.74452433,8.744524333,8.744524456,8.744524237,8.744524407,8.744524421,8.74452424,8.744524131,8.744524276,8.744524153
+"4032","DICER1-AS1",4.709851448,4.709851456,4.709851461,4.709851468,4.709851475,4.70985144,4.709851453,4.709851468,4.709851448,4.709851449,4.709851465,4.709851486,4.709851453,4.709851438,4.709851468,4.709851485,4.709851476,4.709851473,4.709851459,4.709851466,4.709851452,4.709851455,4.70985147,4.709851461,4.709851461,4.709851459,4.709851451,4.709851448
+"4033","DIDO1",7.677112289,7.677112234,7.677112023,7.677112148,7.677112031,7.677112244,7.677112299,7.677112053,7.677112298,7.67711217,7.677112022,7.677112046,7.677112264,7.677112347,7.677112075,7.677112047,7.677111825,7.677112012,7.677112241,7.677112018,7.677112164,7.677112049,7.677112282,7.677112144,7.677112128,7.67711215,7.677112214,7.677112072
+"4034","DIMT1",6.397022857,6.397022664,6.39702266,6.397022541,6.397022629,6.397022508,6.397022735,6.397022609,6.397022727,6.397022751,6.397022453,6.397022617,6.397022795,6.397023004,6.39702278,6.397022635,6.397022562,6.397022541,6.397022841,6.39702247,6.397022688,6.397022641,6.397022765,6.39702275,6.397022618,6.397022666,6.397022811,6.397022879
+"4035","DIO1",4.064072788,4.064072714,4.064072975,4.064072733,4.064072964,4.064072766,4.064072778,4.064072934,4.064072692,4.064072771,4.0640729,4.064073143,4.064072923,4.064072588,4.064072911,4.064073036,4.064072984,4.064073031,4.064073039,4.064072881,4.064072975,4.064073088,4.064072877,4.06407281,4.064072966,4.064072956,4.064072816,4.064072859
+"4036","DIO2",3.47709953,3.477099546,3.477099573,3.477099516,3.477099627,3.477099605,3.477099528,3.477099638,3.47709959,3.47709956,3.477099657,3.47709962,3.477099579,3.477099504,3.477099664,3.477099594,3.477099637,3.477099591,3.477099613,3.477099617,3.477099573,3.477099636,3.477099554,3.477099552,3.477099539,3.477099559,3.477099559,3.477099531
+"4037","DIO3",4.89948074,4.899480671,4.899480704,4.899480457,4.899480765,4.899480738,4.899480788,4.899480734,4.899480563,4.89948071,4.899480705,4.899480908,4.899480698,4.899480516,4.899480738,4.899480714,4.899480807,4.899480907,4.899480733,4.899480663,4.899480747,4.899480871,4.899480441,4.899480547,4.899480677,4.899480754,4.899480527,4.8994807
+"4038","DIP2A",7.277533512,7.277533679,7.277533539,7.277533566,7.277533807,7.277533331,7.277534019,7.277534131,7.277533676,7.277533841,7.277533718,7.277533824,7.277533547,7.277533558,7.277533299,7.277533478,7.277533457,7.277533439,7.27753377,7.277533042,7.277533816,7.277533945,7.277533413,7.277533824,7.277533757,7.277533852,7.277533613,7.277533075
+"4039","DIP2B",8.550946892,8.550947874,8.550946481,8.550948029,8.550946548,8.550947883,8.550947047,8.550946616,8.550946688,8.550946879,8.550946653,8.550946217,8.550946898,8.550947385,8.55094653,8.550947639,8.550946291,8.550947116,8.550947523,8.550948336,8.550947017,8.550946807,8.550947232,8.550947434,8.550947211,8.550946678,8.550946861,8.550946657
+"4040","DIP2C",5.777798088,5.777798054,5.777797987,5.777798013,5.777798057,5.777798037,5.77779801,5.77779805,5.777798066,5.777798062,5.777798008,5.777798064,5.777798028,5.777798037,5.777798085,5.777798034,5.777798001,5.777798024,5.777798059,5.777798028,5.777798038,5.777798084,5.77779804,5.777798069,5.777798029,5.777798053,5.777798049,5.777798028
+"4041","DIP2C-AS1",5.102500698,5.102500712,5.102500753,5.102500702,5.102500807,5.102500718,5.10250073,5.102500767,5.102500731,5.102500772,5.102500743,5.102500793,5.102500732,5.102500675,5.10250079,5.102500746,5.1025008,5.102500798,5.102500756,5.102500717,5.10250081,5.102500806,5.102500706,5.102500699,5.102500713,5.102500766,5.102500705,5.102500745
+"4042","DIPK1A",5.730391449,5.730391272,5.730390528,5.730390538,5.730390356,5.730390565,5.730391025,5.730390634,5.730391148,5.730390769,5.73039018,5.730390552,5.730390928,5.730391868,5.730390859,5.730391072,5.730390195,5.730390339,5.730391138,5.730390383,5.730391078,5.730390623,5.730391409,5.730390941,5.730390507,5.730390702,5.730391,5.730391415
+"4043","DIPK1B",6.416463053,6.416462768,6.416463129,6.416463151,6.416463591,6.416462335,6.416463246,6.416463439,6.416463248,6.41646328,6.416463413,6.416463417,6.416463168,6.416462412,6.416463566,6.416463266,6.416463533,6.416463131,6.416463144,6.416463031,6.416463391,6.416463322,6.416462877,6.416462875,6.416463351,6.416463361,6.416462903,6.416463023
+"4044","DIPK1C",3.829695601,3.829695575,3.829695557,3.829695561,3.829695601,3.829695561,3.829695593,3.829695599,3.829695612,3.829695602,3.829695624,3.829695627,3.829695546,3.829695487,3.829695621,3.829695617,3.829695592,3.829695635,3.829695608,3.829695606,3.829695608,3.829695576,3.829695536,3.829695554,3.829695603,3.829695596,3.829695598,3.829695579
+"4045","DIPK2A",7.194378379,7.194378441,7.194377967,7.194377822,7.194378077,7.194378048,7.194378001,7.194377852,7.194378146,7.194378177,7.194377829,7.194377691,7.194378045,7.19437866,7.194378034,7.19437829,7.194378,7.194377854,7.194378264,7.194377896,7.194378028,7.194377978,7.194378207,7.194378269,7.194377722,7.194377822,7.19437803,7.194378363
+"4046","DIPK2B",3.687716871,3.687716869,3.687716873,3.687716881,3.687716881,3.687716874,3.687716887,3.687716884,3.687716875,3.687716873,3.687716892,3.687716879,3.687716871,3.687716872,3.687716885,3.687716879,3.687716884,3.68771688,3.687716876,3.687716883,3.687716883,3.687716888,3.687716877,3.687716875,3.687716874,3.687716874,3.68771686,3.687716886
+"4047","DIRAS1",6.408377342,6.408377351,6.408377398,6.408377365,6.408377405,6.408377341,6.408377369,6.408377402,6.408377388,6.408377387,6.408377398,6.408377395,6.408377356,6.408377344,6.408377389,6.40837736,6.408377386,6.408377372,6.408377353,6.408377359,6.408377383,6.408377382,6.408377378,6.408377368,6.408377396,6.408377395,6.408377358,6.408377368
+"4048","DIRAS2",4.707101542,4.707101678,4.707101982,4.707101757,4.707101964,4.707101448,4.707101721,4.707101818,4.707101758,4.707101576,4.707101826,4.707101842,4.707101842,4.707101552,4.707102008,4.707101913,4.707101975,4.707101752,4.707101903,4.70710188,4.707102023,4.707101864,4.707101542,4.707101671,4.707101844,4.707101823,4.707101731,4.707102036
+"4049","DIRAS3",4.287492093,4.287492037,4.287492195,4.287492106,4.287492443,4.2874921,4.287492215,4.28749219,4.287492308,4.287492231,4.287492167,4.287492319,4.287492031,4.287491848,4.287492215,4.287492166,4.287492491,4.287492448,4.287492325,4.287492257,4.287492213,4.287492203,4.287492187,4.287491985,4.287492192,4.287492159,4.28749201,4.287492258
+"4050","DIRC1",4.071527944,4.071527977,4.071528069,4.071527975,4.071528184,4.07152798,4.071528058,4.071528057,4.071528003,4.071527993,4.071528006,4.071528204,4.071527999,4.071527937,4.071528099,4.071528006,4.071528176,4.071528052,4.071528039,4.071528034,4.071528124,4.071528122,4.071527993,4.071527932,4.071528014,4.071528111,4.071528014,4.071528098
+"4051","DIS3",5.759459798,5.75945973,5.759459647,5.759459564,5.759459453,5.759459313,5.759459743,5.759459481,5.759459577,5.759459534,5.759459349,5.7594594,5.759459616,5.759460074,5.759459658,5.759459558,5.759459414,5.759459513,5.759459761,5.75945925,5.759459626,5.759459499,5.759459728,5.759459667,5.759459444,5.759459593,5.759459608,5.759459844
+"4052","DIS3L",5.996018652,5.996018269,5.996018173,5.996018123,5.996018231,5.996018378,5.996018477,5.996018227,5.996018458,5.996018455,5.996018038,5.996018013,5.996018446,5.996018745,5.996018418,5.996017998,5.996017822,5.996017955,5.996018165,5.99601795,5.996018387,5.996018351,5.996018432,5.996018456,5.996017988,5.996018461,5.996018397,5.996018207
+"4053","DIS3L2",7.137351289,7.137351234,7.137351163,7.137351128,7.137351175,7.137351247,7.137351212,7.137351201,7.13735128,7.137351253,7.137351067,7.137351207,7.137351256,7.137351319,7.137351249,7.13735126,7.137351082,7.137351144,7.137351202,7.137351126,7.137351207,7.137351171,7.137351206,7.137351218,7.13735112,7.137351231,7.137351278,7.137351291
+"4054","DISP1",4.412548966,4.412548885,4.412548936,4.412548946,4.412548908,4.412548942,4.412548949,4.412548879,4.412548916,4.41254901,4.412548906,4.412549041,4.412549,4.412549035,4.412549032,4.412548816,4.412548801,4.412548771,4.412549012,4.412548796,4.412548927,4.412548964,4.412549044,4.412548995,4.412548968,4.412549031,4.412548982,4.412549002
+"4055","DISP2",5.864353494,5.864353479,5.86435352,5.864353509,5.864353566,5.864353521,5.864353507,5.864353531,5.86435352,5.864353522,5.864353486,5.864353569,5.864353507,5.864353475,5.86435355,5.864353561,5.86435355,5.86435355,5.864353528,5.864353571,5.864353583,5.864353526,5.864353501,5.864353485,5.864353538,5.864353545,5.864353523,5.864353491
+"4056","DISP3",4.73544005,4.735439984,4.735440124,4.735440139,4.735440289,4.735440149,4.735440174,4.735440245,4.735440126,4.735440143,4.735440063,4.735440237,4.735440062,4.735439951,4.735440243,4.735440015,4.735440273,4.735440142,4.735440132,4.735440147,4.735440219,4.73544018,4.735440204,4.735440013,4.735440192,4.735440229,4.735440093,4.735440071
+"4057","DIXDC1",5.163224302,5.163224497,5.163225314,5.163224718,5.163225149,5.163223971,5.163224801,5.163225159,5.163225179,5.163225076,5.163225003,5.163224945,5.163225083,5.163225023,5.163224865,5.163224767,5.163225028,5.163225222,5.163224851,5.163224323,5.163224829,5.163225264,5.163224761,5.163224852,5.163225264,5.163225059,5.163224978,5.163224784
+"4058","DKC1",6.321005528,6.321005485,6.32100539,6.321005078,6.321004997,6.321005298,6.321005354,6.321005111,6.321005571,6.321005445,6.321005187,6.321005207,6.321005505,6.321005952,6.32100533,6.321005435,6.321004909,6.321004889,6.321005286,6.321005176,6.321005339,6.321005139,6.321005517,6.321005395,6.321005012,6.321005131,6.321005465,6.321005603
+"4059","DKK1",3.444659185,3.444659177,3.44465921,3.444659196,3.4446592,3.444659177,3.444659171,3.444659185,3.444659195,3.444659167,3.444659211,3.444659192,3.444659152,3.444659161,3.444659188,3.444659177,3.444659232,3.444659192,3.444659181,3.444659173,3.444659162,3.444659178,3.444659182,3.444659175,3.444659173,3.444659159,3.44465918,3.444659185
+"4060","DKK2",3.791400878,3.791400857,3.791400891,3.791400889,3.791400906,3.791400869,3.791400908,3.791400904,3.791400887,3.791400861,3.791400891,3.791400916,3.791400868,3.791400839,3.791400874,3.791400864,3.791400904,3.791400922,3.791400882,3.791400872,3.791400886,3.791400909,3.791400853,3.79140083,3.791400882,3.791400887,3.791400858,3.79140086
+"4061","DKK3",5.017540768,5.01754078,5.017540844,5.017540714,5.017540935,5.0175407485,5.0175408185,5.017540908,5.017540799,5.0175408295,5.017540768,5.0175408985,5.017540832,5.017540747,5.0175409225,5.01754079,5.017540876,5.0175408845,5.0175407755,5.0175407775,5.017540822,5.01754088,5.0175407705,5.0175407645,5.017540843,5.017540794,5.017540784,5.0175408655
+"4062","DKK4",4.148354444,4.148354419,4.148354613,4.148354525,4.148354577,4.148354554,4.148354489,4.148354603,4.148354585,4.148354371,4.148354759,4.148354688,4.148354567,4.148354355,4.148354698,4.148354582,4.148354646,4.148354648,4.148354578,4.148354632,4.148354605,4.148354608,4.148354661,4.14835436,4.148354612,4.148354444,4.148354463,4.148354527
+"4063","DKKL1",5.342307437,5.342307479,5.342307598,5.342307412,5.342307742,5.342307337,5.34230755,5.342307689,5.342307661,5.342307319,5.342307794,5.342307823,5.342307347,5.342307029,5.34230766,5.342307967,5.342307912,5.342307737,5.342307552,5.342307292,5.342307492,5.342307561,5.342307474,5.342307288,5.342307788,5.342307629,5.342307199,5.342307834
+"4064","DLAT",6.245157863,6.245157876,6.245157829,6.245157785,6.245157825,6.24515781,6.245157854,6.245157793,6.245157884,6.245157831,6.245157828,6.245157832,6.245157864,6.245157952,6.245157803,6.245157756,6.245157727,6.245157786,6.24515785,6.245157806,6.245157818,6.245157798,6.245157902,6.245157823,6.24515779,6.24515781,6.245157878,6.245157899
+"4065","DLC1",4.181451711,4.181451705,4.181451715,4.18145171,4.181451715,4.181451712,4.181451717,4.181451722,4.181451715,4.181451716,4.18145172,4.181451732,4.181451712,4.1814517,4.181451719,4.181451716,4.181451715,4.181451716,4.18145172,4.18145171,4.181451715,4.181451715,4.181451717,4.181451707,4.181451721,4.181451713,4.181451715,4.181451718
+"4066","DLD",6.94401614,6.944016179,6.944015737,6.944015605,6.944015538,6.944015408,6.944015805,6.9440152,6.944015882,6.944015725,6.944015593,6.944015121,6.944015632,6.944016866,6.944015525,6.944016473,6.944015441,6.944015225,6.944015933,6.944015948,6.944015753,6.944015344,6.944016036,6.944015897,6.944015725,6.944015493,6.944015548,6.944016391
+"4067","DLEC1",5.508701964,5.508701956,5.508701945,5.508701963,5.508701958,5.508701948,5.508701954,5.508701955,5.508701949,5.50870195,5.508701961,5.50870194,5.508701956,5.508701957,5.508701959,5.508701954,5.508701947,5.508701963,5.50870196,5.508701955,5.508701952,5.508701951,5.508701953,5.508701944,5.508701942,5.508701956,5.508701954,5.508701948
+"4068","DLEU1",5.149355735,5.149355703,5.149355659,5.149355656,5.149355506,5.149355678,5.149355526,5.149355646,5.149355559,5.149355667,5.149355702,5.149355432,5.149355727,5.14935584,5.149355608,5.149355587,5.149355443,5.14935558,5.149355548,5.149355579,5.149355647,5.149355413,5.149355733,5.149355648,5.149355703,5.149355563,5.149355712,5.149355844
+"4069","DLEU2",7.044117262,7.044116875,7.044116446,7.044116454,7.044114552,7.044115267,7.044116313,7.044114803,7.044114978,7.044114864,7.044115915,7.044113289,7.044116362,7.044117634,7.044116107,7.044117068,7.044116102,7.044116144,7.0441166,7.044114157,7.044117442,7.044114686,7.044116437,7.044116136,7.044117007,7.044115476,7.044115876,7.044116528
+"4070","DLEU2L",2.659468822,2.659468811,2.6594688,2.659468758,2.659468717,2.659468779,2.659468785,2.659468778,2.659468863,2.65946877,2.659468812,2.659468699,2.65946889,2.659468778,2.659468712,2.659468809,2.659468773,2.659468859,2.659468813,2.659468868,2.659468736,2.659468833,2.659468827,2.65946882,2.659468818,2.659468751,2.659468804,2.659468867
+"4071","DLEU7",6.530084169,6.530084375,6.530084512,6.530084321,6.530084948,6.530084208,6.530084408,6.53008474,6.53008462,6.530084348,6.530084728,6.53008483,6.530084434,6.530083863,6.530084692,6.53008415,6.530084827,6.530084677,6.530084425,6.530084909,6.53008476,6.53008458,6.53008435,6.530084212,6.530084398,6.5300845,6.530084185,6.530084436
+"4072","DLG1",6.572685643,6.572685304,6.572684792,6.572684703,6.572685011,6.572684806,6.57268506,6.572684772,6.572685407,6.572684986,6.572684881,6.572684451,6.572685371,6.572686296,6.572685209,6.572684734,6.572684406,6.572684398,6.572685404,6.572684865,6.572685025,6.572685017,6.572685697,6.572685045,6.572684852,6.572684937,6.572685325,6.57268568
+"4073","DLG2",3.422130697,3.422130697,3.422130741,3.422130716,3.422130729,3.422130735,3.422130727,3.42213073,3.422130722,3.422130748,3.42213074,3.422130768,3.422130726,3.422130701,3.422130727,3.422130696,3.422130757,3.422130721,3.422130731,3.422130726,3.422130711,3.422130715,3.422130739,3.422130746,3.422130712,3.422130696,3.422130717,3.422130736
+"4074","DLG3",4.710428253,4.710428105,4.710428131,4.710428112,4.710428226,4.710428172,4.710428211,4.710428208,4.710428223,4.710428152,4.710428165,4.710428178,4.710428162,4.710428137,4.710428175,4.710428192,4.71042819,4.710428194,4.710428207,4.710428205,4.710428179,4.710428191,4.710428139,4.71042813,4.710428137,4.710428254,4.710428163,4.710428226
+"4075","DLG4",4.855863893,4.85586381,4.855863759,4.855863963,4.855863979,4.855863832,4.85586385,4.85586397,4.85586385,4.8558639,4.855863864,4.855864125,4.855863838,4.855863708,4.855864067,4.855863761,4.855864009,4.855863764,4.85586373,4.855864058,4.855863915,4.855863863,4.855863918,4.855864058,4.855864028,4.855863965,4.855863778,4.85586382
+"4076","DLG5",5.65551812,5.655517823,5.655518112,5.655518049,5.655518081,5.65551806,5.655518108,5.655518077,5.655517775,5.655517856,5.655517715,5.655517894,5.655517827,5.655517762,5.655518234,5.655518077,5.655518114,5.655518062,5.65551794,5.655517974,5.655517976,5.655518061,5.655517516,5.655517665,5.655517966,5.655517836,5.655517856,5.655517748
+"4077","DLG5-AS1",3.750452046,3.750452088,3.750452322,3.750452153,3.750452312,3.750452376,3.750452124,3.7504522,3.750452292,3.75045203,3.750452359,3.750452292,3.750452358,3.750452142,3.750452227,3.750452299,3.750452244,3.750452344,3.75045219,3.75045237,3.750452488,3.75045234,3.750452232,3.750452391,3.750452344,3.750452051,3.750452334,3.750452072
+"4078","DLGAP1",4.72947853,4.72947858,4.729478637,4.729478523,4.729478651,4.729478567,4.729478547,4.729478675,4.729478611,4.729478647,4.729478696,4.729478685,4.729478617,4.72947843,4.729478555,4.729478734,4.729478775,4.729478704,4.729478635,4.729478659,4.729478662,4.729478648,4.729478562,4.729478498,4.729478665,4.729478688,4.729478585,4.729478583
+"4079","DLGAP1-AS1",6.381154739,6.381154665,6.381154592,6.381154713,6.381154461,6.381154354,6.381154557,6.381154603,6.381154522,6.381154417,6.381154695,6.381154479,6.381154653,6.381154612,6.381154601,6.381154554,6.381154487,6.381154601,6.381154668,6.381154502,6.381154494,6.381154642,6.381154614,6.381154674,6.381154706,6.381154624,6.381154635,6.381154476
+"4080","DLGAP2",4.883159902,4.883159875,4.883159936,4.883159942,4.883160091,4.883159908,4.883160004,4.883159978,4.883159911,4.883159939,4.883159915,4.883160093,4.883159924,4.883159855,4.883160021,4.883159898,4.883160098,4.883160016,4.883160016,4.883159987,4.883160038,4.883159976,4.883159876,4.883159889,4.883159909,4.883160027,4.883159854,4.883160025
+"4081","DLGAP3",5.087007699,5.087007675,5.087007676,5.087007682,5.087007709,5.087007721,5.087007668,5.087007704,5.087007708,5.087007686,5.087007688,5.08700774,5.087007712,5.087007666,5.087007715,5.087007712,5.087007734,5.087007703,5.087007675,5.087007703,5.087007695,5.087007709,5.087007684,5.087007692,5.087007709,5.087007717,5.087007695,5.087007712
+"4082","DLGAP4",6.66050266,6.660502709,6.660502693,6.660502725,6.660502723,6.660502726,6.660502652,6.660502706,6.660502717,6.660502728,6.660502736,6.660502696,6.660502724,6.660502674,6.660502718,6.660502695,6.660502703,6.660502718,6.660502722,6.660502738,6.660502678,6.660502709,6.6605027,6.6605027,6.660502713,6.660502698,6.660502708,6.66050269
+"4083","DLGAP5",3.48658943,3.486589473,3.486589465,3.486589586,3.486589388,3.486589945,3.486590572,3.486589246,3.486590058,3.486589544,3.486589421,3.486589649,3.486589624,3.486589518,3.486589565,3.486589436,3.486589473,3.486589499,3.486589608,3.486589934,3.486590403,3.486589565,3.486590063,3.486589598,3.486589595,3.486589322,3.486589553,3.486589534
+"4084","DLK1",5.775346471,5.775346578,5.775346712,5.775346525,5.775346743,5.775346574,5.775346618,5.775346683,5.77534661,5.775346639,5.77534676,5.775346839,5.775346637,5.775346512,5.775346871,5.775346643,5.775346859,5.775346651,5.775346608,5.775346584,5.775346665,5.775346816,5.775346625,5.775346634,5.77534676,5.775346661,5.775346613,5.775346678
+"4085","DLK2",5.697070741,5.697070776,5.697070802,5.697070732,5.697071061,5.69707097,5.697070794,5.697071036,5.697070816,5.697070845,5.697070691,5.697070861,5.697070864,5.697070581,5.697070831,5.69707089,5.697070722,5.697070867,5.697070849,5.697070794,5.697071005,5.697071133,5.697070858,5.697070645,5.697070926,5.697070983,5.697070988,5.697070794
+"4086","DLL1",5.418514956,5.418514802,5.418515082,5.418514961,5.418515392,5.418515187,5.418515227,5.418515193,5.418515223,5.418515222,5.418515028,5.418515213,5.418515161,5.418515006,5.418515198,5.41851515,5.418515386,5.418515165,5.418515134,5.41851547,5.418515176,5.418515364,5.41851527,5.418515136,5.418515062,5.418515297,5.418514889,5.418515021
+"4087","DLL3",4.769072666,4.769072716,4.769072731,4.76907273,4.769072806,4.769072702,4.769072756,4.76907274,4.769072708,4.76907273,4.769072713,4.769072773,4.769072716,4.769072664,4.769072758,4.769072733,4.769072791,4.769072789,4.769072715,4.76907278,4.769072771,4.769072792,4.769072731,4.769072681,4.769072728,4.769072787,4.769072734,4.769072718
+"4088","DLL4",4.888181464,4.888181447,4.888181496,4.888181339,4.888181556,4.888181473,4.888181495,4.888181531,4.888181445,4.888181533,4.888181509,4.88818155,4.888181447,4.888181387,4.888181491,4.888181445,4.888181524,4.888181469,4.888181487,4.88818142,4.888181496,4.888181551,4.8881814,4.888181353,4.888181519,4.888181491,4.88818144,4.888181397
+"4089","DLST",7.397950838,7.39795083,7.397950636,7.397950732,7.397950667,7.397950852,7.397950778,7.397950772,7.397950829,7.397950826,7.397950538,7.3979506,7.397950767,7.397950939,7.397950716,7.397950766,7.397950518,7.39795062,7.397950665,7.397950817,7.397950673,7.397950609,7.397950876,7.397950898,7.397950682,7.397950762,7.397950884,7.397950812
+"4090","DLSTP1",5.005892978,5.005892929,5.00589287,5.005892884,5.005892818,5.005892784,5.005892784,5.005892931,5.005892838,5.005892877,5.0058929,5.005892832,5.005892921,5.005892929,5.0058928,5.005892908,5.005892719,5.005892894,5.005892855,5.005892742,5.005892827,5.005892816,5.005892957,5.005892923,5.005892936,5.005892882,5.005892931,5.005892774
+"4091","DLX1",5.341978855,5.341978921,5.341979042,5.341978839,5.341979019,5.341979092,5.341978993,5.341979021,5.341978874,5.341978858,5.341979054,5.341979112,5.341978959,5.341978835,5.341978969,5.341978888,5.341979146,5.341979072,5.341979019,5.341979062,5.341978857,5.341978963,5.341978865,5.341979061,5.341978917,5.34197893,5.341978904,5.341979043
+"4092","DLX2",5.39518841,5.395188498,5.395188549,5.395188521,5.395188803,5.395188439,5.395188383,5.395188596,5.39518866,5.395188623,5.395188687,5.395188949,5.395188485,5.395188478,5.395188531,5.395188524,5.395188727,5.395188597,5.395188632,5.395188595,5.395188526,5.395188571,5.395188597,5.395188429,5.395188578,5.395188488,5.395188478,5.395188536
+"4093","DLX3",4.70430516,4.704305347,4.704305694,4.704305353,4.704305566,4.704305352,4.704305446,4.704305598,4.704305571,4.704305643,4.704305455,4.704305614,4.704305379,4.704304995,4.70430559,4.704305429,4.704305656,4.704305532,4.704305346,4.7043052,4.704305515,4.704305458,4.70430547,4.704305353,4.704305522,4.704305452,4.704305399,4.704305431
+"4094","DLX4",5.872862473,5.87286242,5.872862774,5.872862666,5.87286305,5.872862717,5.872862799,5.872862934,5.872862691,5.872862698,5.87286287,5.872862967,5.87286273,5.872862231,5.872863031,5.872862763,5.872862996,5.872862894,5.872862789,5.872862729,5.872863023,5.872863022,5.872862669,5.872862465,5.872862634,5.872862978,5.872862585,5.872862646
+"4095","DLX5",4.474636096,4.474636141,4.474636137,4.474636137,4.474636141,4.47463613,4.474636108,4.474636128,4.474636108,4.474636152,4.474636124,4.474636159,4.474636124,4.474636101,4.474636143,4.474636135,4.474636136,4.474636141,4.474636132,4.47463611,4.474636117,4.474636139,4.474636143,4.474636106,4.47463611,4.474636134,4.474636106,4.474636126
+"4096","DLX6",6.204817712,6.204817664,6.204817711,6.204817709,6.204817814,6.204817664,6.204817703,6.204817804,6.204817722,6.204817659,6.204817782,6.204817881,6.204817709,6.204817655,6.204817765,6.204817664,6.204817822,6.2048178,6.204817719,6.20481778,6.204817818,6.204817767,6.204817675,6.204817662,6.204817688,6.204817786,6.204817721,6.204817728
+"4097","DMAC1",5.21262751,5.212627234,5.212627375,5.212627235,5.21262743,5.212627267,5.212627294,5.212627286,5.212627769,5.212627661,5.212627315,5.212627163,5.212627361,5.21262779,5.212627458,5.212627441,5.212627231,5.212627401,5.212627509,5.21262715,5.212627433,5.212627449,5.212627595,5.212627348,5.212627076,5.212627441,5.212627458,5.21262771
+"4098","DMAC2",7.144716128,7.1447161,7.144716023,7.144716067,7.14471608,7.144716137,7.144716112,7.144716092,7.144716089,7.144716086,7.144715979,7.144716019,7.144716101,7.144716125,7.144716101,7.1447161,7.144716048,7.144716057,7.144716067,7.144716127,7.144716089,7.14471607,7.144716079,7.144716117,7.144716033,7.144716082,7.144716094,7.144716116
+"4099","DMAC2L",5.915376403,5.915376313,5.915376256,5.915376253,5.915376203,5.91537626,5.915376284,5.915376257,5.915376381,5.915376353,5.915376194,5.915376309,5.915376335,5.91537634,5.915376361,5.915376262,5.915376219,5.915376164,5.915376375,5.915376296,5.915376254,5.915376314,5.91537636,5.915376327,5.915376299,5.915376335,5.915376404,5.915376348
+"4100","DMAP1",7.01799365,7.017993664,7.017993667,7.017993626,7.017993673,7.017993687,7.017993686,7.017993629,7.017993688,7.017993678,7.017993641,7.01799366,7.017993688,7.017993694,7.017993698,7.017993689,7.017993672,7.017993642,7.017993681,7.017993647,7.017993679,7.01799367,7.017993681,7.017993663,7.017993647,7.017993682,7.01799369,7.0179937
+"4101","DMBT1",4.31437356,4.314373522,4.314373576,4.31437361,4.314373661,4.314373641,4.314373562,4.314373644,4.314373591,4.314373584,4.314373562,4.31437368,4.314373572,4.314373497,4.314373678,4.314373601,4.314373724,4.314373606,4.314373579,4.314373553,4.314373689,4.314373636,4.314373485,4.314373564,4.314373602,4.314373651,4.314373579,4.314373624
+"4102","DMBT1L1",4.927897009,4.927897077,4.927897177,4.927897034,4.927897173,4.927896851,4.927897054,4.927897165,4.927897106,4.927897064,4.927897224,4.927897237,4.927897094,4.927897076,4.927897142,4.927897158,4.927897158,4.927897179,4.927897172,4.927897141,4.927897172,4.927897169,4.927896997,4.927897097,4.927897153,4.927897138,4.927897017,4.927897089
+"4103","DMBX1",5.61850457,5.618504508,5.618504753,5.61850457,5.618505071,5.61850481,5.618504718,5.618504898,5.618504717,5.618504797,5.618504828,5.618504917,5.618504626,5.618504294,5.618504875,5.61850474,5.618505166,5.618504964,5.61850471,5.618504653,5.618504828,5.618504912,5.618504711,5.618504537,5.618504738,5.618504825,5.618504614,5.61850483
+"4104","DMC1",3.473664295,3.473664313,3.473664298,3.473664243,3.473664288,3.473664397,3.473664324,3.47366429,3.473664285,3.473664302,3.4736644,3.473664277,3.47366427,3.473664188,3.473664238,3.473664288,3.47366437,3.473664393,3.473664312,3.473664251,3.473664283,3.473664317,3.473664364,3.473664276,3.473664247,3.473664284,3.4736643,3.473664306
+"4105","DMD",3.667144933,3.667144977,3.667144993,3.667144978,3.667145119,3.667145,3.667145009,3.667145029,3.667145036,3.667145009,3.667145019,3.667145099,3.667145002,3.66714498,3.667145085,3.667145069,3.667145087,3.667145037,3.66714504,3.667145086,3.667145077,3.667145049,3.66714499,3.667145008,3.667145039,3.667145049,3.667144976,3.667145062
+"4106","DMGDH",3.687895405,3.687895483,3.687895837,3.687895416,3.687895637,3.687895572,3.687895691,3.687895841,3.687895667,3.687895736,3.68789549,3.687895908,3.687895542,3.687895456,3.687895718,3.687895602,3.687895535,3.687895483,3.68789568,3.68789563,3.687895679,3.687895506,3.68789573,3.687895513,3.687895709,3.687895479,3.687895388,3.687895719
+"4107","DMKN",5.701427288,5.701427217,5.701427679,5.701427438,5.701427768,5.701427267,5.701427435,5.701427707,5.701427459,5.70142744,5.701427654,5.701427733,5.701427444,5.701426924,5.701427615,5.701427463,5.701427785,5.70142764,5.701427434,5.701427508,5.701427605,5.701427611,5.701427385,5.701427325,5.701427683,5.701427645,5.701427396,5.701427482
+"4108","DMP1",3.832749732,3.832749748,3.832749785,3.832749766,3.832749803,3.83274972,3.832749761,3.832749796,3.832749763,3.83274975,3.832749787,3.83274979,3.832749741,3.832749745,3.832749792,3.832749782,3.832749784,3.8327498,3.832749765,3.832749769,3.832749768,3.832749775,3.832749745,3.832749747,3.832749786,3.832749765,3.832749784,3.832749795
+"4109","DMPK",6.331245786,6.331245745,6.331245788,6.331245751,6.331245956,6.331245813,6.331245883,6.331245882,6.33124584,6.331245847,6.331245778,6.331245984,6.331245838,6.331245697,6.331245939,6.33124581,6.33124589,6.331245845,6.331245812,6.331245815,6.331245984,6.33124591,6.331245825,6.331245705,6.331245839,6.33124594,6.331245803,6.331245825
+"4110","DMRT1",4.567694757,4.567694802,4.567694821,4.567694688,4.567694933,4.567694806,4.567694741,4.567694709,4.5676947,4.567694711,4.567694872,4.567694953,4.567694781,4.567694629,4.567694736,4.567694801,4.567694959,4.567694805,4.567694771,4.567694861,4.567694796,4.567694821,4.5676947,4.567694677,4.567694758,4.567694659,4.567694665,4.567694685
+"4111","DMRT2",4.637840686,4.637840652,4.637840711,4.637840726,4.637840736,4.637840662,4.637840689,4.637840767,4.637840737,4.637840706,4.637840749,4.637840772,4.637840713,4.637840635,4.637840712,4.637840702,4.637840747,4.63784074,4.637840672,4.637840693,4.637840667,4.637840733,4.63784071,4.637840672,4.637840734,4.637840729,4.637840722,4.637840667
+"4112","DMRT3",5.051744107,5.051744012,5.051744046,5.05174425,5.051744233,5.051744291,5.051744222,5.051744304,5.0517442,5.051744223,5.051744257,5.051744192,5.051744183,5.051743851,5.051744273,5.051744254,5.051744384,5.051744433,5.051744134,5.051744199,5.051744235,5.051744284,5.051744033,5.051744053,5.051744118,5.051744272,5.051744166,5.051744208
+"4113","DMRTA1",5.454673821,5.454673852,5.45467402,5.454673914,5.454674125,5.454673906,5.454673983,5.454674005,5.454674,5.454673997,5.454674022,5.454674155,5.454673936,5.454673794,5.454674094,5.454674027,5.454674117,5.454674041,5.454674,5.454673941,5.454674069,5.454674071,5.454673891,5.454673868,5.454673993,5.454674023,5.454673868,5.454674102
+"4114","DMRTA2",6.561490216,6.561489772,6.561490499,6.561490134,6.561491453,6.561490322,6.561490823,6.561490856,6.56149018,6.561490565,6.561491218,6.561491013,6.561490563,6.561489427,6.561491117,6.561489789,6.561490975,6.56149061,6.561490749,6.561489992,6.561491083,6.561490894,6.561489946,6.56148986,6.561490422,6.561490719,6.561490539,6.561490583
+"4115","DMRTB1",6.116936131,6.116936079,6.116936426,6.116936249,6.116936757,6.116936067,6.116936495,6.116936656,6.116936474,6.116936538,6.116936687,6.116936832,6.116936272,6.11693577,6.116936673,6.11693645,6.116936735,6.116936538,6.116936543,6.116936437,6.116936711,6.116936415,6.116936333,6.116936324,6.116936445,6.116936675,6.116936327,6.116936627
+"4116","DMRTC2",5.466688168,5.466688175,5.466688249,5.466688238,5.466688259,5.46668819,5.466688286,5.46668824,5.466688263,5.46668824,5.466688189,5.466688278,5.466688114,5.466688114,5.466688227,5.466688137,5.466688331,5.466688266,5.466688233,5.466688234,5.466688307,5.466688274,5.466688167,5.466688114,5.466688182,5.466688223,5.466688174,5.466688193
+"4117","DMTF1",7.698815693,7.698815327,7.698815007,7.698815271,7.698815136,7.698815207,7.698815409,7.698815168,7.69881537,7.698815234,7.698815033,7.698815015,7.698815554,7.698815769,7.698815483,7.698815265,7.698814773,7.698815062,7.698815428,7.698815286,7.698815549,7.698815289,7.698815301,7.698815263,7.69881538,7.698815427,7.698815542,7.698815405
+"4118","DMTN",8.846250237,8.572438238,10.3301936,9.169943767,9.259050083,9.908773086,9.404735853,9.770120858,9.829807849,9.326658634,9.572195695,9.870762096,8.855156494,8.170530128,8.852511489,8.021620051,10.08669785,9.194663626,8.81873552,9.453345247,9.218353343,9.467495626,9.704825136,9.247854702,9.615633551,9.877607241,9.085830981,8.699518286
+"4119","DMWD",6.566690767,6.566690763,6.56669077,6.566690756,6.566690765,6.566690769,6.566690758,6.56669078,6.566690769,6.566690766,6.566690758,6.566690761,6.566690769,6.566690757,6.566690758,6.566690762,6.566690765,6.566690771,6.566690757,6.566690765,6.566690776,6.566690781,6.566690769,6.566690769,6.566690776,6.566690778,6.566690774,6.566690732
+"4120","DMXL1",6.424960894,6.424960656,6.424960648,6.424960682,6.424960574,6.424960617,6.424960751,6.424960532,6.42496057,6.424960708,6.424960619,6.424960467,6.424960746,6.424960983,6.424960714,6.424960638,6.424960528,6.424960604,6.424960731,6.424960528,6.42496068,6.424960542,6.424960592,6.424960704,6.424960581,6.42496075,6.424960713,6.424960821
+"4121","DMXL2",8.001931654,8.015401883,7.985367923,8.009301075,7.978943759,8.036996197,8.004259998,7.93746278,7.948705668,7.983340171,7.990922817,7.91234225,7.992140171,8.005017327,7.986497629,8.007663846,7.969297502,7.985642163,7.991029516,8.048726398,8.028044487,7.961454077,7.968730036,7.997877406,8.008073361,7.954019125,7.994393304,7.968506775
+"4122","DNA2",4.54862754,4.548627507,4.548627528,4.548627537,4.548627532,4.54862754,4.548627562,4.548627509,4.548627546,4.548627536,4.548627512,4.548627538,4.548627536,4.548627546,4.548627538,4.548627536,4.548627509,4.548627519,4.548627542,4.548627519,4.54862756,4.548627532,4.548627555,4.548627549,4.548627541,4.548627546,4.548627547,4.548627526
+"4123","DNAAF1",4.748842944,4.748842988,4.74884301,4.748842944,4.748843026,4.748842923,4.748842971,4.74884302,4.748843003,4.748842966,4.748843,4.748843046,4.748842954,4.748842918,4.748843037,4.748843029,4.748843042,4.748843012,4.748842966,4.748842985,4.748843025,4.748843013,4.748842954,4.748842946,4.748842994,4.748843011,4.748842941,4.748843025
+"4124","DNAAF10",5.42923897,5.429238953,5.429238923,5.429238858,5.429238922,5.42923891,5.429238936,5.429238938,5.429238983,5.429238933,5.429238811,5.42923887,5.429238919,5.429239044,5.429238899,5.429238894,5.429238904,5.42923875,5.429238902,5.429238858,5.429238897,5.429238937,5.429238962,5.429238944,5.429238784,5.429238916,5.429238953,5.429238975
+"4125","DNAAF11",5.158730948,5.158732241,5.158731527,5.158732394,5.158729341,5.158731229,5.158732395,5.158731488,5.158731228,5.158729763,5.158729753,5.158730796,5.158731134,5.158729492,5.158730859,5.158731723,5.158731657,5.158731994,5.158730183,5.158731428,5.158732082,5.158731086,5.158731653,5.158730917,5.158730018,5.158731218,5.158731259,5.158729033
+"4126","DNAAF2",4.581133606,4.581133579,4.581133595,4.581133579,4.581133528,4.58113348,4.581133566,4.581133571,4.581133606,4.581133599,4.581133574,4.581133548,4.581133593,4.581133628,4.581133611,4.581133562,4.581133557,4.581133575,4.581133556,4.581133548,4.581133609,4.581133584,4.581133603,4.581133598,4.581133564,4.581133565,4.581133588,4.581133641
+"4127","DNAAF3",5.573730361,5.573730368,5.573730445,5.573730406,5.573730467,5.57373042,5.573730433,5.573730426,5.573730417,5.573730417,5.57373044,5.573730491,5.573730399,5.573730306,5.57373045,5.573730382,5.573730468,5.573730423,5.573730387,5.573730391,5.573730427,5.573730452,5.573730379,5.573730398,5.573730409,5.573730416,5.573730375,5.573730396
+"4128","DNAAF5",6.309134637,6.309134656,6.309134657,6.309134656,6.30913471,6.309134622,6.309134715,6.309134704,6.309134688,6.309134669,6.309134659,6.309134627,6.309134665,6.309134642,6.309134691,6.309134636,6.309134697,6.309134675,6.30913461,6.309134634,6.30913469,6.309134725,6.309134688,6.309134616,6.309134651,6.309134658,6.309134701,6.309134646
+"4129","DNAAF6",3.046545041,3.046545064,3.046545106,3.046545162,3.046545125,3.046545005,3.046545045,3.046545158,3.046545037,3.046545226,3.046545133,3.046545379,3.046545009,3.046545132,3.046545099,3.046545331,3.046545264,3.046545166,3.046545151,3.046545061,3.046545063,3.04654507,3.046545117,3.04654506,3.046545322,3.046545169,3.046544997,3.04654516
+"4130","DNAAF8",5.269270889,5.269271024,5.269270948,5.269270886,5.269271086,5.269270879,5.269270899,5.269271038,5.269271042,5.269270997,5.269271053,5.269271102,5.269270891,5.269270647,5.26927099,5.269271015,5.269271116,5.269271106,5.269270809,5.269270901,5.26927096,5.269271061,5.269270895,5.26927096,5.269271013,5.269271019,5.269270722,5.269270936
+"4131","DNAAF9",5.971777834,5.97177781,5.971777741,5.971777785,5.971777795,5.971777728,5.971777778,5.971777754,5.971777753,5.971777838,5.971777781,5.971777722,5.97177779,5.971777828,5.971777774,5.971777687,5.971777736,5.971777702,5.971777761,5.971777761,5.971777785,5.971777769,5.971777713,5.971777795,5.971777743,5.971777761,5.971777814,5.971777702
+"4132","DNAH1",6.526442355,6.526442347,6.526442352,6.526442355,6.526442343,6.526442404,6.52644237,6.52644235,6.526442367,6.526442355,6.526442324,6.526442366,6.526442362,6.526442338,6.526442335,6.526442322,6.526442324,6.526442353,6.52644237,6.526442366,6.526442344,6.526442361,6.526442348,6.526442349,6.526442331,6.526442384,6.526442369,6.52644233
+"4133","DNAH10",4.1581322855,4.158132335,4.1581323405,4.158132317,4.1581323975,4.158132347,4.1581323525,4.158132354,4.158132323,4.1581323205,4.15813236,4.1581323915,4.1581323325,4.1581323195,4.1581323815,4.1581323995,4.158132359,4.158132349,4.1581323435,4.1581323425,4.15813239,4.158132352,4.158132257,4.1581322915,4.15813237,4.158132351,4.1581323385,4.158132334
+"4134","DNAH11",3.654290792,3.654290787,3.654290796,3.654290792,3.654290799,3.654290793,3.654290796,3.654290794,3.654290797,3.654290792,3.654290791,3.654290802,3.654290793,3.654290785,3.654290799,3.654290796,3.654290803,3.654290796,3.654290799,3.654290795,3.654290797,3.654290802,3.654290794,3.654290793,3.65429079,3.654290796,3.654290783,3.6542908
+"4135","DNAH12",3.336966916,3.33696696533333,3.33696702433333,3.33696701766667,3.33696698833333,3.336966939,3.336967016,3.33696698533333,3.33696705833333,3.33696698666667,3.33696703033333,3.33696706266667,3.33696705266667,3.33696699,3.33696701533333,3.33696704866667,3.33696707333333,3.33696705233333,3.336966985,3.336966994,3.33696699433333,3.33696706266667,3.33696702666667,3.33696699433333,3.33696699133333,3.33696698533333,3.33696701933333,3.33696700933333
+"4136","DNAH14",2.60302470833333,2.60302445866667,2.603024699,2.60302474466667,2.603024509,2.603024557,2.60302476933333,2.60302461533333,2.60302441533333,2.60302476966667,2.60302462033333,2.60302460966667,2.603024445,2.60302455766667,2.60302462633333,2.60302465466667,2.60302467066667,2.60302472233333,2.603024465,2.60302449766667,2.603024669,2.60302447533333,2.603024508,2.60302450566667,2.60302460033333,2.60302450633333,2.603024571,2.60302451733333
+"4137","DNAH17",4.50080487366667,4.50080487633333,4.50080494533333,4.500804947,4.500805035,4.50080494733333,4.50080495866667,4.50080502066667,4.500804891,4.50080488066667,4.50080500566667,4.500805159,4.500804902,4.50080475933333,4.50080495066667,4.500804894,4.50080511066667,4.50080499,4.500804884,4.50080493333333,4.50080500033333,4.50080503666667,4.50080481833333,4.50080484133333,4.50080494566667,4.50080497333333,4.50080486466667,4.500804995
+"4138","DNAH2",4.100172984,4.10017299,4.100172993,4.100172987,4.100173002,4.100172981,4.100172987,4.100172994,4.100172988,4.100172986,4.10017299,4.100172997,4.100172982,4.100172979,4.100172989,4.100172996,4.100172999,4.100172997,4.100172993,4.100172994,4.100172996,4.100172993,4.100172989,4.100172984,4.100173,4.100172997,4.100172981,4.100172993
+"4139","DNAH3",3.722834905,3.722834913,3.722834917,3.722834905,3.722834931,3.72283491,3.722834926,3.722834937,3.722834913,3.722834907,3.72283492,3.722834938,3.722834911,3.722834896,3.722834934,3.722834922,3.722834913,3.722834934,3.722834925,3.722834924,3.722834926,3.722834923,3.722834905,3.722834899,3.722834922,3.722834915,3.722834914,3.722834914
+"4140","DNAH5",3.528146328,3.528146336,3.528146334,3.528146333,3.528146337,3.528146331,3.528146333,3.528146334,3.528146334,3.528146334,3.528146335,3.528146337,3.528146331,3.528146326,3.52814633,3.528146338,3.528146336,3.528146335,3.528146333,3.528146332,3.528146333,3.528146333,3.528146331,3.52814633,3.528146336,3.528146331,3.528146335,3.528146332
+"4141","DNAH6",3.60568741425,3.605687414,3.6056874195,3.6056873615,3.60568743425,3.6056874215,3.60568744975,3.605687367,3.60568746675,3.605687478,3.605687452,3.60568744725,3.60568743625,3.60568752275,3.60568747275,3.60568746,3.60568749575,3.60568744,3.6056874745,3.6056873575,3.60568746225,3.6056873545,3.60568747075,3.60568747875,3.60568739375,3.605687465,3.60568744325,3.605687464
+"4142","DNAH7",3.356534741,3.356534745,3.356534741,3.356534747,3.356534745,3.356534748,3.356534743,3.356534742,3.356534744,3.356534744,3.356534745,3.356534747,3.356534742,3.356534738,3.356534743,3.356534749,3.356534753,3.356534744,3.356534745,3.356534746,3.356534741,3.356534748,3.356534744,3.356534746,3.356534742,3.356534742,3.356534743,3.356534743
+"4143","DNAH8",2.944353696,2.944353696,2.944353697,2.944353699,2.944353699,2.944353699,2.944353696,2.944353697,2.944353698,2.944353699,2.944353696,2.944353705,2.944353698,2.944353693,2.944353699,2.944353698,2.944353698,2.944353699,2.9443537,2.944353698,2.944353695,2.944353697,2.944353698,2.944353692,2.944353703,2.944353696,2.944353698,2.944353697
+"4144","DNAH9",4.191418359,4.19141837,4.191418377,4.191418376,4.191418397,4.191418361,4.191418379,4.191418393,4.191418373,4.191418379,4.19141838,4.191418393,4.191418381,4.191418358,4.191418399,4.191418392,4.191418401,4.19141839,4.191418376,4.19141839,4.191418397,4.191418396,4.191418371,4.191418364,4.191418375,4.191418393,4.191418382,4.191418385
+"4145","DNAI1",4.293493881,4.293493959,4.293494177,4.293493997,4.293494164,4.293494012,4.293493996,4.293494083,4.293494075,4.293494048,4.293494059,4.293494189,4.293493959,4.293493888,4.293494048,4.293494096,4.293494279,4.293494201,4.293494029,4.293494024,4.293494122,4.293494184,4.293493867,4.293494113,4.29349413,4.293494046,4.293493999,4.293493957
+"4146","DNAI2",4.83447864,4.834478689,4.834478813,4.83447869,4.83447884,4.834478675,4.834478738,4.834478741,4.834478728,4.834478611,4.834478802,4.834478776,4.834478738,4.834478643,4.834478741,4.834478722,4.8344788,4.834478755,4.834478758,4.834478721,4.834478809,4.834478753,4.834478768,4.834478628,4.83447872,4.834478697,4.834478593,4.834478824
+"4147","DNAI3",3.489831756,3.489831747,3.489831757,3.489831762,3.489831754,3.48983178,3.489831762,3.489831784,3.489831794,3.489831768,3.489831773,3.489831801,3.489831751,3.489831763,3.489831744,3.489831738,3.489831773,3.489831783,3.489831754,3.489831759,3.489831779,3.489831801,3.48983176,3.489831741,3.489831779,3.489831774,3.48983178,3.489831785
+"4148","DNAI4",3.305171641,3.305171748,3.305171683,3.305171624,3.30517169,3.30517167,3.305171651,3.305171633,3.305171716,3.305171731,3.305171803,3.3051716,3.305171699,3.305171693,3.305171719,3.305171681,3.305171933,3.305171639,3.305171715,3.305171717,3.305171645,3.305171687,3.305171684,3.305171709,3.305171782,3.30517167,3.30517174,3.305171739
+"4149","DNAI7",2.678228802,2.678228673,2.678228826,2.678228746,2.678228802,2.67822876,2.678228862,2.678228672,2.678228987,2.678228709,2.678229009,2.678229093,2.678228782,2.678228757,2.678228806,2.678228729,2.678228691,2.678229059,2.678228644,2.678228774,2.67822858,2.678228771,2.678228984,2.678228658,2.678228775,2.678228837,2.678228775,2.67822863
+"4150","DNAJA1",6.127090462,6.127090378,6.12709039,6.127090534,6.127090418,6.127090598,6.127090298,6.127090564,6.127090366,6.127090369,6.127090577,6.127089877,6.127090312,6.127090892,6.127090424,6.127090347,6.12709013,6.127090337,6.127090352,6.127090551,6.127090386,6.127090368,6.127090466,6.127090628,6.127090327,6.127090189,6.127090358,6.12709042
+"4151","DNAJA1P5",3.264091584,3.264091625,3.264091664,3.264091679,3.264091688,3.264091537,3.2640917,3.264091706,3.264091701,3.264091563,3.264091627,3.264091683,3.264091539,3.264091541,3.264091492,3.264091638,3.264091672,3.264091532,3.264091481,3.264091579,3.264091687,3.264091651,3.26409169,3.264091591,3.264091564,3.264091734,3.26409145,3.264091574
+"4152","DNAJA2",6.625856211,6.625856152,6.625856044,6.625856089,6.625855985,6.625855975,6.625856001,6.62585598,6.6258562,6.625856091,6.625856018,6.625855885,6.625856147,6.625856463,6.625856175,6.62585621,6.62585601,6.625856063,6.625856011,6.625856188,6.625856038,6.625856048,6.625856118,6.62585615,6.625856012,6.625856037,6.625856042,6.625856316
+"4153","DNAJA3",6.192365849,6.192365858,6.192365821,6.192365807,6.19236586,6.192365924,6.192365882,6.192365837,6.192366005,6.19236595,6.192365708,6.192365891,6.19236593,6.192365949,6.192365895,6.192365796,6.192365762,6.19236574,6.192365858,6.192365793,6.192365788,6.192365914,6.192365891,6.192365909,6.192365701,6.192365901,6.192365917,6.19236595
+"4154","DNAJA4",7.095896411,7.095896523,7.095897137,7.095895716,7.09589621,7.095897361,7.095897534,7.095897988,7.095897024,7.095897382,7.095896675,7.095898094,7.095896563,7.095896413,7.0958964,7.095896235,7.095897053,7.09589645,7.095896285,7.095897072,7.095897394,7.095897375,7.095896543,7.095897502,7.095896661,7.095898011,7.09589668,7.095896132
+"4155","DNAJB1",7.776212359,7.776212502,7.776212139,7.776212406,7.776212182,7.776212356,7.776212199,7.776212383,7.776212484,7.776212341,7.776212021,7.776212096,7.776212423,7.776212771,7.776212279,7.776212271,7.77621192,7.776212203,7.776212321,7.776212263,7.776212139,7.776212233,7.7762125,7.776212295,7.776212124,7.776212198,7.776212425,7.776212553
+"4156","DNAJB11",5.964315493,5.964315394,5.964315543,5.96431523,5.964315023,5.964315533,5.964315805,5.96431504,5.964315173,5.964315313,5.964315105,5.964314838,5.964315694,5.964315984,5.964315106,5.964315427,5.964315,5.964314901,5.96431515,5.96431547,5.964315709,5.964315197,5.964315509,5.964315302,5.964315037,5.964315189,5.964315419,5.964315579
+"4157","DNAJB12",6.622494339,6.622494535,6.622494467,6.622494654,6.622494176,6.622494702,6.622494278,6.622494482,6.622494366,6.622494549,6.622494501,6.622494074,6.622494399,6.622494349,6.622494388,6.62249447,6.622494215,6.622494373,6.622494216,6.622494782,6.622494358,6.622494383,6.622494297,6.622494437,6.622494261,6.622494154,6.622494513,6.622493986
+"4158","DNAJB13",4.558694274,4.558694355,4.558694342,4.558694344,4.55869441,4.558694313,4.558694306,4.558694326,4.558694317,4.558694363,4.558694305,4.558694367,4.558694299,4.558694276,4.55869437,4.558694384,4.558694416,4.558694322,4.558694329,4.558694396,4.558694338,4.558694341,4.558694303,4.558694364,4.558694429,4.558694368,4.558694338,4.558694376
+"4159","DNAJB14",6.484354622,6.48435352,6.484352854,6.484352668,6.484353243,6.48435244,6.484353775,6.484352629,6.48435388,6.484353333,6.484353427,6.48435186,6.484353565,6.484355508,6.484354047,6.484353144,6.484353899,6.484352656,6.484353903,6.484352302,6.484353753,6.484353366,6.48435425,6.484353398,6.484353118,6.48435227,6.484353732,6.484354905
+"4160","DNAJB2",7.133106446,7.133106669,7.133107591,7.133106656,7.133106893,7.133107463,7.133106886,7.133107258,7.133107462,7.13310716,7.13310714,7.133107572,7.133106359,7.133106342,7.133106371,7.133106281,7.133107226,7.133106763,7.133106563,7.133107002,7.133106552,7.133107,7.133107473,7.133107013,7.133107286,7.133107298,7.13310652,7.133106771
+"4161","DNAJB3",4.316722653,4.316722661,4.316722659,4.316722652,4.31672268,4.316722669,4.316722642,4.316722677,4.316722673,4.316722656,4.316722679,4.316722711,4.316722673,4.316722642,4.316722665,4.316722692,4.31672269,4.316722704,4.316722672,4.316722693,4.316722668,4.31672267,4.316722655,4.316722665,4.316722695,4.316722685,4.316722678,4.316722648
+"4162","DNAJB4",4.22504502,4.225045132,4.225044788,4.225044379,4.225044502,4.225044486,4.225044796,4.225044706,4.225044992,4.225044982,4.225044824,4.225045241,4.22504483,4.225045667,4.225044973,4.225044827,4.225044715,4.225044782,4.225045114,4.225044164,4.225044663,4.225044892,4.225045012,4.225044698,4.225044488,4.225044751,4.225044843,4.225045462
+"4163","DNAJB5",5.388031963,5.388032063,5.388032136,5.388032081,5.388032271,5.388032066,5.388031968,5.388032154,5.388031941,5.388031958,5.388032229,5.388032111,5.388032088,5.388032043,5.388032207,5.388031972,5.388032208,5.388032211,5.388032122,5.388032195,5.388032237,5.388032127,5.388031781,5.388031992,5.38803212,5.388032117,5.388031969,5.388032094
+"4164","DNAJB6",8.501059024,8.501059651,8.501058572,8.501059115,8.501058108,8.501058221,8.501057915,8.501058689,8.501058161,8.501058043,8.501058531,8.5010576,8.501058217,8.501059235,8.501058523,8.501059442,8.501058057,8.501058879,8.501058404,8.501058664,8.501058054,8.501058278,8.501058547,8.501058581,8.50105847,8.501058532,8.501058156,8.501058481
+"4165","DNAJB7",3.601185364,3.601185381,3.601185882,3.601185495,3.601185679,3.601185543,3.601185498,3.601185471,3.601185505,3.601185444,3.601185495,3.601185663,3.601185723,3.601185707,3.601185545,3.601185536,3.601185551,3.601185456,3.601185508,3.601185517,3.601185448,3.601185705,3.60118552,3.601185585,3.601185471,3.601185562,3.601185533,3.601185629
+"4166","DNAJB8",4.439839042,4.439839032,4.439839102,4.439839137,4.439839183,4.439839072,4.439839099,4.439839071,4.439839065,4.439839022,4.439839225,4.439839117,4.439839038,4.439839084,4.439839166,4.439839099,4.439839202,4.439839172,4.439839076,4.439839133,4.439839111,4.439839173,4.439839048,4.439839132,4.43983912,4.439839096,4.439839087,4.439839101
+"4167","DNAJB9",4.944204913,4.944204937,4.944204939,4.94420492,4.944204944,4.944204926,4.944204955,4.944204937,4.944204936,4.944204977,4.944204919,4.944204952,4.944204948,4.944204983,4.944204942,4.944204956,4.944204937,4.944204986,4.944204946,4.944204925,4.944204936,4.944204983,4.944204933,4.944204932,4.944204983,4.944204976,4.944204933,4.94420503
+"4168","DNAJC1",6.472171916,6.472171759,6.472171232,6.472170937,6.472171041,6.472172779,6.472171454,6.472171508,6.472171412,6.472171374,6.472170896,6.472170079,6.472171525,6.472172235,6.472171783,6.472171623,6.472171169,6.472171148,6.472171104,6.472172125,6.472171609,6.472171437,6.472171862,6.472171814,6.472171104,6.472170709,6.472171856,6.472171899
+"4169","DNAJC10",6.733081817,6.733081487,6.733081448,6.733080831,6.733081266,6.733080629,6.733081179,6.733080446,6.733081267,6.733081502,6.73308089,6.733080597,6.733081204,6.733083584,6.733081153,6.733081084,6.73308105,6.733080663,6.733081559,6.733080692,6.733081261,6.733080976,6.733081084,6.733081435,6.733080771,6.733081094,6.733081168,6.733082382
+"4170","DNAJC11",6.263212709,6.263212558,6.263212597,6.263212457,6.263212428,6.263212715,6.263212532,6.263212436,6.263212695,6.263212757,6.26321235,6.263212689,6.26321267,6.263212724,6.263212546,6.26321238,6.263212235,6.263212298,6.263212503,6.263212506,6.263212575,6.26321259,6.263212601,6.26321262,6.263212383,6.263212573,6.263212659,6.263212604
+"4171","DNAJC12",3.872553249,3.872553343,3.872553293,3.872553297,3.87255331,3.872553283,3.872553291,3.87255336,3.872553321,3.872553352,3.872553338,3.872553361,3.872553301,3.872553265,3.87255334,3.872553348,3.872553349,3.872553365,3.872553388,3.872553283,3.872553316,3.872553282,3.872553312,3.872553269,3.872553304,3.872553348,3.872553273,3.872553347
+"4172","DNAJC13",7.396004664,7.396004575,7.39600432,7.396004277,7.396004028,7.396004677,7.396004508,7.396003877,7.396003957,7.39600436,7.396004217,7.396003627,7.396004449,7.396005037,7.396004524,7.396004166,7.39600408,7.396004086,7.396004335,7.396004276,7.396004553,7.396003821,7.396004128,7.396004507,7.396004385,7.396004169,7.396004411,7.396004338
+"4173","DNAJC14",6.565147191,6.56514745,6.565147137,6.565147113,6.565147001,6.56514719,6.565146909,6.565146959,6.565147142,6.565147236,6.565146957,6.565146837,6.565147199,6.565147297,6.565146993,6.565147215,6.565146955,6.565147117,6.565147201,6.565147066,6.565147017,6.565146955,6.565147248,6.565147089,6.565147035,6.56514699,6.565147182,6.565147191
+"4174","DNAJC15",4.89899905,4.898998904,4.898999046,4.898998815,4.898998826,4.898999035,4.898999208,4.898998827,4.898998969,4.898999254,4.898999085,4.898998838,4.898999229,4.898999347,4.898998728,4.898998744,4.898999031,4.898998778,4.898998974,4.898998933,4.898999161,4.898998907,4.898999118,4.89899915,4.898998943,4.89899897,4.898999212,4.898999043
+"4175","DNAJC16",6.522609325,6.52260919,6.522609095,6.522609098,6.522609122,6.522609187,6.522609197,6.522609219,6.522609295,6.522609276,6.522609133,6.522609156,6.522609255,6.522609326,6.522609253,6.52260919,6.522609025,6.522609067,6.522609194,6.522609061,6.522609189,6.522609188,6.522609269,6.522609241,6.522609183,6.522609246,6.522609212,6.522609213
+"4176","DNAJC17",5.329792725,5.329792656,5.329792699,5.329792553,5.32979268,5.329792608,5.32979263,5.329792872,5.329792724,5.329792705,5.329792625,5.3297928,5.329792715,5.329792708,5.32979283,5.329792707,5.329792669,5.329792584,5.329792575,5.329792772,5.329792739,5.329792854,5.329792585,5.329792568,5.329792741,5.329792872,5.329792711,5.329792685
+"4177","DNAJC18",5.383907257,5.383907325,5.383907265,5.383907251,5.383907223,5.383907126,5.383907226,5.383907301,5.383907266,5.383907199,5.383907239,5.38390726,5.383907238,5.383907231,5.383907243,5.383907303,5.383907187,5.383907257,5.383907186,5.383907182,5.383907205,5.383907266,5.383907277,5.383907236,5.383907125,5.383907252,5.383907256,5.383907281
+"4178","DNAJC19",5.631842403,5.6318423185,5.6318422565,5.631842223,5.6318422235,5.6318421925,5.631842299,5.63184222,5.6318423405,5.631842301,5.631842283,5.6318422315,5.6318423495,5.631842463,5.6318422965,5.631842257,5.6318422095,5.631842142,5.6318421925,5.631842191,5.6318422615,5.631842315,5.6318424055,5.6318423105,5.631842153,5.631842288,5.631842382,5.631842418
+"4179","DNAJC2",5.098342325,5.098342177,5.098342054,5.098341984,5.098342034,5.098341989,5.098342074,5.09834196,5.098342196,5.098342084,5.098341921,5.098342094,5.098342281,5.09834238,5.098342245,5.098342096,5.098341962,5.098341907,5.098342176,5.098341894,5.098341977,5.098342009,5.098342122,5.098342152,5.098341905,5.098342172,5.098342225,5.098342367
+"4180","DNAJC21",5.754283566,5.754283382,5.754283435,5.754283206,5.754283149,5.754283318,5.754283358,5.754283131,5.754283462,5.754283428,5.754283272,5.754282899,5.754283437,5.754284006,5.754283334,5.754283451,5.754283125,5.754283246,5.75428334,5.754283268,5.754283361,5.75428313,5.754283564,5.754283332,5.754283146,5.754283145,5.754283346,5.754283733
+"4181","DNAJC22",4.653287295,4.653287278,4.653287273,4.653287315,4.65328735,4.653287334,4.653287301,4.653287328,4.653287322,4.653287333,4.653287291,4.653287336,4.653287316,4.653287274,4.653287328,4.653287287,4.653287351,4.653287349,4.653287327,4.653287335,4.653287352,4.653287353,4.653287298,4.653287277,4.653287302,4.653287337,4.653287321,4.6532873
+"4182","DNAJC24",4.726104962,4.72610493,4.726104955,4.726104932,4.726104897,4.726104912,4.726104941,4.726104911,4.726104943,4.726104933,4.726104931,4.726104904,4.726104921,4.726105004,4.726104899,4.726104938,4.726104905,4.726104899,4.726104932,4.726104877,4.726104913,4.726104892,4.726104939,4.726104932,4.726104907,4.72610491,4.726104953,4.726104973
+"4183","DNAJC27",5.033684096,5.033684123,5.033683893,5.033683887,5.03368388,5.033683756,5.033683664,5.033683789,5.033683913,5.033683759,5.033683983,5.033683666,5.033684057,5.033684077,5.033684023,5.033683975,5.03368387,5.033683891,5.033683972,5.033684051,5.033684053,5.033684015,5.033684076,5.033684038,5.03368381,5.033684016,5.033683975,5.033684038
+"4184","DNAJC28",2.876184568,2.876184822,2.876184379,2.876184821,2.876184668,2.876184575,2.876184455,2.876184614,2.876184539,2.876184849,2.87618466,2.876184378,2.876184381,2.876184809,2.876184394,2.876184728,2.876184475,2.876184692,2.876184543,2.876184743,2.876184565,2.876184659,2.876184424,2.876184512,2.876184702,2.8761844,2.876184437,2.876184708
+"4185","DNAJC3",7.736071107,7.736285375,7.735828187,7.736284293,7.735839794,7.735850825,7.736072305,7.735634702,7.73581008,7.735908098,7.735966931,7.735451472,7.735882153,7.73618766,7.736047198,7.736271336,7.735658276,7.736210837,7.736054669,7.735738153,7.736118012,7.735648674,7.736004605,7.736134614,7.73619107,7.735810672,7.735847588,7.735914795
+"4186","DNAJC30",7.121034986,7.121034632,7.121034924,7.121034718,7.121034984,7.121034936,7.121034853,7.121035001,7.12103478,7.121035106,7.121034967,7.121035029,7.121034833,7.121034511,7.121034862,7.121034447,7.12103487,7.121034763,7.121034948,7.121034802,7.121034655,7.121034817,7.121034735,7.121034617,7.121034821,7.121034779,7.121034879,7.121034802
+"4187","DNAJC4",6.617544048,6.617544245,6.617544331,6.617543994,6.617544386,6.617544409,6.617544123,6.617544204,6.617544366,6.617544449,6.617544271,6.617544517,6.617544169,6.617543858,6.617544239,6.617544028,6.617544211,6.617544264,6.617544253,6.617544342,6.617544084,6.617544401,6.617544308,6.617544575,6.617544133,6.617544136,6.61754418,6.617544133
+"4188","DNAJC5",8.191716248,8.191716696,8.191716386,8.191716936,8.191716227,8.191716917,8.191716703,8.191716553,8.191716498,8.191716444,8.191716593,8.191716225,8.191716544,8.191716579,8.191716557,8.191716916,8.191716495,8.19171682,8.191716464,8.191716889,8.191716489,8.191716641,8.191716541,8.191716668,8.191716725,8.191716351,8.191716501,8.191716428
+"4189","DNAJC5B",3.637863903,3.637863975,3.637864079,3.637864011,3.637863918,3.637863989,3.637863878,3.637864055,3.637863945,3.637863962,3.637864045,3.637863828,3.6378639,3.637864007,3.637863973,3.637863861,3.637864014,3.637863998,3.637863991,3.637863976,3.637863859,3.637863952,3.637863976,3.637863946,3.637863979,3.637863989,3.637863947,3.637863927
+"4190","DNAJC5G",3.988763939,3.988763921,3.988763945,3.988763934,3.988763958,3.988763936,3.988763928,3.988763936,3.988763933,3.988763928,3.988763966,3.988763959,3.988763919,3.988763914,3.988763941,3.988763939,3.988763933,3.988763945,3.988763918,3.988763963,3.988763946,3.988763929,3.988763908,3.988763919,3.988763922,3.988763937,3.98876393,3.988763922
+"4191","DNAJC6",4.974382107,4.974381946,4.974382517,4.974382158,4.974382327,4.974382577,4.974382391,4.974382392,4.974382222,4.974382356,4.974382187,4.974382503,4.974382192,4.974382078,4.974381915,4.974381706,4.97438229,4.974382382,4.974382155,4.97438234,4.974382161,4.974382367,4.974382151,4.974382373,4.974382238,4.974382445,4.974382244,4.974382251
+"4192","DNAJC7",6.878484431,6.878484369,6.878484302,6.878484316,6.878484324,6.87848427,6.878484328,6.878484306,6.878484324,6.878484302,6.878484263,6.878484219,6.878484331,6.878484521,6.878484327,6.878484327,6.878484185,6.878484252,6.878484352,6.87848434,6.878484319,6.87848431,6.878484331,6.87848433,6.878484291,6.878484339,6.878484378,6.878484384
+"4193","DNAJC8",6.608761349,6.608761193,6.608761721,6.60876145,6.608761935,6.608761043,6.608761563,6.608761848,6.608761729,6.608761614,6.608761354,6.608761819,6.608761459,6.6087615,6.608761785,6.608761523,6.608761805,6.608761591,6.608761341,6.608760939,6.608761768,6.608761907,6.608761509,6.608761424,6.608761628,6.608761708,6.60876146,6.6087618
+"4194","DNAJC9",6.3523977165,6.352397724,6.352397705,6.352397709,6.352397722,6.352397734,6.352397768,6.3523977535,6.352397735,6.352397756,6.352397717,6.352397741,6.352397768,6.3523978055,6.352397763,6.352397753,6.352397694,6.352397695,6.3523977225,6.352397718,6.352397753,6.352397727,6.352397727,6.3523977485,6.3523977525,6.352397722,6.352397768,6.352397786
+"4195","DNAL1",3.582024202,3.582024287,3.582024287,3.582024259,3.582024255,3.582024293,3.582024268,3.58202428,3.5820243,3.582024272,3.582024288,3.582024283,3.582024288,3.582024259,3.582024255,3.582024251,3.582024279,3.582024269,3.582024264,3.582024269,3.582024224,3.582024259,3.582024262,3.582024243,3.582024264,3.582024245,3.58202425,3.582024274
+"4196","DNAL4",5.337059473,5.337059503,5.337059478,5.337059489,5.337059484,5.337059491,5.337059483,5.337059491,5.337059483,5.337059503,5.33705949,5.337059471,5.33705947,5.337059492,5.337059455,5.337059504,5.337059475,5.337059483,5.337059493,5.337059486,5.337059454,5.337059467,5.337059481,5.337059481,5.337059496,5.337059459,5.337059491,5.337059486
+"4197","DNALI1",4.464636992,4.464637148,4.464637201,4.464637217,4.464637325,4.464637345,4.464637278,4.464637341,4.464637167,4.464637265,4.464637212,4.464637294,4.464637238,4.464637096,4.464637244,4.464637234,4.464637311,4.464637248,4.464637156,4.464637168,4.464637161,4.464637356,4.464637236,4.464637155,4.464637096,4.464637213,4.464637141,4.464637175
+"4198","DNASE1",6.285812242,6.285812252,6.285812196,6.285812212,6.28581234,6.285812366,6.28581234,6.285812266,6.285812353,6.285812336,6.285812249,6.285812136,6.285812362,6.285812316,6.285812239,6.285812128,6.28581228,6.285812151,6.285812299,6.28581224,6.285812291,6.285812336,6.285812331,6.28581227,6.285812109,6.285812329,6.285812313,6.285812196
+"4199","DNASE1L1",6.13523107,6.135231146,6.135231082,6.135231104,6.135231096,6.13523113,6.135231088,6.135231035,6.13523112,6.135231127,6.135231126,6.135231064,6.135231096,6.135231085,6.135231043,6.135231068,6.135231051,6.135231107,6.135231055,6.13523115,6.135231059,6.135231038,6.135231102,6.135231126,6.135231078,6.135231061,6.135231091,6.135231081
+"4200","DNASE1L2",5.216290605,5.216290633,5.216290634,5.216290657,5.216290672,5.216290618,5.216290642,5.216290658,5.216290627,5.216290637,5.21629064,5.216290658,5.216290638,5.216290603,5.216290673,5.216290627,5.216290677,5.216290642,5.216290683,5.21629063,5.21629066,5.21629065,5.216290617,5.216290622,5.216290621,5.216290653,5.216290642,5.216290639
+"4201","DNASE1L3",3.62059045,3.620590483,3.620590574,3.620590582,3.620590696,3.620590516,3.620590655,3.620590578,3.620590504,3.62059048,3.620590608,3.620590484,3.620590511,3.620590644,3.620590522,3.620590452,3.620590552,3.620590584,3.620590635,3.620590568,3.620590701,3.620590645,3.620590501,3.620590527,3.620590595,3.620590576,3.620590396,3.620590652
+"4202","DNASE2",6.233693175,6.233693176,6.233693201,6.233693217,6.233693153,6.233693181,6.233693182,6.233693195,6.233693186,6.233693206,6.23369316,6.233693216,6.233693175,6.233693175,6.233693173,6.233693162,6.233693174,6.233693207,6.233693174,6.233693166,6.233693161,6.233693218,6.233693173,6.233693211,6.233693124,6.233693216,6.23369316,6.233693187
+"4203","DNASE2B",3.488371121,3.488371192,3.488371084,3.48837121,3.488371127,3.488371277,3.488371089,3.488371203,3.4883711,3.488371129,3.488371043,3.4883711,3.488371203,3.488371111,3.488371168,3.488371299,3.488371132,3.488371125,3.488371117,3.488371235,3.488371061,3.488371192,3.488371255,3.488371124,3.488371149,3.488371103,3.488371151,3.488371081
+"4204","DND1",7.573839213,7.573839357,7.573839935,7.573839511,7.573839958,7.573838726,7.573839287,7.57384011,7.573839496,7.573839622,7.573839965,7.573839881,7.573839601,7.573838954,7.573839664,7.573839263,7.573840026,7.57383949,7.573839436,7.573839375,7.573839566,7.573839997,7.573839454,7.57383973,7.573839819,7.573839507,7.573839776,7.573839385
+"4205","DNER",4.839459942,4.839459903,4.839459983,4.83945995,4.839460294,4.839459858,4.839459944,4.839460173,4.839459894,4.839460082,4.839460175,4.839460248,4.839460004,4.839459685,4.839460097,4.839459874,4.839460234,4.839460152,4.839460137,4.839459975,4.839460172,4.839460185,4.839459958,4.839459813,4.839460043,4.839460209,4.839459869,4.83946
+"4206","DNHD1",6.00233427675,6.0023342275,6.0023342725,6.00233426175,6.0023340515,6.002334452,6.00233434225,6.002334351,6.00233436175,6.002334249,6.002334198,6.002334656,6.00233450875,6.00233416025,6.002334126,6.00233401225,6.002334011,6.00233414,6.0023341265,6.0023340085,6.0023341665,6.0023343345,6.002334142,6.00233413775,6.00233402625,6.00233454025,6.002334448,6.002334034
+"4207","DNM1",5.66750685,5.667507188,5.667507296,5.667507107,5.667507616,5.667507079,5.667507298,5.667507449,5.667507212,5.667507419,5.667507365,5.667507433,5.667507284,5.667506907,5.667507401,5.667507352,5.667507575,5.667507439,5.667507397,5.667507282,5.667507612,5.66750756,5.667507166,5.667507259,5.667507558,5.667507291,5.667507108,5.667507284
+"4208","DNM1L",6.386150528,6.386150257,6.386150358,6.386150224,6.386150144,6.386150166,6.386150441,6.386150147,6.386150325,6.38615049,6.386150249,6.386150118,6.386150308,6.386150732,6.386150336,6.386150183,6.386150193,6.386150037,6.386150355,6.386149853,6.386150353,6.386150224,6.386150411,6.386150413,6.38614995,6.386150279,6.386150409,6.386150486
+"4209","DNM1P46",5.472156048,5.472156066,5.472156048,5.472155885,5.472156034,5.472155923,5.472155992,5.47215598,5.472156097,5.472155991,5.472155976,5.472155943,5.472156026,5.472156135,5.472156014,5.472155972,5.472155977,5.472156002,5.472156006,5.472155913,5.472155948,5.47215598,5.472156008,5.472156024,5.472155992,5.472155958,5.47215591,5.472156112
+"4210","DNM3",5.117554312,5.117554914,5.117554019,5.117556366,5.117554915,5.117555197,5.117554765,5.11755419,5.117553871,5.117555541,5.117556075,5.117555098,5.117554488,5.117554672,5.117554491,5.11755447,5.117554649,5.117556512,5.11755464,5.117554585,5.117554956,5.117553975,5.117554532,5.117556368,5.117555983,5.117555198,5.11755482,5.117554559
+"4211","DNMBP",5.781431849,5.781431742,5.78143171,5.781431807,5.781431794,5.781431724,5.781431752,5.781431769,5.781431605,5.78143169,5.781431782,5.78143174,5.781431716,5.781431524,5.781431766,5.781431759,5.781431609,5.781431784,5.781431773,5.781431786,5.781431779,5.781431702,5.781431702,5.781431753,5.781431764,5.781431811,5.781431685,5.78143153
+"4212","DNMT1",6.962825805,6.962825719,6.962825677,6.962825666,6.962825758,6.962825945,6.962825875,6.962825699,6.962825932,6.962825908,6.9628257,6.962825778,6.962825805,6.962825845,6.962825807,6.962825653,6.962825633,6.962825683,6.962825723,6.962825809,6.962825789,6.962825796,6.962825897,6.962825827,6.962825726,6.962825813,6.962825845,6.962825833
+"4213","DNMT3A",7.367657378,7.367657475,7.367657348,7.367657446,7.367657284,7.367657399,7.367657309,7.36765731,7.36765749,7.367657411,7.367657291,7.367657377,7.367657398,7.367657448,7.367657299,7.367657439,7.367657136,7.367657284,7.367657395,7.36765744,7.367657264,7.367657337,7.36765751,7.367657447,7.367657373,7.367657379,7.36765742,7.367657419
+"4214","DNMT3B",4.526976958,4.526976882,4.526977016,4.526976919,4.5269772,4.526976996,4.526977069,4.526976995,4.526977042,4.526976965,4.526976993,4.526977081,4.52697698,4.526976914,4.526976986,4.52697704,4.526977191,4.526977046,4.526976959,4.526976979,4.526977124,4.526977028,4.526976935,4.526976814,4.526976947,4.526977056,4.526976962,4.526977055
+"4215","DNMT3L",4.656742935,4.65674295,4.656742963,4.656742941,4.656743007,4.656742957,4.65674297,4.656742969,4.656742972,4.656742963,4.65674296,4.656742989,4.656742948,4.656742941,4.656742976,4.656742978,4.656742985,4.656742968,4.656742957,4.656742967,4.656742983,4.65674298,4.656742971,4.656742959,4.656742966,4.656742962,4.656742935,4.656742955
+"4216","DNPEP",6.591155869,6.591155654,6.591155465,6.591155017,6.591155506,6.591157215,6.591155432,6.591155855,6.591155731,6.591155673,6.591155528,6.591155587,6.591155964,6.59115575,6.591155556,6.591155555,6.59115471,6.591154698,6.591155422,6.591157245,6.591155384,6.591155947,6.591155439,6.591155635,6.591155608,6.591155788,6.591155931,6.591155716
+"4217","DNPH1",6.453599679,6.453599677,6.453599741,6.453599721,6.453599687,6.45359959,6.453599655,6.453599683,6.453599724,6.453599695,6.453599686,6.453599687,6.453599695,6.45359966,6.453599652,6.453599744,6.453599677,6.453599685,6.453599648,6.453599703,6.45359965,6.453599706,6.453599663,6.453599704,6.453599752,6.453599671,6.453599716,6.453599707
+"4218","DNTT",3.734553784,3.734553885,3.734553863,3.734553781,3.734553856,3.734553823,3.734553841,3.734554023,3.73455389,3.734553832,3.734553849,3.734553901,3.734553853,3.734553844,3.73455388,3.734554011,3.734553944,3.734553898,3.734553847,3.734553859,3.734553945,3.734553884,3.734553858,3.734553825,3.734553945,3.73455387,3.734553843,3.734553886
+"4219","DNTTIP1",7.518626217,7.518626905,7.518626176,7.518627123,7.518626004,7.51862607,7.518626172,7.518626183,7.518625893,7.518625719,7.518626457,7.518625657,7.518626122,7.518626237,7.51862622,7.518626607,7.51862604,7.518626754,7.518626276,7.518626962,7.518626035,7.518626487,7.518626089,7.518626432,7.518626376,7.518625893,7.518626007,7.518625879
+"4220","DNTTIP2",5.019308395,5.019308237,5.019307834,5.019308147,5.019307572,5.019308142,5.019307918,5.019307793,5.01930839,5.019308403,5.0193073,5.019307633,5.019308145,5.019309198,5.019308405,5.019308009,5.019307853,5.019308369,5.019308324,5.019306934,5.019307999,5.019308058,5.019308388,5.019308369,5.019307997,5.019307968,5.019307998,5.019308853
+"4221","DOC2A",5.132575744,5.132575799,5.132575844,5.13257581,5.132576029,5.132575908,5.13257577,5.132575864,5.132575756,5.132575876,5.132575933,5.13257599,5.132575818,5.13257563,5.132575955,5.132575854,5.132575944,5.132575962,5.132575886,5.132575905,5.132575968,5.132575885,5.132575808,5.132575785,5.13257582,5.132575934,5.132575855,5.132575801
+"4222","DOC2B",4.870584936,4.870584874,4.870585152,4.870584917,4.870585078,4.8705846615,4.870584751,4.8705851045,4.8705848305,4.870584748,4.8705851525,4.8705850915,4.8705846785,4.870584559,4.8705849785,4.870584889,4.870585301,4.8705851435,4.8705848665,4.870584866,4.870585073,4.8705849055,4.8705847435,4.8705846585,4.870585254,4.8705847675,4.870584758,4.870585135
+"4223","DOCK1",4.06337238,4.063372383,4.063372384,4.063372392,4.063372393,4.063372384,4.06337238,4.063372382,4.06337238,4.063372386,4.063372391,4.063372384,4.063372384,4.063372381,4.063372387,4.063372384,4.063372388,4.063372389,4.063372388,4.063372388,4.063372385,4.063372381,4.063372377,4.063372379,4.063372371,4.06337238,4.06337238,4.06337238
+"4224","DOCK10",8.352200934,8.352101489,8.352058453,8.35202368,8.352098545,8.352109925,8.352118409,8.352026863,8.352215402,8.352185097,8.352024129,8.352097772,8.352203652,8.352290609,8.352144135,8.352014912,8.351967481,8.352000892,8.352126438,8.35207133,8.35211165,8.352087372,8.352179236,8.352122161,8.352032374,8.352171816,8.352228531,8.352204477
+"4225","DOCK11",9.190919612,9.190919432,9.19091901,9.190919471,9.190918845,9.190918988,9.190919435,9.19091882,9.190919045,9.19091925,9.190919071,9.190918564,9.190919241,9.190920152,9.190919406,9.190919253,9.190918911,9.190919109,9.190919436,9.190918863,9.190919435,9.190918926,9.190919262,9.190919333,9.190919245,9.190919032,9.19091923,9.190919528
+"4226","DOCK2",9.44261366,9.442613635,9.442613462,9.44261369,9.442613497,9.442613675,9.442613669,9.44261333,9.442613441,9.442613525,9.442613469,9.442613255,9.442613578,9.442613732,9.442613582,9.442613595,9.442613347,9.442613507,9.442613642,9.442613709,9.442613702,9.44261339,9.442613508,9.442613658,9.442613575,9.442613561,9.44261355,9.442613506
+"4227","DOCK3",4.695793768,4.695793756,4.695793772,4.695793765,4.695793772,4.695793763,4.695793763,4.695793773,4.695793768,4.695793758,4.69579376,4.695793765,4.695793762,4.69579376,4.695793767,4.695793753,4.695793767,4.695793763,4.695793765,4.695793765,4.695793763,4.69579377,4.695793766,4.695793756,4.695793755,4.695793764,4.695793762,4.695793757
+"4228","DOCK4",6.700411395,6.712193751,6.69232547,6.711299043,6.696896443,6.728180603,6.694696831,6.692307523,6.703043816,6.696596725,6.699452517,6.686720098,6.697029435,6.693224773,6.695609945,6.705812607,6.689731958,6.700358612,6.703060723,6.719098884,6.686851654,6.691184973,6.707711514,6.705038409,6.698528282,6.689002749,6.696266231,6.683607231
+"4229","DOCK5",8.664988889,8.880542142,8.681474621,9.195589464,8.426385568,8.764623138,8.930292111,8.647794259,8.294280129,8.360546479,8.804906517,8.322403046,8.636936507,8.624842358,8.733047689,8.965146642,8.674944789,9.033249861,8.7668011,8.922416438,8.996717041,8.622606476,8.643833242,8.763736835,8.944200751,8.57907292,8.627043546,8.415426451
+"4230","DOCK6",4.70446283,4.704462797,4.704462823,4.704462799,4.704462912,4.704462828,4.704462847,4.70446289,4.704462877,4.704462844,4.704462858,4.704462889,4.704462852,4.704462762,4.704462868,4.704462845,4.7044629,4.70446288,4.704462851,4.704462814,4.704462905,4.704462885,4.704462798,4.70446283,4.704462853,4.70446286,4.704462847,4.704462848
+"4231","DOCK7",4.702484143,4.702483365,4.702483542,4.702483747,4.702483485,4.702483897,4.702483398,4.702483389,4.70248359,4.702483871,4.702483006,4.702483366,4.702483771,4.702483948,4.702483728,4.702483259,4.702483021,4.702483376,4.702483708,4.702483715,4.702483355,4.702483493,4.702483591,4.702483638,4.70248344,4.702483624,4.702483704,4.702483871
+"4232","DOCK8",9.96479282,9.964843866,9.964665498,9.964879443,9.964690922,9.965001595,9.964842695,9.964691185,9.964662305,9.964732867,9.96473151,9.96468793,9.964751945,9.964829939,9.96474152,9.964795936,9.964594105,9.964763319,9.964842197,9.965024256,9.964837882,9.964687603,9.964742539,9.964836715,9.964799687,9.96479541,9.964779852,9.964647815
+"4233","DOCK8-AS1",4.807065904,4.807066039,4.807066067,4.807066014,4.807065992,4.807066071,4.807066058,4.807066025,4.807065938,4.807065974,4.807066034,4.807066039,4.807066018,4.807066009,4.807065989,4.80706591,4.807066,4.80706603,4.807066024,4.807066097,4.807066023,4.807066039,4.807065986,4.807066041,4.807066073,4.807065975,4.807065999,4.807065996
+"4234","DOCK9",6.818829257,6.818828988,6.818828281,6.81882879,6.818828791,6.818829045,6.818829109,6.818828885,6.818829536,6.818829144,6.818827929,6.818829193,6.818829177,6.818829744,6.818829053,6.818828436,6.81882781,6.818828672,6.818828983,6.818828769,6.818828969,6.818828779,6.818829297,6.818828828,6.818828219,6.818829448,6.818829536,6.818829127
+"4235","DOHH",7.070246869,7.070246941,7.070246919,7.070246833,7.070246945,7.070246908,7.070246875,7.070246935,7.070246928,7.070246906,7.070246948,7.070246982,7.070246894,7.070246803,7.070246937,7.070246959,7.070246957,7.070246971,7.070246901,7.070246905,7.070246891,7.070246937,7.070246847,7.070246901,7.070246952,7.070246972,7.070246879,7.070246922
+"4236","DOK1",7.044658199,7.044658388,7.044658156,7.044658374,7.044658097,7.044658383,7.044658178,7.04465826,7.044658032,7.044658142,7.044658247,7.04465798,7.044658127,7.044657986,7.044658045,7.044658266,7.044658137,7.044658082,7.04465818,7.044658277,7.044658031,7.044658178,7.044658175,7.044658156,7.044658241,7.044657905,7.044658112,7.04465814
+"4237","DOK2",8.132713624,8.132713922,8.132713548,8.132713414,8.132713742,8.13271374,8.13271358,8.1327136,8.132713531,8.132713737,8.132713692,8.132713125,8.132713752,8.132713864,8.132713516,8.132713733,8.132713522,8.132713369,8.132713599,8.132713794,8.132713469,8.132713565,8.132713584,8.13271361,8.13271358,8.132713465,8.132713675,8.132713615
+"4238","DOK3",7.697654107,7.697654598,7.697654579,7.697655601,7.697654506,7.697654851,7.697654486,7.697654233,7.697654371,7.697654522,7.697654773,7.697654163,7.697654457,7.697653823,7.697654244,7.697655235,7.697654889,7.697655643,7.697654903,7.697654498,7.697654755,7.697654496,7.697654674,7.697655221,7.697655156,7.697654105,7.697654433,7.697653964
+"4239","DOK4",5.313905541,5.313905529,5.313905526,5.313905572,5.31390559,5.313905529,5.313905515,5.313905571,5.313905603,5.313905548,5.313905617,5.313905562,5.313905532,5.313905496,5.313905559,5.313905552,5.313905611,5.313905586,5.313905563,5.313905576,5.313905593,5.313905579,5.313905582,5.31390561,5.313905543,5.313905559,5.313905542,5.313905555
+"4240","DOK5",3.765442898,3.765442879,3.765442922,3.765442901,3.765442955,3.76544292,3.765442933,3.765442926,3.765442917,3.765442927,3.765442915,3.765442955,3.765442917,3.765442902,3.765442921,3.765442896,3.765442929,3.765442928,3.765442925,3.765442899,3.765442917,3.765442947,3.765442906,3.765442906,3.765442914,3.765442919,3.765442916,3.765442908
+"4241","DOK6",3.936933886,3.936934052,3.93693425,3.936933979,3.936934326,3.936934239,3.936934093,3.936934263,3.936934408,3.936934448,3.936934076,3.936934263,3.936934058,3.936933803,3.936933996,3.93693423,3.936934374,3.936934089,3.936934029,3.936933994,3.936934052,3.936934055,3.936933972,3.936934103,3.936934059,3.936934324,3.936934177,3.936934091
+"4242","DOK7",6.492017052,6.492017189,6.492017424,6.492017201,6.492018044,6.492016793,6.492017464,6.492017758,6.492017454,6.492017261,6.492017572,6.492017906,6.492017591,6.492016872,6.492017879,6.492017578,6.492017927,6.492017795,6.49201726,6.492017221,6.492017723,6.492017797,6.492016955,6.492017066,6.492017701,6.492017755,6.492017328,6.492017532
+"4243","DOLK",6.087818001,6.087818082,6.087818323,6.087818045,6.087818319,6.087817997,6.087818258,6.087818246,6.087818318,6.087818202,6.087818344,6.087818403,6.087818105,6.087818022,6.087818362,6.087818281,6.087818538,6.087818227,6.087818074,6.087818081,6.087818286,6.087818383,6.087818066,6.087818108,6.087818199,6.087818401,6.087817945,6.087818242
+"4244","DOLPP1",6.091649206,6.091649293,6.091649145,6.091649183,6.091649191,6.091649245,6.091649191,6.091649335,6.091649278,6.09164928,6.091649195,6.091649295,6.091649249,6.091649262,6.091649237,6.091649226,6.091649154,6.091649131,6.091649211,6.091649039,6.09164911,6.091649229,6.091649307,6.091649167,6.091649262,6.091649143,6.091649173,6.0916493
+"4245","DONSON",5.570990326,5.57099017,5.570990349,5.570990262,5.570990378,5.570990394,5.57099052,5.570990317,5.570990398,5.570990352,5.570990313,5.570990439,5.570990365,5.570990248,5.570990416,5.570990221,5.570990419,5.570990381,5.570990381,5.570990342,5.570990469,5.570990339,5.570990328,5.570990318,5.570990254,5.570990384,5.570990326,5.570990344
+"4246","DOP1A",6.3526671,6.35266692,6.35266685,6.352666769,6.352666862,6.352666754,6.352666815,6.352666666,6.352667045,6.352666911,6.352666669,6.352666704,6.352667091,6.352667384,6.352666967,6.352666785,6.35266656,6.352666629,6.352667034,6.352666735,6.35266668,6.352666842,6.352667062,6.352666982,6.352666842,6.352666933,6.352667086,6.352667139
+"4247","DOP1B",6.364315422,6.364315496,6.364315293,6.364315463,6.364315336,6.364315226,6.364315412,6.364315049,6.36431526,6.364315362,6.364315378,6.36431519,6.364315323,6.364315423,6.364315354,6.364315447,6.364315192,6.364315367,6.364315459,6.364315298,6.364315356,6.364315142,6.364315219,6.364315436,6.36431537,6.364315295,6.364315376,6.364315329
+"4248","DOT1L",6.477498666,6.477498675,6.477498671,6.477498673,6.477498706,6.477498691,6.477498695,6.477498671,6.47749868,6.477498689,6.477498675,6.47749871,6.477498681,6.477498665,6.477498697,6.477498646,6.477498695,6.477498683,6.477498682,6.477498694,6.477498693,6.477498699,6.477498684,6.477498662,6.47749867,6.477498693,6.477498687,6.477498672
+"4249","DPAGT1",5.873133132,5.873133113,5.873133028,5.873133044,5.873133102,5.873133177,5.873133173,5.873132963,5.873133141,5.87313313,5.873132937,5.873132994,5.873133067,5.873133098,5.873133034,5.873132926,5.873132903,5.873133003,5.873133137,5.873133088,5.873133118,5.873133112,5.873133048,5.873132982,5.873132925,5.873133026,5.873133073,5.873132924
+"4250","DPCD",5.485865784,5.485865841,5.485865931,5.485865856,5.48586585,5.485865819,5.485865825,5.485865911,5.485865793,5.485865849,5.485865864,5.485865974,5.485865769,5.485865792,5.485865809,5.485865864,5.485865896,5.485865868,5.485865767,5.485865849,5.485865823,5.485865825,5.485865814,5.485865858,5.485865878,5.485865972,5.485865771,5.485865823
+"4251","DPEP1",5.63519059,5.635190591,5.635190806,5.635190708,5.635190899,5.635190601,5.63519078,5.635190951,5.635190653,5.635190797,5.635190914,5.635190827,5.635190689,5.635190422,5.635190978,5.635190851,5.635191166,5.635190927,5.635190824,5.6351908,5.635190746,5.635190981,5.635190658,5.635190605,5.635190729,5.635190851,5.635190641,5.635190796
+"4252","DPEP2",8.715875861,8.715877586,8.71587713,8.715878485,8.715875828,8.715875139,8.715876798,8.71587627,8.715876139,8.71587513,8.715876952,8.715876083,8.715876687,8.71587565,8.715875817,8.715877657,8.715877048,8.715877549,8.715877291,8.715875299,8.715876477,8.715876463,8.715876348,8.715876456,8.715877192,8.715876865,8.715876435,8.715875408
+"4253","DPEP3",6.457506325,6.457506674,6.457506747,6.457506796,6.45750651,6.457506622,6.457506702,6.457506611,6.457506417,6.457506497,6.457506732,6.457506628,6.457506533,6.457506333,6.457506446,6.457506742,6.457506674,6.45750672,6.4575067,6.457506609,6.457506637,6.457506529,6.457506613,6.457506624,6.457506807,6.457506682,6.457506554,6.457506331
+"4254","DPF1",4.673748373,4.673748407,4.673748416,4.673748372,4.673748461,4.673748388,4.673748429,4.673748416,4.673748402,4.673748381,4.673748412,4.673748446,4.67374841,4.673748339,4.673748479,4.673748414,4.673748513,4.673748457,4.67374839,4.673748433,4.673748421,4.673748462,4.673748369,4.673748368,4.673748407,4.673748421,4.673748387,4.673748416
+"4255","DPF2",8.244154705,8.244154833,8.244154404,8.244154855,8.244154481,8.244154825,8.244154595,8.244154558,8.244154596,8.244154509,8.244154589,8.244154327,8.24415474,8.244154694,8.244154607,8.244154609,8.24415423,8.244154715,8.244154548,8.244154441,8.244154507,8.2441545,8.244154633,8.244154616,8.24415469,8.244154622,8.244154675,8.244154516
+"4256","DPF3",4.890993924,4.890993955,4.890994062,4.890994018,4.890994056,4.890993982,4.890994011,4.890994052,4.890994007,4.890993994,4.890994042,4.890994053,4.890994004,4.890993926,4.890994096,4.890993991,4.890994023,4.890994101,4.890994002,4.890993971,4.89099406,4.890994069,4.890993957,4.890993919,4.890993996,4.890994061,4.890993953,4.890994013
+"4257","DPH2",5.729401691,5.72940164,5.729401658,5.729401521,5.72940166,5.729401714,5.729401666,5.729401657,5.729401716,5.729401691,5.729401655,5.729401636,5.729401724,5.729401695,5.72940162,5.72940171,5.729401651,5.729401616,5.72940168,5.729401639,5.729401642,5.72940163,5.729401721,5.729401673,5.729401618,5.729401662,5.729401716,5.729401661
+"4258","DPH3",5.598561449,5.598561375,5.598561395,5.598561429,5.598561398,5.598561356,5.598561453,5.59856138,5.598561395,5.598561379,5.59856129,5.598561321,5.598561411,5.598561523,5.598561425,5.59856134,5.598561427,5.598561373,5.598561411,5.598561357,5.598561432,5.598561388,5.598561427,5.598561361,5.598561385,5.598561323,5.598561367,5.598561413
+"4259","DPH3P1",4.320896833,4.32089676,4.320896751,4.320896857,4.320897094,4.320896625,4.32089689,4.320896927,4.320896844,4.320896781,4.320896833,4.320897094,4.320896788,4.320896805,4.320896814,4.320896829,4.320897074,4.320896888,4.320896975,4.320896812,4.320896993,4.320896823,4.320896861,4.320896696,4.320896956,4.320896963,4.320896692,4.320896959
+"4260","DPH5",5.033892659,5.033892448,5.03389231,5.033892371,5.033892291,5.033892064,5.033892514,5.033892176,5.0338926,5.033892541,5.033892172,5.033892444,5.033892558,5.033893035,5.033892313,5.033892518,5.033892162,5.033892208,5.03389246,5.033892081,5.033892414,5.03389247,5.033892503,5.033892347,5.033892284,5.033892352,5.033892558,5.033892739
+"4261","DPH6",4.629582282,4.629582171,4.62958228,4.629582066,4.629581973,4.6295821,4.629581918,4.629582228,4.629582203,4.629582158,4.62958193,4.62958207,4.629582164,4.629582531,4.629582094,4.629582124,4.629581987,4.629581939,4.629582092,4.629581993,4.629581916,4.629581999,4.629582176,4.629582197,4.629582029,4.629582109,4.629582186,4.629582248
+"4262","DPH7",6.005983696,6.005983696,6.005983689,6.005983683,6.005983698,6.005983715,6.005983699,6.005983704,6.005983714,6.005983708,6.005983694,6.005983714,6.005983707,6.005983699,6.005983709,6.005983679,6.005983692,6.005983678,6.005983706,6.005983692,6.0059837,6.005983699,6.005983702,6.005983693,6.005983669,6.005983706,6.005983704,6.005983682
+"4263","DPM1",5.894961294,5.894960949,5.894960642,5.894960691,5.894960013,5.894960381,5.894960839,5.894960143,5.894960946,5.894960633,5.894960112,5.894959933,5.894960545,5.894962147,5.894960489,5.894960812,5.894960355,5.894960432,5.89496047,5.894960147,5.894960528,5.894960442,5.894961034,5.894960762,5.894960303,5.894960175,5.894960501,5.894961292
+"4264","DPM2",6.735589916,6.735589129,6.735592004,6.735589843,6.735589957,6.735592451,6.735589864,6.735592655,6.735590826,6.735590373,6.735590904,6.735592263,6.735589218,6.735587495,6.735589832,6.735588174,6.735591478,6.73559016,6.735589021,6.73559159,6.735589103,6.735591347,6.735591002,6.735590624,6.735590646,6.735592226,6.735590167,6.735588869
+"4265","DPM3",7.288718456,7.288718394,7.288718541,7.288718358,7.288718603,7.288718388,7.288718502,7.288718541,7.288718434,7.288718473,7.28871852,7.288718557,7.288718481,7.288718355,7.288718534,7.288718477,7.288718571,7.288718544,7.288718516,7.288718423,7.288718553,7.288718531,7.288718397,7.288718403,7.288718492,7.28871852,7.288718434,7.288718467
+"4266","DPP10",3.490109145,3.490109187,3.490109283,3.49010922,3.490109235,3.490109178,3.490109239,3.490109257,3.490109279,3.490109252,3.490109204,3.490109221,3.490109226,3.490109197,3.490109254,3.490109202,3.490109237,3.490109228,3.490109214,3.490109142,3.490109227,3.490109263,3.490109204,3.490109179,3.49010918,3.490109201,3.490109172,3.490109204
+"4267","DPP3",6.561624117,6.561624116,6.561623902,6.561623761,6.56162394,6.561624335,6.561624232,6.561623665,6.561624154,6.561624037,6.561623916,6.561623923,6.561624188,6.561624261,6.561623986,6.561623971,6.561623467,6.561623951,6.561623955,6.561624568,6.561624112,6.56162393,6.561624028,6.561624027,6.561623826,6.5616242,6.561624041,6.561623938
+"4268","DPP4",6.530160768,6.530160681,6.530158785,6.53016018,6.530159735,6.530159928,6.530160315,6.530159035,6.530161542,6.530159914,6.530159485,6.530158525,6.530161097,6.530162144,6.530159547,6.530160026,6.530157957,6.530159737,6.530160063,6.530160042,6.530159363,6.530159617,6.530161362,6.530159704,6.530159303,6.530159723,6.530161035,6.530161444
+"4269","DPP6",4.211197299,4.211197329,4.211197325,4.211197164,4.211197524,4.211197238,4.211197453,4.211197408,4.211197398,4.211197322,4.211197379,4.21119751,4.211197438,4.211197205,4.211197522,4.211197392,4.211197521,4.21119744,4.211197309,4.211197387,4.211197533,4.211197459,4.211197201,4.21119717,4.211197308,4.211197436,4.211197157,4.211197451
+"4270","DPP7",8.079251328,8.07925128,8.079251299,8.0792513,8.07925131,8.079251424,8.079251304,8.07925137,8.079251367,8.079251359,8.079251189,8.079251354,8.079251331,8.079251322,8.079251258,8.079251282,8.079251198,8.079251183,8.079251259,8.079251187,8.079251274,8.079251405,8.079251329,8.079251306,8.079251224,8.079251313,8.079251387,8.079251266
+"4271","DPP8",7.318126049,7.318125813,7.31812552,7.318125643,7.318124776,7.318125471,7.318125401,7.318125069,7.318125198,7.318125169,7.318125111,7.318124747,7.318125577,7.318126249,7.31812556,7.318125655,7.31812503,7.31812512,7.318125543,7.318125438,7.318125531,7.318125121,7.318125757,7.318125565,7.318125448,7.318125432,7.318125517,7.318125741
+"4272","DPP9",6.65837944,6.658379397,6.658379405,6.65837941,6.658379407,6.658379475,6.658379437,6.658379412,6.658379432,6.658379428,6.658379406,6.658379367,6.658379413,6.658379405,6.658379398,6.658379356,6.658379348,6.658379367,6.658379397,6.658379451,6.658379397,6.65837942,6.658379442,6.6583794,6.658379421,6.658379393,6.658379435,6.658379415
+"4273","DPPA2",3.445606806,3.445606804,3.445606809,3.445606819,3.445606811,3.445606843,3.445606797,3.445606808,3.445606819,3.445606827,3.445606811,3.445606795,3.445606803,3.445606794,3.445606805,3.445606819,3.445606803,3.445606832,3.445606823,3.445606803,3.445606807,3.445606819,3.445606826,3.445606825,3.445606817,3.445606811,3.445606802,3.445606807
+"4274","DPPA3",3.70782752,3.7078271445,3.707827262,3.707827977,3.7078279265,3.7078276465,3.7078279015,3.707828,3.707827569,3.707827082,3.707827392,3.707827242,3.7078278145,3.7078274605,3.707827887,3.707827717,3.7078276615,3.7078275115,3.707827987,3.7078277045,3.7078279385,3.707827986,3.707827611,3.707827189,3.707827689,3.7078277305,3.7078275725,3.7078281495
+"4275","DPPA3P2",4.430188325,4.430188391,4.430188309,4.43018835,4.43018841,4.430188321,4.430188356,4.430188349,4.430188343,4.430188392,4.43018835,4.430188371,4.430188322,4.430188301,4.430188418,4.430188272,4.430188385,4.430188421,4.430188326,4.430188371,4.430188374,4.430188383,4.430188294,4.430188335,4.430188323,4.430188356,4.430188353,4.43018838
+"4276","DPPA4",3.989220485,3.989220522,3.98922048,3.989220554,3.989220444,3.989220624,3.989220502,3.989220525,3.989220484,3.989220511,3.989220448,3.989220496,3.98922047,3.989220477,3.989220495,3.989220615,3.989220596,3.989220526,3.98922055,3.989220457,3.989220479,3.98922047,3.989220455,3.98922056,3.989220479,3.98922056,3.989220547,3.989220479
+"4277","DPPA5",3.933799064,3.933799048,3.933799066,3.933799006,3.933799157,3.933799165,3.933799092,3.933799134,3.933799106,3.933799115,3.933799074,3.933799143,3.933799031,3.933798995,3.933799104,3.933799045,3.933799139,3.9337991,3.93379915,3.93379914,3.93379913,3.9337991,3.933799034,3.933798987,3.933799037,3.933799063,3.93379905,3.933799064
+"4278","DPRX",4.247769541,4.247769517,4.247769565,4.247769678,4.247769397,4.247769698,4.247769571,4.247769621,4.2477696,4.247769615,4.247769566,4.247769532,4.247769577,4.247769505,4.247769642,4.24776955,4.247769582,4.24776955,4.247769446,4.247769716,4.247769408,4.247769856,4.247769729,4.247769545,4.247769568,4.24776963,4.247769597,4.247769497
+"4279","DPT",4.250082379,4.250082384,4.250082448,4.250082397,4.250082412,4.25008242,4.250082381,4.250082429,4.250082419,4.250082387,4.250082428,4.250082426,4.250082411,4.250082392,4.250082403,4.250082364,4.250082423,4.250082398,4.250082389,4.25008241,4.250082398,4.25008243,4.250082372,4.250082408,4.250082399,4.250082389,4.2500824,4.250082422
+"4280","DPY19L1",5.158041212,5.158040953,5.158040885,5.158041113,5.158040949,5.158040697,5.158041083,5.158040968,5.158041124,5.158040939,5.158040921,5.158040606,5.158040967,5.15804125,5.15804108,5.158040799,5.158040893,5.158040987,5.158040866,5.1580409,5.158041087,5.158040891,5.15804115,5.158041188,5.158040967,5.158041086,5.158040972,5.158041082
+"4281","DPY19L2",3.386234273,3.386234799,3.386233889,3.386234419,3.386234128,3.386234994,3.386234129,3.386234802,3.386234834,3.386234957,3.386234497,3.386234096,3.386234268,3.38623501,3.386233943,3.386234783,3.386234858,3.386234337,3.386234894,3.386235317,3.38623463,3.386234629,3.386234531,3.386234174,3.38623459,3.386234277,3.386234365,3.386233853
+"4282","DPY19L2P1",3.980894337,3.980894349,3.980894351,3.98089434,3.980894287,3.980894342,3.980894334,3.980894334,3.980894274,3.9808944,3.980894358,3.980894414,3.980894394,3.980894241,3.980894187,3.980894379,3.9808944,3.980894293,3.980894231,3.980894295,3.980894294,3.980894336,3.980894422,3.980894274,3.98089425,3.980894349,3.980894427,3.980894365
+"4283","DPY19L2P2",3.880824382,3.880824386,3.880824403,3.88082444,3.88082441,3.880824349,3.880824368,3.880824375,3.880824334,3.880824362,3.880824386,3.880824319,3.88082444,3.880824426,3.8808244,3.880824393,3.880824436,3.880824318,3.880824387,3.880824376,3.880824399,3.880824434,3.880824378,3.880824357,3.880824378,3.880824402,3.880824401,3.880824397
+"4284","DPY19L2P4",4.934648302,4.934648183,4.934648326,4.93464834,4.934648489,4.934648335,4.934648306,4.934648416,4.934648251,4.934648306,4.934648437,4.934648482,4.934648362,4.934648072,4.934648237,4.934648379,4.934648398,4.934648539,4.934648295,4.934648251,4.93464827,4.934648385,4.934648206,4.93464822,4.934648399,4.934648388,4.934648302,4.934648393
+"4285","DPY19L3",5.587039697,5.587039697,5.587039701,5.587039718,5.587039522,5.587039578,5.587039612,5.587039547,5.587039571,5.587039612,5.587039734,5.58703951,5.587039572,5.587039678,5.58703959,5.587039703,5.587039609,5.587039705,5.587039736,5.587039655,5.587039646,5.587039511,5.587039739,5.58703975,5.58703978,5.587039591,5.587039692,5.587039632
+"4286","DPY19L4",4.727868263,4.727868167,4.72786818,4.727868072,4.727868167,4.727868096,4.727868195,4.727868111,4.727868252,4.72786821,4.727868169,4.72786812,4.727868149,4.727868349,4.727868194,4.727868176,4.727868209,4.727868168,4.727868168,4.727868055,4.727868075,4.727868164,4.727868203,4.727868177,4.727868126,4.727868175,4.727868188,4.727868238
+"4287","DPY30",6.288087598,6.288087503,6.288087568,6.288087371,6.288087378,6.288087139,6.288087529,6.288087322,6.288087656,6.288087545,6.288087273,6.288087278,6.28808745,6.288087919,6.288087581,6.288087632,6.288087411,6.28808723,6.288087403,6.288087259,6.288087625,6.288087442,6.288087696,6.28808767,6.288087496,6.288087457,6.288087539,6.288087675
+"4288","DPYD",9.05228249,9.052282309,9.052281521,9.052282013,9.05228117,9.052283291,9.052281757,9.052281222,9.052281089,9.052281503,9.052281427,9.052280501,9.052282197,9.052282375,9.052281936,9.052281671,9.052281045,9.05228126,9.052281907,9.052283258,9.052281777,9.052281604,9.052281557,9.052281747,9.052281265,9.052281198,9.052282151,9.052281404
+"4289","DPYS",4.391210227,4.391210221,4.391210269,4.391210246,4.391210292,4.391210217,4.391210262,4.39121027,4.391210255,4.391210251,4.391210279,4.391210308,4.391210243,4.39121021,4.391210294,4.391210279,4.391210287,4.391210279,4.391210245,4.391210257,4.391210286,4.391210278,4.391210242,4.391210232,4.391210271,4.391210278,4.391210243,4.391210253
+"4290","DPYSL2",7.451719346,7.451719018,7.451719246,7.4517189,7.451719373,7.451719556,7.451718811,7.451718736,7.451718419,7.451719364,7.451719239,7.451718772,7.451719259,7.45171931,7.45171889,7.451718291,7.451718877,7.451718543,7.451718982,7.45171897,7.451718707,7.451718805,7.451718362,7.451719096,7.451718821,7.451718872,7.451719174,7.451718855
+"4291","DPYSL3",4.811253108,4.811253228,4.811253433,4.811253034,4.81125342,4.811253066,4.811253276,4.811253363,4.811253268,4.811253208,4.811253446,4.811253461,4.811253237,4.811253069,4.811253341,4.811253473,4.811253383,4.811253384,4.811253315,4.811253257,4.811253294,4.811253397,4.811253261,4.811253224,4.8112534,4.811253303,4.811253266,4.811253262
+"4292","DPYSL4",5.647591525,5.647591659,5.647591771,5.647591763,5.647592065,5.647591805,5.647591819,5.647591834,5.647591824,5.647591784,5.647591905,5.647591967,5.647591746,5.647591575,5.64759187,5.64759155,5.647591967,5.647591738,5.647591819,5.647591707,5.64759185,5.647591901,5.64759172,5.647591442,5.647591881,5.647591894,5.647591632,5.647591778
+"4293","DPYSL5",4.575103868,4.575103981,4.575103965,4.575104019,4.57510413,4.575104002,4.575104013,4.575104143,4.575104022,4.575104019,4.57510402,4.57510413,4.57510401,4.575103872,4.575104105,4.575103946,4.575104121,4.575104088,4.575104005,4.575104063,4.575104136,4.575104014,4.575103834,4.575103997,4.575104017,4.575104028,4.575103813,4.575103977
+"4294","DQX1",4.665409346,4.665409372,4.665409428,4.66540943,4.665409509,4.665409503,4.665409401,4.665409459,4.665409393,4.665409462,4.665409365,4.665409357,4.665409463,4.665409396,4.665409482,4.665409456,4.665409495,4.66540947,4.665409441,4.665409473,4.665409435,4.665409439,4.665409405,4.665409434,4.665409449,4.66540938,4.665409449,4.665409432
+"4295","DR1",8.188493449,8.188493536,8.188493269,8.188493286,8.188493328,8.188493245,8.188493232,8.188493196,8.188493373,8.188493422,8.18849308,8.188493063,8.188493355,8.188493662,8.188493286,8.188493353,8.188493193,8.188493239,8.188493523,8.188493015,8.188493226,8.188493245,8.188493556,8.18849348,8.188493084,8.188493236,8.188493293,8.188493562
+"4296","DRAM1",5.829283787,5.8292838,5.829283702,5.829283782,5.829283498,5.829283836,5.82928369,5.829283538,5.829283537,5.829283687,5.829283682,5.829283477,5.829283728,5.829283771,5.829283689,5.829283768,5.829283704,5.829283627,5.829283663,5.829283921,5.829283681,5.829283662,5.829283655,5.829283747,5.829283779,5.829283482,5.829283671,5.829283569
+"4297","DRAM2",7.466512435,7.466511971,7.466512046,7.466511774,7.466511886,7.46651189,7.466511906,7.466511791,7.466512024,7.466512014,7.466511803,7.466511672,7.466512063,7.46651241,7.466512154,7.466511831,7.466511836,7.466511581,7.466512089,7.466512007,7.466511915,7.466511914,7.466511962,7.466512024,7.466511798,7.466511815,7.46651206,7.466512183
+"4298","DRAP1",8.264298146,8.264299512,8.264298326,8.264298649,8.264298662,8.264300041,8.264298262,8.264298803,8.264298597,8.26429892,8.264298114,8.264298555,8.264299139,8.264299301,8.264298217,8.264299589,8.26429808,8.264298497,8.264298869,8.264300264,8.264297562,8.264298983,8.264299287,8.264298995,8.264298026,8.264298428,8.264299134,8.264299057
+"4299","DRAXIN",6.410952822,6.410952842,6.410952885,6.410952854,6.410952954,6.410952843,6.41095287,6.410952937,6.410952811,6.410952773,6.410952928,6.410952934,6.410952862,6.410952742,6.410952936,6.410952919,6.410953,6.410952963,6.410952896,6.410952899,6.410952936,6.410952937,6.410952821,6.410952794,6.410952889,6.410952902,6.410952832,6.410952885
+"4300","DRC1",3.856796985,3.856797001,3.856797001,3.856797002,3.856797,3.856796985,3.856796996,3.856797004,3.856797004,3.856796997,3.856797006,3.856796997,3.856796988,3.856796995,3.856797002,3.856797005,3.856797007,3.856797002,3.856796989,3.856797009,3.856796991,3.856797004,3.856796997,3.856796994,3.856797005,3.856796993,3.856796989,3.856797009
+"4301","DRC3",4.241604787,4.241604804,4.241604781,4.241604766,4.241604783,4.241604799,4.241604783,4.241604799,4.241604762,4.241604769,4.241604747,4.241604807,4.241604754,4.241604786,4.241604795,4.2416048,4.241604825,4.241604785,4.241604764,4.241604837,4.241604774,4.241604782,4.24160478,4.241604767,4.241604806,4.241604782,4.241604762,4.241604791
+"4302","DRC7",4.985696165,4.985696341,4.985696239,4.985696278,4.985696314,4.98569627,4.985696133,4.985696235,4.985696329,4.985696264,4.985696224,4.985696343,4.985696208,4.985696182,4.985696308,4.985696316,4.985696298,4.985696236,4.985696208,4.985696297,4.985696317,4.98569625,4.985696225,4.985696213,4.985696297,4.985696199,4.985696209,4.985696202
+"4303","DRD1",3.977719508,3.977719605,3.977719648,3.977719605,3.977719599,3.977719612,3.977719519,3.977719555,3.977719595,3.977719573,3.977719475,3.977719607,3.977719558,3.977719495,3.977719575,3.977719591,3.977719691,3.977719585,3.97771948,3.977719596,3.977719515,3.977719612,3.977719588,3.977719511,3.977719594,3.977719586,3.977719562,3.977719499
+"4304","DRD2",6.086036946,6.086036984,6.086037183,6.086036977,6.086037403,6.086037176,6.086037264,6.086037238,6.086037156,6.086037269,6.086037157,6.086037338,6.086037148,6.086036876,6.086037341,6.086037074,6.086037418,6.086037163,6.086037181,6.086037085,6.086037263,6.086037267,6.086037008,6.086037049,6.086037157,6.086037239,6.086037066,6.086037158
+"4305","DRD3",4.377101424,4.377101442,4.377101462,4.377101437,4.377101469,4.377101441,4.377101439,4.377101437,4.377101428,4.377101443,4.377101458,4.377101472,4.377101448,4.377101415,4.377101462,4.377101442,4.377101471,4.377101453,4.377101444,4.377101456,4.377101445,4.377101463,4.377101448,4.37710144,4.377101449,4.377101433,4.377101448,4.377101445
+"4306","DRD4",6.849141455,6.849141473,6.849141539,6.84914148,6.849141599,6.849141461,6.849141497,6.849141582,6.849141487,6.84914154,6.84914159,6.849141593,6.849141536,6.849141408,6.849141576,6.849141508,6.84914156,6.849141564,6.849141528,6.849141506,6.849141527,6.849141548,6.849141464,6.849141532,6.849141537,6.849141579,6.849141514,6.849141494
+"4307","DRD5",5.518484813,5.518484809,5.518484906,5.518484877,5.518484939,5.518484802,5.518484887,5.518484934,5.518484802,5.518484872,5.518484924,5.518484895,5.518484893,5.518484795,5.518484913,5.518484843,5.518484931,5.518484894,5.518484858,5.518484847,5.51848489,5.518484896,5.518484777,5.518484807,5.518484895,5.518484836,5.518484898,5.518484823
+"4308","DRG1",5.874241318,5.874241574,5.874241138,5.874240352,5.874239372,5.874240921,5.87424114,5.874240044,5.874241035,5.874241463,5.874239637,5.874239455,5.874241418,5.874241937,5.874239714,5.874241385,5.87423873,5.874239867,5.874240031,5.874241642,5.874241031,5.874240203,5.874240871,5.874241139,5.874240035,5.874240735,5.874240109,5.874240507
+"4309","DRG2",6.660836193,6.660836162,6.660836155,6.660836088,6.660836151,6.660836224,6.660836188,6.660836094,6.660836201,6.660836199,6.660836157,6.66083621,6.660836217,6.660836192,6.660836167,6.660836076,6.660836171,6.660836086,6.660836165,6.660836203,6.66083618,6.660836147,6.660836152,6.660836126,6.660836154,6.660836165,6.660836179,6.660836202
+"4310","DRGX",5.706934217,5.706934482,5.70693444,5.706934255,5.706934599,5.706934362,5.706934506,5.706934465,5.70693429,5.706934363,5.706934491,5.706934629,5.706934277,5.706934207,5.706934542,5.706934514,5.706934582,5.706934454,5.706934484,5.706934299,5.706934414,5.70693442,5.706934333,5.706934298,5.706934421,5.70693453,5.706934177,5.706934453
+"4311","DRICH1",3.957040462,3.957040472,3.957040465,3.957040495,3.957040451,3.957040476,3.957040515,3.957040504,3.957040426,3.957040491,3.957040471,3.957040418,3.957040419,3.957040472,3.957040474,3.957040516,3.957040466,3.957040441,3.957040497,3.957040467,3.957040488,3.957040472,3.95704046,3.957040462,3.957040404,3.95704046,3.957040421,3.957040479
+"4312","DROSHA",5.9083592,5.908358915,5.90835885,5.908358673,5.90835862,5.908359131,5.908359061,5.908358787,5.908359123,5.908358979,5.908358545,5.908358901,5.908359037,5.908359149,5.908358862,5.908358608,5.908358381,5.908358501,5.908358886,5.908358674,5.908358938,5.908358925,5.908359051,5.90835874,5.908358674,5.908359096,5.908359091,5.908358886
+"4313","DRP2",4.295237986,4.295237976,4.295237957,4.295237958,4.295238061,4.29523792,4.295238005,4.295237917,4.295238027,4.295238029,4.295238163,4.29523814,4.295238055,4.295237937,4.295238119,4.295237937,4.295238027,4.295238019,4.295238112,4.295238036,4.29523801,4.295238153,4.295237818,4.295237865,4.295237983,4.295237966,4.295237853,4.295238068
+"4314","DSC1",4.461661982,4.461661831,4.461661776,4.461662001,4.461662332,4.461661678,4.461662048,4.461661766,4.461662487,4.461662163,4.461661741,4.461662723,4.461662286,4.461662677,4.461661661,4.4616617,4.461661752,4.461661967,4.461662413,4.461661215,4.461661645,4.461662063,4.461662734,4.461661883,4.461661601,4.461662752,4.461662165,4.461662716
+"4315","DSC2",6.537883144,7.288239358,5.822433388,7.099030023,7.353366431,7.608102158,6.9410323,6.151629129,6.413709878,6.872926928,7.122028219,6.137730819,6.253492408,6.941464451,6.607025711,6.986549111,5.397191642,6.688546024,7.510431319,7.773228805,6.791224359,5.87928867,6.537103676,7.422484392,7.16523148,6.604423856,6.252452122,6.782489869
+"4316","DSC3",3.218072142,3.218072127,3.218072134,3.218072155,3.218072143,3.218072145,3.218072148,3.218072146,3.218072138,3.218072137,3.218072138,3.218072164,3.21807215,3.218072128,3.218072139,3.218072156,3.218072149,3.218072134,3.218072166,3.218072131,3.218072128,3.21807215,3.218072162,3.218072123,3.218072142,3.218072149,3.218072147,3.218072134
+"4317","DSCAM",4.850088009,4.850088177,4.850088499,4.850088242,4.850088532,4.850087853,4.850088501,4.850088526,4.850088477,4.850088309,4.850088434,4.850088756,4.850088492,4.850087905,4.850088596,4.850088525,4.850088639,4.85008853,4.850088365,4.850088159,4.850088376,4.85008842,4.850088367,4.850088326,4.85008848,4.850088514,4.850088369,4.850088695
+"4318","DSCAML1",4.969195181,4.96919525,4.969195381,4.969195413,4.969195529,4.969195115,4.969195337,4.969195453,4.969195287,4.969195369,4.969195367,4.969195453,4.969195248,4.969195015,4.969195415,4.969195324,4.969195417,4.96919533,4.969195268,4.969195258,4.96919546,4.969195414,4.969195186,4.969195187,4.969195369,4.96919544,4.969195343,4.969195339
+"4319","DSCC1",3.25983924,3.259839117,3.25983915,3.25983917,3.259839074,3.25983926,3.259839346,3.259839275,3.259839257,3.259839227,3.259839322,3.259839217,3.25983895,3.259839084,3.259839297,3.259839186,3.259839142,3.259839377,3.25983922,3.259839299,3.25983928,3.259839059,3.259839224,3.259839174,3.259839267,3.259839221,3.259839106,3.259839
+"4320","DSCR10",4.244629008,4.244629225,4.244628948,4.244629013,4.244629098,4.244628979,4.244629163,4.244629159,4.244628785,4.24462915,4.244628854,4.244629328,4.244628971,4.24462897,4.244629076,4.244629158,4.244629406,4.244629093,4.244628883,4.244629045,4.244629043,4.244629043,4.244628799,4.244629078,4.244629118,4.244629163,4.244628943,4.244629076
+"4321","DSCR4",4.042845862,4.042845744,4.042846144,4.042845999,4.042845725,4.04284583,4.042846023,4.042846043,4.042845919,4.04284583,4.042845912,4.042846235,4.042845875,4.042845776,4.04284591,4.042845941,4.042846106,4.042846041,4.042845934,4.042846009,4.042846008,4.0428459,4.042845765,4.042845779,4.042846006,4.042845991,4.042845964,4.04284594
+"4322","DSCR8",2.718982652,2.718982656,2.718982666,2.71898266,2.718982662,2.718982662,2.718982672,2.718982679,2.718982649,2.718982652,2.718982669,2.718982663,2.71898265,2.718982638,2.718982653,2.718982675,2.718982671,2.718982658,2.71898266,2.71898268,2.718982652,2.718982656,2.718982668,2.718982658,2.718982662,2.718982653,2.71898264,2.718982656
+"4323","DSCR9",3.968419811,3.968419791,3.968419847,3.968419843,3.968419836,3.968419793,3.968419825,3.96841983,3.968419808,3.968419824,3.968419836,3.968419805,3.968419818,3.968419792,3.968419793,3.96841984,3.968419827,3.968419791,3.968419825,3.968419839,3.968419838,3.968419796,3.968419878,3.968419812,3.96841982,3.968419834,3.968419817,3.96841981
+"4324","DSE",6.705388203,6.705388533,6.705387968,6.705388987,6.705387967,6.705387729,6.705388836,6.705387373,6.705387399,6.70538829,6.705388189,6.705387722,6.705388157,6.705388581,6.705388254,6.705388244,6.705388019,6.705388819,6.70538826,6.705388615,6.705388672,6.705387789,6.705387762,6.705388698,6.705388144,6.705387841,6.705387919,6.705388465
+"4325","DSEL",3.7111866,3.711186594,3.711186567,3.711186548,3.711186555,3.711186566,3.711186566,3.711186565,3.711186577,3.711186553,3.711186575,3.711186607,3.711186549,3.711186607,3.711186544,3.711186548,3.711186516,3.71118656,3.711186559,3.711186516,3.711186555,3.711186555,3.7111866,3.711186558,3.711186568,3.711186595,3.711186584,3.711186573
+"4326","DSG1",3.138851482,3.138851565,3.138851861,3.138851609,3.138851561,3.138851706,3.138851524,3.138851576,3.138851478,3.13885161,3.138851788,3.138851454,3.138851424,3.138851377,3.13885147,3.138851544,3.138851588,3.138851653,3.138851569,3.13885141,3.13885149,3.138851598,3.138851739,3.138851625,3.138851487,3.138851587,3.138851674,3.138851542
+"4327","DSG2",3.060571901,3.060572008,3.060572056,3.060572022,3.060572198,3.060572147,3.060572119,3.060572012,3.06057206,3.060572023,3.060572098,3.060572132,3.060572045,3.06057191,3.060572123,3.060571934,3.060572127,3.060572094,3.060572023,3.060571919,3.060572167,3.060572028,3.060572026,3.060571978,3.060571943,3.060572182,3.060571925,3.060572075
+"4328","DSG3",3.872283164,3.872283442,3.872283317,3.872283377,3.872283414,3.872283304,3.872283224,3.872283321,3.872283513,3.872283133,3.872283503,3.872283836,3.872283133,3.872283186,3.872283373,3.872283502,3.872283512,3.872283515,3.87228382,3.872283393,3.872283425,3.872283386,3.872283211,3.872283068,3.872283317,3.872283433,3.872283171,3.872283451
+"4329","DSG4",3.864849172,3.864849192,3.864849201,3.864849204,3.864849189,3.864849193,3.86484922,3.864849211,3.86484918,3.86484921,3.864849196,3.86484921,3.864849189,3.864849167,3.864849186,3.864849198,3.864849241,3.864849207,3.864849212,3.864849218,3.864849205,3.864849214,3.86484919,3.864849175,3.8648492,3.864849183,3.864849177,3.864849197
+"4330","DSN1",5.744370721,5.744370702,5.744370525,5.744370635,5.744370499,5.744370518,5.744370727,5.744370433,5.744370522,5.744370564,5.744370636,5.74437034,5.744370678,5.74437078,5.744370538,5.744370485,5.744370084,5.744370343,5.744370527,5.744370443,5.744370628,5.744370183,5.744370598,5.744370616,5.744370663,5.74437044,5.744370578,5.744370541
+"4331","DSP",4.195183805,4.195183628,4.19518386,4.195183544,4.195183978,4.195183694,4.195183939,4.195183783,4.195183657,4.195184033,4.195183799,4.19518389,4.195183513,4.195183917,4.195183902,4.195183751,4.195183862,4.195183773,4.195183735,4.1951837,4.195183849,4.195183818,4.195183736,4.195183804,4.195183668,4.195183897,4.195183584,4.195183933
+"4332","DSPP",3.409139948,3.409140043,3.409139975,3.409140021,3.409140155,3.40914006,3.409140198,3.409140005,3.409140086,3.409140034,3.409140034,3.409140163,3.409139996,3.409139982,3.409140108,3.409140065,3.409140094,3.409140093,3.409140103,3.409139991,3.409140138,3.40914008,3.409139959,3.409139967,3.409140076,3.409140082,3.409139934,3.409140044
+"4333","DST",3.988740928,3.988740905,3.988740888,3.98874087,3.988740986,3.988740841,3.9887409,3.9887409,3.988740831,3.98874088,3.988740856,3.98874094,3.98874094,3.988741029,3.988740907,3.988740879,3.988740881,3.988740885,3.988740978,3.988740868,3.988740936,3.988740876,3.98874088,3.988740865,3.988740884,3.988740922,3.988740902,3.988740947
+"4334","DSTN",5.416202647,5.41620275,5.4162025,5.416202623,5.416202593,5.416202431,5.416202545,5.41620244,5.416202512,5.416202434,5.416202356,5.416202249,5.416202498,5.416202622,5.416202484,5.416202544,5.416202209,5.416202446,5.416202415,5.416202409,5.416202423,5.416202328,5.416202526,5.416202629,5.416202507,5.416202379,5.416202527,5.41620243
+"4335","DSTNP2",5.540945142,5.540944904,5.540944482,5.540945058,5.540944795,5.540944317,5.540944786,5.540944531,5.540944841,5.540944836,5.540944887,5.540944778,5.540944918,5.540945246,5.540944418,5.540944941,5.540944233,5.540944658,5.540944863,5.540943662,5.540944767,5.540944555,5.540944907,5.540944637,5.540945028,5.540944668,5.540944837,5.540944944
+"4336","DSTYK",5.858406084,5.858406066,5.858406,5.858406093,5.858406035,5.85840603,5.858406043,5.858406028,5.858406047,5.85840605,5.858406078,5.858405943,5.858406074,5.858406137,5.858406039,5.858406068,5.858405922,5.858405958,5.858406053,5.858406121,5.858406014,5.858405993,5.858405976,5.858406096,5.858406107,5.858406062,5.85840605,5.858406062
+"4337","DTD1",6.903280499,6.903280519,6.903280492,6.903280511,6.903280498,6.903280495,6.903280497,6.903280513,6.903280493,6.903280499,6.903280507,6.903280497,6.903280505,6.903280505,6.903280505,6.903280524,6.903280504,6.903280507,6.9032805,6.903280503,6.903280503,6.903280505,6.903280497,6.903280511,6.90328051,6.90328051,6.903280504,6.90328051
+"4338","DTD2",5.074743519,5.074743191,5.074743099,5.074742699,5.074742986,5.074742793,5.074743252,5.07474299,5.07474333,5.074743271,5.074742849,5.07474319,5.074743398,5.074743739,5.074742998,5.074743085,5.07474264,5.074742767,5.074743363,5.074742931,5.074743227,5.074742989,5.074743637,5.074742948,5.074742839,5.074743366,5.074743278,5.074743298
+"4339","DTHD1",5.514501311,5.514499416,5.514498844,5.514497876,5.514497116,5.514498763,5.514498819,5.514500223,5.514498459,5.514499019,5.514498489,5.514497989,5.51450011,5.514499333,5.514500526,5.514499194,5.514498151,5.514498286,5.514497837,5.514498015,5.514498487,5.514499528,5.514498956,5.514499742,5.514498968,5.514499127,5.514500044,5.514498687
+"4340","DTL",3.898884473,3.898884232,3.898884778,3.898884443,3.898884768,3.898885918,3.898886772,3.898884327,3.898885906,3.898885072,3.898884325,3.898884182,3.898884553,3.898884586,3.898884692,3.898884354,3.898885017,3.898884804,3.898884591,3.898885573,3.898886602,3.898884595,3.898886252,3.898885041,3.898884789,3.898884673,3.89888463,3.898884385
+"4341","DTNA",3.712063146,3.712063228,3.712063153,3.712063203,3.712063194,3.712063161,3.712063209,3.712063239,3.71206317,3.712063225,3.712063213,3.712063291,3.712063176,3.712063225,3.712063188,3.712063144,3.712063249,3.7120632,3.712063208,3.712063208,3.712063189,3.71206323,3.712063128,3.712063195,3.712063199,3.712063177,3.712063149,3.712063224
+"4342","DTNB",6.561048073,6.561048076,6.561048047,6.561048046,6.56104805,6.5610481,6.56104808,6.56104807,6.561048105,6.561048071,6.561048055,6.561048069,6.561048082,6.561048094,6.561048073,6.561048041,6.561048008,6.561048038,6.561048076,6.561048105,6.56104807,6.561048071,6.561048095,6.561048069,6.561048044,6.561048077,6.561048091,6.561048081
+"4343","DTNBP1",6.897563786,6.897563741,6.897563667,6.897563712,6.897563687,6.897563763,6.897563662,6.89756371,6.897563685,6.897563739,6.897563615,6.897563633,6.897563727,6.897563832,6.897563727,6.897563706,6.897563623,6.897563642,6.89756368,6.8975638,6.897563665,6.897563719,6.897563703,6.897563778,6.897563619,6.897563678,6.897563738,6.897563804
+"4344","DTWD1",3.557711244,3.557711197,3.557711225,3.557711122,3.557711173,3.557711137,3.557711256,3.557711053,3.557711198,3.557711169,3.557711087,3.557711103,3.557711216,3.557711208,3.557711138,3.557711154,3.557711119,3.557711099,3.557711231,3.557711182,3.557711149,3.557711163,3.557711225,3.557711206,3.557711091,3.557711189,3.557711222,3.557711253
+"4345","DTWD2",5.086098277,5.086098277,5.086098303,5.08609822,5.086098291,5.086098236,5.08609827,5.086098284,5.086098314,5.08609829,5.086098257,5.086098301,5.086098288,5.08609832,5.086098278,5.086098283,5.086098289,5.086098231,5.086098272,5.086098288,5.086098293,5.086098269,5.086098307,5.086098267,5.086098263,5.086098272,5.08609825,5.086098325
+"4346","DTX1",6.263447142,6.263446999,6.263447011,6.263447033,6.263447159,6.263447167,6.263447156,6.26344712,6.26344707,6.263447156,6.263447085,6.263447103,6.263447116,6.26344702,6.263447135,6.263446982,6.263447099,6.263447186,6.263447106,6.263447043,6.263447179,6.263447152,6.263447076,6.263447062,6.263447039,6.263447137,6.263447098,6.263447114
+"4347","DTX2",5.60631172,5.606311816,5.606311834,5.606311848,5.606311797,5.606311809,5.606311933,5.606311833,5.60631172,5.606311712,5.606311817,5.606311941,5.606311729,5.606311768,5.606311735,5.606311738,5.606311634,5.60631178,5.606311602,5.606311915,5.606311871,5.606311894,5.606311706,5.606311749,5.606311835,5.606311797,5.606311564,5.606311779
+"4348","DTX3",5.817564306,5.817564291,5.817564345,5.817564315,5.81756438,5.817564329,5.817564323,5.817564367,5.817564328,5.817564342,5.817564335,5.817564389,5.817564313,5.817564294,5.817564352,5.817564336,5.817564377,5.817564337,5.817564352,5.81756432,5.81756436,5.817564356,5.81756433,5.817564282,5.817564342,5.817564342,5.817564313,5.81756432
+"4349","DTX3L",7.892156333,7.892558471,7.890930965,7.89195591,7.891374713,7.894304047,7.89133498,7.891664798,7.891339606,7.891281422,7.890893062,7.889559955,7.891902443,7.892087715,7.891313981,7.891880905,7.890440668,7.89158683,7.891430299,7.894035896,7.891614726,7.891521272,7.891685495,7.891992624,7.89147001,7.890524385,7.891912495,7.891070303
+"4350","DTX4",6.585255346,6.585255306,6.585255374,6.585255365,6.585255371,6.585255346,6.58525536,6.585255357,6.585255334,6.585255368,6.585255368,6.585255371,6.585255333,6.585255328,6.585255391,6.585255342,6.585255378,6.585255346,6.58525538,6.585255351,6.585255342,6.585255362,6.58525533,6.58525536,6.585255339,6.585255375,6.585255353,6.585255374
+"4351","DTYMK",5.053739943,5.053740033,5.053740208,5.053739927,5.053740174,5.053740128,5.053740226,5.053740288,5.053740163,5.053740245,5.053740098,5.053740348,5.053740176,5.053740011,5.053740243,5.053740189,5.053740187,5.053740075,5.053740154,5.053740191,5.053740264,5.053740211,5.053740082,5.05374001,5.053740041,5.053740278,5.053740145,5.053740066
+"4352","DUOX1",4.46393483,4.463934859,4.463934915,4.463934874,4.463934896,4.463934885,4.463934819,4.463934872,4.463934945,4.463934865,4.463934858,4.463934874,4.463934881,4.463934844,4.463934901,4.463934889,4.463934915,4.46393492,4.463934879,4.463934879,4.463934925,4.463934979,4.463934899,4.463934824,4.463934876,4.463934873,4.463934905,4.463934859
+"4353","DUOX2",4.112235154,4.112235227,4.112235282,4.112235132,4.112235315,4.112235164,4.112235165,4.112235197,4.112235197,4.112235106,4.112235222,4.112235417,4.112235183,4.112235103,4.112235218,4.112235232,4.112235406,4.11223537,4.112235177,4.112235368,4.112235368,4.112235306,4.112235172,4.112235177,4.112235198,4.112235343,4.112235138,4.112235186
+"4354","DUOXA1",6.002117711,6.002117721,6.002117842,6.002117757,6.002117963,6.002117772,6.002117812,6.002117934,6.002117809,6.002117838,6.002117862,6.002117992,6.002117822,6.002117713,6.002117952,6.00211785,6.002117952,6.002117875,6.002117806,6.002117865,6.002117958,6.002117916,6.00211781,6.002117831,6.002117906,6.00211787,6.002117763,6.002117843
+"4355","DUOXA2",4.511697523,4.511697523,4.511697561,4.511697562,4.511697536,4.511697474,4.51169753,4.511697555,4.511697498,4.511697501,4.511697541,4.511697585,4.511697493,4.511697489,4.511697539,4.511697546,4.511697591,4.51169754,4.511697502,4.51169751,4.51169756,4.511697555,4.511697488,4.511697474,4.511697518,4.511697551,4.511697505,4.511697538
+"4356","DUS1L",7.210871671,7.210871645,7.210871704,7.210871592,7.210871577,7.21087174,7.210871667,7.210871644,7.210871791,7.210871775,7.210871637,7.210871666,7.21087168,7.210871715,7.210871622,7.210871581,7.210871606,7.210871581,7.210871645,7.210871716,7.210871605,7.210871658,7.210871713,7.210871641,7.21087161,7.210871653,7.210871676,7.210871664
+"4357","DUS2",6.396557397,6.396557402,6.396557395,6.396557399,6.396557387,6.396557382,6.396557401,6.396557376,6.396557383,6.396557382,6.396557388,6.396557379,6.396557398,6.396557397,6.396557387,6.396557408,6.39655737,6.396557378,6.396557399,6.396557378,6.396557399,6.396557378,6.396557376,6.396557403,6.396557397,6.396557398,6.39655739,6.396557374
+"4358","DUS3L",6.298940856,6.298940648,6.298940896,6.298940776,6.29894095,6.298940789,6.298940977,6.298940988,6.298941028,6.298940882,6.298940856,6.298941139,6.29894073,6.298940595,6.298941057,6.298940732,6.298941091,6.298940887,6.298940949,6.298940891,6.298940857,6.298940989,6.298940877,6.298940798,6.298940652,6.298940996,6.298940842,6.298940865
+"4359","DUS4L",4.410629136,4.410629105,4.410629117,4.410628963,4.410629062,4.410629045,4.410629105,4.410629051,4.41062907,4.4106291,4.410629048,4.410629061,4.410629083,4.410629139,4.410629106,4.410629093,4.410629116,4.410629111,4.410629099,4.410629087,4.410629124,4.410629069,4.410629127,4.410629012,4.410629011,4.41062905,4.410629096,4.410629109
+"4360","DUSP1",10.24853256,10.44336604,10.07999178,10.84705774,9.997477828,9.871159412,9.969426848,10.10395388,9.932381502,9.5731921,10.17225381,9.452627611,9.891134771,9.667380143,9.703118916,10.05334401,10.26726698,10.61207701,9.928040716,9.880529478,9.530391258,9.752485155,9.920419572,10.01224651,9.851578177,9.641170081,9.786556245,9.37020546
+"4361","DUSP10",5.156159912,5.156159681,5.156159809,5.156159726,5.156159694,5.156159876,5.156159819,5.156159607,5.156159717,5.156159738,5.156159738,5.156159529,5.156159788,5.156159819,5.156159763,5.156159489,5.156159761,5.156159602,5.156159586,5.156159916,5.156159656,5.156159634,5.156159752,5.156159851,5.156159646,5.156159753,5.156159708,5.156159675
+"4362","DUSP11",8.207968291,8.207968042,8.207967503,8.207967748,8.207967564,8.207967419,8.207967627,8.207967695,8.207967957,8.207967732,8.2079676,8.207967415,8.207968077,8.207968673,8.207967843,8.207968082,8.207967554,8.207967579,8.207967979,8.207967431,8.207967499,8.207967612,8.207968218,8.207967859,8.207967588,8.207967587,8.207967959,8.207968155
+"4363","DUSP12",5.929153657,5.929153413,5.929153732,5.929153441,5.929153637,5.929153614,5.929153662,5.92915361,5.929153754,5.929153578,5.929153575,5.929153467,5.929153612,5.929153776,5.929153635,5.929153656,5.929153579,5.929153592,5.929153599,5.929153533,5.929153655,5.929153739,5.929153653,5.929153534,5.929153405,5.929153694,5.929153603,5.929153795
+"4364","DUSP13",5.864820379,5.864820406,5.864820442,5.864820453,5.864820458,5.864820383,5.864820425,5.864820439,5.86482041,5.864820436,5.864820387,5.864820458,5.864820395,5.864820339,5.864820422,5.864820437,5.864820401,5.864820434,5.864820416,5.864820424,5.864820426,5.86482047,5.864820382,5.86482039,5.86482044,5.864820446,5.864820386,5.864820447
+"4365","DUSP14",5.138711523,5.138711532,5.138711549,5.138711544,5.138711562,5.13871155,5.138711543,5.138711588,5.138711555,5.138711589,5.138711557,5.138711638,5.138711523,5.138711538,5.138711584,5.138711519,5.138711596,5.138711568,5.13871156,5.138711557,5.138711532,5.138711525,5.138711538,5.138711535,5.138711549,5.13871154,5.138711567,5.138711532
+"4366","DUSP15",5.507505557,5.507505567,5.507505587,5.507505579,5.507505616,5.507505566,5.507505594,5.507505589,5.507505556,5.507505588,5.507505601,5.507505623,5.507505562,5.507505535,5.507505615,5.507505568,5.507505615,5.507505589,5.507505591,5.507505574,5.507505592,5.507505604,5.507505551,5.507505546,5.507505562,5.507505588,5.507505547,5.507505563
+"4367","DUSP16",7.05095162,7.050951746,7.05095134,7.050951781,7.050951182,7.050951313,7.050951418,7.050951401,7.050951869,7.05095123,7.050951118,7.050951229,7.050951748,7.050951926,7.050951709,7.050951714,7.050951132,7.050951879,7.050951579,7.050950967,7.050951382,7.05095168,7.050951789,7.050951041,7.050951344,7.050951381,7.050951723,7.050951781
+"4368","DUSP18",6.396506695,6.396506751,6.396506686,6.396506714,6.396506615,6.396506708,6.396506636,6.39650666,6.396506682,6.396506729,6.396506725,6.396506632,6.396506735,6.396506687,6.396506652,6.396506729,6.396506572,6.396506644,6.396506638,6.39650674,6.396506673,6.396506664,6.396506719,6.3965068,6.396506815,6.396506625,6.396506749,6.396506657
+"4369","DUSP19",2.989214476,2.989214596,2.989214496,2.989214594,2.989214541,2.989214592,2.98921455,2.989214558,2.989214548,2.989214536,2.989214547,2.989214521,2.989214525,2.989214657,2.989214474,2.989214545,2.98921464,2.989214589,2.989214518,2.989214518,2.989214467,2.989214518,2.989214557,2.989214596,2.989214498,2.989214559,2.989214521,2.989214588
+"4370","DUSP2",6.842549478,6.84254936,6.842549814,6.84254943,6.842549948,6.842549319,6.842549827,6.842550301,6.842549892,6.842549772,6.842549767,6.842549932,6.842549738,6.842548968,6.842549779,6.842549716,6.842550064,6.842549657,6.842549467,6.842549272,6.842549723,6.842550005,6.842549527,6.842549554,6.842549602,6.842549751,6.84254946,6.842549678
+"4371","DUSP21",3.808250872,3.808250917,3.808250994,3.808250949,3.808250886,3.80825099,3.808250829,3.80825098,3.808250833,3.808250936,3.808250865,3.808250809,3.808250899,3.80825088,3.80825089,3.80825088,3.808250976,3.808250897,3.808250858,3.808251137,3.808250861,3.808250878,3.80825094,3.808250924,3.808250894,3.808250867,3.808250883,3.808250869
+"4372","DUSP22",7.104258795,7.104258845,7.104257973,7.104258825,7.104258415,7.104258564,7.104258599,7.104258489,7.104258331,7.104258687,7.104258384,7.104258275,7.104258542,7.104258699,7.104258579,7.104258509,7.104258313,7.104258573,7.104258781,7.104257849,7.104258383,7.104258519,7.104258655,7.104258385,7.104258506,7.104258248,7.104258582,7.104258644
+"4373","DUSP23",7.708496981,7.708497084,7.708497169,7.708497092,7.708497231,7.708496875,7.708497053,7.708497232,7.708497086,7.708497116,7.708497214,7.708497175,7.708497097,7.708496896,7.708497165,7.708497191,7.708497235,7.70849715,7.708497081,7.708496845,7.708497115,7.708497172,7.708497088,7.708496988,7.708497191,7.708497148,7.70849704,7.708497124
+"4374","DUSP26",4.676092625,4.676092556,4.676092623,4.676092593,4.676092643,4.676092624,4.676092606,4.676092621,4.676092595,4.676092625,4.67609263,4.676092698,4.67609261,4.67609259,4.676092627,4.676092572,4.676092656,4.676092637,4.67609263,4.676092621,4.676092634,4.676092657,4.676092567,4.67609259,4.676092598,4.676092628,4.676092611,4.676092637
+"4375","DUSP28",5.648855465,5.648855488,5.648855459,5.648855412,5.648855529,5.648855408,5.648855496,5.648855462,5.64885546,5.648855469,5.648855478,5.648855521,5.648855401,5.648855369,5.64885549,5.648855509,5.648855587,5.648855406,5.648855477,5.64885545,5.648855503,5.648855527,5.648855432,5.648855411,5.648855437,5.648855543,5.648855385,5.648855532
+"4376","DUSP29",5.85583874,5.855838816,5.855838852,5.855838795,5.855838821,5.855838725,5.855838784,5.855838834,5.855838835,5.855838798,5.855838829,5.855838813,5.855838814,5.85583876,5.855838828,5.855838856,5.855838821,5.855838848,5.855838785,5.855838821,5.855838833,5.855838829,5.855838784,5.855838808,5.855838831,5.855838804,5.855838784,5.855838811
+"4377","DUSP3",5.970526875,5.970526617,5.970526468,5.97052691,5.970526124,5.970527617,5.970526687,5.970526404,5.970526323,5.970526674,5.970526406,5.970525638,5.970526674,5.970526895,5.970526439,5.970526099,5.970525932,5.970526499,5.970526069,5.970527965,5.970526835,5.970526479,5.97052588,5.97052649,5.970526389,5.970525794,5.970526802,5.970526148
+"4378","DUSP4",4.488886178,4.488886178,4.48888631,4.488886263,4.48888634,4.488886264,4.48888625,4.488886326,4.488886082,4.488886134,4.4888862,4.488886265,4.488886199,4.488886037,4.488886304,4.488886195,4.488886288,4.488886423,4.488886208,4.488886312,4.48888626,4.488886374,4.48888614,4.488886228,4.488886415,4.488886241,4.488886109,4.488886071
+"4379","DUSP5",6.586463823,6.586463832,6.586463869,6.586463749,6.586464016,6.586464052,6.586463956,6.586463863,6.586463823,6.586463901,6.586463838,6.58646389,6.586463957,6.586463698,6.586463888,6.586463779,6.586463998,6.586463873,6.586463834,6.586463936,6.58646392,6.586463888,6.586463893,6.5864638,6.586463831,6.586463843,6.586463941,6.586463863
+"4380","DUSP5P1",4.40572496,4.4057246245,4.4057250245,4.4057249585,4.4057249855,4.405724948,4.4057251995,4.405725215,4.4057251185,4.4057250265,4.405725176,4.405724968,4.4057249765,4.4057250285,4.405724965,4.405724983,4.4057251695,4.4057252495,4.4057251335,4.4057250135,4.4057249755,4.4057253815,4.4057250355,4.405725156,4.405725112,4.405724773,4.405725146,4.4057250155
+"4381","DUSP6",8.670209394,8.670209748,8.670209158,8.670209608,8.67020921,8.670210487,8.670207582,8.670209151,8.670206902,8.670208633,8.670209089,8.670207122,8.670209494,8.670209865,8.670208237,8.670208783,8.670208406,8.670209574,8.670208739,8.670210532,8.670208098,8.670209374,8.670208129,8.670208517,8.670208906,8.670207968,8.670208811,8.670209094
+"4382","DUSP7",7.829129205,7.829129196,7.829129192,7.829129154,7.829129282,7.829129323,7.829129035,7.829129183,7.829129149,7.829129331,7.829129177,7.829129038,7.82912928,7.829129188,7.829129256,7.829128906,7.829129048,7.829129151,7.829129223,7.82912936,7.829129119,7.829129247,7.829129072,7.829129159,7.829129164,7.829129094,7.82912934,7.829129262
+"4383","DUSP8",6.437319103,6.4373191,6.437319181,6.437319166,6.43731923,6.437319129,6.437319153,6.437319176,6.437319163,6.437319203,6.437319183,6.437319259,6.43731915,6.437319075,6.437319197,6.437319168,6.437319234,6.437319177,6.437319187,6.437319173,6.437319217,6.43731922,6.437319118,6.437319114,6.437319187,6.437319189,6.437319168,6.437319226
+"4384","DUSP9",7.057320213,7.05732085,7.057320992,7.057320601,7.05732146,7.057320515,7.057320898,7.057321235,7.057320577,7.05732081,7.05732121,7.057321338,7.057320812,7.057319664,7.057321116,7.057320775,7.057321639,7.057321505,7.05732058,7.057320601,7.057320915,7.057321188,7.0573205,7.057320687,7.057321027,7.057321196,7.057320626,7.057320952
+"4385","DUT",5.583827415,5.583827181,5.583827482,5.583827451,5.583827542,5.583827207,5.583827576,5.583827332,5.583827355,5.583827337,5.583827408,5.583827554,5.583827474,5.583827336,5.583827614,5.583827373,5.58382766,5.583827512,5.583827483,5.583827355,5.583827598,5.583827487,5.583827351,5.583827383,5.583827215,5.583827482,5.583827386,5.583827504
+"4386","DUX4",4.966644713,4.966644481,4.966644607,4.966644761,4.966644689,4.9666439,4.966644646,4.96664504,4.966644234,4.966643085,4.966644861,4.966644912,4.966644713,4.966643348,4.966644368,4.96664463,4.966645115,4.966644689,4.966644288,4.966644528,4.966644807,4.966644717,4.966644248,4.966643919,4.966644358,4.966645133,4.966644929,4.96664509
+"4387","DUXA",3.013039981,3.013039954,3.013040001,3.013040066,3.013040028,3.01303999,3.013040027,3.013040035,3.013040038,3.013040026,3.013040141,3.013040056,3.013040017,3.013039941,3.013040053,3.013039992,3.013040098,3.013040027,3.013040052,3.013040035,3.013040045,3.013040024,3.013040031,3.013040009,3.013040033,3.013039973,3.01304004,3.013040087
+"4388","DUXAP9",4.7932683145,4.7932684535,4.7932687335,4.79326839,4.793268594,4.793268305,4.793268527,4.793268646,4.7932686305,4.7932685425,4.7932684835,4.7932688965,4.793268505,4.793268345,4.7932686505,4.793268595,4.793268849,4.7932686035,4.793268437,4.793268608,4.7932686835,4.793268696,4.793268567,4.793268465,4.7932684585,4.793268886,4.793268386,4.7932685565
+"4389","DVL2",6.746532565,6.746532599,6.746532702,6.746532656,6.746532682,6.746532643,6.746532689,6.746532719,6.746532707,6.746532725,6.746532682,6.746532765,6.746532684,6.746532539,6.746532699,6.746532693,6.746532666,6.746532672,6.746532635,6.74653255,6.74653256,6.746532704,6.746532611,6.746532628,6.746532629,6.746532739,6.746532728,6.746532712
+"4390","DVL3",6.82557266,6.825572672,6.825572611,6.825572714,6.825572565,6.825572769,6.825572711,6.825572634,6.825572602,6.825572701,6.825572616,6.825572605,6.825572645,6.825572638,6.825572663,6.825572627,6.82557259,6.825572654,6.82557265,6.825572801,6.825572618,6.825572677,6.825572653,6.825572709,6.825572649,6.82557261,6.825572672,6.825572602
+"4391","DXO",5.764872318,5.76487241,5.764872468,5.76487246,5.764872458,5.7648725735,5.7648724375,5.7648723735,5.76487247,5.76487248,5.764872436,5.7648724645,5.764872478,5.7648723345,5.7648723365,5.764872314,5.764872492,5.764872478,5.764872459,5.764872544,5.7648724415,5.764872555,5.7648724335,5.7648724335,5.7648723855,5.7648724445,5.764872425,5.764872285
+"4392","DYDC1",3.33171566,3.331715621,3.331715599,3.331715576,3.33171574,3.331715609,3.331715656,3.331715683,3.331715607,3.331715652,3.331715656,3.331715687,3.331715622,3.331715557,3.331715616,3.33171568,3.331715647,3.331715762,3.331715574,3.331715736,3.33171563,3.331715669,3.331715715,3.331715561,3.33171567,3.331715655,3.331715573,3.331715604
+"4393","DYDC2",4.128116809,4.128116959,4.128116991,4.128116962,4.128117036,4.128116989,4.128116951,4.128116882,4.128116978,4.128117078,4.128117015,4.128117082,4.128116902,4.12811673,4.12811694,4.128116982,4.128117031,4.128117004,4.128116973,4.128116804,4.1281169,4.128116921,4.128117011,4.128116921,4.128117037,4.128116809,4.128116881,4.128117013
+"4394","DYM",7.398419533,7.398419148,7.398418905,7.398418847,7.398418743,7.398418975,7.398419133,7.398418969,7.398419067,7.39841916,7.398418721,7.398418645,7.398419163,7.39841976,7.398419149,7.398418862,7.398418522,7.39841861,7.398419221,7.398418634,7.398418968,7.398419036,7.398419355,7.398419104,7.398418727,7.398419022,7.398419258,7.398419263
+"4395","DYNAP",3.288005989,3.28800611,3.288006083,3.28800603,3.288005997,3.288006299,3.2880063,3.288006054,3.288006136,3.288005997,3.288005945,3.288006477,3.288006061,3.288005865,3.288006034,3.288006154,3.288006121,3.288006255,3.288006168,3.288006082,3.288005927,3.28800597,3.288006364,3.288006357,3.288006297,3.288005938,3.28800617,3.288006224
+"4396","DYNC1H1",7.930247666,7.930247689,7.930247282,7.930247609,7.930247552,7.930248242,7.930248024,7.930247493,7.930247844,7.930247916,7.930247512,7.930247646,7.93024783,7.930248426,7.93024757,7.930247376,7.930247096,7.930247187,7.930247545,7.930247703,7.930247735,7.930247505,7.930247765,7.930247737,7.930247415,7.930247903,7.930247934,7.930247867
+"4397","DYNC1I1",4.535897033,4.53589707,4.535896986,4.535897147,4.535897272,4.535897029,4.535897276,4.535897181,4.535897063,4.535897238,4.535897318,4.535897282,4.535897137,4.53589695,4.535897323,4.535897094,4.535897301,4.535897319,4.535897178,4.53589721,4.535897385,4.535897271,4.535897062,4.535897092,4.535897143,4.535897345,4.535896993,4.535897227
+"4398","DYNC1I2",5.0234537445,5.0234538795,5.0234532285,5.0234528495,5.023453279,5.0234530985,5.0234532645,5.0234531655,5.0234532205,5.023453464,5.023453062,5.023452778,5.0234533545,5.023454534,5.023453335,5.0234534975,5.0234527735,5.023452863,5.0234532165,5.0234528175,5.023453055,5.023453368,5.0234532475,5.0234534515,5.023452983,5.0234527125,5.0234531935,5.0234536255
+"4399","DYNC1LI1",6.659396404,6.659397255,6.659396675,6.659396404,6.659395255,6.659395157,6.659395547,6.659395494,6.659395182,6.659395245,6.659396192,6.659394079,6.65939643,6.659397602,6.659395677,6.659397523,6.659396315,6.659395705,6.659396176,6.659395589,6.659395877,6.659395746,6.659396103,6.659396122,6.659396623,6.659395713,6.659395961,6.659396681
+"4400","DYNC1LI2",7.305032207,7.305032158,7.305032069,7.305032118,7.305031967,7.305032155,7.305032075,7.305032078,7.305032065,7.305032036,7.305031956,7.305031894,7.305032013,7.305032277,7.305032109,7.30503207,7.305031918,7.305031965,7.305032117,7.305032152,7.305031998,7.305031966,7.305032051,7.305032123,7.30503204,7.305032012,7.305032085,7.305032082
+"4401","DYNC2H1",3.4968577505,3.496857713,3.496857716,3.496857734,3.496857688,3.4968576965,3.4968576905,3.4968576915,3.4968577345,3.496857707,3.496857723,3.496857692,3.4968576435,3.496857759,3.496857669,3.496857757,3.49685767,3.496857667,3.4968577885,3.4968577485,3.4968576595,3.496857702,3.4968577405,3.4968577,3.4968577015,3.496857655,3.4968577375,3.496857666
+"4402","DYNC2I1",5.37274951,5.372749512,5.372749385,5.372749423,5.37274928,5.372749407,5.372749516,5.372749359,5.372749503,5.372749443,5.372749241,5.372749441,5.372749585,5.372749713,5.372749478,5.372749334,5.372749429,5.37274936,5.372749219,5.372749472,5.372749518,5.372749446,5.372749514,5.372749486,5.37274923,5.372749526,5.372749455,5.372749621
+"4403","DYNC2I2",6.373856838,6.373856603,6.373856988,6.37385674,6.373857494,6.373857017,6.373857368,6.373857216,6.373856966,6.373856826,6.373857159,6.373857525,6.373856979,6.37385648,6.373857509,6.37385677,6.373857485,6.373857214,6.373857272,6.373856873,6.373857695,6.373857288,6.373856699,6.373856533,6.373857133,6.373857484,6.373856825,6.37385702
+"4404","DYNC2LI1",3.179641742,3.179641748,3.179641742,3.179641739,3.179641744,3.179641759,3.179641743,3.179641742,3.179641741,3.179641739,3.17964175,3.179641741,3.179641746,3.179641756,3.179641735,3.179641748,3.179641745,3.179641743,3.179641744,3.179641753,3.179641747,3.179641734,3.179641746,3.179641743,3.179641756,3.179641735,3.179641753,3.179641753
+"4405","DYNLL1",7.094043332,7.094043292,7.094043302,7.094043272,7.094043298,7.094043296,7.094043279,7.09404326,7.094043307,7.094043298,7.094043252,7.094043268,7.094043324,7.09404334,7.094043286,7.094043243,7.094043245,7.094043251,7.094043286,7.094043332,7.09404328,7.094043281,7.09404331,7.094043321,7.094043243,7.094043316,7.094043323,7.094043264
+"4406","DYNLL2",7.369107752,7.369107761,7.369107799,7.369107782,7.369107752,7.369107794,7.369107725,7.369107785,7.369107804,7.369107775,7.36910776,7.369107737,7.369107774,7.369107764,7.369107762,7.369107752,7.369107776,7.369107793,7.369107734,7.369107803,7.369107734,7.369107755,7.369107779,7.369107757,7.369107777,7.369107738,7.369107792,7.369107766
+"4407","DYNLRB1",7.259413442,7.259413042,7.259413094,7.259413401,7.259413266,7.259413468,7.259413372,7.259413018,7.25941311,7.259413249,7.259413435,7.259413204,7.259413421,7.259413029,7.259413127,7.259412789,7.259412921,7.25941319,7.259413482,7.259413419,7.259413174,7.2594131,7.25941321,7.259413317,7.259413223,7.259413324,7.259413465,7.259412993
+"4408","DYNLRB2",3.241379179,3.241379212,3.241379208,3.241379213,3.241379259,3.24137921,3.241379221,3.241379235,3.241379232,3.241379214,3.241379225,3.241379228,3.241379202,3.241379195,3.241379238,3.241379232,3.241379238,3.241379246,3.241379215,3.241379231,3.241379238,3.241379254,3.24137924,3.241379208,3.24137919,3.241379211,3.241379199,3.241379219
+"4409","DYNLT1",6.723502287,6.723501801,6.723501265,6.723502473,6.723499535,6.723502848,6.723501788,6.723500647,6.723500772,6.72350074,6.723499764,6.72349926,6.723501151,6.723502169,6.723500752,6.723501684,6.723499636,6.723500627,6.723501773,6.72350279,6.723501876,6.723500787,6.723501313,6.723502297,6.72350113,6.72350086,6.723501104,6.723500227
+"4410","DYNLT2",4.070046663,4.070046809,4.070046969,4.07004681,4.070046996,4.070046845,4.070046904,4.070046928,4.070046987,4.070046932,4.07004705,4.070047037,4.070046833,4.070046798,4.070046949,4.070046967,4.070047073,4.070046961,4.070046933,4.070046783,4.070046889,4.070046855,4.070046864,4.070046838,4.070046906,4.07004688,4.070046865,4.070046948
+"4411","DYNLT3",5.356390122,5.356390046,5.35639016,5.356390067,5.356389753,5.356389591,5.356389797,5.356389846,5.356389949,5.356389952,5.356389989,5.356389793,5.356390057,5.356390681,5.356390251,5.356389996,5.356390044,5.356389959,5.356390123,5.356389711,5.35638981,5.356389901,5.356389952,5.356389966,5.356389977,5.356389642,5.356389961,5.35639063
+"4412","DYNLT4",5.510705009,5.510705647,5.51070566,5.510705639,5.510705629,5.510705252,5.510705257,5.510705919,5.51070541,5.510704946,5.510705606,5.510705681,5.510705538,5.510704938,5.510705034,5.510705745,5.51070576,5.510705887,5.510704982,5.510705259,5.510705289,5.510705681,5.510705232,5.510704914,5.510705346,5.510705294,5.510705088,5.510705207
+"4413","DYNLT5",4.459557868,4.459557868,4.459557878,4.459557889,4.459557882,4.459557854,4.459557875,4.459557891,4.459557883,4.459557859,4.459557892,4.459557892,4.459557886,4.459557864,4.459557888,4.459557885,4.459557894,4.459557904,4.459557875,4.45955788,4.459557876,4.459557898,4.459557867,4.459557868,4.459557912,4.459557882,4.459557874,4.45955789
+"4414","DYRK1A",7.685273792,7.685273774,7.68527365,7.685273782,7.685273595,7.685273612,7.685273639,7.685273641,7.685273636,7.68527363,7.685273663,7.685273553,7.685273748,7.685273861,7.685273665,7.685273725,7.685273491,7.685273674,7.685273728,7.685273523,7.685273664,7.685273582,7.685273742,7.685273731,7.685273692,7.685273678,7.685273763,7.685273745
+"4415","DYRK1B",7.187233487,7.187233564,7.187233635,7.187233561,7.187233655,7.187233592,7.187233547,7.187233647,7.187233616,7.187233617,7.187233629,7.187233627,7.187233595,7.187233459,7.187233661,7.187233546,7.18723366,7.187233616,7.18723355,7.187233474,7.187233581,7.187233666,7.187233595,7.187233575,7.187233596,7.187233602,7.187233548,7.187233576
+"4416","DYRK2",8.188196025,8.188195907,8.188195091,8.188195323,8.188195883,8.18819579,8.188195902,8.188196137,8.188196326,8.18819647,8.18819562,8.188196246,8.188196292,8.188196721,8.188196067,8.188195448,8.188195248,8.188195443,8.188196157,8.18819545,8.188195992,8.188196097,8.188196511,8.18819584,8.188195562,8.188196367,8.188196216,8.188196598
+"4417","DYRK3",4.945606143,4.945606215,4.945606282,4.945606166,4.945606224,4.945606136,4.945606189,4.945606259,4.945606228,4.945606193,4.945606271,4.945606252,4.945606181,4.945606099,4.945606205,4.945606268,4.945606237,4.945606262,4.945606157,4.945606188,4.945606173,4.94560619,4.945606114,4.945606205,4.945606257,4.945606253,4.945606161,4.945606175
+"4418","DYRK4",4.683091905,4.683091747,4.683091747,4.683091598,4.683091687,4.68309171,4.68309174,4.683091719,4.683091728,4.683091753,4.683091779,4.683091796,4.683091758,4.683091833,4.683091772,4.683091711,4.683091725,4.683091632,4.683091796,4.683091755,4.683091749,4.683091808,4.683091749,4.683091901,4.683091755,4.683091762,4.683091801,4.683091663
+"4419","DYSF",7.936126356,8.446657679,8.302992853,8.810732587,7.765581974,8.695824288,8.411083597,8.020857087,8.280623754,8.130338168,8.286914061,7.631856638,8.019697826,7.730352194,8.069677275,8.597838985,8.440696365,8.674807229,8.26966047,8.84211548,8.394232672,8.083820875,8.553526659,8.655571526,8.57010882,7.89760151,8.049178606,7.619108205
+"4420","DZANK1",4.964717431,4.964717438,4.96471744,4.964717434,4.964717433,4.964717427,4.964717432,4.964717427,4.964717444,4.964717427,4.964717435,4.964717425,4.964717429,4.964717437,4.964717438,4.964717426,4.964717425,4.964717441,4.964717436,4.964717436,4.964717434,4.964717433,4.96471743,4.964717443,4.96471744,4.964717432,4.964717426,4.964717429
+"4421","DZIP1",4.032058322,4.03205831,4.03205833,4.032058323,4.032058347,4.032058285,4.032058306,4.032058343,4.032058305,4.032058322,4.032058321,4.032058357,4.032058332,4.032058321,4.032058344,4.032058338,4.032058339,4.032058328,4.032058337,4.032058343,4.032058339,4.032058351,4.032058293,4.032058323,4.032058344,4.032058314,4.032058313,4.032058316
+"4422","DZIP1L",4.524009904,4.524009927,4.524009892,4.524009879,4.524010002,4.524009935,4.524009906,4.524009963,4.524009932,4.524009977,4.524009977,4.524009946,4.52400993,4.524009838,4.524009988,4.524010001,4.524009996,4.524009916,4.524009971,4.524009974,4.524010036,4.524009971,4.524009857,4.524009915,4.524009911,4.524009902,4.524009861,4.52401
+"4423","DZIP3",4.561847403,4.561847283,4.561847287,4.561847269,4.5618472,4.561847267,4.561847304,4.561847204,4.561847349,4.56184737,4.56184719,4.561847178,4.561847297,4.561847521,4.561847337,4.561847239,4.561847255,4.561847233,4.56184728,4.561847143,4.561847328,4.561847257,4.561847328,4.561847375,4.561847206,4.561847324,4.561847218,4.561847434
+"4424","E2F1",5.84156881,5.841568724,5.841569035,5.841568583,5.841569508,5.841568544,5.841569049,5.841569214,5.841568625,5.841569094,5.841569253,5.841569002,5.841568805,5.841568452,5.841569154,5.841568432,5.841569273,5.84156919,5.841569088,5.841569384,5.841569229,5.841568987,5.841568827,5.841568722,5.841568923,5.841568921,5.841568833,5.841569007
+"4425","E2F2",6.559734149,6.618797494,7.477096856,6.653236094,6.646854191,7.049524577,7.332127662,7.039117756,6.810767114,6.84025212,7.042698049,9.275722341,5.994679575,6.394340566,6.52273257,6.347323092,7.225954946,6.752739679,6.331900935,6.729164994,7.126463707,6.640305689,6.723544457,6.685962303,6.977997215,9.286825499,6.206732266,6.866067197
+"4426","E2F3",6.181808526,6.181808519,6.18180839,6.181808787,6.181808347,6.181808445,6.181808546,6.181808355,6.181808329,6.181808322,6.181808432,6.181808322,6.181808207,6.181808393,6.181808428,6.181808522,6.181808459,6.181808615,6.18180853,6.18180841,6.181808483,6.181808457,6.181808486,6.181808521,6.181808589,6.181808442,6.181808428,6.181808209
+"4427","E2F4",7.907707779,7.90770768,7.907707925,7.907707814,7.907707877,7.907708223,7.90770781,7.907708025,7.907707873,7.907707982,7.907707837,7.907707866,7.907707732,7.907707603,7.90770769,7.907707503,7.907707815,7.907707583,7.907707727,7.90770788,7.907707759,7.907707966,7.907707855,7.90770789,7.90770788,7.907707886,7.90770781,7.907707655
+"4428","E2F5",5.043521711,5.043521645,5.04352169,5.043521659,5.043521642,5.043521639,5.043521681,5.043521623,5.043521662,5.043521673,5.04352159,5.043521677,5.043521663,5.043521745,5.043521668,5.04352167,5.043521584,5.043521642,5.043521647,5.04352169,5.04352168,5.043521645,5.043521652,5.043521684,5.043521622,5.043521703,5.043521686,5.043521725
+"4429","E2F6",5.169135388,5.169135337,5.169135335,5.169135313,5.16913528,5.169135246,5.169135265,5.169135343,5.169135249,5.169135249,5.169135322,5.169135291,5.169135259,5.169135421,5.169135266,5.169135217,5.169135359,5.169135201,5.169135335,5.169135248,5.169135258,5.169135374,5.169135277,5.169135316,5.169135328,5.169135268,5.169135294,5.169135374
+"4430","E2F7",4.533689191,4.533689199,4.533689222,4.533689219,4.533689223,4.533689207,4.533689239,4.533689216,4.533689224,4.533689224,4.533689227,4.533689226,4.533689207,4.533689159,4.533689214,4.533689209,4.533689234,4.533689205,4.533689227,4.533689232,4.533689251,4.533689239,4.533689217,4.533689193,4.5336892,4.533689195,4.533689186,4.533689202
+"4431","E2F8",4.187572954,4.187572777,4.187573013,4.187573192,4.1875732,4.187573476,4.187573617,4.187573275,4.187573344,4.187573288,4.187573469,4.187573293,4.187573117,4.187573004,4.187573219,4.187573258,4.187573261,4.187573281,4.187573315,4.187573366,4.187573581,4.187573256,4.187573457,4.187573184,4.187573015,4.187573092,4.187573162,4.187573079
+"4432","E4F1",6.285699703,6.285699846,6.285699818,6.285699896,6.2856998,6.285699824,6.285699794,6.285699844,6.285699808,6.285699767,6.28569981,6.285699821,6.285699807,6.285699841,6.285699816,6.285699829,6.285699724,6.285699846,6.285699766,6.285699825,6.28569983,6.285699864,6.285699771,6.285699726,6.285699742,6.285699846,6.285699855,6.285699867
+"4433","EAF1",7.060355114,7.060355112,7.060354889,7.06035518,7.060354667,7.060355279,7.060355133,7.06035475,7.060355016,7.060354972,7.060354949,7.060353965,7.060354936,7.060355294,7.060354819,7.060355086,7.060354455,7.060354868,7.060355115,7.060354393,7.060354564,7.060354719,7.06035508,7.060355336,7.06035502,7.060354611,7.060354819,7.060355051
+"4434","EAF2",5.264670841,5.264670751,5.264670655,5.264670659,5.26467064,5.264670596,5.264670811,5.264670461,5.264670513,5.264670751,5.264670636,5.264670566,5.264670718,5.264671165,5.264670773,5.26467081,5.264670611,5.264670584,5.264670796,5.26467054,5.264670723,5.264670539,5.26467057,5.264670669,5.264670715,5.264670723,5.264670701,5.264670919
+"4435","EAPP",5.645518909,5.645518991,5.645518837,5.645518921,5.64551864,5.645518769,5.645518676,5.645518719,5.645518919,5.645518691,5.645518662,5.645518445,5.645518876,5.645519192,5.645518768,5.645518906,5.645518642,5.645518781,5.645518853,5.645519025,5.645518784,5.645518785,5.645518909,5.645518867,5.645518735,5.645518806,5.645518853,5.645518886
+"4436","EARS2",5.645156656,5.645156698,5.645156662,5.645156657,5.645156732,5.645156723,5.645156741,5.645156772,5.645156775,5.64515673,5.645156732,5.645156726,5.64515675,5.645156686,5.645156767,5.645156711,5.6451568,5.645156745,5.645156695,5.645156652,5.645156761,5.64515678,5.645156751,5.645156636,5.645156681,5.645156763,5.645156725,5.645156743
+"4437","EBAG9",5.24009685,5.240096796,5.240096737,5.24009668,5.240096744,5.240096693,5.240096781,5.24009668,5.240096767,5.240096823,5.240096651,5.2400967,5.240096844,5.240096909,5.240096802,5.240096644,5.240096653,5.240096717,5.240096777,5.240096681,5.240096738,5.240096729,5.240096767,5.240096801,5.240096743,5.240096751,5.24009675,5.240096854
+"4438","EBF1",5.86823325,5.868232246,5.868232197,5.868232478,5.868232365,5.868232753,5.868232841,5.86823172,5.868231957,5.868232377,5.868231931,5.868232721,5.868232455,5.868233154,5.868232896,5.868232415,5.868232322,5.868232766,5.868232856,5.868232729,5.868232582,5.868232065,5.868231758,5.86823247,5.868231877,5.86823272,5.868232445,5.868233171
+"4439","EBF2",4.049014496,4.049014523,4.049014531,4.049014507,4.049014538,4.049014545,4.049014504,4.049014536,4.049014538,4.049014534,4.049014493,4.049014512,4.049014511,4.049014493,4.049014506,4.049014507,4.049014538,4.049014512,4.049014517,4.049014546,4.049014493,4.049014503,4.049014511,4.049014505,4.049014514,4.049014529,4.049014523,4.049014503
+"4440","EBF3",4.710517111,4.710517121,4.710517132,4.710517133,4.710517244,4.710517079,4.710517108,4.710517258,4.710517154,4.710517143,4.710517189,4.71051723,4.710517132,4.710516973,4.710517201,4.710517221,4.710517259,4.710517278,4.710517221,4.710517238,4.710517241,4.710517235,4.710517137,4.710517128,4.710517271,4.710517156,4.710517129,4.71051721
+"4441","EBF4",6.302234952,6.302235117,6.302235836,6.302235462,6.302236554,6.302235109,6.302236031,6.302236022,6.30223579,6.302235657,6.302236139,6.302236385,6.302235549,6.302234753,6.302236242,6.302235392,6.302236496,6.302235516,6.302235603,6.302235354,6.302236333,6.302236179,6.302235393,6.302235008,6.302235751,6.302236027,6.302235315,6.302235904
+"4442","EBI3",5.191773217,5.19177318,5.191773824,5.19177368,5.191773726,5.19177313,5.191773835,5.191773773,5.191773556,5.191773791,5.191773633,5.191773884,5.191773399,5.191773467,5.191773782,5.191773853,5.191774027,5.191773624,5.19177347,5.191773858,5.19177382,5.191773808,5.191773367,5.191773487,5.19177344,5.191773681,5.191773574,5.19177308
+"4443","EBLN1",3.322392124,3.322392078,3.322392056,3.322392064,3.32239216,3.322392033,3.322392142,3.322392136,3.322392007,3.322392003,3.322392049,3.322392176,3.32239198,3.322392027,3.322392157,3.322392015,3.322392183,3.32239211,3.322392074,3.322392075,3.322392102,3.322392133,3.322391996,3.322392112,3.322391994,3.32239206,3.322391999,3.322392135
+"4444","EBLN2",4.907827456,4.907827354,4.907827189,4.907827564,4.907827198,4.907827373,4.907827413,4.90782719,4.907827258,4.907827409,4.907827326,4.907827239,4.907827466,4.907827424,4.907827345,4.907827367,4.907827152,4.907827397,4.907827362,4.907827293,4.907827285,4.907827084,4.907827476,4.907827539,4.907827431,4.907827305,4.907827528,4.907827216
+"4445","EBNA1BP2",5.239637467,5.239637496,5.239637501,5.239637255,5.239637419,5.239637553,5.239637461,5.23963726,5.239637483,5.239637531,5.239637384,5.239637442,5.239637429,5.239637554,5.239637402,5.23963743,5.239637299,5.239637378,5.239637446,5.23963757,5.239637379,5.23963739,5.239637466,5.239637398,5.239637391,5.2396373,5.239637471,5.239637483
+"4446","EBP",6.421898636,6.421898417,6.421898065,6.421897799,6.421897961,6.421898102,6.42189885,6.421898386,6.421898511,6.421898481,6.421898238,6.421898163,6.421898587,6.421898772,6.42189754,6.421898247,6.421897383,6.421896984,6.421898193,6.421898056,6.421898346,6.421898155,6.421898609,6.42189829,6.421897752,6.421898102,6.421898423,6.421898494
+"4447","EBPL",6.809242721,6.809243745,6.809242265,6.809242543,6.809242609,6.809242288,6.809243528,6.809242725,6.809242711,6.809243087,6.8092432,6.809242282,6.809243099,6.809243237,6.809243675,6.809243129,6.809242798,6.809242535,6.809242526,6.809242514,6.809243706,6.809242937,6.809242505,6.80924312,6.80924248,6.809242645,6.809242776,6.809243151
+"4448","ECD",7.19546345,7.195463361,7.195463316,7.195463344,7.195463318,7.19546341,7.195463401,7.195463281,7.195463427,7.195463382,7.195463315,7.195463345,7.195463417,7.195463518,7.195463382,7.195463288,7.195463312,7.195463266,7.195463424,7.195463349,7.195463351,7.195463376,7.195463458,7.195463371,7.195463333,7.195463331,7.195463411,7.195463354
+"4449","ECE1",8.697042668,8.701904869,8.697075153,8.702835617,8.696967199,8.702857006,8.699518662,8.696754209,8.698759024,8.697989036,8.698946479,8.694043487,8.699008063,8.696564453,8.697544153,8.700702912,8.697402015,8.702591483,8.698417257,8.702155347,8.699134341,8.69691182,8.700136324,8.699112524,8.698831843,8.695404697,8.699460301,8.696269743
+"4450","ECEL1",6.035518405,6.035518497,6.035518582,6.035518442,6.035518744,6.035518496,6.035518599,6.03551858,6.035518494,6.03551855,6.035518556,6.03551869,6.035518524,6.035518336,6.035518693,6.035518512,6.035518666,6.035518645,6.035518586,6.035518534,6.035518666,6.035518589,6.035518537,6.035518374,6.03551859,6.035518648,6.035518439,6.035518565
+"4451","ECEL1P2",5.362978948,5.362978911,5.362978989,5.362979005,5.362979024,5.362978965,5.362978979,5.362979015,5.362978951,5.362979001,5.362978993,5.362979037,5.362978982,5.362978907,5.362979011,5.362978978,5.362978944,5.362978976,5.362978979,5.362979007,5.362978993,5.362979005,5.362978987,5.362978929,5.362978993,5.362979007,5.362979013,5.362978973
+"4452","ECH1",9.125717048,9.125716365,9.125716316,9.125715847,9.125716598,9.125716739,9.125716738,9.125715799,9.125716629,9.125717078,9.125715226,9.125716124,9.125716279,9.125716536,9.125716611,9.12571639,9.125715709,9.125715089,9.125716546,9.125716012,9.125716139,9.125715853,9.125716241,9.12571641,9.125715348,9.125716377,9.125716183,9.125716081
+"4453","ECHDC1",6.050641875,6.050643426,6.050642859,6.050642376,6.050641855,6.050641308,6.050642487,6.050641951,6.050642842,6.050642661,6.050641977,6.050640683,6.050642697,6.050645722,6.050640337,6.050643167,6.050641516,6.05064113,6.050642877,6.050641373,6.05064276,6.050642285,6.050643105,6.050642553,6.050642271,6.050641767,6.050642453,6.050644554
+"4454","ECHDC2",6.25590799,6.255907958,6.255907958,6.255907949,6.25590797,6.255907951,6.255907968,6.255907983,6.255907987,6.255907966,6.255907956,6.255907978,6.255907972,6.255907988,6.255907966,6.255907958,6.25590795,6.255907945,6.25590799,6.255907943,6.25590797,6.25590798,6.255907968,6.255907938,6.255907953,6.255907983,6.255907978,6.255907967
+"4455","ECHDC3",5.565444672,5.565444962,5.565444444,5.565445751,5.565444792,5.56544446,5.565445023,5.565444252,5.565444211,5.565444499,5.56544505,5.565444063,5.565443897,5.56544412,5.565444587,5.565444899,5.565444839,5.565444616,5.565443995,5.565443406,5.565444529,5.565444479,5.565444704,5.565444457,5.565444753,5.565444247,5.565444235,5.565444229
+"4456","ECHS1",6.718983097,6.718983084,6.718983005,6.718982975,6.718983001,6.718983263,6.718983064,6.718983039,6.718983083,6.718983122,6.718982966,6.718983049,6.718983145,6.718983153,6.718983035,6.718982961,6.71898301,6.718982888,6.718983021,6.718983184,6.718983065,6.71898308,6.718983037,6.718983093,6.718982923,6.71898305,6.718983133,6.718983061
+"4457","ECI1",6.646682798,6.6466828,6.646682814,6.646682804,6.646682814,6.646682791,6.646682817,6.646682802,6.646682815,6.646682807,6.646682806,6.64668282,6.646682791,6.646682795,6.646682782,6.646682799,6.646682791,6.646682782,6.646682799,6.646682812,6.646682796,6.646682798,6.646682792,6.646682771,6.646682806,6.646682799,6.646682804,6.646682759
+"4458","ECI2",5.566279865,5.566279773,5.566279607,5.566279702,5.566279656,5.566279735,5.566279723,5.566279762,5.566279754,5.566279811,5.566279704,5.566279712,5.566279797,5.566279922,5.566279736,5.566279649,5.566279534,5.566279646,5.566279721,5.566279704,5.566279698,5.566279707,5.566279778,5.566279761,5.566279697,5.566279772,5.56627975,5.566279797
+"4459","ECM1",5.333664863,5.333664865,5.333665113,5.333664894,5.333665062,5.333664948,5.333664928,5.333665096,5.333665021,5.333664929,5.333664913,5.333665357,5.333664807,5.333664724,5.333665168,5.333664847,5.333665338,5.333664999,5.333665136,5.333665185,5.333664977,5.333665165,5.333664779,5.333664839,5.333665031,5.333664941,5.333664743,5.333665167
+"4460","ECM2",3.761508475,3.761508436,3.761508474,3.761508471,3.761508475,3.761508476,3.761508484,3.761508462,3.761508457,3.761508491,3.761508476,3.761508489,3.761508464,3.761508435,3.76150848,3.761508481,3.761508498,3.761508487,3.761508463,3.761508468,3.761508478,3.761508503,3.761508471,3.761508459,3.761508471,3.761508469,3.761508462,3.761508462
+"4461","ECPAS",7.193298738,7.1932987,7.193298492,7.193298556,7.193298459,7.193298731,7.193298681,7.193298455,7.193298538,7.193298511,7.1932985,7.19329839,7.193298635,7.193298831,7.193298619,7.193298601,7.19329819,7.193298349,7.193298565,7.19329874,7.193298632,7.193298514,7.193298636,7.193298529,7.193298488,7.193298571,7.193298695,7.193298625
+"4462","ECRG4",4.984182368,4.984182422,4.98418243,4.98418241,4.984182612,4.984182335,4.984182517,4.984182515,4.984182343,4.984182383,4.984182549,4.984182627,4.984182467,4.984182221,4.984182522,4.984182341,4.98418254,4.984182553,4.98418249,4.984182475,4.98418254,4.984182542,4.984182346,4.984182238,4.984182442,4.98418255,4.984182456,4.984182463
+"4463","ECSIT",6.852433498,6.852433523,6.852433622,6.852433552,6.852433514,6.852433649,6.852433508,6.852433557,6.852433593,6.852433555,6.852433567,6.852433657,6.85243349,6.852433475,6.852433543,6.852433408,6.852433633,6.852433558,6.85243343,6.852433561,6.852433485,6.852433522,6.852433583,6.852433601,6.85243354,6.852433565,6.852433533,6.852433527
+"4464","ECT2",4.037586871,4.037586889,4.03758684,4.037586863,4.037586859,4.037586857,4.037586939,4.037586824,4.03758682,4.037586809,4.037586821,4.037586719,4.037586831,4.037586902,4.037586858,4.03758688,4.037586849,4.037586911,4.037586854,4.037586829,4.037586872,4.037586863,4.037586871,4.03758686,4.037586858,4.037586806,4.03758681,4.03758692
+"4465","EDA",4.90787969,4.907879702,4.907879699,4.907879701,4.9078797,4.907879699,4.9078797,4.907879698,4.907879704,4.907879693,4.907879708,4.907879717,4.907879692,4.90787969,4.90787971,4.907879702,4.907879708,4.907879699,4.907879698,4.907879709,4.907879691,4.907879692,4.907879696,4.907879689,4.907879699,4.907879693,4.907879686,4.907879677
+"4466","EDA2R",4.473268724,4.473268661,4.473268718,4.473268642,4.473268666,4.473268679,4.4732687,4.47326872,4.473268643,4.473268716,4.473268709,4.473268603,4.473268704,4.473268694,4.473268689,4.473268666,4.473268707,4.473268734,4.473268694,4.473268757,4.473268679,4.473268638,4.47326866,4.473268622,4.473268676,4.473268658,4.473268702,4.473268635
+"4467","EDAR",5.663791688,5.663791709,5.663791709,5.663791619,5.663791665,5.66379171,5.663791682,5.663791706,5.6637918,5.663791757,5.663791669,5.663791762,5.663791704,5.663791757,5.663791676,5.663791723,5.663791638,5.663791655,5.663791698,5.663791617,5.66379164,5.663791688,5.663791708,5.663791676,5.663791644,5.66379174,5.663791749,5.663791697
+"4468","EDARADD",5.211709452,5.211709466,5.21170948,5.211709462,5.211709516,5.211709475,5.211709506,5.211709647,5.211709552,5.211709569,5.211709437,5.211709475,5.211709464,5.211709439,5.211709593,5.211709419,5.211709501,5.211709582,5.211709482,5.211709505,5.211709551,5.211709586,5.21170934,5.211709413,5.211709502,5.211709405,5.211709562,5.211709509
+"4469","EDC3",6.458608215,6.4586083,6.458608159,6.458608056,6.458608091,6.4586082,6.458608075,6.458608173,6.458608217,6.458608146,6.458608135,6.458608059,6.458608165,6.458608286,6.458608117,6.458608249,6.458608071,6.458608078,6.458608146,6.458608092,6.458608111,6.458608171,6.45860822,6.45860824,6.458608154,6.458608228,6.458608209,6.458608185
+"4470","EDDM3A",3.346718542,3.346718572,3.346718562,3.346718554,3.346718563,3.346718569,3.34671857,3.346718565,3.346718549,3.346718548,3.346718573,3.346718639,3.346718558,3.346718568,3.346718562,3.346718559,3.346718595,3.346718585,3.346718573,3.346718579,3.346718581,3.346718571,3.34671856,3.346718567,3.346718575,3.346718572,3.346718559,3.346718567
+"4471","EDDM3B",2.872896432,2.872896495,2.872896418,2.872896434,2.872896431,2.872896584,2.872896587,2.872896379,2.872896498,2.872896456,2.872896469,2.872896588,2.872896379,2.872896365,2.872896464,2.872896683,2.872896443,2.87289657,2.872896445,2.872896653,2.872896331,2.872896515,2.872896448,2.872896422,2.872896669,2.872896378,2.87289637,2.872896351
+"4472","EDEM1",7.75808466,7.758084499,7.758084206,7.758084504,7.758084098,7.758084513,7.758084563,7.758084245,7.758084406,7.75808448,7.758084244,7.758084041,7.758084574,7.758084888,7.758084382,7.758084369,7.758083788,7.758084331,7.758084408,7.758084744,7.758084494,7.758084074,7.758084593,7.758084495,7.75808426,7.758084359,7.758084604,7.758084509
+"4473","EDEM2",7.055265534,7.055265707,7.055265213,7.05526567,7.055264997,7.055265745,7.055265217,7.055265125,7.05526509,7.055265166,7.055265232,7.055264723,7.055265389,7.055265352,7.05526515,7.055265437,7.055264989,7.055265019,7.055265427,7.055265719,7.055265154,7.055265037,7.05526542,7.05526554,7.055265204,7.055264965,7.055265563,7.055265078
+"4474","EDEM3",7.437723974,7.437724223,7.437723623,7.437724002,7.437723539,7.437723529,7.43772378,7.437723406,7.437723731,7.437723644,7.437723729,7.437722973,7.437723696,7.437724393,7.437723712,7.437724201,7.437723429,7.437723678,7.43772397,7.437723745,7.437723803,7.437723342,7.437723764,7.43772391,7.437723605,7.437723271,7.437723582,7.437723746
+"4475","EDF1",8.144720991,8.144720979,8.144720956,8.144720843,8.144720897,8.144720958,8.144720918,8.144720905,8.144720989,8.144720964,8.144720904,8.144720915,8.144721062,8.144720985,8.144720912,8.144720982,8.144720826,8.144720808,8.144720902,8.144720857,8.144720838,8.14472093,8.144720979,8.144720979,8.144720814,8.144720964,8.144721042,8.144720958
+"4476","EDIL3",3.480651435,3.48065143,3.480651483,3.480651465,3.480651473,3.480651465,3.480651416,3.480651439,3.480651471,3.480651468,3.480651536,3.480651475,3.48065143,3.480651405,3.480651455,3.480651429,3.480651478,3.480651465,3.48065143,3.480651426,3.480651507,3.480651474,3.480651429,3.480651421,3.48065149,3.480651435,3.480651436,3.480651496
+"4477","EDN1",4.274372072,4.274372035,4.274372022,4.274372043,4.274372091,4.274372045,4.27437208,4.274372024,4.274372002,4.274372051,4.274372052,4.274372052,4.274372012,4.274372067,4.274372066,4.274372062,4.274372088,4.274372063,4.274372069,4.274372065,4.274372064,4.274372067,4.274372035,4.27437204,4.274372016,4.27437205,4.274372032,4.274372097
+"4478","EDN2",5.505026562,5.505026467,5.505026589,5.505026561,5.50502689,5.505026452,5.505026741,5.505026787,5.505026657,5.505026702,5.505026716,5.505026764,5.505026569,5.505026462,5.505026735,5.505026587,5.50502678,5.505026758,5.50502674,5.505026615,5.505026751,5.50502685,5.505026574,5.505026546,5.505026606,5.505026722,5.505026532,5.505026741
+"4479","EDN3",5.350540719,5.350540798,5.35054107,5.350540915,5.350541105,5.350540892,5.35054116,5.350540988,5.350541035,5.350540721,5.350540664,5.35054112,5.350540769,5.350540503,5.350540962,5.350540649,5.350540948,5.350540995,5.350540976,5.350540829,5.350541026,5.35054087,5.350540969,5.350540725,5.350540982,5.350540927,5.350540544,5.350540926
+"4480","EDNRA",3.52951719,3.52951725,3.529517159,3.529517159,3.529517239,3.52951715,3.529517203,3.529517261,3.529517202,3.529517277,3.529517249,3.529517252,3.529517201,3.529517164,3.529517179,3.529517216,3.529517282,3.529517294,3.529517175,3.529517235,3.529517189,3.529517193,3.529517187,3.52951718,3.529517195,3.529517204,3.529517168,3.529517165
+"4481","EDNRB",3.289518073,3.28951812,3.28951813,3.28951811,3.289518145,3.289518149,3.289518129,3.289518106,3.289518114,3.289518119,3.289518137,3.289518095,3.289518116,3.289518084,3.289518104,3.289518124,3.289518157,3.289518123,3.289518101,3.289518112,3.289518099,3.28951815,3.2895181,3.289518081,3.289518148,3.289518135,3.289518113,3.289518115
+"4482","EDRF1",6.858359791,6.858359633,6.858359626,6.858359715,6.858359592,6.858359657,6.858359696,6.858359598,6.85835969,6.858359589,6.858359504,6.858359538,6.858359719,6.85835995,6.858359688,6.858359601,6.858359275,6.858359511,6.85835973,6.858359547,6.858359673,6.858359525,6.858359775,6.858359735,6.858359599,6.858359716,6.858359775,6.858359766
+"4483","EDRF1-DT",4.035472786,4.035472699,4.035472756,4.035472696,4.035472757,4.035472842,4.035472767,4.035472816,4.035472731,4.035472768,4.035472682,4.035472744,4.035472715,4.035472737,4.035472724,4.035472741,4.035472791,4.035472739,4.035472681,4.035472824,4.035472779,4.035472763,4.035472833,4.035472755,4.035472742,4.035472828,4.035472768,4.035472793
+"4484","EEA1",5.182197547,5.182197493,5.182197342,5.182197388,5.182197402,5.182197325,5.182197353,5.182197304,5.18219743,5.182197454,5.182197323,5.182197261,5.182197408,5.182197748,5.182197345,5.18219734,5.182197297,5.182197317,5.182197448,5.182197297,5.182197385,5.182197353,5.182197406,5.182197421,5.182197371,5.182197386,5.182197373,5.182197614
+"4485","EEF1A1",9.0006180485,8.904833578,8.8342018775,8.735555892,8.7383257345,8.733259835,8.8978172165,8.7925344975,8.9064443255,8.9356056485,8.754659232,8.718967128,8.9311943365,9.308368089,8.8308603025,8.7684568905,8.7420706965,8.716366327,8.7760026635,8.910922233,8.9641146655,8.810470419,8.961385615,8.9233755625,8.7300215515,8.9168169885,8.885679343,9.117003982
+"4486","EEF1A2",5.848067754,5.848067873,5.848068164,5.848067996,5.848068475,5.848068216,5.848068097,5.848068231,5.84806808,5.848068296,5.848068297,5.848068313,5.848068053,5.848067618,5.848068272,5.848067919,5.848068372,5.84806833,5.848068102,5.848068059,5.848068182,5.848068343,5.848068097,5.848067941,5.848068158,5.848068321,5.848067936,5.848068212
+"4487","EEF1AKMT1",4.750849603,4.750849572,4.750849651,4.750849557,4.750849597,4.750849622,4.750849633,4.750849641,4.750849627,4.750849593,4.750849593,4.750849659,4.75084958,4.75084964,4.750849599,4.750849649,4.750849619,4.750849547,4.750849578,4.750849597,4.750849591,4.750849583,4.750849667,4.750849592,4.750849612,4.750849593,4.750849591,4.750849627
+"4488","EEF1AKMT2",5.612925153,5.61292479,5.612924295,5.612924541,5.612923623,5.612923758,5.612924359,5.612924015,5.612924139,5.612923636,5.612923786,5.612923891,5.612924458,5.612925391,5.612924062,5.612924122,5.612923827,5.612923337,5.612924672,5.612923388,5.612924245,5.6129237,5.612924474,5.612924347,5.612924232,5.612924699,5.612924913,5.61292474
+"4489","EEF1AKMT3",4.757021248,4.75702125,4.757021271,4.757021207,4.757021334,4.757021182,4.75702128,4.757021301,4.757021268,4.757021258,4.757021292,4.757021273,4.757021299,4.757021247,4.757021329,4.757021308,4.757021307,4.757021333,4.757021242,4.757021237,4.757021308,4.757021319,4.757021223,4.757021194,4.757021319,4.757021307,4.75702125,4.757021249
+"4490","EEF1B2",6.340983176,6.340982966,6.3409836,6.340982764,6.340983506,6.340983387,6.34098352,6.340983555,6.340983485,6.340983459,6.340983461,6.340983806,6.340983077,6.340983033,6.34098356,6.340983162,6.34098371,6.340983502,6.340983527,6.340983154,6.34098353,6.34098368,6.340983204,6.340982826,6.340982973,6.340983313,6.340983204,6.340983415
+"4491","EEF1D",7.420415077,7.42041493,7.4204149565,7.4204148545,7.4204149285,7.420415054,7.420415314,7.4204151785,7.420415434,7.4204153655,7.420414676,7.4204150685,7.420415104,7.4204157915,7.4204150555,7.420414775,7.420414879,7.4204147415,7.4204151075,7.4204146655,7.42041512,7.4204153545,7.4204153085,7.4204150485,7.4204146505,7.420415015,7.4204150045,7.4204154855
+"4492","EEF1DP3",6.287402713,6.287402688,6.287402784,6.287402734,6.287403074,6.287402764,6.287402878,6.287402883,6.287402748,6.287402806,6.287402719,6.287402925,6.287402872,6.287402815,6.287402972,6.287402903,6.287403087,6.287402803,6.287402912,6.287402721,6.287402832,6.287402801,6.287402744,6.287402758,6.287402754,6.287402813,6.287402973,6.287402956
+"4493","EEF1G",9.0927563775,8.906591439,8.920736149,8.7615802365,8.9428148955,8.9714592895,9.1080311635,8.8946845435,9.193368441,9.1552206895,8.785909462,9.0376926815,9.042720574,9.379645434,8.996870387,8.6890235015,8.968136238,8.6753695745,8.9789841115,8.934476528,8.9967232215,8.994207095,9.197503601,9.0443362,8.7166879105,8.9912212825,9.0657670895,9.285619136
+"4494","EEF2",10.45333385,10.40369165,10.4161799,10.3627411,10.3666323,10.41090949,10.40794547,10.42874652,10.47369814,10.45264418,10.37715309,10.42617262,10.45666162,10.52157075,10.41215658,10.34527971,10.39593005,10.34141585,10.36982134,10.35506839,10.3980745,10.43309689,10.45846042,10.42898867,10.35456585,10.44681524,10.46000198,10.47790249
+"4495","EEF2K",6.233393234,6.233393471,6.233393198,6.233393243,6.233393701,6.233393291,6.233393347,6.23339341,6.233393583,6.233393328,6.233393491,6.23339343,6.233393379,6.233393409,6.233393374,6.23339352,6.233393327,6.233393282,6.233393469,6.233393099,6.233393236,6.233393226,6.233393401,6.233393313,6.233393484,6.233393375,6.233393371,6.233393565
+"4496","EEF2KMT",6.254707457,6.254707435,6.254707519,6.254707569,6.254707612,6.254707492,6.254707456,6.254707447,6.254707541,6.254707546,6.254707521,6.254707476,6.254707548,6.254707425,6.254707588,6.254707207,6.254707406,6.254707374,6.254707369,6.254707545,6.254707362,6.254707434,6.254707504,6.254707572,6.254707482,6.254707513,6.254707638,6.254707301
+"4497","EEFSEC",7.917059881,7.91705994,7.917059814,7.917059838,7.917059876,7.917059956,7.917059892,7.917059883,7.91705995,7.917059891,7.917059825,7.917059905,7.917059969,7.917059863,7.917059876,7.917059866,7.917059754,7.917059755,7.917059816,7.91705975,7.917059785,7.917059925,7.917059914,7.917059849,7.917059684,7.917059889,7.917059896,7.917059866
+"4498","EEIG1",7.985954462,8.00159515,7.977211655,7.979887707,7.986694971,7.988329365,7.979935718,7.984122564,8.023417078,8.001368691,7.967034313,8.001831316,8.004787086,8.006599325,7.967692971,7.990420607,7.965849863,7.973847982,7.986475834,7.978518343,7.97320053,7.986828135,8.008627197,7.977478085,7.966605233,7.997874475,8.006050126,8.001830825
+"4499","EEIG2",6.123297807,6.123297649,6.123297292,6.123297492,6.123297452,6.123297329,6.123297048,6.123296997,6.123297252,6.123297527,6.123297254,6.123296753,6.123297727,6.123298087,6.123297079,6.123297202,6.123296933,6.123296908,6.123297795,6.123297259,6.123297322,6.123297123,6.123297596,6.12329811,6.123297409,6.123297242,6.123297553,6.123297818
+"4500","EEPD1",6.944516454,6.944516812,6.944516542,6.94451698,6.944516519,6.944516528,6.944516701,6.944516616,6.944516474,6.944516626,6.944516753,6.944516436,6.944516625,6.944516556,6.944516753,6.944516892,6.944516606,6.944516888,6.94451694,6.944516506,6.944516617,6.944516617,6.944516675,6.944516892,6.94451702,6.944516579,6.944516621,6.944516531
+"4501","EFCAB10",2.780758751,2.780758659,2.780758644,2.780758709,2.780759187,2.780759243,2.780758895,2.780759109,2.78075895,2.78075886,2.780759132,2.780759074,2.780758521,2.780758509,2.780759087,2.78075898,2.780759912,2.780759262,2.780758609,2.780758686,2.780758891,2.78075858,2.780758674,2.780758505,2.780759124,2.780758816,2.780758589,2.780759549
+"4502","EFCAB11",4.417846645,4.417846671,4.417846667,4.417846673,4.41784666,4.41784667,4.417846638,4.417846682,4.417846627,4.417846659,4.41784665,4.417846652,4.417846648,4.41784664,4.417846681,4.417846668,4.417846719,4.417846666,4.417846653,4.417846672,4.417846618,4.417846658,4.417846621,4.417846624,4.417846719,4.41784668,4.417846659,4.417846677
+"4503","EFCAB12",4.80058138,4.800581403,4.800581393,4.800581476,4.800581481,4.800581541,4.800581495,4.800581465,4.800581488,4.80058145,4.800581572,4.800581554,4.800581334,4.800581372,4.800581572,4.800581418,4.800581503,4.800581517,4.800581438,4.800581422,4.800581479,4.800581494,4.800581444,4.800581403,4.800581452,4.800581441,4.800581411,4.80058138
+"4504","EFCAB13",3.797486149,3.79748616,3.797486037,3.797485918,3.797485827,3.797485836,3.797485917,3.797485733,3.7974861,3.797486009,3.797486151,3.797486092,3.797485887,3.797486322,3.797485932,3.79748588,3.797485933,3.797485826,3.797486105,3.79748603,3.797485862,3.797485886,3.797486073,3.797486,3.797485995,3.797485806,3.79748593,3.797486229
+"4505","EFCAB14",7.962747065,7.96274676,7.962746577,7.962746702,7.962746685,7.962746673,7.962746806,7.962746445,7.962746829,7.962746877,7.962746526,7.96274636,7.962746911,7.962747214,7.962746786,7.962746438,7.962746297,7.962746561,7.96274677,7.962746811,7.962746737,7.962746556,7.962746768,7.962746927,7.962746497,7.962746741,7.962746942,7.962746876
+"4506","EFCAB2",4.314909857,4.314909974,4.3149098655,4.3149098935,4.3149098255,4.314910016,4.3149098755,4.314909855,4.314909916,4.314909911,4.3149098705,4.314909838,4.31490985,4.3149098415,4.3149098045,4.3149098715,4.314909819,4.3149098765,4.3149099225,4.314910105,4.314909771,4.3149099015,4.31490996,4.3149099285,4.314909914,4.3149098705,4.3149098615,4.3149098575
+"4507","EFCAB3",3.183275243,3.183275221,3.183275413,3.183275444,3.183275404,3.183275355,3.183275406,3.183275302,3.183275499,3.183275349,3.183275413,3.183275408,3.183275328,3.183275319,3.183275354,3.183275298,3.183275501,3.18327541,3.183275211,3.183275416,3.183275302,3.183275367,3.183275298,3.183275342,3.183275308,3.183275283,3.183275187,3.183275339
+"4508","EFCAB5",3.412573369,3.412573475,3.412573464,3.412573428,3.412573478,3.412573455,3.412573362,3.412573447,3.41257338,3.412573364,3.412573411,3.412573381,3.412573404,3.412573389,3.41257352,3.412573489,3.412573453,3.412573483,3.412573402,3.412573493,3.412573412,3.412573381,3.412573389,3.412573421,3.41257345,3.412573448,3.412573373,3.412573488
+"4509","EFCAB6",3.847574462,3.84757447,3.847574484,3.847574485,3.847574519,3.847574486,3.847574456,3.847574494,3.847574491,3.847574481,3.847574493,3.847574512,3.847574489,3.847574458,3.847574504,3.847574477,3.8475745,3.8475745,3.847574469,3.847574471,3.847574474,3.84757449,3.847574482,3.847574461,3.847574498,3.847574478,3.847574456,3.847574484
+"4510","EFCAB7",3.420329171,3.420329097,3.420329111,3.420329085,3.420329115,3.420329078,3.42032912,3.4203291,3.420329191,3.420329164,3.420329149,3.420329046,3.420329128,3.420329285,3.420329064,3.420329056,3.420329135,3.420329083,3.420329151,3.420329154,3.420329117,3.420329105,3.420329207,3.420329151,3.420329054,3.420329029,3.420329187,3.420329257
+"4511","EFCC1",6.828982798,6.828982792,6.828982869,6.828982741,6.828983,6.828982755,6.82898291,6.828982952,6.828982836,6.828982878,6.828982901,6.828983041,6.828982865,6.828982677,6.82898299,6.828982959,6.828983002,6.828983011,6.828982857,6.828982858,6.82898297,6.828982967,6.828982841,6.828982755,6.828982936,6.828982989,6.828982793,6.828982953
+"4512","EFEMP1",3.911254284,3.911254278,3.911254321,3.911254286,3.911254339,3.911254285,3.911254298,3.911254328,3.911254261,3.911254263,3.911254265,3.911254328,3.911254294,3.911254243,3.911254283,3.911254271,3.911254321,3.911254298,3.911254319,3.911254297,3.911254337,3.911254312,3.911254298,3.911254291,3.911254327,3.911254324,3.911254279,3.911254303
+"4513","EFEMP2",5.568810712,5.568810795,5.568810844,5.568810806,5.56881086,5.568810695,5.56881079,5.568810794,5.568810837,5.568810807,5.568810821,5.56881084,5.568810741,5.568810782,5.568810845,5.568810866,5.568810872,5.568810862,5.568810835,5.568810806,5.568810838,5.568810842,5.568810796,5.568810814,5.56881084,5.568810826,5.568810774,5.568810887
+"4514","EFHB",2.991009759,2.991009768,2.991009773,2.991009804,2.991009749,2.991009758,2.991009752,2.991009739,2.99100973,2.991009804,2.991009753,2.99100978,2.991009725,2.991009721,2.9910098,2.99100974,2.991009805,2.991009785,2.991009764,2.991009798,2.991009759,2.991009737,2.991009737,2.991009764,2.991009741,2.991009753,2.991009728,2.991009783
+"4515","EFHC1",5.076764052,5.076764043,5.07676398,5.076764014,5.076764002,5.076763936,5.07676401,5.076763962,5.076763993,5.076764035,5.076763937,5.076764008,5.076764026,5.07676409,5.076764008,5.076764029,5.076763966,5.076763987,5.076764003,5.076763924,5.076763983,5.076763972,5.076763998,5.076764072,5.076764052,5.076764004,5.076764049,5.076764006
+"4516","EFHC2",4.121578047,4.121578092,4.121577795,4.121578105,4.121577811,4.12157763,4.121577719,4.121577741,4.12157787,4.121578005,4.121577919,4.121577689,4.121577738,4.121577828,4.121577813,4.121578184,4.121577814,4.121578116,4.121577996,4.121577715,4.121577727,4.121577697,4.121578006,4.121578102,4.12157811,4.121577812,4.121578019,4.12157791
+"4517","EFHD1",5.974410553,5.974411272,5.974411548,5.97441155,5.974411711,5.974410249,5.974410958,5.974411442,5.974411335,5.974410915,5.974411852,5.974411345,5.974411079,5.974410607,5.974411446,5.974411263,5.974411516,5.974411928,5.974411028,5.974410812,5.974411186,5.974411137,5.974410755,5.974410748,5.974411745,5.974411162,5.974411162,5.974411416
+"4518","EFHD2",9.047770252,9.047770461,9.047770099,9.047770471,9.047769766,9.047770806,9.047770312,9.047770082,9.047769864,9.047770212,9.047770594,9.047769079,9.047770201,9.047769592,9.047770076,9.047770093,9.047770016,9.047770213,9.047770041,9.047770725,9.04777013,9.047770168,9.047769979,9.047770284,9.047770446,9.047769427,9.047769888,9.047769486
+"4519","EFL1",4.735861399,4.735861419,4.735860712,4.735861004,4.735860887,4.735861085,4.735861164,4.735860828,4.735861552,4.735861157,4.735860762,4.735861024,4.735860985,4.735861464,4.735861026,4.735860988,4.735860352,4.735860705,4.735861202,4.735860946,4.735861011,4.735860825,4.735861427,4.735861253,4.735860914,4.735861128,4.735861125,4.735861339
+"4520","EFNA1",4.476742515,4.476742731,4.476742672,4.476742854,4.476742622,4.476742661,4.476742539,4.476742753,4.476742693,4.476742712,4.476742689,4.476742827,4.476742589,4.476742535,4.47674264,4.476742567,4.476742754,4.476742688,4.476742577,4.476742683,4.476742692,4.476742759,4.476742771,4.47674262,4.476742671,4.476742642,4.476742615,4.476742623
+"4521","EFNA2",7.090976956,7.090977357,7.090977612,7.09097735,7.090977959,7.090977213,7.090977617,7.090977719,7.090977581,7.090977573,7.090977678,7.090977883,7.090977463,7.090976921,7.090977788,7.090977411,7.090977917,7.090977594,7.090977521,7.090977469,7.090977705,7.090977716,7.090977394,7.090977415,7.090977645,7.090977645,7.090977328,7.090977598
+"4522","EFNA3",5.201125368,5.201125363,5.201125383,5.201125379,5.201125395,5.201125334,5.201125368,5.2011254,5.201125378,5.201125371,5.201125411,5.201125431,5.201125367,5.201125315,5.201125384,5.20112538,5.201125424,5.201125405,5.201125374,5.201125371,5.201125357,5.201125412,5.201125358,5.201125373,5.20112539,5.201125381,5.201125366,5.2011254
+"4523","EFNA4",5.697583313,5.697583427,5.697583473,5.697583453,5.69758349,5.697583141,5.697583318,5.697583407,5.697583444,5.697583363,5.697583373,5.697583474,5.697583288,5.697583353,5.697583377,5.697583473,5.697583417,5.69758356,5.697583169,5.697583465,5.697583354,5.697583447,5.697583319,5.697583297,5.697583466,5.697583432,5.697583292,5.697583526
+"4524","EFNA5",4.459789678,4.459789427,4.459789869,4.459789341,4.459790001,4.45978941,4.459789606,4.459789291,4.459789531,4.4597898,4.459789846,4.459790028,4.459789506,4.45978933,4.459790128,4.459789448,4.459790259,4.45978951,4.459789822,4.459789503,4.459789756,4.459789984,4.459789502,4.459789536,4.459789319,4.459789936,4.459789336,4.459789794
+"4525","EFNB1",5.616608679,5.616608763,5.616608707,5.616608778,5.616608907,5.616608692,5.616608735,5.616608845,5.616608819,5.616608832,5.616608815,5.616608932,5.616608832,5.616608722,5.616608871,5.616608772,5.616608853,5.616608828,5.616608826,5.616608712,5.616608855,5.61660883,5.616608729,5.616608756,5.616608711,5.616608867,5.616608794,5.616608823
+"4526","EFNB2",4.009768079,4.009768059,4.009768168,4.009768132,4.009768157,4.009768038,4.009768104,4.009768182,4.009768157,4.009768094,4.00976819,4.009768118,4.009768188,4.009768049,4.009768168,4.009768082,4.009768161,4.009768182,4.009768069,4.009768161,4.009768197,4.009768185,4.00976816,4.009768141,4.009768183,4.009768129,4.009768244,4.009768123
+"4527","EFNB3",5.292498015,5.2924982,5.292498627,5.292498061,5.292498435,5.292497867,5.292498167,5.292498395,5.292498281,5.292498212,5.292498463,5.292498309,5.29249845,5.292497887,5.292498484,5.2924986,5.29249877,5.292498618,5.292498266,5.292498246,5.292498365,5.292498502,5.292498256,5.29249836,5.292498507,5.292498326,5.292498197,5.292498365
+"4528","EFR3A",7.829141246,7.829141184,7.829140652,7.829140763,7.829140636,7.829141109,7.829140605,7.829140365,7.829141031,7.829140632,7.829140302,7.829139749,7.829140991,7.829142179,7.829140889,7.829140592,7.829140188,7.829140465,7.829140952,7.829141288,7.829140707,7.829140508,7.829141248,7.829140698,7.829140509,7.829140399,7.829140927,7.829141549
+"4529","EFR3B",5.011114499,5.011114478,5.01111452,5.011114477,5.011114607,5.011114515,5.011114558,5.011114537,5.01111451,5.011114549,5.011114528,5.011114557,5.011114505,5.011114471,5.011114569,5.011114514,5.011114611,5.01111457,5.01111454,5.011114504,5.011114568,5.011114566,5.011114514,5.011114474,5.01111451,5.011114559,5.011114474,5.011114551
+"4530","EFS",5.388183811,5.388183811,5.388183923,5.388183836,5.388183919,5.388183841,5.388183864,5.388183881,5.388183881,5.388183848,5.388183888,5.388183883,5.388183825,5.388183722,5.388183927,5.388183864,5.388183911,5.388183928,5.388183826,5.388183864,5.388183935,5.388183906,5.388183788,5.38818382,5.388183895,5.388183883,5.388183861,5.388183861
+"4531","EFTUD2",7.935050868,7.935050916,7.935050638,7.935050617,7.935050798,7.93505099,7.935050721,7.935050525,7.935050728,7.935050884,7.935050815,7.935050401,7.935050855,7.935051197,7.935050604,7.93505063,7.93505032,7.935050506,7.935050759,7.935050993,7.935050604,7.935050522,7.935050646,7.935050823,7.935050569,7.935050663,7.935050841,7.935050751
+"4532","EGF",4.72393177,4.723932684,4.723932058,4.723933051,4.723932811,4.723931763,4.723932182,4.723931776,4.723931614,4.723932911,4.723933185,4.723932652,4.723931851,4.723931687,4.723931936,4.723932584,4.723932247,4.723933263,4.723932027,4.723932033,4.723932272,4.723931953,4.723932301,4.723933042,4.723933015,4.723932054,4.723931658,4.723932273
+"4533","EGFL6",4.107268821,4.107268766,4.107268855,4.107268915,4.107268919,4.107268861,4.107268853,4.107268966,4.107268678,4.107268726,4.107268904,4.107269163,4.107268645,4.107268782,4.107269176,4.107269101,4.107269062,4.107268857,4.107268903,4.107268825,4.107268862,4.107268944,4.107268632,4.107268498,4.107269066,4.107268931,4.107268823,4.10726906
+"4534","EGFL7",6.877631401,6.877631422,6.877631541,6.87763146,6.877631615,6.877631502,6.8776315,6.877631545,6.877631522,6.877631572,6.877631547,6.877631629,6.877631506,6.877631274,6.877631576,6.877631561,6.87763166,6.877631488,6.877631569,6.877631484,6.877631546,6.877631568,6.877631472,6.877631378,6.877631511,6.877631502,6.877631441,6.877631526
+"4535","EGFLAM",4.194551719,4.19455171,4.194551693,4.19455176,4.194551746,4.194551703,4.194551718,4.194551727,4.194551722,4.194551704,4.194551744,4.194551759,4.194551692,4.194551691,4.194551725,4.194551728,4.194551755,4.19455172,4.194551704,4.194551713,4.19455171,4.194551729,4.194551707,4.194551716,4.194551737,4.194551704,4.19455171,4.194551714
+"4536","EGFR",4.341051251,4.341051081,4.341051246,4.341051246,4.341051473,4.34105122,4.341051293,4.341051402,4.341051111,4.341051385,4.341051257,4.34105145,4.341051169,4.341051014,4.341051348,4.341051244,4.341051493,4.341051306,4.341051241,4.34105126,4.34105139,4.34105132,4.341051211,4.341051169,4.341051192,4.341051214,4.34105122,4.341051156
+"4537","EGLN1",8.05856148,8.058561909,8.058560913,8.058562331,8.058560913,8.058561735,8.058561863,8.058561002,8.058561059,8.058561332,8.058561456,8.058560588,8.058561334,8.05856125,8.05856142,8.058561632,8.058561073,8.058562047,8.058561992,8.058561833,8.058562105,8.058561419,8.058561788,8.058561772,8.058561756,8.058560983,8.058561427,8.058560887
+"4538","EGLN3",5.62780843,5.627808545,5.627808421,5.627808573,5.627808579,5.627808393,5.627808389,5.627808444,5.62780844,5.627808525,5.627808457,5.627808517,5.627808449,5.627808435,5.627808494,5.627808532,5.627808522,5.627808606,5.627808532,5.627808524,5.627808447,5.627808481,5.62780847,5.627808484,5.627808405,5.627808514,5.627808494,5.627808556
+"4539","EGR1",5.827045924,5.827045976,5.827046074,5.827045943,5.827046143,5.827046051,5.827046088,5.827046138,5.827046097,5.827046046,5.827045992,5.827046124,5.827046007,5.827045928,5.827046037,5.827045856,5.827046131,5.827046005,5.827046066,5.827046099,5.827046062,5.827046114,5.827046043,5.827046012,5.827046006,5.827046168,5.827046025,5.827046029
+"4540","EGR2",5.503559089,5.503559136,5.503559297,5.50355914,5.503559386,5.503559259,5.503559305,5.503559211,5.503559189,5.503559209,5.503559338,5.503559371,5.503559245,5.50355906,5.503559349,5.503559144,5.503559372,5.503559258,5.503559234,5.503559251,5.503559277,5.503559322,5.503559158,5.503559105,5.503559247,5.503559232,5.503559174,5.503559287
+"4541","EGR3",4.725988536,4.725988567,4.725988564,4.725988556,4.725988569,4.725988552,4.725988577,4.725988565,4.725988554,4.725988562,4.725988553,4.725988587,4.72598856,4.725988546,4.725988563,4.725988554,4.725988574,4.725988578,4.725988565,4.725988563,4.725988574,4.72598856,4.725988554,4.725988566,4.725988552,4.725988568,4.725988541,4.72598857
+"4542","EGR4",6.272153471,6.272153531,6.272153647,6.272153535,6.272153722,6.272153532,6.27215358,6.272153648,6.272153573,6.272153638,6.272153654,6.27215371,6.272153563,6.272153451,6.272153654,6.272153605,6.27215372,6.272153653,6.272153598,6.272153595,6.272153665,6.272153675,6.272153496,6.272153519,6.272153614,6.272153655,6.272153533,6.272153602
+"4543","EHBP1",5.130021006,5.130020725,5.130020131,5.130020321,5.130020191,5.130019826,5.130020576,5.130020381,5.13002084,5.130020876,5.130020572,5.1300201,5.130020682,5.130021417,5.130020629,5.130020586,5.130020148,5.130020304,5.130020773,5.13001979,5.130020808,5.130020376,5.13002111,5.130020703,5.130020345,5.130020771,5.130020649,5.130020893
+"4544","EHD1",8.09274381,8.092745049,8.092744001,8.092745262,8.092744661,8.092745771,8.092744769,8.092744853,8.092745058,8.092745137,8.092744894,8.092743671,8.092744599,8.092744384,8.092744411,8.092745348,8.092744102,8.09274498,8.092744922,8.092745785,8.092744415,8.092744472,8.092745201,8.092745586,8.092745441,8.09274444,8.092744647,8.092744308
+"4545","EHD2",5.742502188,5.742502243,5.742502489,5.742502286,5.742502643,5.742502182,5.742502465,5.742502643,5.742502432,5.7425024,5.74250249,5.742502694,5.742502397,5.742502171,5.742502625,5.742502438,5.742502714,5.742502577,5.7425025,5.742502409,5.742502673,5.74250251,5.742502284,5.742502371,5.742502428,5.742502615,5.742502338,5.742502465
+"4546","EHD3",6.481302584,6.481303237,6.48130278,6.481303585,6.481302756,6.481302653,6.481302804,6.481302588,6.481302835,6.481303143,6.481303306,6.481302869,6.48130266,6.48130245,6.481302894,6.481302842,6.48130284,6.481303517,6.481302687,6.481302295,6.481302635,6.481302564,6.481302781,6.481303457,6.481303492,6.481302947,6.481302482,6.481302607
+"4547","EHD4",6.875830634,6.875830696,6.875830612,6.875830609,6.875830606,6.875830681,6.875830607,6.875830589,6.875830573,6.875830639,6.875830628,6.875830539,6.875830638,6.875830657,6.875830618,6.875830644,6.87583061,6.875830653,6.875830629,6.875830628,6.875830584,6.875830575,6.875830614,6.875830631,6.875830626,6.8758306,6.875830625,6.875830648
+"4548","EHF",3.313654213,3.313654252,3.313654231,3.313654258,3.313654245,3.3136542,3.313654228,3.313654239,3.313654247,3.313654243,3.31365431,3.313654262,3.313654195,3.313654246,3.313654213,3.313654307,3.313654322,3.313654197,3.313654296,3.313654291,3.31365425,3.313654243,3.31365418,3.313654251,3.313654268,3.313654195,3.313654227,3.313654229
+"4549","EHHADH",4.017109892,4.017110086,4.017110352,4.017110158,4.017110207,4.017110338,4.017110088,4.017110224,4.01711033,4.017110239,4.017110166,4.017110105,4.017110059,4.017110086,4.017110181,4.017110221,4.017110101,4.017110276,4.01711019,4.01711042,4.017110188,4.017110177,4.01711013,4.017110289,4.017110292,4.01711021,4.017110263,4.017110043
+"4550","EHMT1",7.03612697,7.036127008,7.036126958,7.036126957,7.036126964,7.036127024,7.036126965,7.03612699,7.03612701,7.036126997,7.03612698,7.036126952,7.036126996,7.036127009,7.036126971,7.036126967,7.036126936,7.03612694,7.03612698,7.036127008,7.036126946,7.036126985,7.03612702,7.036126982,7.036126939,7.03612699,7.036127014,7.036126981
+"4551","EHMT2",6.644259601,6.644259653,6.644259546,6.644259551,6.644259579,6.64425967,6.644259613,6.644259558,6.644259636,6.644259573,6.644259528,6.644259654,6.644259641,6.644259672,6.644259641,6.644259466,6.644259551,6.644259539,6.644259586,6.644259592,6.644259601,6.644259611,6.644259619,6.644259623,6.644259551,6.6442596,6.644259623,6.644259643
+"4552","EI24",6.794517188,6.794517609,6.794517063,6.794516393,6.794516454,6.794516917,6.794516616,6.794516843,6.794517356,6.79451744,6.794516338,6.794516726,6.794517108,6.794517952,6.794516538,6.794517592,6.794516365,6.794516303,6.794516819,6.794517019,6.79451676,6.794516798,6.794517409,6.794517319,6.794516718,6.794516887,6.794517426,6.794516815
+"4553","EID1",6.675434995,6.675434827,6.675434928,6.67543475,6.675434767,6.675434964,6.675435117,6.675434924,6.675435224,6.675435344,6.675435006,6.675434745,6.675434876,6.675436193,6.67543481,6.67543457,6.675434801,6.675434129,6.675435058,6.67543401,6.675434939,6.67543479,6.675434931,6.675435154,6.675434748,6.675434803,6.675434757,6.675435942
+"4554","EID2",8.63157625,8.631576357,8.631576447,8.631576362,8.631576436,8.631576238,8.631576296,8.631576437,8.631576411,8.631576431,8.631576424,8.631576425,8.631576412,8.631576278,8.631576391,8.631576411,8.631576413,8.631576426,8.631576334,8.63157635,8.631576343,8.631576391,8.631576371,8.631576414,8.631576434,8.631576412,8.631576388,8.631576389
+"4555","EID2B",4.969085706,4.969085511,4.969085453,4.969085138,4.96908546,4.969085294,4.969085523,4.969085362,4.969085672,4.969085528,4.969085341,4.969085371,4.96908539,4.969085651,4.969085447,4.969085421,4.969085461,4.969085395,4.969085534,4.969085393,4.969085616,4.969085492,4.96908563,4.969085476,4.969085122,4.969085676,4.969085585,4.969085721
+"4556","EID3",5.836838278,5.836838538,5.836838271,5.836838314,5.836838273,5.836838055,5.836838194,5.836838233,5.836838339,5.836838262,5.83683831,5.836838181,5.836838233,5.836838509,5.836838282,5.836838506,5.836838267,5.836838294,5.836838288,5.836838103,5.836838249,5.836838236,5.836838344,5.836838348,5.83683813,5.836838187,5.836838269,5.836838479
+"4557","EIF1",10.42508673,10.25828314,10.29984191,10.19294339,10.30469584,10.47633338,10.22569443,10.52440995,10.5414259,10.36856154,10.11726397,10.34255637,10.48987996,10.48627024,10.36157869,9.88998227,10.14986508,10.13518895,10.30813011,10.50959091,10.30330904,10.45904753,10.53649699,10.34708092,10.07706036,10.47855753,10.50360337,10.36418012
+"4558","EIF1AD",6.534118932,6.534118944,6.534118693,6.534118701,6.534118879,6.534119013,6.534118903,6.534118901,6.534118989,6.534118844,6.534118603,6.534118799,6.534118817,6.53411901,6.534118801,6.534118757,6.534118497,6.534118768,6.534118785,6.534118776,6.534118738,6.534118814,6.534118913,6.534118841,6.53411861,6.534118904,6.534118866,6.534118872
+"4559","EIF1AX",6.1318550985,6.1318516905,6.1318453825,6.1318448715,6.1318458345,6.131828979,6.131849054,6.1318355485,6.131852095,6.1318496115,6.13184537,6.1318327055,6.131850757,6.1318693125,6.1318505435,6.131847307,6.1318388585,6.13184343,6.1318495435,6.131834684,6.1318486675,6.1318381685,6.131853628,6.131849769,6.1318474675,6.131840625,6.131850536,6.1318620455
+"4560","EIF1AY",2.34014316,3.137236363,7.653344076,2.630966628,3.038342834,7.469861034,2.818128254,7.762135809,3.32722606,2.782489578,2.957125384,7.052549585,2.527803821,3.024100789,2.948270143,2.685355706,7.127969353,2.595547048,3.25806841,6.924734733,2.582631995,7.82918058,2.679705686,2.708662219,2.991224359,7.195816369,2.667607965,3.036085389
+"4561","EIF1B",6.815842684,6.815842619,6.815842685,6.815842649,6.81584265,6.815842722,6.815842566,6.815842829,6.81584271,6.815842691,6.815842689,6.81584267,6.815842666,6.815842597,6.815842662,6.815842544,6.815842639,6.815842652,6.815842618,6.815842763,6.815842579,6.815842721,6.815842731,6.815842685,6.815842659,6.815842729,6.815842738,6.815842626
+"4562","EIF2A",6.213033591,6.213033234,6.213033364,6.213033011,6.213033154,6.213033109,6.213033327,6.213033086,6.213033333,6.213033472,6.213032974,6.213033016,6.213033292,6.213033973,6.2130333,6.213032882,6.213033283,6.213032941,6.213033203,6.213033299,6.213033386,6.213033191,6.213033441,6.213033304,6.213033062,6.213033266,6.213033152,6.213033721
+"4563","EIF2AK1",9.565905912,9.565903122,9.565907676,9.565901568,9.565900048,9.565908705,9.56590437,9.565910305,9.565905925,9.565907032,9.565904342,9.5659104,9.565901697,9.565895534,9.565900774,9.565895263,9.565902643,9.565899725,9.565896086,9.565903004,9.565902491,9.565904463,9.565906017,9.565907015,9.565902501,9.56591081,9.565905299,9.565897023
+"4564","EIF2AK2",7.757902432,8.288916382,7.37413949,7.920773816,8.056234261,8.653527878,7.836294747,7.263414528,7.866647058,7.644686775,7.409222068,7.033945695,7.665461641,7.904854827,7.555327446,8.195878022,7.35269159,7.704639902,8.269961509,8.843407093,7.914546722,7.283014325,8.098166399,8.032885869,7.738912948,7.163783796,7.666860758,7.627624183
+"4565","EIF2AK3",6.443981681,6.443981497,6.443981297,6.443981287,6.443981419,6.443981295,6.443981472,6.443981172,6.443981503,6.443981524,6.443981183,6.443981264,6.443981472,6.443981851,6.443981439,6.443981436,6.443981083,6.443981247,6.44398153,6.443981141,6.443981299,6.443981128,6.443981435,6.443981408,6.443981187,6.443981486,6.443981456,6.443981661
+"4566","EIF2AK4",5.836502051,5.836502032,5.836502029,5.836502031,5.836502015,5.836502025,5.836502031,5.836502006,5.836502028,5.836502023,5.836502028,5.836502019,5.836502011,5.836502081,5.836502021,5.836501993,5.83650201,5.836502005,5.836502015,5.836502005,5.836502047,5.836502019,5.836502013,5.83650203,5.836502011,5.836502038,5.836502016,5.836502031
+"4567","EIF2B1",7.6813033,7.681303193,7.681303189,7.681302942,7.681303042,7.681303143,7.681303248,7.681302958,7.681303168,7.681303125,7.681302939,7.681303014,7.681303247,7.681303436,7.681302979,7.68130304,7.681302908,7.681302753,7.681303156,7.681303231,7.681303096,7.681303051,7.68130314,7.681303058,7.681302805,7.681303122,7.681303184,7.681303146
+"4568","EIF2B2",6.811818458,6.811818461,6.811818377,6.811818428,6.811818434,6.811818476,6.811818477,6.8118184,6.811818466,6.811818424,6.811818384,6.811818411,6.811818442,6.811818489,6.81181842,6.811818425,6.811818348,6.81181839,6.811818462,6.811818486,6.811818445,6.811818422,6.811818467,6.811818444,6.811818403,6.811818429,6.811818436,6.811818462
+"4569","EIF2B3",5.47584469,5.475844654,5.475844601,5.475844554,5.475844545,5.475844641,5.475844613,5.475844618,5.475844633,5.475844656,5.475844514,5.47584455,5.475844653,5.475844696,5.475844633,5.475844637,5.475844555,5.475844543,5.475844643,5.475844492,5.475844589,5.475844578,5.475844668,5.47584463,5.475844567,5.475844636,5.475844653,5.475844649
+"4570","EIF2B4",6.433155055,6.433154998,6.43315509,6.433155014,6.433155074,6.433155178,6.433155186,6.433155059,6.4331551,6.433155111,6.433155232,6.433154952,6.433155174,6.4331551,6.433155141,6.433155195,6.433154958,6.433154981,6.433155158,6.433154933,6.433155115,6.433155189,6.433154964,6.433155114,6.433154967,6.433155047,6.433155197,6.433155074
+"4571","EIF2B5",6.469782454,6.469782467,6.469782436,6.469782273,6.469782449,6.469782406,6.469782431,6.469782416,6.469782471,6.46978243,6.469782267,6.469782436,6.469782425,6.469782628,6.469782386,6.469782339,6.469782313,6.469782308,6.469782457,6.469782507,6.469782449,6.469782483,6.469782455,6.469782453,6.469782236,6.4697825,6.469782454,6.469782464
+"4572","EIF2D",6.200972552,6.200972427,6.200972549,6.200972432,6.200972392,6.200972592,6.200972487,6.200972545,6.200972588,6.200972636,6.200972389,6.200972525,6.200972597,6.200972672,6.200972484,6.200972186,6.200972422,6.200972344,6.20097237,6.200972405,6.200972477,6.200972629,6.200972584,6.200972551,6.200972377,6.200972551,6.200972525,6.200972605
+"4573","EIF2S1",6.369567171,6.369567055,6.369566685,6.369566702,6.369566638,6.369566592,6.369566875,6.369566797,6.369566836,6.36956691,6.369566477,6.369566353,6.369566811,6.369567714,6.369566625,6.369566863,6.369566134,6.369566066,6.36956686,6.36956646,6.369566855,6.369566565,6.36956708,6.369566778,6.369566406,6.369566605,6.369566758,6.369567178
+"4574","EIF2S2",6.175231987,6.175232018,6.175232043,6.175231666,6.175231813,6.175231875,6.175232143,6.175231602,6.175232175,6.175231923,6.17523144,6.175231653,6.175232084,6.175232412,6.175232134,6.175231454,6.175232088,6.17523166,6.175231882,6.175231872,6.175232131,6.175231815,6.175232139,6.175231993,6.175231828,6.175231964,6.175231832,6.175232228
+"4575","EIF2S3",9.543965309,9.540129176,9.529174875,9.527197373,9.538989253,9.513586578,9.53979939,9.50926308,9.542255636,9.54702269,9.528713123,9.507478263,9.541907413,9.569456395,9.535776557,9.530276807,9.524224517,9.520713907,9.545198519,9.497274526,9.54051393,9.515368845,9.548375284,9.534065686,9.521220413,9.512379195,9.543790823,9.55570134
+"4576","EIF2S3B",3.706364052,3.706363886,3.706363838,3.70636391,3.706363874,3.706363814,3.706363917,3.706363898,3.706363906,3.706363832,3.706363936,3.706363875,3.70636397,3.706363964,3.706363826,3.706363789,3.706363761,3.706363869,3.706363898,3.706363877,3.706363881,3.706363799,3.706363828,3.706364022,3.706363945,3.706363931,3.706363884,3.706364016
+"4577","EIF3A",8.715484136,8.715484059,8.715483556,8.715483054,8.715483771,8.715483573,8.715484153,8.715483182,8.715484034,8.715484144,8.715482823,8.715483104,8.715483999,8.71548602,8.715483874,8.715483318,8.715482684,8.715482529,8.715483519,8.715483171,8.715483912,8.715482788,8.715484143,8.715483711,8.715483211,8.715483328,8.715483879,8.715484349
+"4578","EIF3B",7.937068431,7.937068448,7.937068793,7.937068177,7.937068515,7.937068793,7.93706857,7.937068612,7.937068812,7.937068667,7.937068278,7.937068687,7.937068589,7.937068629,7.937068321,7.93706827,7.937068449,7.937068113,7.937068368,7.937068773,7.937068565,7.937068666,7.93706869,7.937068405,7.937068173,7.937068672,7.937068529,7.937068459
+"4579","EIF3D",8.211853002,8.211852422,8.211852439,8.211851465,8.211852135,8.211852585,8.211852481,8.211851383,8.211852717,8.211853445,8.211851526,8.21185149,8.211852878,8.211854118,8.21185259,8.21185115,8.211851867,8.211851248,8.211852349,8.211851861,8.211852233,8.211852305,8.211852595,8.21185282,8.211851354,8.211851874,8.211852744,8.211853454
+"4580","EIF3E",5.953316335,5.953315381,5.95331477,5.953313918,5.953314578,5.953313636,5.953314011,5.953313751,5.953314985,5.953315446,5.953314071,5.953313368,5.953314806,5.953317292,5.953314631,5.953314727,5.953313809,5.953313299,5.953314471,5.953313059,5.953315107,5.95331408,5.953315515,5.953315206,5.953313913,5.953314224,5.953314701,5.953316418
+"4581","EIF3F",7.320041635,7.3168528635,7.3182345995,7.3166826185,7.3182073255,7.318360652,7.3192841865,7.3183983335,7.31939144,7.319644995,7.3166907515,7.318784043,7.3199477095,7.321088382,7.318820942,7.3151602205,7.3175404065,7.3159143205,7.3183500255,7.317443796,7.3188081395,7.31939227,7.3190020025,7.318245522,7.3160999095,7.319239975,7.320062157,7.32021759
+"4582","EIF3G",8.34564955,8.345649341,8.345648905,8.345648135,8.345648814,8.345649479,8.345649242,8.345648312,8.345649768,8.345650184,8.34564837,8.345649195,8.345649924,8.345650279,8.345648834,8.345648944,8.345648296,8.345647669,8.345648959,8.345648821,8.345648578,8.345648669,8.345649597,8.34564933,8.345648552,8.345649,8.345650135,8.345649725
+"4583","EIF3H",7.473284457,7.473283497,7.473283859,7.473283268,7.473283681,7.473283377,7.473283952,7.473283601,7.473284134,7.473283852,7.473283166,7.473283716,7.47328412,7.473285073,7.473283755,7.473282812,7.473283397,7.47328298,7.473283582,7.473283215,7.473283951,7.473284007,7.473284065,7.473283742,7.47328321,7.473283984,7.473284107,7.473284395
+"4584","EIF3I",7.116298775,7.116298674,7.116298813,7.116298075,7.116298424,7.116298819,7.116298975,7.116298357,7.116298811,7.116298877,7.116298271,7.116298201,7.116298781,7.116299225,7.116298544,7.116298494,7.116298476,7.116298013,7.116298608,7.116298796,7.116298801,7.116298419,7.116298953,7.116298716,7.11629816,7.116298344,7.116298672,7.116298942
+"4585","EIF3J",6.335276007,6.335275825,6.335275833,6.335275826,6.335275804,6.335275757,6.335275848,6.335275779,6.335275924,6.33527578,6.335275697,6.335275696,6.33527589,6.335276136,6.335275988,6.33527572,6.335275749,6.335275732,6.33527592,6.335275679,6.335275877,6.335275709,6.335275934,6.33527575,6.335275776,6.335275869,6.335275885,6.335276055
+"4586","EIF3J-DT",7.165249855,7.16524982,7.165249825,7.165249779,7.165249868,7.16524977,7.165249829,7.165249871,7.165249845,7.165249804,7.165249857,7.165249862,7.165249842,7.165249792,7.165249851,7.165249863,7.165249833,7.16524987,7.165249814,7.165249798,7.165249834,7.165249839,7.165249794,7.165249764,7.165249862,7.165249846,7.16524985,7.165249862
+"4587","EIF3K",8.402809517,8.402810101,8.402809145,8.402808342,8.402808731,8.402810053,8.402809879,8.402809134,8.402811012,8.402810614,8.402808018,8.402808793,8.402809907,8.40281081,8.402809117,8.402809149,8.402808818,8.402807608,8.402809181,8.402809451,8.402808575,8.402809719,8.402810172,8.402809808,8.402807845,8.402809294,8.402810406,8.402809974
+"4588","EIF3L",8.92012035,8.919975475,8.92000217,8.919912221,8.919962868,8.919951987,8.920024541,8.920005778,8.920071639,8.920078864,8.919957733,8.919991536,8.920089317,8.920262791,8.920046602,8.919822533,8.919950357,8.919899966,8.919974875,8.919967772,8.92002568,8.920050209,8.920071874,8.920042759,8.919933861,8.920055118,8.920065724,8.920166304
+"4589","EIF3M",7.992240959,7.992238825,7.992238919,7.99223744,7.992238536,7.992238577,7.992239115,7.992237611,7.992239498,7.992238806,7.992237362,7.992237602,7.992239577,7.992241603,7.992238315,7.992238151,7.992237859,7.992236555,7.992238979,7.99223817,7.992239219,7.992238245,7.992239764,7.992238947,7.992237573,7.992238973,7.99223984,7.992239845
+"4590","EIF4A2",6.8179360355,6.817935464,6.8179354225,6.817935262,6.8179349315,6.817934999,6.8179353535,6.817935328,6.8179356225,6.817935122,6.8179349215,6.817934944,6.8179356455,6.817936676,6.8179356405,6.817935259,6.8179346565,6.817934918,6.8179356045,6.817935122,6.8179354075,6.8179354485,6.817935657,6.817935288,6.8179347025,6.8179354905,6.8179357465,6.81793583
+"4591","EIF4A3",7.080816746,7.080816915,7.080816655,7.080816729,7.080816584,7.080816689,7.080816691,7.080816307,7.080816734,7.080816516,7.080816515,7.080816368,7.080816651,7.080816902,7.08081656,7.080816742,7.080816486,7.080816514,7.080816718,7.080816625,7.080816594,7.080816473,7.080816606,7.080816627,7.080816326,7.080816637,7.080816685,7.08081659
+"4592","EIF4B",8.3647695715,8.327488286,8.2705819375,8.2266928545,8.240943483,8.200005113,8.31710407,8.2488410275,8.3964511915,8.3618146785,8.2280212845,8.2471505915,8.335906055,8.6435462895,8.339009991,8.249558843,8.24524285,8.232119978,8.2756388935,8.135114674,8.3108380875,8.2951507365,8.3650870885,8.342938335,8.2039814305,8.3365580145,8.3264324365,8.5418922495
+"4593","EIF4E",4.368456094,4.368456115,4.368456121,4.368456107,4.368456118,4.368456113,4.368456113,4.368456097,4.368456142,4.368456115,4.368456117,4.368456112,4.368456127,4.368456122,4.36845615,4.368456098,4.36845613,4.368456167,4.368456105,4.36845611,4.368456135,4.368456122,4.368456104,4.368456105,4.368456134,4.36845609,4.368456124,4.368456129
+"4594","EIF4E1B",6.346915948,6.346915999,6.346916022,6.346915979,6.346916098,6.346915893,6.346915974,6.346916051,6.346915973,6.346915915,6.346916017,6.346916073,6.346916,6.346915849,6.346916054,6.346916021,6.346916137,6.346916071,6.34691602,6.346915976,6.346916039,6.346916059,6.346915924,6.346915928,6.346916028,6.346915987,6.346915996,6.346916016
+"4595","EIF4E2",7.023046004,7.023046048,7.023045901,7.023045919,7.023045889,7.023046024,7.023045992,7.023045845,7.023045984,7.023046008,7.023045807,7.023045833,7.023045929,7.023046079,7.023045964,7.023045917,7.023045755,7.023045782,7.023046014,7.023045745,7.02304594,7.023045922,7.023045912,7.023045942,7.023045847,7.023045901,7.023045941,7.023045956
+"4596","EIF4E3",8.76994452,8.769946111,8.769940124,8.769946126,8.769928389,8.769947707,8.769946969,8.769938122,8.76994366,8.769933192,8.769937824,8.76992771,8.76993763,8.769952387,8.769941222,8.769946913,8.769937248,8.769946547,8.769940025,8.76995406,8.76995076,8.769941544,8.769950839,8.769946214,8.769947699,8.76993594,8.769936127,8.769943739
+"4597","EIF4EBP1",6.333781214,6.333781297,6.333781345,6.333781329,6.333781472,6.333781316,6.333781348,6.333781382,6.33378133,6.333781475,6.333781423,6.333781389,6.333781334,6.333781197,6.333781269,6.33378128,6.333781522,6.333781414,6.333781296,6.33378137,6.333781404,6.33378134,6.333781223,6.333781326,6.333781277,6.333781391,6.333781398,6.333781314
+"4598","EIF4EBP2",9.209461929,9.209461753,9.209461652,9.209461657,9.209461558,9.20946201,9.209461695,9.209461854,9.209461735,9.209461856,9.209461738,9.20946154,9.209461682,9.2094616,9.209461636,9.209461344,9.209461369,9.209461426,9.209461654,9.20946169,9.209461569,9.209461541,9.209461723,9.209461845,9.209461862,9.209461714,9.209461819,9.20946152
+"4599","EIF4ENIF1",6.607492584,6.607492698,6.607492742,6.607492666,6.607492618,6.607492791,6.607492808,6.607492632,6.607492781,6.607492561,6.607492648,6.607492613,6.607492749,6.607492782,6.607492692,6.607492633,6.607492578,6.607492563,6.60749272,6.607492617,6.607492677,6.607492631,6.607492766,6.607492742,6.607492637,6.607492594,6.607492729,6.607492798
+"4600","EIF4G1",7.153549718,7.153549732,7.153549722,7.15354972,7.153549723,7.153549755,7.15354975,7.15354973,7.153549742,7.153549741,7.15354972,7.153549733,7.153549733,7.153549758,7.153549718,7.153549709,7.153549693,7.15354972,7.153549692,7.153549747,7.153549734,7.153549727,7.15354973,7.153549732,7.153549716,7.15354974,7.153549749,7.15354973
+"4601","EIF4G2",9.048233681,9.048232993,9.048232912,9.048233326,9.048233352,9.048232887,9.048233569,9.048232655,9.048233,9.048233331,9.048233108,9.048232645,9.048233465,9.048234042,9.048233375,9.048232566,9.048232617,9.048233179,9.04823333,9.048232766,9.048233836,9.048232806,9.048233198,9.048233388,9.048233133,9.04823327,9.048233125,9.048233465
+"4602","EIF4G3",7.187896096,7.187896066,7.1878959,7.18789615,7.187895889,7.187896362,7.187896103,7.187895908,7.18789598,7.18789601,7.187895938,7.187895917,7.187895993,7.18789609,7.187896065,7.187895968,7.187895838,7.187896055,7.187896024,7.187896371,7.18789613,7.187895922,7.187896185,7.187896131,7.187896059,7.187896043,7.187895984,7.187895967
+"4603","EIF4H",8.079509934,8.0795096295,8.0795099285,8.079509128,8.079509389,8.079509969,8.079509618,8.079509204,8.079509364,8.079509613,8.0795092065,8.079509605,8.0795100925,8.07951061,8.079509128,8.079509663,8.079509211,8.079508866,8.079509719,8.0795100685,8.079509408,8.0795096245,8.0795099295,8.079509695,8.0795090745,8.0795097995,8.079510243,8.0795100485
+"4604","EIF5",7.119580974,7.119580884,7.119580754,7.119580804,7.11958046,7.119580538,7.119580667,7.119580597,7.119580855,7.119580752,7.119580689,7.119580604,7.11958094,7.119581402,7.119580704,7.119580668,7.11958071,7.119580588,7.119580611,7.119580627,7.119580821,7.11958064,7.119580942,7.119580875,7.11958074,7.119580953,7.119580822,7.119581136
+"4605","EIF5A",6.150042919,6.150042878,6.150043245,6.150042984,6.150043902,6.150043335,6.150043322,6.150043223,6.150042996,6.150043117,6.150043635,6.150043898,6.150043095,6.150041905,6.150043639,6.150042851,6.150043651,6.150043284,6.150043377,6.150043141,6.150043345,6.150043651,6.150042723,6.150042768,6.150043375,6.150043711,6.150042879,6.150043106
+"4606","EIF5A2",4.710062162,4.710062102,4.710062171,4.71006224,4.710062154,4.710062013,4.710062304,4.710062201,4.710062207,4.71006243,4.710062259,4.710062171,4.710062315,4.710062508,4.710062298,4.710062084,4.710062317,4.710061769,4.710062244,4.710062065,4.710062197,4.710062331,4.710062312,4.710062353,4.710062271,4.710062108,4.710062301,4.710062352
+"4607","EIF5B",6.248550676,6.248550528,6.248550291,6.248550273,6.248550343,6.248550268,6.248550603,6.248550259,6.248550669,6.248550501,6.24854999,6.248550148,6.248550527,6.248551311,6.248550307,6.248550366,6.248550119,6.24854996,6.248550487,6.248550056,6.248550459,6.248550299,6.248550574,6.248550441,6.248550202,6.248550324,6.248550459,6.248550953
+"4608","EIF6",7.61645594,7.61645602,7.616455803,7.616455657,7.616455902,7.616456095,7.616455863,7.616455739,7.616455935,7.616456041,7.616455777,7.616455982,7.616455967,7.616455918,7.616455799,7.616455832,7.616455708,7.616455468,7.616455835,7.616455614,7.616455689,7.616455893,7.616455836,7.616455915,7.61645571,7.616455954,7.616455933,7.616455806
+"4609","EIPR1",5.84262936,5.842629349,5.842629315,5.842629338,5.842629314,5.842629353,5.842629342,5.842629319,5.842629354,5.842629339,5.842629318,5.842629342,5.842629375,5.84262935,5.842629316,5.84262936,5.842629287,5.8426293,5.842629347,5.842629275,5.842629339,5.842629342,5.842629347,5.842629332,5.842629316,5.842629326,5.842629354,5.842629326
+"4610","ELAC1",5.446145381,5.44614535,5.446145327,5.446145349,5.446145331,5.446145359,5.446145355,5.446145324,5.446145367,5.446145346,5.446145337,5.446145354,5.446145361,5.446145368,5.446145346,5.446145332,5.446145329,5.44614534,5.446145341,5.446145345,5.446145331,5.446145359,5.44614538,5.446145386,5.446145346,5.446145324,5.446145341,5.446145376
+"4611","ELAC2",7.280299882,7.280299577,7.280299525,7.28029927,7.280299503,7.280299835,7.280299456,7.280299333,7.280299786,7.280299634,7.280299122,7.280299483,7.280299695,7.280299808,7.28029943,7.280299194,7.280299165,7.280299267,7.280299474,7.280299661,7.280299513,7.280299369,7.28029954,7.280299477,7.280299018,7.28029962,7.280299911,7.280299439
+"4612","ELANE",6.94874187,6.948742084,6.94874317,6.948741851,6.94874277,6.948742069,6.948742877,6.948742268,6.948741799,6.948741889,6.948743011,6.948742641,6.948741577,6.9487407,6.948742451,6.948741668,6.948743753,6.948742013,6.948741824,6.948742344,6.948743208,6.948742151,6.948741902,6.948740923,6.948742641,6.948741953,6.948741696,6.948741768
+"4613","ELAPOR1",7.431637228,6.204769779,6.875330045,8.412404313,7.106074689,8.115524474,7.605751259,7.716440183,7.370935886,7.391002805,5.48881085,6.149132643,7.387325089,7.927619878,7.642321457,6.391636868,7.031968055,8.204617922,7.452968811,8.118522256,7.470854795,7.577643232,7.555218907,7.893420236,5.924543777,6.69090105,7.271470356,8.028903084
+"4614","ELAPOR2",5.325705154,5.325702972,5.325702926,5.325704474,5.325703137,5.325703182,5.325705936,5.325704435,5.325706069,5.325705755,5.3257035,5.325704842,5.32570681,5.325704426,5.325704396,5.325701571,5.325702858,5.325703391,5.325703571,5.325701556,5.32570539,5.325705266,5.325705658,5.325705234,5.325703914,5.325703665,5.325706759,5.325704015
+"4615","ELAVL1",6.912653254,6.912653005,6.91265282,6.912652903,6.912653117,6.912653162,6.912653152,6.91265278,6.912653341,6.912653016,6.912652642,6.912652842,6.912653323,6.912653368,6.91265316,6.912652816,6.912652727,6.912652743,6.912653083,6.912652279,6.912652956,6.912652968,6.912653134,6.912653181,6.912652792,6.912653068,6.912653084,6.912653194
+"4616","ELAVL2",3.805386279,3.805386311,3.805386341,3.805386298,3.805386286,3.805386245,3.805386258,3.805386294,3.805386363,3.805386309,3.805386288,3.805386317,3.805386283,3.80538626,3.805386293,3.805386338,3.805386316,3.805386323,3.805386287,3.80538631,3.805386323,3.805386334,3.805386263,3.805386264,3.805386316,3.805386338,3.805386278,3.805386329
+"4617","ELAVL3",4.88488265,4.884882761,4.884882779,4.884882609,4.884882859,4.884882759,4.884882698,4.884882827,4.884882763,4.884882681,4.884882649,4.884882888,4.884882612,4.884882588,4.884882803,4.88488275,4.884882804,4.884882678,4.884882644,4.884882725,4.884882823,4.884882849,4.884882671,4.884882461,4.884882667,4.884882759,4.884882643,4.884882742
+"4618","ELAVL4",3.742916855,3.74291686,3.742916887,3.742916943,3.742916886,3.742916901,3.742916798,3.742916885,3.742916907,3.742916897,3.742917026,3.742917006,3.742916863,3.742916826,3.742916863,3.742916901,3.742916918,3.742916916,3.742916841,3.742916869,3.742916823,3.742916928,3.742916886,3.74291686,3.742916899,3.742916851,3.742916943,3.742916831
+"4619","ELF1",9.541337545,9.541337314,9.541336517,9.54133716,9.541336884,9.541336787,9.541336872,9.541336675,9.541336704,9.541336327,9.541336539,9.541336192,9.541337005,9.541337796,9.541336906,9.541337026,9.541336225,9.541336588,9.541337169,9.541336691,9.541337043,9.541336311,9.541336985,9.541337213,9.541336677,9.541336839,9.541336888,9.541337247
+"4620","ELF2",7.342704741,7.342706007,7.342704227,7.342706741,7.342703723,7.342703901,7.342705156,7.342703691,7.342704523,7.342703143,7.342704694,7.342701817,7.342704722,7.342706639,7.342705095,7.342705844,7.342704416,7.342706198,7.342705505,7.342703521,7.342704543,7.342704189,7.342705807,7.342705395,7.342705093,7.342703194,7.342704936,7.342705174
+"4621","ELF3",4.549953973,4.549954237,4.549954225,4.549954195,4.549954342,4.549954244,4.549954331,4.549954332,4.549954275,4.549954211,4.54995414,4.549954274,4.549954199,4.549953992,4.549954231,4.549954293,4.54995438,4.549954275,4.54995423,4.54995411,4.549954262,4.549954402,4.549954143,4.54995421,4.549954238,4.549954162,4.549954111,4.549954269
+"4622","ELF4",7.837886423,7.837886558,7.837886392,7.837886591,7.837886427,7.837886708,7.837886443,7.837886402,7.837886413,7.837886469,7.837886466,7.837886254,7.83788647,7.837886393,7.837886405,7.837886504,7.83788635,7.837886518,7.837886443,7.837886715,7.83788646,7.837886461,7.837886489,7.837886519,7.837886498,7.837886461,7.837886512,7.837886342
+"4623","ELF5",4.907707625,4.907707702,4.907708128,4.907707977,4.907708299,4.907707192,4.907707946,4.907708313,4.907707884,4.9077077,4.907708337,4.907708288,4.907708003,4.90770765,4.907708293,4.907708165,4.907708294,4.907708339,4.907708154,4.907708045,4.907708158,4.907708408,4.907708115,4.907707737,4.907708211,4.907707872,4.907707916,4.907708099
+"4624","ELFN1",5.038336276,5.03833621,5.038336472,5.038336246,5.038337185,5.038336403,5.038336638,5.038336665,5.038336717,5.038336535,5.038336769,5.038337034,5.038336477,5.038335771,5.038336997,5.038336138,5.038337132,5.038336638,5.038336921,5.038336582,5.038336914,5.038336719,5.038336442,5.038336405,5.038336393,5.038336926,5.038336106,5.038336621
+"4625","ELFN2",5.815764747,5.815764792,5.815764829,5.815764788,5.815764816,5.81576473,5.815764752,5.815764823,5.8157648,5.815764789,5.815764816,5.815764794,5.8157648,5.815764776,5.815764762,5.815764809,5.815764814,5.815764806,5.815764755,5.815764793,5.815764785,5.815764781,5.815764765,5.815764796,5.815764821,5.815764786,5.815764771,5.815764772
+"4626","ELK1",6.635577141,6.635577134,6.635577183,6.635577178,6.635577294,6.635577219,6.635577193,6.635577208,6.635577221,6.635577195,6.635577203,6.635577267,6.635577163,6.6355771,6.635577257,6.635577155,6.635577233,6.635577242,6.635577201,6.635577168,6.635577239,6.635577263,6.63557717,6.635577167,6.635577188,6.635577203,6.635577155,6.635577215
+"4627","ELK3",6.825453512,6.825453416,6.825453375,6.825453445,6.825453435,6.825453438,6.825453442,6.825453309,6.825453337,6.825453399,6.825453411,6.82545338,6.825453476,6.825453458,6.825453403,6.825453275,6.825453301,6.825453408,6.825453474,6.825453424,6.825453371,6.825453371,6.82545338,6.825453327,6.825453338,6.825453358,6.825453475,6.825453344
+"4628","ELK4",6.678322013,6.678321938,6.678321853,6.67832179,6.678321884,6.678322011,6.678321883,6.678321944,6.678322087,6.678322026,6.678321755,6.678321948,6.678321922,6.678321999,6.678321858,6.678321744,6.678321701,6.678321676,6.678321824,6.67832197,6.678321834,6.678321831,6.678322072,6.678321944,6.678321764,6.678322032,6.678321964,6.678321948
+"4629","ELL",7.249818623,7.24981891,7.249818561,7.249819066,7.249818456,7.249818945,7.249818742,7.249818807,7.249818575,7.24981838,7.249818504,7.249818235,7.249818547,7.249818484,7.249818807,7.249819102,7.24981863,7.249819081,7.249818737,7.249818836,7.249818709,7.249818802,7.24981881,7.249818742,7.249818897,7.249818624,7.249818653,7.249818497
+"4630","ELL2",6.078161923,6.078161904,6.078161936,6.078161947,6.078161906,6.078161907,6.078161944,6.07816193,6.078161909,6.078161898,6.078161946,6.078161919,6.07816192,6.078161925,6.078161918,6.078161917,6.078161897,6.07816194,6.078161922,6.078161904,6.07816197,6.07816192,6.078161913,6.078161924,6.078161959,6.078161925,6.07816193,6.078161913
+"4631","ELL3",4.359557646,4.3595576,4.35955752,4.35955762,4.359557631,4.359557593,4.359557544,4.359557582,4.359557315,4.359557555,4.359557497,4.359557759,4.35955768,4.359557431,4.359557501,4.359557589,4.359557768,4.359557579,4.359557579,4.359557546,4.359557546,4.3595576,4.359557563,4.359557644,4.359557484,4.359557475,4.359557492,4.35955765
+"4632","ELMO1",8.598694131,8.598694228,8.598693853,8.5986941085,8.5986938385,8.598693951,8.598694181,8.5986939055,8.598694153,8.598694154,8.5986939525,8.598693849,8.5986941845,8.5986943715,8.598694057,8.598694061,8.598693685,8.5986939265,8.5986941745,8.598693975,8.5986942175,8.598693887,8.5986942005,8.5986941755,8.5986941095,8.598694129,8.598694215,8.59869417
+"4633","ELMO2",7.557307091,7.557307223,7.557306968,7.55730731,7.557307002,7.557307602,7.55730725,7.557306988,7.557306917,7.557307173,7.557307141,7.557306716,7.557307251,7.557307256,7.557307059,7.557306889,7.557306756,7.557307062,7.557307247,7.55730751,7.557307028,7.557306841,7.557307114,7.557307223,7.557307206,7.557306882,7.557307327,7.557306906
+"4634","ELMO3",5.530191122,5.530191127,5.530191155,5.530191153,5.530191163,5.530191128,5.530191135,5.530191153,5.530191131,5.530191119,5.530191138,5.530191158,5.530191148,5.530191126,5.530191153,5.530191146,5.530191159,5.530191155,5.530191136,5.530191148,5.530191152,5.530191146,5.530191123,5.530191134,5.530191154,5.530191149,5.530191132,5.530191151
+"4635","ELMOD1",3.8140352635,3.8140352125,3.8140353115,3.814035261,3.814035326,3.8140353055,3.8140352605,3.81403533,3.814035212,3.8140352235,3.8140353305,3.814035377,3.81403522,3.814035154,3.8140352645,3.8140352965,3.8140353645,3.8140353245,3.814035277,3.814035257,3.814035315,3.8140352785,3.8140352545,3.814035191,3.814035291,3.814035297,3.8140352235,3.814035286
+"4636","ELMOD2",4.633068703,4.633068632,4.633068712,4.633068579,4.63306851,4.633068443,4.633068575,4.633068493,4.633068602,4.633068605,4.633068473,4.633068384,4.633068606,4.633068815,4.633068617,4.633068547,4.633068593,4.633068599,4.63306863,4.633068487,4.63306854,4.633068518,4.633068612,4.633068625,4.633068588,4.63306854,4.633068565,4.633068701
+"4637","ELMOD3",5.96163535,5.961635161,5.961635249,5.96163525,5.961635242,5.961635337,5.961635161,5.961635197,5.961635309,5.961635266,5.961635244,5.961635178,5.961635219,5.961635265,5.961635262,5.961635224,5.961635111,5.961635085,5.961635248,5.961635248,5.961635238,5.961635263,5.961635227,5.961635245,5.96163511,5.961635167,5.961635329,5.961635177
+"4638","ELN",6.541306627,6.541306609,6.541306699,6.541306615,6.541306958,6.541306559,6.541306792,6.541306881,6.541306673,6.541306676,6.541306768,6.541306923,6.541306658,6.541306518,6.541306873,6.541306857,6.541306981,6.5413069,6.541306747,6.541306734,6.54130692,6.541306894,6.541306528,6.541306533,6.541306796,6.541306885,6.541306679,6.541306872
+"4639","ELOA",6.60554652,6.605546498,6.605546449,6.605546378,6.60554643,6.605546473,6.605546408,6.605546312,6.605546483,6.605546481,6.605546385,6.605546348,6.605546478,6.605546557,6.605546374,6.605546342,6.605546321,6.605546216,6.605546323,6.605546509,6.605546345,6.605546238,6.605546389,6.605546415,6.605546369,6.605546386,6.605546517,6.605546442
+"4640","ELOA2",4.653043764,4.65304354,4.653044027,4.65304367,4.653043966,4.653043822,4.653044022,4.653043916,4.65304392,4.653043716,4.653043866,4.65304394,4.653043748,4.653043628,4.653043989,4.653043624,4.653043809,4.653044059,4.653043746,4.653043941,4.653044128,4.653044056,4.653043583,4.653043772,4.653043892,4.65304389,4.653043633,4.6530438
+"4641","ELOB",7.852336962,7.852337157,7.852337414,7.852337017,7.852337149,7.852337751,7.852337299,7.852337419,7.852337634,7.852337534,7.852337289,7.85233756,7.852336902,7.852336746,7.852337084,7.85233705,7.852337455,7.852336967,7.852337031,7.852337687,7.852336977,7.852337427,7.852337545,7.852337377,7.852337186,7.852337407,7.8523369,7.852337061
+"4642","ELOC",5.7073644735,5.7073644445,5.707364411,5.7073643815,5.7073641325,5.7073641335,5.707364185,5.7073641915,5.7073642515,5.707364128,5.707364276,5.707363847,5.7073644775,5.707364606,5.70736417,5.7073644405,5.7073640195,5.7073643125,5.707364318,5.7073643055,5.70736427,5.70736418,5.7073643615,5.707364415,5.707364437,5.70736417,5.7073643935,5.707364511
+"4643","ELOF1",7.908208043,7.907315602,7.912227518,7.908366794,7.909206585,7.911172012,7.908915678,7.910280737,7.910714196,7.910907907,7.911359322,7.910130998,7.906447167,7.907564249,7.908024027,7.905386373,7.911567771,7.908506241,7.907261624,7.910425573,7.908063501,7.908739755,7.910961526,7.91124502,7.911328774,7.911089314,7.90699479,7.907881731
+"4644","ELOVL1",7.234058748,7.23405892,7.234058686,7.234058726,7.234058562,7.23405889,7.234058687,7.234058782,7.234058704,7.234058782,7.234058712,7.234058395,7.234058747,7.234058823,7.234058593,7.234058811,7.234058601,7.234058645,7.234058605,7.234058963,7.234058607,7.23405864,7.234058791,7.23405884,7.234058623,7.234058528,7.234058789,7.234058652
+"4645","ELOVL2",3.567369512,3.567369431,3.567369621,3.567369498,3.567369594,3.567369479,3.567369509,3.567369401,3.5673695,3.567369435,3.567369788,3.567369702,3.567369659,3.567369293,3.567369722,3.567369377,3.567369536,3.567369813,3.567369639,3.567369591,3.567369393,3.567369546,3.567369429,3.56736938,3.567369571,3.567369588,3.567369464,3.56736942
+"4646","ELOVL2-AS1",3.210271022,3.210271066,3.210270969,3.210271081,3.210271059,3.210271148,3.21027118,3.210271123,3.210271052,3.210271067,3.21027115,3.210271,3.210271078,3.210271107,3.210271091,3.210271158,3.210271142,3.210271069,3.210271,3.210271073,3.210271181,3.21027106,3.210271135,3.210271125,3.210271178,3.210271074,3.210271082,3.21027113
+"4647","ELOVL3",3.933437809,3.933437804,3.933437835,3.933437919,3.933437927,3.933437896,3.933437829,3.933437904,3.933437785,3.933437932,3.933437924,3.933437861,3.933437851,3.93343768,3.93343775,3.933437804,3.933437904,3.933437922,3.9334378,3.933437851,3.93343791,3.933437774,3.933437767,3.933437796,3.933437786,3.933437872,3.933437773,3.933437753
+"4648","ELOVL4",3.951152584,3.951152595,3.951152577,3.951152549,3.951152567,3.951152562,3.951152574,3.951152594,3.951152583,3.951152542,3.951152566,3.95115256,3.951152591,3.951152562,3.951152579,3.951152571,3.951152549,3.951152571,3.951152573,3.951152543,3.951152566,3.95115259,3.951152559,3.951152521,3.951152547,3.95115256,3.95115258,3.951152562
+"4649","ELOVL5",9.736974866,9.737531416,9.736710419,9.73736849,9.736552859,9.737141812,9.73680369,9.736702689,9.736740925,9.736630219,9.736596907,9.736128672,9.736889102,9.737264213,9.736775662,9.737335793,9.736624229,9.737133852,9.737055531,9.737246811,9.736898655,9.736607437,9.737131865,9.737042379,9.736859338,9.736594788,9.736969808,9.736876309
+"4650","ELOVL6",4.349610931,4.349610982,4.349611012,4.349610992,4.349610958,4.349610696,4.349610953,4.349611053,4.349611114,4.349611132,4.34961102,4.349610941,4.349611077,4.349611054,4.349611004,4.349611112,4.349610924,4.349610945,4.349610817,4.349610901,4.349610953,4.349611057,4.3496111,4.349611138,4.349611163,4.349610938,4.349611078,4.349610963
+"4651","ELOVL7",6.62699039,6.741162312,6.692693687,6.869313317,6.713024692,6.654767517,6.616030832,6.606254396,6.636313353,6.807236918,6.820891092,6.739597445,6.660207549,6.634879914,6.653622293,6.693394424,6.671504107,6.86409257,6.704758707,6.653599826,6.677754048,6.545894769,6.700112274,6.853166975,6.832238231,6.727265925,6.660381878,6.670054105
+"4652","ELP1",6.68629807,6.686298031,6.686297781,6.686297856,6.686297876,6.686297822,6.686297999,6.686297811,6.686297967,6.686297923,6.686297787,6.686297837,6.686297994,6.686298176,6.686297896,6.686297928,6.686297697,6.686297779,6.686297911,6.686297702,6.686297879,6.686297866,6.686297961,6.686297891,6.68629784,6.686297923,6.686297972,6.686298004
+"4653","ELP2",6.842087271,6.84208642,6.842086047,6.84208599,6.842085939,6.842085486,6.842086467,6.842086028,6.842086571,6.842086017,6.842085608,6.842085735,6.842086603,6.842087595,6.842086439,6.842086306,6.842085507,6.842085149,6.842086303,6.842085429,6.842085846,6.842086235,6.84208686,6.842086414,6.842085645,6.842086813,6.842086655,6.842086754
+"4654","ELP3",7.335288927,7.335288455,7.335287518,7.335287389,7.33528772,7.335287793,7.335287752,7.335287701,7.335288154,7.335287865,7.33528702,7.335287312,7.335288176,7.335288834,7.335288013,7.335288276,7.335287196,7.335287321,7.335287894,7.335287395,7.335287658,7.335287949,7.335288224,7.335288137,7.335287246,7.335287934,7.335288107,7.335288384
+"4655","ELP4",5.252606578,5.25260652,5.252606418,5.25260641,5.252606409,5.252606322,5.252606415,5.252606351,5.252606494,5.252606375,5.252606354,5.25260635,5.252606541,5.2526067,5.25260648,5.252606337,5.25260639,5.252606355,5.252606456,5.252606373,5.252606353,5.252606502,5.252606544,5.252606534,5.252606341,5.252606336,5.252606483,5.252606464
+"4656","ELP5",6.764378459,6.764378432,6.764378461,6.764378409,6.764378467,6.764378439,6.764378452,6.76437847,6.764378462,6.764378443,6.764378409,6.764378446,6.764378461,6.764378464,6.764378421,6.764378406,6.764378425,6.764378395,6.764378436,6.764378387,6.764378435,6.764378474,6.764378457,6.764378428,6.764378408,6.764378452,6.764378462,6.764378456
+"4657","ELP6",5.137414532,5.137414477,5.13741452,5.137414437,5.137414469,5.137414515,5.137414477,5.137414444,5.137414564,5.137414533,5.137414528,5.137414497,5.137414568,5.137414522,5.137414487,5.137414434,5.137414465,5.137414505,5.137414516,5.137414579,5.137414498,5.137414585,5.137414552,5.137414545,5.137414444,5.137414544,5.137414557,5.137414498
+"4658","ELSPBP1",3.916228332,3.916228335,3.916228381,3.91622837,3.916228374,3.916228364,3.916228325,3.916228343,3.916228337,3.91622837,3.916228377,3.916228294,3.91622831,3.916228324,3.916228369,3.916228361,3.91622838,3.916228346,3.916228343,3.916228397,3.916228332,3.916228319,3.916228312,3.916228346,3.916228375,3.916228336,3.916228338,3.916228315
+"4659","EMB",7.008910347,7.008909798,7.008909645,7.008909907,7.008909641,7.008908973,7.008909682,7.008909019,7.008909328,7.008909191,7.008909888,7.008908745,7.008910093,7.008910618,7.008909512,7.008909063,7.008909096,7.008909721,7.008909879,7.008908354,7.008910018,7.008909712,7.008909545,7.008909408,7.008909663,7.008909553,7.00890988,7.008910301
+"4660","EMC1",6.632667826,6.632668005,6.63266775,6.632667788,6.632667735,6.632667983,6.632667902,6.632667839,6.632667881,6.63266796,6.632667769,6.632667861,6.632667911,6.632668114,6.632667723,6.63266781,6.632667593,6.632667688,6.632667767,6.632667778,6.63266783,6.632667908,6.632667858,6.632667905,6.632667696,6.632667906,6.632667905,6.632668025
+"4661","EMC10",7.481570918,7.481570987,7.481570993,7.481570873,7.481570954,7.481570839,7.481570819,7.481570955,7.481570966,7.481570881,7.481570921,7.481570912,7.481570892,7.481570885,7.481570958,7.481570981,7.48157098,7.481570862,7.481570953,7.481570929,7.481570832,7.481570953,7.481570909,7.481570895,7.481570899,7.481570902,7.481570941,7.481570978
+"4662","EMC2",5.006500275,5.006500341,5.006499957,5.006499802,5.006499745,5.006499862,5.006499911,5.006499697,5.006500187,5.006499657,5.006499937,5.006499561,5.006500192,5.006500927,5.006500145,5.006500146,5.006500005,5.006499906,5.006500075,5.006499763,5.0065001,5.006499852,5.006500399,5.006500194,5.006500064,5.00649986,5.006500208,5.006500402
+"4663","EMC3",6.6547723615,6.654771989,6.6547728205,6.6547725455,6.6547725445,6.6547727585,6.654772507,6.654772865,6.6547726055,6.6547727575,6.654772639,6.654772565,6.6547720495,6.6547719115,6.6547724,6.6547714285,6.6547725465,6.654772409,6.6547722825,6.6547726595,6.6547724995,6.654772633,6.6547727635,6.6547728125,6.6547723585,6.65477285,6.654772265,6.6547721285
+"4664","EMC3-AS1",5.801172645,5.801172641,5.801172728,5.801172666,5.801172713,5.801172754,5.80117267,5.801172724,5.801172683,5.801172703,5.801172715,5.801172681,5.801172688,5.801172596,5.801172701,5.801172649,5.801172737,5.801172715,5.801172708,5.801172692,5.801172648,5.801172713,5.801172654,5.801172675,5.801172693,5.801172704,5.801172661,5.801172679
+"4665","EMC4",7.779664343,7.779664246,7.779664146,7.779663735,7.779664086,7.779663985,7.7796643,7.779663984,7.779664297,7.779664205,7.779663839,7.779663941,7.779664149,7.779664372,7.779664169,7.779664143,7.779664006,7.779663767,7.779664294,7.779664363,7.779664126,7.779664159,7.779664218,7.779664288,7.779663648,7.779663926,7.779664193,7.779664214
+"4666","EMC6",6.065271821,6.065271805,6.065271835,6.065271751,6.065271817,6.065271817,6.065271833,6.065271805,6.065271827,6.06527183,6.065271811,6.065271788,6.065271817,6.06527184,6.065271805,6.065271808,6.065271797,6.06527179,6.065271817,6.065271848,6.065271824,6.065271808,6.065271828,6.06527183,6.065271789,6.06527179,6.065271789,6.065271829
+"4667","EMC7",6.819806499,6.81980677,6.819806122,6.819806307,6.81980576,6.819806103,6.819806027,6.819806007,6.81980602,6.819806134,6.81980582,6.819805187,6.819806128,6.819806658,6.819806003,6.819806517,6.819805798,6.819805864,6.819806263,6.819806454,6.819806131,6.819805957,6.819806298,6.819806396,6.819806097,6.819805995,6.819806099,6.819806357
+"4668","EMC8",6.170733185,6.170733213,6.170733168,6.170733147,6.170733203,6.170733191,6.17073316,6.170733162,6.170733171,6.170733176,6.170733161,6.170733186,6.170733205,6.170733168,6.17073319,6.170733165,6.170733176,6.170733166,6.170733201,6.170733162,6.170733175,6.17073317,6.17073319,6.17073321,6.170733135,6.170733182,6.170733184,6.170733165
+"4669","EMC9",5.196532629,5.196532611,5.196532612,5.196532622,5.196532643,5.196532651,5.196532639,5.196532624,5.19653261,5.196532616,5.19653263,5.196532635,5.196532624,5.196532611,5.196532626,5.196532635,5.196532618,5.196532631,5.196532613,5.196532645,5.196532645,5.196532643,5.19653263,5.196532587,5.1965326,5.196532632,5.196532627,5.196532627
+"4670","EMCN",2.807259114,2.807259187,2.807259243,2.80725925,2.807259131,2.807259135,2.807259295,2.807259188,2.807259139,2.807259182,2.807259213,2.807259183,2.807259131,2.807259075,2.807259124,2.807259153,2.807259241,2.807259154,2.807259172,2.807259201,2.807259222,2.807259106,2.807259078,2.807259097,2.807259162,2.807259116,2.807259173,2.807259176
+"4671","EMD",6.349697851,6.349697862,6.349697854,6.349697859,6.349697835,6.349697871,6.349697865,6.349697867,6.349697859,6.349697886,6.349697852,6.349697854,6.349697862,6.349697854,6.349697847,6.349697841,6.349697837,6.349697861,6.349697855,6.349697842,6.349697841,6.349697847,6.349697855,6.349697853,6.349697846,6.349697871,6.349697865,6.349697843
+"4672","EME1",4.293762438,4.293762492,4.29376251,4.293762563,4.293762591,4.29376257,4.293762594,4.293762535,4.293762544,4.293762509,4.293762467,4.293762554,4.293762552,4.293762477,4.293762519,4.293762533,4.293762543,4.293762556,4.293762494,4.293762511,4.293762544,4.293762558,4.293762528,4.293762531,4.293762555,4.293762553,4.293762532,4.293762544
+"4673","EME2",7.293510797,7.293510847,7.293510976,7.293510847,7.293511153,7.293510762,7.293510941,7.29351107,7.293510832,7.293510886,7.293510984,7.293511126,7.2935109,7.29351065,7.293510961,7.293510988,7.293511048,7.293510994,7.293510837,7.293510921,7.293510949,7.293511062,7.293510795,7.293510803,7.293510955,7.293510959,7.293510892,7.293510878
+"4674","EMG1",5.850030208,5.850030137,5.850030147,5.850030059,5.85003009,5.850030062,5.850030104,5.850030111,5.850030216,5.850030137,5.850029969,5.850030095,5.85003018,5.850030268,5.850030161,5.850030034,5.850030083,5.850030055,5.850030077,5.850029802,5.850030049,5.850030124,5.850030194,5.850030204,5.850030093,5.850030043,5.850030141,5.850030211
+"4675","EMID1",6.450113929,6.450114128,6.450114348,6.450114087,6.450114598,6.450114149,6.450114281,6.450114518,6.450114101,6.450114163,6.45011448,6.450114352,6.450114225,6.450113772,6.450114347,6.450114224,6.450114472,6.45011443,6.450114213,6.450114132,6.450114373,6.450114386,6.450113992,6.450113981,6.450114364,6.45011434,6.450114051,6.450114381
+"4676","EMILIN1",5.909953537,5.909953797,5.909954118,5.909953903,5.909954297,5.909953459,5.909953933,5.909954315,5.90995406,5.909954241,5.909954384,5.909954278,5.90995366,5.90995335,5.909954217,5.909954035,5.909954458,5.909954372,5.909954035,5.909953853,5.909954138,5.909954084,5.909953842,5.909953644,5.909954296,5.909954185,5.909953729,5.909953689
+"4677","EMILIN2",7.688992993,7.688993219,7.688993171,7.688993277,7.688993383,7.688993384,7.688993028,7.688992888,7.688992654,7.688993233,7.688993351,7.688992948,7.688993195,7.68899309,7.68899305,7.688993125,7.688993264,7.688993141,7.688993316,7.688993465,7.688992913,7.688993038,7.688992828,7.688993225,7.688993154,7.688992817,7.688993071,7.688992868
+"4678","EMILIN3",5.37469649,5.374696496,5.37469652,5.374696479,5.374696531,5.374696471,5.3746965,5.374696545,5.374696493,5.374696483,5.374696537,5.374696547,5.374696481,5.37469646,5.374696495,5.374696485,5.374696542,5.374696544,5.374696513,5.374696512,5.374696511,5.374696542,5.374696472,5.37469647,5.374696542,5.374696521,5.374696489,5.374696507
+"4679","EML1",4.261469733,4.261469843,4.261469817,4.261469965,4.261469897,4.261469777,4.261469894,4.261469877,4.261469809,4.261469862,4.261470033,4.261470012,4.261470015,4.261469621,4.261469946,4.26146985,4.261469944,4.261469908,4.261469871,4.261469779,4.261469847,4.261469914,4.26146981,4.261469744,4.261469922,4.261469832,4.261469889,4.261469824
+"4680","EML2",6.022821645,6.022821647,6.022821608,6.022821591,6.022821606,6.022821651,6.022821635,6.022821621,6.022821631,6.022821631,6.02282162,6.022821576,6.022821622,6.022821623,6.022821605,6.022821656,6.022821599,6.0228216,6.022821611,6.022821649,6.022821627,6.02282162,6.022821659,6.02282164,6.022821567,6.022821623,6.022821616,6.022821632
+"4681","EML3",7.213958094,7.213958288,7.21395842,7.213958212,7.213957977,7.213958352,7.2139583,7.213958303,7.213958334,7.213958391,7.213958225,7.213958266,7.213958242,7.213958198,7.213957959,7.213958156,7.213958119,7.213957979,7.213958008,7.213958428,7.213958013,7.213958362,7.213958196,7.213958056,7.213958096,7.213958352,7.213958162,7.213957875
+"4682","EML4",8.448753671,8.448753032,8.448752261,8.448752642,8.448752894,8.448753076,8.4487534,8.448752668,8.448753686,8.448752882,8.448752394,8.448751813,8.448753159,8.44875492,8.448753121,8.448752431,8.44875065,8.448752376,8.448753584,8.448753128,8.448753101,8.448752777,8.448753667,8.448753055,8.448752555,8.448752535,8.448753293,8.448753964
+"4683","EML5",4.490658189,4.490658181,4.490658154,4.490658169,4.490658142,4.490658157,4.49065814,4.490658159,4.490658179,4.490658173,4.490658147,4.49065813,4.490658199,4.490658252,4.490658169,4.490658158,4.490658123,4.490658195,4.490658156,4.490658131,4.490658157,4.490658167,4.490658191,4.490658183,4.49065814,4.490658183,4.490658197,4.49065819
+"4684","EML6",4.974231684,4.974231082,4.974231156,4.97423097,4.974231589,4.97423178,4.974231575,4.974231535,4.974231534,4.974231357,4.974231737,4.974231901,4.974231637,4.974231606,4.974231639,4.974231082,4.974231616,4.974231429,4.974231736,4.974231228,4.974231762,4.974231468,4.974231617,4.974230913,4.974231532,4.974231537,4.974231436,4.974231355
+"4685","EMP1",3.946145823,3.946145913,3.946145863,3.94614585,3.946145949,3.94614585,3.946145879,3.946145871,3.94614591,3.946145882,3.946145919,3.946145851,3.946145772,3.946145899,3.946145888,3.946145855,3.946145895,3.946145909,3.946145881,3.946145838,3.946145921,3.946145911,3.946145861,3.946145862,3.946145857,3.946145896,3.946145877,3.946145916
+"4686","EMP2",4.230826316,4.230826326,4.230826332,4.230826312,4.230826339,4.23082634,4.230826324,4.230826344,4.230826321,4.230826311,4.23082634,4.230826354,4.230826313,4.230826299,4.230826335,4.230826328,4.23082633,4.23082632,4.230826334,4.230826318,4.230826345,4.230826328,4.230826307,4.23082631,4.230826338,4.230826345,4.230826328,4.230826315
+"4687","EMP3",8.806920892,8.806921119,8.806920223,8.806920334,8.806920333,8.806920959,8.806920265,8.806920396,8.806919849,8.806920591,8.806919848,8.806919506,8.806920629,8.806921119,8.806920157,8.806920694,8.806919639,8.806919677,8.806920601,8.806921372,8.806920105,8.806920294,8.806920033,8.806920633,8.806919322,8.806919974,8.806920775,8.806920456
+"4688","EMSY",6.518433129,6.518433093,6.518433072,6.518433124,6.518433039,6.518433123,6.518433066,6.518432983,6.51843315,6.518433089,6.518433076,6.51843304,6.518433123,6.51843316,6.518433103,6.518433091,6.518433051,6.518433108,6.518433074,6.518433171,6.518433033,6.518433034,6.518433133,6.518433124,6.518433107,6.518433038,6.518433109,6.518433083
+"4689","EMX1",6.200800414,6.200800137,6.200800688,6.200800302,6.200801201,6.200800671,6.200800612,6.200800683,6.200800493,6.200800679,6.200801132,6.200800936,6.200800433,6.200799848,6.200800897,6.20080045,6.200801022,6.200800629,6.200800718,6.20080066,6.200800733,6.200800878,6.200800314,6.200800118,6.200800418,6.200800839,6.20080044,6.200800514
+"4690","EMX2",4.681716348,4.681716308,4.681716279,4.681716236,4.681716426,4.681716419,4.681716297,4.681716421,4.681716383,4.681716349,4.681716384,4.681716427,4.681716337,4.681716225,4.681716404,4.681716327,4.681716354,4.681716366,4.681716355,4.681716358,4.681716281,4.681716405,4.681716351,4.681716228,4.681716204,4.681716233,4.681716341,4.681716341
+"4691","EN1",5.514544585,5.514544615,5.514544728,5.514544645,5.514544815,5.514544836,5.514544668,5.514544727,5.514544659,5.514544754,5.514544773,5.514544854,5.51454468,5.514544396,5.514544697,5.514544735,5.514544799,5.514544697,5.51454473,5.51454476,5.514544669,5.514544669,5.514544614,5.514544618,5.514544743,5.514544645,5.514544612,5.514544526
+"4692","EN2",5.913699958,5.913699959,5.913699981,5.91369998,5.913700058,5.913699977,5.913700048,5.913700045,5.913700016,5.913700002,5.913700055,5.913700053,5.913699985,5.913699938,5.913700031,5.913700004,5.913700056,5.913700046,5.913700037,5.9137,5.913700047,5.913700045,5.913700007,5.913699973,5.913700045,5.913700066,5.91369999,5.913699999
+"4693","ENAH",3.81963137,3.819631375,3.819631417,3.819631425,3.819631435,3.81963143,3.819631446,3.819631469,3.819631405,3.819631384,3.819631337,3.819631451,3.819631363,3.819631311,3.81963145,3.819631324,3.819631439,3.819631373,3.819631404,3.819631458,3.819631391,3.819631397,3.819631343,3.819631394,3.819631454,3.819631398,3.819631374,3.819631353
+"4694","ENAM",4.076534084,4.076534038,4.07653416,4.076534117,4.076534116,4.07653388,4.076534075,4.076534213,4.076534105,4.076534138,4.076534136,4.076534106,4.076534093,4.076533936,4.076534085,4.076534134,4.076534157,4.076534074,4.076534042,4.076534056,4.076534156,4.076534097,4.076534031,4.076534082,4.076534154,4.076534155,4.07653398,4.076534132
+"4695","ENC1",5.88653506,5.886535176,5.886535132,5.886534928,5.886535291,5.886534854,5.886537362,5.886534382,5.886535938,5.886535185,5.886535548,5.886536717,5.886534522,5.886535059,5.886535143,5.886534963,5.886534804,5.886534773,5.886534571,5.886534602,5.886537346,5.886534736,5.886536553,5.886535314,5.886535168,5.886536916,5.886534666,5.886535047
+"4696","ENDOD1",6.471729163,6.471729308,6.471728797,6.47173004,6.471728994,6.471728665,6.471729362,6.471729166,6.471728857,6.471729882,6.47173005,6.471729141,6.471729,6.471729449,6.471728762,6.471728765,6.471728907,6.471730181,6.471728744,6.471729028,6.471729018,6.471728963,6.471729669,6.471730127,6.47172946,6.471729073,6.471729081,6.471729098
+"4697","ENDOG",7.786199336,7.78619949,7.786199337,7.786199462,7.786199742,7.78619931,7.786199741,7.786199708,7.786199454,7.78619947,7.786199649,7.786199722,7.78619949,7.786199156,7.786199609,7.786199643,7.786199582,7.786199446,7.78619953,7.786199091,7.786199585,7.786199542,7.786199405,7.786199396,7.786199477,7.786199618,7.786199434,7.786199585
+"4698","ENDOU",4.289920675,4.289920688,4.289920764,4.289920646,4.289920741,4.289920765,4.289920657,4.289920747,4.289920684,4.289920671,4.28992071,4.289920784,4.289920684,4.289920643,4.28992068,4.28992074,4.28992079,4.289920678,4.289920744,4.289920701,4.289920712,4.289920761,4.289920674,4.289920674,4.289920696,4.289920731,4.289920657,4.28992066
+"4699","ENDOV",5.683923801,5.683923824,5.68392397,5.683923956,5.683923909,5.683923717,5.683923834,5.683923952,5.683923892,5.683923952,5.683923943,5.683923831,5.683923851,5.68392388,5.683923919,5.683923855,5.683923986,5.683924021,5.683923919,5.683923955,5.683923919,5.683923973,5.683923916,5.683923983,5.683924062,5.68392392,5.683923807,5.683923954
+"4700","ENG",6.782896277,6.782896234,6.782896187,6.782896202,6.782896414,6.782896207,6.782896324,6.782896294,6.782896332,6.782896311,6.782896142,6.782896291,6.782896296,6.782896171,6.782896404,6.782896312,6.782896467,6.782896286,6.782896217,6.782896217,6.782896301,6.782896379,6.782896219,6.782896219,6.782896101,6.78289624,6.782896238,6.782896332
+"4701","ENGASE",6.879723678,6.879723835,6.879723794,6.879723758,6.879723635,6.879723939,6.879723851,6.87972391,6.879724062,6.879723914,6.879723709,6.879724028,6.879723975,6.879723875,6.879723476,6.879723825,6.879723781,6.87972369,6.87972362,6.879723886,6.879723847,6.879723988,6.879723822,6.879723902,6.879723686,6.87972396,6.879724053,6.879723842
+"4702","ENHO",5.507022856,5.507022726,5.507023237,5.507022879,5.507023586,5.507023201,5.50702352,5.507023262,5.50702321,5.507023003,5.507023117,5.507023699,5.507023073,5.50702299,5.507023416,5.507023354,5.507023692,5.507023408,5.507023265,5.507023434,5.507023427,5.507023289,5.507022855,5.507022918,5.507023095,5.507023374,5.507023,5.507023264
+"4703","ENKD1",5.788369405,5.788369438,5.788369572,5.788369529,5.788369713,5.788369433,5.788369516,5.788369554,5.788369571,5.788369479,5.788369484,5.788369542,5.788369503,5.788369315,5.788369582,5.788369557,5.788369595,5.788369602,5.788369476,5.788369569,5.788369616,5.788369616,5.788369431,5.788369454,5.788369639,5.788369641,5.788369439,5.788369518
+"4704","ENKUR",3.671363649,3.671363753,3.671363632,3.671363747,3.671363684,3.671363642,3.671363623,3.671363668,3.671363591,3.671363664,3.671363709,3.671363707,3.671363648,3.671363651,3.671363633,3.671363646,3.671363746,3.671363732,3.671363709,3.671363664,3.671363654,3.671363644,3.671363647,3.671363786,3.671363726,3.671363693,3.671363657,3.671363649
+"4705","ENO1",10.92862264,11.07377996,10.83314835,10.82113579,10.87432083,11.10778922,11.04077039,10.75656254,11.05466782,11.03557765,10.75234553,10.73830217,10.90464667,11.10360178,10.85219217,10.85566383,10.74925534,10.58185385,10.86926413,11.00717931,10.90039592,10.79532472,11.00611632,11.01886195,10.5122817,10.71146706,10.92248729,10.86217213
+"4706","ENO2",6.399667939,6.399667701,6.399667429,6.399667777,6.399667273,6.399667573,6.399667633,6.399667571,6.399668327,6.399668041,6.399667727,6.39966793,6.399668013,6.399668243,6.399667571,6.399667804,6.399666991,6.399667854,6.399667418,6.399667279,6.399667667,6.39966817,6.399668028,6.399667928,6.399667749,6.399667668,6.399668006,6.399668109
+"4707","ENO3",4.872762326,4.872762201,4.872762418,4.872762277,4.872762388,4.87276228,4.872762396,4.872762186,4.872762463,4.87276233,4.872762051,4.872762509,4.872762488,4.872762248,4.872762361,4.872762445,4.872762352,4.872762292,4.872762467,4.872762238,4.87276232,4.872762354,4.87276238,4.872762213,4.872762174,4.872762514,4.872762419,4.872762415
+"4708","ENO4",3.87723925,3.877239251,3.877239346,3.87723928,3.877239312,3.877239266,3.877239283,3.877239364,3.877239315,3.877239321,3.877239331,3.87723936,3.87723927,3.877239247,3.877239337,3.877239362,3.877239383,3.877239375,3.877239298,3.877239302,3.877239326,3.877239336,3.877239232,3.877239281,3.877239322,3.877239285,3.877239246,3.87723936
+"4709","ENOPH1",6.475257733,6.475257598,6.475257399,6.475257242,6.475257401,6.475257328,6.475257532,6.475257567,6.4752575,6.475257473,6.47525698,6.475257527,6.475257606,6.475257997,6.475257428,6.475257557,6.4752572,6.475257306,6.475257566,6.475257394,6.475257493,6.475257423,6.47525763,6.475257572,6.475257208,6.475257464,6.475257647,6.475257713
+"4710","ENOSF1",5.909285814,5.90928604,5.909285413,5.909285493,5.909285685,5.909285967,5.909285967,5.909285691,5.909287314,5.909286249,5.909285612,5.909285949,5.909286552,5.909286288,5.909285413,5.909286071,5.909284518,5.909285217,5.909286306,5.90928617,5.909285549,5.909285849,5.909286754,5.90928617,5.909285898,5.909285972,5.909286607,5.909285683
+"4711","ENOX1",3.734784807,3.734784542,3.734784976,3.734784897,3.734784978,3.734784878,3.73478496,3.734785025,3.734784872,3.734784832,3.734784866,3.734785191,3.734784704,3.73478495,3.734784922,3.734785003,3.734785201,3.734784831,3.73478498,3.734784755,3.734785027,3.734785004,3.734784794,3.734784663,3.734784741,3.734784778,3.734784858,3.734785124
+"4712","ENOX2",5.696956798,5.696956785,5.696956779,5.696956723,5.69695676,5.696956731,5.69695674,5.696956705,5.696956727,5.696956735,5.696956668,5.696956713,5.696956739,5.696956886,5.696956763,5.696956725,5.696956682,5.696956703,5.696956768,5.696956685,5.696956763,5.696956756,5.696956706,5.696956775,5.696956788,5.696956785,5.696956791,5.696956752
+"4713","ENPEP",4.004313732,4.004313746,4.00431376,4.004313735,4.004313749,4.004313745,4.004313734,4.004313749,4.004313729,4.004313787,4.004313788,4.004313748,4.004313734,4.004313697,4.004313771,4.004313719,4.004313764,4.004313757,4.004313771,4.004313729,4.004313768,4.004313727,4.004313749,4.004313741,4.00431373,4.004313735,4.004313715,4.004313737
+"4714","ENPP1",3.643359739,3.643359775,3.643359778,3.643359774,3.64335977,3.643359766,3.643359774,3.643359784,3.643359794,3.643359787,3.64335978,3.643359795,3.643359763,3.643359762,3.643359789,3.643359798,3.643359775,3.643359799,3.643359774,3.643359714,3.643359754,3.64335981,3.643359757,3.643359755,3.643359787,3.643359758,3.643359778,3.643359771
+"4715","ENPP2",4.366938428,4.36693857,4.366938437,4.366938511,4.366938428,4.366938385,4.366938378,4.366938315,4.366938557,4.366938412,4.366938405,4.366938547,4.366938381,4.366938449,4.366938362,4.366938588,4.366938367,4.366938535,4.366938517,4.366938468,4.366938336,4.366938515,4.366938272,4.366938387,4.366938549,4.36693859,4.366938358,4.366938527
+"4716","ENPP3",4.445439307,4.44543929,4.445439231,4.445439225,4.445439321,4.445439095,4.445439201,4.445439193,4.445439164,4.44543918,4.445439313,4.44543928,4.445439171,4.445439123,4.445439282,4.445439226,4.445439223,4.445439283,4.445439317,4.445439158,4.445439196,4.445439183,4.445439265,4.445439186,4.445439319,4.445439209,4.445439213,4.445439383
+"4717","ENPP4",4.72355046,4.723550427,4.723550433,4.723550368,4.723550413,4.723550367,4.723550418,4.72355044,4.723550409,4.723550407,4.723550401,4.723550377,4.723550436,4.723550471,4.723550432,4.723550415,4.723550394,4.72355036,4.723550428,4.723550383,4.723550422,4.723550398,4.723550474,4.723550426,4.723550397,4.723550402,4.723550377,4.723550442
+"4718","ENPP5",3.814686287,3.814686171,3.814686204,3.814686168,3.814686202,3.814686165,3.81468616,3.814686241,3.81468617,3.814686215,3.814686189,3.81468619,3.81468616,3.814686194,3.814686213,3.814686116,3.814686177,3.814686142,3.814686214,3.814686142,3.814686189,3.814686211,3.814686163,3.814686204,3.814686186,3.814686173,3.814686126,3.814686148
+"4719","ENPP6",4.241262341,4.24126235,4.241262364,4.24126234,4.241262395,4.24126234,4.241262345,4.241262369,4.241262347,4.241262356,4.241262369,4.241262377,4.241262354,4.241262316,4.241262376,4.241262351,4.241262384,4.241262368,4.24126236,4.241262348,4.241262387,4.241262375,4.241262359,4.241262345,4.24126235,4.241262374,4.241262339,4.241262339
+"4720","ENPP7",5.986481449,5.986481346,5.986481495,5.98648118,5.986481679,5.986481375,5.986481496,5.986481409,5.986481518,5.986481457,5.986481624,5.986481533,5.986481338,5.986481035,5.986481607,5.986481526,5.98648171,5.98648152,5.986481526,5.986481388,5.986481539,5.986481502,5.986481306,5.986481141,5.986481428,5.986481475,5.98648125,5.986481394
+"4721","ENSA",7.35722847966667,7.357228159,7.35722804666667,7.35722785933333,7.35722760166667,7.357228065,7.357227924,7.357227684,7.35722833533333,7.35722819366667,7.35722796333333,7.35722755033333,7.35722816633333,7.357228371,7.357227994,7.35722811133333,7.357227814,7.35722774266667,7.357228106,7.35722838733333,7.357227966,7.35722754333333,7.357228345,7.35722827633333,7.357228045,7.357227755,7.35722812433333,7.357228288
+"4722","ENTHD1",3.283485955,3.28348594,3.283486014,3.283485988,3.283486004,3.283485995,3.283485845,3.283485911,3.283485925,3.283485945,3.283486038,3.283485975,3.283485899,3.283485836,3.283486001,3.283485908,3.283485968,3.283485978,3.283485933,3.283485926,3.28348597,3.283485902,3.283485937,3.283485883,3.283485959,3.283485916,3.283485824,3.283485824
+"4723","ENTPD1",8.142296996,8.142298078,8.142296598,8.14229881,8.142295716,8.142297641,8.14229868,8.142296402,8.142295143,8.142297147,8.142297124,8.142295552,8.142298006,8.142296752,8.142296418,8.142297674,8.142296571,8.142297397,8.142297251,8.142297721,8.14229824,8.142296447,8.142297557,8.142299154,8.142297967,8.142295809,8.142298206,8.142295674
+"4724","ENTPD2",5.649487698,5.649487687,5.649487737,5.649487727,5.649487753,5.64948773,5.649487736,5.649487752,5.649487716,5.649487697,5.649487713,5.649487742,5.649487743,5.6494877,5.649487746,5.649487731,5.649487772,5.649487768,5.649487715,5.649487732,5.649487762,5.649487759,5.649487702,5.649487715,5.649487717,5.649487721,5.649487719,5.649487733
+"4725","ENTPD3",4.079378707,4.07937888,4.079378935,4.079378984,4.07937906,4.0793789,4.079379024,4.079379095,4.079378783,4.07937889,4.079378986,4.079379053,4.079378724,4.079378764,4.079379046,4.079378892,4.079379186,4.079378877,4.079378701,4.079379048,4.079378936,4.07937895,4.079378792,4.07937875,4.079378854,4.079378931,4.079378816,4.079378983
+"4726","ENTPD4",7.943438533,7.943438534,7.943438394,7.943438516,7.943438279,7.943438551,7.943438457,7.943438432,7.94343848,7.94343845,7.943438371,7.943438402,7.943438539,7.943438788,7.943438378,7.943438402,7.943438154,7.943438404,7.943438512,7.943438523,7.943438438,7.943438382,7.943438529,7.943438481,7.943438413,7.943438462,7.943438514,7.943438522
+"4727","ENTPD5",5.611566298,5.611566426,5.611566414,5.611566238,5.611566173,5.611566421,5.611566184,5.611566522,5.611566645,5.611566467,5.611566457,5.611566478,5.611566128,5.611566196,5.611566197,5.611566201,5.611566308,5.611566286,5.611566116,5.611566173,5.611566176,5.611566232,5.611566556,5.611566438,5.611566496,5.61156655,5.611566218,5.611566139
+"4728","ENTPD6",6.916829494,6.916829473,6.916829462,6.91682939,6.916829378,6.916829517,6.916829399,6.916829393,6.9168295,6.916829506,6.916829377,6.916829441,6.916829482,6.916829514,6.916829463,6.916829447,6.916829402,6.916829323,6.916829387,6.916829389,6.916829419,6.916829476,6.916829448,6.916829457,6.916829376,6.916829398,6.9168295,6.916829461
+"4729","ENTPD7",5.646025905,5.646025916,5.646025931,5.646025898,5.646025924,5.646025956,5.646025915,5.646025923,5.646025926,5.646025927,5.646025933,5.646025891,5.646025922,5.646025952,5.646025871,5.646025877,5.646025889,5.646025925,5.646025911,5.646025912,5.646025929,5.64602589,5.646025927,5.646025902,5.646025899,5.646025904,5.646025919,5.646025911
+"4730","ENTPD8",5.995589695,5.995589663,5.995589788,5.995589693,5.995589844,5.995589687,5.99558973,5.995589805,5.995589706,5.995589716,5.995589768,5.995589856,5.99558972,5.995589564,5.995589753,5.99558973,5.99558981,5.995589801,5.995589758,5.995589757,5.995589823,5.995589813,5.995589682,5.995589696,5.995589752,5.995589812,5.995589693,5.995589721
+"4731","ENTR1",5.882774562,5.882774594,5.882774495,5.882774561,5.882774545,5.882774573,5.882774423,5.882774545,5.88277447,5.882774572,5.882774465,5.882774524,5.882774555,5.882774577,5.882774539,5.882774512,5.882774517,5.882774505,5.882774548,5.882774564,5.88277449,5.882774552,5.882774552,5.88277454,5.882774516,5.882774526,5.882774534,5.882774474
+"4732","ENTREP1",4.543773633,4.543773598,4.543773759,4.543773674,4.543773533,4.543773807,4.543773656,4.543773811,4.543773446,4.543773652,4.543773584,4.54377383,4.543773541,4.54377335,4.543773413,4.543773588,4.543773636,4.543773797,4.543773744,4.543773377,4.543773611,4.543773674,4.543773527,4.543773489,4.543773742,4.543773794,4.543773816,4.543773651
+"4733","ENTREP2",5.002497828,5.002497802,5.002497943,5.002497918,5.002498058,5.002497905,5.002497978,5.002497982,5.002497853,5.002497948,5.002497821,5.00249793,5.002497782,5.002497759,5.002498039,5.002497919,5.002498091,5.002497982,5.002498024,5.002497948,5.002498075,5.002498018,5.002497793,5.002497754,5.002497875,5.002498021,5.002497807,5.002497874
+"4734","ENTREP3",6.356891068,6.356891036,6.356891095,6.35689108,6.356891173,6.356891094,6.356891107,6.356891116,6.356891073,6.356891078,6.356891113,6.356891178,6.356891052,6.356890955,6.356891101,6.356891099,6.356891066,6.356891126,6.356891093,6.356891079,6.356891094,6.356891116,6.356891062,6.356891001,6.3568911,6.356891118,6.35689107,6.356891035
+"4735","ENY2",5.149218279,5.149218366,5.149218253,5.149218199,5.149218025,5.149218286,5.149218175,5.14921794,5.149218255,5.149218082,5.149218188,5.149217899,5.149218221,5.149218731,5.149218188,5.149218423,5.149218084,5.149218242,5.149218165,5.149218243,5.14921819,5.149218086,5.149218123,5.149218311,5.14921821,5.149218033,5.14921824,5.149218279
+"4736","EOGT",5.029308482,5.029308452,5.029308454,5.029308433,5.029308427,5.029308431,5.029308466,5.029308401,5.029308452,5.029308399,5.029308377,5.029308407,5.029308454,5.029308474,5.029308456,5.029308393,5.029308423,5.02930842,5.029308392,5.029308417,5.029308459,5.029308445,5.029308493,5.029308453,5.029308381,5.029308446,5.029308438,5.029308463
+"4737","EOLA1",6.10247781,6.10247781,6.102477823,6.102477816,6.102477887,6.102477779,6.102477888,6.102477868,6.102477848,6.10247777,6.102477829,6.102477926,6.102477853,6.102477836,6.102477862,6.102477822,6.102477874,6.102477839,6.10247786,6.102477818,6.102477883,6.102477874,6.102477832,6.102477791,6.102477824,6.102477912,6.102477776,6.102477892
+"4738","EOLA1-DT",6.957510626,6.9575104675,6.9575106305,6.9575102055,6.957509873,6.957510582,6.9575101295,6.957510333,6.957510438,6.957510401,6.9575100525,6.9575101835,6.9575106335,6.9575104775,6.957510183,6.9575102595,6.957510013,6.9575102825,6.9575102505,6.957510636,6.9575104685,6.9575103705,6.957510227,6.957510414,6.957510339,6.957510033,6.9575103595,6.9575101835
+"4739","EOLA2",5.8080609765,5.808061004,5.808061054,5.8080608745,5.808060853,5.8080610615,5.808061059,5.8080608755,5.8080610655,5.8080610785,5.808060989,5.808061072,5.8080609675,5.8080610495,5.808061,5.808061005,5.8080609015,5.808061022,5.8080610125,5.8080610865,5.8080609415,5.8080609715,5.8080610175,5.808060937,5.808061061,5.8080609765,5.808061095,5.8080609255
+"4740","EOMES",7.226181294,7.226179801,7.226179548,7.226179455,7.226179207,7.226179921,7.226181235,7.22618064,7.226179993,7.226180081,7.226180146,7.226179462,7.22618065,7.226179852,7.226181369,7.226179591,7.226179562,7.226179439,7.22617918,7.226179919,7.226181352,7.226180938,7.226180733,7.226180324,7.226180132,7.226180098,7.226180495,7.226180137
+"4741","EP300",8.075718241,8.075718448,8.075718147,8.075718936,8.075718239,8.075718699,8.075718539,8.075718027,8.075718224,8.075718213,8.075718646,8.075717973,8.075718364,8.075718236,8.075718216,8.075718117,8.0757177,8.075718761,8.075718552,8.075718764,8.075718616,8.07571798,8.075718292,8.075718403,8.075718764,8.075718432,8.075718449,8.075717821
+"4742","EP400",6.822243587,6.822243579,6.822243555,6.822243572,6.822243574,6.822243627,6.822243592,6.822243591,6.822243609,6.822243589,6.822243553,6.822243582,6.822243591,6.822243607,6.822243584,6.822243564,6.822243536,6.82224355,6.822243567,6.82224357,6.82224358,6.822243569,6.822243574,6.822243565,6.822243582,6.822243601,6.822243595,6.822243577
+"4743","EP400P1",5.517731204,5.517731071,5.517731243,5.517731206,5.517731273,5.517731332,5.517731172,5.517731106,5.517731383,5.517731228,5.517731102,5.517731378,5.517731355,5.517731236,5.517731324,5.51773113,5.517731211,5.517731276,5.517731275,5.517731422,5.517731179,5.517731325,5.517731256,5.517731336,5.517731219,5.517731239,5.517731311,5.517731142
+"4744","EPAS1",5.540854641,5.540855098,5.540854667,5.540854982,5.540855168,5.540854951,5.540854703,5.540854776,5.540854805,5.540854865,5.540855197,5.540854865,5.540854766,5.540854753,5.540854939,5.540854953,5.540854838,5.540854913,5.540855027,5.540854935,5.540854848,5.540854703,5.540854754,5.540854752,5.54085504,5.540854961,5.540854818,5.540855104
+"4745","EPB41",9.292325874,9.228335198,9.675115499,9.297739095,9.405465879,9.708807117,9.397881169,9.553797664,9.497022352,9.584090349,9.522689293,9.818787529,9.150663809,9.14416319,9.356563374,8.830020364,9.48503081,9.389061932,9.143294884,9.528676315,9.389403679,9.344199354,9.477696555,9.493350344,9.531081935,9.949569137,9.309407428,9.267267762
+"4746","EPB41L1",4.619915915,4.619915899,4.619915995,4.61991597,4.619916094,4.619915949,4.619915956,4.619916024,4.619916027,4.61991607,4.619915913,4.619916224,4.619915963,4.619915791,4.619916114,4.619915945,4.61991612,4.61991608,4.619916008,4.619916034,4.619916109,4.619916119,4.619915983,4.619915905,4.61991599,4.61991615,4.619915917,4.619916108
+"4747","EPB41L2",4.910005578,4.910005565,4.910004991,4.910004704,4.910005526,4.910005445,4.91000486,4.910004935,4.910005159,4.910005413,4.910004944,4.91000506,4.910005139,4.910005679,4.91000541,4.910005232,4.910004875,4.910004925,4.910005318,4.910005554,4.910005,4.910005216,4.910005276,4.910005275,4.910005084,4.910005352,4.910005394,4.910005542
+"4748","EPB41L3",6.185342783,6.185342652,6.185342729,6.185342433,6.18534253,6.18534315,6.185342332,6.185342476,6.185342311,6.185342452,6.185342858,6.185342511,6.185342841,6.18534271,6.185342521,6.185342565,6.185342765,6.185342603,6.185342375,6.185343137,6.185342201,6.185342531,6.185342287,6.185342706,6.185342671,6.185342553,6.185342839,6.185342445
+"4749","EPB41L4A",3.938529962,3.938529444,3.938529768,3.938529293,3.9385296,3.938529544,3.938529429,3.938529722,3.938529254,3.938529559,3.938529677,3.938529486,3.938529414,3.938529487,3.938529815,3.938529523,3.938529622,3.938529365,3.938529401,3.938529539,3.938529412,3.938529672,3.938529529,3.938529623,3.938529517,3.938529556,3.938529506,3.938529558
+"4750","EPB41L4A-AS1",6.295361224,6.29536097,6.295360932,6.295360235,6.295360117,6.295360627,6.295360935,6.295360814,6.295361535,6.295361119,6.295360464,6.295361061,6.295361109,6.2953618,6.295360995,6.295360931,6.295360619,6.295360395,6.295360598,6.295360712,6.29536087,6.295360849,6.295361473,6.295361143,6.295360495,6.29536123,6.295360968,6.295361519
+"4751","EPB41L4A-DT",6.087621895,6.087621931,6.087621989,6.087621968,6.087622293,6.087621895,6.087622046,6.087622219,6.087622002,6.087622026,6.087622137,6.087622245,6.087621962,6.087621687,6.087622136,6.087622077,6.087622212,6.087622039,6.087622153,6.087622021,6.08762214,6.087622156,6.087621881,6.087621709,6.087622031,6.087622127,6.087621898,6.087621975
+"4752","EPB41L4B",4.104085052,4.104085067,4.104085059,4.104085073,4.104085087,4.104085052,4.104085064,4.104085095,4.104085052,4.104085076,4.104085074,4.104085067,4.104085065,4.104085062,4.104085078,4.104085087,4.104085086,4.104085062,4.104085072,4.104085082,4.104085083,4.104085072,4.104085047,4.104085071,4.10408508,4.104085065,4.104085057,4.104085055
+"4753","EPB41L5",5.010470023,5.010470001,5.010469979,5.010469946,5.010469794,5.010469824,5.010469866,5.010469865,5.01046998,5.010470067,5.010469759,5.010469619,5.010470028,5.010470399,5.010470054,5.010470229,5.010469654,5.010470012,5.010470115,5.010470037,5.010469776,5.010469914,5.010470039,5.010470022,5.010470177,5.010470071,5.010469883,5.010470117
+"4754","EPB42",7.549758129,7.419709025,8.478865624,7.651915332,7.709513426,8.180587902,8.198394712,8.440185141,8.143755568,8.216502367,7.750995911,8.614749105,6.702860342,6.877902368,7.633842154,6.931456151,8.284139154,7.599073205,7.421575993,7.880540049,8.009931972,8.157353585,8.151552787,8.163498159,7.777002059,8.639983503,6.920089938,7.277647108
+"4755","EPC1",6.879763938,6.879763957,6.879763754,6.879763841,6.879763729,6.879763539,6.879763822,6.879763768,6.87976375,6.87976376,6.87976369,6.879763647,6.879763839,6.879764279,6.879763788,6.879763756,6.879763669,6.879763683,6.879763659,6.879763842,6.87976378,6.879763694,6.879763841,6.879763927,6.87976372,6.879763784,6.879763917,6.879764121
+"4756","EPC2",6.439611551,6.439611343,6.439610802,6.439611275,6.439610626,6.439610606,6.439610602,6.439610594,6.439611021,6.439611009,6.439610583,6.439610192,6.439611313,6.439612415,6.439610933,6.439610442,6.439610651,6.43961023,6.439611192,6.439610924,6.439611116,6.439610653,6.439611534,6.439611092,6.439610699,6.439611277,6.439611091,6.439611727
+"4757","EPCAM",2.7411503495,2.741150423,2.7411504865,2.741150233,2.7411503055,2.7411505035,2.7411502975,2.7411504125,2.7411503025,2.7411503615,2.741150527,2.741150541,2.7411502965,2.741150172,2.74115054,2.741150558,2.7411504445,2.7411504695,2.7411502985,2.7411503525,2.7411503625,2.741150351,2.74115022,2.7411503625,2.7411504255,2.7411503675,2.741150265,2.741150314
+"4758","EPDR1",4.973176842,4.973176725,4.973176765,4.973176851,4.973177078,4.973176972,4.973176924,4.973176974,4.973176828,4.973176921,4.973177022,4.973177045,4.973176769,4.973176719,4.973176938,4.973176896,4.973177086,4.973176927,4.973177024,4.973176872,4.973176963,4.973176999,4.973176861,4.973176748,4.973176768,4.973176891,4.973176821,4.973176902
+"4759","EPG5",7.381336352,7.381336068,7.381335503,7.381335842,7.381335624,7.381337473,7.381336089,7.381336114,7.381336129,7.381335906,7.381335582,7.381335788,7.381336152,7.381336331,7.381335987,7.381335929,7.381335277,7.381335393,7.381336179,7.381337566,7.381336001,7.381335954,7.381336251,7.381336079,7.381335774,7.381336225,7.38133609,7.381335742
+"4760","EPGN",2.638267581,2.638267622,2.638267599,2.638267604,2.638267607,2.638267595,2.63826758,2.638267594,2.638267596,2.638267613,2.638267604,2.638267625,2.638267594,2.638267593,2.638267601,2.638267592,2.638267612,2.638267608,2.638267616,2.6382676,2.638267586,2.638267601,2.638267604,2.638267597,2.638267608,2.638267591,2.638267589,2.638267598
+"4761","EPHA1",6.194401815,6.194401809,6.194401846,6.194401822,6.194401899,6.194401875,6.194401815,6.194401853,6.194401892,6.194401883,6.194401848,6.194401929,6.194401843,6.194401822,6.194401843,6.194401806,6.194401843,6.194401857,6.19440186,6.19440181,6.194401835,6.194401864,6.194401859,6.194401825,6.19440181,6.194401882,6.194401851,6.194401803
+"4762","EPHA10",5.0566397925,5.0566397725,5.0566400225,5.0566398255,5.0566402685,5.056639774,5.056639992,5.056640206,5.056639858,5.056639914,5.056640004,5.056640178,5.0566398705,5.056639676,5.0566401705,5.05663994,5.0566403075,5.0566400645,5.056639962,5.056639993,5.0566401795,5.056640274,5.0566397865,5.0566398565,5.0566399575,5.0566400605,5.0566398055,5.0566400085
+"4763","EPHA2",5.065730983,5.065730993,5.065731166,5.065731008,5.065731199,5.065730923,5.065731064,5.065731062,5.065731097,5.065730945,5.065731082,5.065731152,5.065731024,5.065730848,5.065731128,5.065731161,5.065731163,5.065731184,5.065730972,5.065731054,5.065731165,5.065731142,5.065731003,5.06573098,5.065731045,5.065731183,5.065730922,5.06573101
+"4764","EPHA3",3.841344348,3.841344394,3.841344444,3.841344453,3.841344407,3.841344366,3.841344452,3.8413445,3.841344407,3.841344384,3.841344372,3.84134439,3.841344403,3.841344298,3.841344433,3.841344458,3.841344523,3.841344417,3.841344421,3.841344342,3.841344443,3.841344477,3.841344336,3.841344284,3.841344431,3.841344357,3.841344379,3.841344398
+"4765","EPHA4",6.08760865,6.087608801,6.087607818,6.087607921,6.087608457,6.087607844,6.087608597,6.087607902,6.087608436,6.087608188,6.087607827,6.087608099,6.087608705,6.087608503,6.087608502,6.087608574,6.087607371,6.087608185,6.087608648,6.087608101,6.087608431,6.087608083,6.087608542,6.08760855,6.087607998,6.087608521,6.087608691,6.087608242
+"4766","EPHA5",3.367299033,3.367299042,3.367299035,3.367299032,3.367299028,3.36729902,3.367299037,3.367299021,3.367299018,3.367299017,3.367299025,3.367299035,3.367299022,3.367299012,3.367299022,3.367299039,3.367299024,3.367299034,3.367299019,3.367299023,3.367299026,3.367299023,3.367299022,3.367299034,3.367299038,3.367299024,3.367299017,3.367299037
+"4767","EPHA6",3.247570193,3.247570191,3.247570227,3.24757021,3.247570224,3.247570219,3.247570219,3.247570226,3.24757021,3.247570216,3.247570206,3.247570225,3.247570205,3.247570204,3.247570223,3.247570221,3.247570225,3.247570221,3.247570215,3.247570218,3.247570214,3.247570221,3.247570209,3.247570203,3.247570208,3.247570219,3.247570208,3.247570217
+"4768","EPHA7",3.611289016,3.611289025,3.611289022,3.611289051,3.611289092,3.611289042,3.611289029,3.611289041,3.61128905,3.611289069,3.611289008,3.611289059,3.611289077,3.611289006,3.611289072,3.611289034,3.611289047,3.611289086,3.61128904,3.611289036,3.611289055,3.61128905,3.611289016,3.611289029,3.61128907,3.611289052,3.611289054,3.611289032
+"4769","EPHA8",4.992761456,4.992761578,4.992761607,4.992761514,4.99276173,4.992761514,4.99276149,4.992761654,4.992761578,4.992761561,4.992761575,4.992761562,4.992761556,4.992761405,4.992761593,4.992761618,4.99276166,4.992761715,4.992761653,4.992761627,4.992761653,4.992761631,4.992761526,4.992761496,4.992761625,4.992761554,4.992761448,4.992761565
+"4770","EPHB1",6.372561351,6.372562271,6.372560858,6.372562713,6.372560681,6.372561775,6.372561942,6.372561335,6.372560332,6.372560778,6.372561387,6.372560303,6.372560603,6.372560728,6.372561617,6.372562154,6.372560957,6.372562231,6.372561174,6.372561965,6.372561647,6.372561181,6.372560996,6.37256155,6.37256181,6.372560663,6.372560576,6.372560734
+"4771","EPHB2",5.600476595,5.600476598,5.600476606,5.600476577,5.600476655,5.600476588,5.600476623,5.600476616,5.600476593,5.600476612,5.60047664,5.600476618,5.600476606,5.600476563,5.600476626,5.600476612,5.600476645,5.600476642,5.600476597,5.600476624,5.600476642,5.600476638,5.600476556,5.600476565,5.600476595,5.600476636,5.600476545,5.600476609
+"4772","EPHB3",5.08265233,5.082652158,5.082652389,5.082652319,5.082652523,5.082652282,5.082652388,5.082652514,5.082652369,5.082652395,5.082652451,5.08265244,5.082652299,5.082652284,5.082652405,5.082652468,5.082652515,5.08265244,5.08265234,5.082652333,5.082652469,5.082652477,5.082652374,5.082652278,5.082652309,5.08265244,5.082652275,5.082652396
+"4773","EPHB4",6.358462252,6.358462274,6.358462274,6.358462263,6.358462196,6.358462242,6.358462244,6.35846222,6.358462228,6.358462169,6.358462221,6.358462249,6.358462252,6.358462177,6.358462274,6.358462333,6.358462297,6.358462277,6.358462289,6.358462277,6.358462238,6.358462218,6.35846223,6.358462256,6.358462289,6.358462298,6.358462262,6.358462221
+"4774","EPHB6",6.124936035,6.124936057,6.124936066,6.124936044,6.124936085,6.124936035,6.124936061,6.124936024,6.124936062,6.124936039,6.124936054,6.124936066,6.124936049,6.124936038,6.124936066,6.124936047,6.124936058,6.124936053,6.124936066,6.124936024,6.12493606,6.124936066,6.124936043,6.124936013,6.124936038,6.124936047,6.124936042,6.124936044
+"4775","EPHX1",4.854416747,4.854416791,4.854416854,4.854416761,4.854416894,4.854416809,4.854416884,4.854416912,4.854416825,4.854416902,4.854416837,4.854416839,4.854416875,4.854416848,4.85441685,4.854416818,4.854416962,4.85441692,4.854416791,4.854416846,4.854416885,4.854416902,4.854416869,4.854416865,4.854416879,4.854416809,4.854416786,4.85441696
+"4776","EPHX2",5.765012995,5.765013016,5.765013026,5.765012998,5.765012688,5.765013322,5.765012744,5.765013088,5.765013815,5.765013634,5.765012863,5.765013271,5.765013568,5.765013861,5.76501286,5.765012542,5.765012422,5.765012802,5.765013219,5.765012893,5.765012653,5.765013232,5.76501358,5.765013161,5.765012868,5.765013366,5.765013602,5.76501363
+"4777","EPHX3",4.839962982,4.839963163,4.839963087,4.839963197,4.83996351,4.839963231,4.83996327,4.83996329,4.83996311,4.839963167,4.839963302,4.839963435,4.839963206,4.839962852,4.839963228,4.839963331,4.839963352,4.839963327,4.839963342,4.839963085,4.839963343,4.839963315,4.839963152,4.839963135,4.839963135,4.839963421,4.839963267,4.839963216
+"4778","EPHX4",4.164767181,4.164767191,4.164767187,4.164767178,4.164767217,4.164767178,4.164767184,4.164767209,4.16476718,4.164767183,4.164767213,4.164767217,4.164767169,4.164767171,4.164767188,4.164767183,4.164767198,4.164767188,4.164767199,4.164767194,4.164767193,4.164767205,4.164767193,4.164767188,4.16476719,4.164767206,4.164767198,4.164767175
+"4779","EPM2A",4.544719984,4.544719885,4.544719836,4.544719746,4.544719808,4.544719873,4.544719823,4.544719839,4.54471986,4.544719842,4.544719725,4.544719896,4.544719926,4.544719959,4.544719903,4.544719803,4.544719821,4.544719746,4.544719797,4.544719932,4.544719836,4.544719831,4.544719892,4.544719871,4.544719723,4.544719904,4.544719928,4.544719955
+"4780","EPM2AIP1",6.195314932,6.195314799,6.195314778,6.195314374,6.195314528,6.195314513,6.195314929,6.195314641,6.195314796,6.195314685,6.195314576,6.195314544,6.195314874,6.195315415,6.195314586,6.195314534,6.19531473,6.195314313,6.19531479,6.195314467,6.195314951,6.195314738,6.195314858,6.195314901,6.195314443,6.195314753,6.195314816,6.195315065
+"4781","EPN1",7.026968464,7.026968503,7.026968499,7.026968504,7.026968522,7.026968508,7.026968481,7.026968535,7.026968504,7.0269685,7.026968502,7.026968536,7.026968485,7.026968431,7.026968492,7.026968542,7.026968523,7.026968516,7.026968494,7.02696852,7.02696849,7.02696851,7.026968491,7.026968495,7.026968505,7.026968493,7.026968492,7.026968463
+"4782","EPN2",5.878672722,5.878673014,5.878672909,5.878673086,5.878673183,5.878672768,5.878672672,5.878672901,5.878672897,5.878672802,5.878673423,5.878672684,5.878673095,5.878672841,5.878672719,5.878673133,5.878673046,5.878672926,5.878673331,5.878672609,5.878672904,5.878672824,5.878672746,5.878672817,5.87867328,5.878673021,5.878672889,5.878673083
+"4783","EPN3",5.97378425,5.973784309,5.973784279,5.973784314,5.973784503,5.973784361,5.973784409,5.973784463,5.973784335,5.973784388,5.973784402,5.973784484,5.973784296,5.973784187,5.973784459,5.973784356,5.973784465,5.973784408,5.973784376,5.973784379,5.973784425,5.973784389,5.973784327,5.973784276,5.973784357,5.973784394,5.973784322,5.973784317
+"4784","EPO",5.697711238,5.697711266,5.697711401,5.697711234,5.697711457,5.697711253,5.69771138,5.697711462,5.697711299,5.697711333,5.697711402,5.697711424,5.697711294,5.697711122,5.697711348,5.697711373,5.697711424,5.697711435,5.697711382,5.697711352,5.697711454,5.697711452,5.697711284,5.697711273,5.697711327,5.697711386,5.697711218,5.697711346
+"4785","EPOP",5.193259654,5.193259722,5.193259747,5.193259698,5.193259786,5.193259732,5.193259737,5.193259722,5.193259678,5.193259742,5.193259751,5.19325977,5.193259723,5.193259677,5.193259745,5.193259734,5.193259739,5.193259765,5.193259706,5.193259723,5.193259706,5.193259753,5.19325973,5.19325971,5.193259684,5.193259723,5.193259674,5.193259663
+"4786","EPOR",5.999883421,5.999883462,5.999883588,5.999883656,5.999883601,5.999883585,5.999883595,5.999883634,5.999883541,5.999883527,5.999883617,5.999883543,5.999883512,5.999883443,5.999883515,5.999883557,5.999883553,5.999883665,5.999883499,5.999883517,5.999883511,5.999883564,5.999883626,5.999883592,5.999883655,5.999883504,5.99988345,5.999883437
+"4787","EPPK1",6.489851576,6.489851665,6.489851538,6.489851707,6.489851906,6.489851735,6.489851474,6.489851441,6.489852097,6.489852192,6.489851492,6.489851898,6.48985186,6.489851722,6.489851397,6.489851799,6.489851456,6.489851714,6.489851775,6.48985179,6.489851548,6.489851303,6.489851981,6.489851802,6.489851247,6.489851792,6.489851816,6.489851669
+"4788","EPRS1",6.952408126,6.952407852,6.952406581,6.952406376,6.952406952,6.952406548,6.952408037,6.952406863,6.952408173,6.952407348,6.952405806,6.952405643,6.952407493,6.95241035,6.95240791,6.952406966,6.952406694,6.952405605,6.952407574,6.952406396,6.952407719,6.952407177,6.952408034,6.952407665,6.952406151,6.952406838,6.952407675,6.952409217
+"4789","EPS15",8.43067284,8.430672462,8.430671969,8.430672032,8.430672147,8.430672426,8.430672406,8.430671849,8.43067208,8.43067211,8.430672055,8.430671852,8.430672358,8.430672778,8.430672462,8.430672089,8.430671562,8.430671822,8.430672276,8.430672494,8.430672543,8.43067187,8.430672083,8.430672369,8.430672248,8.43067203,8.430672371,8.430672376
+"4790","EPS15L1",8.14842635,8.148426563,8.148426041,8.148427154,8.148425321,8.148426091,8.148426252,8.148425665,8.148425602,8.148425574,8.148426275,8.148425446,8.148426128,8.148425589,8.148425923,8.148426569,8.148425605,8.148426636,8.148426238,8.148425905,8.148426084,8.148425376,8.148425945,8.148426157,8.148426381,8.148425734,8.148426019,8.148425088
+"4791","EPS8",4.409057428,4.409057425,4.409057429,4.409057407,4.409057434,4.409057385,4.409057406,4.409057428,4.409057421,4.409057419,4.409057424,4.409057423,4.409057436,4.409057409,4.409057425,4.409057428,4.409057421,4.409057431,4.409057414,4.40905742,4.409057404,4.409057421,4.409057419,4.409057397,4.409057411,4.409057401,4.409057416,4.409057418
+"4792","EPS8L1",4.90989722,4.909897239,4.909897342,4.909897212,4.909897502,4.909897315,4.909897403,4.909897332,4.909897348,4.909897322,4.909897418,4.909897475,4.909897393,4.909897187,4.909897381,4.90989737,4.90989744,4.909897384,4.90989727,4.909897492,4.909897461,4.909897454,4.909897309,4.909897242,4.909897338,4.909897503,4.909897353,4.909897342
+"4793","EPS8L2",5.572021065,5.572021003,5.572021069,5.572021069,5.572021176,5.572020996,5.572021102,5.572021144,5.57202103,5.572021048,5.572021016,5.572021074,5.572021071,5.572020998,5.572021049,5.572021065,5.572021112,5.572021077,5.572021048,5.572021036,5.572021106,5.572021095,5.572021037,5.57202101,5.572021115,5.572021125,5.572021051,5.572021031
+"4794","EPS8L3",5.214769469,5.214769522,5.214769629,5.214769613,5.214769683,5.214769581,5.214769719,5.214769694,5.214769603,5.21476949,5.214769639,5.214769736,5.214769562,5.214769386,5.214769713,5.214769644,5.214769757,5.214769712,5.214769597,5.214769597,5.214769703,5.21476978,5.214769536,5.214769479,5.214769612,5.214769628,5.214769577,5.214769622
+"4795","EPSTI1",5.982531848,5.980812548,5.983692572,5.979786426,5.986560812,6.005069897,5.982284205,5.979728723,5.982489911,5.981273302,5.978569615,5.975641691,5.982669134,5.983059712,5.97871341,5.980732689,5.980219347,5.976741769,5.990048271,6.006634731,5.982127997,5.978874744,5.984384192,5.984563482,5.981091548,5.977969315,5.983030057,5.979663594
+"4796","EPX",4.951232223,4.951232242,4.951232286,4.951232226,4.951232265,4.951232227,4.951232253,4.951232218,4.951232241,4.95123225,4.9512323,4.951232372,4.951232186,4.951232209,4.951232319,4.951232233,4.95123236,4.9512323,4.951232292,4.951232282,4.951232283,4.951232263,4.951232213,4.951232184,4.951232319,4.951232285,4.951232203,4.951232282
+"4797","EPYC",3.75100764,3.751007626,3.751007627,3.751007715,3.751007628,3.751007663,3.751007595,3.751007672,3.751007643,3.751007589,3.751007721,3.751007669,3.751007668,3.751007551,3.751007661,3.751007649,3.75100765,3.751007603,3.751007635,3.751007595,3.751007608,3.751007673,3.751007582,3.751007636,3.751007648,3.751007601,3.751007583,3.751007659
+"4798","EQTN",3.070799962,3.070800046,3.07079997,3.070800011,3.070800013,3.070800019,3.070800007,3.070799974,3.070800017,3.070800015,3.070799982,3.070800067,3.070799955,3.070799959,3.070799998,3.070799987,3.07080002,3.070800004,3.070800024,3.07079997,3.070799977,3.070799986,3.070799999,3.070799993,3.070799944,3.070799999,3.070799973,3.070799967
+"4799","ERAL1",6.38106199,6.381061862,6.381061862,6.381061797,6.38106184,6.381061948,6.381061965,6.38106184,6.381061913,6.381062016,6.381061833,6.381061841,6.381061941,6.381061964,6.381061854,6.381061843,6.381061804,6.38106183,6.381061757,6.38106203,6.381061886,6.381061904,6.381062009,6.381061908,6.381061732,6.381061884,6.381061917,6.381061855
+"4800","ERAP1",8.167801801,8.167800563,8.167800695,8.1678004,8.167800136,8.167801807,8.167800667,8.167800496,8.167801215,8.167801538,8.167799786,8.167800313,8.16780179,8.167801745,8.16780124,8.167800204,8.167800254,8.167799805,8.167800518,8.167801422,8.167800778,8.167800662,8.167801137,8.167801284,8.167799855,8.167800671,8.167801609,8.167800873
+"4801","ERAP2",7.259838614,6.70124068,6.592722355,6.442727964,7.692889286,8.541106935,7.828192297,7.742088641,8.077643834,6.50281035,7.305715707,7.592853395,6.793385422,8.327245622,6.690360749,6.235466838,6.048490532,6.051611399,7.778746758,8.495562873,7.771844461,7.86807483,7.978073357,6.494401631,7.39407037,7.806827428,6.908551947,7.965038179
+"4802","ERAS",5.568342152,5.568341995,5.568342264,5.568342122,5.568342405,5.568342103,5.568342192,5.568342249,5.568342092,5.568342153,5.568342236,5.56834231,5.568342185,5.568341912,5.568342258,5.568342086,5.568342322,5.56834227,5.568342215,5.568342185,5.568342264,5.568342339,5.568342113,5.568342137,5.568342184,5.568342165,5.568342179,5.568342105
+"4803","ERBB2",5.428310338,5.428310407,5.428310411,5.428310203,5.428310475,5.428310425,5.428310228,5.42831048,5.428310465,5.428310414,5.428310436,5.428310464,5.428310349,5.428310303,5.428310416,5.428310397,5.428310488,5.428310408,5.428310308,5.428310296,5.428310336,5.428310342,5.42831042,5.428310309,5.428310377,5.428310438,5.428310362,5.428310284
+"4804","ERBB3",4.601685934,4.601685941,4.601685955,4.601685935,4.601685952,4.601685931,4.601685941,4.601685953,4.601685939,4.601685938,4.601685958,4.601685966,4.601685935,4.601685929,4.601685953,4.601685958,4.601685976,4.601685953,4.601685963,4.601685943,4.601685964,4.60168596,4.601685938,4.601685948,4.601685963,4.601685949,4.601685948,4.60168594
+"4805","ERBB4",4.221611027,4.22161102,4.22161105,4.221611064,4.221611092,4.221611069,4.221611048,4.221611078,4.221611071,4.221611048,4.221611042,4.221611055,4.221611045,4.221611054,4.221611067,4.221611074,4.221611102,4.221611082,4.221611073,4.221611073,4.221611079,4.221611079,4.221611057,4.221611042,4.221611071,4.221611068,4.221611047,4.22161104
+"4806","ERBIN",8.354237933,8.354237568,8.354237077,8.354237178,8.354236457,8.354236159,8.354236917,8.354236485,8.35423654,8.354237002,8.354236925,8.35423517,8.354237269,8.354238896,8.354237251,8.35423716,8.354236539,8.354237264,8.354237085,8.35423612,8.354237649,8.354236579,8.354237305,8.354237306,8.354237027,8.354236674,8.354237149,8.354237944
+"4807","ERC1",6.506822081,6.506822293,6.506821408,6.506821596,6.506821308,6.506821799,6.506821699,6.506821474,6.506822142,6.506822187,6.506821158,6.506821751,6.506822206,6.506822666,6.506821805,6.506822003,6.506821405,6.506821264,6.506821723,6.506821989,6.506821694,6.506821339,6.506822031,6.506821989,6.506821702,6.506821999,6.506822164,6.506822188
+"4808","ERC2",4.15276736,4.152767428,4.152767441,4.152767301,4.152767626,4.152767328,4.152767515,4.152767525,4.152767391,4.152767392,4.152767488,4.152767677,4.152767338,4.152767303,4.152767561,4.152767395,4.152767533,4.152767543,4.152767395,4.152767468,4.15276749,4.152767481,4.152767281,4.152767362,4.152767502,4.152767448,4.152767416,4.15276751
+"4809","ERC2-IT1",3.611775437,3.611775566,3.611775636,3.611775911,3.611775865,3.611775779,3.61177568,3.611775755,3.611775676,3.611775452,3.611775662,3.611775963,3.611776022,3.611775668,3.611775778,3.611775661,3.611775856,3.611776063,3.611775564,3.611775644,3.611775959,3.611775787,3.611775481,3.611775585,3.611775748,3.611776,3.611775412,3.611775682
+"4810","ERCC1",6.599743031,6.599743035,6.599743043,6.59974303,6.599743029,6.599743041,6.599743027,6.599743037,6.59974304,6.599743052,6.599743041,6.59974303,6.59974305,6.599743031,6.599743023,6.599743015,6.599743031,6.599743026,6.599743034,6.599743027,6.599743014,6.599743031,6.599743038,6.599743029,6.599743029,6.599743022,6.599743043,6.59974301
+"4811","ERCC2",5.949227572,5.949227617,5.949227589,5.949227593,5.949227605,5.949227624,5.949227612,5.94922761,5.949227638,5.94922762,5.949227567,5.949227612,5.949227604,5.949227583,5.949227582,5.949227584,5.949227592,5.949227595,5.949227603,5.949227611,5.949227573,5.949227598,5.949227634,5.949227617,5.949227599,5.949227608,5.949227609,5.949227605
+"4812","ERCC3",5.767834313,5.767833994,5.767833916,5.767833853,5.767833699,5.7678341105,5.767834135,5.767833827,5.767834166,5.76783414,5.7678339045,5.7678338345,5.7678341475,5.7678341535,5.767833936,5.7678336335,5.767833664,5.7678335535,5.767833994,5.7678337145,5.76783399,5.7678339355,5.767834152,5.767834203,5.7678339095,5.767834142,5.7678341545,5.767834016
+"4813","ERCC4",5.432565466,5.432565471,5.432565441,5.432565414,5.432565426,5.43256544,5.432565427,5.432565435,5.432565467,5.432565466,5.432565432,5.432565421,5.432565476,5.432565509,5.432565441,5.432565448,5.432565451,5.432565442,5.432565455,5.43256545,5.432565435,5.432565422,5.432565475,5.432565447,5.432565428,5.43256546,5.432565463,5.432565461
+"4814","ERCC6L",3.575170476,3.575170468,3.575170471,3.57517046,3.575170458,3.575170495,3.575170489,3.575170457,3.575170479,3.575170452,3.575170472,3.575170475,3.575170479,3.575170493,3.575170435,3.57517045,3.575170463,3.575170499,3.57517045,3.575170467,3.575170487,3.575170468,3.575170461,3.575170459,3.575170441,3.575170469,3.575170477,3.575170465
+"4815","ERCC6L2",6.231729215,6.23172887733333,6.23172860466667,6.23172873633333,6.23172825866667,6.23172822966667,6.23172851466667,6.231728346,6.23172924033333,6.23172881233333,6.231728141,6.23172849133333,6.231728791,6.23172987366667,6.231728731,6.23172855633333,6.23172821533333,6.231728354,6.23172872833333,6.23172829533333,6.23172855033333,6.231728646,6.231729148,6.23172869366667,6.23172832633333,6.23172878933333,6.23172852566667,6.231729376
+"4816","ERCC6L2-AS1",5.958948662,5.958948649,5.958948519,5.95894812,5.958948319,5.95894866,5.958948718,5.958948632,5.958948808,5.95894884,5.958948407,5.958948713,5.958948848,5.958949029,5.958948437,5.958948531,5.958948534,5.958948193,5.95894856,5.95894835,5.958948678,5.958948613,5.958948846,5.958948655,5.958948461,5.958948772,5.958948917,5.958949077
+"4817","ERCC8",3.878480052,3.878480033,3.878480052,3.878480026,3.878480032,3.878480027,3.878480026,3.878479988,3.87848004,3.87848003,3.878480007,3.878480034,3.878480047,3.878480056,3.878480043,3.878480016,3.878480022,3.87848003,3.878480039,3.878480018,3.87848001,3.878480013,3.878480033,3.878480047,3.878480022,3.878480036,3.878480046,3.878480052
+"4818","EREG",5.094570005,5.094569992,5.094570058,5.094570082,5.094570302,5.09457014,5.094570158,5.094570137,5.094570079,5.094570155,5.094570082,5.094570354,5.094570077,5.094569859,5.094570188,5.094570056,5.094570322,5.094570117,5.094570151,5.09457016,5.094570232,5.094570215,5.094569951,5.094569831,5.094569991,5.094570182,5.094570039,5.09457014
+"4819","ERF",6.630186361,6.630186446,6.63018642,6.63018646,6.63018638,6.630186327,6.630186331,6.630186461,6.630186388,6.630186357,6.630186459,6.630186502,6.6301864,6.630186313,6.63018635,6.630186447,6.630186445,6.630186484,6.630186424,6.630186341,6.630186349,6.630186428,6.630186348,6.630186442,6.630186469,6.630186377,6.630186408,6.630186393
+"4820","ERFE",6.132043876,6.13204391,6.132043909,6.132043901,6.132043929,6.132043907,6.132043869,6.132043916,6.132043921,6.132043885,6.132043905,6.132043931,6.1320439,6.132043879,6.132043907,6.132043903,6.132043909,6.132043891,6.132043895,6.132043902,6.132043898,6.132043921,6.132043889,6.132043883,6.132043909,6.132043874,6.132043871,6.132043901
+"4821","ERG",4.306410764,4.306410578,4.306410793,4.306410763,4.306410705,4.30641071,4.306410763,4.306410842,4.306410755,4.306410742,4.30641103,4.306410984,4.306410688,4.306410609,4.306410961,4.306410834,4.306411069,4.306410826,4.306410803,4.306410733,4.306410905,4.306410859,4.306410659,4.30641078,4.306410781,4.306410797,4.30641075,4.306410808
+"4822","ERG28",6.995784735,6.995784676,6.995784548,6.995784463,6.995784478,6.995784542,6.995784567,6.995784536,6.995784719,6.995784666,6.995784368,6.995784503,6.995784717,6.995784818,6.995784595,6.995784471,6.995784424,6.995784327,6.995784414,6.995784706,6.995784515,6.995784655,6.995784715,6.995784681,6.995784341,6.995784588,6.995784719,6.995784705
+"4823","ERGIC1",8.105518561,8.105520464,8.105518474,8.105520949,8.105518318,8.105519276,8.105518545,8.105519279,8.105517871,8.105517587,8.105519413,8.105517164,8.105519189,8.105518375,8.105518814,8.105519791,8.105518992,8.105520432,8.105519129,8.105518508,8.105518293,8.10551906,8.105519594,8.105519198,8.105519892,8.105518102,8.105518992,8.105518331
+"4824","ERGIC2",5.568759089,5.568759023,5.568758122,5.568757618,5.56875601,5.568755487,5.568757818,5.568755309,5.568758485,5.56875782,5.568756083,5.568753949,5.568757814,5.568762154,5.568757707,5.568758516,5.568757383,5.568758064,5.568757961,5.568755919,5.56875682,5.568756633,5.568759515,5.568758362,5.568758276,5.56875712,5.568757935,5.56875998
+"4825","ERGIC3",8.269010465,8.269010392,8.269010519,8.269010265,8.26901038,8.269010458,8.269010438,8.269010423,8.26901056,8.269010562,8.26901026,8.269010409,8.269010563,8.269010769,8.269010365,8.269010336,8.269010263,8.269010235,8.269010406,8.269010544,8.269010253,8.269010508,8.269010533,8.269010557,8.269010247,8.269010448,8.269010581,8.269010629
+"4826","ERH",6.072426257,6.072426219,6.072426373,6.07242623,6.072426297,6.072426389,6.07242644,6.072426207,6.072426343,6.072426369,6.072426134,6.072425994,6.072426384,6.072426744,6.072426301,6.072426138,6.072426216,6.072426203,6.07242642,6.072426332,6.072426534,6.072426261,6.072426475,6.072426403,6.0724262,6.072426149,6.072426347,6.072426543
+"4827","ERI1",5.391791114,5.391790896,5.39179086,5.391790754,5.391790586,5.39179094,5.39179084,5.391790733,5.391791036,5.39179068,5.391790638,5.391790215,5.391790938,5.391791513,5.39179087,5.391790771,5.39179068,5.391790711,5.391790959,5.391791092,5.391790882,5.391790717,5.391791076,5.391791209,5.391790703,5.391790559,5.39179091,5.391791168
+"4828","ERI2",3.78679321,3.786793218,3.786793218,3.786793199,3.786793223,3.786793214,3.786793204,3.786793215,3.786793219,3.786793221,3.786793231,3.786793208,3.786793216,3.786793223,3.786793211,3.786793213,3.786793224,3.786793211,3.786793216,3.786793209,3.786793225,3.786793211,3.786793215,3.786793207,3.786793223,3.786793194,3.78679321,3.786793223
+"4829","ERI3",6.445093898,6.445093887,6.445093943,6.445093833,6.445093894,6.445093874,6.445093903,6.445093895,6.445093915,6.445093842,6.44509388,6.445093915,6.445093916,6.445093974,6.445093873,6.445093776,6.445093805,6.44509381,6.44509391,6.445093793,6.445093903,6.4450939,6.445093829,6.44509384,6.445093829,6.445093939,6.445093949,6.445093881
+"4830","ERICH1",6.3039104285,6.303910421,6.303910201,6.303910484,6.3039102285,6.303910319,6.3039101945,6.3039100855,6.303909996,6.30391048,6.3039098495,6.30391031,6.3039104385,6.3039101755,6.3039102625,6.3039103945,6.3039101535,6.303910059,6.303910394,6.3039101925,6.303909928,6.3039102445,6.3039102155,6.303910573,6.3039102705,6.3039103815,6.303910441,6.303910007
+"4831","ERICH3",3.453790217,3.453790227,3.453790229,3.453790223,3.453790232,3.453790229,3.453790235,3.453790232,3.453790233,3.453790222,3.453790238,3.453790244,3.453790222,3.453790219,3.453790221,3.453790231,3.453790238,3.453790236,3.453790217,3.453790231,3.453790219,3.453790228,3.453790207,3.453790221,3.453790239,3.453790228,3.453790224,3.453790242
+"4832","ERICH5",4.863530592,4.86353064,4.863530637,4.863530663,4.863530724,4.863530659,4.863530711,4.863530723,4.863530645,4.863530609,4.863530645,4.863530716,4.863530623,4.863530627,4.863530751,4.863530676,4.86353074,4.863530659,4.86353067,4.863530629,4.863530745,4.863530699,4.863530669,4.863530673,4.863530697,4.863530688,4.863530618,4.863530686
+"4833","ERICH6",3.319206792,3.319206865,3.319206981,3.319206873,3.319207005,3.319207002,3.319206987,3.319206888,3.319207037,3.319206894,3.319206992,3.319207065,3.319206957,3.319206843,3.319206997,3.319206905,3.319207091,3.319206906,3.319206855,3.319206863,3.319206969,3.319206986,3.319206902,3.319206927,3.31920694,3.319206872,3.319206857,3.319206917
+"4834","ERICH6B",3.33702684,3.337026782,3.337026891,3.337026798,3.337026748,3.337026813,3.337026753,3.337026802,3.337026721,3.337026784,3.337026842,3.337026864,3.337026805,3.33702671,3.337026791,3.337026731,3.337026891,3.337026836,3.337026717,3.337026745,3.337026733,3.337026727,3.337026979,3.337026748,3.3370268,3.337026865,3.337026903,3.3370268
+"4835","ERLEC1",5.546370247,5.546369829,5.546369929,5.546369983,5.546369734,5.546369715,5.546369935,5.546369742,5.546369737,5.546369658,5.546369806,5.546369456,5.546370046,5.546370258,5.54636983,5.54636963,5.546369748,5.546369393,5.546369901,5.546369841,5.546369979,5.546369783,5.546369951,5.546369835,5.546369868,5.546369864,5.546370033,5.546370121
+"4836","ERLIN1",6.634200992,6.634200952,6.634200367,6.634201173,6.634200558,6.634200945,6.634200726,6.634200454,6.634200341,6.634200454,6.634200585,6.634200331,6.63420057,6.634200985,6.634200601,6.634200791,6.63420032,6.634200484,6.63420059,6.634201071,6.63420054,6.634200271,6.634200635,6.634200774,6.634200457,6.634200224,6.634200322,6.63420049
+"4837","ERLIN2",5.159036821,5.159036798,5.159036835,5.159036817,5.159036784,5.159036825,5.15903681,5.159036796,5.15903681,5.159036829,5.159036812,5.159036804,5.159036819,5.159036844,5.159036822,5.159036835,5.159036825,5.159036779,5.15903684,5.159036806,5.159036817,5.159036835,5.159036832,5.159036849,5.159036778,5.159036803,5.159036832,5.15903682
+"4838","ERMAP",6.200206311,6.200206332,6.200206362,6.200206263,6.200206295,6.200206353,6.200206327,6.200206383,6.200206332,6.200206395,6.200206392,6.20020633,6.200206318,6.200206256,6.200206326,6.200206312,6.20020636,6.200206314,6.200206319,6.200206326,6.200206305,6.200206332,6.20020633,6.200206372,6.200206364,6.200206328,6.200206294,6.20020633
+"4839","ERMARD",5.586559607,5.58655935,5.586559262,5.586559054,5.586559106,5.586559156,5.586559374,5.586559401,5.586559572,5.586559359,5.586558961,5.586559273,5.586559615,5.586560128,5.586559432,5.586559099,5.586559216,5.586558778,5.586559488,5.586559102,5.586559491,5.586559557,5.586559485,5.586559542,5.586558627,5.586559473,5.586559428,5.586559444
+"4840","ERMN",3.917725511,3.917725524,3.917725475,3.917725503,3.917725476,3.917725491,3.917725504,3.917725499,3.917725515,3.917725486,3.917725489,3.917725491,3.917725498,3.917725508,3.91772547,3.917725501,3.917725453,3.917725509,3.9177255,3.917725488,3.917725479,3.917725505,3.917725535,3.91772551,3.917725521,3.9177255,3.917725542,3.91772547
+"4841","ERMP1",6.715086334,6.715088007,6.715085998,6.715086599,6.715086248,6.715085948,6.715086545,6.715086174,6.715087215,6.715087311,6.715086125,6.715086005,6.715088103,6.715089423,6.715085337,6.715087225,6.715085624,6.715085841,6.715087105,6.715087201,6.715086881,6.715085054,6.715088008,6.715087577,6.715086475,6.715086847,6.715088342,6.715087473
+"4842","ERN1",8.000587138,8.000587237,8.00058715,8.000587367,8.000587095,8.000587138,8.000587209,8.000587125,8.00058707,8.000587045,8.00058721,8.000587078,8.00058724,8.000587145,8.000587052,8.000587238,8.000587148,8.00058728,8.000587108,8.0005871,8.000587183,8.00058707,8.000587139,8.000587127,8.000587153,8.000587171,8.000587212,8.000587116
+"4843","ERN2",5.066619762,5.066619707,5.066619941,5.066619841,5.066619867,5.06661982,5.066619863,5.066619826,5.06661987,5.066619806,5.066619827,5.066619933,5.066619735,5.066619689,5.066619928,5.06661989,5.066619988,5.066619979,5.06661986,5.066619902,5.06661991,5.066619883,5.066619834,5.066619803,5.066619881,5.066619835,5.066619739,5.066619865
+"4844","ERO1A",7.584298104,7.584250399,7.583957233,7.584366925,7.584153653,7.584188854,7.584294507,7.584142412,7.584243559,7.584262479,7.584098777,7.584095002,7.58416949,7.584433633,7.584268348,7.584202107,7.58381541,7.584333317,7.584241403,7.584093062,7.584283861,7.584162123,7.584316191,7.584368302,7.584160252,7.584218307,7.584160282,7.584305268
+"4845","ERO1B",5.409152784,5.409152772,5.409152749,5.409152744,5.409152697,5.409152719,5.409152734,5.409152714,5.40915275,5.409152726,5.409152731,5.409152667,5.409152772,5.409152832,5.409152742,5.409152764,5.409152753,5.409152715,5.409152753,5.40915274,5.409152714,5.4091527,5.409152754,5.409152748,5.409152757,5.409152739,5.409152765,5.409152763
+"4846","ERP27",6.169768878,6.169768741,6.169768574,6.169768763,6.169768577,6.169768663,6.169768647,6.16976871,6.169768773,6.169768693,6.169768638,6.169768769,6.169768692,6.169768751,6.169768633,6.169768548,6.169768315,6.169768642,6.169768602,6.169768454,6.169768695,6.169768669,6.169768741,6.169768707,6.169768641,6.169768722,6.169768665,6.169768627
+"4847","ERP29",7.300975499,7.300975651,7.300975316,7.300975317,7.300975258,7.300975449,7.300975446,7.300975435,7.300975575,7.300975748,7.300974845,7.300975218,7.300975497,7.300975778,7.300975264,7.300975707,7.300975176,7.300974908,7.300975592,7.300974532,7.300975279,7.30097542,7.300975564,7.300975526,7.300974804,7.300975115,7.300975581,7.300975375
+"4848","ERP44",7.714592904,7.714592602,7.714592494,7.714592735,7.714592369,7.714593068,7.714592558,7.714592225,7.714592119,7.714592331,7.714592037,7.714591445,7.71459282,7.714593322,7.714592579,7.714592183,7.714592357,7.714592295,7.714592784,7.714593155,7.71459251,7.714592394,7.714592599,7.714592719,7.714592158,7.714591859,7.714592703,7.71459262
+"4849","ERRFI1",4.350316359,4.350316235,4.350316793,4.350316703,4.350316515,4.350316678,4.35031659,4.350316914,4.350316262,4.350316878,4.350316561,4.350316917,4.350316507,4.350316339,4.350316569,4.350316845,4.350316666,4.350316575,4.350316297,4.350316566,4.350316578,4.350316703,4.350316563,4.350316635,4.350316704,4.350316323,4.350316529,4.350316488
+"4850","ERV3-1",7.920912333,8.027545935,8.62251418,9.16207364,7.582183148,8.271371452,8.474619939,8.18572915,7.698618114,7.647156579,8.296549485,7.245634774,8.142137726,8.040609817,7.889796613,8.041650256,8.538832562,8.979540719,8.354661283,8.341230373,8.333466398,8.338652434,8.139680537,8.147539366,8.542234898,7.248478096,8.065535721,7.94791969
+"4851","ERVFC1",4.158956986,4.158957261,4.158957338,4.158956928,4.158957238,4.158957216,4.15895707,4.158957155,4.158957234,4.15895717,4.158957114,4.158957276,4.158956971,4.158957004,4.1589573,4.158957222,4.158957481,4.158957262,4.158957083,4.158957207,4.158956833,4.15895721,4.158957193,4.158956953,4.158957016,4.158956875,4.158956969,4.15895718
+"4852","ERVFC1-1",4.602297059,4.602296907,4.602297055,4.602297,4.602297064,4.602297026,4.602297056,4.602297151,4.60229702,4.602297069,4.602297056,4.602297207,4.602296976,4.602296904,4.602297052,4.602297003,4.602297171,4.60229712,4.602297051,4.602297085,4.602297102,4.602297127,4.602296975,4.602297003,4.602297053,4.602297072,4.602297036,4.602297093
+"4853","ERVFRD-1",4.426020331,4.426020317,4.426020312,4.426020342,4.426020364,4.426020366,4.426020326,4.426020352,4.426020343,4.426020363,4.426020332,4.426020371,4.426020308,4.426020323,4.426020363,4.426020329,4.426020379,4.426020343,4.426020358,4.426020369,4.426020328,4.426020354,4.426020339,4.426020333,4.426020296,4.426020325,4.426020349,4.42602032
+"4854","ERVFRD-2",3.942051613,3.942051658,3.942051667,3.942051627,3.942051653,3.942051635,3.942051624,3.942051673,3.942051667,3.942051644,3.942051619,3.942051637,3.942051607,3.942051656,3.942051603,3.94205167,3.942051645,3.942051666,3.942051609,3.942051673,3.942051641,3.942051597,3.942051665,3.942051617,3.942051604,3.942051618,3.942051622,3.942051616
+"4855","ERVH-4",5.506740279,5.506740299,5.506740377,5.506740431,5.506740233,5.5067404,5.50674025,5.506740365,5.506740361,5.5067403,5.506740283,5.50674042,5.506740306,5.506740283,5.506740334,5.506740268,5.506740375,5.506740336,5.506740381,5.506740291,5.506740158,5.506740316,5.506740365,5.506740255,5.506740409,5.506740414,5.506740259,5.506740365
+"4856","ERVH-6",3.563806965,3.563806369,3.563807127,3.563806715,3.56380752,3.56380739,3.563807556,3.563806877,3.563807284,3.563806229,3.563806573,3.563807089,3.563806557,3.56380654,3.563806939,3.563807535,3.563807473,3.563807049,3.563807259,3.563806903,3.563807637,3.563807346,3.563806959,3.563807146,3.563806553,3.563807736,3.563807133,3.563806976
+"4857","ERVH48-1",4.419852107,4.419852104,4.419852129,4.419852127,4.419852129,4.419852112,4.419852112,4.419852109,4.419852136,4.419852119,4.419852116,4.419852111,4.419852121,4.419852115,4.419852128,4.41985213,4.419852136,4.419852127,4.419852133,4.419852127,4.419852133,4.419852135,4.419852118,4.419852123,4.419852126,4.419852115,4.419852109,4.41985212
+"4858","ERVK13-1",7.398235238,7.398235398,7.398234289,7.398233902,7.398234008,7.398234704,7.398234225,7.398234837,7.398233785,7.398234105,7.398233968,7.398234481,7.398235221,7.398235196,7.398234982,7.398235071,7.398234026,7.398233718,7.398234688,7.398234723,7.398234263,7.398234982,7.398234235,7.398234259,7.398234347,7.398234957,7.398234969,7.3982345
+"4859","ERVK3-1",7.572041229,7.572041123,7.572041105,7.572041041,7.57204104,7.572041217,7.572041162,7.572041061,7.572041321,7.572041156,7.572041151,7.572040962,7.572041339,7.572041379,7.572041313,7.572041095,7.572041056,7.572041029,7.572041194,7.572041462,7.572041131,7.572041063,7.572041316,7.572041114,7.572040827,7.572041025,7.572041331,7.572041226
+"4860","ERVMER34-1",4.105133333,4.105133372,4.1051335,4.105133849,4.105133843,4.105133632,4.105133512,4.105133809,4.105133659,4.105133483,4.10513371,4.105133749,4.105133468,4.105133469,4.10513376,4.105133782,4.105133694,4.105133593,4.105133518,4.105133612,4.105133678,4.105133665,4.105133565,4.105133428,4.105133572,4.1051335,4.105133526,4.105133511
+"4861","ERVMER61-1",3.703982981,3.703982995,3.70398301,3.703982987,3.703983015,3.703982998,3.703982995,3.703982997,3.703983002,3.70398299,3.703982997,3.703983028,3.703983001,3.70398299,3.703983004,3.703982992,3.703982996,3.703983019,3.703982991,3.703982998,3.703983,3.703983005,3.703982986,3.703983002,3.703983013,3.703982974,3.703982993,3.703982995
+"4862","ERVV-1",4.128560135,4.128560176,4.128560149,4.128560132,4.128560184,4.128560179,4.128560143,4.128560201,4.128560178,4.128560159,4.128560196,4.128560158,4.128560136,4.128560116,4.128560179,4.128560147,4.128560194,4.128560163,4.128560187,4.128560192,4.128560127,4.128560191,4.128560169,4.128560167,4.128560177,4.128560141,4.128560159,4.128560155
+"4863","ERVW-1",3.740285842,3.740285825,3.740285896,3.740285929,3.740285879,3.740285854,3.740285927,3.740285896,3.740285833,3.740285861,3.740285811,3.740285922,3.740285894,3.740285764,3.740285917,3.740285805,3.740285967,3.740285955,3.740285934,3.740285887,3.74028596,3.74028586,3.74028581,3.740285848,3.740285804,3.740285864,3.740285855,3.740285892
+"4864","ESAM",4.882180817,4.882180918,4.882180918,4.88218125,4.882180941,4.882181194,4.882180859,4.882180981,4.882180825,4.882181098,4.88218116,4.882180983,4.882181016,4.882180845,4.882180887,4.882180933,4.882180946,4.88218128,4.882180962,4.882180943,4.882180886,4.882180937,4.882180987,4.882181214,4.882181197,4.882180904,4.882180998,4.882180807
+"4865","ESCO1",5.378279755,5.378279778,5.378279586,5.37827906,5.378278987,5.378278679,5.37827912,5.378279046,5.378279399,5.378279561,5.378279311,5.378278481,5.378279306,5.378280874,5.378279532,5.378279507,5.378279266,5.378279207,5.378279839,5.378278836,5.378279121,5.378279054,5.378279818,5.378279507,5.378279485,5.378279168,5.378279417,5.378280487
+"4866","ESCO2",2.921599761,2.921599774,2.921599785,2.921599758,2.921599794,2.921599806,2.921599814,2.921599766,2.9215998,2.921599792,2.921599793,2.92159978,2.921599788,2.921599781,2.921599771,2.921599801,2.921599795,2.921599783,2.921599787,2.92159979,2.921599818,2.921599793,2.921599796,2.921599782,2.921599793,2.921599761,2.921599775,2.921599779
+"4867","ESD",6.068347108,6.068346958,6.068347014,6.068347006,6.068346964,6.068347017,6.068346951,6.068346924,6.06834701,6.068346998,6.06834688,6.068346907,6.068347036,6.068347177,6.068346987,6.068346909,6.068346899,6.068346849,6.068347,6.06834704,6.068346927,6.068346983,6.068347037,6.068347026,6.068346866,6.068346943,6.068347015,6.068347016
+"4868","ESF1",4.114672117,4.11467221,4.114672013,4.114671732,4.114672033,4.114671874,4.114671801,4.114671809,4.114672203,4.114671966,4.114671896,4.114671812,4.114672016,4.114673025,4.114672146,4.114671874,4.114671855,4.114672,4.114671788,4.114671472,4.114671929,4.114671817,4.114672232,4.11467183,4.114671794,4.114671634,4.114672014,4.114672865
+"4869","ESM1",3.427839274,3.427839284,3.427839279,3.42783936,3.427839366,3.427839291,3.427839287,3.427839308,3.427839321,3.427839332,3.42783927,3.427839405,3.427839291,3.427839346,3.427839318,3.427839322,3.427839338,3.427839385,3.427839351,3.42783935,3.427839308,3.427839324,3.427839281,3.427839313,3.427839316,3.427839274,3.427839331,3.427839347
+"4870","ESPL1",4.633827259,4.633827434,4.633827389,4.633827393,4.633827629,4.633827379,4.633827686,4.633827474,4.633827477,4.633827407,4.633827461,4.63382747,4.633827325,4.633827231,4.633827555,4.633827364,4.633827681,4.633827473,4.633827434,4.633827548,4.633827678,4.633827454,4.633827505,4.63382743,4.63382752,4.633827464,4.633827552,4.633827527
+"4871","ESPN",7.410870368,7.410870085,7.41087058,7.410870553,7.410871283,7.410870475,7.410870847,7.410870703,7.410870742,7.410871024,7.410871072,7.410871171,7.410870615,7.410869862,7.410871055,7.410870199,7.410871193,7.410870971,7.410870795,7.410870732,7.410871313,7.410871057,7.410870527,7.41087049,7.410870773,7.410870976,7.410870705,7.410870808
+"4872","ESPNL",6.148585041,6.148585198,6.14858534,6.148585227,6.148585849,6.148585389,6.14858533,6.148585607,6.148585157,6.148585263,6.148585468,6.14858573,6.148585334,6.148584925,6.148585608,6.148585311,6.14858569,6.148585435,6.148585475,6.14858535,6.148585611,6.148585516,6.148585184,6.148585213,6.148585245,6.14858549,6.148585205,6.14858533
+"4873","ESPNP",5.909816476,5.909816399,5.909816388,5.90981643,5.909816725,5.909816449,5.909816578,5.90981665,5.909816411,5.909816633,5.909816654,5.909816683,5.90981636,5.909816089,5.909816509,5.909816321,5.909816547,5.90981648,5.909816599,5.90981658,5.909816624,5.909816666,5.909816373,5.909816359,5.90981642,5.909816612,5.909816627,5.909816336
+"4874","ESR1",4.5266529,4.5266529115,4.5266529315,4.5266529055,4.526653092,4.526652966,4.5266530155,4.526653006,4.526653032,4.5266529805,4.526653003,4.5266530265,4.5266529355,4.5266529075,4.526652939,4.526652927,4.5266530215,4.5266530095,4.526652981,4.526652987,4.526653056,4.526653005,4.5266528635,4.526652908,4.5266528975,4.5266529885,4.5266530045,4.5266529825
+"4875","ESR2",4.027351225,4.027351197,4.027351223,4.027351207,4.027351208,4.027351201,4.027351202,4.027351206,4.027351219,4.02735123,4.027351196,4.027351213,4.027351214,4.027351197,4.027351229,4.02735121,4.027351207,4.027351223,4.027351193,4.027351222,4.027351205,4.027351235,4.027351185,4.027351202,4.027351217,4.027351199,4.027351211,4.02735121
+"4876","ESRP1",3.854666931,3.854667083,3.854667116,3.854667165,3.854667239,3.854667094,3.854667119,3.854667185,3.854667097,3.854667136,3.854667165,3.854667323,3.854667073,3.854666971,3.854667083,3.854667097,3.854667221,3.854667017,3.854667127,3.854667153,3.854667145,3.854667162,3.85466706,3.854667084,3.854667084,3.854667046,3.854667151,3.85466722
+"4877","ESRP2",5.360579456,5.360579471,5.360579485,5.360579445,5.360579495,5.360579449,5.360579469,5.360579485,5.360579456,5.360579477,5.360579483,5.360579493,5.360579463,5.360579443,5.360579483,5.360579488,5.360579493,5.360579483,5.360579481,5.360579441,5.360579477,5.360579484,5.360579456,5.360579479,5.360579489,5.360579487,5.360579471,5.360579453
+"4878","ESRRA",7.135433007,7.135433017,7.135433079,7.135433056,7.135433092,7.135433073,7.135433066,7.13543306,7.135433027,7.135433041,7.135433092,7.135433095,7.135433035,7.135432967,7.135433088,7.135433052,7.135433106,7.135433063,7.135433064,7.135433052,7.135433075,7.135433043,7.135433024,7.135433022,7.135433053,7.135433079,7.135433028,7.135433077
+"4879","ESRRB",4.271920755,4.271920753,4.271920771,4.271920826,4.271920911,4.271920766,4.271920829,4.27192076,4.271920762,4.271920823,4.271920786,4.271920809,4.271920817,4.271920687,4.27192091,4.271920915,4.271920887,4.271920934,4.271920738,4.271920892,4.271920914,4.271920856,4.271920722,4.271920714,4.271920917,4.27192085,4.271920772,4.271920735
+"4880","ESRRG",3.429658706,3.429658718,3.429658751,3.429658854,3.42965874,3.429658742,3.429658725,3.429658821,3.4296587,3.429658743,3.429658761,3.429658805,3.429658704,3.429658671,3.429658776,3.429658803,3.429658825,3.429658819,3.429658782,3.429658732,3.429658701,3.429658752,3.429658724,3.429658707,3.429658783,3.429658699,3.429658741,3.429658731
+"4881","ESS2",5.9467430555,5.946743,5.9467430715,5.946743104,5.9467431025,5.946743122,5.9467430605,5.946743092,5.9467430715,5.94674301,5.9467431245,5.946743063,5.9467430785,5.9467430715,5.946743082,5.9467430785,5.94674313,5.946743138,5.9467431175,5.946743085,5.946743095,5.9467430785,5.946743102,5.946743003,5.946743121,5.946743076,5.946743059,5.9467430385
+"4882","ESX1",4.266582803,4.266582807,4.266582805,4.26658283,4.266582812,4.266582813,4.266582818,4.266582822,4.266582819,4.266582821,4.266582839,4.26658282,4.26658282,4.266582795,4.266582812,4.266582824,4.266582823,4.266582833,4.266582796,4.266582826,4.266582825,4.266582824,4.26658282,4.266582804,4.266582824,4.26658282,4.26658282,4.26658283
+"4883","ESYT1",8.384362239,8.384363254,8.384361531,8.384361245,8.384363108,8.3843618,8.384362512,8.38436147,8.384363451,8.384362958,8.384361774,8.384362303,8.384362625,8.384364001,8.384361589,8.384362262,8.384360257,8.38436078,8.384362723,8.384361261,8.384362077,8.384362085,8.384362986,8.384362731,8.384361837,8.384362878,8.384362952,8.384362873
+"4884","ESYT2",8.260124842,8.260124781,8.260124279,8.260124466,8.260124452,8.260124203,8.260124542,8.26012447,8.26012467,8.260124925,8.260124527,8.260124563,8.260124863,8.260125188,8.260124573,8.260124501,8.260123964,8.260124284,8.260124424,8.260123933,8.260124612,8.260124409,8.260124732,8.260124788,8.260124558,8.260124914,8.26012488,8.260124902
+"4885","ESYT3",4.140225779,4.140225849,4.140225903,4.14022578,4.140225909,4.140225632,4.140225799,4.140225923,4.140225752,4.140225754,4.14022591,4.14022588,4.140225713,4.140225666,4.140225899,4.14022583,4.140225884,4.140226031,4.140225869,4.140225718,4.140225896,4.140225798,4.140225611,4.140225761,4.140225813,4.14022597,4.140225702,4.140225777
+"4886","ETAA1",3.879922269,3.879922427,3.879922267,3.879921758,3.87992208,3.879922029,3.879922207,3.879921902,3.879922408,3.879922056,3.87992212,3.879922032,3.879921923,3.879922694,3.879922268,3.879922259,3.879922133,3.879922208,3.87992223,3.879922232,3.879921956,3.879922245,3.879922104,3.879922328,3.879922085,3.879922103,3.879922087,3.87992245
+"4887","ETF1",6.331760954,6.331760986,6.331760877,6.331760937,6.331760751,6.331761038,6.33176091,6.331760813,6.33176089,6.331760907,6.33176081,6.331760705,6.331760794,6.331761092,6.331760931,6.331760966,6.331760802,6.331760934,6.331760884,6.331761035,6.33176098,6.331760849,6.331760942,6.331760975,6.331760853,6.331760899,6.331760775,6.331761142
+"4888","ETFA",7.030783035,7.030782938,7.030782928,7.030782839,7.030782828,7.030782751,7.030782832,7.030782753,7.030782905,7.030782957,7.030782833,7.030782694,7.030782924,7.03078307,7.030782897,7.030782829,7.030782721,7.030782742,7.030782969,7.030782749,7.030782858,7.030782773,7.030782965,7.030783049,7.0307829,7.03078284,7.030782919,7.030782983
+"4889","ETFB",6.251783748,6.251783812,6.251783857,6.251783813,6.251783835,6.251783873,6.251783809,6.251783813,6.251783859,6.25178387,6.25178386,6.251783832,6.251783821,6.251783752,6.251783753,6.251783799,6.251783882,6.251783801,6.251783834,6.251783757,6.251783749,6.25178385,6.251783796,6.25178379,6.251783809,6.251783781,6.251783802,6.251783817
+"4890","ETFBKMT",3.878864214,3.87886419,3.878864227,3.878864212,3.878864211,3.878864216,3.878864188,3.878864217,3.87886423,3.878864208,3.878864167,3.878864211,3.878864178,3.878864199,3.878864184,3.878864185,3.878864159,3.878864196,3.878864221,3.878864208,3.87886422,3.87886419,3.878864215,3.878864221,3.878864202,3.878864215,3.87886423,3.878864208
+"4891","ETFDH",5.504667504,5.50466741,5.50466746,5.504667407,5.504667406,5.504667461,5.504667504,5.504667426,5.504667432,5.504667446,5.504667467,5.504667364,5.504667479,5.504667529,5.504667465,5.504667466,5.504667399,5.50466743,5.504667503,5.504667418,5.504667415,5.504667408,5.504667432,5.504667472,5.504667491,5.504667452,5.504667444,5.504667469
+"4892","ETFRF1",5.875002947,5.87500274,5.875002889,5.875002747,5.875002803,5.875002546,5.875002816,5.875002728,5.875002879,5.875002688,5.875002793,5.875002684,5.875002809,5.875002948,5.875002785,5.875002792,5.875002776,5.875002907,5.875002755,5.875002839,5.875002804,5.8750026,5.875002935,5.875002761,5.875002827,5.875002751,5.875002849,5.875002927
+"4893","ETHE1",6.778168574,6.778168672,6.77816865,6.778168564,6.778168594,6.778168738,6.778168561,6.778168616,6.778168694,6.778168697,6.778168625,6.778168698,6.778168637,6.778168589,6.778168623,6.778168693,6.778168679,6.778168545,6.77816865,6.778168768,6.778168585,6.778168693,6.778168648,6.778168692,6.778168503,6.778168598,6.778168719,6.778168616
+"4894","ETNK1",6.797881277,6.797880853,6.797880829,6.797880577,6.797880652,6.797880432,6.797880775,6.797880549,6.797880935,6.797880634,6.79788047,6.797880247,6.797880945,6.797881561,6.797880899,6.797880661,6.797880582,6.797880419,6.797881036,6.797880445,6.797880718,6.797880751,6.797880986,6.797880797,6.797880464,6.797880466,6.797880837,6.797881316
+"4895","ETNK2",4.153676598,4.153676697,4.153676626,4.153676563,4.153676742,4.153676749,4.153676759,4.153676636,4.153676652,4.153676744,4.153676617,4.15367678,4.153676682,4.153676581,4.153676769,4.15367668,4.153676849,4.153676748,4.153676758,4.153676696,4.153676693,4.153676703,4.153676664,4.15367666,4.153676694,4.153676714,4.153676599,4.153676715
+"4896","ETNPPL",3.306029592,3.306029953,3.306029634,3.306029776,3.306029604,3.306029973,3.306029736,3.306029715,3.306029795,3.306029833,3.306030165,3.306029911,3.306029842,3.306029597,3.306029581,3.306029684,3.306029933,3.306029942,3.306029623,3.306029641,3.306029631,3.306029822,3.306029677,3.306029766,3.306029821,3.306029682,3.306029669,3.306029897
+"4897","ETS1",9.343519875,9.405305956,8.970849842,8.930753821,9.170777271,8.822934057,9.210659089,9.041910933,9.631788698,9.281724456,8.801714285,9.218731371,9.250939066,9.885347401,9.063911357,9.172180891,8.653563266,8.772337514,9.152790866,8.738642257,9.056070627,8.979583986,9.440997371,9.164463849,8.685612384,9.24232951,9.270494602,9.606953152
+"4898","ETS2",7.526385965,7.526386161,7.526385616,7.526386879,7.526385572,7.526385581,7.526385769,7.526385296,7.526385317,7.526385779,7.526385929,7.526384949,7.526385709,7.526385659,7.526385804,7.526385875,7.526385815,7.526386338,7.526385644,7.52638591,7.526385289,7.526385368,7.526385595,7.526386129,7.526385741,7.526385078,7.526385563,7.526385223
+"4899","ETV1",3.451538471,3.451538505,3.451538583,3.451538466,3.451538489,3.451538601,3.451538525,3.451538561,3.45153853,3.451538399,3.45153854,3.451538569,3.451538482,3.451538457,3.45153855,3.451538512,3.451538627,3.451538642,3.451538536,3.451538522,3.45153854,3.451538563,3.451538504,3.451538417,3.451538518,3.451538431,3.451538464,3.451538551
+"4900","ETV2",6.068340098,6.068340124,6.068340519,6.068340125,6.068340625,6.068340033,6.068340332,6.068340395,6.06834032,6.068340382,6.068340463,6.068340264,6.068340351,6.068340127,6.068340426,6.068340297,6.068340445,6.068340378,6.068340116,6.068340336,6.068340535,6.068340409,6.068340084,6.068340292,6.068340215,6.068340403,6.068340102,6.068340392
+"4901","ETV3",6.669507927,6.669507956,6.669507933,6.669507916,6.669507878,6.669507924,6.669507853,6.669507878,6.669507952,6.669507942,6.669507915,6.669507749,6.669507937,6.669507981,6.669507881,6.66950792,6.669507855,6.669507878,6.669507907,6.669507941,6.669507898,6.669507859,6.669507911,6.669507917,6.669507931,6.669507855,6.669507958,6.669507879
+"4902","ETV3L",5.46419075,5.464190835,5.46419096,5.464190867,5.46419096,5.464190775,5.464190821,5.464190989,5.464190837,5.464190868,5.464191,5.4641909,5.464190865,5.46419066,5.464190872,5.464190822,5.464190855,5.464190906,5.464190769,5.464190843,5.464190821,5.464190926,5.464190774,5.464190814,5.464190953,5.464190878,5.464190835,5.464190847
+"4903","ETV4",4.928679093,4.928679397,4.92867959,4.92867945,4.928679634,4.928679312,4.928679431,4.92867954,4.92867939,4.928679191,4.928679362,4.928679443,4.928679472,4.928679021,4.928679406,4.92867953,4.928679601,4.928679507,4.928679323,4.928679431,4.928679423,4.928679596,4.928679262,4.928679358,4.928679301,4.928679497,4.928679515,4.928679326
+"4904","ETV5",3.919416115,3.919416129,3.919416178,3.919416125,3.919416097,3.919416195,3.919416126,3.91941616,3.919416151,3.919416155,3.919416166,3.919416206,3.919416112,3.919416129,3.919416124,3.919416208,3.919416154,3.91941615,3.919416124,3.919416143,3.91941609,3.91941614,3.919416126,3.919416147,3.91941615,3.91941615,3.919416149,3.919416188
+"4905","ETV6",7.905888639,7.905888753,7.905888543,7.905889247,7.905888488,7.905889503,7.905888791,7.905888778,7.905888539,7.905888533,7.90588865,7.905888364,7.905888745,7.905888366,7.905888477,7.905888691,7.905888363,7.905888862,7.90588879,7.905889467,7.905888716,7.905888813,7.90588866,7.905888827,7.905888829,7.905888534,7.905888941,7.905888186
+"4906","ETV7",5.375163495,5.375160471,5.375162875,5.375163145,5.375164335,5.375171243,5.375163804,5.375163545,5.375163853,5.375161836,5.375163849,5.375162117,5.375164635,5.375161536,5.375163995,5.375163541,5.37516449,5.375162766,5.375163743,5.375170899,5.375163234,5.37516398,5.375163578,5.375163953,5.375163519,5.375161556,5.375164344,5.375161913
+"4907","EVA1A",4.195837386,4.19583743,4.195837388,4.195837403,4.195837724,4.195837348,4.195837725,4.195837697,4.195837475,4.195837709,4.195837635,4.195837819,4.195837453,4.195837389,4.195837713,4.195837673,4.19583775,4.195837802,4.19583761,4.195837544,4.195837667,4.195837708,4.195837354,4.195837271,4.195837607,4.195837671,4.195837509,4.195837541
+"4908","EVA1B",7.120462916,7.120463083,7.120463189,7.120463076,7.1204634,7.120463079,7.120463144,7.120463209,7.12046306,7.120463124,7.12046321,7.120463396,7.120463059,7.120462824,7.120463254,7.120463176,7.120463463,7.12046314,7.120463188,7.120463159,7.12046316,7.120463209,7.12046302,7.120462971,7.120463151,7.120463196,7.120463108,7.120463134
+"4909","EVA1C",6.040558105,6.040557902,6.04055797,6.040558024,6.04055799,6.040557911,6.0405579,6.040557983,6.040557997,6.040557968,6.040558028,6.040557907,6.040557985,6.040557968,6.040558012,6.040557892,6.040557891,6.040557909,6.040558008,6.040557927,6.040557966,6.040557947,6.040557959,6.040557996,6.040557962,6.040557945,6.040558002,6.040557936
+"4910","EVC",5.001217065,5.001217058,5.001217254,5.001217075,5.001217182,5.00121712,5.001217167,5.001217229,5.00121713,5.001217144,5.001217159,5.001217177,5.001217161,5.001216999,5.00121719,5.001217129,5.001217208,5.001217158,5.00121719,5.001217175,5.001217185,5.001217214,5.001217181,5.001217106,5.001217147,5.001217169,5.001217018,5.001217142
+"4911","EVC2",4.193201074,4.193201064,4.193201101,4.19320111,4.193201099,4.193201083,4.193201087,4.193201119,4.193201069,4.19320113,4.193201077,4.193201144,4.19320107,4.193201111,4.193201091,4.193201118,4.193201139,4.193201123,4.193201062,4.193201101,4.193201103,4.193201089,4.19320108,4.193201088,4.193201083,4.193201099,4.193201064,4.193201078
+"4912","EVI2A",4.783719875,4.783718709,4.783720225,4.783719665,4.783718315,4.783717991,4.783720554,4.783718359,4.783719098,4.783719486,4.78371923,4.783718069,4.783718793,4.78372374,4.783719738,4.783717623,4.783720395,4.783719146,4.783719307,4.783718826,4.783720724,4.783719063,4.783720538,4.783719115,4.783719349,4.783718827,4.783718858,4.783722653
+"4913","EVI2B",9.7154314,9.71541919,9.715419064,9.715431974,9.71541707,9.715427684,9.715429486,9.715412104,9.715410634,9.71542089,9.715419411,9.715406943,9.715422076,9.715425644,9.715426382,9.715405629,9.715416892,9.715427351,9.715427722,9.715433439,9.71543466,9.71541667,9.715424056,9.715432263,9.715424432,9.715416721,9.715418404,9.715415274
+"4914","EVI5",5.54615609,5.546156223,5.546155911,5.546156632,5.546155152,5.546154833,5.54615561,5.546155196,5.546154915,5.546154877,5.546155946,5.546153467,5.546155756,5.54615665,5.546155856,5.5461558,5.546156104,5.546155939,5.546156758,5.546154897,5.546155755,5.546155487,5.546154882,5.546155968,5.546156335,5.546154951,5.546155645,5.54615552
+"4915","EVI5L",5.740449025,5.740449081,5.740449045,5.740449017,5.740449209,5.740449097,5.74044907,5.740449091,5.740449051,5.740449094,5.740449111,5.740449161,5.740449094,5.740448989,5.740449131,5.74044904,5.740449129,5.740449141,5.740449042,5.7404491,5.740449114,5.740449183,5.740449081,5.740449028,5.740449079,5.740449081,5.740449123,5.740449118
+"4916","EVL",7.921987007,7.921986754,7.921986391,7.921985947,7.921986703,7.921987219,7.921986843,7.92198653,7.92198751,7.921987292,7.921986307,7.921986997,7.921987362,7.921987072,7.921986808,7.92198661,7.92198608,7.92198614,7.921986862,7.921986859,7.921986828,7.92198695,7.921987168,7.921986703,7.921986056,7.921987055,7.921987328,7.921986939
+"4917","EVPL",5.631742716,5.631742799,5.631743036,5.631742903,5.631743122,5.631742925,5.631742858,5.631742971,5.631742876,5.631742864,5.631743031,5.631743057,5.631742819,5.631742589,5.63174303,5.631742873,5.631743068,5.631742975,5.631742891,5.63174302,5.631743038,5.631742913,5.631742778,5.631742695,5.631743,5.631743044,5.631742822,5.631742818
+"4918","EVX1",5.53703835,5.537038248,5.537038389,5.537038397,5.537038604,5.537038541,5.537038533,5.537038536,5.537038517,5.537038494,5.537038445,5.537038537,5.537038355,5.537038181,5.537038564,5.537038415,5.537038615,5.537038407,5.537038396,5.537038499,5.537038577,5.537038514,5.537038413,5.537038392,5.537038326,5.537038493,5.537038384,5.537038613
+"4919","EVX2",6.112686413,6.112686443,6.112686467,6.112686462,6.112686557,6.112686493,6.112686493,6.112686539,6.112686491,6.112686516,6.112686534,6.112686591,6.112686471,6.112686387,6.112686531,6.112686441,6.112686542,6.112686511,6.112686482,6.112686509,6.11268651,6.112686527,6.112686457,6.11268645,6.112686456,6.112686494,6.112686425,6.112686503
+"4920","EWSAT1",4.100089668,4.100089679,4.100089714,4.100089766,4.100089698,4.100089676,4.100089726,4.100089711,4.100089666,4.100089686,4.100089668,4.100089738,4.100089622,4.100089621,4.100089686,4.100089649,4.100089756,4.100089732,4.100089682,4.100089712,4.100089739,4.100089704,4.1000897,4.100089691,4.10008974,4.100089694,4.100089699,4.100089683
+"4921","EWSR1",8.384538157,8.384538121,8.384537792,8.38453761,8.384537491,8.384537793,8.384537704,8.384537672,8.38453805,8.384537841,8.384537451,8.384537493,8.384537991,8.384538237,8.384537893,8.384538106,8.384536917,8.38453749,8.384537766,8.384538104,8.384537977,8.384537669,8.384538025,8.384537977,8.384537617,8.38453781,8.384537968,8.384537875
+"4922","EXD1",3.769444772,3.769444773,3.769444812,3.769444785,3.769444813,3.769444822,3.769444802,3.769444786,3.769444808,3.769444793,3.76944481,3.769444824,3.76944477,3.769444749,3.769444816,3.769444807,3.769444861,3.769444821,3.769444825,3.769444807,3.769444813,3.769444806,3.769444789,3.769444781,3.769444798,3.769444816,3.769444781,3.769444808
+"4923","EXD2",5.798256212,5.798256299,5.798256183,5.798256223,5.798256192,5.798256267,5.798256225,5.798256256,5.798256283,5.798256243,5.798256197,5.798256355,5.798256235,5.79825624,5.798256259,5.798256271,5.798256221,5.798256215,5.798256202,5.798256192,5.79825616,5.798256269,5.798256238,5.798256232,5.798256227,5.79825625,5.798256257,5.798256234
+"4924","EXD3",6.189497526,6.189497565,6.189497529,6.189497411,6.189497732,6.189497513,6.189497511,6.189497661,6.189497498,6.189497586,6.18949758,6.189497663,6.18949752,6.189497439,6.189497665,6.189497593,6.1894976,6.189497601,6.189497488,6.189497607,6.189497636,6.189497599,6.189497515,6.189497531,6.189497547,6.189497626,6.189497514,6.189497592
+"4925","EXO1",4.066856336,4.066856394,4.066856417,4.066856422,4.066856387,4.066856471,4.066856594,4.066856431,4.066856502,4.066856415,4.066856457,4.066856349,4.066856444,4.066856428,4.06685638,4.066856304,4.066856365,4.066856397,4.0668564,4.066856521,4.066856551,4.066856392,4.066856568,4.066856383,4.066856438,4.066856446,4.066856406,4.066856349
+"4926","EXO5",5.277249712,5.277249676,5.277249746,5.277249604,5.277249374,5.277249508,5.277249506,5.277249379,5.277249459,5.27724955,5.277249617,5.277249478,5.277249547,5.277249724,5.277249476,5.277249476,5.277249637,5.277249492,5.277249413,5.277249579,5.277249391,5.277249579,5.277249556,5.277249486,5.277249444,5.277249494,5.277249554,5.277249676
+"4927","EXOC1",6.878860877,6.878860831,6.878860589,6.878860738,6.878860494,6.878860446,6.878860634,6.878860315,6.87886062,6.878860481,6.878860524,6.878860064,6.878860757,6.878861197,6.878860734,6.87886067,6.878860602,6.878860711,6.878860851,6.878860662,6.878860688,6.878860531,6.878860781,6.878860704,6.878860624,6.878860595,6.878860701,6.878860953
+"4928","EXOC2",6.90114905,6.90114873,6.901148334,6.901148176,6.901148322,6.901148542,6.901148696,6.901148632,6.901148824,6.901148709,6.901148124,6.90114831,6.901148926,6.901149396,6.901148706,6.901148619,6.901147664,6.901148071,6.901148616,6.901148226,6.901148638,6.901148697,6.901149082,6.901148667,6.901148249,6.901148553,6.901149025,6.901149215
+"4929","EXOC3",7.50866658,7.508666605,7.508666593,7.508666627,7.508666515,7.508666637,7.508666583,7.508666533,7.508666548,7.508666576,7.508666588,7.508666554,7.5086666,7.508666583,7.5086665,7.508666586,7.508666517,7.508666534,7.508666571,7.508666617,7.508666543,7.508666522,7.50866661,7.508666556,7.508666576,7.508666535,7.508666566,7.508666516
+"4930","EXOC3-AS1",5.713634026,5.713633984,5.713634168,5.713634026,5.713634328,5.713634041,5.713634191,5.713634198,5.713634144,5.713634202,5.71363419,5.713634243,5.713634122,5.713633946,5.713634253,5.713634073,5.713634308,5.713634175,5.713634267,5.713634088,5.713634218,5.713634201,5.713634126,5.713634018,5.713634165,5.713634195,5.713634087,5.713634235
+"4931","EXOC3L1",5.799939267,5.799939253,5.799939451,5.79993955,5.799939908,5.799939325,5.799939499,5.799939822,5.799939637,5.799939707,5.799939502,5.799939536,5.799939468,5.799939067,5.799939652,5.799939568,5.799939809,5.799939798,5.799939332,5.799939701,5.799939622,5.799939718,5.799939556,5.799939341,5.799939387,5.799939666,5.799939219,5.799939472
+"4932","EXOC3L2",5.885428346,5.885428431,5.88542867,5.885428318,5.885428721,5.885428488,5.885428572,5.885428703,5.885428281,5.885428453,5.885428601,5.885428817,5.885428372,5.885428179,5.885428639,5.885428616,5.885428851,5.885428589,5.885428646,5.885428447,5.885428681,5.885428616,5.885428327,5.885428414,5.885428494,5.885428508,5.88542837,5.885428461
+"4933","EXOC4",7.447200777,7.447200419,7.447199927,7.447199974,7.447200046,7.447200322,7.447200239,7.447199912,7.447200432,7.447200687,7.447199805,7.447200143,7.447200483,7.447201019,7.44720014,7.447200064,7.447199531,7.447199723,7.447200371,7.447200074,7.447200188,7.447199837,7.447200437,7.447200671,7.447199736,7.447200315,7.447200503,7.447200475
+"4934","EXOC5",6.583743552,6.583743298,6.583743045,6.583742967,6.583742854,6.583742966,6.58374306,6.583742542,6.583742766,6.583742809,6.583742917,6.583742172,6.583743006,6.583744115,6.583743337,6.583742955,6.583742782,6.583742893,6.583743006,6.583742963,6.583743073,6.583742897,6.583743057,6.583743346,6.583742782,6.583742953,6.583742797,6.583743446
+"4935","EXOC6",6.327649871,6.327649946,6.327649431,6.327649727,6.327649207,6.327649388,6.327649549,6.327649255,6.327649542,6.32764942,6.327649475,6.327648585,6.327649541,6.327650051,6.327649432,6.32764959,6.327649281,6.327649604,6.327649672,6.327649384,6.327649552,6.327649394,6.327649798,6.327649899,6.327649655,6.32764924,6.327649447,6.327649559
+"4936","EXOC6B",5.734539087,5.734538702,5.734538382,5.734538429,5.734538175,5.734537971,5.734538113,5.734537944,5.734538558,5.734538433,5.734537875,5.734537774,5.734538499,5.734539596,5.734538581,5.734538288,5.734537886,5.734537726,5.734538613,5.73453774,5.734538134,5.734538535,5.7345387,5.734538369,5.734537798,5.73453828,5.734539002,5.734538783
+"4937","EXOC7",7.182646278,7.182646278,7.182646289,7.182646267,7.182646287,7.182646347,7.182646288,7.182646309,7.182646286,7.182646305,7.182646267,7.182646268,7.182646293,7.18264628,7.182646279,7.182646263,7.1826463,7.182646279,7.182646284,7.182646244,7.182646274,7.182646291,7.182646312,7.182646307,7.182646269,7.182646261,7.182646301,7.182646302
+"4938","EXOC8",6.835813624,6.835813808,6.835813362,6.835813662,6.835813248,6.835813305,6.835813323,6.835813256,6.835813281,6.835813407,6.835813455,6.835812783,6.835813425,6.835813982,6.835813307,6.835813522,6.835813321,6.835813627,6.835813698,6.835812972,6.835813171,6.835813436,6.835813591,6.835813791,6.835813565,6.835813222,6.835813399,6.835813737
+"4939","EXOG",5.479436345,5.479436282,5.479436121,5.479436185,5.479436127,5.47943625,5.479436204,5.479436226,5.479436392,5.479436204,5.479436028,5.479436081,5.479436288,5.479436401,5.479436239,5.479436233,5.479436011,5.479436069,5.479436146,5.479436014,5.47943615,5.479436123,5.47943638,5.479436371,5.479436115,5.479436275,5.479436231,5.479436288
+"4940","EXOSC1",6.620913392,6.620913208,6.620913259,6.620912856,6.620913053,6.620913327,6.620913274,6.620913008,6.620913381,6.620913229,6.620913143,6.620912966,6.62091324,6.620913493,6.62091312,6.620912994,6.620913019,6.620912976,6.620913129,6.620913495,6.620913201,6.620913187,6.620913445,6.620913324,6.620913165,6.620913209,6.620913341,6.62091318
+"4941","EXOSC10",6.859421959,6.859421715,6.859421811,6.859421759,6.859421893,6.859421932,6.859421944,6.859421741,6.859422008,6.85942191,6.859421748,6.859421804,6.859421868,6.859422012,6.859421944,6.859421696,6.85942153,6.859421624,6.859421904,6.85942175,6.859421805,6.859421814,6.859421899,6.859421822,6.859421657,6.85942195,6.859421965,6.859421939
+"4942","EXOSC2",6.870034158,6.870033938,6.870033854,6.87003368,6.870033778,6.87003397,6.870033995,6.87003387,6.870034144,6.870034095,6.87003381,6.870034025,6.870034032,6.870034313,6.870033957,6.8700337,6.870033774,6.870033581,6.870033971,6.870033897,6.870033795,6.870033914,6.870034199,6.870033898,6.870033525,6.870034085,6.870033955,6.870034104
+"4943","EXOSC3",6.537071653,6.53707134,6.537071244,6.537071463,6.537070979,6.537071277,6.537071305,6.537071105,6.537071446,6.537071259,6.537070976,6.53707085,6.537071401,6.537072272,6.537071226,6.537071382,6.537070551,6.537071104,6.537071042,6.537071286,6.537071238,6.537071051,6.537071415,6.537071459,6.53707113,6.537071289,6.537071247,6.537071781
+"4944","EXOSC4",6.40595101,6.405951131,6.405951143,6.405951085,6.405951252,6.405951239,6.40595124,6.405951118,6.405951112,6.405951214,6.405951335,6.405951349,6.405951015,6.405950699,6.405951004,6.405950942,6.405951264,6.405951049,6.405951229,6.405951221,6.405951038,6.405951147,6.405951048,6.405951106,6.405950823,6.405951029,6.405951054,6.405951128
+"4945","EXOSC5",6.0933158,6.093315783,6.093315695,6.093315813,6.093315772,6.093315702,6.093315729,6.093315789,6.093315748,6.093315741,6.09331571,6.093315733,6.093315788,6.09331578,6.093315749,6.093315496,6.093315713,6.093315703,6.09331576,6.093315606,6.093315668,6.09331576,6.093315693,6.093315764,6.093315632,6.093315749,6.093315784,6.093315753
+"4946","EXOSC6",7.836680239,7.836680033,7.836680404,7.836679975,7.836681316,7.836680289,7.836680734,7.836680418,7.836680739,7.8366808,7.836680286,7.836681276,7.836680238,7.836679465,7.83668074,7.836680266,7.836681145,7.836680312,7.836680759,7.836680534,7.836680734,7.836680648,7.836680285,7.836679985,7.836679976,7.836680667,7.836680261,7.836680296
+"4947","EXOSC7",5.741211022,5.741211025,5.741210944,5.741210883,5.74121092,5.74121088,5.741210927,5.741210955,5.741211024,5.741210946,5.741210818,5.741210909,5.741210973,5.741211072,5.741210972,5.741210996,5.741210848,5.741210881,5.741210941,5.741210872,5.741210873,5.741210971,5.741211026,5.741210946,5.7412108,5.741210957,5.741211012,5.741211008
+"4948","EXOSC8",5.008725874,5.008725638,5.008725568,5.008725541,5.008725393,5.008725764,5.00872579,5.008725374,5.008725792,5.008725683,5.0087253,5.008725455,5.008725725,5.008726079,5.008725604,5.008725523,5.008725517,5.00872532,5.008725612,5.008725638,5.008725729,5.008725357,5.008725788,5.008725677,5.008725277,5.008725613,5.008725726,5.008725828
+"4949","EXOSC9",6.1314507,6.131450613,6.131450466,6.131450362,6.131450477,6.131450555,6.131450618,6.131450426,6.131450647,6.131450611,6.13145045,6.131450394,6.131450615,6.13145076,6.131450512,6.131450575,6.131450303,6.131450343,6.131450592,6.131450629,6.131450555,6.131450495,6.131450669,6.131450614,6.131450513,6.131450587,6.131450613,6.131450658
+"4950","EXPH5",3.772661387,3.77266145,3.772661387,3.772661467,3.772661362,3.772661409,3.772661301,3.772661416,3.772661422,3.772661411,3.772661417,3.772661459,3.772661376,3.772661444,3.772661317,3.772661433,3.772661415,3.772661432,3.772661392,3.772661368,3.772661343,3.772661387,3.772661392,3.772661383,3.772661358,3.772661353,3.772661348,3.772661423
+"4951","EXT1",6.035043771,6.035043778,6.035043736,6.035043781,6.035043773,6.035043775,6.035043756,6.03504376,6.035043753,6.03504377,6.035043767,6.035043763,6.035043773,6.035043759,6.035043758,6.035043776,6.035043758,6.035043764,6.035043768,6.035043772,6.035043757,6.035043759,6.035043731,6.035043779,6.035043734,6.03504376,6.035043764,6.03504375
+"4952","EXT2",6.956440568,6.956440613,6.956440173,6.956440277,6.956440476,6.956440237,6.956440266,6.95644019,6.956440564,6.95644035,6.956440136,6.956440275,6.956440392,6.956440769,6.956440479,6.956440468,6.95644001,6.956439975,6.956440559,6.956440464,6.956440222,6.956440181,6.956440568,6.956440298,6.956440213,6.956440412,6.956440479,6.956440481
+"4953","EXTL1",5.167430175,5.167430064,5.167430283,5.167430204,5.167430417,5.167430132,5.167430301,5.167430361,5.167430257,5.167430305,5.16743042,5.167430342,5.167430158,5.167429845,5.167430251,5.167430091,5.167430653,5.167430395,5.167430133,5.167430188,5.16743038,5.167430477,5.16742988,5.167430109,5.167430173,5.167430368,5.167430076,5.167430348
+"4954","EXTL2",3.228673248,3.228673256,3.228673234,3.228673223,3.228673218,3.228673207,3.228673236,3.228673227,3.228673242,3.228673233,3.228673234,3.228673229,3.228673224,3.228673246,3.228673234,3.228673266,3.228673241,3.22867322,3.22867325,3.22867323,3.228673243,3.228673232,3.228673238,3.228673262,3.22867322,3.228673245,3.228673253,3.228673244
+"4955","EXTL3",7.988842704,7.988843196,7.988843071,7.988843392,7.988842541,7.988843172,7.988842995,7.988842815,7.988842565,7.988842611,7.988842868,7.988842856,7.988842819,7.988842847,7.988842755,7.988843297,7.988842956,7.988843127,7.988842942,7.988843097,7.988842838,7.988842887,7.988843043,7.988843138,7.988843041,7.988842853,7.988842948,7.988842709
+"4956","EYA1",4.257653361,4.257653363,4.257653364,4.257653356,4.257653388,4.257653387,4.257653376,4.257653382,4.257653384,4.25765338,4.257653376,4.257653363,4.257653371,4.257653336,4.257653389,4.257653377,4.257653391,4.257653389,4.25765339,4.257653391,4.257653374,4.257653373,4.257653377,4.257653355,4.257653342,4.257653372,4.257653349,4.257653367
+"4957","EYA2",5.143824285,5.143824602,5.143824571,5.143824683,5.143825091,5.143824541,5.143824718,5.143824817,5.143824606,5.143824651,5.143824834,5.143824945,5.143824644,5.143824114,5.143824858,5.143824553,5.143825072,5.143824817,5.143824742,5.143824679,5.143825003,5.143824752,5.143824622,5.143824258,5.143824723,5.143825006,5.143824727,5.14382473
+"4958","EYA3",6.250765475,6.250765436,6.250765092,6.250765429,6.250765197,6.250765602,6.250765488,6.250765318,6.250765486,6.250765343,6.250765273,6.250765208,6.250765405,6.250765674,6.25076556,6.250765252,6.250765075,6.250765416,6.250765452,6.250764959,6.250765447,6.250765388,6.250765491,6.250765561,6.250765293,6.250765434,6.250765538,6.250765475
+"4959","EYA4",3.582759317,3.582759432,3.582759377,3.582759379,3.582759441,3.582759467,3.582759403,3.582759423,3.582759427,3.582759549,3.582759528,3.58275941,3.582759437,3.582759312,3.582759315,3.582759358,3.582759414,3.582759477,3.582759359,3.582759366,3.582759372,3.582759415,3.582759474,3.58275943,3.582759388,3.58275938,3.582759428,3.582759419
+"4960","EYS",2.8298856108,2.8298857538,2.829885694,2.8298857614,2.8298856918,2.8298857992,2.8298858114,2.829885714,2.8298857426,2.8298856828,2.829885821,2.8298857578,2.8298856348,2.8298856952,2.8298857222,2.829885823,2.8298858666,2.8298858168,2.8298858396,2.8298857282,2.8298856714,2.8298857176,2.8298857992,2.829885788,2.8298857038,2.829885695,2.8298856296,2.8298857572
+"4961","EZH1",7.542736568,7.542736507,7.542736353,7.54273672,7.54273628,7.542736417,7.542736544,7.542736314,7.542736509,7.542736454,7.542736513,7.542736377,7.542736617,7.542736683,7.542736424,7.542736368,7.54273611,7.542736495,7.542736585,7.542736641,7.542736509,7.542736302,7.54273651,7.542736544,7.542736654,7.542736591,7.542736616,7.542736412
+"4962","EZH2",5.754647856,5.754647884,5.754647789,5.754647764,5.754647878,5.754647929,5.754648038,5.754647869,5.754647992,5.754647837,5.754647836,5.754647795,5.754647921,5.754647941,5.754647876,5.754647904,5.754647842,5.754647856,5.754647837,5.75464787,5.754647979,5.754647871,5.754647948,5.754647918,5.754647882,5.754647865,5.754647917,5.754647849
+"4963","EZHIP",5.856855594,5.8568556,5.856855591,5.856855585,5.856855611,5.856855594,5.856855603,5.8568556,5.856855614,5.856855602,5.856855596,5.85685562,5.856855578,5.856855585,5.856855602,5.856855595,5.856855605,5.856855586,5.856855589,5.856855615,5.856855598,5.856855605,5.856855591,5.856855578,5.856855591,5.856855598,5.856855587,5.856855595
+"4964","EZR",8.25348206,8.253482216,8.253480761,8.253481105,8.253481344,8.253481942,8.253482069,8.253481205,8.253481988,8.253482021,8.253480552,8.253480969,8.253482024,8.25348302,8.253481719,8.253481844,8.253480368,8.253480804,8.253481593,8.253481667,8.253481864,8.253481166,8.253481899,8.25348211,8.253480894,8.253481489,8.25348216,8.253482808
+"4965","F10",5.209593699,5.209593696,5.209593901,5.209593827,5.209593983,5.209593819,5.209593777,5.209593886,5.209593955,5.209593899,5.209594041,5.20959407,5.209593853,5.209593678,5.20959385,5.209593887,5.209593944,5.209594047,5.209593906,5.209594,5.209593987,5.209594013,5.209593785,5.209593691,5.20959376,5.209593942,5.209593949,5.209593967
+"4966","F11",3.618558382,3.61855831,3.618558398,3.618558265,3.618558557,3.618558333,3.618558464,3.618558644,3.618558561,3.618558551,3.618558421,3.618558699,3.618558481,3.618558378,3.618558571,3.618558447,3.618558522,3.618558529,3.61855852,3.618558455,3.618558467,3.618558497,3.618558449,3.618558376,3.618558445,3.618558446,3.618558272,3.618558532
+"4967","F12",5.534764576,5.534764544,5.534764632,5.534764603,5.534764778,5.534764555,5.534764628,5.534764699,5.53476455,5.534764637,5.534764717,5.53476475,5.534764655,5.534764521,5.53476472,5.534764643,5.534764789,5.534764736,5.534764647,5.534764626,5.53476474,5.534764766,5.534764504,5.53476462,5.53476457,5.534764694,5.534764617,5.534764667
+"4968","F13A1",8.690852862,9.686475096,8.81744501,10.07565385,9.38067784,8.845392198,8.847021192,8.595142629,8.715746505,9.911876283,9.644692501,9.325094987,9.017819701,8.441670033,8.74194505,9.2753321,8.808090092,10.12507766,9.024595838,8.28266625,8.840926061,8.281750459,8.858234861,10.01738099,9.570497393,9.4558579,9.03378108,8.203739925
+"4969","F13B",2.734520782,2.734520822,2.734520844,2.73452084,2.734520834,2.734520914,2.734520803,2.734520774,2.734520932,2.734520763,2.734520856,2.734520853,2.734520801,2.734520792,2.734520885,2.734520863,2.734520879,2.734520859,2.734520792,2.734520843,2.734520832,2.734520813,2.734520844,2.734520779,2.734520863,2.734520847,2.734520823,2.734520818
+"4970","F2",4.763104564,4.763104648,4.763104817,4.763104808,4.763104912,4.763104489,4.763104741,4.763104878,4.763104787,4.763104705,4.763104765,4.763104998,4.763104669,4.76310459,4.763104816,4.763104787,4.76310498,4.763104877,4.763104723,4.763104773,4.76310477,4.763104777,4.76310467,4.763104633,4.76310474,4.763104789,4.763104589,4.763104794
+"4971","F2R",5.973889463,5.973889153,5.973889135,5.973889601,5.973889047,5.973889374,5.973889283,5.973889564,5.973889213,5.973889068,5.973889461,5.973889317,5.973889195,5.973888775,5.973889481,5.97388939,5.973889259,5.973889657,5.973888986,5.973889382,5.973889457,5.973889201,5.97388942,5.973889451,5.973889504,5.973889501,5.973889248,5.973889088
+"4972","F2RL1",8.081158343,8.081160211,8.081158821,8.081160559,8.081156896,8.081159329,8.081156896,8.081157925,8.08115935,8.081157869,8.081159238,8.081157575,8.081157588,8.081157914,8.081158379,8.081160086,8.0811588,8.081160015,8.081158294,8.08115917,8.08115635,8.081158402,8.08116032,8.081159378,8.081159967,8.081158101,8.081157988,8.08115812
+"4973","F2RL2",3.555854522,3.555854544,3.555854494,3.555854598,3.555854534,3.55585451,3.555854512,3.555854518,3.555854527,3.555854553,3.555854535,3.555854536,3.555854482,3.555854519,3.555854479,3.555854508,3.555854584,3.555854507,3.555854546,3.555854541,3.555854518,3.555854469,3.555854522,3.555854521,3.555854553,3.555854518,3.555854511,3.555854504
+"4974","F2RL3",6.031101917,6.031101983,6.031102078,6.031102066,6.03110225,6.031101915,6.031102006,6.03110203,6.03110203,6.031102049,6.031102145,6.031102084,6.031101992,6.031101874,6.031102095,6.031102128,6.031102236,6.03110224,6.031102078,6.031101905,6.031102079,6.031102102,6.031102053,6.031101979,6.031102084,6.031102095,6.03110201,6.031101905
+"4975","F3",4.360201111,4.360201141,4.360201129,4.360201153,4.360201179,4.360201196,4.360201209,4.360201205,4.360201194,4.360201161,4.360201262,4.360201306,4.360201189,4.360201055,4.360201178,4.360201192,4.360201323,4.360201213,4.360201202,4.360201232,4.360201151,4.360201158,4.360201077,4.360201098,4.360201186,4.360201147,4.360201142,4.360201147
+"4976","F5",6.960262767,6.960306735,6.960198144,6.960393254,6.960276723,6.960319041,6.960375938,6.960144896,6.960281026,6.960286604,6.960343702,6.960182607,6.960232691,6.960304149,6.960281268,6.960337359,6.960208791,6.960356844,6.960348909,6.960267818,6.960346581,6.960204633,6.960345092,6.960347152,6.960392813,6.960215284,6.960229909,6.960210143
+"4977","F7",5.73728041,5.737280394,5.73728048,5.7372805,5.737280491,5.737280394,5.737280429,5.737280506,5.737280432,5.737280504,5.737280488,5.737280605,5.737280542,5.737280329,5.737280517,5.737280468,5.737280568,5.73728055,5.737280386,5.737280472,5.737280503,5.737280613,5.73728037,5.73728039,5.737280518,5.737280466,5.737280507,5.737280437
+"4978","F8",4.115378826,4.115378831,4.115378819,4.115378828,4.115378822,4.115378834,4.115378829,4.11537883,4.115378834,4.115378828,4.115378831,4.115378814,4.115378822,4.115378819,4.11537883,4.115378835,4.11537884,4.115378828,4.115378825,4.115378839,4.115378823,4.115378818,4.115378831,4.115378833,4.115378819,4.115378817,4.115378828,4.115378811
+"4979","F9",2.776042159,2.776042227,2.776042185,2.776042358,2.776042351,2.776042396,2.776042131,2.776042122,2.776042315,2.776042455,2.776042442,2.776042088,2.77604231,2.776042375,2.776042262,2.776042397,2.776042527,2.776042338,2.776042244,2.776042271,2.776042195,2.776042251,2.776042415,2.77604228,2.776042293,2.77604208,2.776042146,2.776042646
+"4980","FA2H",5.150549753,5.150549935,5.150550382,5.150550201,5.150550386,5.150549571,5.150550024,5.150550104,5.150549999,5.150549834,5.150550533,5.150550484,5.150550052,5.150549198,5.150550361,5.150550269,5.150550312,5.150550273,5.150549735,5.150549541,5.150550489,5.150550248,5.150549777,5.150549957,5.150550209,5.150550611,5.150549517,5.150550094
+"4981","FAAH",5.795919364,5.795919601,5.795919704,5.795919482,5.795919579,5.795919509,5.795919469,5.795919617,5.79591947,5.795919535,5.795919624,5.795919494,5.795919577,5.795919768,5.795919366,5.795919551,5.79591953,5.795919442,5.795919465,5.795919483,5.795919334,5.795919525,5.79591947,5.79591959,5.795919664,5.795919508,5.795919502,5.795919493
+"4982","FAAH2",4.887177741,4.887177674,4.887177622,4.887177641,4.887177648,4.887177698,4.887177674,4.88717768,4.887177714,4.887177695,4.887177586,4.887177665,4.887177719,4.887177736,4.887177683,4.887177642,4.887177586,4.887177631,4.887177701,4.887177687,4.887177661,4.887177701,4.887177703,4.887177636,4.887177647,4.887177671,4.887177699,4.887177696
+"4983","FAAP100",6.903529914,6.903529858,6.903529932,6.903529827,6.90353001,6.903529755,6.903529893,6.903529989,6.903529928,6.903529928,6.903529968,6.903529928,6.903529865,6.903529732,6.903529893,6.90352991,6.903530054,6.903529922,6.903529839,6.903529846,6.903529923,6.903530026,6.903529835,6.90352971,6.9035299,6.903529923,6.903529739,6.903529918
+"4984","FAAP20",5.867393165,5.8673931225,5.8673932325,5.867393099,5.867393462,5.867393184,5.8673932485,5.8673933795,5.86739323,5.8673931565,5.8673933275,5.867393413,5.8673931505,5.8673929425,5.8673933605,5.8673932495,5.8673934525,5.867393399,5.8673933095,5.8673931775,5.867393377,5.867393368,5.8673931415,5.867393087,5.8673932775,5.8673933355,5.8673932035,5.867393225
+"4985","FAAP24",5.205847338,5.205847331,5.205847484,5.205847362,5.205847242,5.205847243,5.205847584,5.205847319,5.205847163,5.205847229,5.205847323,5.205847207,5.205847394,5.205847322,5.20584734,5.2058474,5.205847472,5.205847512,5.205847393,5.205847299,5.205847516,5.205847185,5.205847437,5.20584731,5.205847297,5.205847389,5.205847163,5.205847323
+"4986","FABP12",2.891305822,2.891305829,2.891305837,2.891305831,2.891305844,2.891305845,2.891305856,2.891305827,2.891305828,2.891305833,2.891305818,2.891305859,2.891305822,2.891305813,2.891305829,2.891305848,2.891305837,2.891305847,2.891305849,2.891305827,2.891305831,2.891305833,2.891305826,2.891305839,2.891305824,2.891305833,2.891305844,2.891305856
+"4987","FABP2",2.739847455,2.739847611,2.739847543,2.739847378,2.739847795,2.739847648,2.73984749,2.739847727,2.739847548,2.739847555,2.739847513,2.739847675,2.739847526,2.73984763,2.739847753,2.739847737,2.739847594,2.739847585,2.739847658,2.73984771,2.739847549,2.739847609,2.739847766,2.739847503,2.739847842,2.739847635,2.739847435,2.739847823
+"4988","FABP3",4.347392188,4.347392199,4.347392224,4.347392211,4.347392206,4.347392166,4.347392183,4.347392219,4.347392205,4.347392197,4.347392209,4.347392232,4.347392223,4.347392195,4.347392201,4.347392198,4.347392216,4.347392228,4.347392214,4.3473922,4.347392189,4.347392216,4.347392197,4.347392213,4.347392225,4.347392198,4.347392202,4.347392204
+"4989","FABP4",2.860545469,2.86054556,2.860545962,2.860545473,2.860545838,2.860545646,2.86054592,2.860545887,2.860545542,2.860545721,2.860545777,2.86054602,2.86054561,2.860545603,2.860545841,2.860545692,2.86054561,2.860545691,2.860545626,2.860545548,2.860545697,2.860545599,2.86054563,2.860545727,2.860545738,2.860545652,2.860545781,2.860545812
+"4990","FABP6",5.622849078,5.622849069,5.622849072,5.622849052,5.622849097,5.622849066,5.622849067,5.622849066,5.62284907,5.622849093,5.62284907,5.622849099,5.622849069,5.622849055,5.622849082,5.622849104,5.622849087,5.622849086,5.622849072,5.622849079,5.622849097,5.622849067,5.622849057,5.622849074,5.622849079,5.622849085,5.622849064,5.622849073
+"4991","FABP7",3.584757307,3.584757332,3.584757414,3.584757353,3.584757415,3.584757355,3.584757335,3.584757581,3.584757416,3.584757409,3.584757386,3.584757456,3.584757352,3.584757273,3.584757459,3.58475752,3.584757484,3.584757504,3.584757492,3.584757282,3.584757596,3.584757397,3.584757603,3.584757343,3.584757473,3.584757434,3.584757404,3.584757404
+"4992","FADD",7.619423166,7.619423297,7.619423165,7.619423381,7.619423152,7.619423213,7.61942321,7.619423164,7.619423232,7.619423198,7.619423165,7.619423258,7.61942316,7.61942316,7.619423232,7.619423342,7.6194231,7.619423342,7.619423244,7.61942327,7.619423154,7.619423297,7.619423285,7.619423253,7.619423188,7.619423161,7.6194232,7.619423254
+"4993","FADS1",5.554173112,5.554172972,5.554173128,5.554172956,5.554173125,5.554173047,5.554172925,5.554173069,5.554172849,5.554173007,5.554173199,5.554172939,5.554173208,5.554173077,5.55417299,5.554172978,5.55417301,5.554172928,5.554173046,5.554172984,5.554172924,5.554173053,5.554172852,5.554173019,5.554173027,5.55417294,5.55417312,5.554173066
+"4994","FADS2",5.634467273,5.834591986,7.106762232,5.688126595,7.595000469,5.730449821,5.469398288,7.232377553,5.37703421,5.769759723,7.233808392,5.753833216,7.750767188,5.675113673,5.415716176,5.63620957,6.992435959,5.566687116,7.766129198,5.113388677,5.31056827,7.056495167,5.446333836,5.955970763,7.193961799,6.018485782,7.734591128,5.697792445
+"4995","FADS3",6.293904454,6.293904111,6.293904401,6.293904167,6.293904775,6.293903917,6.293904423,6.29390453,6.293904305,6.293904535,6.293904349,6.293904731,6.293904286,6.293904373,6.293904798,6.293904409,6.293904722,6.293904556,6.293904591,6.29390409,6.293904693,6.293904694,6.29390404,6.293904128,6.293904417,6.293904535,6.293904243,6.293904524
+"4996","FADS6",5.436648246,5.43664822,5.436648244,5.436648248,5.436648316,5.436648222,5.436648296,5.436648295,5.436648262,5.436648282,5.43664824,5.436648285,5.436648258,5.436648194,5.436648277,5.436648262,5.436648303,5.436648264,5.43664827,5.436648269,5.436648326,5.436648283,5.436648228,5.436648254,5.436648267,5.436648316,5.436648281,5.436648258
+"4997","FAF1",6.447628101,6.447627991,6.447627932,6.447627923,6.447627883,6.447627915,6.447628032,6.447627896,6.44762801,6.447627961,6.447627919,6.44762789,6.447628076,6.447628142,6.447627962,6.447627897,6.447627796,6.447627809,6.447627963,6.447627857,6.447627959,6.447627955,6.44762802,6.447627967,6.447627921,6.447628022,6.447628127,6.447628038
+"4998","FAF2",7.01543314,7.015433095,7.015432971,7.015433058,7.015432864,7.015433075,7.015433047,7.015432958,7.015432999,7.01543302,7.015432953,7.015432894,7.015433125,7.015433149,7.015433041,7.015432986,7.015432773,7.015432979,7.01543303,7.015433174,7.015432984,7.015432945,7.015433098,7.015433097,7.015433112,7.015433004,7.015433036,7.015433035
+"4999","FAH",5.58479153,5.584791402,5.584791621,5.5847916,5.584791651,5.584791597,5.584791611,5.584791512,5.584791492,5.584791593,5.584791633,5.584791602,5.584791369,5.584791421,5.584791678,5.584791517,5.584791628,5.584791535,5.584791571,5.584791566,5.584791521,5.584791447,5.58479155,5.58479129,5.584791519,5.584791468,5.584791497,5.584791378
+"5000","FAHD1",4.492783141,4.492783111,4.49278312,4.492783082,4.492783108,4.492783122,4.492783114,4.492783115,4.492783105,4.492783108,4.492783129,4.492783086,4.492783119,4.492783134,4.492783109,4.492783101,4.492783088,4.492783095,4.492783104,4.492783102,4.492783113,4.492783119,4.492783106,4.49278313,4.492783088,4.492783114,4.492783123,4.492783127
+"5001","FAHD2A",6.27921289,6.279212775,6.279212691,6.279212536,6.279212564,6.279213077,6.279212484,6.279212842,6.279213306,6.279212566,6.279212593,6.279212834,6.279212686,6.279213046,6.279212848,6.279213047,6.27921281,6.279212567,6.279212748,6.279212858,6.279212883,6.279212785,6.279212658,6.279213026,6.279212897,6.279213015,6.27921243,6.279212728
+"5002","FAIM",4.181878257,4.181878252,4.181878267,4.181878238,4.181878271,4.18187825,4.181878265,4.181878267,4.181878275,4.181878252,4.181878268,4.181878271,4.181878256,4.181878269,4.181878268,4.181878262,4.181878262,4.181878266,4.181878272,4.181878263,4.181878267,4.181878268,4.181878258,4.181878255,4.18187826,4.181878254,4.181878274,4.181878279
+"5003","FAIM2",5.105166898,5.105166928,5.105167016,5.105167001,5.105167065,5.105166951,5.105166985,5.105167,5.105167012,5.105166973,5.105166962,5.105167118,5.105166928,5.105166878,5.105166999,5.105166952,5.105167027,5.105166981,5.105167,5.105166987,5.105167042,5.105167019,5.105166915,5.105166924,5.105166983,5.105166997,5.105166962,5.105166979
+"5004","FAM104A",9.059527904,8.754974427,9.337464146,8.819992673,8.974864091,9.500115227,9.140860058,9.33811461,9.234234695,9.33505735,9.209374602,9.39016271,8.812840893,8.830461753,9.021683509,8.602836171,9.163681142,8.884709173,8.812331082,9.351544232,9.073610885,9.13834684,9.13678657,9.277067394,9.190045238,9.433099756,8.909744052,8.915041691
+"5005","FAM104B",4.540010161,4.540010245,4.54001023,4.540010056,4.540010103,4.540010312,4.540010202,4.540010226,4.540010326,4.540010262,4.540010396,4.54001022,4.54001022,4.540010201,4.540010204,4.540010136,4.540010347,4.540010269,4.540010102,4.540010344,4.540010069,4.540010195,4.540010447,4.540010282,4.540010336,4.54001021,4.540010276,4.540010304
+"5006","FAM107A",5.900910888,5.900910839,5.900910948,5.900910914,5.900911066,5.90091071,5.900910728,5.900910984,5.90091082,5.900910865,5.900910965,5.900910849,5.900910864,5.900910751,5.90091094,5.900910954,5.900911003,5.900910989,5.900910896,5.900910933,5.900910942,5.900910952,5.900910821,5.900910881,5.900910983,5.900910994,5.900910879,5.900910859
+"5007","FAM107B",7.610811622,7.610811429,7.610810739,7.610810725,7.610810859,7.610810453,7.610811406,7.610810714,7.610811702,7.61081136,7.610809995,7.610810458,7.610811601,7.610812911,7.610811556,7.610810797,7.610810627,7.610810787,7.610811406,7.610810297,7.610811768,7.610810951,7.610812055,7.610811155,7.610810585,7.610811167,7.610811433,7.610812416
+"5008","FAM110A",7.245421769,7.245422057,7.245421871,7.245421974,7.245422001,7.245422024,7.24542197,7.245421904,7.245421831,7.245422073,7.245422038,7.245422017,7.245421979,7.245421823,7.245421816,7.245422079,7.245421952,7.245421901,7.245421996,7.245421959,7.245421734,7.245421833,7.245421843,7.245421908,7.245422026,7.245421923,7.245421945,7.245421902
+"5009","FAM110B",4.269655323,4.269655455,4.269655477,4.269655251,4.269655559,4.269655347,4.269655419,4.269655363,4.269655531,4.269655352,4.269655724,4.269655136,4.269655316,4.26965522,4.269655409,4.269655371,4.269655626,4.269655402,4.269655524,4.269655588,4.269655389,4.26965547,4.269655103,4.269655219,4.269655421,4.269655499,4.269655339,4.269655476
+"5010","FAM110C",6.709554946,6.709555032,6.709555091,6.709554948,6.709555103,6.709554931,6.709554935,6.709555111,6.709554992,6.709555077,6.709555061,6.709555087,6.709554977,6.709554867,6.709555042,6.709555091,6.709555101,6.709555126,6.709554959,6.709555045,6.709554994,6.70955506,6.709554933,6.709554968,6.709555069,6.709555029,6.709555044,6.709555044
+"5011","FAM110D",6.812028255,6.812028257,6.812028406,6.81202834,6.812028548,6.812028421,6.812028284,6.812028389,6.812028285,6.81202846,6.812028455,6.812028553,6.812028409,6.812028063,6.812028438,6.812028369,6.812028465,6.812028455,6.812028402,6.812028498,6.812028387,6.812028434,6.812028325,6.81202833,6.812028392,6.8120284,6.812028372,6.812028312
+"5012","FAM111A",7.521612968,7.521612172,7.521612071,7.52161225,7.521611678,7.521612989,7.521612304,7.521612021,7.521612271,7.521611902,7.521611636,7.521611408,7.521612543,7.521612891,7.5216125,7.52161215,7.521611558,7.521611793,7.521612036,7.52161338,7.52161253,7.521612326,7.521612532,7.521612244,7.521612141,7.521612117,7.521612507,7.521612089
+"5013","FAM111B",3.719667657,3.719667595,3.7196676,3.719667599,3.719667629,3.719667732,3.719667961,3.719667619,3.719667761,3.719667789,3.719667737,3.719667602,3.719667761,3.719667862,3.719667852,3.719667637,3.719667667,3.719667767,3.719667601,3.719667818,3.719668003,3.719667702,3.719667857,3.719667693,3.719667622,3.719667684,3.719667718,3.719667971
+"5014","FAM114A1",4.533381515,4.533381186,4.533381202,4.533381661,4.533381429,4.53338147,4.533381197,4.533381239,4.53338124,4.533381243,4.533381774,4.533381292,4.533381029,4.533381253,4.533381364,4.53338138,4.533381232,4.533381525,4.533381375,4.533381367,4.533381317,4.533381411,4.533381394,4.533381392,4.533381564,4.533381203,4.533381289,4.533381039
+"5015","FAM114A2",5.58967506,5.589674982,5.589674704,5.589674495,5.589674512,5.589674694,5.589674727,5.589674507,5.589674734,5.589674947,5.589674674,5.58967453,5.589674739,5.58967502,5.589674806,5.589674904,5.589674722,5.589674576,5.589674928,5.589674756,5.589674719,5.589674592,5.589674854,5.589674887,5.589674476,5.589674662,5.589674791,5.589675128
+"5016","FAM117A",8.447666284,8.447665736,8.447667252,8.44766626,8.447666173,8.447667565,8.447665356,8.447667382,8.447667006,8.447666811,8.447667061,8.447667968,8.447665812,8.447665364,8.447666227,8.447665207,8.447665995,8.447666265,8.447665886,8.447666611,8.447665608,8.44766703,8.447666668,8.447666452,8.447667148,8.447667529,8.447666502,8.447666005
+"5017","FAM117B",7.39196735,7.391966796,7.391966803,7.391966806,7.391966704,7.391967281,7.391966843,7.391967425,7.391967651,7.391968157,7.391967179,7.391967648,7.391967714,7.391967914,7.391967234,7.391966013,7.391966777,7.391966445,7.391966878,7.391967222,7.391967028,7.391967233,7.391967295,7.391967675,7.391966979,7.391967565,7.391967858,7.391967686
+"5018","FAM118A",6.446448838,6.446446065,6.446446078,6.44644551,6.446445987,6.446446005,6.446446679,6.446446365,6.446447085,6.446446564,6.446448034,6.446446442,6.446446845,6.446446602,6.446448515,6.446446121,6.446445709,6.446445706,6.44644602,6.446445217,6.446446512,6.446446777,6.446446815,6.446445563,6.446448194,6.446446407,6.446446858,6.446446577
+"5019","FAM118B",5.930735986,5.930735944,5.930735957,5.930735939,5.93073595,5.930735996,5.930736,5.930735909,5.930735953,5.930735942,5.930735921,5.93073593,5.930735993,5.930736004,5.930735947,5.930735899,5.930735948,5.930735906,5.930735983,5.93073593,5.93073594,5.930735908,5.930735923,5.930735949,5.930735929,5.930735921,5.930735995,5.930735952
+"5020","FAM120A",7.147407495,7.147407595,7.147407499,7.147407624,7.14740738,7.147407605,7.147407544,7.147407397,7.14740751,7.147407502,7.147407406,7.147407325,7.147407472,7.147407553,7.147407494,7.147407543,7.147407413,7.14740756,7.147407506,7.147407725,7.147407544,7.147407401,7.14740757,7.14740752,7.147407518,7.147407484,7.147407492,7.14740739
+"5021","FAM120AOS",6.884565607,6.884565609,6.88456561,6.884565581,6.884565623,6.88456562,6.884565625,6.884565621,6.884565618,6.884565614,6.884565624,6.884565614,6.884565613,6.884565606,6.884565617,6.884565619,6.884565636,6.88456561,6.884565626,6.884565628,6.884565627,6.884565623,6.884565608,6.884565599,6.8845656,6.88456561,6.884565601,6.884565617
+"5022","FAM120B",7.69128208,7.691282076,7.691281953,7.691282119,7.691281976,7.691282089,7.691282042,7.691281965,7.691282047,7.691282003,7.691281877,7.691281891,7.691282074,7.691282178,7.691282005,7.691282025,7.691281812,7.691282039,7.69128205,7.691281581,7.691281993,7.691281996,7.691282005,7.691282027,7.691282002,7.691281958,7.691282136,7.691282086
+"5023","FAM120C",5.097166618,5.097166504,5.097166601,5.097166454,5.097166498,5.097166617,5.097166618,5.097166597,5.097166594,5.097166666,5.0971665,5.097166568,5.097166615,5.097166659,5.09716652,5.097166554,5.09716656,5.097166508,5.097166578,5.097166551,5.097166604,5.097166613,5.097166635,5.097166556,5.097166403,5.097166637,5.097166615,5.097166607
+"5024","FAM124A",4.625251896,4.625251886,4.625252143,4.625252055,4.625252213,4.625251882,4.625251952,4.62525212,4.625252082,4.625251961,4.62525207,4.625252164,4.625251985,4.625251917,4.625252125,4.625252222,4.625252147,4.625252154,4.625252008,4.625252098,4.625252097,4.625252194,4.625252119,4.625252071,4.625252166,4.625252032,4.625252061,4.62525208
+"5025","FAM124B",5.254679847,5.25467983,5.254679846,5.254679834,5.254679882,5.254679832,5.254679845,5.254679863,5.254679868,5.254679853,5.25467987,5.254679875,5.254679849,5.254679844,5.254679864,5.25467988,5.254679857,5.254679846,5.254679871,5.254679835,5.254679854,5.254679855,5.254679846,5.254679842,5.254679874,5.254679858,5.254679834,5.254679843
+"5026","FAM131A",5.392920272,5.392920262,5.392920337,5.392920462,5.392920432,5.392920181,5.392920463,5.392920391,5.392920348,5.392920144,5.392920365,5.392920506,5.39292028,5.392920143,5.392920279,5.392920432,5.39292037,5.392920358,5.392920347,5.392920335,5.39292038,5.392920372,5.392920173,5.39292029,5.392920429,5.392920259,5.392920333,5.392920202
+"5027","FAM131B",5.541349062,5.541349068,5.541349084,5.541349089,5.541349083,5.541349088,5.541349077,5.541349079,5.541349084,5.541349093,5.541349088,5.541349097,5.541349071,5.541349069,5.541349082,5.541349082,5.541349102,5.541349088,5.541349084,5.541349089,5.541349076,5.541349089,5.541349077,5.541349079,5.541349082,5.541349079,5.541349072,5.541349082
+"5028","FAM131C",6.303940266,6.303940177,6.303940421,6.303940368,6.30394059,6.303940604,6.30394033,6.303940566,6.303940258,6.303940397,6.303940411,6.303940417,6.30394027,6.303939916,6.303940527,6.303940346,6.303940596,6.303940532,6.303940489,6.303940401,6.303940494,6.303940511,6.303940285,6.303940077,6.303940311,6.303940377,6.303940395,6.303940354
+"5029","FAM133A",2.493021957,2.493022159,2.493022327,2.49302196,2.49302217,2.493022342,2.493022025,2.493022162,2.493022042,2.493022243,2.493022207,2.493022227,2.493022062,2.493022252,2.493022053,2.493022046,2.4930222,2.493021994,2.49302229,2.493022103,2.493021982,2.493022042,2.493022116,2.493022043,2.493022122,2.49302189,2.493022117,2.493022233
+"5030","FAM135A",4.709990897,4.709990608,4.709990644,4.709990369,4.709990334,4.70999051,4.709990428,4.70999027,4.709990284,4.70999047,4.709990208,4.709990354,4.709990662,4.709991067,4.709990498,4.709990381,4.709990375,4.709990374,4.70999079,4.70999022,4.709990221,4.709990596,4.709990408,4.709990451,4.709990131,4.709990469,4.70999064,4.709990638
+"5031","FAM135B",3.773940808,3.773940813,3.773940845,3.773940826,3.77394086,3.773940825,3.773940831,3.773940849,3.773940823,3.773940829,3.773940827,3.773940856,3.77394083,3.773940804,3.773940849,3.773940824,3.773940846,3.773940859,3.773940837,3.773940848,3.773940838,3.77394085,3.773940813,3.773940804,3.773940817,3.77394084,3.773940833,3.773940829
+"5032","FAM136A",5.949754976,5.949755,5.949754936,5.949754945,5.949754909,5.949754919,5.94975496,5.949754859,5.949754963,5.949754963,5.949754903,5.949754897,5.949754969,5.949755032,5.949754953,5.949754945,5.949754904,5.949754848,5.949754889,5.949754911,5.949754969,5.949754884,5.949754919,5.949754929,5.949754811,5.949754958,5.949754931,5.949755042
+"5033","FAM138D",4.130278438,4.130278555,4.13027868,4.13027863,4.130278609,4.130278504,4.130278551,4.13027862,4.130278662,4.130278643,4.130278711,4.130278617,4.13027858,4.130278459,4.13027864,4.130278738,4.130278648,4.13027873,4.130278508,4.130278545,4.130278552,4.130278655,4.130278537,4.130278718,4.130278692,4.130278707,4.130278529,4.130278701
+"5034","FAM13A",5.707567262,5.707567224,5.707567168,5.70756718,5.707567262,5.70756725,5.707567219,5.707567163,5.707567275,5.707567238,5.707567201,5.707567085,5.707567259,5.707567281,5.707567208,5.70756722,5.707567129,5.707567148,5.707567295,5.707567214,5.707567194,5.707567069,5.707567231,5.707567284,5.707567192,5.707567147,5.707567221,5.707567263
+"5035","FAM13B",6.803541952,6.80354172,6.803541587,6.803541631,6.803541397,6.803541378,6.80354159,6.80354146,6.803541567,6.803541611,6.803541626,6.803541412,6.803541668,6.803542019,6.803541616,6.803541627,6.803541369,6.803541469,6.803541781,6.803541377,6.803541565,6.803541509,6.803541669,6.803541645,6.803541633,6.803541463,6.80354167,6.803541711
+"5036","FAM13C",4.092165319,4.092165309,4.092165406,4.092165365,4.092165409,4.09216533,4.092165379,4.092165407,4.092165436,4.092165364,4.09216533,4.092165444,4.092165391,4.092165326,4.092165366,4.092165369,4.092165369,4.092165383,4.09216536,4.09216537,4.092165403,4.092165386,4.09216533,4.092165355,4.092165417,4.092165346,4.092165349,4.092165386
+"5037","FAM149A",3.901181211,3.901181131,3.901181265,3.901181222,3.9011813,3.901181103,3.901181171,3.901181237,3.901181114,3.90118111,3.901181221,3.901181255,3.901181251,3.90118117,3.901181234,3.901181305,3.901181452,3.901181233,3.901181226,3.90118118,3.901181222,3.901181305,3.901181315,3.901181202,3.901181176,3.901181227,3.901181162,3.901181226
+"5038","FAM149B1",5.800564389,5.800564175,5.800564199,5.800564456,5.800564304,5.80056445,5.800564296,5.800564091,5.800564525,5.80056468,5.800564148,5.800564182,5.800564299,5.800564754,5.800564085,5.800564446,5.800563832,5.800564245,5.800564198,5.800564278,5.800564077,5.800564135,5.800564272,5.800564411,5.800564119,5.800563819,5.800564323,5.800564236
+"5039","FAM151A",5.05762777,5.057627773,5.057627878,5.057627835,5.057627889,5.057627736,5.057627836,5.057627886,5.057627828,5.057627823,5.057627831,5.057627907,5.057627866,5.057627647,5.057627841,5.057627864,5.057627942,5.057627825,5.057627814,5.057627768,5.057627854,5.057627867,5.057627782,5.057627813,5.057627876,5.057627891,5.057627803,5.057627805
+"5040","FAM151B",4.753821223,4.753821195,4.753821197,4.753821203,4.753821193,4.753821175,4.753821223,4.753821186,4.753821182,4.753821196,4.753821208,4.753821194,4.753821174,4.753821193,4.75382121,4.753821231,4.753821181,4.753821207,4.75382122,4.753821207,4.753821225,4.753821185,4.753821197,4.753821199,4.753821263,4.753821146,4.753821175,4.753821158
+"5041","FAM161A",3.319664003,3.319664008,3.319663994,3.319663974,3.319663998,3.319663982,3.319664006,3.319663996,3.319664,3.319663998,3.319663982,3.319663973,3.319663996,3.319664027,3.319664001,3.319664004,3.319664,3.319663998,3.319663998,3.319664016,3.319663971,3.319664033,3.319664017,3.319664002,3.319664,3.319663981,3.319664009,3.319664027
+"5042","FAM161B",6.024350462,6.024350458,6.024350549,6.024350542,6.024350545,6.024350453,6.024350514,6.024350523,6.024350511,6.024350488,6.024350486,6.024350519,6.024350467,6.024350396,6.024350498,6.024350435,6.024350543,6.0243506,6.024350483,6.024350515,6.024350484,6.024350577,6.024350505,6.024350426,6.024350534,6.024350522,6.024350406,6.024350508
+"5043","FAM162A",5.226133282,5.226133275,5.226133212,5.226133175,5.22613314,5.226133108,5.226133169,5.226133209,5.226133307,5.226133208,5.226133134,5.226132981,5.226133231,5.226133248,5.226133217,5.226133199,5.226133006,5.226133076,5.226133229,5.226133238,5.226133208,5.226133178,5.226133214,5.22613324,5.226133032,5.226133167,5.226133194,5.226133204
+"5044","FAM162B",6.405047818,6.405047946,6.405048277,6.405048021,6.405048554,6.405047471,6.405047739,6.40504834,6.405048064,6.405047974,6.405048417,6.405048356,6.405048129,6.405047637,6.405048099,6.405048351,6.405048116,6.405048463,6.405047639,6.405048127,6.405048147,6.405048104,6.405047814,6.405048115,6.405048125,6.405048256,6.405047967,6.405048166
+"5045","FAM163A",4.276535845,4.276535468,4.276535802,4.276535507,4.276535928,4.276535687,4.276535686,4.276535755,4.276535744,4.276535576,4.276535743,4.276535922,4.276535615,4.276535566,4.276535646,4.276535573,4.276535763,4.276535933,4.276535716,4.276535961,4.27653574,4.276535657,4.276535615,4.276535575,4.276535589,4.276535518,4.276535618,4.276535525
+"5046","FAM163B",5.423048464,5.423048466,5.423048526,5.423048514,5.423048582,5.423048485,5.423048509,5.423048527,5.423048467,5.423048483,5.423048515,5.423048545,5.423048519,5.42304845,5.423048515,5.423048524,5.423048537,5.423048581,5.423048517,5.423048537,5.423048526,5.423048534,5.423048444,5.423048445,5.423048534,5.423048524,5.423048501,5.423048494
+"5047","FAM166A",5.199953894,5.199953604,5.19995433,5.199953434,5.199954555,5.199953899,5.19995431,5.199954272,5.199953999,5.199954137,5.199954073,5.19995467,5.199953626,5.199953765,5.199954384,5.199953965,5.199954583,5.199954401,5.199953984,5.199954287,5.199954242,5.199954227,5.199953843,5.199953679,5.199954002,5.199954065,5.199954036,5.199954484
+"5048","FAM166C",5.177446265,5.177446275,5.177446287,5.177446212,5.177446338,5.177446255,5.177446309,5.177446327,5.177446261,5.177446228,5.177446271,5.177446416,5.177446242,5.17744623,5.177446393,5.177446298,5.177446434,5.177446387,5.1774463,5.177446394,5.177446347,5.17744631,5.177446304,5.177446264,5.177446363,5.177446346,5.177446284,5.177446288
+"5049","FAM167A",4.102354449,4.102354507,4.102354503,4.102354543,4.102354587,4.102354547,4.1023545,4.102354529,4.102354543,4.102354495,4.102354569,4.102354549,4.102354483,4.102354483,4.102354572,4.102354523,4.102354563,4.102354532,4.102354564,4.102354559,4.102354438,4.102354442,4.102354483,4.102354572,4.102354582,4.102354495,4.102354509,4.102354522
+"5050","FAM167A-AS1",3.793267868,3.793267839,3.793267672,3.793267754,3.793267895,3.793267728,3.793267905,3.79326791,3.793267891,3.793267682,3.793267699,3.79326787,3.793267944,3.793267821,3.793268044,3.793267764,3.793267834,3.793267907,3.79326778,3.793267766,3.793267853,3.793267839,3.793267729,3.793267802,3.7932677,3.793267825,3.793267647,3.793267985
+"5051","FAM167B",5.025211573,5.025211358,5.025211806,5.025211409,5.025211919,5.025211829,5.02521178,5.025211719,5.025211752,5.025211686,5.025211577,5.025211827,5.025211694,5.025211286,5.02521188,5.025211046,5.025212018,5.025211702,5.025211669,5.025211875,5.025211902,5.02521206,5.025211395,5.025211199,5.02521148,5.025211479,5.02521185,5.025211767
+"5052","FAM168A",7.506056999,7.50605701,7.506057046,7.506057031,7.506057055,7.506057056,7.506057044,7.506057036,7.506057045,7.506057057,7.506057026,7.506057051,7.506057028,7.506056969,7.506057059,7.506057019,7.506057081,7.506057044,7.506057039,7.506057063,7.506057027,7.506057081,7.506057001,7.506057008,7.506057024,7.50605705,7.506057051,7.506056999
+"5053","FAM168B",7.842532654,7.842532703,7.84253259,7.842532678,7.842532516,7.842532574,7.842532558,7.842532643,7.842532552,7.84253261,7.84253262,7.842532592,7.842532643,7.842532679,7.842532567,7.842532629,7.842532464,7.842532572,7.842532628,7.842532562,7.842532552,7.842532625,7.842532644,7.842532619,7.842532579,7.842532606,7.842532639,7.842532633
+"5054","FAM169A",5.038186117,5.038186053,5.038185947,5.038185703,5.038185704,5.038185631,5.038185727,5.038185858,5.038186035,5.038185942,5.038185436,5.038185898,5.038185914,5.038186421,5.038185848,5.038185948,5.038185609,5.038185612,5.038185791,5.038185739,5.038185736,5.038185765,5.03818611,5.038185849,5.038185643,5.038186013,5.038186023,5.038186206
+"5055","FAM169BP",4.545351534,4.545351561,4.545351553,4.545351568,4.545351573,4.545351553,4.545351549,4.545351581,4.54535154,4.54535155,4.54535156,4.545351549,4.545351559,4.545351544,4.545351579,4.545351562,4.545351563,4.54535158,4.545351548,4.545351565,4.545351563,4.545351561,4.545351557,4.545351539,4.545351536,4.545351558,4.545351568,4.545351541
+"5056","FAM170A",4.236889429,4.236889508,4.236889186,4.236889262,4.236889991,4.236889369,4.236889383,4.236889729,4.236889554,4.236889476,4.236889395,4.236889617,4.236889614,4.236889347,4.236889746,4.236889574,4.236889872,4.236889774,4.236889647,4.236889532,4.23688978,4.236889696,4.23688949,4.236889242,4.236889667,4.236889764,4.236889243,4.236889428
+"5057","FAM170B",5.886646593,5.886646616,5.886646683,5.886646604,5.886646724,5.886646656,5.886646663,5.88664675,5.886646652,5.886646654,5.886646673,5.886646754,5.886646643,5.886646574,5.886646736,5.886646626,5.886646759,5.886646717,5.886646628,5.886646747,5.886646724,5.886646736,5.886646575,5.886646591,5.886646643,5.886646662,5.88664666,5.886646713
+"5058","FAM171A1",5.817582513,5.817582524,5.817582433,5.817582559,5.8175826,5.817582496,5.817582599,5.817582594,5.817582643,5.81758263,5.817582543,5.817582632,5.817582566,5.817582484,5.817582608,5.817582504,5.817582662,5.817582615,5.817582607,5.817582511,5.817582543,5.817582679,5.817582555,5.817582415,5.817582535,5.817582544,5.817582643,5.817582644
+"5059","FAM171A2",5.555819764,5.555819937,5.55582024,5.555819788,5.555820371,5.55582038,5.555820119,5.555820484,5.555820116,5.555820025,5.555820353,5.555820247,5.555820047,5.555819929,5.55582038,5.555820078,5.555820199,5.555820394,5.555820198,5.555820102,5.555819856,5.555820391,5.555819727,5.555819975,5.555820007,5.555820118,5.555819724,5.555819868
+"5060","FAM171B",4.140708097,4.140707972,4.140708271,4.140708183,4.140708295,4.140708244,4.14070815,4.140708197,4.140708237,4.14070818,4.140708008,4.140708382,4.140708256,4.140707899,4.140708334,4.140708149,4.140708573,4.140708335,4.140708298,4.140708399,4.140708391,4.140708301,4.140708312,4.140708212,4.140708282,4.140708165,4.140708002,4.140708102
+"5061","FAM172A",6.839961214,6.839960907,6.839960636,6.839960577,6.83996048,6.839960285,6.839960611,6.839960478,6.839960744,6.839960582,6.839960726,6.839960137,6.839961004,6.839961571,6.839960832,6.839960717,6.839960055,6.839960725,6.839960613,6.839959777,6.839960476,6.839960408,6.839961076,6.839961201,6.83996058,6.839960545,6.839961064,6.839960973
+"5062","FAM172BP",3.288988307,3.288988106,3.2889884,3.288988353,3.288988113,3.288988193,3.288988229,3.2889883,3.288988341,3.288988277,3.288988132,3.28898819,3.288988289,3.288988435,3.288988413,3.288988099,3.288988203,3.288988215,3.288988245,3.28898848,3.288988276,3.288988303,3.288988339,3.288988123,3.288988392,3.288988015,3.288988377,3.288988207
+"5063","FAM174A",5.654319698,5.654319683,5.654319702,5.654319776,5.654319613,5.654319651,5.654319756,5.6543197,5.654319612,5.654319512,5.654319503,5.654319649,5.654319618,5.654319735,5.654319692,5.654319803,5.654319717,5.654319703,5.654319815,5.654319795,5.654319677,5.654319685,5.654319726,5.654319675,5.654319673,5.654319696,5.654319696,5.654319667
+"5064","FAM174B",6.47362551,6.473625695,6.473625803,6.473625626,6.473626061,6.473625758,6.473625828,6.473626079,6.473625642,6.473625854,6.473625843,6.473625973,6.473625812,6.473625338,6.473625873,6.473625851,6.473626098,6.473625805,6.473625843,6.473625624,6.473625793,6.473625991,6.473625724,6.473625618,6.473625724,6.473625931,6.47362558,6.473625562
+"5065","FAM174C",7.914832444,7.914832721,7.914833302,7.914832865,7.914833349,7.914832009,7.914832714,7.914833213,7.914833013,7.914833026,7.914833301,7.914833194,7.914832977,7.914832485,7.914833155,7.914833193,7.914833225,7.914833158,7.914832758,7.914832565,7.914833237,7.914833198,7.91483264,7.914832933,7.914833416,7.914833326,7.914832839,7.914832952
+"5066","FAM177B",4.213398672,4.213396452,4.213396091,4.213396953,4.213396948,4.213395008,4.213396795,4.21339583,4.213395788,4.213396209,4.213396485,4.213397432,4.213395914,4.213397965,4.213397749,4.213396177,4.213396262,4.213396578,4.213396092,4.213395168,4.213396308,4.21339593,4.213395875,4.213396225,4.213396349,4.21339719,4.213396508,4.213397668
+"5067","FAM178B",5.204893192,5.20489319,5.204893337,5.204893276,5.204893518,5.204893248,5.204893352,5.204893409,5.204893306,5.20489332,5.204893312,5.20489344,5.204893287,5.204893171,5.204893429,5.204893327,5.204893427,5.204893325,5.204893416,5.204893341,5.204893439,5.204893451,5.204893288,5.204893306,5.204893325,5.204893318,5.204893324,5.204893223
+"5068","FAM180A",4.090771351,4.090771347,4.090771375,4.090771358,4.090771395,4.090771357,4.09077136,4.090771369,4.090771382,4.09077138,4.090771393,4.0907714,4.090771369,4.090771365,4.090771375,4.090771355,4.090771404,4.090771389,4.090771347,4.090771363,4.090771397,4.090771394,4.09077136,4.090771359,4.090771383,4.090771368,4.090771365,4.09077137
+"5069","FAM180B",4.934361394,4.9343614,4.934361421,4.934361397,4.934361417,4.934361388,4.934361413,4.934361416,4.934361398,4.934361395,4.934361411,4.934361414,4.934361396,4.934361377,4.934361423,4.934361424,4.934361422,4.934361414,4.934361409,4.934361402,4.934361411,4.934361408,4.934361403,4.934361377,4.934361406,4.934361423,4.934361396,4.934361401
+"5070","FAM181A",5.163849775,5.163849837,5.163849916,5.163849878,5.163849938,5.163849758,5.16384989,5.163849946,5.163849922,5.163849843,5.163849933,5.163849954,5.163849895,5.163849775,5.163849925,5.163849882,5.163849944,5.163849998,5.163849854,5.16384984,5.163849887,5.163849893,5.163849881,5.163849836,5.163849969,5.163849924,5.163849898,5.163849892
+"5071","FAM181B",6.150119759,6.150119794,6.150119938,6.150119809,6.150120275,6.150120164,6.150119938,6.15012012,6.150119828,6.150120094,6.150119982,6.150120249,6.150119802,6.150119583,6.150120192,6.150119939,6.150120249,6.150120153,6.150119953,6.150120136,6.150120141,6.150120222,6.150119894,6.150119763,6.150119878,6.150120045,6.150119744,6.150120003
+"5072","FAM183A",4.844055516,4.844055561,4.844055604,4.844055558,4.844055651,4.844055476,4.844055497,4.844055669,4.844055535,4.844055558,4.844055626,4.844055707,4.844055545,4.844055468,4.844055603,4.844055547,4.844055576,4.844055623,4.844055563,4.844055674,4.844055659,4.844055637,4.84405552,4.844055523,4.844055638,4.844055657,4.844055568,4.84405547
+"5073","FAM183BP",4.7219185575,4.7219186395,4.7219193915,4.72191902,4.721919784,4.7219189645,4.721919442,4.721919051,4.721918524,4.721918214,4.721919846,4.7219194125,4.721919362,4.7219183535,4.721919772,4.7219189515,4.721919848,4.7219197685,4.7219195265,4.721918451,4.721920301,4.7219205855,4.721919271,4.721917886,4.7219196515,4.721919833,4.7219193615,4.721919055
+"5074","FAM184A",4.257286553,4.257286416,4.257286644,4.257286665,4.257286512,4.257286474,4.257286496,4.257286521,4.25728661,4.257286619,4.257286641,4.257286714,4.25728647,4.257286698,4.257286614,4.257286515,4.257286661,4.257286494,4.25728661,4.257286585,4.257286405,4.257286581,4.257286537,4.25728657,4.257286606,4.257286531,4.257286585,4.257286655
+"5075","FAM184B",5.586625935,5.586625884,5.586625934,5.586625957,5.586625877,5.586625878,5.586625882,5.586625921,5.586625951,5.586625908,5.586625956,5.586626031,5.586625925,5.586625833,5.586625912,5.586625967,5.586625998,5.586625958,5.586625887,5.586625908,5.586625867,5.586625913,5.586625891,5.586625891,5.586625945,5.586625921,5.58662587,5.586625903
+"5076","FAM185A",6.411195861,6.411195961,6.411195289,6.411195406,6.4111951125,6.4111956275,6.411195735,6.4111953175,6.4111955065,6.4111952895,6.411195496,6.4111954265,6.411195744,6.4111959215,6.4111955785,6.411195672,6.411195233,6.4111954245,6.4111957695,6.411195554,6.411195547,6.4111954745,6.4111958345,6.4111957785,6.4111956305,6.411195546,6.4111956925,6.4111957305
+"5077","FAM186A",3.328402944,3.328403055,3.328402975,3.328403052,3.328403069,3.328403047,3.328403015,3.328402996,3.32840307,3.328402997,3.328403045,3.328403068,3.328402972,3.328402994,3.328402919,3.328403046,3.32840305,3.328403013,3.328402991,3.328402975,3.328403037,3.328403046,3.328402985,3.328403025,3.32840297,3.328402975,3.328403033,3.328403026
+"5078","FAM186B",4.336379804,4.336379814,4.336379853,4.336379862,4.336379884,4.336379815,4.336379834,4.336379866,4.336379828,4.336379819,4.336379836,4.336379828,4.33637976,4.336379742,4.336379804,4.336379825,4.336379774,4.336379907,4.336379811,4.336379827,4.336379842,4.336379824,4.336379858,4.336379786,4.336379802,4.336379858,4.336379868,4.33637979
+"5079","FAM187B",5.210958934,5.210959048,5.210959281,5.210959224,5.210959423,5.210959108,5.210959163,5.210959427,5.21095914,5.210958973,5.210959422,5.210959664,5.210959325,5.210958859,5.210959574,5.210959242,5.210959726,5.210959254,5.210959203,5.210959106,5.210959556,5.21095941,5.210959087,5.210959098,5.210959322,5.210959552,5.210959208,5.210959397
+"5080","FAM193A",6.869700914,6.869700896,6.869700812,6.869700913,6.869700745,6.869700941,6.869700906,6.869700834,6.869700845,6.869700868,6.869700765,6.86970085,6.869700867,6.869700833,6.869700836,6.869700873,6.869700771,6.869700807,6.86970084,6.869700903,6.869700865,6.869700813,6.869700883,6.869700895,6.869700895,6.8697009,6.869700928,6.869700737
+"5081","FAM193B",6.94482968,6.944829677,6.944829689,6.944829703,6.944829683,6.944829695,6.944829693,6.944829703,6.94482969,6.944829687,6.944829696,6.944829699,6.9448297,6.944829683,6.944829693,6.944829683,6.944829691,6.9448297,6.944829689,6.94482969,6.944829691,6.944829695,6.944829692,6.944829686,6.944829695,6.944829697,6.944829685,6.944829688
+"5082","FAM199X",7.427218706,7.427218841,7.427218628,7.427218687,7.427218452,7.427218341,7.427218395,7.427218502,7.427218514,7.427218477,7.427218429,7.427218191,7.427218835,7.427219194,7.427218733,7.427219037,7.427218473,7.42721876,7.427218509,7.427218275,7.427218406,7.427218366,7.427218861,7.427218814,7.4272186,7.427218622,7.427218754,7.427218991
+"5083","FAM200A",3.993640944,3.993640777,3.993640722,3.993640902,3.993640871,3.993640756,3.993640963,3.993640785,3.993641084,3.993641019,3.993640787,3.993640902,3.993640915,3.993641328,3.993641007,3.993640957,3.993641295,3.993640951,3.993640967,3.993640778,3.993640993,3.99364088,3.993640935,3.993640954,3.993641137,3.993640812,3.993640732,3.993641036
+"5084","FAM200B",4.445605844,4.445605612,4.445605768,4.44560576,4.445605556,4.445605602,4.445605718,4.445605429,4.445605498,4.445605749,4.445605677,4.445605712,4.445605629,4.445606028,4.445605544,4.445605577,4.44560556,4.445605699,4.445605764,4.445605665,4.445605763,4.445605606,4.445605791,4.445605748,4.445605718,4.445605598,4.445605544,4.445605713
+"5085","FAM201B",7.274165707,7.274165694,7.274166225,7.27416635,7.274166681,7.274165996,7.274165843,7.274166523,7.274166029,7.274166136,7.274166395,7.274166888,7.274166145,7.274165503,7.274166606,7.274165985,7.274166863,7.274166347,7.274166059,7.274166123,7.274166373,7.274166325,7.274166024,7.274165846,7.274166429,7.274166483,7.274166096,7.274166413
+"5086","FAM204A",6.200767247,6.200767267,6.200767236,6.200767199,6.200767163,6.200767134,6.200767187,6.200767171,6.200767163,6.200767172,6.200767165,6.200767133,6.200767233,6.200767386,6.2007672,6.200767253,6.200767141,6.200767157,6.200767199,6.200767094,6.200767212,6.200767176,6.200767222,6.200767253,6.200767229,6.200767226,6.200767232,6.200767359
+"5087","FAM205BP",3.56014065,3.560140701,3.560140606,3.560140747,3.560140675,3.560140682,3.560140621,3.560140586,3.560140724,3.56014072,3.560140742,3.560140765,3.560140605,3.56014082,3.560140571,3.560140725,3.560140777,3.560140737,3.560140669,3.560140712,3.560140728,3.560140662,3.560140699,3.560140584,3.560140599,3.560140625,3.560140676,3.560140685
+"5088","FAM205C",3.49017494,3.490174943,3.490174881,3.4901749,3.49017491,3.490174873,3.490174932,3.490174998,3.490174848,3.490174919,3.490174891,3.490175006,3.490174897,3.490174892,3.490174973,3.490174917,3.490174953,3.490174884,3.490174975,3.490174888,3.49017498,3.490174882,3.490174843,3.490174849,3.490174961,3.490174956,3.490174909,3.490174971
+"5089","FAM209A",5.696094271,5.696094281,5.696094274,5.696094302,5.696094303,5.696094281,5.696094279,5.696094302,5.696094306,5.696094265,5.696094291,5.696094305,5.696094267,5.696094283,5.696094234,5.696094315,5.696094294,5.696094295,5.696094287,5.696094304,5.696094258,5.696094317,5.696094295,5.696094294,5.696094279,5.696094279,5.696094275,5.696094245
+"5090","FAM209B",5.270193747,5.27019378,5.270193647,5.27019384,5.270193599,5.270193653,5.270193628,5.270193675,5.270193727,5.270193661,5.27019369,5.270193578,5.270193639,5.270193457,5.270193668,5.270193656,5.270193653,5.270193639,5.270193681,5.270193757,5.270193609,5.270193765,5.270193738,5.270193694,5.270193734,5.270193804,5.270193721,5.270193446
+"5091","FAM20A",4.688222334,4.688222365,4.688222336,4.688222359,4.688222377,4.688222412,4.688222373,4.68822234,4.688222357,4.688222388,4.688222377,4.688222391,4.688222329,4.688222316,4.688222373,4.688222362,4.688222388,4.688222365,4.68822238,4.688222404,4.688222384,4.688222369,4.688222309,4.688222342,4.688222371,4.688222335,4.688222339,4.688222359
+"5092","FAM20B",6.735278809,6.735278698,6.735278831,6.735278448,6.735278613,6.735279263,6.735278702,6.735279268,6.735279205,6.735279132,6.735278845,6.735278513,6.735278905,6.735279424,6.735278824,6.735277744,6.735278534,6.735278453,6.735278518,6.735279432,6.73527844,6.735279191,6.735278973,6.735279227,6.735278753,6.735278903,6.735279189,6.735279023
+"5093","FAM20C",5.869736415,5.869736423,5.869736437,5.86973642,5.869736455,5.869736441,5.869736433,5.869736424,5.86973644,5.86973645,5.869736464,5.869736483,5.869736437,5.869736402,5.869736453,5.869736435,5.869736461,5.869736436,5.869736432,5.869736444,5.869736439,5.86973645,5.869736403,5.869736412,5.869736451,5.869736432,5.869736424,5.869736431
+"5094","FAM210A",4.809885076,4.809885,4.809885046,4.809885009,4.809885032,4.809884971,4.80988507,4.809885015,4.809885085,4.809885011,4.809885041,4.809884963,4.809885109,4.809885256,4.80988507,4.809884932,4.809884899,4.809884954,4.809884929,4.80988496,4.809884999,4.809884991,4.809885054,4.809884955,4.809884974,4.809885031,4.809885056,4.809885124
+"5095","FAM210B",8.434856014,8.434853134,8.434863313,8.43485499,8.43485866,8.434866402,8.434859763,8.434866161,8.434864339,8.434861527,8.434861128,8.434864024,8.434853088,8.434845621,8.43485717,8.434849754,8.434864836,8.434855684,8.434854365,8.43485704,8.434857704,8.4348637,8.434861783,8.434859587,8.434859976,8.434861416,8.434857742,8.434852213
+"5096","FAM215A",6.739212753,6.739212863,6.73921262,6.739212708,6.739213191,6.73921269,6.739212893,6.739212992,6.73921279,6.739212845,6.739213129,6.739213323,6.739212806,6.739211906,6.739213053,6.739213171,6.739213301,6.739212678,6.739212935,6.7392128,6.739212989,6.739212987,6.739212728,6.73921276,6.739212525,6.73921301,6.739212738,6.739212763
+"5097","FAM216A",4.403006379,4.403006352,4.403006339,4.403006346,4.403006281,4.403006402,4.403006272,4.403006264,4.403006335,4.403006341,4.403006313,4.403006363,4.403006346,4.403006384,4.403006301,4.403006352,4.403006347,4.403006278,4.403006293,4.403006299,4.40300627,4.403006319,4.403006394,4.403006359,4.403006328,4.403006329,4.403006295,4.403006274
+"5098","FAM216B",3.11406328,3.114063339,3.11406336,3.114063389,3.114063338,3.114063406,3.114063294,3.114063361,3.11406333,3.114063436,3.114063343,3.114063404,3.114063319,3.114063297,3.114063358,3.114063428,3.114063454,3.114063387,3.114063371,3.114063371,3.114063328,3.114063386,3.11406336,3.114063289,3.11406337,3.114063312,3.114063384,3.114063402
+"5099","FAM217A",4.243394986,4.243395173,4.243395169,4.243395121,4.243395117,4.24339509,4.243395118,4.243395178,4.243395098,4.243395172,4.243395185,4.243395121,4.243395105,4.243394984,4.243395052,4.243395058,4.243395124,4.243395257,4.243395037,4.243395061,4.243395027,4.243395137,4.243395056,4.243395105,4.243395115,4.243395004,4.243395103,4.243395143
+"5100","FAM217B",5.371534349,5.371534158,5.371534272,5.371534326,5.371534258,5.371534146,5.371534252,5.371534115,5.371534338,5.371534495,5.371534358,5.371534272,5.371534388,5.37153455,5.37153429,5.371533976,5.371534193,5.371534269,5.371534416,5.371534328,5.371534424,5.371534256,5.371534357,5.37153454,5.371534335,5.371534417,5.371534329,5.371534579
+"5101","FAM218A",4.695305866,4.695305876,4.695305927,4.695305933,4.695305956,4.695305855,4.695305877,4.695305922,4.695305896,4.695305915,4.695305931,4.695305908,4.695305906,4.695305883,4.695305932,4.695305898,4.695305917,4.695305932,4.695305899,4.695305918,4.695305932,4.695305945,4.695305907,4.695305903,4.695305899,4.695305923,4.695305868,4.695305943
+"5102","FAM219B",6.167850086,6.167850173,6.167849584,6.1678498,6.167849433,6.167849756,6.167850011,6.167849854,6.167849943,6.167849859,6.167849886,6.167850053,6.167850053,6.167850143,6.167849749,6.167849855,6.167849169,6.16784963,6.167849926,6.167849352,6.167849778,6.167849788,6.167850158,6.167849803,6.167849893,6.167849869,6.167849861,6.16784974
+"5103","FAM220A",5.9226260935,5.92262609,5.922626047,5.922626071,5.9226260675,5.9226260565,5.922626054,5.922626078,5.9226261,5.9226260845,5.9226260445,5.9226260635,5.922626084,5.922626142,5.9226260675,5.922626076,5.922626076,5.9226260325,5.9226260995,5.922626099,5.922626035,5.92262609,5.922626124,5.922626104,5.9226260335,5.922626077,5.9226260795,5.9226261335
+"5104","FAM221A",4.366035538,4.366035492,4.366035535,4.366035526,4.366035491,4.36603553,4.366035526,4.36603552,4.366035488,4.366035516,4.366035491,4.366035515,4.366035524,4.366035524,4.366035482,4.366035526,4.36603552,4.366035525,4.366035522,4.366035482,4.366035506,4.366035497,4.366035532,4.366035478,4.366035496,4.366035529,4.36603551,4.366035535
+"5105","FAM221B",4.235430311,4.235430371,4.235430362,4.23543037,4.235430368,4.235430315,4.235430299,4.235430357,4.235430319,4.235430333,4.235430328,4.235430344,4.235430329,4.23543027,4.235430356,4.235430437,4.235430403,4.235430374,4.235430319,4.235430341,4.235430352,4.235430379,4.235430293,4.235430366,4.235430364,4.235430352,4.23543033,4.235430325
+"5106","FAM222A",6.365114362,6.365114446,6.365114568,6.365114408,6.36511467,6.365114438,6.365114462,6.365114546,6.365114521,6.36511458,6.365114542,6.365114602,6.365114496,6.365114322,6.365114599,6.365114548,6.365114634,6.365114582,6.365114501,6.365114538,6.365114561,6.36511456,6.365114465,6.365114467,6.365114575,6.365114549,6.365114472,6.365114496
+"5107","FAM222A-AS1",3.36267584,3.362675907,3.362676001,3.362676151,3.362676457,3.362675927,3.362676317,3.362676154,3.362676291,3.362676169,3.362676395,3.362676309,3.362676212,3.362675885,3.362676363,3.362676306,3.362676128,3.36267628,3.362676133,3.362676123,3.362676307,3.362676324,3.362676101,3.362676093,3.362675984,3.362676182,3.362675766,3.362676269
+"5108","FAM222B",6.79690592,6.79690591,6.79690575,6.796905899,6.796905996,6.796906021,6.796906001,6.796906009,6.796906114,6.796906078,6.796906075,6.796906065,6.796905984,6.796905883,6.796905984,6.796905897,6.796905846,6.79690597,6.796906039,6.796905703,6.796906055,6.796905953,6.796906043,6.796906047,6.796905853,6.796906004,6.796906065,6.796905937
+"5109","FAM227A",3.796689224,3.79668926,3.79668924,3.796689272,3.796689305,3.796689276,3.796689318,3.796689305,3.796689282,3.796689303,3.796689302,3.796689391,3.796689273,3.796689283,3.796689354,3.796689287,3.796689377,3.796689284,3.79668929,3.796689302,3.796689327,3.796689316,3.796689263,3.796689274,3.796689256,3.796689337,3.796689273,3.796689333
+"5110","FAM227B",3.365124223,3.365124246,3.365124217,3.365124216,3.365124193,3.365124241,3.365124202,3.365124238,3.365124272,3.365124209,3.365124259,3.365124207,3.365124193,3.365124249,3.36512421,3.365124188,3.365124217,3.365124258,3.365124258,3.36512419,3.365124159,3.365124247,3.365124213,3.365124219,3.365124247,3.365124185,3.365124201,3.36512423
+"5111","FAM228A",3.886805339,3.886805324,3.886805349,3.886805349,3.886805343,3.886805348,3.886805325,3.886805359,3.886805332,3.886805357,3.886805321,3.886805369,3.886805344,3.886805312,3.886805338,3.886805313,3.886805332,3.886805343,3.886805351,3.886805331,3.88680533,3.886805344,3.886805359,3.886805361,3.886805335,3.886805339,3.886805346,3.886805337
+"5112","FAM229B",3.511831388,3.51183134,3.511831276,3.51183123,3.51183131,3.511831308,3.511831367,3.511831348,3.511831312,3.511831219,3.511831417,3.51183137,3.511831242,3.511831395,3.51183125,3.511831277,3.511831382,3.511831349,3.51183142,3.511831391,3.511831369,3.511831371,3.511831271,3.51183133,3.511831382,3.511831256,3.511831294,3.511831455
+"5113","FAM230B",4.90427821,4.904278276,4.904278533,4.90427818,4.904278692,4.904278204,4.904278322,4.904278549,4.904278357,4.904278376,4.904279103,4.904279076,4.90427831,4.904278138,4.904278924,4.904278411,4.904278888,4.904278605,4.90427861,4.90427851,4.904278772,4.904278683,4.904278762,4.904278156,4.904278702,4.904278411,4.904278707,4.904278504
+"5114","FAM230I",3.40620486,3.406204875,3.406204914,3.406204931,3.406204884,3.406204864,3.4062049,3.406204897,3.406204922,3.406204896,3.406204874,3.406204836,3.406204881,3.406204884,3.406204931,3.406204892,3.406204931,3.406204959,3.406204897,3.406204894,3.406204929,3.406204938,3.406204883,3.406204904,3.406204908,3.406204923,3.406204866,3.406204887
+"5115","FAM234A",6.761034364,6.761034407,6.761034495,6.7610344,6.761034494,6.761034453,6.761034435,6.761034464,6.761034471,6.761034446,6.761034412,6.761034488,6.761034465,6.761034445,6.761034468,6.761034417,6.761034519,6.761034458,6.761034429,6.76103444,6.761034462,6.761034473,6.761034447,6.761034424,6.761034402,6.761034445,6.761034451,6.761034445
+"5116","FAM234B",5.349775377,5.349775339,5.349775415,5.349775385,5.349775424,5.349775353,5.349775383,5.349775452,5.349775353,5.349775326,5.34977536,5.349775398,5.349775359,5.34977542,5.349775442,5.349775389,5.349775396,5.349775358,5.349775387,5.34977537,5.349775433,5.349775426,5.349775393,5.349775373,5.349775364,5.34977544,5.349775389,5.349775385
+"5117","FAM241A",6.132730434,6.132730812,6.132730802,6.13273057,6.132730912,6.132729963,6.132730448,6.132730916,6.132730629,6.132730585,6.132730728,6.13273073,6.132730771,6.132730409,6.132730642,6.13273094,6.132730776,6.132730922,6.132730384,6.132730654,6.132730607,6.132730783,6.132730416,6.13273058,6.132730954,6.132730877,6.132730802,6.132730767
+"5118","FAM241B",6.231154308,6.231154389,6.231154378,6.23115446,6.231154708,6.23115445,6.231154556,6.231154546,6.231154386,6.231154582,6.231154547,6.231154741,6.231154508,6.23115418,6.231154644,6.231154537,6.231154705,6.231154542,6.231154607,6.231154516,6.231154692,6.231154636,6.231154388,6.231154283,6.231154502,6.231154543,6.231154389,6.231154588
+"5119","FAM24A",4.070718151,4.070718154,4.070718143,4.070718111,4.070718141,4.070718144,4.070718165,4.070718159,4.070718148,4.070718127,4.07071814,4.070718156,4.070718156,4.070718121,4.070718157,4.070718152,4.070718147,4.070718143,4.070718144,4.070718151,4.070718167,4.070718134,4.070718138,4.070718164,4.070718162,4.070718173,4.070718122,4.070718141
+"5120","FAM27E5",5.202461893,5.202461947,5.202462034,5.202461974,5.20246206,5.202461982,5.202461975,5.202461995,5.202461999,5.202461874,5.202462031,5.202462047,5.20246192,5.202461906,5.202462028,5.202461965,5.202462083,5.202462057,5.202462008,5.202461898,5.202461998,5.202462072,5.202461912,5.202461897,5.202461986,5.202462038,5.202461934,5.202461969
+"5121","FAM30A",6.021823105,6.0218228055,6.021823306,6.021823126,6.0218230385,6.0218232885,6.0218233845,6.0218228585,6.0218230285,6.021823299,6.0218230875,6.021823307,6.0218232105,6.0218233645,6.021823104,6.021822949,6.0218230485,6.0218234755,6.0218233125,6.0218229105,6.0218230725,6.0218228895,6.0218231635,6.021823131,6.0218231305,6.021823111,6.0218233765,6.021823312
+"5122","FAM32A",6.208930447,6.208930454,6.208930385,6.208930439,6.208930295,6.208930477,6.208930387,6.208930267,6.20893034,6.208930445,6.208930399,6.208930257,6.208930431,6.208930569,6.208930325,6.208930397,6.208930243,6.208930329,6.208930379,6.208930479,6.208930405,6.208930358,6.208930487,6.20893054,6.208930443,6.208930371,6.208930391,6.208930497
+"5123","FAM3A",7.265377296,7.265377305,7.265377605,7.265377415,7.265377745,7.265377626,7.265377511,7.265377639,7.265377551,7.265377586,7.265377536,7.265377878,7.265377537,7.265377168,7.265377592,7.26537746,7.265377832,7.265377497,7.265377507,7.265377534,7.265377651,7.265377646,7.265377516,7.265377351,7.265377584,7.265377681,7.265377419,7.2653776
+"5124","FAM3B",4.355795667,4.355796172,4.355796372,4.355796033,4.355796329,4.355797672,4.355796757,4.355796495,4.355796467,4.355796497,4.355795838,4.355796564,4.355796758,4.355796859,4.355796055,4.355796128,4.355796426,4.35579639,4.355796243,4.355797724,4.355796908,4.355796173,4.355795836,4.355796365,4.355796359,4.35579621,4.3557969,4.355796336
+"5125","FAM3C",5.81978706,5.819786942,5.819786675,5.819786594,5.819786599,5.819786513,5.819786836,5.819786538,5.81978676,5.819786833,5.819786399,5.819786581,5.819786795,5.819787411,5.819786831,5.819786881,5.819786453,5.819786724,5.819786692,5.819786524,5.81978681,5.819786695,5.819786854,5.819786846,5.819786486,5.819786706,5.819786767,5.819787175
+"5126","FAM3D",5.443330447,5.443330472,5.443330475,5.443330467,5.443330477,5.443330471,5.443330469,5.443330464,5.443330468,5.443330461,5.443330483,5.443330475,5.443330461,5.443330447,5.443330471,5.443330462,5.443330492,5.443330482,5.443330466,5.443330457,5.443330484,5.44333048,5.443330457,5.443330474,5.443330464,5.443330469,5.44333047,5.443330469
+"5127","FAM43A",6.763469617,6.763469628,6.763469637,6.76346963,6.763469633,6.763469627,6.763469619,6.763469652,6.763469607,6.763469604,6.763469652,6.763469633,6.763469648,6.763469625,6.763469632,6.763469643,6.763469643,6.763469651,6.763469622,6.763469633,6.763469612,6.763469644,6.763469634,6.7634696,6.763469632,6.763469645,6.763469636,6.763469637
+"5128","FAM43B",7.602332446,7.602332268,7.602332733,7.602332518,7.602333503,7.602332732,7.602333391,7.602333322,7.602332614,7.602333196,7.602332997,7.602333656,7.602332703,7.602331622,7.602333618,7.602332663,7.602333787,7.602333294,7.602333254,7.602332612,7.602333141,7.602333234,7.602332484,7.602332147,7.602332801,7.602333268,7.60233248,7.602332993
+"5129","FAM47A",4.421609664,4.421609675,4.421609693,4.421609675,4.421609692,4.421609653,4.421609672,4.421609702,4.421609687,4.421609667,4.421609678,4.421609686,4.421609686,4.421609645,4.421609698,4.421609682,4.421609691,4.421609686,4.421609683,4.421609661,4.421609682,4.421609706,4.421609668,4.421609655,4.421609691,4.42160968,4.421609666,4.421609688
+"5130","FAM47B",4.422449753,4.422449778,4.422449752,4.422449772,4.422449785,4.422449748,4.422449766,4.422449754,4.422449737,4.422449769,4.422449759,4.422449793,4.422449771,4.422449761,4.422449781,4.422449785,4.422449783,4.422449778,4.422449734,4.42244974,4.42244979,4.422449768,4.422449745,4.422449729,4.42244977,4.422449778,4.42244976,4.422449747
+"5131","FAM47C",4.642891458,4.642891419,4.642891665,4.642891477,4.642891585,4.642891314,4.642891561,4.642891688,4.642891534,4.642891557,4.642891427,4.642891676,4.64289157,4.642891207,4.64289157,4.642891644,4.642891677,4.642891623,4.642891471,4.642891632,4.642891633,4.642891585,4.642891287,4.642891399,4.642891534,4.642891584,4.642891347,4.64289149
+"5132","FAM50A",7.028187173,7.028187269,7.028187372,7.02818734,7.028187293,7.028187191,7.028187191,7.028187338,7.028187355,7.028187058,7.028187397,7.028187284,7.028187355,7.02818721,7.028187135,7.028187318,7.028187298,7.028187433,7.028187153,7.02818729,7.028187216,7.028187356,7.028187199,7.02818717,7.028187334,7.028187265,7.028187262,7.028187256
+"5133","FAM50B",6.180566265,6.180566258,6.180566091,6.180566217,6.18056644,6.18056636,6.18056632,6.180566387,6.18056634,6.180566275,6.180566195,6.180566343,6.180566281,6.180566351,6.180566199,6.180566342,6.180566199,6.180566273,6.180566385,6.180566257,6.180566207,6.180566302,6.180566185,6.180566185,6.180565942,6.180566334,6.180566369,6.180566436
+"5134","FAM53A",5.116019107,5.11601898,5.1160190825,5.116019129,5.116019214,5.116019007,5.116019111,5.1160191435,5.116019092,5.116019062,5.1160192465,5.1160191505,5.1160190675,5.116019028,5.1160190795,5.1160190555,5.1160191925,5.116019115,5.116019059,5.1160191025,5.1160192115,5.1160192085,5.1160191495,5.1160191385,5.116019181,5.116019296,5.1160191885,5.116019104
+"5135","FAM53B",7.749070574,7.749070611,7.749070507,7.749070535,7.749070443,7.749070552,7.749070487,7.749070508,7.749070475,7.749070452,7.749070436,7.749070341,7.749070549,7.749070548,7.749070515,7.749070605,7.749070458,7.749070582,7.749070517,7.749070512,7.74907049,7.749070481,7.749070496,7.749070561,7.749070415,7.749070491,7.749070532,7.749070507
+"5136","FAM53C",7.556218953,7.556220638,7.556218937,7.556221443,7.55621793,7.556219446,7.556219333,7.556219194,7.556218828,7.556218393,7.556219444,7.556218378,7.556218836,7.556218246,7.556218607,7.556220483,7.556218633,7.556220814,7.556219248,7.556220051,7.556218886,7.556218436,7.556219583,7.556219977,7.556220022,7.556218835,7.556218864,7.556218071
+"5137","FAM76A",6.340657813,6.340657797,6.340657797,6.340657792,6.340657782,6.340657779,6.340657797,6.340657776,6.340657802,6.340657805,6.340657787,6.340657754,6.340657816,6.34065783,6.3406578,6.340657776,6.340657771,6.340657771,6.340657799,6.340657787,6.340657794,6.34065778,6.34065779,6.340657808,6.340657792,6.340657791,6.340657806,6.340657813
+"5138","FAM76B",5.399808712,5.399808663,5.399808657,5.399808616,5.399808541,5.399808488,5.399808646,5.399808555,5.39980865,5.399808613,5.399808593,5.399808462,5.399808636,5.39980887,5.399808642,5.399808663,5.399808659,5.39980854,5.399808637,5.399808543,5.399808671,5.399808599,5.399808677,5.399808677,5.399808613,5.399808491,5.399808589,5.39980881
+"5139","FAM78A",7.742037628,7.742037465,7.742037409,7.742037378,7.742037327,7.742037644,7.742037417,7.74203754,7.742037515,7.74203739,7.742037244,7.742037374,7.742037534,7.742037606,7.742037424,7.742037261,7.742037073,7.742037213,7.742037388,7.742037393,7.742037366,7.742037455,7.742037489,7.742037432,7.742037276,7.742037432,7.742037571,7.742037498
+"5140","FAM78B",4.87374668,4.873746677,4.873746716,4.873746701,4.873746747,4.873746676,4.873746716,4.873746723,4.873746693,4.873746713,4.873746718,4.873746737,4.873746709,4.873746671,4.873746719,4.873746718,4.873746721,4.873746711,4.873746699,4.873746722,4.873746724,4.873746738,4.873746686,4.873746668,4.873746699,4.873746723,4.873746686,4.873746702
+"5141","FAM81A",4.352310728,4.352310849,4.352310926,4.352310957,4.352311061,4.352310963,4.3523109,4.352311142,4.352310861,4.352310982,4.352311026,4.352310932,4.352310851,4.352310763,4.352310973,4.352310829,4.352311011,4.352310938,4.352310968,4.35231096,4.352310901,4.352311067,4.352310836,4.352310922,4.352310947,4.352310973,4.352310863,4.35231104
+"5142","FAM81B",3.44417604,3.444176058,3.444176195,3.444176164,3.444176223,3.444176286,3.44417615,3.444176195,3.444175945,3.444176105,3.444176299,3.444176415,3.444176128,3.444176158,3.444176206,3.444176092,3.444176373,3.444176128,3.444176137,3.444176148,3.444176153,3.444176247,3.4441763,3.44417606,3.444176195,3.444176179,3.444176075,3.444176206
+"5143","FAM83A",5.080071214,5.08007121,5.080071377,5.080071139,5.080071721,5.080071454,5.08007149,5.08007147,5.080071403,5.080071328,5.080071452,5.080071658,5.080071395,5.080071017,5.08007159,5.08007136,5.080071566,5.080071569,5.080071459,5.080071494,5.08007168,5.08007152,5.080071305,5.080071193,5.080071321,5.080071645,5.080071305,5.08007147
+"5144","FAM83A-AS1",4.607332063,4.60733209,4.607332079,4.607332072,4.60733214,4.607332061,4.607332076,4.607332119,4.607332096,4.607332105,4.607332104,4.607332135,4.607332057,4.607332065,4.607332102,4.607332071,4.607332086,4.6073321,4.607332088,4.607332093,4.607332112,4.607332105,4.607332086,4.607332063,4.607332095,4.607332105,4.607332072,4.607332065
+"5145","FAM83B",4.312963267,4.312963341,4.312963331,4.312963402,4.312963406,4.312963359,4.312963339,4.31296342,4.312963449,4.312963375,4.312963378,4.312963352,4.312963426,4.312963273,4.312963383,4.312963372,4.312963446,4.312963346,4.312963395,4.312963378,4.312963321,4.312963322,4.312963393,4.312963309,4.312963391,4.312963397,4.3129634,4.312963376
+"5146","FAM83C",5.661562079,5.661562041,5.661562344,5.661561974,5.661562583,5.661562021,5.661562196,5.661562691,5.661562069,5.661562001,5.661562228,5.661562583,5.661562,5.661561711,5.661562366,5.661562118,5.661562537,5.661562438,5.661562178,5.66156216,5.661562379,5.661562561,5.661561932,5.661561868,5.66156224,5.661562454,5.661561837,5.661562264
+"5147","FAM83D",5.431034012,5.431034042,5.43103405,5.431034043,5.43103405,5.431034013,5.431034058,5.43103406,5.431034053,5.431034049,5.431034031,5.431034059,5.431034043,5.431033996,5.431034043,5.431034018,5.431034069,5.431034052,5.431034041,5.43103402,5.431034033,5.43103406,5.431034044,5.431034004,5.431034051,5.431034037,5.431034052,5.431034035
+"5148","FAM83E",6.817492995,6.817493052,6.817493153,6.817493072,6.817493243,6.817493051,6.81749316,6.817493208,6.817493106,6.817493146,6.817493119,6.817493261,6.817493108,6.817492968,6.817493202,6.817493159,6.817493274,6.817493171,6.817493116,6.817493116,6.817493175,6.81749321,6.817493061,6.817493068,6.817493147,6.817493163,6.817493078,6.817493131
+"5149","FAM83F",5.533435309,5.533435346,5.533435444,5.53343535,5.533435602,5.533435254,5.533435232,5.533435462,5.533435388,5.533435292,5.533435608,5.53343556,5.533435284,5.533435,5.53343535,5.533435459,5.533435397,5.533435529,5.533435344,5.533435409,5.53343533,5.533435339,5.533435348,5.533435362,5.533435519,5.533435479,5.533435344,5.533435355
+"5150","FAM83G",4.992940065,4.99294008,4.992940081,4.992940068,4.992940073,4.992940064,4.992940085,4.992940075,4.992940069,4.992940064,4.992940084,4.992940063,4.992940075,4.992940087,4.992940063,4.992940062,4.992940079,4.992940081,4.992940062,4.992940087,4.992940062,4.992940094,4.992940079,4.992940064,4.992940077,4.992940063,4.992940077,4.992940069
+"5151","FAM83H",5.698967374,5.698967384,5.698967406,5.698967377,5.698967416,5.698967407,5.698967404,5.698967423,5.698967391,5.698967403,5.698967415,5.698967416,5.698967398,5.698967358,5.698967412,5.6989674,5.698967434,5.698967406,5.698967394,5.698967399,5.698967422,5.698967415,5.698967397,5.698967367,5.698967404,5.698967417,5.698967394,5.6989674
+"5152","FAM86B3P",4.857415425,4.8574149965,4.85741552,4.857415016,4.8574157015,4.8574147135,4.8574152225,4.8574153105,4.857415187,4.8574149895,4.8574155805,4.8574155325,4.857415354,4.857414878,4.857415634,4.8574156515,4.8574153525,4.857415143,4.857415256,4.8574151065,4.8574155045,4.857415596,4.85741471,4.8574147345,4.857415034,4.857415461,4.857414938,4.8574149585
+"5153","FAM86C1P",5.839342609,5.839342543,5.8393426,5.839342588,5.839342646,5.83934262,5.839342624,5.839342625,5.839342618,5.839342624,5.839342628,5.839342632,5.839342621,5.839342552,5.83934266,5.839342599,5.839342621,5.839342632,5.839342613,5.83934261,5.839342628,5.839342657,5.839342557,5.839342565,5.839342552,5.839342636,5.839342593,5.839342624
+"5154","FAM86C2P",5.955199915,5.955199601,5.955200452,5.955200447,5.955200467,5.955200141,5.955199917,5.955200362,5.9552003,5.955199907,5.955200157,5.955200466,5.955200086,5.955199709,5.955200453,5.955200117,5.955200247,5.955200352,5.955200169,5.95520026,5.955200192,5.955200573,5.955200064,5.955199845,5.955200097,5.955200286,5.955200097,5.955200155
+"5155","FAM86DP",5.941141366,5.941141359,5.941141365,5.941141347,5.941141375,5.941141349,5.941141356,5.941141358,5.941141375,5.94114136,5.941141365,5.941141387,5.941141343,5.941141368,5.941141355,5.941141368,5.941141368,5.941141383,5.941141361,5.941141374,5.941141359,5.941141356,5.941141368,5.94114137,5.941141376,5.94114138,5.941141371,5.941141377
+"5156","FAM86EP",6.720491715,6.720491707,6.720491844,6.72049185,6.720491779,6.72049164,6.720491699,6.720491816,6.720491742,6.72049171,6.7204919,6.720491737,6.720491752,6.72049169,6.720491751,6.720491757,6.720491739,6.720491877,6.720491775,6.720491792,6.720491712,6.720491803,6.720491645,6.720491734,6.720491923,6.720491765,6.720491848,6.720491751
+"5157","FAM86FP",5.745862403,5.745861927,5.745862028,5.745862717,5.745862337,5.745861908,5.745861879,5.745862243,5.745862183,5.745861798,5.745862566,5.745861995,5.745861999,5.74586201,5.745862557,5.745862712,5.745862341,5.74586254,5.745861972,5.74586184,5.745862476,5.745862257,5.745861763,5.745862048,5.745862299,5.745862469,5.74586201,5.745862439
+"5158","FAM86JP",6.053889771,6.053889703,6.053889774,6.053889781,6.0538899,6.053889738,6.053889815,6.053889833,6.053889786,6.053889834,6.053889822,6.05388988,6.053889771,6.053889678,6.053889828,6.053889796,6.053889869,6.053889776,6.053889828,6.053889723,6.053889853,6.053889836,6.05388977,6.053889701,6.053889821,6.053889837,6.053889766,6.053889821
+"5159","FAM87A",4.822145212,4.82214522,4.822145339,4.822145224,4.822145336,4.822145091,4.822145256,4.822145294,4.822145281,4.822145212,4.822145298,4.822145375,4.82214521,4.822145097,4.822145283,4.822145274,4.822145399,4.82214532,4.822145261,4.822145188,4.822145186,4.822145317,4.822145233,4.822145166,4.822145327,4.822145269,4.822145147,4.82214529
+"5160","FAM89A",6.246542004,6.246541731,6.246542137,6.246542195,6.24654248,6.246542002,6.246542216,6.24654228,6.246542223,6.246542233,6.246542225,6.246542437,6.246542133,6.24654197,6.246542327,6.246541945,6.246542391,6.24654226,6.246542282,6.246542013,6.246542314,6.246542191,6.246542077,6.246541907,6.246542305,6.246542309,6.246542108,6.246542232
+"5161","FAM89B",7.354131945,7.354131974,7.354131942,7.35413201,7.35413192,7.354132033,7.35413193,7.354131985,7.354131967,7.354132025,7.354131965,7.354131969,7.354131996,7.354131953,7.354131986,7.354131967,7.354131932,7.354132005,7.354131947,7.354131983,7.354131882,7.354132011,7.354132012,7.354131971,7.354131928,7.354131945,7.354131992,7.354131926
+"5162","FAM8A1",8.080428573,8.080428677,8.080428502,8.080428647,8.08042849,8.080428671,8.080428504,8.080428471,8.080428367,8.080428341,8.08042847,8.08042824,8.080428448,8.08042854,8.080428547,8.080428735,8.080428571,8.080428667,8.080428721,8.080428874,8.080428558,8.08042862,8.08042863,8.080428621,8.080428642,8.080428402,8.080428454,8.080428469
+"5163","FAM90A1",4.817234561,4.817234543,4.81723456,4.817234556,4.817234588,4.817234565,4.817234557,4.817234569,4.81723457,4.817234571,4.817234553,4.817234579,4.817234545,4.817234535,4.817234568,4.817234546,4.817234563,4.817234574,4.817234555,4.817234566,4.817234565,4.817234562,4.817234549,4.817234553,4.817234555,4.81723457,4.817234551,4.81723455
+"5164","FAM90A27P",5.665810529,5.6658101,5.665810123,5.665809991,5.665809776,5.665810319,5.665810448,5.665810028,5.665810128,5.66580946,5.665810771,5.665810274,5.665810313,5.665809856,5.665810597,5.665810484,5.665810161,5.665810705,5.66581005,5.665809951,5.665810311,5.665810213,5.66580949,5.665809969,5.66580989,5.665810098,5.665810226,5.665810126
+"5165","FAM91A1",7.433124622,7.433124608,7.433124044,7.433124635,7.433123927,7.433124213,7.433124375,7.433124039,7.43312381,7.433124205,7.433123948,7.433123606,7.433124338,7.43312503,7.433124218,7.433124591,7.433123869,7.433124272,7.433124413,7.433124329,7.433124269,7.433124126,7.433124331,7.433124382,7.433124317,7.433124154,7.433124235,7.433124516
+"5166","FAM98A",6.50367218,6.503672162,6.503672022,6.503671984,6.503672062,6.50367191,6.503672265,6.503671918,6.503672426,6.503672286,6.50367173,6.50367156,6.503672187,6.503672799,6.503672263,6.503672001,6.503671434,6.503671306,6.503672101,6.503672005,6.503672161,6.503672156,6.503672441,6.503672049,6.503671448,6.503671762,6.50367209,6.503672634
+"5167","FAM98B",4.903366648,4.903366677,4.903366475,4.903366265,4.903366385,4.903366231,4.903366691,4.903366239,4.903366543,4.903366941,4.903366119,4.90336643,4.903366664,4.903366858,4.903366347,4.903366442,4.903365657,4.903366546,4.903366801,4.903366176,4.903366107,4.903366469,4.903366508,4.903366522,4.903366505,4.903366526,4.903366524,4.903366768
+"5168","FAM98C",7.029251123,7.029251148,7.029251121,7.02925114,7.029251166,7.029251095,7.029251139,7.029251153,7.029251164,7.029251135,7.02925115,7.029251136,7.029251152,7.029251145,7.029251166,7.029251169,7.029251163,7.029251165,7.029251173,7.029251073,7.02925115,7.02925117,7.029251138,7.029251134,7.029251167,7.029251142,7.029251161,7.029251137
+"5169","FAM99A",4.90873398,4.908733869,4.908734324,4.908733868,4.908734588,4.908733941,4.908734381,4.908734487,4.908734425,4.908734432,4.908734384,4.908734829,4.908733879,4.908733618,4.908734404,4.908733779,4.908734684,4.908734265,4.908734288,4.908733964,4.908734399,4.908734279,4.908734126,4.908733917,4.908734284,4.908734394,4.908734129,4.908734031
+"5170","FAM9A",2.863155873,2.863156033,2.863156021,2.863156028,2.863156018,2.863155861,2.863155888,2.863156012,2.8631559,2.8631559,2.86315601,2.863156102,2.86315597,2.863155886,2.863156065,2.863156175,2.863155948,2.863156194,2.863155981,2.863156085,2.863155919,2.86315601,2.863155972,2.863155945,2.86315611,2.863156068,2.863155982,2.863155996
+"5171","FAM9B",3.708119997,3.708120123,3.708120166,3.708120137,3.708120109,3.708119733,3.708120033,3.708120374,3.708120178,3.708120118,3.708120275,3.708120008,3.70812019,3.708119849,3.708120021,3.708120215,3.708120177,3.708120217,3.708119932,3.708120172,3.708120041,3.708120052,3.708120044,3.708120375,3.708120292,3.70811994,3.708120163,3.70812009
+"5172","FAM9C",3.571374647,3.571374718,3.571374747,3.571374667,3.571374709,3.571374727,3.571374711,3.571374735,3.57137473,3.571374669,3.571374696,3.571374813,3.57137471,3.571374714,3.57137466,3.571374706,3.571374734,3.57137473,3.571374825,3.571374698,3.571374625,3.571374645,3.571374754,3.571374713,3.571374697,3.571374675,3.571374677,3.571374795
+"5173","FAN1",5.433929078,5.433929014,5.433928932,5.433928982,5.433928916,5.433928872,5.433929031,5.433928938,5.433929131,5.43392898,5.433928733,5.433929023,5.433928935,5.433929224,5.433928917,5.43392898,5.433928774,5.433928886,5.433929122,5.433928556,5.433928846,5.433928901,5.433929071,5.433929064,5.433928832,5.433929073,5.43392904,5.433929136
+"5174","FANCA",5.455492974,5.455493049,5.455493048,5.45549308,5.455493009,5.455493175,5.455493104,5.455492999,5.455493034,5.455492971,5.455493036,5.455492982,5.455493025,5.455493029,5.45549301,5.455493059,5.455493063,5.455493021,5.455493043,5.455493185,5.455493086,5.45549303,5.45549307,5.455492982,5.455493074,5.455493025,5.455493053,5.455493025
+"5175","FANCB",3.944263115,3.944263105,3.944263029,3.944263095,3.944262855,3.944263019,3.94426303,3.944262927,3.944263031,3.944263097,3.944263085,3.944262961,3.944262961,3.944263129,3.944263016,3.944262916,3.944262937,3.944263014,3.944263046,3.944262939,3.944262967,3.944262986,3.944263055,3.944263078,3.944263099,3.944262925,3.94426302,3.94426321
+"5176","FANCC",4.847349083,4.847349034,4.847349024,4.847349006,4.847348962,4.847349056,4.847349008,4.847349006,4.847349046,4.84734903,4.847348993,4.847349045,4.847349011,4.84734905,4.84734901,4.847348967,4.847348984,4.847349008,4.847349024,4.847348992,4.847349025,4.847348989,4.847349039,4.847349051,4.847349022,4.847349053,4.847349039,4.847349051
+"5177","FANCD2",5.449100442,5.449100402,5.449100427,5.449100456,5.449100401,5.449100389,5.449100457,5.449100391,5.449100413,5.449100409,5.449100401,5.449100407,5.449100439,5.449100442,5.449100391,5.449100412,5.44910036,5.449100376,5.449100445,5.449100415,5.449100429,5.449100377,5.449100437,5.449100454,5.449100417,5.449100428,5.449100415,5.449100405
+"5178","FANCD2OS",5.208232132,5.20823217,5.208232206,5.208232176,5.208232299,5.208232258,5.208232232,5.208232252,5.208232263,5.208232209,5.208232256,5.20823229,5.208232141,5.208232107,5.208232287,5.208232253,5.20823228,5.208232278,5.208232235,5.20823224,5.208232286,5.208232296,5.208232218,5.208232169,5.208232182,5.20823226,5.208232171,5.208232223
+"5179","FANCE",5.994259901,5.994259937,5.994259966,5.994260016,5.99426008,5.994259783,5.994260041,5.99425997,5.994259909,5.994259873,5.994260027,5.994260058,5.994259972,5.994259873,5.994260087,5.994259962,5.994260035,5.994260067,5.994259983,5.994259966,5.994260013,5.99426004,5.994259828,5.994259788,5.994259861,5.994259993,5.99425992,5.994259855
+"5180","FANCF",5.657026555,5.657026498,5.657026341,5.657026241,5.657026363,5.65702637,5.657026346,5.65702635,5.657026459,5.657026389,5.657026246,5.657026372,5.657026436,5.657026677,5.657026452,5.657026394,5.657026338,5.657026281,5.657026482,5.657026348,5.65702632,5.657026366,5.657026523,5.65702645,5.65702628,5.657026374,5.657026455,5.657026611
+"5181","FANCG",5.51097578,5.51097585,5.510975854,5.510975789,5.510976028,5.510975887,5.510976039,5.510975938,5.510976004,5.510975923,5.510975913,5.510976004,5.510975973,5.51097586,5.510975964,5.510975869,5.510975959,5.510975915,5.510975909,5.510975889,5.510976024,5.510975984,5.510975944,5.51097586,5.510975872,5.510975924,5.510975943,5.510975926
+"5182","FANCI",4.862232261,4.862232078,4.862232061,4.86223193,4.862232111,4.862232383,4.862232494,4.862231874,4.862232351,4.862232076,4.862231968,4.862231706,4.862232095,4.862232307,4.862232063,4.862231935,4.862232035,4.862231947,4.862231979,4.862232156,4.862232483,4.862231925,4.862232418,4.862232114,4.862231962,4.862232064,4.862232155,4.862232031
+"5183","FANCL",4.17839467,4.178394728,4.178394664,4.178394567,4.178394623,4.178394699,4.178394682,4.17839463,4.178394723,4.17839459,4.178394614,4.178394568,4.178394683,4.178394721,4.17839466,4.178394685,4.178394665,4.178394644,4.178394609,4.178394638,4.178394667,4.178394672,4.178394656,4.178394635,4.178394565,4.17839461,4.178394665,4.178394663
+"5184","FANCM",4.305572789,4.305572635,4.305572714,4.305572579,4.305572594,4.305572636,4.305572686,4.305572694,4.305572802,4.305572652,4.305572688,4.305572601,4.305572787,4.305573102,4.305572701,4.305572746,4.305572699,4.305572627,4.305572735,4.305572727,4.305572718,4.305572708,4.305572802,4.305572639,4.305572542,4.305572703,4.305572704,4.305572898
+"5185","FANK1",4.002062793,4.00206274,4.002062762,4.002062759,4.002062809,4.002062733,4.002062749,4.002062785,4.002062733,4.002062769,4.002062731,4.002062836,4.002062778,4.002062757,4.002062786,4.002062781,4.002062811,4.002062812,4.002062786,4.002062753,4.002062785,4.002062746,4.002062754,4.002062765,4.002062701,4.002062817,4.002062755,4.0020628
+"5186","FAP",3.214030247,3.21403012,3.214030366,3.214030149,3.214030249,3.214030509,3.214030364,3.214030159,3.214030263,3.214030378,3.214030266,3.214030254,3.214030192,3.214030181,3.214030273,3.214030211,3.214030455,3.214030281,3.214030198,3.214030353,3.214030122,3.214030235,3.214030176,3.214030225,3.214030172,3.214030178,3.214030323,3.214030277
+"5187","FAR1",7.381823841,7.381823721,7.381823347,7.381823516,7.381822901,7.381823086,7.381823255,7.38182309,7.381823025,7.381823288,7.381823286,7.381822248,7.381823022,7.381824371,7.381823375,7.381823782,7.381823181,7.381823119,7.381823693,7.38182342,7.381823585,7.381823071,7.38182347,7.381823795,7.381823464,7.381823045,7.381823001,7.38182368
+"5188","FAR2",6.467765059,6.467766642,6.467765109,6.467766387,6.467764622,6.46776502,6.467764688,6.467763885,6.467763129,6.467763728,6.467765623,6.467762415,6.467764865,6.467764541,6.467765006,6.467766607,6.467764676,6.467764781,6.467765042,6.467765005,6.467764754,6.467763825,6.467764674,6.467764916,6.467766099,6.467762862,6.467764895,6.467763478
+"5189","FAR2P1",4.398381751,4.398381855,4.398381825,4.398381686,4.398381927,4.398381808,4.398382019,4.398381837,4.398381757,4.398381894,4.398381641,4.39838203,4.398381809,4.398381483,4.398381859,4.398381788,4.398382057,4.398381741,4.398381974,4.398381636,4.398381953,4.398381854,4.39838176,4.398381648,4.39838187,4.398381985,4.398381778,4.398381856
+"5190","FARP1",4.721984587,4.721984581,4.721984632,4.721984605,4.721984673,4.7219846,4.721984655,4.721984635,4.721984631,4.721984615,4.721984621,4.721984695,4.721984629,4.721984563,4.721984676,4.721984647,4.721984681,4.721984654,4.721984656,4.721984635,4.721984673,4.721984647,4.721984616,4.721984604,4.721984611,4.721984644,4.721984613,4.721984643
+"5191","FARP2",5.663185714,5.663185711,5.663185691,5.663185663,5.663185714,5.663185714,5.663185707,5.66318571,5.663185705,5.663185714,5.663185695,5.663185685,5.663185717,5.663185692,5.663185693,5.663185698,5.663185679,5.663185689,5.663185695,5.663185709,5.66318569,5.66318569,5.663185684,5.663185698,5.663185708,5.66318571,5.663185704,5.663185664
+"5192","FARS2",6.053116777,6.053116682,6.053116247,6.053116312,6.053116286,6.053116487,6.053116633,6.053116463,6.053116691,6.053116626,6.053116047,6.053116219,6.053116642,6.053116798,6.053116352,6.053116437,6.053116162,6.053116327,6.053116571,6.053116454,6.053116315,6.053116539,6.053116545,6.053116602,6.053116183,6.053116566,6.05311663,6.053116584
+"5193","FARSA",7.549811742,7.549811769,7.549811763,7.549811717,7.549811771,7.549811771,7.549811764,7.549811754,7.549811798,7.549811788,7.549811734,7.549811773,7.549811759,7.549811769,7.549811749,7.549811736,7.549811743,7.549811704,7.549811757,7.54981171,7.549811741,7.549811766,7.549811768,7.54981174,7.549811706,7.549811768,7.549811766,7.549811771
+"5194","FARSB",6.038378736,6.038378439,6.038378436,6.038377948,6.038378178,6.038378145,6.038378509,6.038378022,6.038378797,6.038378412,6.038377792,6.038378199,6.038378735,6.038379182,6.038378188,6.038378008,6.038377673,6.038377534,6.038378333,6.038378363,6.038378363,6.038378186,6.038378674,6.038378422,6.038377973,6.038378551,6.038378543,6.038378712
+"5195","FAS",7.146258668,7.14625841,7.1462564,7.14625831,7.146255912,7.146259469,7.146257776,7.146257569,7.146255723,7.14625557,7.146257272,7.146254357,7.146256895,7.146258034,7.146258265,7.146257647,7.146255592,7.146258729,7.146257097,7.1462598,7.146258084,7.14625781,7.146257385,7.146256148,7.146257971,7.146255276,7.146256744,7.146257243
+"5196","FASLG",5.589023015,5.589023009,5.589023045,5.589022942,5.58902295,5.589023023,5.589023003,5.58902304,5.589022955,5.589022995,5.589022998,5.58902298,5.589023013,5.589023033,5.589023038,5.589023011,5.589022991,5.589022949,5.589022961,5.58902305,5.589023024,5.589022997,5.589023013,5.589023037,5.58902301,5.589023012,5.589023006,5.589023028
+"5197","FASN",6.018645057,6.018645009,6.018645032,6.018645033,6.018645092,6.018645082,6.018645049,6.018645078,6.018645066,6.018645067,6.018645056,6.01864509,6.01864508,6.018645045,6.01864506,6.018644987,6.018645085,6.018645073,6.018645015,6.01864509,6.018645068,6.018645075,6.018645077,6.018645044,6.018645019,6.018645085,6.018645066,6.018645051
+"5198","FASTK",7.544427349,7.54442755,7.544427762,7.544427387,7.544427844,7.544427319,7.544427667,7.544427771,7.544427701,7.54442769,7.544427571,7.544427845,7.544427735,7.544427485,7.544427585,7.544427961,7.544427747,7.544427675,7.544427572,7.54442722,7.544427595,7.544427852,7.544427374,7.544427497,7.544427691,7.54442776,7.544427585,7.544427873
+"5199","FASTKD1",4.919800099,4.919800026,4.919799988,4.919799711,4.919799891,4.919799891,4.919799982,4.919799782,4.919799954,4.919799949,4.919799727,4.919799871,4.919799952,4.919800247,4.919799938,4.919799752,4.919799885,4.919799788,4.919799988,4.91979968,4.919799961,4.91979992,4.919800013,4.919799977,4.919799806,4.919799886,4.919799982,4.919800063
+"5200","FASTKD2",5.254247449,5.254246986,5.254247167,5.254246785,5.254246725,5.254246758,5.254247204,5.254246613,5.254247393,5.254246953,5.254246791,5.254246821,5.254247234,5.254248022,5.254246991,5.254246671,5.254246296,5.254246154,5.254247078,5.254246868,5.254246886,5.254246559,5.25424751,5.254247155,5.25424663,5.254247006,5.254247273,5.254247368
+"5201","FASTKD3",4.244046534,4.244046505,4.24404651,4.244046509,4.244046523,4.244046522,4.24404652,4.244046521,4.244046536,4.244046526,4.244046508,4.244046516,4.244046526,4.244046547,4.24404652,4.244046515,4.244046503,4.244046518,4.244046524,4.244046501,4.244046529,4.244046519,4.244046528,4.244046518,4.244046509,4.244046521,4.244046516,4.244046528
+"5202","FAT1",4.193233512,4.193233554,4.193233514,4.193233501,4.193233622,4.193233496,4.193233583,4.19323358,4.193233579,4.19323355,4.193233597,4.19323357,4.193233568,4.193233517,4.193233599,4.193233558,4.193233569,4.193233546,4.193233531,4.193233589,4.193233563,4.193233544,4.193233521,4.193233552,4.193233514,4.193233561,4.193233505,4.193233561
+"5203","FAT2",4.111076949,4.111076951,4.111076953,4.111076952,4.111076957,4.111076936,4.111076946,4.111076951,4.111076947,4.111076958,4.111076956,4.111076947,4.111076953,4.111076945,4.111076949,4.111076957,4.111076951,4.111076954,4.111076945,4.111076958,4.111076954,4.111076955,4.111076954,4.111076954,4.111076948,4.111076949,4.111076951,4.111076951
+"5204","FAT3",3.742427558,3.74242756,3.742427559,3.74242756,3.742427566,3.742427562,3.742427559,3.742427562,3.742427559,3.74242756,3.742427561,3.742427564,3.742427559,3.742427555,3.742427561,3.742427559,3.742427565,3.742427566,3.74242756,3.74242756,3.742427561,3.742427561,3.74242756,3.742427557,3.742427561,3.742427562,3.74242756,3.742427559
+"5205","FAT4",3.578869127,3.578869133,3.578869131,3.578869129,3.57886913,3.578869126,3.578869129,3.578869133,3.578869127,3.578869127,3.578869141,3.578869132,3.578869134,3.578869127,3.578869138,3.578869134,3.578869129,3.578869134,3.578869136,3.578869129,3.578869135,3.578869133,3.578869131,3.578869124,3.578869135,3.578869132,3.578869126,3.578869134
+"5206","FATE1",4.568499414,4.568499407,4.568499415,4.568499429,4.568499453,4.568499433,4.568499432,4.568499428,4.568499432,4.568499416,4.568499444,4.568499448,4.568499422,4.568499398,4.568499451,4.568499445,4.568499465,4.568499434,4.568499432,4.568499428,4.568499439,4.568499443,4.568499418,4.568499391,4.568499421,4.568499454,4.568499423,4.568499444
+"5207","FAU",7.623870019,7.62386931,7.623869997,7.623869096,7.623869912,7.623869715,7.623870313,7.623869854,7.623870564,7.623870287,7.623869722,7.623870223,7.623869752,7.623870023,7.623869854,7.623869243,7.623869917,7.623869265,7.623869723,7.623869804,7.623870211,7.623869975,7.623870036,7.623869711,7.623869549,7.623870115,7.623869868,7.623870323
+"5208","FAXC",5.141987152,5.141987091,5.141987205,5.141987153,5.141987207,5.141987165,5.141987218,5.141987214,5.141987138,5.141987154,5.141987194,5.141987198,5.14198716,5.141987116,5.141987209,5.141987189,5.141987196,5.141987241,5.141987218,5.141987189,5.141987191,5.141987172,5.141987186,5.141987106,5.141987153,5.14198723,5.141987175,5.141987156
+"5209","FAXDC2",7.104847213,7.754844747,7.700248256,7.269398956,7.335133007,7.49225332,7.602903376,7.044534892,7.313634991,7.234721041,7.294285792,8.063837064,5.161818343,5.760714888,7.188689869,7.057738013,7.480965197,7.380133843,6.875229795,7.385320161,7.32981245,6.610962703,7.195104104,7.333910898,7.3921316,7.954814493,5.494974885,6.34033116
+"5210","FBF1",6.319859349,6.319859396,6.3198594,6.319859354,6.319859413,6.319859354,6.319859396,6.319859407,6.319859403,6.319859403,6.319859428,6.319859432,6.31985938,6.319859318,6.319859408,6.319859388,6.319859444,6.319859418,6.319859386,6.319859377,6.319859425,6.319859435,6.319859362,6.319859341,6.319859409,6.319859408,6.319859404,6.319859404
+"5211","FBH1",7.372788796,7.372788789,7.372788759,7.372788782,7.37278875,7.372788829,7.372788759,7.372788719,7.372788734,7.372788741,7.372788743,7.372788715,7.372788823,7.372788854,7.372788736,7.372788712,7.372788625,7.372788728,7.372788755,7.372788865,7.372788757,7.372788775,7.37278878,7.372788776,7.372788749,7.372788793,7.372788816,7.372788796
+"5212","FBL",7.729069651,7.72906978,7.729069204,7.729068943,7.729069075,7.729069126,7.729069491,7.729069446,7.729069846,7.729069747,7.72906924,7.729069274,7.729069608,7.729070079,7.729069211,7.729069618,7.72906903,7.729068867,7.72906921,7.729069044,7.729069356,7.729069324,7.729069693,7.729069239,7.729068772,7.729069441,7.729069511,7.729069781
+"5213","FBLIM1",5.048968229,5.048968271,5.048968376,5.048968368,5.048968378,5.048968158,5.048968417,5.048968457,5.04896827,5.048968197,5.048968244,5.048968485,5.048968287,5.048968126,5.048968372,5.048968366,5.048968332,5.048968419,5.048968319,5.048968328,5.048968384,5.048968386,5.048968324,5.048968241,5.048968382,5.048968362,5.048968164,5.048968254
+"5214","FBLN1",4.852500385,4.852500392,4.85250039,4.852500409,4.852500402,4.852500392,4.852500393,4.852500394,4.852500374,4.852500394,4.852500421,4.852500427,4.852500405,4.852500362,4.852500401,4.852500436,4.852500455,4.852500433,4.852500409,4.852500392,4.852500406,4.852500416,4.852500388,4.852500395,4.852500393,4.852500402,4.852500388,4.85250038
+"5215","FBLN2",5.899901408,5.899901455,5.89990153,5.899901479,5.89990167,5.899901501,5.899901477,5.899901553,5.899901492,5.899901508,5.899901554,5.899901663,5.899901466,5.899901416,5.899901581,5.89990152,5.899901643,5.899901515,5.899901496,5.899901567,5.899901504,5.899901668,5.899901502,5.899901458,5.899901468,5.899901537,5.899901482,5.899901529
+"5216","FBLN5",4.96079976,4.960799813,4.96079977,4.960799812,4.960799851,4.960799839,4.96079975,4.960799825,4.960799842,4.960799839,4.960799817,4.960799813,4.96079981,4.96079974,4.960799836,4.960799836,4.960799806,4.960799843,4.960799811,4.960799869,4.960799801,4.960799827,4.960799799,4.960799803,4.96079976,4.960799787,4.96079986,4.96079977
+"5217","FBLN7",5.995860302,5.995860285,5.995860347,5.995860323,5.995860348,5.99586033,5.995860312,5.995860339,5.995860335,5.995860328,5.995860284,5.995860333,5.995860345,5.995860332,5.995860317,5.995860292,5.995860294,5.995860328,5.995860329,5.995860305,5.995860324,5.995860349,5.995860303,5.995860297,5.995860325,5.995860315,5.995860329,5.995860298
+"5218","FBN1",3.801786401,3.801786414,3.801786416,3.801786408,3.801786407,3.801786402,3.801786402,3.801786411,3.801786401,3.801786407,3.801786423,3.801786414,3.801786402,3.801786398,3.801786401,3.801786424,3.801786412,3.801786415,3.801786411,3.801786404,3.801786405,3.801786403,3.801786402,3.801786402,3.801786422,3.801786398,3.801786405,3.801786415
+"5219","FBN2",4.912074093,4.912074299,4.91207408,4.912074249,4.912074116,4.912074121,4.912074207,4.912074083,4.912073836,4.912074157,4.912074198,4.912074165,4.912074032,4.912074229,4.912074155,4.912074295,4.912074155,4.912074203,4.912074086,4.912074116,4.912074239,4.912074026,4.912073902,4.912074072,4.912074131,4.912074097,4.912074076,4.912073975
+"5220","FBN3",5.06329056,5.063290542,5.063290612,5.063290589,5.063290672,5.063290551,5.063290602,5.06329065,5.063290574,5.06329057,5.063290647,5.063290674,5.063290584,5.063290537,5.06329065,5.063290585,5.063290682,5.063290649,5.063290623,5.06329062,5.063290643,5.063290663,5.063290557,5.063290574,5.063290598,5.063290629,5.063290579,5.06329062
+"5221","FBP1",7.122720526,7.122722698,7.12272135,7.122720952,7.122722129,7.122721753,7.122720101,7.122720622,7.122721137,7.122722374,7.122721235,7.122719703,7.122721042,7.122721921,7.122720384,7.122721965,7.122720837,7.122720218,7.122722504,7.122722146,7.122720214,7.12272018,7.122720594,7.122722053,7.122721257,7.122719798,7.122721297,7.122721528
+"5222","FBP2",4.091659531,4.091659396,4.091659764,4.091659464,4.091659749,4.091659547,4.091659787,4.091659796,4.0916597,4.091659562,4.091659626,4.091659931,4.09165959,4.09165958,4.09165978,4.09165937,4.091659819,4.091659807,4.091659352,4.091659805,4.091659627,4.091659935,4.091659522,4.091659511,4.091659729,4.091659449,4.091659378,4.091659664
+"5223","FBRS",7.150582986,7.150583052,7.150583067,7.150583094,7.150583066,7.150583079,7.150583025,7.150583063,7.150583057,7.150583047,7.15058308,7.150583049,7.150583059,7.150582995,7.150583058,7.150583035,7.15058308,7.150583096,7.150583053,7.150583074,7.150583045,7.150583067,7.150583072,7.15058306,7.150583071,7.15058306,7.150583046,7.150583027
+"5224","FBRSL1",7.702815951,7.70281574,7.702816229,7.702815916,7.702816524,7.702816076,7.702816448,7.702816144,7.70281617,7.702816116,7.7028164,7.702816813,7.70281624,7.702815276,7.702816366,7.702815686,7.702816727,7.702816378,7.702816399,7.702816035,7.702816272,7.702816279,7.70281602,7.702815629,7.702816052,7.702816453,7.702816345,7.702816131
+"5225","FBXL12",6.701025657,6.701025675,6.701025654,6.70102569,6.701025668,6.701025687,6.701025672,6.701025657,6.701025655,6.701025732,6.701025626,6.701025686,6.701025678,6.70102562,6.701025696,6.701025591,6.701025635,6.70102567,6.701025704,6.701025627,6.701025656,6.701025669,6.701025661,6.701025667,6.701025623,6.701025679,6.701025666,6.701025681
+"5226","FBXL13",5.241634207,5.241635584,5.241633617,5.241636677,5.241632902,5.241633008,5.241635614,5.241633214,5.24163436,5.241633161,5.241635358,5.241634202,5.241634608,5.241634536,5.241634229,5.24163578,5.241634004,5.241636212,5.241635017,5.241633508,5.241635872,5.241633903,5.241635478,5.241634784,5.241636136,5.241635416,5.241634143,5.241633435
+"5227","FBXL14",6.497750381,6.49775038,6.497750375,6.497750375,6.497750386,6.497750372,6.497750375,6.497750387,6.497750371,6.497750366,6.497750385,6.497750383,6.497750376,6.497750372,6.497750383,6.497750386,6.497750384,6.497750387,6.49775038,6.497750381,6.497750387,6.497750389,6.497750377,6.497750369,6.497750384,6.497750383,6.497750371,6.497750374
+"5228","FBXL15",5.916179314,5.916179302,5.916179401,5.916179369,5.916179399,5.916179305,5.916179347,5.91617941,5.916179368,5.916179335,5.916179416,5.916179429,5.916179355,5.91617927,5.916179387,5.916179354,5.916179465,5.916179368,5.916179378,5.916179385,5.916179331,5.916179373,5.916179303,5.916179327,5.916179399,5.916179399,5.916179327,5.916179334
+"5229","FBXL16",6.111098299,6.111098264,6.111098356,6.111098308,6.111098391,6.111098265,6.111098328,6.111098365,6.111098303,6.111098292,6.111098334,6.111098379,6.111098316,6.111098241,6.111098378,6.111098302,6.111098387,6.111098353,6.11109833,6.111098295,6.111098364,6.11109837,6.111098302,6.1110983,6.111098307,6.111098362,6.111098302,6.111098348
+"5230","FBXL17",6.864278718,6.864278674,6.8642787,6.864278634,6.864278701,6.864278615,6.864278688,6.864278701,6.864278689,6.864278666,6.864278639,6.864278681,6.864278699,6.864278704,6.864278708,6.864278651,6.864278674,6.86427856,6.864278681,6.864278659,6.864278673,6.864278645,6.864278677,6.864278697,6.86427864,6.864278694,6.864278652,6.864278737
+"5231","FBXL18",6.401085948,6.401086008,6.401086047,6.401086,6.401086066,6.401086093,6.401086032,6.401086036,6.401085969,6.401086016,6.401086029,6.401086067,6.401085991,6.401085901,6.401086066,6.401086032,6.401085991,6.401086037,6.401086016,6.401086025,6.401086031,6.401086049,6.401086006,6.401085963,6.401085979,6.401086033,6.401085983,6.401085996
+"5232","FBXL19",6.636320544,6.636320569,6.636320596,6.636320596,6.636320619,6.636320573,6.636320568,6.636320599,6.636320587,6.636320594,6.636320604,6.636320607,6.636320578,6.636320522,6.636320595,6.636320608,6.636320611,6.636320614,6.636320571,6.636320559,6.636320569,6.636320618,6.636320568,6.636320572,6.6363206,6.636320591,6.636320587,6.636320588
+"5233","FBXL19-AS1",4.597949881,4.597949942,4.597949964,4.59794991,4.597949912,4.597950133,4.597949847,4.59794999,4.597949993,4.597949935,4.59794995,4.597950069,4.597949921,4.597949879,4.597949935,4.597949951,4.597949939,4.597950026,4.597949959,4.597949969,4.597949776,4.597949981,4.597950015,4.597949999,4.597949859,4.597949961,4.597949993,4.597949886
+"5234","FBXL2",3.90372131,3.903721228,3.90372139,3.903721219,3.903721449,3.90372125,3.903721423,3.9037214,3.903721235,3.903721243,3.903721382,3.903721426,3.903721133,3.903721191,3.903721397,3.903721335,3.903721376,3.903721447,3.903721379,3.903721304,3.903721362,3.903721305,3.903721206,3.90372119,3.903721288,3.903721447,3.903721268,3.903721296
+"5235","FBXL20",7.217290477,7.217290664,7.217290186,7.217290994,7.217289759,7.217290064,7.217290626,7.217289997,7.217290158,7.21729002,7.217290367,7.217290292,7.217290568,7.21729045,7.21729036,7.217290574,7.217289927,7.21729075,7.217290611,7.217290153,7.217290642,7.217289771,7.217290506,7.217290548,7.217290854,7.217290582,7.217290324,7.217290162
+"5236","FBXL21P",3.391250263,3.391250388,3.391250464,3.391250363,3.391250309,3.39125033,3.39125033,3.39125029,3.391250335,3.391250329,3.391250291,3.391250294,3.391250326,3.391250286,3.391250392,3.391250413,3.391250376,3.391250396,3.391250397,3.391250383,3.391250305,3.391250405,3.391250312,3.391250318,3.39125031,3.391250258,3.391250283,3.391250272
+"5237","FBXL22",5.316741908,5.316742418,5.316742556,5.316741911,5.316743068,5.316742217,5.316742967,5.31674264,5.316742431,5.316742219,5.316742834,5.316743531,5.316742484,5.316741325,5.316743151,5.316741276,5.316742839,5.316742428,5.316742216,5.31674253,5.316743375,5.31674292,5.316742253,5.316741594,5.316742683,5.316742994,5.316742175,5.316742941
+"5238","FBXL3",8.591520466,8.591520299,8.591519534,8.591520127,8.591519415,8.591518734,8.59151949,8.591519297,8.59151947,8.591519361,8.591519664,8.591518834,8.591519615,8.591521324,8.591519979,8.591520046,8.59151971,8.591519774,8.591520154,8.591519096,8.591519801,8.591519451,8.591520041,8.591519924,8.591519747,8.591519336,8.591519502,8.59152081
+"5239","FBXL4",6.735592651,6.735592507,6.735592396,6.7355922,6.735592239,6.735592253,6.735592384,6.735592463,6.735592424,6.735592422,6.735592278,6.735592363,6.735592403,6.735592671,6.735592182,6.73559225,6.735591881,6.735592153,6.735592531,6.735592145,6.73559234,6.735592285,6.735592563,6.735592497,6.735592329,6.735592498,6.735592455,6.735592458
+"5240","FBXL5",9.240305988,9.240285283,9.240272195,9.240296803,9.240253306,9.240271614,9.240281793,9.240260444,9.240256527,9.240265481,9.240271155,9.240222212,9.24026545,9.240304438,9.240297829,9.240285624,9.240278872,9.240286109,9.240300806,9.24028232,9.240299316,9.240282301,9.240286762,9.240286494,9.240290737,9.240257129,9.240260963,9.240280308
+"5241","FBXL7",5.578461356,5.57846138,5.578461427,5.57846138,5.578461429,5.578461351,5.578461395,5.578461436,5.578461389,5.578461396,5.578461434,5.578461433,5.578461385,5.578461346,5.578461419,5.578461411,5.578461428,5.578461435,5.578461366,5.578461406,5.578461414,5.578461414,5.578461375,5.578461388,5.578461432,5.5784614,5.578461374,5.57846142
+"5242","FBXL9P",5.795595036,5.795595069,5.795595062,5.795595034,5.795595052,5.795595042,5.795595031,5.795595053,5.795595071,5.795595018,5.795595052,5.795595051,5.795595029,5.79559503,5.795595029,5.795595047,5.795595079,5.795595029,5.795595034,5.79559505,5.795595033,5.795595057,5.795595055,5.795595023,5.795595062,5.795595045,5.795595034,5.795595035
+"5243","FBXO11",7.568245611,7.568245645,7.568244992,7.568245271,7.568244719,7.568244623,7.568245085,7.568244714,7.568245104,7.568244847,7.56824498,7.568244032,7.568245149,7.568246187,7.568245245,7.5682456,7.568244885,7.568245023,7.568245429,7.568244703,7.568245032,7.568244737,7.568245171,7.568245217,7.56824511,7.568244495,7.568245049,7.568245705
+"5244","FBXO15",3.675156862,3.675156895,3.675156881,3.675156872,3.675157045,3.675156878,3.6751569,3.675156994,3.675156947,3.675157013,3.67515691,3.675157236,3.675156987,3.675156948,3.675156992,3.675156911,3.675157024,3.675157036,3.675157007,3.67515683,3.675156967,3.675157083,3.675157029,3.675156842,3.67515702,3.675156914,3.675157059,3.675157031
+"5245","FBXO17",5.8640401565,5.864040159,5.8640402015,5.864040143,5.8640403035,5.8640401945,5.864040246,5.864040246,5.8640401905,5.8640401945,5.864040232,5.8640403015,5.8640401635,5.8640401095,5.864040292,5.8640402115,5.8640403205,5.8640402515,5.8640401835,5.8640401905,5.864040282,5.8640402745,5.8640401995,5.864040162,5.8640402275,5.8640402135,5.864040183,5.864040197
+"5246","FBXO2",6.402636233,6.402636257,6.402636367,6.402636271,6.402636342,6.402636146,6.40263626,6.402636314,6.402636255,6.402636256,6.402636249,6.402636382,6.402636221,6.40263615,6.402636307,6.402636283,6.402636386,6.402636364,6.402636245,6.402636272,6.402636327,6.402636336,6.402636219,6.40263627,6.40263633,6.402636337,6.402636285,6.402636277
+"5247","FBXO21",6.83462922,6.834629217,6.834629073,6.834629068,6.834629075,6.834629109,6.834629103,6.834629114,6.834629178,6.834629155,6.834629061,6.834629125,6.834629187,6.834629293,6.834629119,6.834629143,6.83462899,6.834629091,6.834629133,6.834629098,6.834629078,6.834629101,6.834629232,6.834629167,6.834629053,6.834629129,6.834629174,6.83462925
+"5248","FBXO22",6.39094539,6.390945252,6.390944821,6.390944682,6.390944612,6.390944564,6.390944713,6.390944618,6.390945159,6.390945035,6.3909445,6.39094448,6.390944951,6.390945989,6.390944832,6.390944973,6.390944769,6.390944318,6.390945149,6.390944582,6.390945004,6.39094479,6.390945138,6.390945075,6.390944551,6.390944821,6.390945184,6.390945492
+"5249","FBXO24",4.637301154,4.637301141,4.637301121,4.637301021,4.637301259,4.637301106,4.637301125,4.637301245,4.637301128,4.63730114,4.637301041,4.637301277,4.6373012,4.637301009,4.637301189,4.637301123,4.637301297,4.637301253,4.637301168,4.637301041,4.637301287,4.63730115,4.637301024,4.637300972,4.637301157,4.637301229,4.637301104,4.637301287
+"5250","FBXO25",6.300997886,6.30099767,6.300997479,6.300997598,6.300997717,6.300997491,6.300997475,6.300997858,6.300997812,6.300997988,6.300997347,6.300997576,6.300997733,6.300997978,6.30099773,6.300997343,6.30099759,6.30099752,6.300997752,6.300997334,6.300997494,6.300997569,6.300998024,6.300997782,6.300997367,6.300997668,6.300997875,6.300997814
+"5251","FBXO27",4.981583319,4.981583351,4.981583406,4.981583369,4.981583416,4.981583333,4.981583343,4.981583387,4.981583356,4.981583368,4.981583397,4.981583401,4.981583352,4.981583341,4.98158342,4.98158337,4.981583432,4.981583416,4.981583347,4.981583406,4.98158344,4.981583406,4.981583348,4.981583348,4.981583359,4.981583404,4.981583383,4.981583328
+"5252","FBXO28",6.790156674,6.790156415,6.790156323,6.790156256,6.790156343,6.790156392,6.790156477,6.790156382,6.790156475,6.790156501,6.79015611,6.790155894,6.790156661,6.790157018,6.790156421,6.790156051,6.790155978,6.790156175,6.790156751,6.790155936,6.790156321,6.790156223,6.7901566,6.790156417,6.7901562,6.790156214,6.790156559,6.790156754
+"5253","FBXO3",6.64533034,6.645330034,6.645329741,6.645329534,6.645329603,6.645329482,6.645329974,6.645329706,6.645329996,6.645330046,6.645329812,6.645329323,6.645330084,6.645330509,6.645329963,6.645329855,6.645329604,6.64532952,6.645330033,6.64532954,6.645329881,6.645329981,6.645330247,6.64533015,6.645329702,6.645329933,6.645330086,6.645330209
+"5254","FBXO30",7.027288024,7.027288095,7.027287984,7.027287986,7.027287914,7.027287756,7.027288033,7.027287888,7.027287979,7.027287864,7.027287959,7.027287837,7.027287915,7.02728818,7.027288039,7.027288036,7.027287884,7.027287944,7.027288015,7.027287846,7.027287963,7.027287974,7.027288034,7.027288043,7.027288014,7.027287905,7.027287939,7.0272881
+"5255","FBXO31",6.432223248,6.43222327,6.432223239,6.432223225,6.432223239,6.432223279,6.432223255,6.432223258,6.432223292,6.432223264,6.432223248,6.432223252,6.432223272,6.432223266,6.432223246,6.432223258,6.432223215,6.43222324,6.432223251,6.432223259,6.432223221,6.432223267,6.432223271,6.432223273,6.432223221,6.432223242,6.432223269,6.432223252
+"5256","FBXO32",6.020891791,6.020891532,6.020890937,6.020891208,6.020890682,6.020890636,6.02089107,6.0208913,6.020892002,6.020891174,6.020890387,6.020891852,6.020891207,6.020891468,6.020891063,6.02089125,6.020889781,6.020890855,6.020890478,6.020890481,6.020890447,6.020890837,6.020891579,6.020891374,6.020890801,6.020891611,6.020891383,6.020890973
+"5257","FBXO33",6.113838236,6.113838273,6.113838203,6.113838228,6.113838124,6.113838125,6.113838183,6.113838149,6.113838224,6.113838251,6.113838134,6.113838071,6.113838248,6.113838374,6.113838053,6.113838246,6.113838096,6.113838212,6.113838182,6.113838268,6.1138381,6.113838103,6.113838306,6.113838273,6.11383819,6.113838072,6.113838232,6.11383828
+"5258","FBXO34",6.802443108,6.802443131,6.802442887,6.802442943,6.8024429,6.802443021,6.802442995,6.802442874,6.802442971,6.80244307,6.802442792,6.802442819,6.802442964,6.80244331,6.80244298,6.802443074,6.802442857,6.802442923,6.802442984,6.802442889,6.802443002,6.802442976,6.802443048,6.802443113,6.802442906,6.802442827,6.802442964,6.802443177
+"5259","FBXO36",4.562405974,4.56240597,4.562405979,4.562405973,4.562405983,4.562405966,4.562405964,4.562405968,4.56240597,4.562405956,4.562405961,4.562405987,4.562405965,4.562405965,4.562405987,4.56240597,4.562405979,4.562405991,4.562405977,4.562405972,4.562405974,4.562405978,4.562405995,4.562405973,4.562405977,4.562405973,4.562405973,4.562405969
+"5260","FBXO38",7.686100489,7.686100731,7.686099289,7.686100827,7.686099042,7.686100539,7.686100275,7.686099525,7.686099744,7.686099983,7.686099574,7.686099171,7.686099911,7.686100784,7.68609991,7.686100595,7.686099356,7.686100092,7.686100241,7.686100847,7.68610019,7.68609973,7.686100232,7.686100503,7.686099906,7.6860998,7.686099858,7.686100168
+"5261","FBXO39",5.129474867,5.129474804,5.129474916,5.129474935,5.129474901,5.129474876,5.129474834,5.129474902,5.129474858,5.129474872,5.129474878,5.129474948,5.129474855,5.129474798,5.129474868,5.129474887,5.12947491,5.129474889,5.129474877,5.129474941,5.129474864,5.129474883,5.129474803,5.129474828,5.129474896,5.129474848,5.129474842,5.129474713
+"5262","FBXO4",4.541183111,4.541183125,4.541183051,4.54118277,4.541182987,4.541182821,4.54118305,4.541182833,4.541183137,4.541183142,4.541182891,4.541182917,4.541183165,4.541183454,4.54118298,4.541183002,4.5411828,4.541182906,4.541183114,4.541182963,4.541183129,4.541182953,4.541183047,4.541183038,4.541182758,4.541183112,4.541182966,4.541183441
+"5263","FBXO40",3.743937649,3.743937588,3.743937724,3.743937595,3.743937705,3.743937687,3.743937677,3.743937706,3.743937681,3.743937662,3.743937675,3.743937793,3.743937659,3.74393767,3.743937722,3.743937672,3.743937647,3.743937707,3.743937662,3.743937685,3.74393772,3.743937708,3.743937613,3.743937669,3.743937626,3.743937655,3.74393764,3.74393773
+"5264","FBXO41",5.85298156,5.85298158,5.852981594,5.852981563,5.852981637,5.852981603,5.8529816,5.852981605,5.8529816,5.852981609,5.8529816,5.852981624,5.852981604,5.852981555,5.852981611,5.852981585,5.85298163,5.852981604,5.852981604,5.852981601,5.852981621,5.852981638,5.852981603,5.852981553,5.852981601,5.852981615,5.852981601,5.852981582
+"5265","FBXO42",7.055083829,7.055083734,7.055083705,7.055083729,7.055083537,7.05508378,7.055083722,7.055083558,7.055083704,7.055083743,7.055083647,7.055083588,7.055083721,7.055083851,7.055083605,7.055083551,7.055083591,7.055083663,7.055083802,7.055083677,7.055083685,7.055083676,7.055083696,7.055083775,7.05508372,7.055083711,7.055083787,7.055083682
+"5266","FBXO43",3.363735438,3.36373528,3.36373551,3.363735519,3.363735611,3.363735262,3.363735473,3.363735446,3.363735464,3.363735473,3.363735493,3.363735421,3.363735479,3.363735353,3.363735573,3.363735394,3.363735535,3.363735415,3.363735596,3.363735405,3.363735642,3.363735477,3.36373547,3.3637355,3.363735441,3.363735467,3.36373541,3.36373559
+"5267","FBXO44",6.023302945,6.023302949,6.023303148,6.023303008,6.023303152,6.023303199,6.023303082,6.023303212,6.023303137,6.023303136,6.023303194,6.023303377,6.023303009,6.023302806,6.023303191,6.023303039,6.02330323,6.023303108,6.0233031,6.023303098,6.023303143,6.023303348,6.023303181,6.023302924,6.023302959,6.023303171,6.023303226,6.023302982
+"5268","FBXO45",5.143728261,5.143728127,5.14372804,5.143728109,5.143728147,5.143728175,5.143728224,5.143728045,5.143728094,5.14372819,5.143728214,5.143727835,5.1437282,5.143728482,5.143728088,5.143728016,5.143727999,5.143728037,5.14372827,5.143727886,5.143728172,5.143728112,5.143728177,5.143728174,5.143728133,5.143727994,5.143728245,5.143728213
+"5269","FBXO46",7.752552319,7.752552353,7.752552648,7.752552326,7.752552938,7.752552344,7.752552662,7.752552766,7.752552574,7.752552537,7.752552782,7.75255296,7.752552499,7.752552035,7.752552786,7.752552629,7.752553027,7.752552765,7.7525527,7.75255237,7.752552605,7.752552753,7.752552413,7.752552387,7.752552571,7.752552609,7.75255234,7.752552696
+"5270","FBXO47",2.658979296,2.658979329,2.658979296,2.65897947,2.658979327,2.65897945,2.658979405,2.658979443,2.658979333,2.658979399,2.6589794,2.65897951,2.658979328,2.658979378,2.658979307,2.658979528,2.658979596,2.658979532,2.658979323,2.658979439,2.658979281,2.658979432,2.658979304,2.658979518,2.658979443,2.658979405,2.658979373,2.658979261
+"5271","FBXO48",4.004661204,4.004661081,4.004661153,4.004661123,4.004661145,4.004661088,4.004661098,4.004661125,4.004661127,4.004661147,4.004661109,4.004661081,4.004661161,4.004661223,4.004661224,4.004661159,4.004661102,4.004661089,4.004661147,4.004661166,4.004661111,4.004661137,4.004661116,4.004661171,4.004661109,4.004661131,4.004661172,4.004661204
+"5272","FBXO5",4.682147249,4.682146988,4.682147115,4.682146998,4.682147101,4.682147201,4.68214742,4.682146889,4.682147118,4.682147225,4.682147059,4.68214699,4.682147158,4.682147482,4.682147103,4.682146935,4.68214681,4.682146974,4.682147138,4.682147133,4.682147367,4.682147091,4.682147375,4.68214714,4.682147155,4.682147021,4.682147246,4.682147418
+"5273","FBXO6",6.300954825,6.300954925,6.300955154,6.300954797,6.30095574,6.300958839,6.300955095,6.300955267,6.300955707,6.300955798,6.300955211,6.30095444,6.300955717,6.300953765,6.300955216,6.300954564,6.300955237,6.300954518,6.300954976,6.300958916,6.300954904,6.300955665,6.300955328,6.300955609,6.300954959,6.300954618,6.300955505,6.300953724
+"5274","FBXO7",10.1362127,10.13556381,10.13700273,10.13614215,10.13629722,10.13683748,10.13631059,10.13689772,10.13668793,10.13622481,10.1362736,10.13690155,10.13579701,10.13605936,10.13607549,10.13482578,10.13658198,10.13624975,10.13574434,10.13645077,10.1362495,10.13650909,10.13650964,10.13629974,10.13622987,10.13710496,10.13610003,10.13623822
+"5275","FBXO8",5.774944507,5.774944233,5.774944257,5.774944209,5.774944116,5.774944069,5.774944436,5.774944042,5.774944167,5.774944286,5.774943964,5.774943857,5.774944203,5.774944766,5.774944246,5.774943973,5.774944064,5.774944045,5.774944545,5.774943649,5.774944278,5.77494405,5.774944469,5.774944153,5.774943935,5.774944048,5.774944352,5.774944559
+"5276","FBXO9",6.15832706866667,6.15832687866667,6.15832743266667,6.15832693033333,6.15832639333333,6.15832710433333,6.158327043,6.158327112,6.15832721433333,6.15832672333333,6.158327007,6.15832696033333,6.15832622866667,6.158327218,6.15832661466667,6.15832643866667,6.15832688866667,6.15832658633333,6.15832639866667,6.158327203,6.158326781,6.15832687,6.15832704166667,6.158326858,6.158327079,6.158327171,6.15832623466667,6.15832705833333
+"5277","FBXW10B",2.253876326,2.253876301,2.253876396,2.253876378,2.253876351,2.253876378,2.253876336,2.253876333,2.253876453,2.253876403,2.25387641,2.253876314,2.253876265,2.253876292,2.253876342,2.253876448,2.253876384,2.253876443,2.253876377,2.253876373,2.253876298,2.253876327,2.253876409,2.253876391,2.25387647,2.253876349,2.253876256,2.253876339
+"5278","FBXW11",7.157533285,7.157533217,7.157532907,7.157533104,7.157533034,7.157533205,7.157533104,7.157532954,7.157533066,7.157533182,7.157532744,7.157532769,7.157533049,7.157533473,7.157533026,7.157533115,7.157532809,7.157532834,7.157533076,7.157533176,7.157532926,7.157532753,7.157533192,7.157533209,7.157532863,7.157532969,7.157533154,7.157533218
+"5279","FBXW12",3.702500474,3.702500501,3.702500514,3.702500514,3.702500519,3.702500509,3.70250052,3.702500534,3.702500526,3.702500514,3.70250052,3.702500521,3.702500514,3.702500501,3.702500526,3.702500499,3.702500542,3.702500511,3.702500543,3.702500528,3.702500487,3.702500519,3.702500528,3.702500513,3.702500504,3.70250052,3.702500511,3.702500505
+"5280","FBXW2",8.459394032,8.459394089,8.459394002,8.459394211,8.459393518,8.459393549,8.459393966,8.459393418,8.459393906,8.459393571,8.459393826,8.459393243,8.459394057,8.459394553,8.459393669,8.459394028,8.459393189,8.459393794,8.459393833,8.459393779,8.459394147,8.459393472,8.459393913,8.459394112,8.459393873,8.45939388,8.459394097,8.459394041
+"5281","FBXW4",7.742006121,7.742006171,7.742006383,7.742005877,7.742005906,7.742006295,7.742006001,7.742006332,7.742006336,7.742006206,7.742006,7.742006301,7.742006109,7.742006147,7.742006031,7.742006017,7.742006267,7.742005923,7.742006162,7.742006082,7.742005873,7.742006289,7.742006147,7.742006115,7.742005891,7.742006154,7.742006059,7.742006116
+"5282","FBXW4P1",6.914774693,6.914774703,6.914774707,6.914774648,6.914774655,6.914774685,6.914774596,6.914774715,6.914774739,6.914774662,6.914774658,6.914774667,6.914774669,6.914774694,6.91477467,6.914774688,6.914774666,6.914774639,6.914774678,6.914774678,6.914774663,6.914774695,6.91477473,6.914774691,6.914774667,6.914774665,6.914774682,6.914774677
+"5283","FBXW5",7.846765462,7.846765471,7.846765535,7.846765485,7.846765603,7.846765564,7.846765578,7.846765548,7.846765532,7.846765562,7.846765562,7.846765607,7.846765512,7.846765468,7.846765565,7.846765477,7.846765624,7.846765512,7.846765574,7.846765502,7.846765581,7.84676561,7.846765525,7.846765468,7.846765516,7.846765503,7.846765507,7.84676555
+"5284","FBXW7",6.248600023,6.248599965,6.248599843,6.248599951,6.248599686,6.24859984,6.248599896,6.248599634,6.248599792,6.248599771,6.248599841,6.248599711,6.24859984,6.248600043,6.248599849,6.248599943,6.248599628,6.248599872,6.248599863,6.248599769,6.248599814,6.248599815,6.248599806,6.24859987,6.248599796,6.248599741,6.248599813,6.248599894
+"5285","FBXW8",6.401588993,6.401589014,6.40158899,6.401588989,6.401588986,6.401588952,6.401589032,6.401588989,6.401589013,6.401589005,6.401589032,6.401589005,6.401588985,6.401588994,6.401588954,6.401589003,6.401588958,6.401588937,6.401588992,6.401588908,6.401588969,6.401588973,6.401588992,6.401588989,6.401589025,6.401589004,6.401588992,6.401589006
+"5286","FBXW9",5.698192943,5.698193013,5.698193035,5.698193156,5.698193365,5.698193024,5.698193091,5.698193222,5.698192996,5.698193031,5.698193294,5.698193328,5.698193037,5.69819272,5.698193339,5.698193134,5.698193377,5.698193133,5.698193179,5.698193197,5.698193346,5.698193299,5.698192849,5.698192833,5.698192957,5.698193097,5.698193131,5.698193028
+"5287","FCAMR",4.716328044,4.716328109,4.716328094,4.716328152,4.716328075,4.716328159,4.716328119,4.716328153,4.716328105,4.716328138,4.716328093,4.716328092,4.716328065,4.716327995,4.716328104,4.716328092,4.716328145,4.716328136,4.716328148,4.716328148,4.716328073,4.716328141,4.716328105,4.716328078,4.71632805,4.716328055,4.716328145,4.716328076
+"5288","FCAR",6.253101451,6.253102134,6.253100728,6.253102563,6.253100128,6.25310204,6.253101717,6.253100824,6.25310079,6.253101459,6.253101264,6.253099883,6.253100484,6.253100568,6.253100978,6.253101965,6.253100979,6.25310183,6.253101169,6.253101515,6.253101519,6.253100256,6.253101768,6.253103165,6.253101788,6.253099911,6.253100683,6.253099796
+"5289","FCER1A",4.802224859,4.802222932,4.802222852,4.802223451,4.80222353,4.802219869,4.802221687,4.802221853,4.802220873,4.802223888,4.802225104,4.802223504,4.802222012,4.802224539,4.802223828,4.802222952,4.802223564,4.802223833,4.802222904,4.802220146,4.802221694,4.802222727,4.80222206,4.802223292,4.802224823,4.802223303,4.802222021,4.802226221
+"5290","FCER1G",8.148474569,8.148491677,8.148510559,8.148511234,8.148463116,8.148519038,8.148443953,8.148427814,8.148448164,8.148511089,8.148496552,8.148402831,8.1484662,8.148461755,8.148454974,8.148455152,8.148494954,8.148477057,8.148459508,8.148527069,8.148457859,8.148444295,8.148469461,8.148515741,8.148493626,8.148432969,8.148473936,8.148412351
+"5291","FCER2",5.959576216,5.95957413,5.959574155,5.959574878,5.959574954,5.959573895,5.959574123,5.959573613,5.959573992,5.959576221,5.959573481,5.959574935,5.959574941,5.959576495,5.959575698,5.959574716,5.959574414,5.959575375,5.959574891,5.959574462,5.959574386,5.959574666,5.959573896,5.959575315,5.959573553,5.959575525,5.959575098,5.959576319
+"5292","FCF1",5.584599484,5.584599344,5.584599312,5.58459917,5.584599093,5.584598974,5.584599389,5.58459901,5.584599285,5.584599614,5.584599336,5.584598911,5.584599054,5.584600109,5.58459938,5.584599071,5.584598995,5.584599061,5.584599368,5.584599254,5.584599543,5.584599211,5.584599399,5.584599522,5.584599146,5.584599199,5.584598812,5.584599936
+"5293","FCGBP",5.6241065,5.624106426,5.624106618,5.62410657,5.624106592,5.624106347,5.624106498,5.62410663,5.624106724,5.624106574,5.62410649,5.624106814,5.624106646,5.62410602,5.624106533,5.624106547,5.6241065,5.624106861,5.624106416,5.624106287,5.624106473,5.624106674,5.6241067,5.624106498,5.6241067,5.62410689,5.62410657,5.624106552
+"5294","FCGR2A",9.09607109,9.095978949,9.095515715,9.096672402,9.095502073,9.096132409,9.096048836,9.095260193,9.095444624,9.095630441,9.095739654,9.094762609,9.095761043,9.095454687,9.096083676,9.095736753,9.095769317,9.096607863,9.096130937,9.0954196,9.096185963,9.095564245,9.0959491,9.096147593,9.096012772,9.095457167,9.095736742,9.09515361
+"5295","FCGR2B",5.537868818,5.537869487,5.537867207,5.537871052,5.537867717,5.537867684,5.537868775,5.537869003,5.537868519,5.537867214,5.53786916,5.537868989,5.537868873,5.537869723,5.537868292,5.537869456,5.53786728,5.537870728,5.537869057,5.537868662,5.537869111,5.537869235,5.537869551,5.537867928,5.537869616,5.537869355,5.537867846,5.53786949
+"5296","FCGR3A",7.787896176,7.787896039,7.787881627,7.787895268,7.78787095,7.787886195,7.787881779,7.787885909,7.787864448,7.78787646,7.787880195,7.78786178,7.787885197,7.787886079,7.787891671,7.787893773,7.787879678,7.787892545,7.787877009,7.787902003,7.78789129,7.787887378,7.787875248,7.787893742,7.787876965,7.787880382,7.787883747,7.787885318
+"5297","FCGRT",8.586812416,8.586812777,8.5868126,8.586812879,8.586812167,8.586812496,8.586812346,8.586812496,8.586812063,8.586812197,8.586812486,8.586812308,8.58681243,8.586812115,8.586812321,8.586812626,8.586812606,8.586812704,8.586812437,8.586812649,8.586812252,8.586812644,8.586812303,8.586812478,8.586812585,8.586812241,8.586812366,8.586811789
+"5298","FCHO1",7.245332384,7.245332547,7.245332408,7.245332643,7.245332342,7.245332445,7.245332312,7.245332451,7.245332518,7.245332452,7.245332384,7.245332378,7.245332515,7.245332458,7.245332484,7.245332573,7.245332351,7.245332581,7.24533248,7.245332293,7.245332377,7.245332513,7.245332522,7.245332448,7.245332485,7.245332487,7.245332512,7.245332444
+"5299","FCHO2",6.827277909,6.827278475,6.82727732,6.827278134,6.82727659,6.827275581,6.827277454,6.82727729,6.827276019,6.827276828,6.827277401,6.827275621,6.827277172,6.827277752,6.827277201,6.827278246,6.827276774,6.82727786,6.827277824,6.827276692,6.827277603,6.827277093,6.827277113,6.827277747,6.827278572,6.827276954,6.827277339,6.827277115
+"5300","FCHSD1",6.851020898,6.851020878,6.851020905,6.851021071,6.851020853,6.851021023,6.851020909,6.851020934,6.851020864,6.851020922,6.851020917,6.851020983,6.851020964,6.851020866,6.851020855,6.851021057,6.85102067,6.851020954,6.851021007,6.851020802,6.85102095,6.851020811,6.851020978,6.85102089,6.851021039,6.851021038,6.851020984,6.851020737
+"5301","FCHSD2",7.560689431,7.560689224,7.560688637,7.560689189,7.560688762,7.560688629,7.560688715,7.560688358,7.560688473,7.560688686,7.560688826,7.560688314,7.56068902,7.560689711,7.560688981,7.560688822,7.560688022,7.560688779,7.560688883,7.560689111,7.560688931,7.560688283,7.560688803,7.560689213,7.560688776,7.56068882,7.560688875,7.560689131
+"5302","FCMR",8.555986888,8.555390097,8.555487482,8.555521621,8.555503183,8.555280613,8.555725378,8.555450731,8.556147124,8.55586956,8.555032362,8.555869099,8.555858089,8.556062885,8.555608746,8.555066632,8.554934809,8.55526941,8.55557775,8.555003095,8.555592755,8.555623352,8.555862036,8.555615293,8.554974305,8.556067198,8.555957508,8.55590866
+"5303","FCN1",10.11593171,10.11592479,10.11592453,10.11592386,10.11592571,10.11593691,10.1159318,10.1159113,10.11592091,10.11593062,10.11591966,10.11589949,10.11592102,10.11592078,10.11592726,10.11591876,10.11592275,10.11591122,10.11592305,10.11592831,10.11593023,10.11591328,10.11592353,10.11592647,10.11591111,10.11590081,10.11591992,10.11590509
+"5304","FCN2",6.578944567,6.578944755,6.57894509,6.578944726,6.578945169,6.578944625,6.578944852,6.578944964,6.578944734,6.578944828,6.578944981,6.578945171,6.578945001,6.578944322,6.578945012,6.578944681,6.578945323,6.57894511,6.578944716,6.578944817,6.578945135,6.578945121,6.578944354,6.578944634,6.578944867,6.57894493,6.57894475,6.578944678
+"5305","FCN3",5.091315119,5.091315335,5.091315298,5.091315327,5.091315522,5.091315284,5.091315352,5.091315393,5.091315336,5.091315308,5.09131524,5.091315341,5.091315339,5.091315174,5.091315521,5.091315352,5.091315486,5.091315488,5.091315252,5.091315434,5.091315315,5.091315434,5.091315236,5.09131528,5.091315392,5.091315372,5.091315307,5.09131544
+"5306","FCRL1",7.3979711,7.391392951,7.391170856,7.395237958,7.392355148,7.393672156,7.394392493,7.390172974,7.39055783,7.394877395,7.3892212,7.394456426,7.391025167,7.397477107,7.396436727,7.391287009,7.390449496,7.394167009,7.393487303,7.393460304,7.392260446,7.391910036,7.38988947,7.394238041,7.39015994,7.395490801,7.392216283,7.396996458
+"5307","FCRL2",5.643364055,5.643363108,5.643363043,5.643363688,5.643363566,5.64336384,5.643364132,5.643362843,5.643363075,5.643363691,5.643362338,5.643363733,5.643363689,5.643364158,5.64336397,5.643363262,5.643363265,5.643363751,5.643363885,5.643363505,5.643363971,5.643363112,5.64336318,5.643363788,5.643362918,5.643363654,5.64336377,5.643363777
+"5308","FCRL3",6.869121752,6.867185473,6.867604061,6.867361954,6.867902823,6.867566351,6.86897998,6.86791577,6.867719126,6.868741282,6.867197914,6.867785647,6.868607239,6.867712448,6.8687019,6.86699494,6.867217294,6.867686039,6.868150056,6.86751431,6.868847411,6.868186025,6.867549603,6.868682029,6.866925887,6.86842807,6.868380715,6.867536554
+"5309","FCRL4",3.992233303,3.99223331,3.992233315,3.992233299,3.992233406,3.992233229,3.992233312,3.992233405,3.992233318,3.992233271,3.992233401,3.992233401,3.992233334,3.992233282,3.992233337,3.992233353,3.992233383,3.992233363,3.992233334,3.992233351,3.992233373,3.992233424,3.992233277,3.992233275,3.992233378,3.99223336,3.992233299,3.992233301
+"5310","FCRL5",5.522336701,5.522333941,5.522336859,5.522337685,5.522336767,5.522336444,5.52233996,5.522333387,5.522336073,5.522335906,5.522335612,5.522337689,5.522335473,5.522336242,5.522336308,5.522333144,5.522336278,5.522336624,5.522337935,5.52233616,5.522339258,5.52233388,5.522336048,5.52233623,5.522334956,5.52233822,5.522336179,5.522335334
+"5311","FCRL6",7.578369695,7.510624183,7.52494557,7.490818085,7.502353803,7.533998372,7.556566598,7.566922199,7.544120487,7.544187964,7.542795971,7.515798224,7.550338422,7.537002148,7.568533034,7.524897093,7.524897219,7.498954282,7.51369353,7.515180359,7.557772027,7.565828254,7.553661465,7.55027945,7.552825478,7.543941536,7.534836977,7.523702122
+"5312","FCRLA",6.11393746,6.11393578,6.11393558,6.113937085,6.113936612,6.113936592,6.113936748,6.113934359,6.113936078,6.113936337,6.113933982,6.11393569,6.113935849,6.113938207,6.113937086,6.113935479,6.11393572,6.113937027,6.11393627,6.113936884,6.113936612,6.11393548,6.113936023,6.1139367,6.11393481,6.113936664,6.113936218,6.113938062
+"5313","FCRLB",5.509356735,5.509356762,5.509356831,5.509356786,5.509356873,5.509356816,5.509356832,5.50935686,5.509356796,5.509356777,5.509356838,5.50935684,5.509356791,5.50935673,5.509356824,5.509356791,5.509356876,5.509356818,5.509356831,5.509356765,5.509356831,5.509356811,5.509356707,5.509356777,5.509356762,5.509356795,5.50935679,5.509356804
+"5314","FCSK",6.339894634,6.339894637,6.339894761,6.339894694,6.339894871,6.33989467,6.339894805,6.339894724,6.339894747,6.339894667,6.33989476,6.339894828,6.339894721,6.339894518,6.339894832,6.339894719,6.339894859,6.33989476,6.339894702,6.3398947,6.339894857,6.339894857,6.339894701,6.339894596,6.339894674,6.339894717,6.339894652,6.339894659
+"5315","FDCSP",3.298741586,3.298741589,3.298741583,3.298741652,3.298741699,3.29874152,3.29874164,3.298741738,3.298741706,3.298741552,3.298741576,3.298741736,3.298741479,3.298741553,3.298741516,3.298741588,3.298741809,3.298741563,3.298741657,3.29874158,3.298741566,3.298741615,3.298741601,3.298741566,3.298741376,3.298741546,3.298741578,3.298741691
+"5316","FDFT1",8.27623617,8.276236351,8.276236025,8.276236245,8.276236045,8.276236343,8.276236233,8.276236212,8.276236249,8.276236386,8.276235973,8.276236196,8.276236293,8.276236354,8.276235875,8.276236213,8.276235829,8.276236038,8.276236251,8.276236377,8.276236048,8.276236086,8.276236357,8.27623639,8.276235868,8.276236431,8.276236342,8.276236189
+"5317","FDPS",6.328496384,6.32849641,6.328496288,6.328496243,6.328496332,6.328496402,6.328496434,6.328496222,6.328496281,6.328496333,6.328496226,6.328496181,6.328496326,6.328496424,6.328496232,6.328496367,6.328496044,6.328496148,6.328496332,6.328496328,6.328496407,6.328496303,6.328496293,6.328496353,6.328496197,6.328496323,6.328496426,6.328496289
+"5318","FDPSP2",5.3366990355,5.336698965,5.336699023,5.336699089,5.3366988935,5.336699219,5.3366991055,5.3366989445,5.3366989165,5.33669917,5.3366990355,5.336699009,5.336699014,5.3366990255,5.336699018,5.3366989135,5.3366988455,5.3366990325,5.336699064,5.336699162,5.3366989945,5.3366990375,5.3366989675,5.336699025,5.3366991195,5.336698976,5.336699157,5.336699018
+"5319","FDX1",5.701485121,5.701485137,5.701485126,5.70148511,5.701485118,5.701485118,5.701485119,5.701485127,5.701485138,5.701485131,5.701485133,5.701485121,5.701485138,5.701485124,5.701485127,5.701485128,5.701485116,5.701485118,5.70148512,5.701485116,5.701485129,5.701485126,5.701485129,5.701485119,5.701485129,5.701485118,5.701485133,5.701485129
+"5320","FDX2",6.13309302,6.133093121,6.13309311,6.133093111,6.133093212,6.133093051,6.133093154,6.133093165,6.133093204,6.133093107,6.133093137,6.133093208,6.133093053,6.133093092,6.13309314,6.133093195,6.133093152,6.133093131,6.133093076,6.133093176,6.133093194,6.133093218,6.133092999,6.13309316,6.133093175,6.133093169,6.133093105,6.133093127
+"5321","FDXACB1",4.537100612,4.537100405,4.537100287,4.537100229,4.537100544,4.537100407,4.53710024,4.537100273,4.537100361,4.537100443,4.53709998,4.537100274,4.537100435,4.53710072,4.53710048,4.537100381,4.537100444,4.537100235,4.537100401,4.5371004,4.537100452,4.537100531,4.537100513,4.537100328,4.537100401,4.537100312,4.537100547,4.537100558
+"5322","FDXR",5.799656491,5.799656516,5.799656596,5.799656506,5.799656636,5.799656456,5.799656576,5.799656607,5.799656595,5.799656586,5.799656573,5.799656565,5.799656576,5.799656516,5.799656602,5.799656585,5.799656663,5.799656571,5.799656561,5.799656578,5.799656607,5.799656626,5.79965651,5.799656525,5.799656593,5.799656585,5.799656514,5.799656528
+"5323","FECH",8.096163552,7.820170674,8.435433684,8.181558427,8.21084005,8.528047931,8.22780193,8.751460941,8.457976084,8.286778288,8.63237629,8.653404466,8.150870032,7.931845625,8.077051618,7.357133856,8.232778442,8.219657571,7.910390016,8.20518444,8.13366754,8.478649436,8.233086995,8.196607889,8.46729395,8.690589521,8.31841314,7.982684108
+"5324","FEM1A",6.777315902,6.777315915,6.777315953,6.777315933,6.777315971,6.77731602,6.777315914,6.77731606,6.777315986,6.777316023,6.777316038,6.777315969,6.777315913,6.777315871,6.777315888,6.777315834,6.777315939,6.777315809,6.777315742,6.777315898,6.777315863,6.777315957,6.777315927,6.777315943,6.777315807,6.777316001,6.777315939,6.777315929
+"5325","FEM1B",7.221365798,7.221365734,7.221365659,7.221365506,7.221365574,7.221365555,7.221365601,7.221365562,7.221365617,7.221365591,7.221365519,7.221365447,7.22136562,7.221365882,7.22136564,7.221365576,7.221365517,7.221365506,7.221365715,7.221365604,7.221365634,7.221365518,7.221365667,7.221365688,7.221365517,7.221365514,7.221365662,7.221365816
+"5326","FEM1C",7.13831949,7.138320403,7.138319394,7.138319422,7.138319353,7.13831899,7.138319524,7.138319364,7.138319701,7.138319318,7.138319714,7.138318589,7.13831976,7.138320519,7.13831961,7.138320349,7.138319666,7.138319293,7.13832007,7.138319333,7.138319632,7.138319383,7.138320173,7.138320226,7.138320073,7.138319078,7.138319302,7.138319868
+"5327","FEN1",6.013962824,6.013962773,6.013962913,6.013962833,6.013962848,6.013962911,6.013963012,6.013962859,6.013962967,6.013962821,6.013962843,6.013962853,6.013962805,6.013962849,6.013962914,6.013962926,6.013962908,6.013962908,6.013962874,6.013962854,6.013963051,6.013962886,6.013962959,6.013962833,6.01396274,6.013962894,6.013962804,6.013962913
+"5328","FER",4.890715686,4.890715706,4.890715662,4.890715592,4.890715528,4.890715391,4.890715492,4.890715569,4.890715569,4.890715597,4.89071559,4.890715497,4.890715543,4.890715829,4.890715577,4.890715561,4.89071555,4.89071553,4.890715554,4.890715498,4.890715495,4.890715583,4.890715579,4.890715584,4.890715478,4.890715459,4.890715593,4.890715632
+"5329","FER1L4",4.8699835805,4.869983583,4.869983615,4.8699835775,4.86998366,4.8699835735,4.86998362,4.86998361,4.8699835775,4.869983621,4.8699836045,4.8699836395,4.869983555,4.8699835125,4.8699836485,4.8699836265,4.8699836355,4.869983639,4.86998359,4.869983612,4.8699836555,4.869983613,4.869983532,4.869983585,4.8699835935,4.869983634,4.869983599,4.8699836385
+"5330","FER1L5",4.670484455,4.6704844955,4.6704845125,4.6704845265,4.670484528,4.6704845055,4.6704845115,4.6704845265,4.670484511,4.6704845005,4.670484525,4.6704845285,4.6704845,4.670484433,4.670484517,4.670484535,4.6704845725,4.670484555,4.670484479,4.6704844545,4.6704845025,4.6704845345,4.6704845085,4.670484458,4.6704845295,4.6704844845,4.6704844695,4.6704845485
+"5331","FER1L6",4.104072755,4.10407276,4.104072764,4.104072774,4.104072764,4.104072768,4.104072756,4.104072778,4.104072755,4.104072758,4.104072773,4.104072772,4.104072766,4.104072759,4.104072761,4.104072759,4.104072779,4.104072772,4.104072758,4.104072769,4.104072766,4.10407277,4.104072752,4.104072762,4.10407277,4.104072756,4.104072759,4.104072771
+"5332","FER1L6-AS1",3.386386852,3.386386785,3.386386887,3.386386786,3.386386923,3.386386879,3.386386823,3.386386921,3.386386796,3.386386863,3.386386917,3.38638699,3.386386812,3.386386815,3.386386857,3.386386889,3.386386937,3.38638694,3.386386896,3.386386852,3.386386907,3.386386912,3.386386814,3.386386835,3.386386844,3.386386876,3.386386749,3.386386896
+"5333","FER1L6-AS2",3.762479293,3.762479274,3.762479297,3.762479296,3.762479305,3.762479251,3.762479302,3.762479299,3.762479286,3.762479281,3.762479284,3.762479302,3.762479278,3.762479272,3.7624793,3.762479308,3.762479297,3.76247931,3.762479289,3.762479284,3.7624793,3.762479277,3.762479277,3.762479274,3.762479271,3.762479266,3.76247928,3.762479293
+"5334","FERD3L",5.557520606,5.55752084,5.557521033,5.557520758,5.557521061,5.557520481,5.557520857,5.55752096,5.557520759,5.557520751,5.557520935,5.557521207,5.557520844,5.557520702,5.557521044,5.557521036,5.55752113,5.557521024,5.557520755,5.557520939,5.557520966,5.557521106,5.55752083,5.55752094,5.557521077,5.557520781,5.557520792,5.557520759
+"5335","FERMT1",3.22410379,3.224103914,3.224103952,3.224103926,3.224103879,3.22410388,3.224103836,3.224103936,3.224103941,3.224103838,3.224103812,3.224103996,3.224103767,3.224103901,3.224103867,3.224103869,3.22410395,3.224103893,3.224103915,3.224103862,3.224103911,3.224103861,3.224103788,3.224103784,3.22410384,3.224103935,3.224103781,3.224103943
+"5336","FERMT2",3.636233658,3.636233675,3.63623368,3.636233732,3.636233695,3.636233744,3.636233687,3.636233719,3.636233701,3.636233725,3.636233715,3.636233703,3.636233682,3.636233679,3.63623372,3.636233748,3.636233748,3.636233775,3.636233686,3.636233679,3.636233687,3.636233693,3.636233687,3.636233654,3.636233714,3.636233715,3.636233702,3.636233691
+"5337","FERMT3",9.115014956,9.115027513,9.115013377,9.115030926,9.115016521,9.115023817,9.115014355,9.115015637,9.115013691,9.115025111,9.115023651,9.115011083,9.11501747,9.115015878,9.115010949,9.11502046,9.1150091,9.11502693,9.115018192,9.115013936,9.115010492,9.115013662,9.115016363,9.115027315,9.115020427,9.115011952,9.115016953,9.115008642
+"5338","FES",6.920898279,6.92089848,6.920898554,6.920898422,6.920898426,6.920898611,6.920898512,6.920898315,6.920898397,6.920898354,6.920898466,6.920898209,6.920898432,6.920898413,6.920898289,6.920898428,6.920898426,6.920898264,6.920898492,6.92089862,6.92089847,6.920898369,6.920898353,6.920898439,6.920898477,6.920898337,6.920898424,6.920898306
+"5339","FETUB",3.953543986,3.953544021,3.953544016,3.953544004,3.953544003,3.953544005,3.953543982,3.953544016,3.953544032,3.953544039,3.953544011,3.953544005,3.953543983,3.953543997,3.95354401,3.953544003,3.953544042,3.953544023,3.953543997,3.953544003,3.953544015,3.953544002,3.953544015,3.953544003,3.953543998,3.953543984,3.953544013,3.953543966
+"5340","FEV",6.021075486,6.021075494,6.021075667,6.021075515,6.021075789,6.021075438,6.021075547,6.021075699,6.021075625,6.02107561,6.021075688,6.021075698,6.02107557,6.0210755,6.021075676,6.02107565,6.021075661,6.021075652,6.021075579,6.021075604,6.021075609,6.021075586,6.021075508,6.021075561,6.021075616,6.021075619,6.021075559,6.021075614
+"5341","FEZ1",4.501796186,4.501796207,4.501796225,4.501796188,4.501796223,4.501796222,4.501796225,4.501796244,4.501796188,4.501796212,4.501796228,4.501796234,4.501796185,4.501796201,4.501796203,4.501796232,4.501796213,4.501796236,4.501796184,4.501796204,4.501796223,4.501796246,4.501796215,4.501796203,4.501796223,4.501796187,4.501796209,4.501796228
+"5342","FEZ2",5.97199474,5.971994831,5.971994661,5.971994869,5.971994506,5.971994739,5.971994531,5.971994615,5.971994429,5.971994828,5.97199464,5.971994401,5.971994706,5.971994916,5.971994769,5.97199479,5.97199457,5.971994706,5.971994749,5.971994844,5.971994533,5.97199466,5.971994648,5.971994918,5.97199481,5.971994543,5.971994675,5.971994668
+"5343","FEZF1",5.374615594,5.374615609,5.374615622,5.374615579,5.374615659,5.374615647,5.374615623,5.37461562,5.374615621,5.374615654,5.374615653,5.374615662,5.374615613,5.374615548,5.374615626,5.374615603,5.374615646,5.374615619,5.374615607,5.37461563,5.374615626,5.374615636,5.374615604,5.374615597,5.374615624,5.374615615,5.374615609,5.374615616
+"5344","FEZF2",5.496093355,5.496093224,5.49609341,5.496093419,5.496093654,5.496093172,5.496093438,5.496093595,5.496093303,5.496093542,5.49609363,5.496093635,5.4960935,5.496092865,5.496093515,5.496093238,5.496093669,5.49609366,5.496093561,5.496093403,5.496093485,5.496093548,5.496093284,5.496093093,5.496093348,5.496093473,5.496093384,5.496093397
+"5345","FFAR1",6.021324317,6.021324385,6.021324601,6.021324597,6.021324786,6.021324151,6.021324673,6.021324579,6.021324482,6.021324347,6.021324554,6.021324699,6.021324562,6.021324285,6.021324719,6.021324741,6.021324899,6.02132477,6.021324642,6.021324601,6.021324827,6.021324777,6.02132423,6.021324316,6.021324595,6.021324768,6.021324518,6.021324602
+"5346","FFAR2",9.625483986,10.24577766,9.357271742,9.966308261,9.390989523,10.3748088,9.698373363,9.487356356,9.83177158,9.806183071,9.596607256,8.767254352,9.562293634,9.463890298,9.586813977,10.18272859,9.245579234,9.806963397,10.0075741,10.79841356,9.62727018,9.758804708,10.16187909,9.96972856,9.704690045,8.901761229,9.593660324,9.263450451
+"5347","FFAR3",4.824098748,4.824098552,4.8240988295,4.8240988125,4.8240989135,4.824098699,4.824098767,4.8240988075,4.824098682,4.824098782,4.82409864,4.8240987125,4.824098659,4.824098653,4.8240988465,4.8240986635,4.8240988845,4.8240988215,4.824098886,4.824098725,4.8240988585,4.8240987695,4.824098634,4.824098736,4.8240985575,4.8240988455,4.824098593,4.8240985505
+"5348","FFAR4",4.668081739,4.668081717,4.668081753,4.668081721,4.668081778,4.66808168,4.668081767,4.668081787,4.668081733,4.668081743,4.668081737,4.668081732,4.668081745,4.668081737,4.668081789,4.668081757,4.668081787,4.66808178,4.668081717,4.668081733,4.668081779,4.668081791,4.668081739,4.668081713,4.668081795,4.668081712,4.668081698,4.668081684
+"5349","FGA",3.538472413,3.538472418,3.538472423,3.538472415,3.538472428,3.53847242,3.538472415,3.538472433,3.538472428,3.53847242,3.538472421,3.538472436,3.538472418,3.538472415,3.538472419,3.538472434,3.538472431,3.538472431,3.538472422,3.53847242,3.538472424,3.538472437,3.538472426,3.538472407,3.538472417,3.53847242,3.538472413,3.538472437
+"5350","FGB",3.597482962,3.597482932,3.597482964,3.597483055,3.597482995,3.597482901,3.597483043,3.597482962,3.59748294,3.597482965,3.597482914,3.597482977,3.597482948,3.59748291,3.597483064,3.597482994,3.597482974,3.597483074,3.597482987,3.597482987,3.597483028,3.597483002,3.597483009,3.597482981,3.597483003,3.597482959,3.597482949,3.597483046
+"5351","FGD1",4.882564649,4.882564657,4.882564682,4.882564666,4.882564696,4.882564663,4.882564644,4.882564687,4.882564671,4.882564673,4.882564684,4.8825647,4.882564669,4.882564633,4.882564662,4.882564645,4.882564702,4.882564687,4.882564671,4.882564669,4.882564689,4.882564711,4.882564652,4.882564643,4.882564633,4.882564684,4.882564635,4.882564665
+"5352","FGD2",7.477978269,7.477978248,7.477977975,7.477977923,7.477978116,7.477980554,7.477978042,7.477977826,7.477976235,7.477978437,7.477978465,7.477977734,7.47797928,7.477978126,7.477977327,7.477976909,7.477977639,7.477976875,7.477977806,7.477979548,7.477977613,7.477977742,7.477975978,7.477978228,7.477977555,7.477977921,7.477979217,7.477977483
+"5353","FGD3",8.609379647,8.609379746,8.609379593,8.609379888,8.609379619,8.609379783,8.609379761,8.609379647,8.609379755,8.609379699,8.609379665,8.60937965,8.609379741,8.609379658,8.609379733,8.609379777,8.609379619,8.609379831,8.609379803,8.609379679,8.609379709,8.609379679,8.609379763,8.609379753,8.609379762,8.609379724,8.609379773,8.609379618
+"5354","FGD4",6.156374686,6.156375008,6.156374247,6.156375579,6.156373845,6.156374134,6.156374955,6.15637324,6.156373068,6.156373671,6.156374874,6.156373439,6.156374059,6.156374922,6.156374313,6.156374575,6.156373766,6.156374636,6.156374907,6.156374242,6.156374621,6.156373539,6.156374076,6.156374536,6.156374942,6.156373913,6.156374139,6.156373693
+"5355","FGD5",3.953368197,3.953368185,3.953368247,3.953368233,3.953368248,3.953368186,3.953368202,3.953368222,3.953368215,3.953368217,3.953368232,3.953368249,3.953368184,3.953368141,3.953368227,3.953368243,3.953368254,3.953368197,3.953368205,3.953368259,3.953368232,3.953368276,3.95336824,3.953368157,3.953368218,3.953368249,3.953368239,3.953368165
+"5356","FGD6",4.892894297,4.892894259,4.892894286,4.892894242,4.892894233,4.892894307,4.892894298,4.892894135,4.892894149,4.892894289,4.892894221,4.892894157,4.892894287,4.892894226,4.89289419,4.892894165,4.892894236,4.892894182,4.892894228,4.892894188,4.892894264,4.89289418,4.892894138,4.892894245,4.8928942,4.892894174,4.892894299,4.892894155
+"5357","FGF1",4.167422009,4.167421999,4.167422052,4.167422011,4.167422083,4.167421881,4.167422008,4.167422043,4.167422104,4.167422053,4.167422066,4.167422167,4.167422048,4.167422006,4.16742204,4.167422069,4.167422145,4.167422085,4.167422048,4.167422073,4.167422063,4.167422119,4.167421982,4.167422029,4.167421989,4.167422049,4.167422006,4.167422132
+"5358","FGF10",3.687341209,3.687341278,3.687341236,3.687341167,3.687341375,3.687340887,3.687341459,3.68734109,3.687341229,3.687341057,3.68734118,3.687341602,3.687341245,3.68734103,3.687341234,3.687341512,3.687341413,3.687341272,3.687341333,3.687341376,3.687341401,3.687341468,3.687341001,3.687341101,3.687341187,3.687341336,3.687341178,3.687341169
+"5359","FGF11",5.335111588,5.33511164,5.335111683,5.335111643,5.335111743,5.335111469,5.335111726,5.335111676,5.335111685,5.335111665,5.335111683,5.335111729,5.335111703,5.335111533,5.335111704,5.33511173,5.335111821,5.335111737,5.335111693,5.335111614,5.3351117,5.335111728,5.335111612,5.335111646,5.335111664,5.335111697,5.335111589,5.335111695
+"5360","FGF12",4.055652666,4.055652425,4.055652811,4.055652593,4.055652847,4.055652566,4.055652959,4.055652934,4.055652727,4.055652748,4.055653022,4.055652621,4.055652775,4.055652797,4.055652914,4.055652962,4.055652977,4.055652974,4.055652899,4.055652773,4.055653052,4.055652983,4.05565266,4.055652547,4.055652613,4.055652887,4.055652692,4.055652773
+"5361","FGF13",4.7747583055,4.77475853,4.77475857,4.774758641,4.7747586335,4.7747585755,4.774758578,4.7747585955,4.7747585135,4.7747585765,4.7747587395,4.774758767,4.774758484,4.7747582915,4.7747587135,4.7747587495,4.7747587975,4.7747584805,4.7747585195,4.774758472,4.774758561,4.774758567,4.7747585995,4.774758631,4.7747585335,4.774758603,4.7747585015,4.774758666
+"5362","FGF14",3.170024873,3.170024924,3.170024914,3.170024932,3.170024956,3.170024947,3.170024922,3.170024908,3.170024934,3.170024871,3.170024993,3.170024966,3.170024847,3.170024896,3.17002492,3.170024919,3.170024918,3.170024909,3.170024954,3.170025002,3.170024928,3.170024872,3.17002491,3.170024878,3.170024934,3.170024883,3.170024943,3.170024931
+"5363","FGF16",4.003856438,4.003856462,4.003856446,4.003856445,4.003856466,4.00385644,4.003856469,4.003856487,4.003856485,4.003856446,4.003856468,4.003856502,4.003856458,4.003856423,4.003856449,4.003856482,4.003856491,4.003856461,4.003856439,4.003856461,4.003856457,4.003856484,4.003856455,4.003856448,4.003856426,4.00385643,4.003856431,4.00385645
+"5364","FGF17",5.831602918,5.831602844,5.831603246,5.831602942,5.831603613,5.831603102,5.831603312,5.831603376,5.831603179,5.831602925,5.831603308,5.831603683,5.831603176,5.831602669,5.83160352,5.831603298,5.831603683,5.831603391,5.831603226,5.831603364,5.831603563,5.831603561,5.831602744,5.831603068,5.831603183,5.831603372,5.831603076,5.831603142
+"5365","FGF18",5.491271281,5.49127128,5.491271439,5.491271304,5.491271573,5.491271359,5.491271442,5.491271485,5.491271327,5.491271431,5.491271405,5.49127158,5.491271357,5.491271261,5.491271534,5.491271305,5.491271535,5.491271388,5.491271417,5.491271392,5.491271481,5.491271546,5.491271346,5.491271361,5.491271411,5.491271465,5.491271388,5.491271414
+"5366","FGF19",5.216237896,5.216237782,5.216237957,5.216237915,5.216238095,5.216237941,5.216238038,5.216238008,5.216237965,5.216237917,5.216238081,5.216238062,5.216237933,5.216237708,5.216238067,5.216237912,5.216238125,5.216238053,5.216238038,5.216237993,5.216237958,5.216238052,5.216237957,5.216237867,5.216237907,5.216237986,5.216237966,5.216237936
+"5367","FGF2",5.782628262,5.782628371,5.782628397,5.782628318,5.782628394,5.782628189,5.782628312,5.782628401,5.782628362,5.782628373,5.782628403,5.782628468,5.782628352,5.782628206,5.782628393,5.782628433,5.782628448,5.782628381,5.782628399,5.782628275,5.782628324,5.782628381,5.782628261,5.782628315,5.782628437,5.782628359,5.782628297,5.782628427
+"5368","FGF20",5.108020413,5.108020403,5.108020521,5.108020474,5.108020651,5.108020413,5.108020463,5.108020574,5.108020459,5.108020541,5.108020511,5.108020759,5.108020412,5.108020366,5.108020576,5.108020583,5.108020746,5.108020593,5.108020524,5.108020566,5.108020531,5.108020653,5.108020448,5.108020485,5.108020501,5.108020591,5.108020413,5.10802055
+"5369","FGF21",4.194590991,4.194591049,4.194590987,4.194591042,4.19459113,4.194591012,4.194591055,4.194591111,4.194591004,4.19459105,4.194591041,4.194591091,4.194591115,4.194590992,4.194591083,4.194591063,4.194591155,4.194591083,4.194591029,4.194591062,4.194591082,4.194591126,4.194590986,4.194591009,4.194591068,4.194591091,4.194591019,4.194591076
+"5370","FGF22",6.421874762,6.42187472,6.421875325,6.421875112,6.421875857,6.421874877,6.42187556,6.42187541,6.421875034,6.42187511,6.421875414,6.421875712,6.421875074,6.421874429,6.421875587,6.421874984,6.421876162,6.421875576,6.421875178,6.421875149,6.421875429,6.421875626,6.42187481,6.421874784,6.421875516,6.421875307,6.421875151,6.421874954
+"5371","FGF23",4.966693557,4.966693558,4.966693613,4.966693612,4.966693681,4.966693566,4.966693571,4.966693613,4.966693577,4.966693587,4.966693565,4.966693594,4.96669358,4.966693469,4.966693622,4.966693651,4.966693664,4.966693647,4.966693578,4.966693627,4.966693661,4.966693614,4.966693548,4.966693559,4.966693624,4.966693617,4.966693556,4.966693589
+"5372","FGF3",5.811720295,5.811720434,5.811720557,5.811720444,5.811720598,5.811720394,5.811720393,5.811720565,5.81172052,5.811720474,5.811720539,5.811720541,5.811720475,5.811720333,5.811720556,5.811720481,5.811720565,5.811720507,5.811720453,5.811720497,5.811720497,5.81172053,5.811720395,5.811720456,5.811720496,5.811720495,5.811720472,5.811720458
+"5373","FGF4",5.798253352,5.79825319,5.798253588,5.79825336,5.798253822,5.798253314,5.798253562,5.798253536,5.798253448,5.798253585,5.798253736,5.798253814,5.798253473,5.798253172,5.798253726,5.798253555,5.798253733,5.798253805,5.798253439,5.798253581,5.798253702,5.798253641,5.798253304,5.798253183,5.798253408,5.798253683,5.798253364,5.798253516
+"5374","FGF5",4.46293762,4.462937659,4.462937614,4.462937606,4.462937667,4.462937663,4.462937638,4.462937637,4.462937645,4.462937624,4.462937683,4.462937701,4.462937631,4.462937642,4.462937647,4.462937628,4.4629377,4.462937641,4.462937654,4.462937658,4.462937631,4.462937671,4.462937649,4.462937645,4.462937647,4.462937652,4.462937617,4.46293765
+"5375","FGF6",5.836109344,5.836109379,5.836109527,5.83610948,5.836109531,5.836109216,5.836109423,5.836109566,5.836109553,5.836109402,5.836109605,5.836109576,5.836109468,5.836109207,5.836109483,5.836109475,5.836109608,5.836109572,5.836109471,5.836109466,5.836109523,5.836109637,5.836109479,5.836109443,5.836109498,5.836109549,5.836109555,5.836109355
+"5376","FGF7",3.59310839,3.593108395,3.593108491,3.593108431,3.593108456,3.593108334,3.593108452,3.593108515,3.593108459,3.593108382,3.593108488,3.593108529,3.593108435,3.593108335,3.593108557,3.593108461,3.593108475,3.593108508,3.593108531,3.59310846,3.593108459,3.593108591,3.593108381,3.593108307,3.593108484,3.593108445,3.593108421,3.593108436
+"5377","FGF8",5.372465136,5.372465155,5.372465127,5.372465148,5.37246523,5.372465152,5.372465164,5.372465193,5.372465143,5.372465152,5.372465176,5.372465247,5.372465173,5.372465139,5.372465222,5.372465168,5.372465261,5.372465175,5.372465208,5.37246516,5.372465161,5.372465203,5.372465141,5.37246515,5.372465171,5.3724652,5.372465144,5.372465201
+"5378","FGF9",3.822355327,3.82235535,3.822355321,3.822355325,3.822355337,3.822355292,3.822355325,3.822355333,3.822355328,3.822355317,3.822355314,3.822355346,3.822355335,3.822355351,3.822355338,3.822355337,3.822355338,3.822355321,3.822355333,3.822355323,3.822355322,3.822355324,3.822355327,3.822355333,3.822355347,3.822355337,3.822355341,3.822355337
+"5379","FGFBP1",4.387188426,4.387188456,4.387188469,4.387188362,4.387188456,4.387188434,4.387188416,4.387188496,4.387188399,4.3871884,4.387188446,4.387188485,4.387188444,4.387188348,4.387188479,4.387188415,4.387188543,4.38718843,4.387188474,4.387188446,4.387188466,4.387188453,4.387188373,4.38718839,4.387188389,4.387188468,4.387188332,4.38718836
+"5380","FGFBP2",5.612901396,5.612901521,5.61290105,5.612900465,5.612901168,5.612901538,5.61290111,5.612901945,5.612901605,5.612901635,5.612901527,5.612901184,5.612901346,5.612901902,5.612901038,5.612901522,5.612901112,5.612900912,5.612901255,5.612901341,5.612901288,5.612901526,5.612902224,5.612901796,5.612901527,5.612901682,5.612901289,5.612901747
+"5381","FGFBP3",5.769702418,5.769702482,5.769702498,5.769702477,5.769702522,5.769702395,5.769702468,5.769702507,5.769702518,5.769702489,5.769702515,5.769702515,5.769702445,5.769702483,5.769702463,5.769702483,5.769702543,5.769702467,5.769702418,5.769702469,5.76970247,5.769702538,5.769702471,5.769702456,5.769702457,5.769702524,5.769702482,5.769702531
+"5382","FGFR1",5.272323238,5.272323235,5.272323241,5.272323244,5.272323245,5.272323205,5.272323256,5.272323258,5.272323235,5.272323216,5.272323249,5.272323272,5.272323228,5.272323185,5.272323258,5.272323257,5.272323253,5.272323243,5.272323208,5.272323231,5.272323249,5.272323266,5.272323215,5.272323203,5.272323253,5.272323232,5.27232322,5.272323238
+"5383","FGFR1OP2",7.612625639,7.612625587,7.612625584,7.612625464,7.612625394,7.61262547,7.612625558,7.61262554,7.612625567,7.612625632,7.612625448,7.612625307,7.61262545,7.612625902,7.612625606,7.612625504,7.612625565,7.612625395,7.612625461,7.612625464,7.612625566,7.612625548,7.612625732,7.61262555,7.612625483,7.612625494,7.612625395,7.6126258
+"5384","FGFR2",4.322886298,4.322885804,4.322886045,4.322885914,4.322886105,4.322885841,4.32288624,4.322886128,4.322886084,4.322886462,4.322886514,4.322886431,4.322885829,4.322885719,4.322886293,4.322886035,4.32288627,4.322886131,4.322886088,4.322885855,4.322886255,4.322886121,4.322886127,4.322886289,4.322886452,4.322886219,4.322885865,4.322885922
+"5385","FGFR3",5.483604314,5.483604294,5.48360433,5.483604319,5.48360435,5.483604271,5.483604312,5.483604335,5.483604329,5.483604308,5.483604318,5.483604346,5.483604298,5.483604266,5.483604329,5.483604314,5.483604333,5.483604328,5.483604319,5.483604291,5.48360433,5.483604327,5.483604288,5.48360429,5.483604331,5.483604331,5.48360431,5.483604306
+"5386","FGFR4",5.204396038,5.204396142,5.204396253,5.204396066,5.204396574,5.204396192,5.20439626,5.204396371,5.204396042,5.204396201,5.204396354,5.204396301,5.204396129,5.204396035,5.204396265,5.204396148,5.20439644,5.20439637,5.204396165,5.204396297,5.204396409,5.204396276,5.204395938,5.204395937,5.204396312,5.204396416,5.20439621,5.204396243
+"5387","FGFRL1",6.475569226,6.475569239,6.475569674,6.475569396,6.475569748,6.475569475,6.475569436,6.475569591,6.475569512,6.475569541,6.47556962,6.475569602,6.475569394,6.475569147,6.47556954,6.475569482,6.47556975,6.475569619,6.475569528,6.475569504,6.475569634,6.475569718,6.475569574,6.475569306,6.475569308,6.47556951,6.475569375,6.475569564
+"5388","FGG",2.518602392,2.518602405,2.518602406,2.518602406,2.51860239,2.518602409,2.518602392,2.518602394,2.518602397,2.518602417,2.518602409,2.518602413,2.518602386,2.518602397,2.518602399,2.518602424,2.518602409,2.518602426,2.518602387,2.518602411,2.518602381,2.518602404,2.518602414,2.518602394,2.518602419,2.518602391,2.518602409,2.518602403
+"5389","FGGY",5.699053962,5.699054009,5.699053951,5.699053997,5.699053939,5.699053906,5.699053963,5.699053994,5.699053951,5.699053893,5.699053966,5.699053946,5.699053936,5.69905399,5.699053961,5.699054038,5.699053942,5.699053966,5.699053967,5.699053905,5.699053963,5.699053979,5.699053953,5.699053973,5.699053984,5.699053958,5.69905395,5.699053956
+"5390","FGL1",2.773408683,2.773408908,2.773408941,2.773408868,2.773408705,2.773408779,2.773408888,2.773408908,2.773408798,2.773408811,2.773409006,2.773408882,2.773408917,2.773408804,2.77340879,2.773408868,2.773409011,2.773408742,2.773408975,2.773408894,2.773408843,2.773408825,2.77340874,2.773408743,2.773409011,2.773408701,2.773408631,2.77340909
+"5391","FGL2",10.10059428,10.36749183,9.93472858,10.08590321,9.896180293,10.61098243,9.965956629,9.916035903,9.727042612,10.03706548,9.868750453,9.058488836,10.02749045,10.5186735,9.963647812,10.14988687,9.834448984,9.894517944,9.969885957,10.98316808,10.28631492,9.893675804,10.06992894,10.22206082,9.949387152,9.622685464,9.930231739,10.1932975
+"5392","FGR",9.879896569,9.87989679,9.879896557,9.879897549,9.879895905,9.879898403,9.879896693,9.879895319,9.879895462,9.87989647,9.879896885,9.879893879,9.879897242,9.879895883,9.879896351,9.879896543,9.879896489,9.879896794,9.879895391,9.879897292,9.879896807,9.879896364,9.879895792,9.879896442,9.87989651,9.879894957,9.879896956,9.879895362
+"5393","FH",5.643248463,5.643248594,5.643248362,5.643248323,5.643248344,5.64324864,5.643248527,5.643248416,5.643248547,5.643248511,5.643248358,5.643248284,5.643248579,5.643248719,5.643248438,5.643248416,5.6432483,5.643248199,5.64324846,5.643248162,5.643248518,5.643248398,5.643248662,5.643248656,5.643248075,5.643248311,5.643248575,5.64324853
+"5394","FHAD1",4.515092301,4.515092279,4.515092419,4.515092408,4.515092484,4.515092335,4.515092412,4.515092542,4.515092393,4.515092416,4.515092366,4.515092507,4.515092413,4.51509222,4.515092498,4.51509236,4.515092454,4.515092492,4.515092418,4.515092441,4.515092487,4.51509251,4.515092318,4.515092388,4.5150924,4.515092417,4.515092298,4.515092464
+"5395","FHDC1",4.746230947,4.746230931,4.746231015,4.746231085,4.746231,4.746231013,4.746231017,4.746230995,4.746230956,4.746230966,4.746230987,4.746231014,4.746230945,4.746230908,4.746230988,4.746230943,4.746231044,4.746230995,4.746230958,4.746231088,4.746230979,4.746231012,4.746230972,4.746230985,4.746231005,4.746230968,4.74623097,4.746230912
+"5396","FHIP1A",4.519412225,4.519411668,4.519411861,4.519412509,4.519411934,4.519412136,4.519411958,4.519411749,4.519411964,4.519411947,4.519411991,4.519411891,4.519412239,4.519412104,4.519411908,4.519412463,4.51941228,4.519412396,4.519412394,4.51941217,4.519411823,4.519412198,4.519411971,4.519412078,4.519411619,4.519412118,4.519412233,4.519412491
+"5397","FHIP1B",7.356172694,7.356172679,7.356172632,7.356172747,7.356172643,7.356172701,7.356172722,7.356172659,7.356172627,7.356172657,7.356172667,7.356172675,7.356172657,7.356172603,7.356172636,7.3561727,7.356172646,7.356172679,7.356172662,7.356172698,7.356172687,7.356172669,7.356172652,7.356172707,7.356172682,7.356172675,7.356172676,7.356172554
+"5398","FHIP2A",7.185358883,7.185358847,7.185358633,7.185359077,7.185358524,7.18535911,7.185358864,7.185358655,7.185358815,7.185358624,7.185358695,7.185358312,7.185358803,7.185358678,7.18535868,7.18535885,7.185358585,7.185358782,7.185358846,7.185359049,7.185358796,7.185358683,7.185359023,7.185359007,7.18535895,7.185358649,7.185358728,7.185358554
+"5399","FHIP2B",6.23180416,6.231804082,6.231804171,6.231804111,6.23180415,6.231804254,6.231804228,6.231804162,6.231804181,6.231804132,6.231804148,6.231804219,6.231804181,6.231804133,6.231804198,6.23180406,6.231804083,6.231804214,6.231804071,6.231804214,6.231804183,6.231804153,6.231804114,6.231804174,6.231804105,6.231804224,6.231804169,6.231804096
+"5400","FHIT",6.062892602,6.062892049,6.062892037,6.06289179,6.062892228,6.062892688,6.062892148,6.062892642,6.062893954,6.062893198,6.062891576,6.062892945,6.062892996,6.062893266,6.062892553,6.062891633,6.062891912,6.062891792,6.062892557,6.062892652,6.062891965,6.062892805,6.062893617,6.062892704,6.062891733,6.062892885,6.062893088,6.062893128
+"5401","FHL1",5.454541951,5.454542262,5.454541943,5.454542548,5.454542111,5.45454195,5.454542018,5.454542062,5.454542038,5.454542293,5.45454235,5.454542155,5.45454206,5.454541948,5.454542006,5.454542248,5.454541956,5.454542632,5.454542181,5.45454177,5.454542009,5.454541825,5.454542042,5.454542479,5.454542397,5.454541894,5.454542056,5.454542027
+"5402","FHL2",5.381110325,5.38111024,5.381110351,5.381110287,5.381110349,5.38111026,5.381110316,5.381110372,5.381110338,5.381110223,5.38111035,5.381110355,5.381110337,5.381110121,5.38111023,5.3811103,5.381110424,5.381110439,5.381110307,5.381110328,5.381110264,5.381110328,5.381110209,5.381110301,5.381110322,5.381110331,5.381110359,5.381110161
+"5403","FHL3",7.731956622,7.731958412,7.731956852,7.731957237,7.731958433,7.731959307,7.73195773,7.731957327,7.7319579,7.731958845,7.731957924,7.73195626,7.731958084,7.731956688,7.731955949,7.731957143,7.731955537,7.73195605,7.73195852,7.731958929,7.731956907,7.731957095,7.731958093,7.731959028,7.73195638,7.731956343,7.731958295,7.731955699
+"5404","FHL5",3.30833301,3.308333079,3.308333044,3.308333186,3.308333065,3.308333013,3.308333042,3.308333062,3.308333229,3.308333055,3.308333062,3.308333096,3.308333114,3.308333098,3.308333157,3.308333012,3.308333089,3.308333198,3.308333171,3.308333037,3.308333172,3.308333126,3.308333068,3.308333032,3.308332997,3.308333061,3.308333081,3.308333142
+"5405","FHOD1",5.86357968,5.863579737,5.863579731,5.863579781,5.863579753,5.863579841,5.863579618,5.86357971,5.863579765,5.86357963,5.863579768,5.863579586,5.863579707,5.863579622,5.863579722,5.863579656,5.863579764,5.863579747,5.863579692,5.863579665,5.863579634,5.863579762,5.863579697,5.863579611,5.863579857,5.863579669,5.863579712,5.863579479
+"5406","FHOD3",4.362893132,4.36289315,4.36289331,4.362893255,4.362893252,4.362893192,4.362893165,4.362893313,4.362893203,4.362893218,4.362893259,4.362893242,4.36289322,4.362893102,4.362893237,4.362893231,4.362893275,4.362893253,4.362893177,4.362893294,4.362893257,4.362893252,4.362893229,4.36289312,4.362893227,4.362893186,4.362893251,4.362893249
+"5407","FIBCD1",6.242114786,6.242114907,6.242115039,6.242114972,6.242115084,6.242114863,6.242114872,6.242115054,6.242114922,6.242114978,6.242115074,6.242115128,6.242114834,6.242114793,6.24211501,6.242114909,6.24211511,6.242115068,6.242114935,6.242114957,6.242114907,6.242115115,6.242114924,6.242114813,6.242114953,6.242114971,6.242114914,6.24211487
+"5408","FIBIN",3.696748394,3.696748521,3.696748543,3.696748482,3.696748618,3.69674863,3.696748471,3.696748639,3.696748477,3.69674856,3.69674843,3.696748603,3.696748384,3.696748447,3.696748432,3.696748564,3.696748533,3.696748513,3.696748512,3.696748382,3.696748541,3.696748415,3.696748528,3.696748622,3.696748442,3.696748487,3.696748511,3.696748485
+"5409","FIBP",7.225185796,7.225185754,7.225185773,7.225185579,7.225185749,7.225185892,7.225185769,7.225185732,7.225185778,7.225185855,7.225185714,7.225185802,7.225185867,7.225185821,7.225185788,7.225185751,7.22518567,7.22518566,7.225185777,7.225185897,7.225185712,7.225185849,7.225185837,7.225185881,7.225185562,7.22518577,7.225185819,7.225185784
+"5410","FICD",5.803095433,5.803095406,5.80309539,5.803095413,5.803095417,5.803095429,5.803095419,5.803095403,5.803095402,5.803095449,5.803095398,5.803095432,5.803095429,5.803095385,5.803095413,5.803095429,5.803095386,5.8030954,5.803095419,5.803095445,5.803095387,5.803095413,5.80309545,5.803095407,5.803095424,5.80309539,5.803095413,5.803095441
+"5411","FIG4",6.647766616,6.647766582,6.647766502,6.647766554,6.647766421,6.647766596,6.647766599,6.647766375,6.647766349,6.647766511,6.647766453,6.647766266,6.647766491,6.647766699,6.647766568,6.64776656,6.64776648,6.647766451,6.647766567,6.64776663,6.647766493,6.64776645,6.647766422,6.647766611,6.647766497,6.647766435,6.647766499,6.647766456
+"5412","FIGLA",4.239853311,4.239853331,4.239853361,4.239853334,4.239853348,4.23985336,4.239853343,4.239853351,4.239853335,4.239853349,4.239853354,4.239853359,4.239853348,4.239853328,4.239853353,4.239853355,4.239853356,4.239853369,4.239853351,4.239853354,4.239853333,4.239853364,4.239853342,4.239853335,4.239853333,4.239853357,4.239853364,4.239853354
+"5413","FIGN",3.924853563,3.924853556,3.924853612,3.924853601,3.924853881,3.924853588,3.924853621,3.92485372,3.924853721,3.924853416,3.924853849,3.924854045,3.92485367,3.924853204,3.92485401,3.924853617,3.924853933,3.924853816,3.924853622,3.924853876,3.92485384,3.924853615,3.924853678,3.924853589,3.92485352,3.924853799,3.92485365,3.924853637
+"5414","FIGNL1",5.100749782,5.10074967,5.100749713,5.100749613,5.100749651,5.100749685,5.100749906,5.10074964,5.10074976,5.100749723,5.10074965,5.100749715,5.100749695,5.100749782,5.100749719,5.100749577,5.100749791,5.100749643,5.100749753,5.100749764,5.10074975,5.100749706,5.100749728,5.100749655,5.100749763,5.100749714,5.100749677,5.100749718
+"5415","FIGNL2",4.93593699,4.935936975,4.935936995,4.935936971,4.935936964,4.935937042,4.935937025,4.935937043,4.935937013,4.935937028,4.935937011,4.935937014,4.935937,4.935936989,4.935936993,4.935936944,4.935937025,4.935937061,4.935937039,4.935937018,4.935936976,4.93593705,4.935936982,4.935936957,4.935937035,4.935936998,4.935937016,4.935936982
+"5416","FILIP1",3.559846118,3.559846126,3.559846138,3.559846178,3.559846163,3.559846151,3.559846155,3.559846144,3.559846167,3.559846158,3.559846179,3.559846179,3.55984614,3.559846138,3.559846132,3.55984617,3.559846183,3.559846205,3.559846151,3.55984619,3.559846156,3.559846148,3.559846146,3.559846143,3.55984616,3.559846149,3.559846134,3.559846159
+"5417","FILIP1L",3.913311941,3.913311943,3.913311941,3.913311961,3.913311962,3.913311929,3.913311958,3.913311942,3.913311932,3.913311936,3.913311973,3.913311991,3.913311969,3.913311948,3.913311948,3.913311971,3.913311974,3.913311992,3.913311934,3.91331197,3.913311982,3.91331196,3.913311939,3.913311974,3.913311967,3.913311962,3.91331197,3.913311963
+"5418","FIP1L1",6.992456646,6.992456635,6.992456566,6.992456546,6.992456428,6.992456528,6.992456554,6.992456538,6.992456641,6.99245658,6.992456513,6.992456424,6.992456595,6.992456772,6.992456558,6.992456548,6.992456423,6.992456502,6.992456553,6.992456495,6.992456537,6.992456409,6.992456625,6.992456585,6.992456501,6.992456571,6.992456592,6.992456655
+"5419","FITM1",5.935864996,5.935864961,5.935865159,5.935865024,5.935865247,5.935865089,5.93586511,5.935865166,5.935865032,5.93586505,5.935865168,5.93586528,5.935864917,5.935864759,5.935865076,5.935865001,5.935865149,5.935865128,5.935865059,5.935865102,5.935865086,5.935865107,5.935864918,5.935864939,5.935864941,5.935865223,5.935864892,5.935865006
+"5420","FITM2",5.949413816,5.949413839,5.949413787,5.949413716,5.949413744,5.949413773,5.949413763,5.949413784,5.949413844,5.94941381,5.949413662,5.949413791,5.949413831,5.949413836,5.949413787,5.949413662,5.949413648,5.94941376,5.949413751,5.94941373,5.949413785,5.949413727,5.949413783,5.949413808,5.949413719,5.949413779,5.949413769,5.94941382
+"5421","FIZ1",6.717941835,6.717941589,6.717941856,6.717941699,6.717942205,6.717941915,6.717942018,6.717941975,6.717941866,6.717942052,6.717941991,6.717942182,6.717941767,6.717941354,6.717941941,6.717941714,6.717942089,6.717941695,6.717942138,6.71794174,6.71794181,6.717941841,6.717941779,6.717941801,6.717941899,6.717941856,6.717941933,6.717941737
+"5422","FJX1",5.134941557,5.134941624,5.134941633,5.134941604,5.134941675,5.13494155,5.13494162,5.134941638,5.134941593,5.134941614,5.134941643,5.134941692,5.134941597,5.13494152,5.134941656,5.134941627,5.13494169,5.134941669,5.134941615,5.134941603,5.134941634,5.134941629,5.134941598,5.134941586,5.134941648,5.134941641,5.13494157,5.134941628
+"5423","FKBP10",4.80705675,4.807056744,4.807056798,4.80705681,4.807056898,4.807056762,4.80705676,4.807056881,4.807056781,4.807056772,4.807056839,4.807056942,4.807056769,4.807056781,4.807056797,4.807056808,4.807056883,4.807056844,4.80705684,4.807056839,4.807056833,4.807056912,4.80705683,4.80705677,4.807056882,4.807056771,4.807056739,4.80705679
+"5424","FKBP11",6.462264139,6.462264112,6.462264045,6.462264137,6.462264088,6.46226419,6.462264166,6.462264119,6.462264091,6.462264062,6.462264115,6.462264081,6.462264167,6.46226413,6.462264111,6.46226412,6.462264012,6.462264093,6.462264088,6.46226418,6.462264132,6.462264145,6.462264123,6.462264102,6.462264092,6.462264085,6.462264178,6.462264018
+"5425","FKBP14",4.150016928,4.150016795,4.150016766,4.150016771,4.150016877,4.150016514,4.150017019,4.150016733,4.150017014,4.150017091,4.150016688,4.150016649,4.15001726,4.150017243,4.150016787,4.150016762,4.15001693,4.150016835,4.150016806,4.150016534,4.15001695,4.150017155,4.150017161,4.150016916,4.150017162,4.150016789,4.150017098,4.150017167
+"5426","FKBP15",7.66666244,7.666662572,7.666662082,7.666662592,7.666661958,7.666663139,7.666662366,7.666661959,7.666662358,7.666662692,7.666662243,7.666661563,7.666662692,7.666662768,7.666662349,7.666662376,7.666662138,7.666662358,7.666662193,7.666663129,7.666662497,7.666662063,7.666662424,7.666662632,7.666662292,7.6666619,7.666662637,7.66666227
+"5427","FKBP1A",8.424128299,8.424129037,8.424127924,8.424128678,8.424127698,8.424129048,8.424128283,8.424127592,8.424127786,8.424128027,8.424128652,8.424127066,8.424128468,8.424127792,8.424127579,8.424128438,8.424127597,8.424128083,8.424128006,8.424128498,8.424128119,8.4241281,8.424128176,8.424128688,8.424128614,8.424127972,8.424128542,8.424126693
+"5428","FKBP1B",6.994663097,6.994663015,6.994663179,6.994663124,6.994663301,6.994663215,6.994663125,6.994663208,6.994663154,6.994663087,6.994663175,6.994663277,6.994662997,6.994663009,6.994663227,6.994663113,6.994663366,6.994663213,6.994663197,6.994663176,6.994663212,6.994663316,6.994663086,6.99466308,6.994663077,6.99466328,6.994663036,6.994663119
+"5429","FKBP2",6.915831212,6.915831277,6.915831261,6.915831246,6.915831232,6.915831254,6.915831245,6.91583123,6.915831286,6.915831183,6.915831215,6.91583124,6.915831244,6.915831247,6.915831225,6.915831236,6.915831268,6.915831169,6.915831221,6.915831285,6.915831234,6.915831268,6.915831269,6.915831214,6.915831223,6.915831227,6.915831259,6.915831249
+"5430","FKBP3",5.062247864,5.062247783,5.062247803,5.062247768,5.062247765,5.062247769,5.06224784,5.062247724,5.062247839,5.062247802,5.062247798,5.062247723,5.062247835,5.062247945,5.062247798,5.062247799,5.062247728,5.062247699,5.062247785,5.062247751,5.062247802,5.062247764,5.062247817,5.062247778,5.062247737,5.062247813,5.062247796,5.062247838
+"5431","FKBP4",6.581007734,6.58100777,6.581007722,6.581007747,6.58100773,6.581007765,6.581007733,6.581007736,6.581007753,6.581007757,6.581007733,6.581007676,6.58100776,6.581007775,6.581007729,6.581007734,6.581007727,6.58100771,6.581007721,6.581007731,6.581007713,6.581007731,6.58100776,6.581007729,6.581007727,6.581007722,6.581007744,6.581007757
+"5432","FKBP6",4.070093118,4.070093285,4.070093056,4.070093313,4.0700933,4.070093332,4.070093031,4.070093164,4.070093156,4.070093333,4.070093401,4.070093361,4.070093458,4.070093103,4.070093051,4.070093104,4.070093333,4.070093196,4.070093369,4.070093324,4.070093034,4.070093186,4.070093277,4.07009327,4.070093172,4.070093238,4.070093386,4.070093303
+"5433","FKBP7",3.698654335,3.698654335,3.698654365,3.698654368,3.698654344,3.698654305,3.698654328,3.698654419,3.698654378,3.698654296,3.698654245,3.698654383,3.698654385,3.698654336,3.698654356,3.69865437,3.698654385,3.698654329,3.698654292,3.698654336,3.698654318,3.698654343,3.698654351,3.698654349,3.698654353,3.698654314,3.698654343,3.698654355
+"5434","FKBP8",9.87912293,9.698416719,10.92648792,10.15825675,10.06025101,10.99505152,10.29036443,10.72168787,10.69675254,10.32382605,10.38536832,10.65576019,9.734747595,9.360055822,10.01069734,9.300667368,10.86850774,10.25074554,9.847988638,10.70947028,10.06926639,10.48388845,10.55699482,10.22893262,10.36620069,10.6699087,9.937798923,9.856750505
+"5435","FKBP9",4.803924968,4.803924878,4.803924841,4.803925291,4.80392493,4.80392492,4.803924718,4.803925088,4.803924943,4.803924757,4.803925137,4.803924911,4.803925135,4.803924759,4.803925048,4.803925007,4.803925131,4.80392517,4.803924955,4.803925093,4.80392487,4.803925061,4.803924893,4.803925008,4.803924882,4.803924855,4.803925039,4.803924952
+"5436","FKBP9P1",4.826531022,4.826531124,4.826531105,4.826531151,4.826531329,4.826531218,4.826531312,4.826531388,4.826531248,4.826531152,4.826531145,4.82653136,4.826530996,4.826530915,4.826531313,4.826531248,4.826531295,4.826531216,4.826531508,4.826531097,4.82653132,4.826531289,4.826530873,4.826530893,4.826531057,4.826531286,4.826531128,4.826531111
+"5437","FKBPL",5.064976657,5.064976675,5.064976681,5.064976705,5.064976715,5.064976676,5.064976684,5.064976701,5.064976667,5.064976694,5.064976692,5.064976711,5.064976684,5.064976668,5.064976706,5.064976678,5.064976725,5.064976706,5.064976695,5.064976676,5.064976708,5.064976707,5.064976694,5.064976689,5.064976701,5.064976714,5.064976675,5.064976702
+"5438","FKRP",5.841159109,5.841159113,5.841159108,5.841159089,5.84115914,5.841159135,5.84115911,5.841159125,5.841159138,5.841159141,5.841159133,5.84115917,5.841159111,5.841159075,5.841159135,5.841159093,5.84115914,5.841159103,5.841159119,5.841159152,5.841159129,5.841159143,5.841159122,5.841159102,5.841159123,5.841159126,5.841159131,5.841159097
+"5439","FKTN",4.529795713,4.52979533,4.529795428,4.529795447,4.529795438,4.529795514,4.529795428,4.52979544,4.529795638,4.529795396,4.529795352,4.529795416,4.529795705,4.529795776,4.529795629,4.529795476,4.529795423,4.529795386,4.529795567,4.529795414,4.529795497,4.529795515,4.529795608,4.529795457,4.529795375,4.529795476,4.529795655,4.529795662
+"5440","FLACC1",5.828605747,5.828606165,5.828606225,5.828606018,5.82860593,5.828606099,5.828605894,5.828606254,5.828606265,5.828606487,5.828606019,5.828606701,5.828605547,5.828604973,5.828605358,5.828605294,5.828605386,5.828606148,5.828605306,5.828605696,5.828605365,5.828605542,5.828606458,5.82860639,5.828606535,5.828606918,5.828606031,5.828605372
+"5441","FLAD1",6.174969233,6.174969267,6.174969301,6.174969276,6.174969277,6.174969392,6.174969198,6.174969302,6.174969325,6.174969337,6.174969344,6.174969282,6.174969299,6.174969268,6.174969282,6.174969245,6.174969328,6.174969251,6.17496927,6.174969308,6.174969174,6.174969354,6.174969313,6.174969362,6.174969294,6.174969243,6.174969302,6.174969207
+"5442","FLCN",6.715908027,6.715908065,6.715908073,6.715908192,6.715907584,6.715908201,6.715907984,6.71590805,6.715907672,6.715907844,6.71590791,6.715907906,6.715907962,6.715907816,6.715907969,6.715907981,6.715907916,6.715907964,6.715907896,6.715908138,6.715907809,6.715907889,6.71590785,6.715907935,6.715907892,6.715908008,6.715907956,6.715907773
+"5443","FLG",4.476754875,4.476754858,4.476754931,4.476754934,4.476754942,4.476754859,4.47675491,4.476754939,4.476754915,4.476754922,4.476754928,4.476754986,4.476754895,4.476754891,4.476754954,4.476754934,4.476754956,4.476754921,4.476754909,4.476754962,4.476754975,4.47675494,4.476754872,4.476754846,4.476754924,4.476754952,4.476754926,4.476754896
+"5444","FLG2",3.841941331,3.84194131,3.841941314,3.841941319,3.841941351,3.841941311,3.841941321,3.84194132,3.841941339,3.841941268,3.841941352,3.841941347,3.841941311,3.841941368,3.841941372,3.841941315,3.841941339,3.841941355,3.841941323,3.841941344,3.841941375,3.841941336,3.841941321,3.841941304,3.841941342,3.841941332,3.841941274,3.841941335
+"5445","FLI1",8.548398505,8.548398587,8.548398172,8.548398659,8.548398221,8.548398443,8.548398298,8.548398139,8.548398255,8.548398257,8.548398287,8.548397923,8.548398323,8.548398655,8.54839833,8.548398275,8.54839802,8.548398408,8.548398468,8.54839852,8.548398354,8.548398201,8.548398498,8.548398595,8.548398401,8.548398186,8.548398214,8.548398423
+"5446","FLII",8.368493511,8.368493771,8.368493638,8.36849384,8.368493525,8.368493761,8.368493755,8.368493435,8.368493629,8.368493659,8.368493641,8.368493577,8.368493695,8.368493704,8.368493513,8.368493687,8.368493486,8.368493793,8.368493622,8.368493764,8.36849367,8.368493632,8.368493559,8.368493814,8.36849367,8.368493597,8.368493685,8.368493544
+"5447","FLJ13224",5.106336522,5.106336687,5.106336661,5.106336566,5.106336665,5.106336636,5.106336634,5.106336527,5.106336624,5.106336698,5.106336594,5.106336712,5.10633667,5.106336537,5.106336726,5.106336461,5.106336616,5.106336654,5.106336613,5.106336792,5.106336718,5.106336754,5.10633663,5.106336558,5.106336685,5.106336675,5.106336636,5.106336662
+"5448","FLJ20712",4.537909128,4.537909136,4.537909189,4.537909134,4.537909146,4.53790917,4.537909224,4.537909212,4.537909156,4.537909143,4.537909166,4.53790921,4.537909152,4.537909093,4.53790918,4.537909242,4.537909166,4.53790913,4.537909204,4.53790917,4.537909129,4.537909226,4.53790917,4.537909115,4.537909085,4.537909182,4.537909173,4.537909146
+"5449","FLJ25758",4.144615115,4.1446150335,4.1446150345,4.1446150305,4.14461512,4.1446150715,4.1446151365,4.1446150785,4.1446150955,4.1446151,4.1446150685,4.144615071,4.1446150535,4.1446149785,4.144615147,4.1446151525,4.1446151245,4.1446151365,4.144615087,4.1446151085,4.144615123,4.144615108,4.1446150635,4.1446150495,4.1446150955,4.14461515,4.1446150485,4.1446151325
+"5450","FLJ30679",4.630777765,4.630777721,4.630777782,4.630777666,4.630777797,4.63077768,4.630777778,4.630777817,4.630777719,4.630777653,4.630777725,4.630777744,4.630777799,4.630777688,4.630777784,4.630777823,4.630777844,4.630777752,4.630777707,4.630777812,4.630777842,4.630777797,4.630777766,4.630777673,4.630777753,4.630777849,4.6307778,4.630777746
+"5451","FLJ33534",4.684770967,4.684770958,4.684770972,4.684770972,4.684770983,4.684770984,4.684770971,4.684770984,4.68477098,4.684770972,4.684770988,4.684770981,4.684770979,4.68477094,4.684770977,4.684770967,4.68477099,4.684770979,4.684770968,4.684770955,4.684770977,4.684770974,4.684770968,4.684770961,4.684770966,4.684770972,4.684770974,4.684770964
+"5452","FLJ36000",4.226718099,4.226718033,4.226717946,4.226717951,4.226717995,4.226718149,4.226718072,4.226718173,4.22671803,4.226718078,4.22671818,4.226718118,4.226718166,4.226718029,4.226718147,4.226718046,4.226718229,4.226718052,4.226718023,4.226718007,4.22671814,4.226718125,4.226718003,4.226717954,4.226718108,4.226718176,4.226717952,4.226717971
+"5453","FLJ37201",2.934589832,2.934589884,2.934589591,2.934589649,2.93458974,2.934589713,2.934589711,2.934589647,2.934589672,2.934589832,2.934589696,2.93458988,2.934589682,2.934589946,2.934589718,2.934589921,2.934589889,2.934589903,2.934589764,2.934589697,2.934589645,2.934589705,2.934589688,2.934589802,2.934589636,2.934589686,2.934589693,2.934590208
+"5454","FLJ38576",6.376534014,6.376533958,6.376534195,6.376534053,6.376534352,6.376533921,6.376534125,6.376534252,6.376534076,6.376533981,6.37653431,6.376534348,6.376534105,6.37653387,6.376534181,6.376534202,6.376534352,6.37653428,6.376534154,6.376534074,6.376534174,6.376534214,6.376534013,6.376533903,6.37653418,6.376534151,6.376534056,6.376534134
+"5455","FLJ40194",4.751701645,4.751701792,4.751701754,4.751701654,4.751701831,4.751701545,4.751701697,4.751701866,4.751701681,4.751701726,4.751701823,4.751701756,4.751701631,4.751701447,4.751701786,4.751701946,4.751701832,4.751701862,4.751701736,4.751701713,4.751701745,4.751701829,4.751701728,4.751701707,4.751701833,4.751701687,4.751701704,4.75170169
+"5456","FLJ40288",3.708104166,3.70810419,3.708104288,3.708104231,3.708104352,3.708104093,3.70810421,3.708104289,3.708104167,3.708104169,3.708104338,3.708104418,3.708104192,3.708104184,3.708104297,3.708104305,3.70810433,3.708104303,3.708104244,3.708104282,3.708104276,3.708104245,3.708104278,3.708104259,3.708104255,3.708104203,3.708104133,3.708104338
+"5457","FLJ42393",5.907040828,5.907040726,5.907040477,5.907041226,5.907040338,5.907041413,5.907041079,5.907040854,5.907040559,5.907040345,5.907040635,5.907040653,5.907040906,5.907040771,5.907040747,5.907041192,5.907040628,5.907040874,5.907040961,5.90704156,5.90704097,5.907040855,5.907040851,5.90704078,5.907040903,5.907040873,5.907040753,5.907040194
+"5458","FLJ42627",5.687524968,5.6875264595,5.687521441,5.6875232965,5.68752577,5.687522646,5.6875227045,5.687522704,5.687524946,5.687522909,5.6875190335,5.6875226965,5.6875257605,5.687522104,5.687524988,5.6875250675,5.687521852,5.687522993,5.687525229,5.6875198845,5.687522526,5.6875249565,5.6875249465,5.6875237755,5.6875223125,5.6875224895,5.6875236755,5.6875236175
+"5459","FLJ43315",4.157435481,4.157435476,4.157435603,4.157435425,4.157435588,4.157435434,4.157435426,4.157435597,4.15743564,4.157435599,4.15743541,4.157435517,4.15743542,4.157435472,4.157435522,4.157435393,4.157435539,4.15743547,4.157435364,4.157435459,4.157435507,4.157435431,4.15743561,4.157435483,4.157435478,4.157435519,4.157435431,4.157435424
+"5460","FLNA",9.670617067,9.670617454,9.670617048,9.670617267,9.670617294,9.670617625,9.670617514,9.670616703,9.670617236,9.670617694,9.670617577,9.670616715,9.670617154,9.670617371,9.670617133,9.670617166,9.670616783,9.670617346,9.670617046,9.67061701,9.670617357,9.670616808,9.670617119,9.670617422,9.670617279,9.670617137,9.670617167,9.670616814
+"5461","FLNB",6.766639595,6.766639782,6.766639538,6.76663976,6.766639815,6.76663971,6.766639798,6.766639657,6.76664018,6.766639993,6.766640014,6.766640012,6.766639844,6.76664002,6.766639499,6.766639635,6.766639504,6.766639641,6.766639691,6.766639428,6.766639726,6.766639621,6.766639938,6.766639874,6.766639771,6.766639926,6.766639913,6.766639893
+"5462","FLNC",5.49449944,5.494499661,5.494499891,5.494499712,5.494500006,5.494499454,5.494499824,5.494500003,5.494499748,5.494499807,5.494499848,5.494500083,5.494499714,5.494499421,5.494499936,5.49449991,5.49450009,5.494499915,5.494499767,5.494499837,5.494500005,5.494499942,5.494499763,5.494499712,5.494499999,5.49449982,5.49449949,5.494499897
+"5463","FLOT1",7.781978115,7.781978464,7.781978223,7.781979035,7.781977826,7.781978667,7.781978312,7.781978101,7.781978399,7.781978432,7.78197856,7.781977491,7.781978055,7.781978216,7.781978048,7.781978337,7.781978077,7.781978767,7.781978275,7.781978692,7.781978112,7.781978097,7.781978442,7.781978572,7.781978498,7.781977777,7.781978066,7.781978098
+"5464","FLOT2",9.373895412,9.373899478,9.373893565,9.373897841,9.373894067,9.373897057,9.373895267,9.373894741,9.373897091,9.373896222,9.373895352,9.373891857,9.373894002,9.373894315,9.373894808,9.373899227,9.373893878,9.373897291,9.373895792,9.373897634,9.373894694,9.373895928,9.373898671,9.37389909,9.373896018,9.373894566,9.373894353,9.373892821
+"5465","FLRT1",5.723669055,5.723669135,5.723669159,5.723669125,5.72366925,5.723669134,5.723669144,5.72366918,5.723669125,5.723669163,5.723669151,5.723669131,5.723669073,5.723669019,5.72366921,5.72366914,5.723669228,5.723669195,5.72366917,5.723669107,5.723669221,5.72366918,5.723669082,5.723669065,5.7236691,5.723669161,5.723669128,5.723669054
+"5466","FLRT2",3.951169205,3.951169197,3.951169197,3.951169208,3.951169199,3.951169201,3.951169213,3.951169209,3.951169205,3.951169196,3.951169209,3.951169209,3.951169209,3.951169181,3.951169208,3.951169179,3.951169225,3.951169217,3.951169223,3.951169215,3.951169211,3.951169223,3.951169215,3.951169198,3.951169204,3.951169189,3.951169207,3.95116921
+"5467","FLRT3",3.390632756,3.390632753,3.390632819,3.39063285,3.390632837,3.390632809,3.390632838,3.390632869,3.390632852,3.390632859,3.390632828,3.390632748,3.390632746,3.390632845,3.390632838,3.390632889,3.390632944,3.390632814,3.390632794,3.390632755,3.390632745,3.390632971,3.390632811,3.39063278,3.390632943,3.390632814,3.39063277,3.390632762
+"5468","FLT1",3.949116934,3.949116951,3.949116934,3.949116985,3.949116955,3.949116934,3.949116939,3.94911694,3.949116951,3.949116945,3.949116918,3.949116971,3.949116946,3.949116933,3.949116952,3.949116941,3.949116972,3.949116957,3.94911697,3.949116928,3.949116942,3.949116959,3.949116952,3.94911693,3.949116939,3.949116943,3.949116905,3.949116962
+"5469","FLT3",5.052008335,5.052008384,5.052008349,5.052008409,5.052008388,5.052008278,5.052008409,5.052008247,5.052008195,5.052008304,5.052008464,5.052008384,5.052008315,5.052008367,5.052008254,5.052008273,5.052008326,5.052008278,5.052008321,5.052008207,5.052008321,5.052008321,5.052008291,5.052008368,5.052008291,5.052008346,5.052008263,5.052008245
+"5470","FLT3LG",8.401334962,8.401335191,8.401334806,8.401334574,8.401335034,8.401335346,8.401334699,8.401335029,8.401335707,8.40133529,8.401334512,8.401335116,8.401335321,8.401335361,8.401334635,8.401334849,8.401334558,8.401334434,8.401335221,8.401335161,8.401334401,8.401335097,8.401335415,8.401334956,8.401334547,8.401334893,8.401335523,8.401335195
+"5471","FLT4",5.160171774,5.160171759,5.160171731,5.160171835,5.160172062,5.160171742,5.160171786,5.160171958,5.160171545,5.160171729,5.160171947,5.160171935,5.160171874,5.160171587,5.160171972,5.160171984,5.160171947,5.160171971,5.160171514,5.160171612,5.160171987,5.160171995,5.160171476,5.160171897,5.160171652,5.160171802,5.160171763,5.160171857
+"5472","FLVCR1",5.752573477,5.752574935,5.752572409,5.752572402,5.75257215,5.752571897,5.752572848,5.752571919,5.752572103,5.75257232,5.752572469,5.752571543,5.752572466,5.752573153,5.752572207,5.75257397,5.752571422,5.75257126,5.752572753,5.752572025,5.752571916,5.752571576,5.752572588,5.752572691,5.752572447,5.752571781,5.752572372,5.752572561
+"5473","FLVCR1-DT",4.765968473,4.765968201,4.765968445,4.765968197,4.765968565,4.765968374,4.765968547,4.765968397,4.765968392,4.765968409,4.765968504,4.765968074,4.765968325,4.765968313,4.76596841,4.765968397,4.765968365,4.765968173,4.765968409,4.76596824,4.76596845,4.765968371,4.765968425,4.76596853,4.765968447,4.765968287,4.765968383,4.765968573
+"5474","FLVCR2",6.106079486,6.106079736,6.106079663,6.106079574,6.106079675,6.106080048,6.106079291,6.106079431,6.10607942,6.106079692,6.106079725,6.106079276,6.106079517,6.106079456,6.10607937,6.10607939,6.10607963,6.106079361,6.106079485,6.106080204,6.106079234,6.106079583,6.106079293,6.10607964,6.106079475,6.10607918,6.106079557,6.106079117
+"5475","FLYWCH1",6.784119922,6.784119848,6.784119981,6.78411994,6.784120001,6.784119888,6.784119944,6.784120025,6.78411993,6.784119959,6.784119955,6.784120006,6.784119965,6.784119829,6.784120015,6.784119899,6.784119992,6.784119945,6.784119943,6.784119931,6.78411998,6.784119986,6.784119873,6.784119891,6.784119953,6.784119942,6.784119912,6.784119885
+"5476","FLYWCH2",6.990473316,6.990473333,6.990473372,6.990473308,6.990473434,6.990473263,6.990473311,6.99047338,6.990473368,6.99047337,6.990473384,6.990473423,6.990473359,6.990473289,6.990473433,6.990473404,6.990473403,6.990473403,6.990473339,6.990473284,6.990473366,6.990473412,6.990473362,6.990473346,6.99047336,6.990473384,6.990473386,6.990473397
+"5477","FMN1",4.418800611,4.4188006245,4.4188004155,4.418800791,4.418800667,4.4188006975,4.418800198,4.4188006365,4.4188005035,4.418800613,4.418800856,4.4188007165,4.418800357,4.418800334,4.4188006385,4.4188006405,4.418800714,4.418800948,4.4188005395,4.4188006475,4.4188006005,4.4188007195,4.4188007205,4.418800467,4.418800586,4.418800589,4.418800448,4.418800322
+"5478","FMN2",3.978459014,3.978459035,3.978458996,3.978459077,3.978459059,3.978459056,3.978459034,3.978459031,3.978459051,3.978459023,3.978459107,3.978459094,3.978459011,3.978458977,3.978459021,3.978459029,3.978459067,3.978459059,3.978459091,3.978459001,3.978459026,3.97845902,3.97845903,3.97845903,3.978459061,3.978459051,3.978459051,3.978459051
+"5479","FMNL1",8.944253626,8.944254349,8.944253703,8.944254865,8.944253734,8.944254902,8.944254366,8.94425384,8.944253563,8.944253932,8.944254135,8.944253486,8.944253938,8.944253659,8.944254054,8.944254359,8.94425368,8.944254666,8.94425411,8.944254579,8.944254258,8.944254016,8.944253943,8.944254144,8.944254531,8.944254026,8.944254029,8.944253394
+"5480","FMNL2",4.506992403,4.506992314,4.506992307,4.506992054,4.506992428,4.50699264,4.506992272,4.506992421,4.50699224,4.506992154,4.506992431,4.506992326,4.506992327,4.506992403,4.506992287,4.50699223,4.506992388,4.506992354,4.506992301,4.506992564,4.506992136,4.506992377,4.506992128,4.506992511,4.506992285,4.506992323,4.506992441,4.506992182
+"5481","FMNL3",6.467178947,6.467178971,6.467178802,6.467178653,6.467178869,6.467178888,6.46717882,6.467178694,6.467179117,6.467179231,6.467178774,6.467179036,6.467179004,6.467179113,6.467178957,6.467178818,6.467178478,6.46717874,6.467178996,6.467178664,6.467178806,6.467178891,6.467179083,6.467179029,6.467178741,6.467179089,6.467179012,6.467179082
+"5482","FMO1",2.885838855,2.885838922,2.885838842,2.885838924,2.885838929,2.885838899,2.885838912,2.885838945,2.885838859,2.885838924,2.88583888,2.885838974,2.885838919,2.885838949,2.885838961,2.88583891,2.885838914,2.885838969,2.885838926,2.885838884,2.885838907,2.885838898,2.885838854,2.88583898,2.885838898,2.885838929,2.8858389,2.885838907
+"5483","FMO2",3.497988544,3.49798858,3.497988597,3.497988588,3.497988631,3.497988629,3.497988582,3.497988583,3.49798857,3.497988624,3.497988604,3.497988587,3.497988594,3.497988571,3.497988618,3.497988612,3.497988616,3.497988633,3.497988602,3.497988606,3.497988541,3.497988605,3.497988597,3.497988631,3.497988555,3.49798859,3.497988592,3.497988595
+"5484","FMO3",3.467580255,3.467580348,3.467580355,3.467580346,3.467580409,3.467580236,3.467580313,3.467580312,3.467580339,3.467580278,3.467580395,3.467580428,3.467580303,3.467580298,3.467580311,3.467580317,3.467580366,3.467580341,3.467580317,3.467580362,3.467580307,3.46758035,3.467580228,3.467580327,3.467580418,3.467580329,3.467580361,3.467580261
+"5485","FMO4",4.823285315,4.823285282,4.823285217,4.82328523,4.823285272,4.823285261,4.823285272,4.823285273,4.823285246,4.823285283,4.823285268,4.823285277,4.823285254,4.823285294,4.823285287,4.823285266,4.823285273,4.823285259,4.82328526,4.823285274,4.823285273,4.823285287,4.823285279,4.823285277,4.823285253,4.823285247,4.823285262,4.823285279
+"5486","FMO5",4.774078996,4.774078993,4.774078995,4.774079,4.774078994,4.774078978,4.774078993,4.774078989,4.774078963,4.774079002,4.774078993,4.774078975,4.774078983,4.774078995,4.774078995,4.774078986,4.774078979,4.774078979,4.774078998,4.774078987,4.774078974,4.774078968,4.774078971,4.774078985,4.774078988,4.774078989,4.774078986,4.774078989
+"5487","FMO6P",3.531419535,3.531419649,3.531419773,3.53141974,3.531419712,3.531419565,3.531419572,3.531419765,3.531419582,3.53141968,3.531419638,3.531419727,3.531419644,3.531419609,3.531419751,3.531419747,3.531419816,3.531419644,3.53141948,3.531419604,3.531419732,3.531419634,3.531419711,3.531419624,3.531419719,3.531419644,3.531419682,3.531419645
+"5488","FMO9P",3.654192231,3.654192294,3.654192271,3.654192231,3.654192242,3.654192083,3.654192068,3.654192248,3.654192264,3.654192261,3.654192284,3.654192265,3.65419211,3.654192185,3.654192357,3.654192247,3.654192305,3.654192491,3.654192176,3.654192243,3.654192324,3.654192284,3.65419218,3.654192209,3.654192306,3.654192335,3.654192259,3.654192262
+"5489","FMOD",4.021610095,4.021610075,4.021610157,4.021610125,4.021610128,4.021610061,4.021610107,4.021610155,4.021610125,4.021610147,4.021610143,4.021610169,4.021610084,4.021610127,4.021610147,4.021610157,4.021610222,4.021610163,4.021610077,4.021610229,4.02161014,4.021610176,4.021610141,4.021610079,4.021610179,4.021610077,4.021610128,4.021610177
+"5490","FMR1",6.812555142,6.812555247,6.812554895,6.812555049,6.81255485,6.812555118,6.812554887,6.812554934,6.812554991,6.812554875,6.812554794,6.812554537,6.812554938,6.812555369,6.812555003,6.812555325,6.8125549,6.81255488,6.812555061,6.812555356,6.812554929,6.812554881,6.812555161,6.812555106,6.812555042,6.812554826,6.812554987,6.812555216
+"5491","FMR1NB",5.105791399,5.105791352,5.105791662,5.105791422,5.105791709,5.10579101,5.105791454,5.105791707,5.105791397,5.105791357,5.105791627,5.105791673,5.105791298,5.105791145,5.105791747,5.105791645,5.105791706,5.105791722,5.105791564,5.105791272,5.10579162,5.10579162,5.10579117,5.105791351,5.105791506,5.105791524,5.105791339,5.105791626
+"5492","FN1",3.87233015,3.872330149,3.872330155,3.872330156,3.872330155,3.872330145,3.872330152,3.872330154,3.872330148,3.872330148,3.872330154,3.872330158,3.872330147,3.872330149,3.872330157,3.872330155,3.87233016,3.872330154,3.872330153,3.872330156,3.872330156,3.872330155,3.872330154,3.872330147,3.872330152,3.872330153,3.872330152,3.872330148
+"5493","FN3K",5.271309199,5.27130926,5.271309259,5.271309272,5.27130936,5.271309155,5.271309208,5.271309372,5.271309279,5.271309252,5.27130935,5.271309372,5.271309282,5.271309049,5.271309303,5.271309225,5.271309355,5.271309437,5.271309322,5.271309267,5.271309308,5.271309287,5.271309187,5.271309172,5.271309351,5.271309365,5.271309327,5.271309209
+"5494","FN3KRP",6.321125559,6.321125633,6.321125464,6.321125297,6.321125238,6.321125327,6.32112539,6.321125507,6.321125513,6.32112532,6.321125299,6.321125419,6.321125572,6.321125696,6.321125215,6.321125736,6.321125333,6.321125234,6.321125404,6.321125218,6.321125334,6.32112545,6.321125561,6.321125184,6.321125432,6.321125405,6.321125623,6.321125531
+"5495","FNBP1",8.384596139,8.384596193,8.384595967,8.384596223,8.384596058,8.384596356,8.384596147,8.384596007,8.384596279,8.384596021,8.384595975,8.384596029,8.38459619,8.384596363,8.384596169,8.384596166,8.384595862,8.384596149,8.384596117,8.384596334,8.384596212,8.384596023,8.384596363,8.38459616,8.384596053,8.384596287,8.384596185,8.384596218
+"5496","FNBP1L",4.367304347,4.367304403,4.367304266,4.36730442,4.367304404,4.367304267,4.367304229,4.367304162,4.36730433,4.367304341,4.367304432,4.367304264,4.367304302,4.367304463,4.367304389,4.367304346,4.367304213,4.367304309,4.367304392,4.367304147,4.367304202,4.367304261,4.367304388,4.367304348,4.367304367,4.367304273,4.367304267,4.367304393
+"5497","FNBP4",7.250464077,7.250463907,7.250463962,7.250463941,7.250463848,7.250463936,7.250463945,7.250463952,7.250464012,7.250464,7.250463888,7.250463925,7.25046397,7.250464064,7.250463961,7.250463886,7.250463827,7.250463795,7.250463934,7.250463861,7.25046391,7.250463953,7.250463943,7.250463901,7.250463859,7.250464031,7.250464004,7.250463985
+"5498","FNDC1",4.524143607,4.524143614,4.524143704,4.524143599,4.52414374,4.524143625,4.524143633,4.524143684,4.524143676,4.52414364,4.524143715,4.524143694,4.524143662,4.524143542,4.524143694,4.524143668,4.524143691,4.524143692,4.524143645,4.524143671,4.524143641,4.52414369,4.52414362,4.524143621,4.524143667,4.524143643,4.52414364,4.524143634
+"5499","FNDC11",5.711963445,5.711963576,5.711963851,5.711963596,5.711963779,5.711963506,5.711963664,5.711963859,5.711963637,5.711963614,5.71196374,5.711963874,5.711963686,5.711963282,5.71196372,5.711963706,5.711963927,5.711963862,5.711963659,5.711963634,5.711963691,5.711963809,5.711963531,5.711963565,5.711963829,5.711963724,5.711963588,5.711963687
+"5500","FNDC3A",7.399693923,7.399693832,7.3996937,7.399693838,7.399693762,7.399693888,7.399693844,7.399693754,7.399693812,7.399693763,7.399693673,7.399693748,7.399693862,7.39969398,7.399693867,7.399693744,7.399693705,7.399693806,7.39969385,7.399693793,7.399693878,7.399693783,7.399693883,7.399693872,7.399693809,7.399693884,7.399693871,7.399693886
+"5501","FNDC3B",8.14846984,8.14847116,8.148469035,8.148471229,8.148469385,8.148470017,8.148469818,8.148470105,8.148469851,8.14846949,8.148470145,8.148467732,8.148469575,8.148470223,8.148469732,8.148470962,8.148469021,8.148470522,8.148470653,8.148471178,8.148469761,8.148469929,8.148471306,8.148470865,8.1484706,8.148468882,8.148469701,8.148469686
+"5502","FNDC4",5.338282736,5.33828284,5.338283001,5.338282943,5.338283324,5.338283027,5.338282988,5.338283156,5.338283076,5.33828296,5.338283175,5.338283389,5.338282896,5.338282632,5.338283217,5.338282966,5.338283347,5.338283212,5.33828313,5.338283154,5.338283174,5.338283067,5.338282959,5.33828279,5.3382832,5.338283109,5.338283016,5.338283133
+"5503","FNDC5",4.719525053,4.719525129,4.719525166,4.719525239,4.719525318,4.719525177,4.719525229,4.719525426,4.719525183,4.719525186,4.719525287,4.719525243,4.719525264,4.719525019,4.719525265,4.719525325,4.719525301,4.719525387,4.719525247,4.719525192,4.719525477,4.719525335,4.719525101,4.71952511,4.719525361,4.719525311,4.719525143,4.719525144
+"5504","FNDC7",3.272805303,3.272805325,3.272805328,3.272805316,3.272805349,3.272805346,3.272805334,3.272805326,3.27280534,3.272805344,3.272805332,3.272805329,3.272805301,3.272805312,3.272805351,3.272805326,3.272805329,3.272805334,3.27280532,3.272805329,3.272805319,3.272805301,3.272805336,3.272805324,3.272805327,3.272805316,3.272805334,3.272805346
+"5505","FNDC8",4.593184383,4.593184351,4.593184451,4.593184329,4.593184485,4.593184481,4.59318443,4.59318445,4.593184381,4.593184437,4.593184421,4.593184397,4.593184355,4.593184368,4.593184429,4.593184329,4.593184427,4.593184418,4.593184378,4.593184387,4.593184408,4.593184424,4.593184387,4.593184404,4.593184426,4.593184453,4.5931844,4.593184381
+"5506","FNDC9",4.982389971,4.982389927,4.982389959,4.982389952,4.98239009,4.982390084,4.98239,4.982390097,4.982390099,4.982390003,4.982390053,4.982390108,4.982389885,4.982389963,4.982389998,4.982390164,4.982390013,4.98239014,4.982389967,4.982390123,4.982390068,4.982390024,4.982390082,4.982389908,4.982390081,4.982389978,4.98239005,4.98239009
+"5507","FNIP1",7.693234435,7.693235129,7.693234192,7.69323529,7.69323339,7.693233756,7.693234032,7.693233726,7.693233832,7.69323375,7.693234533,7.693233097,7.693234052,7.693234831,7.693234558,7.693234971,7.693234016,7.693234839,7.693234669,7.693234066,7.693233918,7.69323351,7.693234121,7.693234717,7.69323489,7.693233552,7.693233713,7.693234481
+"5508","FNIP2",6.046616404,6.046616382,6.046616472,6.046616174,6.046616228,6.046616528,6.046616321,6.046616182,6.046616297,6.046616374,6.046616366,6.046616325,6.046616472,6.046616616,6.046616266,6.046616332,6.046616091,6.046616034,6.046616028,6.046616441,6.046616154,6.046616268,6.04661637,6.046616474,6.046616173,6.046616317,6.04661654,6.046616361
+"5509","FNTA",7.301323563,7.301323545,7.301323593,7.301322935,7.301323303,7.301323435,7.301323431,7.301323251,7.301323703,7.30132367,7.301323283,7.301323041,7.301323405,7.301324151,7.301323612,7.301323569,7.301323198,7.301322998,7.301323518,7.301323595,7.301323298,7.30132314,7.301323655,7.301323735,7.301322631,7.301323169,7.301323463,7.301323876
+"5510","FOCAD",5.981441962,5.981441745,5.981441515,5.981441903,5.981441703,5.981441666,5.981441759,5.981441702,5.981441742,5.981441642,5.981441588,5.98144171,5.981441891,5.981441913,5.98144175,5.981441767,5.981441434,5.981441748,5.98144184,5.981441545,5.981441736,5.981441735,5.981441824,5.981441591,5.981441657,5.981441746,5.981441891,5.98144176
+"5511","FOLR1",4.341582811,4.341582817,4.341582917,4.341582918,4.341583107,4.341582782,4.341582908,4.341582998,4.341582813,4.341582814,4.341582884,4.341583029,4.341582946,4.341582708,4.34158302,4.341582901,4.341582981,4.34158311,4.341582856,4.341583043,4.341583045,4.341582987,4.341582828,4.341582728,4.34158298,4.341582885,4.341582857,4.341582872
+"5512","FOLR2",5.643616673,5.643616671,5.64361668,5.643616686,5.643616688,5.64361672,5.643616697,5.643616698,5.64361669,5.643616671,5.643616689,5.643616692,5.643616696,5.643616663,5.6436167,5.643616687,5.643616709,5.643616694,5.643616697,5.643616709,5.643616687,5.6436167,5.643616655,5.643616667,5.64361667,5.643616683,5.643616696,5.643616667
+"5513","FOLR3",5.698079597,5.698079764,5.698079518,5.698079891,5.698079707,5.69807984,5.698079713,5.698079694,5.698079751,5.698079719,5.698079803,5.69807982,5.698079736,5.698079715,5.698079804,5.698079669,5.698079695,5.698079877,5.69807971,5.698079957,5.698079707,5.698079741,5.69807982,5.698079678,5.698079755,5.698079758,5.69807967,5.698079741
+"5514","FOS",7.712712333,8.085170378,7.764391716,8.350065671,7.879089483,7.73897805,7.920395373,8.106238,7.6505994,7.731391336,7.878274274,7.396974327,7.847084015,7.431578193,7.941111445,8.010798673,7.98280044,8.432740087,8.075443223,7.643237846,7.772325574,7.835480251,7.996174392,8.089221874,7.996590325,7.680145509,7.746412848,7.503995449
+"5515","FOSB",5.437544286,5.437544309,5.437544383,5.437544368,5.437544604,5.437544263,5.437544328,5.437544484,5.437544386,5.437544257,5.437544333,5.437544566,5.43754425,5.437544175,5.437544511,5.437544391,5.4375444,5.437544495,5.437544357,5.437544253,5.437544523,5.437544532,5.437544275,5.437544212,5.437544387,5.437544427,5.437544262,5.437544332
+"5516","FOSL1",6.379879995,6.379880038,6.379880053,6.379879972,6.379880129,6.379880014,6.379880063,6.379880086,6.379880048,6.379880056,6.379880071,6.379880132,6.379880036,6.379879954,6.3798801,6.379880086,6.379880118,6.379880115,6.37988004,6.37988001,6.379880124,6.379880061,6.379879995,6.379879998,6.379880059,6.37988012,6.379880014,6.3798801
+"5517","FOSL2",8.165207112,8.165219929,8.165205909,8.165222459,8.165208731,8.165222174,8.165216123,8.165214537,8.165205568,8.165210103,8.165211354,8.165202747,8.165212943,8.16520451,8.165213272,8.165221038,8.165212462,8.165220695,8.165215859,8.165220672,8.165216346,8.16521095,8.165217496,8.165218453,8.165217359,8.165211418,8.165210282,8.165202128
+"5518","FOXA1",5.409136338,5.40913637,5.409136471,5.409136368,5.409136579,5.40913634,5.409136337,5.409136475,5.409136431,5.409136496,5.409136429,5.409136481,5.409136333,5.40913627,5.409136502,5.409136436,5.409136499,5.409136465,5.409136366,5.409136407,5.409136524,5.409136492,5.409136312,5.40913625,5.409136501,5.409136487,5.409136224,5.409136368
+"5519","FOXA2",5.913200621,5.913200414,5.913200962,5.91320054,5.913201153,5.913200741,5.913200867,5.913200892,5.913200872,5.913200834,5.913200928,5.913201182,5.913200581,5.913200369,5.913200874,5.913200668,5.91320114,5.913200811,5.913200886,5.913200669,5.913200983,5.913200849,5.913200533,5.913200543,5.913200793,5.9132009,5.913200682,5.913200932
+"5520","FOXA3",5.077471513,5.07747143,5.07747162,5.077471524,5.07747177,5.077471647,5.0774717,5.077471766,5.077471548,5.077471638,5.077471687,5.077471677,5.077471658,5.077471315,5.077471819,5.077471645,5.077471783,5.077471626,5.077471604,5.077471713,5.077471705,5.077471784,5.077471676,5.077471403,5.077471523,5.077471779,5.07747148,5.077471707
+"5521","FOXB1",5.684277489,5.684277446,5.684277562,5.684277409,5.684277743,5.684277613,5.684277506,5.684277596,5.684277546,5.684277605,5.684277696,5.684277621,5.684277476,5.684277235,5.684277695,5.684277516,5.684277582,5.684277615,5.684277591,5.684277513,5.684277683,5.68427759,5.684277486,5.684277458,5.684277456,5.684277591,5.684277467,5.684277495
+"5522","FOXB2",7.143663238,7.143663229,7.143663253,7.14366324,7.143663296,7.143663251,7.143663266,7.143663269,7.143663256,7.143663267,7.143663288,7.143663323,7.143663259,7.143663175,7.143663284,7.143663251,7.143663289,7.14366325,7.14366327,7.143663269,7.143663275,7.14366328,7.143663235,7.143663227,7.143663234,7.143663274,7.14366325,7.143663253
+"5523","FOXC1",7.075276082,7.075276085,7.075276102,7.075276084,7.075276212,7.075276224,7.075276116,7.075276151,7.075276085,7.075276181,7.075276211,7.075276214,7.07527612,7.075275907,7.075276132,7.07527615,7.075276234,7.075276207,7.075276157,7.075276129,7.075276098,7.075276146,7.075276125,7.075276031,7.075276141,7.075276091,7.075276132,7.075276045
+"5524","FOXC2",7.140174624,7.140174276,7.140175065,7.140174355,7.140175802,7.140175292,7.140175518,7.140174961,7.140174932,7.140175533,7.140175682,7.140176054,7.140174657,7.140173663,7.140175753,7.140174577,7.140175847,7.140175033,7.140175391,7.140174796,7.140175552,7.140175203,7.140174727,7.140174363,7.140174576,7.140175067,7.14017487,7.140174921
+"5525","FOXD1",5.53738653,5.537386589,5.537386729,5.537386617,5.537386809,5.537386624,5.537386616,5.537386816,5.537386671,5.537386638,5.537386703,5.537386752,5.537386665,5.53738651,5.537386707,5.537386673,5.537386771,5.537386687,5.5373866,5.537386688,5.537386708,5.537386804,5.537386574,5.537386577,5.537386582,5.537386694,5.537386599,5.537386701
+"5526","FOXD2",6.11862697,6.118627011,6.118627028,6.11862701,6.118627077,6.118626953,6.118627009,6.118627076,6.118626975,6.118626998,6.11862708,6.118627073,6.118627017,6.118626946,6.118627033,6.118627032,6.118627054,6.118627073,6.118627028,6.118627018,6.118627043,6.118627063,6.118626994,6.118626981,6.11862703,6.118627041,6.118627004,6.118627006
+"5527","FOXD3",5.38395629,5.38395637,5.383956399,5.383956429,5.383956607,5.383956426,5.383956345,5.383956453,5.383956404,5.383956433,5.383956364,5.383956582,5.383956426,5.38395615,5.383956466,5.38395642,5.383956425,5.383956634,5.383956413,5.383956352,5.38395649,5.383956403,5.383956356,5.383956308,5.383956449,5.383956458,5.383956429,5.383956311
+"5528","FOXE1",5.582820825,5.582821192,5.582821356,5.582821331,5.58282187,5.582821058,5.582821143,5.582821509,5.582821361,5.58282114,5.582821652,5.582821568,5.582821047,5.582820455,5.582821422,5.582821173,5.582821494,5.582821181,5.58282082,5.58282115,5.582820999,5.582821428,5.582820971,5.582821047,5.582821348,5.582821252,5.582820679,5.582821188
+"5529","FOXE3",7.300527431,7.300527664,7.300527982,7.300527544,7.300528455,7.30052789,7.300527881,7.30052791,7.300528213,7.300528199,7.30052815,7.300528453,7.300527837,7.300526569,7.300528272,7.300527688,7.300528363,7.300527974,7.30052794,7.300527855,7.300527832,7.300528092,7.30052776,7.300527286,7.300527864,7.300528094,7.300527645,7.300527948
+"5530","FOXF1",5.375153411,5.37515326,5.375153631,5.375153364,5.375154019,5.375153644,5.375153839,5.37515387,5.375153579,5.375153887,5.375153865,5.375153988,5.375153392,5.375152845,5.37515397,5.375153353,5.37515379,5.375153611,5.375153743,5.375153543,5.375153751,5.375153715,5.375153336,5.37515325,5.375153377,5.375153825,5.375153438,5.375153589
+"5531","FOXF2",6.010892831,6.010892691,6.010893117,6.010892875,6.01089316,6.010892969,6.010892995,6.010892872,6.010892846,6.010893046,6.010892971,6.010893177,6.010892941,6.010892684,6.01089297,6.010892845,6.010893225,6.010892948,6.010892898,6.010893005,6.010893092,6.01089306,6.010892882,6.010892837,6.010892872,6.010893046,6.010892906,6.010893002
+"5532","FOXG1",5.111300447,5.111300454,5.111300487,5.111300454,5.111300529,5.111300466,5.111300486,5.111300486,5.111300473,5.111300484,5.111300505,5.11130051,5.111300474,5.111300432,5.111300497,5.111300493,5.111300507,5.111300497,5.111300476,5.111300479,5.111300502,5.111300491,5.111300453,5.111300488,5.111300493,5.111300489,5.111300462,5.111300516
+"5533","FOXH1",5.814398381,5.81439862,5.814398485,5.814398486,5.814399266,5.814398524,5.814398911,5.814398749,5.814398999,5.81439888,5.81439864,5.814399055,5.814398698,5.814398045,5.814399014,5.814398951,5.81439936,5.814398983,5.81439879,5.81439861,5.814398837,5.814398839,5.814398833,5.814398471,5.814398644,5.81439878,5.814398556,5.81439902
+"5534","FOXI1",6.055209977,6.055209939,6.055210424,6.055210015,6.055210577,6.05520977,6.055210193,6.055210509,6.05521024,6.055210229,6.055210423,6.055210481,6.055210309,6.055209815,6.055210497,6.055210234,6.055210558,6.055210425,6.055210142,6.055210069,6.055210636,6.055210461,6.055209968,6.055210006,6.055210318,6.055210468,6.055210066,6.055210297
+"5535","FOXI2",6.410857474,6.410857482,6.410857814,6.410857574,6.41085779,6.410857663,6.41085764,6.410857785,6.41085771,6.41085772,6.410857734,6.410857822,6.410857546,6.410857106,6.410857697,6.410857488,6.410857877,6.410857781,6.410857623,6.410857657,6.410857721,6.410857636,6.410857586,6.41085754,6.410857694,6.410857758,6.410857514,6.41085766
+"5536","FOXJ1",5.699360424,5.699360361,5.699360474,5.699360449,5.699360518,5.699360392,5.699360414,5.699360481,5.699360423,5.69936038,5.699360515,5.699360555,5.699360432,5.699360311,5.699360486,5.699360485,5.699360576,5.699360589,5.699360455,5.699360472,5.699360486,5.699360472,5.699360401,5.699360361,5.699360472,5.699360508,5.699360412,5.699360468
+"5537","FOXJ2",7.279928547,7.279928568,7.27992863,7.279928682,7.279928546,7.279928687,7.279928634,7.279928703,7.279928674,7.279928595,7.279928581,7.279928716,7.279928553,7.279928451,7.2799287,7.279928413,7.279928588,7.279928723,7.279928627,7.279928351,7.279928639,7.279928641,7.279928586,7.279928597,7.279928586,7.279928667,7.279928623,7.2799283
+"5538","FOXJ3",7.610510441,7.610510318,7.610510285,7.610510298,7.610510302,7.610510429,7.610510374,7.61051026,7.610510491,7.61051033,7.610510219,7.610510212,7.610510453,7.610510621,7.610510374,7.610510015,7.610510013,7.610510159,7.610510364,7.610510369,7.610510372,7.610510155,7.610510514,7.610510347,7.610510302,7.610510327,7.610510447,7.610510326
+"5539","FOXK1",7.138202036,7.138202199,7.138201993,7.138201982,7.138202024,7.138202274,7.138202093,7.138202209,7.13820236,7.138202195,7.138201842,7.138202167,7.138202073,7.138202157,7.138201982,7.138202018,7.138201941,7.13820192,7.138201979,7.138202005,7.138201955,7.138202109,7.138202218,7.138202,7.138201873,7.138202071,7.138202115,7.138202069
+"5540","FOXK2",7.384320169,7.384320167,7.384320156,7.384320148,7.38432016,7.384320166,7.384320189,7.384320173,7.384320169,7.384320167,7.38432017,7.384320201,7.384320184,7.384320179,7.384320193,7.384320169,7.384320155,7.384320127,7.384320146,7.38432016,7.384320168,7.384320158,7.384320185,7.384320163,7.384320161,7.384320172,7.384320186,7.384320171
+"5541","FOXL1",6.192682164,6.192682264,6.192682832,6.192682427,6.192683013,6.192681936,6.192682627,6.192682919,6.192682807,6.192682614,6.192682511,6.192682992,6.192682574,6.192682298,6.192682854,6.192682536,6.19268304,6.192682811,6.192682422,6.192682159,6.192682786,6.192683001,6.192682487,6.192682527,6.192682719,6.19268268,6.192682765,6.192682761
+"5542","FOXL2",6.443083232,6.443083178,6.443083322,6.443083276,6.443083443,6.443083281,6.443083324,6.443083299,6.443083286,6.443083297,6.443083323,6.443083469,6.443083246,6.443083119,6.443083403,6.443083182,6.443083396,6.443083239,6.443083268,6.443083263,6.443083376,6.443083334,6.443083218,6.443083173,6.443083253,6.443083312,6.443083295,6.443083314
+"5543","FOXM1",4.817017433,4.81701743,4.817017448,4.817017423,4.817017464,4.817017461,4.817017485,4.817017441,4.817017448,4.817017451,4.817017454,4.817017457,4.817017441,4.817017407,4.817017438,4.817017431,4.817017454,4.817017423,4.817017428,4.817017449,4.817017478,4.817017436,4.817017453,4.817017444,4.817017458,4.817017438,4.817017447,4.817017442
+"5544","FOXN1",5.060222099,5.060222183,5.060222254,5.060222164,5.060222252,5.060222136,5.060222196,5.060222282,5.060222176,5.060222221,5.060222189,5.060222279,5.060222134,5.060222174,5.060222205,5.060222265,5.060222249,5.060222284,5.060222139,5.06022216,5.060222214,5.060222163,5.060222175,5.060222207,5.060222203,5.060222191,5.060222179,5.060222215
+"5545","FOXN2",6.710091568,6.710091366,6.71009109,6.710091098,6.71009103,6.710090965,6.710091117,6.710091009,6.710090841,6.710090903,6.71009115,6.710090418,6.710091151,6.71009172,6.710091072,6.71009084,6.710090455,6.710090707,6.710091437,6.710091141,6.710091081,6.710090801,6.710091158,6.710091182,6.710091344,6.710090614,6.710091014,6.710091142
+"5546","FOXN3",7.980480891,7.980480878,7.980480781,7.980480947,7.980480769,7.980480867,7.980480858,7.980480847,7.980480619,7.980480818,7.980480664,7.980480788,7.980480878,7.980480864,7.980480844,7.980480591,7.980480531,7.980480814,7.980480852,7.980480779,7.980480803,7.980480714,7.980480704,7.980480839,7.980480832,7.980480818,7.980481001,7.980480734
+"5547","FOXN3-AS2",4.116690973,4.116691176,4.11669121,4.116691352,4.11669132,4.116691458,4.116691353,4.116691395,4.116691278,4.116691395,4.116691492,4.116691239,4.116691352,4.116690934,4.116691172,4.116691299,4.116691309,4.116691277,4.116691162,4.116691217,4.116691324,4.116691295,4.116691334,4.116691099,4.116691284,4.116691278,4.116691426,4.116691124
+"5548","FOXN4",5.711171659,5.711171704,5.71117188,5.711171775,5.71117192,5.711171675,5.711171817,5.711171849,5.71117174,5.7111718,5.711171829,5.711171834,5.711171797,5.711171638,5.711171879,5.711171787,5.711171879,5.71117183,5.711171751,5.711171794,5.71117188,5.711171892,5.711171771,5.711171737,5.711171804,5.711171847,5.711171752,5.711171706
+"5549","FOXO1",8.948310589,8.948310579,8.94831051,8.948310539,8.948310641,8.94831058,8.948310594,8.948310585,8.948310694,8.948310684,8.948310535,8.948310702,8.948310634,8.948310613,8.948310696,8.948310565,8.948310572,8.948310615,8.948310662,8.948310583,8.948310604,8.948310586,8.948310676,8.94831057,8.94831052,8.9483107,8.948310633,8.948310718
+"5550","FOXO3",7.064258041,7.06425806,7.064258137,7.064258115,7.064258131,7.064258128,7.064258117,7.06425815,7.064258111,7.064258052,7.064258168,7.064258182,7.064258084,7.064257965,7.064258123,7.064258081,7.064258151,7.064258158,7.064258131,7.064258114,7.064258093,7.064258118,7.064258066,7.064258074,7.064258117,7.064258151,7.064258093,7.064258114
+"5551","FOXO4",8.710816169,8.960587038,9.870916154,9.206240239,9.068735469,9.48145927,8.978289956,9.532210911,9.342465555,9.413889328,9.606844986,9.72928064,8.397705332,8.706857088,8.825516482,8.689932203,9.668335046,9.239636946,8.744749319,9.322579994,8.826322415,9.207941218,9.174934061,9.416627324,9.647879992,9.712050836,8.444738252,8.958543955
+"5552","FOXP1",8.400522576,8.400522424,8.400521751,8.400522099,8.400521948,8.40052212,8.400521838,8.400521891,8.400522993,8.400522663,8.400521653,8.40052256,8.400522587,8.400523343,8.400522169,8.400521863,8.400520876,8.400521924,8.400522093,8.400521915,8.400522075,8.400521835,8.400522515,8.400522352,8.400521811,8.400522893,8.400522802,8.400523095
+"5553","FOXP2",2.894831369,2.894831322,2.894831394,2.894831299,2.894831409,2.89483135,2.894831287,2.894831345,2.894831325,2.89483136,2.894831437,2.894831351,2.894831317,2.894831338,2.894831428,2.894831394,2.894831374,2.894831322,2.894831341,2.89483137,2.894831339,2.894831343,2.894831341,2.894831382,2.894831401,2.894831288,2.894831405,2.894831343
+"5554","FOXP3",5.489511063,5.489511063,5.489511085,5.489511065,5.489511091,5.489511078,5.489511075,5.489511086,5.489511073,5.489511078,5.489511063,5.489511074,5.489511076,5.489511057,5.489511085,5.489511078,5.489511088,5.489511076,5.489511072,5.489511076,5.489511086,5.489511077,5.489511076,5.489511065,5.48951106,5.489511077,5.489511072,5.48951107
+"5555","FOXP4",5.839808531,5.839808645,5.839808703,5.839808569,5.839808757,5.839808632,5.839808623,5.839808648,5.839808669,5.839808626,5.839808712,5.839808625,5.839808636,5.839808611,5.839808736,5.83980874,5.839808818,5.839808675,5.839808616,5.839808703,5.839808748,5.839808758,5.839808663,5.839808656,5.839808633,5.839808607,5.839808725,5.839808661
+"5556","FOXQ1",6.034227231,6.034227255,6.034227383,6.034227259,6.034227378,6.034227203,6.034227274,6.03422738,6.034227327,6.034227301,6.034227324,6.034227394,6.0342273,6.034227252,6.03422742,6.034227322,6.034227402,6.03422734,6.034227297,6.034227335,6.034227411,6.034227346,6.034227275,6.034227219,6.034227379,6.034227383,6.034227335,6.034227284
+"5557","FOXR1",4.255012325,4.255012308,4.255012399,4.255012352,4.255012327,4.255012351,4.255012226,4.255012408,4.255012363,4.255012358,4.255012458,4.255012441,4.255012441,4.255012304,4.255012333,4.255012468,4.255012448,4.255012414,4.255012444,4.255012324,4.255012433,4.255012368,4.255012287,4.255012294,4.255012306,4.25501239,4.25501246,4.255012337
+"5558","FOXR2",3.44566478,3.445664798,3.445664813,3.445664827,3.445664843,3.445664798,3.445664867,3.445664855,3.445664801,3.445664823,3.445664838,3.44566488,3.445664842,3.445664794,3.445664844,3.445664865,3.445664883,3.445664811,3.445664817,3.445664786,3.445664851,3.445664857,3.445664788,3.44566479,3.445664784,3.445664784,3.445664822,3.445664856
+"5559","FOXRED1",5.84530693,5.84530694,5.845306946,5.8453069,5.84530683,5.845307085,5.845307142,5.84530672,5.845307116,5.845306892,5.845306843,5.845307127,5.845307014,5.845307149,5.845306905,5.84530686,5.845307079,5.84530688,5.845306796,5.845307191,5.845306979,5.845307069,5.845306989,5.845306982,5.845306771,5.845307123,5.845306861,5.845307035
+"5560","FOXRED2",4.850196801,4.850196804,4.850196856,4.850196787,4.850196882,4.850196811,4.850196889,4.850196861,4.850196835,4.850196857,4.850196876,4.850196906,4.850196812,4.850196778,4.850196844,4.850196828,4.85019689,4.850196817,4.850196825,4.850196848,4.850196859,4.850196861,4.850196821,4.85019681,4.85019681,4.850196874,4.850196812,4.850196825
+"5561","FOXS1",5.831020465,5.831020421,5.831020565,5.831020485,5.831020873,5.831020461,5.831020716,5.831020839,5.831020437,5.831020478,5.83102065,5.831020892,5.831020553,5.8310202,5.831020743,5.831020422,5.831020963,5.831020688,5.831020676,5.831020618,5.831020832,5.831020738,5.831020391,5.831020437,5.831020599,5.831020727,5.831020555,5.83102061
+"5562","FPGS",6.642588923,6.642588938,6.642588967,6.642588811,6.642588827,6.642589032,6.642588876,6.64258898,6.642588989,6.642588984,6.642588869,6.642588935,6.642588997,6.642588923,6.642588877,6.642588859,6.642588863,6.642588803,6.642588928,6.642588915,6.642588828,6.642588952,6.64258897,6.642588923,6.642588868,6.642588905,6.642588977,6.642588908
+"5563","FPR1",10.19013848,10.2778767,10.12010509,10.37595399,10.07406678,10.17472106,10.11179521,10.1255169,10.10792576,10.09677737,10.13442757,9.928460623,10.07443433,10.10194594,10.1049059,10.2269442,10.13021112,10.27431541,10.22559898,10.28023558,10.07764185,10.10502451,10.18848222,10.24714526,10.15571313,10.00890597,10.0503138,10.02314573
+"5564","FPR2",9.057336564,9.316961762,8.901392568,9.59153212,9.143645122,9.493277468,9.139437309,9.205398391,9.185133231,8.998854757,9.282779398,8.506985673,9.058016989,9.098092485,8.986635208,9.178640155,9.046337096,9.262246187,9.493454344,9.738455301,8.900573688,9.207850007,9.510274658,9.456383788,9.354697029,8.691567014,8.944868884,8.792487011
+"5565","FPR3",4.60485454,4.604854746,4.604854482,4.604854542,4.604854741,4.604854587,4.604854287,4.604854517,4.604854421,4.604854415,4.604854523,4.604854381,4.604854559,4.604854316,4.604854479,4.604854597,4.604854539,4.604854512,4.604854633,4.60485449,4.6048544,4.604854428,4.604854373,4.604854549,4.60485453,4.604854263,4.604854394,4.604854275
+"5566","FRA10AC1",4.591821932,4.591821982,4.591821858,4.591821771,4.591821766,4.591821693,4.591821843,4.591821726,4.591821931,4.591821867,4.591821813,4.591821771,4.591821817,4.591822037,4.591821758,4.591821917,4.591821722,4.591821815,4.591821838,4.591821739,4.591821855,4.591821805,4.591821938,4.591821838,4.591821855,4.591821835,4.591821805,4.591821928
+"5567","FRAS1",4.02855591,4.028555908,4.028555915,4.028555906,4.02855592,4.028555907,4.028555911,4.028555913,4.028555912,4.028555909,4.028555921,4.028555915,4.028555909,4.028555904,4.028555914,4.028555913,4.02855592,4.028555919,4.028555913,4.028555909,4.02855592,4.028555916,4.02855591,4.028555906,4.028555915,4.028555912,4.028555913,4.02855591
+"5568","FRAT1",7.816264794,7.816265742,7.816264925,7.816266158,7.816263656,7.816263961,7.816264662,7.816264296,7.816263727,7.816263791,7.81626515,7.816263231,7.816265094,7.816264198,7.816263896,7.816265749,7.816264429,7.816265753,7.81626483,7.816264116,7.816264349,7.816264349,7.816265034,7.816264918,7.81626527,7.816264111,7.816264642,7.816263701
+"5569","FRAT2",8.065380843,8.065382195,8.065381092,8.065382249,8.065380646,8.065381275,8.0653813,8.06538077,8.065381108,8.065381063,8.065381522,8.065380757,8.065381493,8.065380961,8.065381093,8.065382471,8.065381292,8.065382213,8.065381582,8.065380951,8.065381312,8.065381155,8.065381601,8.065381644,8.06538182,8.065380813,8.065381155,8.065381063
+"5570","FREM1",4.104533479,4.104533489,4.104533498,4.10453349,4.104533496,4.104533478,4.104533495,4.104533492,4.104533491,4.104533496,4.104533499,4.104533491,4.104533495,4.10453348,4.104533484,4.104533499,4.104533489,4.104533495,4.104533488,4.104533492,4.104533491,4.104533495,4.104533483,4.104533487,4.104533497,4.104533483,4.104533485,4.10453349
+"5571","FREM2",3.41762752,3.417627596,3.417627513,3.417627546,3.41762759,3.41762757,3.417627599,3.417627594,3.417627523,3.41762755,3.417627562,3.417627553,3.417627513,3.417627501,3.417627568,3.417627569,3.417627615,3.417627557,3.417627546,3.41762758,3.417627554,3.417627545,3.417627559,3.417627485,3.417627595,3.417627552,3.417627555,3.417627539
+"5572","FREM3",3.60865331,3.608653298,3.608653329,3.608653322,3.608653369,3.608653338,3.608653317,3.60865331,3.608653347,3.608653316,3.608653365,3.608653352,3.608653323,3.60865331,3.608653357,3.608653352,3.608653381,3.608653334,3.608653348,3.608653368,3.608653388,3.608653335,3.608653372,3.608653331,3.608653324,3.608653328,3.60865336,3.608653403
+"5573","FRG1",4.769655967,4.769655709,4.769655851,4.769655504,4.769655419,4.769655462,4.769655799,4.769655593,4.769655847,4.769655728,4.769655745,4.769655647,4.769655852,4.769656127,4.769655604,4.769655491,4.769655481,4.769655625,4.769655618,4.76965569,4.769655688,4.769655656,4.769655826,4.769655848,4.769655692,4.769655792,4.769655675,4.769655975
+"5574","FRG1BP",5.946413225,5.946411471,5.946412898,5.946412491,5.946410846,5.946413125,5.946413001,5.946412741,5.946412546,5.946412885,5.946411637,5.946412824,5.946413004,5.946413817,5.946413116,5.946411269,5.946412109,5.946412753,5.946411434,5.946413221,5.946412964,5.946413049,5.946412898,5.946412931,5.94641217,5.946413896,5.946413338,5.946413304
+"5575","FRK",3.217525753,3.217525775,3.217525759,3.217525781,3.217525783,3.217525793,3.217525776,3.217525781,3.217525756,3.217525772,3.217525808,3.217525776,3.217525788,3.217525769,3.217525773,3.217525804,3.217525808,3.217525782,3.217525784,3.217525805,3.217525781,3.217525787,3.217525771,3.217525771,3.217525768,3.217525769,3.217525757,3.217525774
+"5576","FRMD1",4.645349696,4.645349719,4.645349753,4.645349716,4.64534976,4.64534974,4.645349723,4.645349739,4.645349723,4.645349739,4.645349745,4.645349788,4.645349724,4.645349679,4.645349741,4.645349767,4.645349749,4.645349743,4.645349731,4.64534975,4.645349741,4.645349737,4.645349704,4.645349725,4.645349726,4.645349766,4.645349725,4.645349719
+"5577","FRMD3",5.042031466,5.042031605,5.042031515,5.042031768,5.042031863,5.042032321,5.042031641,5.042031723,5.042031591,5.042031502,5.04203166,5.042031714,5.042031651,5.042031587,5.042031692,5.042031623,5.042031885,5.042031967,5.042031769,5.042032282,5.042031849,5.042031694,5.042031383,5.042031624,5.042031633,5.042031537,5.042031672,5.042031719
+"5578","FRMD4A",4.702299808,4.702299874,4.702300028,4.702299813,4.702300008,4.702300093,4.702299978,4.702300034,4.702300117,4.702300066,4.702300034,4.702300239,4.702299904,4.702299845,4.702299936,4.702299736,4.702299958,4.702299874,4.702299879,4.702300033,4.702299896,4.702299961,4.702300007,4.702300023,4.702300196,4.702300182,4.702300031,4.702299979
+"5579","FRMD4B",5.591672757,5.591673291,5.591671798,5.591673239,5.59167271,5.591673168,5.591672657,5.591671942,5.591672442,5.591673021,5.591672822,5.591671992,5.591672531,5.591673318,5.591672673,5.591673112,5.591672109,5.591673242,5.591672657,5.591673434,5.591672163,5.591672317,5.591672391,5.591673484,5.591672979,5.5916723,5.591672735,5.59167317
+"5580","FRMD5",4.592830771,4.592830836,4.592830904,4.592830858,4.592830918,4.59283074,4.592830849,4.592830877,4.59283081,4.592830832,4.592830874,4.592830938,4.592830822,4.592830712,4.592830898,4.59283092,4.592830926,4.592830934,4.592830819,4.592830911,4.592830876,4.592830805,4.592830796,4.592830823,4.592830948,4.592830854,4.592830782,4.592830878
+"5581","FRMD6",3.777040271,3.777040266,3.777040271,3.77704027,3.77704028,3.777040281,3.777040276,3.777040281,3.777040281,3.777040274,3.77704028,3.777040289,3.777040277,3.777040273,3.777040273,3.777040279,3.777040279,3.777040272,3.777040276,3.777040278,3.777040274,3.777040278,3.777040271,3.777040274,3.777040277,3.777040276,3.777040275,3.777040285
+"5582","FRMD7",3.545780956,3.545780947,3.545780926,3.545780974,3.545781047,3.545780927,3.545780967,3.545780952,3.545780932,3.545780955,3.545780974,3.545781026,3.545780949,3.545780897,3.545780974,3.545781018,3.545780967,3.545780977,3.545780916,3.54578094,3.545781002,3.545780976,3.545780938,3.545780906,3.54578098,3.545781003,3.54578092,3.545780959
+"5583","FRMD8",6.064809612,6.064809661,6.064809602,6.06480973,6.064809663,6.064809669,6.064809621,6.064809656,6.064809601,6.064809614,6.064809652,6.064809564,6.064809621,6.064809617,6.06480964,6.06480966,6.064809632,6.06480972,6.064809636,6.064809607,6.064809628,6.064809633,6.064809579,6.064809615,6.06480968,6.064809622,6.06480961,6.064809638
+"5584","FRMPD1",4.333616433,4.333616381,4.33361645,4.33361657,4.33361661,4.33361629,4.333616437,4.333616479,4.333616212,4.333616345,4.333616361,4.33361672,4.333616387,4.333616306,4.333616435,4.333616506,4.333616665,4.333616267,4.333616565,4.333616532,4.333616403,4.33361652,4.333616447,4.333616195,4.333616723,4.333616509,4.333616343,4.333616422
+"5585","FRMPD3",4.699343188,4.699343092,4.699343132,4.699343091,4.699343082,4.699343069,4.699343234,4.699343208,4.699343213,4.699343142,4.699343155,4.699343135,4.699343211,4.699343106,4.699343172,4.699343147,4.699343154,4.69934316,4.699343144,4.69934311,4.699343208,4.699343244,4.699343227,4.699343297,4.69934313,4.699343191,4.699343127,4.699343119
+"5586","FRMPD4",3.897609386,3.897609415,3.897609464,3.897609436,3.897609452,3.897609418,3.897609426,3.897609449,3.897609414,3.897609447,3.897609409,3.89760946,3.897609398,3.8976094,3.89760943,3.897609429,3.897609461,3.897609443,3.89760943,3.897609457,3.89760943,3.897609444,3.897609409,3.897609424,3.897609449,3.897609453,3.897609414,3.897609395
+"5587","FRRS1",5.436767837,5.436769578,5.436768511,5.43676828,5.436769705,5.436767902,5.436768841,5.436767436,5.436768586,5.436769015,5.436769649,5.436767717,5.436768929,5.436769839,5.436767353,5.43676877,5.436767523,5.436767328,5.436769423,5.436768459,5.43676807,5.436767547,5.436768654,5.436769129,5.436769366,5.43676792,5.436768597,5.436769129
+"5588","FRRS1L",5.710102086,5.710102015,5.710102267,5.710102093,5.71010248,5.710101874,5.710102242,5.710102351,5.710102152,5.710102253,5.710102316,5.71010249,5.710102193,5.71010194,5.710102401,5.710102283,5.710102511,5.710102374,5.710102282,5.710102015,5.71010234,5.710102408,5.71010208,5.710101933,5.710102347,5.710102362,5.710102054,5.710102356
+"5589","FRS2",5.678555998,5.678555897,5.678555891,5.678555804,5.678555834,5.678555815,5.67855593,5.678555727,5.678555837,5.678555916,5.678555782,5.678555861,5.678555907,5.678556191,5.678555966,5.678555857,5.678555852,5.678555823,5.678555897,5.678555836,5.678555863,5.678555872,5.678555982,5.67855583,5.678555909,5.678555815,5.678555868,5.67855597
+"5590","FRS3",5.961369622,5.96136962,5.961369661,5.961369545,5.961369532,5.961369654,5.961369424,5.961369545,5.961369567,5.961369572,5.961369565,5.961369676,5.961369504,5.96136939,5.96136956,5.9613696,5.961369355,5.961369429,5.96136949,5.961369581,5.96136939,5.961369616,5.96136968,5.96136954,5.961369456,5.96136948,5.961369585,5.961369368
+"5591","FRY",8.022474203,8.022474951,8.022474148,8.022475704,8.022474355,8.022475024,8.02247517,8.022473999,8.02247366,8.0224739,8.022474915,8.02247331,8.022474433,8.022474268,8.022474394,8.022475091,8.022473856,8.022475142,8.022475347,8.022475032,8.022475104,8.022474171,8.02247454,8.022474756,8.022475343,8.022474258,8.022474566,8.022473758
+"5592","FRYL",7.231077968,7.2310778145,7.231077666,7.2310777965,7.23107764,7.2310778085,7.2310778925,7.231077647,7.231077811,7.231077804,7.2310776885,7.2310775395,7.231077901,7.231078166,7.231077839,7.231077705,7.231077471,7.2310777645,7.231077886,7.231077675,7.231077873,7.2310775035,7.2310779015,7.2310778595,7.2310776935,7.231077786,7.231077929,7.2310779425
+"5593","FRZB",3.443846952,3.443846935,3.44384695,3.443846983,3.443846928,3.443846978,3.443846948,3.443846947,3.443846932,3.443846947,3.443846967,3.443846966,3.443846944,3.443846947,3.443846934,3.443846954,3.443846943,3.443847023,3.44384697,3.443846951,3.443846927,3.443846968,3.443846986,3.443846935,3.443846937,3.443846934,3.443846954,3.443846933
+"5594","FSCB",3.271137562,3.271137557,3.271137569,3.27113759,3.271137573,3.27113756,3.271137573,3.27113756,3.271137572,3.27113757,3.271137592,3.271137584,3.271137585,3.271137551,3.271137576,3.27113756,3.271137584,3.271137579,3.271137563,3.271137566,3.271137565,3.271137577,3.271137575,3.271137572,3.271137576,3.271137579,3.271137564,3.271137576
+"5595","FSCN1",6.755448742,6.755448731,6.755449098,6.7554487,6.755449054,6.755448721,6.755448846,6.755448934,6.75544884,6.755448717,6.755449077,6.755449074,6.755448771,6.755448357,6.755448836,6.755448846,6.755448995,6.755449027,6.755448877,6.755448722,6.75544883,6.75544884,6.755448606,6.755448627,6.755448963,6.755448894,6.755448724,6.755448848
+"5596","FSCN2",5.34388277,5.343882749,5.34388277,5.343882741,5.343882798,5.343882769,5.343882767,5.343882769,5.343882745,5.343882773,5.343882757,5.343882797,5.343882759,5.343882738,5.343882778,5.343882743,5.343882775,5.343882758,5.343882783,5.343882754,5.343882787,5.343882753,5.343882742,5.343882724,5.343882775,5.343882773,5.343882755,5.343882772
+"5597","FSCN3",4.088284787,4.08828497,4.088284856,4.088284774,4.088285039,4.088284873,4.088285056,4.088285184,4.088285142,4.088285023,4.088285179,4.088284981,4.088284991,4.088284841,4.088284934,4.088285036,4.08828521,4.088285282,4.088285014,4.088284957,4.088284987,4.088284987,4.088284877,4.088284858,4.088284962,4.08828491,4.088284864,4.088285102
+"5598","FSD1",5.582801371,5.582801367,5.582801416,5.582801394,5.582801424,5.582801377,5.582801397,5.582801426,5.582801397,5.582801408,5.582801425,5.58280143,5.582801423,5.582801365,5.582801409,5.582801427,5.582801426,5.582801414,5.582801396,5.582801406,5.582801406,5.582801417,5.582801399,5.582801388,5.58280143,5.582801422,5.582801399,5.582801399
+"5599","FSD1L",3.143004978,3.143004971,3.143005032,3.143004982,3.143004979,3.143004962,3.143004941,3.143004972,3.143004984,3.143004958,3.143004988,3.143004961,3.143004973,3.14300502,3.143004957,3.143004992,3.143004987,3.143004968,3.143004984,3.143004978,3.143004948,3.143004942,3.143004982,3.14300497,3.143004964,3.143004941,3.143004963,3.143004984
+"5600","FSD2",3.960406631,3.960406631,3.96040664,3.960406638,3.960406646,3.960406631,3.960406638,3.960406637,3.960406634,3.960406628,3.96040663,3.96040663,3.960406627,3.960406623,3.960406634,3.960406628,3.960406643,3.960406649,3.960406625,3.960406639,3.960406629,3.960406634,3.960406632,3.960406626,3.960406636,3.960406629,3.960406628,3.960406631
+"5601","FSHB",4.145046732,4.145046941,4.145046882,4.145046963,4.145046841,4.145047009,4.145046971,4.145046932,4.14504695,4.145046869,4.145046963,4.145047094,4.145046859,4.145046816,4.145046864,4.145046929,4.145046967,4.145046934,4.145046894,4.14504703,4.145046833,4.145047021,4.145046798,4.145046765,4.145046877,4.145046838,4.145046822,4.145046918
+"5602","FSHR",3.545545529,3.545545555,3.545545533,3.545545521,3.545545544,3.545545553,3.545545524,3.545545554,3.54554552,3.545545539,3.545545536,3.54554557,3.54554553,3.545545521,3.545545521,3.545545521,3.545545578,3.545545556,3.545545562,3.545545538,3.545545548,3.545545558,3.545545541,3.545545511,3.545545523,3.545545534,3.545545528,3.545545537
+"5603","FSIP1",3.463125961,3.463125958,3.463125967,3.463125942,3.463125981,3.463125953,3.463125969,3.463125955,3.463125962,3.463125954,3.463125958,3.463125961,3.463125963,3.463125974,3.463125964,3.46312596,3.463125994,3.463125965,3.463125942,3.463125979,3.463125966,3.463125971,3.463125963,3.463125962,3.463125957,3.463125964,3.463125951,3.463125983
+"5604","FSIP2",2.653866181,2.65386625833333,2.653866232,2.653866265,2.653866257,2.653866281,2.65386628166667,2.653866212,2.653866304,2.65386629633333,2.653866284,2.653866394,2.653866208,2.65386621433333,2.65386631,2.65386629066667,2.65386635033333,2.65386627033333,2.653866302,2.65386627966667,2.65386629633333,2.65386623,2.65386629833333,2.65386626133333,2.65386626733333,2.65386620966667,2.65386627166667,2.65386627866667
+"5605","FST",4.338480068,4.338480049,4.338480109,4.33848008,4.338480159,4.338480028,4.338480125,4.338480228,4.338480045,4.338480082,4.338480129,4.338480107,4.338480083,4.338480052,4.338480117,4.338480092,4.338480109,4.338480124,4.338480118,4.33848007,4.338480158,4.338480192,4.338480069,4.338480083,4.33848011,4.338480113,4.338480063,4.33848014
+"5606","FSTL3",5.881680556,5.881680633,5.881680742,5.881680523,5.881681287,5.881680619,5.881680935,5.88168092,5.881680517,5.881680774,5.881680823,5.881681301,5.881680771,5.881680448,5.881681117,5.881680863,5.881680996,5.881680799,5.881680883,5.88168074,5.881681208,5.881680943,5.881680468,5.881680407,5.881680248,5.881681125,5.881680449,5.881680715
+"5607","FSTL4",4.462025764,4.462025766,4.462025768,4.462025784,4.462025817,4.462025737,4.462025717,4.462025794,4.462025775,4.462025774,4.462025805,4.462025797,4.462025769,4.462025735,4.462025785,4.462025777,4.462025788,4.462025817,4.462025792,4.462025766,4.462025788,4.462025788,4.462025757,4.462025762,4.462025742,4.46202581,4.462025754,4.462025756
+"5608","FSTL5",2.821273972,2.821273967,2.821274039,2.821273997,2.821274005,2.821274034,2.821273976,2.821274029,2.821274039,2.821274001,2.821273988,2.82127412,2.821273973,2.82127397,2.821273938,2.821273995,2.821274069,2.821273926,2.82127399,2.821274041,2.821273966,2.821273965,2.821273983,2.821274002,2.82127403,2.821273913,2.821274039,2.821274046
+"5609","FTCD",5.971504031,5.971504057,5.971504086,5.971504055,5.971504175,5.971504048,5.971504103,5.971504128,5.971504085,5.971504106,5.971504103,5.97150414,5.971504093,5.97150402,5.971504151,5.971504112,5.971504164,5.971504135,5.971504063,5.971504118,5.971504166,5.971504123,5.971504058,5.971504076,5.971504114,5.97150413,5.971504059,5.9715041
+"5610","FTH1",9.458808424,9.458808639,9.458807598,9.458809091,9.458808139,9.458807944,9.458807753,9.458808113,9.458808294,9.45880819,9.458807969,9.458806248,9.45880837,9.458808129,9.458807911,9.458808392,9.458807849,9.45880887,9.458808518,9.458808575,9.45880829,9.458807774,9.45880869,9.458808496,9.458807581,9.458807089,9.458808159,9.458807481
+"5611","FTH1P3",6.65369002,6.653689992,6.653690021,6.653690082,6.653690138,6.653689904,6.653690031,6.653690118,6.653689972,6.653689914,6.65369003,6.653690021,6.653690004,6.653689927,6.65369008,6.653690029,6.653690114,6.65369013,6.653690032,6.653689994,6.653690091,6.653690086,6.653689981,6.653689911,6.65368997,6.653690084,6.653690041,6.653690018
+"5612","FTH1P5",4.78383715,4.7838371,4.783837155,4.783837197,4.783837175,4.783837139,4.78383713,4.783837164,4.783837114,4.783837101,4.783837192,4.783837085,4.783837155,4.783837103,4.783837149,4.78383716,4.783837158,4.783837238,4.783837118,4.783837162,4.783837156,4.783837151,4.783837122,4.783837148,4.783837145,4.783837101,4.783837173,4.783837127
+"5613","FTHL17",5.479843747,5.479843667,5.47984377,5.479843703,5.479843872,5.479843787,5.479843824,5.479843777,5.479843733,5.479843793,5.479843889,5.47984388,5.479843686,5.479843623,5.479843848,5.479843665,5.479843861,5.479843864,5.47984381,5.479843802,5.479843811,5.47984383,5.479843621,5.479843703,5.479843758,5.479843843,5.47984387,5.479843719
+"5614","FTHL18P",6.226565647,6.226565639,6.2265656825,6.226565615,6.2265657855,6.226565652,6.226565674,6.226565687,6.22656565,6.226565613,6.226565725,6.226565842,6.226565704,6.226565499,6.2265657745,6.226565705,6.2265658065,6.226565764,6.2265657335,6.226565695,6.2265658175,6.22656578,6.226565599,6.226565555,6.226565671,6.2265657355,6.22656565,6.226565676
+"5615","FTL",10.08930215,10.08930203,10.0893028,10.08930238,10.08930155,10.08930235,10.08930186,10.08930227,10.08930201,10.08930182,10.08930191,10.08930221,10.08930205,10.08930134,10.08930166,10.08930153,10.08930219,10.08930174,10.08930154,10.08930288,10.08930208,10.08930227,10.08930238,10.08930215,10.08930192,10.08930269,10.08930216,10.08930119
+"5616","FTMT",3.582766536,3.582766551,3.582766577,3.582766539,3.582766533,3.582766583,3.582766546,3.582766532,3.582766529,3.582766543,3.582766588,3.582766592,3.582766547,3.582766523,3.582766569,3.582766552,3.582766567,3.582766546,3.582766527,3.582766543,3.582766553,3.582766549,3.582766561,3.58276654,3.582766537,3.582766561,3.582766573,3.582766553
+"5617","FTO",6.469242111,6.469242014,6.46924169,6.469241846,6.469241842,6.469242157,6.469241973,6.469241683,6.469242314,6.469242085,6.469241639,6.469241693,6.469242076,6.46924249,6.46924178,6.469241514,6.469241294,6.469241473,6.469241871,6.469241562,6.469241954,6.469241685,6.469242263,6.469242084,6.469241665,6.469242053,6.4692421,6.469242298
+"5618","FTSJ1",6.391187264,6.391187279,6.391187197,6.391187345,6.391187258,6.391187421,6.391187311,6.391187378,6.391187325,6.391187377,6.391187198,6.391187288,6.391187349,6.391187323,6.391187305,6.391187304,6.391187151,6.391187167,6.391187316,6.391187274,6.391187322,6.391187342,6.39118729,6.391187288,6.391187306,6.391187243,6.391187419,6.391187222
+"5619","FTSJ3",6.353032198,6.353032071,6.353031886,6.35303165,6.353031683,6.353032254,6.35303208,6.353032062,6.353032158,6.35303194,6.353031601,6.353031936,6.353032084,6.353032384,6.353031858,6.353032005,6.353031278,6.353031652,6.353031985,6.35303183,6.353031763,6.353031836,6.353031904,6.353031877,6.353031469,6.353031893,6.35303189,6.353031989
+"5620","FUBP1",8.313563647,8.313563265,8.31356269,8.313562402,8.313562157,8.313562778,8.313563119,8.313562691,8.313563603,8.313562908,8.313562299,8.313562473,8.313563467,8.31356467,8.31356297,8.313562902,8.31356171,8.31356212,8.313563091,8.313562706,8.313563088,8.313562949,8.313563403,8.313562791,8.313562239,8.313562966,8.313563507,8.313563694
+"5621","FUBP3",7.267142235,7.267142224,7.267141674,7.26714203,7.267141981,7.267141877,7.267141876,7.267141927,7.267142028,7.267141936,7.267141648,7.267142008,7.267142145,7.267142547,7.267141878,7.267142238,7.267141764,7.267141837,7.267141932,7.267142272,7.26714185,7.267141949,7.267142177,7.267142123,7.26714184,7.26714204,7.26714213,7.267142061
+"5622","FUCA1",6.381347913,6.381347934,6.381347943,6.381347965,6.381347956,6.381347934,6.381347902,6.381347899,6.381347924,6.381347954,6.381347929,6.381347902,6.381347909,6.381347953,6.381347909,6.3813479,6.381347921,6.38134794,6.381347936,6.381347917,6.38134789,6.381347902,6.381347918,6.381347941,6.381347904,6.38134792,6.381347908,6.381347908
+"5623","FUCA2",5.770236272,5.770236327,5.770236388,5.770236327,5.770236224,5.770236384,5.770236248,5.770236198,5.770236115,5.770236323,5.770236256,5.770235994,5.770236312,5.770236412,5.770236182,5.770236362,5.770236211,5.770236185,5.770236296,5.770236305,5.770236222,5.770236196,5.770236218,5.77023638,5.770236248,5.770236145,5.770236301,5.770236313
+"5624","FUNDC1",5.488563834,5.488563859,5.488563828,5.488563844,5.488563877,5.48856385,5.488563864,5.488563842,5.488563854,5.488563827,5.488563823,5.488563871,5.488563865,5.48856388,5.48856386,5.488563853,5.488563863,5.488563861,5.488563854,5.48856384,5.488563869,5.488563884,5.488563872,5.488563853,5.488563835,5.488563876,5.488563856,5.488563867
+"5625","FUNDC2",4.874964943,4.874964749,4.874965025,4.874964512,4.8749643595,4.874964545,4.874964358,4.8749648,4.874964797,4.874964843,4.8749648325,4.8749645695,4.874964849,4.8749649335,4.8749647765,4.8749643835,4.8749643755,4.8749640965,4.8749642,4.874964907,4.874964545,4.8749642875,4.874964988,4.8749647955,4.8749648585,4.874964933,4.874964554,4.874964601
+"5626","FUNDC2P2",3.801622808,3.801622821,3.801622845,3.801622833,3.801622828,3.801622871,3.801622868,3.80162284,3.801622867,3.801622845,3.801622835,3.801622872,3.801622834,3.801622843,3.801622835,3.801622829,3.801622857,3.801622832,3.801622832,3.801622862,3.801622849,3.801622872,3.801622853,3.801622815,3.801622825,3.801622847,3.801622822,3.80162286
+"5627","FUNDC2P3",3.795538794,3.795538559,3.795538921,3.79553893,3.795538808,3.795538703,3.795538692,3.795538868,3.795538729,3.79553879,3.795538849,3.79553889,3.795538884,3.795538553,3.7955387,3.795538693,3.79553896,3.795538673,3.795538856,3.795538569,3.795538889,3.795538786,3.795538762,3.795538901,3.795538823,3.795538872,3.795538665,3.795538789
+"5628","FUOM",6.562066227,6.562066241,6.562066274,6.562066228,6.56206624,6.562066205,6.562066222,6.562066261,6.562066227,6.562066251,6.562066273,6.562066265,6.562066243,6.562066215,6.562066233,6.562066241,6.56206624,6.562066241,6.562066241,6.562066224,6.562066226,6.562066263,6.562066215,6.562066212,6.562066225,6.56206624,6.56206625,6.562066252
+"5629","FURIN",7.880904848,7.880904968,7.880906988,7.880906007,7.88090539,7.880906907,7.880905631,7.880906132,7.880906067,7.880905119,7.88090606,7.880905297,7.880905227,7.880903682,7.880905157,7.880904717,7.880906569,7.880905672,7.880905109,7.880905853,7.880905258,7.880905581,7.880905997,7.880905356,7.880905876,7.880905358,7.880905329,7.880904082
+"5630","FUS",9.056542273,9.056542473,9.056542271,9.056542117,9.056541972,9.056542245,9.056542137,9.056542202,9.056542329,9.056542132,9.056542029,9.05654212,9.056542475,9.056542601,9.056541941,9.056542469,9.056541879,9.056541942,9.056542151,9.056541892,9.05654202,9.056542198,9.056542194,9.05654223,9.056542095,9.05654233,9.056542518,9.056542417
+"5631","FUT1",6.306973353,6.306973488,6.306973654,6.306973556,6.306973659,6.306973245,6.306973484,6.306973713,6.30697357,6.306973443,6.306973615,6.306973677,6.306973515,6.30697329,6.306973483,6.306973618,6.306973644,6.306973823,6.3069734,6.306973566,6.306973448,6.306973612,6.306973524,6.306973583,6.30697371,6.306973487,6.306973539,6.306973484
+"5632","FUT10",5.454811822,5.454811725,5.454811778,5.454811543,5.454811751,5.454811279,5.454811895,5.454811711,5.454811762,5.454811509,5.454811185,5.454811868,5.454811525,5.454812161,5.454811825,5.454811754,5.454811796,5.454811534,5.454811757,5.454811483,5.454811848,5.454811739,5.454811708,5.454811722,5.45481133,5.454811681,5.454811475,5.454811977
+"5633","FUT11",7.22983523,7.229834671,7.22983471,7.229834229,7.229834645,7.229834787,7.229834906,7.229835073,7.229834722,7.229834854,7.22983461,7.229833816,7.229834819,7.229835139,7.229835075,7.229834576,7.229833842,7.229833971,7.229834432,7.229833861,7.229834862,7.229834702,7.229834937,7.229834859,7.229834405,7.229834631,7.229834755,7.229834808
+"5634","FUT2",4.601495436,4.601495462,4.601495506,4.601495462,4.601495602,4.601495389,4.601495479,4.601495546,4.601495476,4.601495523,4.601495474,4.60149558,4.601495443,4.601495421,4.601495536,4.601495541,4.601495572,4.601495597,4.601495441,4.601495551,4.601495563,4.601495474,4.601495433,4.601495464,4.60149555,4.601495525,4.601495461,4.601495551
+"5635","FUT3",4.824741123,4.824740974,4.824741598,4.824741318,4.824741776,4.82474136,4.824741482,4.824741718,4.824741456,4.824741412,4.824741505,4.824741593,4.824741401,4.824740886,4.824741433,4.824741491,4.824741946,4.824741484,4.824741547,4.824741402,4.824741653,4.824741666,4.824741327,4.824741016,4.824741415,4.824741647,4.824741184,4.824741515
+"5636","FUT5",5.943208246,5.943208095,5.943208575,5.9432081,5.94320895,5.943207826,5.943208136,5.943208904,5.943208211,5.943207583,5.943208497,5.943208588,5.943208205,5.943207612,5.94320854,5.943208241,5.943209504,5.943208248,5.943208258,5.943208305,5.943208768,5.94320865,5.943207987,5.943207559,5.943208056,5.943209011,5.943208007,5.943208655
+"5637","FUT6",5.475726406,5.475726261,5.475726453,5.475726395,5.475726571,5.475726285,5.475726433,5.475726523,5.475726356,5.475726351,5.475726454,5.475726494,5.475726356,5.475726273,5.475726486,5.475726456,5.475726532,5.475726489,5.475726389,5.475726399,5.475726533,5.475726536,5.475726327,5.475726352,5.475726473,5.475726457,5.475726343,5.475726477
+"5638","FUT7",6.332099444,6.332099666,6.332099475,6.332099767,6.332099451,6.332099403,6.332099571,6.332099574,6.3320994,6.332099478,6.332099405,6.332099275,6.332099391,6.332099301,6.332099601,6.332099784,6.332099385,6.332099891,6.332099687,6.332099761,6.332099637,6.332099605,6.332099761,6.332099591,6.332099665,6.332099498,6.332099452,6.332099204
+"5639","FUT8",6.509345016,6.509344599,6.50934384,6.509344326,6.509344386,6.50934445,6.509344869,6.509344014,6.509344763,6.509344684,6.50934353,6.509344463,6.509344927,6.509345337,6.509344854,6.509344364,6.50934375,6.509344174,6.509344701,6.509344171,6.509344856,6.509344278,6.509344991,6.509344478,6.509343837,6.509344626,6.50934508,6.509345229
+"5640","FUT9",2.893278046,2.893278183,2.893278209,2.893278109,2.893278172,2.893278117,2.893278144,2.893278067,2.893278155,2.893278157,2.893278323,2.893278194,2.893278231,2.893278008,2.893278159,2.893278246,2.893278147,2.893278154,2.893278125,2.893277998,2.89327801,2.893278179,2.893278239,2.893278162,2.893278197,2.893278018,2.893278054,2.893278218
+"5641","FUZ",6.593481563,6.593481699,6.593481718,6.593481764,6.593481614,6.593481602,6.593481579,6.593481713,6.593481542,6.593481586,6.593481577,6.593481615,6.593481691,6.593481537,6.593481647,6.593481702,6.593481784,6.593481737,6.593481686,6.593481717,6.593481624,6.593481685,6.59348162,6.593481555,6.593481587,6.593481651,6.593481659,6.593481639
+"5642","FXN",6.949876151,6.94987598,6.949875893,6.949875665,6.949876,6.94987601,6.949876104,6.949876025,6.949876302,6.94987608,6.949875691,6.949876067,6.949876056,6.949876191,6.949875878,6.949875803,6.949875821,6.94987567,6.949876039,6.949875791,6.949875908,6.949876036,6.949876221,6.949875986,6.949875571,6.949875949,6.949876069,6.949876157
+"5643","FXR1",7.168984918,7.168984743,7.168983432,7.168982824,7.168983136,7.168984079,7.168983294,7.168982726,7.16898459,7.168983619,7.16898218,7.168981877,7.16898359,7.168988073,7.168984009,7.168984496,7.168982461,7.168982813,7.168984601,7.168982542,7.168983576,7.168983293,7.168985083,7.168984099,7.168982918,7.168982808,7.168983673,7.168986427
+"5644","FXR2",6.875412013,6.875412136,6.875411962,6.875412045,6.875411829,6.875412221,6.875412121,6.875411936,6.875412108,6.875411972,6.875411981,6.875411775,6.875412076,6.875412244,6.875411946,6.875412279,6.875411738,6.875412089,6.875411963,6.875412097,6.87541188,6.87541202,6.875412159,6.875412118,6.875412079,6.875412074,6.875412026,6.875412022
+"5645","FXYD1",6.13666165,6.136661552,6.136661803,6.136661772,6.13666193,6.136661663,6.136661668,6.136661851,6.136661703,6.136661781,6.136661957,6.136661959,6.136661715,6.136661516,6.136661832,6.136661759,6.136661962,6.136661951,6.136661721,6.136661894,6.136661878,6.136661893,6.136661598,6.136661757,6.136661865,6.136661781,6.136661682,6.136661784
+"5646","FXYD3",5.833822023,5.833821889,5.833822122,5.833822125,5.833822379,5.833821854,5.833822232,5.833822343,5.833822097,5.833821976,5.833822166,5.833822319,5.833822084,5.833821861,5.833822278,5.833822117,5.83382237,5.833822128,5.833822025,5.83382206,5.833822336,5.833822249,5.833822027,5.833822072,5.833822124,5.833822246,5.833822031,5.833822103
+"5647","FXYD4",4.828445624,4.828445448,4.828445721,4.828445449,4.828446007,4.82844564,4.828445699,4.828446047,4.828445407,4.828445707,4.828445918,4.828445858,4.828445665,4.828445565,4.82844581,4.828445713,4.828445931,4.828445915,4.828445642,4.828445695,4.828445859,4.828445904,4.82844571,4.828445504,4.828445689,4.828445766,4.828445602,4.82844558
+"5648","FXYD5",9.006079963,9.006080378,9.006078551,9.006079131,9.006079549,9.006079835,9.006079154,9.006079148,9.006080501,9.006080817,9.006078577,9.00607953,9.006080364,9.006080112,9.006079387,9.006079079,9.006077979,9.00607881,9.00607956,9.006078259,9.006078899,9.00607938,9.006080114,9.006080077,9.006078158,9.00607958,9.006080413,9.006079571
+"5649","FXYD7",6.460347677,6.460347648,6.460347688,6.460347672,6.460347692,6.460347636,6.460347656,6.460347733,6.460347713,6.460347669,6.460347668,6.460347701,6.460347634,6.460347586,6.460347679,6.46034768,6.460347673,6.460347713,6.460347625,6.460347722,6.460347663,6.460347692,6.460347634,6.46034768,6.460347687,6.460347683,6.460347624,6.460347652
+"5650","FYB1",9.029073728,9.02907339,9.029072436,9.029073362,9.029072682,9.029073325,9.029073025,9.029072651,9.029073161,9.029072652,9.029072857,9.029071709,9.029073307,9.029073708,9.029073198,9.029073038,9.029071847,9.029073205,9.029073213,9.02907359,9.029073645,9.029072866,9.029073554,9.029073211,9.029073259,9.029072919,9.029073065,9.029072987
+"5651","FYB2",3.009772476,3.009772436,3.009772742,3.009772606,3.009772642,3.009772613,3.009772565,3.009772547,3.009772672,3.009772588,3.009772632,3.009772686,3.009772572,3.009772501,3.009772538,3.009772542,3.009772639,3.009772639,3.009772711,3.009772605,3.00977248,3.009772594,3.009772694,3.009772527,3.009772527,3.009772474,3.009772579,3.009772583
+"5652","FYCO1",6.905919638,6.905919358,6.905919217,6.905919242,6.905919472,6.905919545,6.905919508,6.905919559,6.905919442,6.905919511,6.905919507,6.905919327,6.905919562,6.90591951,6.905919593,6.905918783,6.905918816,6.90591926,6.905919342,6.905919158,6.905919559,6.905919284,6.905919294,6.905919416,6.905919311,6.905919452,6.905919584,6.905919207
+"5653","FYN",8.70881296,8.708811687,8.708811321,8.708811246,8.708811676,8.708811424,8.708812348,8.708811829,8.708812187,8.708811867,8.708811204,8.708811499,8.708812436,8.708812692,8.708812159,8.70881137,8.708810547,8.708810914,8.708811561,8.70881071,8.708812342,8.708811886,8.70881223,8.708811707,8.708811214,8.708812243,8.708812424,8.708811999
+"5654","FYTTD1",6.922622686,6.922621661,6.922622023,6.922621456,6.922621761,6.922622201,6.922622008,6.92262138,6.922621875,6.922621924,6.92262179,6.922620843,6.922622238,6.922623791,6.922622334,6.922621299,6.922621019,6.922621268,6.922622418,6.92262179,6.92262161,6.922621565,6.922622606,6.922621946,6.922621889,6.922621521,6.922622198,6.922623176
+"5655","FZD1",6.556017782,6.556017947,6.556018054,6.556017812,6.556018104,6.556017561,6.556017795,6.556018069,6.556017998,6.556018013,6.556017988,6.556018076,6.556017932,6.556017865,6.556018021,6.5560181,6.556018087,6.556018106,6.556017845,6.556017974,6.556018022,6.556018041,6.556017859,6.556018025,6.556018121,6.556017987,6.55601784,6.55601807
+"5656","FZD10",5.532836758,5.532836773,5.53283687,5.532836812,5.532836963,5.532836778,5.532836823,5.532836905,5.532836833,5.532836852,5.532836875,5.532836936,5.532836838,5.532836743,5.532836895,5.532836847,5.532836887,5.532836891,5.532836864,5.53283683,5.532836899,5.532836912,5.532836796,5.53283673,5.532836867,5.532836852,5.532836836,5.532836863
+"5657","FZD2",6.547054559,6.547054773,6.547054952,6.547054883,6.547055334,6.547055096,6.547054992,6.547055188,6.547054836,6.54705507,6.547055197,6.547055288,6.547054979,6.547054536,6.547055107,6.547054772,6.547055279,6.547054853,6.547054898,6.547054971,6.547054996,6.547055169,6.547054679,6.547054864,6.547054964,6.547054893,6.547054846,6.547054801
+"5658","FZD3",4.335706424,4.335706377,4.335706384,4.335706445,4.335706324,4.335706366,4.335706374,4.335706444,4.335706436,4.335706348,4.335706374,4.335706445,4.335706293,4.335706529,4.33570638,4.335706294,4.335706442,4.335706397,4.335706371,4.335706339,4.335706361,4.335706352,4.335706472,4.335706449,4.33570639,4.335706419,4.335706446,4.335706467
+"5659","FZD4",4.349589893,4.349589938,4.349590053,4.349589983,4.349590285,4.349589916,4.349590155,4.349590004,4.349590289,4.349589966,4.349589922,4.349590217,4.349590013,4.34958984,4.349590144,4.34959009,4.349590184,4.349590043,4.349589991,4.349589968,4.349590241,4.349590111,4.349589895,4.34958995,4.349589742,4.349590035,4.349589787,4.349590173
+"5660","FZD5",5.006167635,5.006167641,5.00616764,5.006167639,5.006167671,5.006167639,5.006167665,5.006167672,5.006167625,5.006167659,5.006167643,5.00616766,5.006167647,5.006167597,5.006167659,5.006167677,5.006167663,5.006167651,5.00616763,5.006167649,5.006167657,5.006167661,5.006167612,5.006167632,5.006167651,5.00616766,5.006167656,5.006167641
+"5661","FZD6",4.322630579,4.322630331,4.322630779,4.322630416,4.322630657,4.322630546,4.322630699,4.322630574,4.322630569,4.322630539,4.322630636,4.322630849,4.322630592,4.322630538,4.322630618,4.322630261,4.322630681,4.322630676,4.322630533,4.322630524,4.322630512,4.322630773,4.322630447,4.322630628,4.322630327,4.322630781,4.322630636,4.322630599
+"5662","FZD7",4.381018257,4.381018245,4.381018281,4.381018242,4.381018285,4.381018244,4.381018262,4.381018279,4.381018243,4.381018279,4.381018292,4.38101828,4.381018234,4.381018221,4.381018287,4.381018263,4.381018276,4.381018276,4.381018273,4.381018265,4.381018298,4.381018266,4.381018218,4.381018224,4.381018271,4.381018294,4.381018257,4.381018233
+"5663","FZD8",6.289354143,6.289354216,6.289354597,6.289354408,6.289354712,6.289354519,6.2893543,6.289354577,6.289354259,6.289354571,6.289354607,6.289354495,6.289354564,6.289353987,6.289354645,6.289354585,6.289354685,6.289354664,6.289354339,6.289354256,6.289354503,6.289354487,6.289354479,6.289354266,6.289354317,6.289354422,6.289354282,6.289354306
+"5664","FZD9",7.041931836,7.041931847,7.041932004,7.041931928,7.041932036,7.041931702,7.041931876,7.04193216,7.041931786,7.041931888,7.041932027,7.041932051,7.041931913,7.041931718,7.041932022,7.041932029,7.041932086,7.04193206,7.04193196,7.041931966,7.04193195,7.041932025,7.041931751,7.041931905,7.041932089,7.041931996,7.041931876,7.041931779
+"5665","FZR1",7.518689459,7.518689577,7.518689943,7.518689763,7.51868964,7.51869008,7.518689738,7.518689969,7.518689896,7.518689804,7.518689672,7.518689893,7.518689902,7.518689533,7.518689559,7.518689549,7.51868988,7.518689807,7.518689598,7.518689193,7.518689534,7.518689956,7.518689774,7.518689708,7.518689824,7.518689775,7.518689909,7.518689511
+"5666","G0S2",5.741953165,5.741952927,5.741953171,5.741953057,5.741953477,5.741953143,5.74195313,5.741953251,5.741953038,5.741953051,5.741953378,5.741953521,5.741953147,5.741952647,5.741953431,5.741953345,5.741953614,5.741953557,5.741952984,5.741953345,5.74195339,5.741953337,5.741952909,5.741953034,5.741953363,5.741953175,5.741953121,5.74195311
+"5667","G2E3",4.974597299,4.974596902,4.974596574,4.974596863,4.974596755,4.974596466,4.974596949,4.974596786,4.974597054,4.974596506,4.974596674,4.974596362,4.974596832,4.974597606,4.974596532,4.974596601,4.974596407,4.974596484,4.974596986,4.974596394,4.974596815,4.974596475,4.974596967,4.974596728,4.974596668,4.974596768,4.974596928,4.974596978
+"5668","G3BP1",8.534335341,8.534335373,8.534334309,8.534334161,8.534334797,8.534335121,8.534335144,8.534334409,8.534335361,8.534335303,8.534333977,8.534334311,8.534335419,8.53433662,8.534334953,8.534334896,8.534333098,8.534334004,8.534334866,8.534334477,8.534334649,8.534334311,8.534335461,8.534334908,8.53433359,8.534334847,8.534335064,8.534335833
+"5669","G3BP2",7.845625931,7.845626163,7.84562514,7.845625646,7.845625424,7.845625437,7.845625646,7.84562495,7.845625672,7.845625584,7.845625199,7.845624818,7.845625457,7.845626998,7.845625651,7.845625913,7.845624768,7.845625192,7.845625622,7.845624868,7.845625296,7.845625173,7.84562581,7.845625745,7.845624975,7.845625454,7.845625524,7.845626377
+"5670","G6PC1",3.723677966,3.723678027,3.723678109,3.723678064,3.72367808,3.723678198,3.723678119,3.723678173,3.723677973,3.723677984,3.723678115,3.723678106,3.723678054,3.723677933,3.723678103,3.723678098,3.723678214,3.723678068,3.723678134,3.723678079,3.723678087,3.723678151,3.723678063,3.723678135,3.72367804,3.723677946,3.723677998,3.723677969
+"5671","G6PC2",3.29037671,3.290376751,3.290376868,3.290376892,3.290376924,3.290376726,3.290376794,3.29037688,3.290376904,3.290376784,3.290376884,3.290376736,3.290376613,3.290376751,3.290376976,3.290376722,3.290377077,3.290376874,3.290376839,3.290376703,3.290376736,3.290376823,3.290376681,3.290376714,3.290376679,3.290376874,3.290376587,3.290376894
+"5672","G6PC3",6.604043065,6.604043076,6.60404306,6.604043038,6.604043075,6.604043031,6.604043046,6.604043075,6.604043056,6.60404306,6.604043088,6.604043056,6.604043072,6.60404305,6.604043048,6.604043039,6.604043085,6.604043055,6.604043075,6.604043061,6.604043045,6.604043099,6.604043032,6.60404309,6.604043033,6.604043061,6.604043097,6.604043052
+"5673","G6PD",8.948147701,8.948148596,8.948147627,8.948148686,8.94814812,8.948148606,8.948147929,8.948147903,8.948147586,8.9481478,8.948148058,8.948147254,8.948147793,8.948147538,8.948147843,8.948148346,8.948147716,8.948148411,8.948148146,8.948148078,8.948147779,8.948147546,8.948147986,8.948148285,8.948148317,8.948147761,8.948147673,8.948147571
+"5674","GAA",6.760265568,6.760265759,6.760265861,6.760266194,6.760265918,6.760265646,6.760265595,6.760265815,6.760265353,6.760265647,6.760265918,6.760265692,6.760265532,6.760265561,6.760265682,6.760265635,6.76026587,6.760266064,6.760265834,6.760265855,6.760265691,6.760265896,6.760265221,6.760265683,6.76026586,6.760265764,6.760265513,6.760265527
+"5675","GAB1",6.6208046815,6.6208047255,6.6208046935,6.620804783,6.6208046775,6.620804706,6.620804714,6.620804731,6.6208046655,6.6208046475,6.6208047535,6.6208046955,6.620804676,6.620804626,6.6208046835,6.620804709,6.6208046845,6.62080478,6.6208047105,6.6208046725,6.6208046995,6.620804678,6.620804706,6.620804729,6.6208047815,6.6208047065,6.6208046855,6.620804656
+"5676","GAB2",7.554177712,7.554178506,7.554178118,7.554179854,7.554177254,7.554178927,7.554178169,7.554178122,7.554177348,7.554177408,7.554178769,7.554176939,7.554177793,7.554177049,7.55417802,7.554178378,7.554178182,7.554179461,7.554178369,7.554178971,7.55417819,7.554177632,7.554178417,7.554178441,7.554179153,7.554177228,7.554177715,7.554176894
+"5677","GAB3",7.792280043,7.792279981,7.792279932,7.792279974,7.792279896,7.792280007,7.792280007,7.792279982,7.792279968,7.792279968,7.792279993,7.792279898,7.792279993,7.792279989,7.792280009,7.792279958,7.792279947,7.792279936,7.79227995,7.792279996,7.79227999,7.79227998,7.792280012,7.792280004,7.792280012,7.792279977,7.792279964,7.792279929
+"5678","GAB4",5.434815675,5.434815824,5.434815964,5.434816041,5.43481636,5.434815975,5.434816051,5.434816192,5.434815841,5.434816149,5.434816067,5.434816179,5.434815929,5.434815656,5.434816215,5.434816044,5.43481641,5.434816263,5.434816041,5.434816107,5.434816288,5.434816224,5.434815733,5.434815698,5.434816011,5.434816204,5.434815869,5.434816129
+"5679","GABARAP",9.668115331,9.668115433,9.668114068,9.6681152,9.668113853,9.668116153,9.668113856,9.668115407,9.668114788,9.668115111,9.668113982,9.668113761,9.668115008,9.668114625,9.668114154,9.668113201,9.668113712,9.66811468,9.668113903,9.668117003,9.668114312,9.668115061,9.668115312,9.668115777,9.668114816,9.668114983,9.668114604,9.668113819
+"5680","GABARAPL1",6.474553835,6.474554435,6.474553875,6.474554646,6.474553337,6.474553434,6.474553697,6.474553899,6.474553433,6.474553717,6.474554092,6.4745539,6.474553549,6.474553532,6.474553804,6.474554694,6.474553803,6.474554523,6.474554026,6.474553716,6.474553525,6.474553956,6.474553938,6.474554297,6.474554235,6.474553877,6.474553486,6.474553389
+"5681","GABARAPL2",9.884189496,9.884189198,9.884189355,9.884189714,9.884187894,9.884189797,9.884189055,9.884190887,9.884189672,9.88418877,9.884189806,9.884190692,9.884187694,9.884187079,9.88418833,9.884188065,9.884187886,9.884189247,9.884187443,9.884189791,9.884188788,9.884189132,9.884189693,9.884189242,9.884189082,9.884190905,9.884188567,9.884186854
+"5682","GABARAPL3",4.230727711,4.230727766,4.230727713,4.23072782,4.230727784,4.230727649,4.230727624,4.230727741,4.230727666,4.230727805,4.230727749,4.23072775,4.230727666,4.230727628,4.230727768,4.23072772,4.230727762,4.230727797,4.230727634,4.230727807,4.230727647,4.230727649,4.230727762,4.230727795,4.230727877,4.230727724,4.230727729,4.230727721
+"5683","GABBR1",6.43268299,6.432682471,6.43268325233333,6.43268302833333,6.43268312,6.43268286933333,6.43268337833333,6.432683366,6.43268327833333,6.432683243,6.43268302866667,6.43268292166667,6.43268329933333,6.432682478,6.43268315733333,6.43268245733333,6.43268264266667,6.43268274366667,6.432683306,6.432681702,6.43268320133333,6.43268319933333,6.432682882,6.43268334966667,6.43268302366667,6.43268341733333,6.43268319766667,6.43268254733333
+"5684","GABBR2",4.619036054,4.619036081,4.619036093,4.619035902,4.619036618,4.619036285,4.619036254,4.619036333,4.619036324,4.619036399,4.619036332,4.619036653,4.619036317,4.619035828,4.619036422,4.61903595,4.619036529,4.619036307,4.619036059,4.619036166,4.619036399,4.619036419,4.619036118,4.619036088,4.619036079,4.619036381,4.619036124,4.61903641
+"5685","GABPA",6.4088512935,6.408851107,6.4088513115,6.408851108,6.4088513885,6.4088511405,6.408851209,6.408851228,6.4088512905,6.408851243,6.4088512845,6.408851415,6.408851055,6.40885126,6.4088512335,6.408851145,6.4088513085,6.4088511195,6.408851274,6.408851197,6.408851268,6.4088511505,6.4088513275,6.4088511755,6.4088513095,6.408851249,6.4088510525,6.408851414
+"5686","GABPB1",5.597208225,5.597208226,5.597208006,5.597208139,5.597207963,5.597208028,5.597208022,5.597208013,5.597207953,5.597208078,5.597207956,5.597207839,5.597208087,5.59720853,5.597208043,5.597208074,5.597207896,5.597207789,5.597208077,5.597207951,5.597207903,5.597207879,5.597208146,5.597208025,5.597207938,5.597207808,5.597208101,5.597208366
+"5687","GABPB2",6.372031063,6.37203062,6.372030477,6.372030561,6.372030816,6.372030713,6.372030848,6.372030818,6.372031275,6.372030962,6.372030608,6.372030765,6.372031108,6.372031239,6.372031149,6.372030367,6.372030559,6.372030636,6.37203088,6.372030771,6.372030676,6.372030835,6.372030989,6.372030866,6.372030719,6.372030869,6.372031033,6.372030945
+"5688","GABRA1",3.926915015,3.926915019,3.926915023,3.926915015,3.926915018,3.926915019,3.926915021,3.926915039,3.926915021,3.926915029,3.926915018,3.926915022,3.92691502,3.926915017,3.92691503,3.926915016,3.926915021,3.926915033,3.926915014,3.926915026,3.926915021,3.926915026,3.926915014,3.926915005,3.926915012,3.926915027,3.926915022,3.926915012
+"5689","GABRA2",3.335070769,3.335070741,3.335070784,3.335070776,3.335070789,3.335070785,3.335070771,3.335070765,3.335070768,3.335070737,3.335070772,3.335070841,3.335070754,3.335070751,3.335070774,3.335070785,3.335070774,3.335070766,3.335070751,3.33507073,3.335070748,3.335070793,3.335070748,3.335070771,3.335070761,3.33507077,3.335070765,3.335070771
+"5690","GABRA3",3.345982125,3.34598209,3.345982177,3.345982149,3.34598217,3.345982101,3.345982088,3.34598215,3.345982138,3.345982115,3.345982193,3.345982258,3.345982062,3.345982076,3.345982206,3.345982132,3.345982163,3.345982141,3.345982218,3.345982188,3.345982181,3.345982194,3.345982162,3.345982102,3.34598215,3.345982161,3.345982138,3.34598214
+"5691","GABRA4",3.954026281,3.954026282,3.954026278,3.954026274,3.954026316,3.954026283,3.954026279,3.954026303,3.954026292,3.954026292,3.954026298,3.954026278,3.954026299,3.954026291,3.954026285,3.954026299,3.954026319,3.954026286,3.954026292,3.954026324,3.954026295,3.954026306,3.95402629,3.954026293,3.954026287,3.954026298,3.954026263,3.954026266
+"5692","GABRA5",4.656099961,4.656100008,4.656100018,4.656100008,4.656099992,4.656099988,4.6561,4.656100025,4.6561,4.656099999,4.656100009,4.656100005,4.656099996,4.6561,4.656099995,4.656100033,4.656100028,4.656100022,4.656100003,4.656099991,4.656099977,4.656099987,4.656100013,4.656099983,4.656100004,4.656099998,4.656100029,4.656099984
+"5693","GABRA6",4.229478689,4.229478633,4.22947872,4.229478664,4.229478735,4.22947866,4.229478764,4.229478792,4.229478643,4.229478664,4.229478748,4.229478835,4.229478666,4.229478708,4.229478801,4.229478729,4.229478921,4.229478755,4.229478728,4.229478801,4.229478769,4.229478766,4.229478694,4.229478609,4.229478767,4.229478751,4.229478609,4.229478679
+"5694","GABRB1",3.219744302,3.219744351,3.219744333,3.219744365,3.219744375,3.219744427,3.219744385,3.219744362,3.219744356,3.219744385,3.219744412,3.21974433,3.219744319,3.219744346,3.219744283,3.219744274,3.219744398,3.219744367,3.219744401,3.219744445,3.219744351,3.219744313,3.219744288,3.219744417,3.219744419,3.219744332,3.21974438,3.219744387
+"5695","GABRB2",4.284042302,4.284042266,4.284042458,4.284042367,4.284042371,4.284042315,4.284042316,4.284042467,4.284042476,4.284042382,4.284042398,4.284042419,4.284042293,4.284042262,4.284042432,4.284042489,4.284042356,4.284042399,4.284042317,4.284042461,4.2840424,4.284042484,4.284042357,4.284042397,4.28404244,4.284042309,4.284042272,4.284042452
+"5696","GABRB3",5.697256445,5.697256626,5.697256804,5.697256635,5.697256848,5.69725633,5.697256529,5.69725671,5.697256673,5.697256739,5.697256798,5.69725668,5.697256718,5.697256479,5.697256734,5.697256851,5.697256711,5.697256848,5.697256652,5.697256533,5.697256703,5.697256772,5.697256556,5.697256728,5.697256751,5.697256639,5.697256631,5.697256775
+"5697","GABRD",5.731533763,5.731533674,5.731534055,5.731533886,5.731534113,5.731533712,5.731533829,5.731534092,5.73153385,5.731533851,5.731534079,5.731534235,5.731533969,5.731533489,5.731533914,5.731533927,5.731534188,5.73153405,5.731533916,5.731533982,5.731533927,5.731534103,5.731533886,5.731533617,5.731533987,5.731534064,5.731533892,5.731533918
+"5698","GABRE",4.066604259,4.066604239,4.066604268,4.066604273,4.066604316,4.066604272,4.066604299,4.066604264,4.066604298,4.066604289,4.066604262,4.066604314,4.066604274,4.066604204,4.06660431,4.066604265,4.066604327,4.06660428,4.066604311,4.066604273,4.06660433,4.066604298,4.066604239,4.066604258,4.066604237,4.066604337,4.066604225,4.066604294
+"5699","GABRG1",2.655245466,2.655245607,2.655245635,2.655245491,2.655245566,2.655245818,2.655245517,2.655245601,2.655245524,2.655245656,2.655245563,2.655245663,2.655245457,2.655245551,2.655245585,2.65524562,2.6552456,2.655245473,2.655245742,2.65524553,2.65524563,2.655245583,2.655245422,2.655245515,2.655245489,2.655245658,2.655245481,2.655245505
+"5700","GABRG2",3.449317285,3.449317379,3.449317409,3.449317396,3.449317492,3.449317548,3.449317666,3.449317491,3.449317398,3.449317421,3.449317323,3.449317678,3.44931721,3.449316955,3.449317701,3.44931747,3.449317851,3.449317252,3.44931747,3.449317308,3.449317321,3.449317437,3.449317286,3.449317267,3.449317362,3.449317543,3.449317299,3.44931734
+"5701","GABRG3",3.999476919,3.999476866,3.999477008,3.999476985,3.999476999,3.999476945,3.999476959,3.999477099,3.999477099,3.99947685,3.999476865,3.999477067,3.999476928,3.999476738,3.99947697,3.999476832,3.999477002,3.999477074,3.999476972,3.999476994,3.999476934,3.999477072,3.999476934,3.999476874,3.999477013,3.999476939,3.999476915,3.99947702
+"5702","GABRP",4.621974109,4.621974123,4.621974011,4.621974158,4.621974261,4.621973844,4.621973968,4.621974095,4.621973983,4.621973963,4.621973954,4.621974039,4.621974117,4.621974005,4.621974026,4.621974169,4.621973947,4.621973978,4.621974125,4.621974043,4.621974119,4.62197411,4.621974015,4.621973934,4.621973993,4.621974112,4.621974037,4.621973928
+"5703","GABRQ",3.974286612,3.974286634,3.974286733,3.974286697,3.974286748,3.974286783,3.974286696,3.974286657,3.974286595,3.974286638,3.974286695,3.97428693,3.97428657,3.974286623,3.974286802,3.974286465,3.974286889,3.974286754,3.974286845,3.974286621,3.974286744,3.97428672,3.974286734,3.974286587,3.974286654,3.97428668,3.974286597,3.974286659
+"5704","GABRR1",3.937445426,3.93744545,3.937445472,3.937445455,3.93744546,3.937445485,3.937445464,3.937445459,3.937445469,3.937445433,3.937445469,3.937445481,3.937445438,3.937445427,3.937445472,3.937445425,3.937445458,3.937445485,3.937445491,3.937445459,3.937445445,3.937445484,3.93744544,3.937445422,3.937445443,3.937445416,3.937445435,3.937445436
+"5705","GABRR2",5.770681136,5.770681009,5.770680922,5.770681371,5.770681173,5.770681037,5.77068151,5.770681132,5.770681049,5.770681027,5.770681108,5.770681216,5.770680759,5.770680824,5.77068124,5.770681311,5.770681414,5.770681208,5.770680985,5.770681422,5.770681488,5.770681257,5.77068099,5.770680911,5.770681026,5.770680968,5.770681044,5.770681131
+"5706","GABRR3",2.63920586,2.639206116,2.639206032,2.639206064,2.639206041,2.639206144,2.639206037,2.639206071,2.639206072,2.639206133,2.639206114,2.639206098,2.639205965,2.639205968,2.639206047,2.639206114,2.639206318,2.639205972,2.639205976,2.639206038,2.639205895,2.639206007,2.639206033,2.639205994,2.639206084,2.639205973,2.639206052,2.639206132
+"5707","GAD1",4.437210351,4.437210372,4.437210526,4.437210388,4.437210513,4.437210409,4.437210412,4.437210499,4.437210357,4.437210422,4.437210427,4.437210599,4.437210446,4.437210299,4.437210497,4.437210482,4.437210512,4.437210514,4.437210502,4.437210376,4.437210419,4.437210474,4.43721032,4.437210326,4.437210411,4.437210387,4.43721032,4.437210523
+"5708","GAD2",4.148197934,4.148197998,4.148198055,4.148198054,4.148198102,4.148198044,4.148197963,4.148198148,4.148198021,4.148197999,4.148198022,4.148198104,4.14819805,4.1481979,4.148198167,4.148198066,4.148197988,4.148198122,4.148197933,4.148198038,4.148198004,4.148198085,4.148198017,4.148198057,4.148198014,4.148198089,4.148198019,4.148197965
+"5709","GADD45A",5.659782151,5.659782556,5.659782222,5.659782447,5.659782423,5.659781837,5.659782538,5.659782209,5.659782383,5.659782316,5.65978247,5.659782248,5.659782071,5.659782214,5.659782216,5.659782408,5.659782095,5.659782105,5.659782207,5.65978211,5.659782497,5.659782003,5.659782372,5.659782482,5.659782445,5.659782319,5.659782229,5.65978217
+"5710","GADD45B",7.502832953,7.502833328,7.502832933,7.502833148,7.502833251,7.502833922,7.502832987,7.502833214,7.502833267,7.502832929,7.502832951,7.502833065,7.502833249,7.50283297,7.502833154,7.502833719,7.502833422,7.502833495,7.502833355,7.502834299,7.502833348,7.502833515,7.502833295,7.502833059,7.502832989,7.502833051,7.502833064,7.502833075
+"5711","GADD45G",5.55710609,5.557106094,5.557106098,5.557106083,5.557106123,5.557106104,5.557106104,5.557106123,5.557106101,5.557106097,5.557106114,5.557106122,5.557106105,5.557106065,5.557106117,5.557106113,5.557106131,5.557106112,5.5571061,5.557106104,5.55710612,5.55710611,5.557106092,5.557106102,5.557106098,5.55710611,5.557106091,5.557106096
+"5712","GADD45GIP1",7.224373924,7.22437394,7.224374006,7.22437389,7.224374147,7.224373951,7.224374056,7.224374063,7.224374011,7.224374027,7.224374066,7.224374176,7.224373992,7.224373878,7.224374082,7.22437404,7.224374154,7.224374044,7.22437401,7.224373999,7.224374062,7.224374093,7.22437391,7.22437388,7.224373967,7.224374095,7.22437392,7.224374055
+"5713","GADL1",3.45645984,3.456459763,3.456459894,3.456459868,3.456459926,3.456459762,3.456459747,3.456459903,3.456459732,3.456459723,3.456459869,3.456459818,3.456459858,3.456459787,3.456459841,3.45645972,3.456459903,3.456459861,3.456459807,3.456459888,3.456459827,3.45645987,3.456459784,3.456459767,3.456459893,3.456459837,3.456459741,3.456459849
+"5714","GAK",7.942140304,7.942140314,7.942140294,7.942140322,7.94214027,7.942140341,7.942140305,7.942140281,7.942140284,7.942140315,7.942140285,7.942140254,7.942140304,7.942140279,7.942140264,7.942140299,7.942140249,7.942140287,7.942140286,7.942140333,7.942140275,7.942140267,7.942140303,7.942140304,7.942140296,7.942140281,7.942140328,7.942140253
+"5715","GAL",5.300946831,5.300946884,5.300947171,5.300946719,5.300947554,5.300947003,5.300947274,5.30094725,5.300946948,5.300947149,5.300947065,5.30094759,5.300946847,5.300946476,5.300947003,5.300946956,5.300947348,5.300947075,5.300947166,5.300947108,5.300947368,5.300947259,5.300946675,5.300946685,5.300947192,5.30094722,5.300947201,5.300947164
+"5716","GAL3ST1",5.162980713,5.162980726,5.162980728,5.162980734,5.162980751,5.162980691,5.162980741,5.162980734,5.162980713,5.162980709,5.162980734,5.162980724,5.162980719,5.162980716,5.162980737,5.162980735,5.162980737,5.162980745,5.162980724,5.162980738,5.162980738,5.162980722,5.162980726,5.162980717,5.162980724,5.162980728,5.162980717,5.162980722
+"5717","GAL3ST3",5.463196536,5.463196513,5.463196595,5.463196415,5.463196708,5.463196578,5.463196592,5.463196688,5.463196648,5.463196583,5.463196649,5.463196768,5.4631966,5.463196407,5.463196686,5.463196515,5.463196755,5.463196634,5.463196585,5.463196584,5.463196683,5.463196676,5.463196601,5.463196511,5.463196491,5.463196611,5.463196542,5.463196579
+"5718","GAL3ST4",5.936989627,5.936989621,5.936989639,5.936989634,5.936989662,5.936989633,5.936989625,5.936989636,5.936989652,5.936989648,5.936989645,5.936989657,5.936989611,5.93698962,5.936989638,5.936989644,5.936989648,5.936989638,5.936989634,5.93698963,5.936989637,5.936989644,5.936989647,5.936989625,5.936989626,5.93698965,5.936989635,5.936989639
+"5719","GALC",7.140505945,7.140506076,7.140505838,7.14050576,7.140505672,7.140505796,7.140505826,7.140505591,7.140505783,7.140505717,7.140505547,7.140505061,7.140505968,7.140506104,7.140505688,7.140505908,7.140505383,7.140505571,7.140505672,7.140505726,7.140505691,7.140505641,7.140505824,7.140506125,7.140505614,7.140505528,7.140505873,7.140505791
+"5720","GALE",5.29244472,5.292444739,5.292444819,5.292444808,5.292444697,5.292444713,5.292444792,5.292444782,5.292444772,5.292444776,5.292444806,5.29244468,5.292444808,5.292444742,5.292444777,5.29244483,5.292444858,5.292444841,5.292444784,5.29244481,5.292444795,5.292444855,5.292444727,5.292444812,5.292444813,5.292444764,5.292444758,5.292444756
+"5721","GALK1",6.827619038,6.827619056,6.82761922,6.827619217,6.827619401,6.827619102,6.827619201,6.827619367,6.827619181,6.827619275,6.827619226,6.827619388,6.827619077,6.827618939,6.827619338,6.827619111,6.827619439,6.82761932,6.827619297,6.827619272,6.827619243,6.8276194,6.827618984,6.827619116,6.827619149,6.827619221,6.827619157,6.827619166
+"5722","GALK2",6.060351756,6.060351738,6.060351728,6.060351679,6.060351744,6.060351738,6.060351758,6.060351744,6.060351768,6.060351741,6.060351705,6.060351688,6.06035175,6.060351791,6.060351736,6.060351744,6.060351725,6.060351713,6.060351745,6.060351717,6.060351739,6.060351738,6.060351766,6.060351762,6.060351723,6.060351734,6.060351743,6.060351753
+"5723","GALM",6.097122241,6.097122441,6.097121932,6.097122528,6.097122219,6.097122649,6.097122589,6.09712206,6.09712234,6.097121989,6.097121803,6.097121737,6.097122015,6.097122289,6.097122072,6.097122164,6.097121741,6.097122448,6.097122122,6.097122688,6.097122462,6.09712211,6.0971224,6.097122224,6.097121993,6.097122107,6.097121978,6.097122216
+"5724","GALNS",7.651564169,7.651564229,7.651564144,7.651564367,7.651564206,7.65156443,7.651564288,7.651564234,7.651564235,7.651564177,7.651564148,7.651564122,7.65156422,7.65156413,7.651564229,7.651564245,7.651564183,7.651564315,7.65156428,7.651564214,7.651564182,7.651564291,7.651564219,7.651564243,7.651564288,7.651564211,7.651564264,7.651564166
+"5725","GALNT1",5.807727946,5.807728189,5.80772771,5.807727968,5.807727675,5.807727278,5.807727852,5.807727685,5.807727836,5.807727744,5.807727621,5.807727243,5.807727823,5.807728785,5.807727786,5.807727939,5.80772765,5.807727845,5.807727934,5.807727147,5.807727719,5.807727733,5.807727819,5.807728015,5.80772776,5.807727676,5.807727742,5.807728283
+"5726","GALNT10",7.472825771,7.472825758,7.4728257,7.472825737,7.472825727,7.472825752,7.472825749,7.472825777,7.472825763,7.472825796,7.472825752,7.472825705,7.472825749,7.472825735,7.472825745,7.472825768,7.472825694,7.472825702,7.472825751,7.472825756,7.472825733,7.472825734,7.472825752,7.472825794,7.47282574,7.472825758,7.472825749,7.472825731
+"5727","GALNT11",6.998167601,6.998167432,6.998167356,6.998167367,6.998167262,6.998167359,6.998167346,6.998167355,6.998167502,6.998167373,6.998167257,6.998167308,6.998167442,6.998167576,6.998167341,6.998167322,6.99816719,6.998167228,6.998167403,6.99816745,6.998167397,6.998167331,6.998167469,6.998167498,6.998167262,6.998167385,6.998167504,6.998167452
+"5728","GALNT12",5.365958049,5.365958337,5.365958426,5.36595828,5.365958282,5.365958232,5.365958154,5.365958349,5.36595857,5.365958519,5.365958152,5.365958489,5.365958332,5.365958565,5.365957952,5.365958347,5.365958017,5.365958054,5.365958187,5.365958214,5.365958057,5.365958199,5.365958417,5.365958262,5.365958316,5.365958464,5.365958386,5.365958245
+"5729","GALNT13",3.107519853,3.107519769,3.107519879,3.107519897,3.107519954,3.107520001,3.107519896,3.107519946,3.107519898,3.10752,3.107519774,3.107519914,3.107519938,3.107519934,3.107520044,3.107519905,3.107520064,3.107519841,3.107519924,3.107519873,3.107519988,3.107519917,3.107519868,3.10751982,3.107519994,3.107519881,3.107519959,3.107519916
+"5730","GALNT14",5.390159141,5.390159926,5.3901595,5.390160899,5.390159852,5.390159712,5.390160902,5.390159554,5.390160055,5.390160223,5.390159912,5.390159825,5.390159419,5.390159187,5.390159469,5.390159505,5.390159754,5.390160829,5.390160649,5.390159608,5.390160463,5.39015955,5.390160575,5.390160775,5.390160318,5.390160003,5.390159513,5.390159439
+"5731","GALNT15",4.39454965,4.394549648,4.394549676,4.394549683,4.394549708,4.394549646,4.394549714,4.3945497,4.394549665,4.394549688,4.394549693,4.394549665,4.394549701,4.394549621,4.394549724,4.394549698,4.394549755,4.394549776,4.394549627,4.394549668,4.394549732,4.394549708,4.394549667,4.394549671,4.394549683,4.394549697,4.394549688,4.394549714
+"5732","GALNT16",5.096500784,5.096500725,5.096500822,5.096500705,5.096500846,5.096500693,5.096500799,5.096500746,5.096500784,5.096500805,5.096500797,5.096500849,5.096500699,5.096500635,5.096500857,5.096500655,5.096500855,5.096500786,5.096500776,5.096500713,5.096500805,5.096500822,5.096500716,5.096500703,5.096500772,5.096500802,5.096500681,5.096500751
+"5733","GALNT17",4.305653606,4.305653607,4.305653664,4.30565363,4.30565361,4.305653623,4.305653568,4.305653657,4.305653578,4.30565369,4.305653541,4.305653618,4.30565359,4.305653531,4.305653624,4.305653633,4.305653657,4.305653663,4.305653592,4.305653629,4.305653598,4.305653597,4.305653589,4.305653614,4.305653595,4.305653562,4.305653564,4.305653608
+"5734","GALNT18",4.412580637,4.412580669,4.412580768,4.412580673,4.412580826,4.412580722,4.412580743,4.412580716,4.412580692,4.412580646,4.412580748,4.412580774,4.412580685,4.412580634,4.412580746,4.41258067,4.412580814,4.412580805,4.412580744,4.412580716,4.412580706,4.412580778,4.412580667,4.412580616,4.412580789,4.412580726,4.412580689,4.412580632
+"5735","GALNT2",7.216369444,7.216369579,7.21636941,7.216369464,7.216369371,7.21636946,7.216369444,7.216369442,7.216369194,7.216369508,7.216369535,7.216369439,7.216369418,7.216369451,7.216369376,7.216369523,7.216369333,7.216369332,7.2163694,7.216369436,7.216369413,7.21636928,7.216369346,7.216369514,7.216369386,7.2163693,7.216369412,7.216369446
+"5736","GALNT3",5.35847645,5.358476504,5.358476152,5.358476426,5.358475984,5.358476436,5.358476269,5.358476013,5.358476095,5.358476151,5.358476233,5.358475723,5.358476254,5.358476518,5.358476449,5.3584765,5.358476226,5.358476364,5.358476359,5.358476381,5.358476372,5.358476136,5.358476307,5.358476431,5.358476346,5.358476068,5.358476232,5.358476186
+"5737","GALNT5",3.820411447,3.820411422,3.820411592,3.820411403,3.820411518,3.820411478,3.820411511,3.820411513,3.82041152,3.820411498,3.820411507,3.820411517,3.820411492,3.820411479,3.820411509,3.820411454,3.820411556,3.82041145,3.820411413,3.820411515,3.820411543,3.820411484,3.820411445,3.820411575,3.820411537,3.820411532,3.820411448,3.8204115
+"5738","GALNT6",6.152103018,6.152102895,6.152102579,6.152102712,6.152102996,6.15210306,6.152102886,6.152102891,6.152102828,6.152102964,6.152103091,6.152102639,6.152103036,6.152103115,6.152102964,6.152102627,6.152102687,6.152102652,6.152102904,6.152102881,6.152103008,6.152102948,6.152102881,6.152103007,6.152102866,6.152102851,6.152102955,6.152102878
+"5739","GALNT7",6.634116842,6.634117546,6.634116071,6.634117256,6.634116227,6.63411562,6.634116215,6.634115976,6.634116108,6.634116003,6.634116431,6.634115168,6.634116437,6.63411757,6.634116787,6.634117493,6.634115465,6.634116729,6.634116814,6.634116072,6.634116526,6.634115892,6.634116517,6.634116907,6.634116587,6.634115997,6.634115935,6.634116714
+"5740","GALNT8",4.185295302,4.185295309,4.185295346,4.185295322,4.185295331,4.185295323,4.18529534,4.185295323,4.185295359,4.185295332,4.185295318,4.185295359,4.185295319,4.18529532,4.185295336,4.185295335,4.185295369,4.185295349,4.185295333,4.185295347,4.18529534,4.185295346,4.185295331,4.185295337,4.185295333,4.18529533,4.185295342,4.185295332
+"5741","GALNT9",5.46359972,5.463599872,5.463599928,5.463599797,5.46360016,5.463599734,5.463599809,5.463599846,5.463599882,5.46359974,5.463599917,5.463599961,5.463599848,5.463599506,5.463599902,5.463599942,5.463599902,5.463599971,5.463599799,5.463599743,5.463599729,5.463600029,5.463599759,5.463599748,5.463599825,5.463599826,5.463599746,5.463599909
+"5742","GALNTL5",3.088663782,3.088663636,3.088663606,3.08866384,3.088664152,3.088663674,3.088663808,3.088663714,3.08866381,3.088663761,3.088663788,3.088664219,3.088663857,3.088663963,3.088663985,3.088663871,3.088664148,3.088663962,3.088663755,3.088663778,3.088663973,3.08866392,3.08866357,3.088663693,3.088663729,3.088663895,3.088663759,3.088664033
+"5743","GALNTL6",4.318493366,4.318493387,4.318493399,4.318493367,4.318493401,4.318493388,4.318493384,4.318493409,4.318493393,4.318493392,4.318493406,4.318493415,4.318493388,4.318493355,4.318493394,4.318493403,4.318493412,4.318493396,4.318493394,4.318493385,4.318493388,4.318493408,4.318493384,4.318493362,4.318493387,4.318493396,4.318493373,4.318493373
+"5744","GALP",4.645966176,4.645966208,4.645966268,4.645966144,4.645966289,4.645966213,4.645966263,4.645966267,4.645966196,4.645966175,4.645966232,4.645966269,4.645966174,4.64596615,4.645966262,4.645966224,4.645966246,4.645966226,4.645966213,4.645966268,4.645966236,4.645966285,4.645966138,4.645966198,4.645966213,4.645966191,4.645966165,4.645966204
+"5745","GALR1",4.638608832,4.638608848,4.638608872,4.638608816,4.638608921,4.638608883,4.63860887,4.638608858,4.638608838,4.638608829,4.638608836,4.638608831,4.638608831,4.638608787,4.638608872,4.638608833,4.638608898,4.638608833,4.638608872,4.63860888,4.638608877,4.638608865,4.638608851,4.638608807,4.638608856,4.638608849,4.638608818,4.638608839
+"5746","GALR2",5.72059235,5.720592419,5.720592485,5.720592457,5.720592533,5.72059232,5.720592423,5.720592512,5.720592296,5.720592365,5.720592451,5.72059246,5.720592353,5.72059222,5.720592419,5.720592431,5.720592601,5.720592479,5.720592384,5.720592391,5.720592469,5.720592514,5.720592363,5.720592327,5.720592407,5.720592531,5.720592384,5.720592321
+"5747","GALR3",7.113741818,7.113741643,7.11374187,7.113741628,7.113742524,7.113741843,7.113742124,7.11374228,7.113741875,7.113742022,7.113742208,7.113742512,7.113741899,7.113741234,7.113742185,7.113741714,7.113742244,7.113742002,7.113742169,7.113742065,7.113742184,7.113742243,7.113741708,7.1137414,7.11374192,7.113742223,7.113741915,7.113741873
+"5748","GALT",7.07592675,7.075926581,7.075926396,7.075926466,7.075926524,7.075926799,7.075926584,7.075926637,7.075926806,7.075926735,7.075926146,7.075926731,7.075926793,7.075926781,7.075926438,7.075926494,7.075926055,7.075926192,7.075926526,7.075926536,7.07592634,7.075926705,7.075926542,7.075926521,7.075926265,7.075926712,7.075926834,7.075926659
+"5749","GAMT",6.679009804,6.679009855,6.679010002,6.679009882,6.679010074,6.679009879,6.679009952,6.679009991,6.679009921,6.679009967,6.67900998,6.679010054,6.679009933,6.679009666,6.679009965,6.679009948,6.679010058,6.67901001,6.679009967,6.679009884,6.679009974,6.679010064,6.679009844,6.679009842,6.679009922,6.679009994,6.679009966,6.679009955
+"5750","GAN",6.3033361,6.303336075,6.303336063,6.303336059,6.303336021,6.303336019,6.303336047,6.30333604,6.303336047,6.303336116,6.303336044,6.303335997,6.303336065,6.303336116,6.303336073,6.303336045,6.303336013,6.303336046,6.303336045,6.303336019,6.303336021,6.303335997,6.303336072,6.303336054,6.303336055,6.303336041,6.303336087,6.303336071
+"5751","GANAB",8.138659422,8.138659597,8.138659158,8.138659298,8.138659289,8.138659408,8.138659358,8.138659064,8.138659641,8.138659599,8.138659316,8.138659122,8.138659544,8.138659863,8.138659194,8.13865941,8.138658902,8.138659249,8.138659243,8.138659385,8.138659107,8.138659252,8.13865953,8.138659416,8.138658951,8.138659526,8.138659624,8.138659443
+"5752","GAP43",4.408172072,4.408172187,4.408172044,4.408172198,4.40817228,4.408172299,4.408172077,4.408172124,4.408172172,4.408172152,4.408172211,4.408172194,4.408172042,4.408172023,4.408172171,4.40817234,4.4081722,4.408172455,4.408172152,4.408172284,4.408172123,4.408172082,4.408171973,4.408172018,4.408172123,4.408172098,4.408172254,4.408172352
+"5753","GAPDH",11.36584922,11.36584811,11.36584873,11.36584908,11.36584867,11.36584915,11.36584988,11.36584749,11.36584855,11.36584895,11.36584838,11.36584844,11.36584924,11.36584889,11.36584873,11.36584721,11.36584846,11.36584826,11.36584849,11.36584861,11.36584981,11.36584829,11.36584912,11.36584924,11.36584786,11.36584874,11.36584919,11.36584783
+"5754","GAPDHS",4.8876164,4.887616527,4.887616558,4.88761636,4.887616504,4.887616362,4.88761636,4.887616556,4.887616592,4.887616555,4.887616553,4.88761647,4.887616455,4.887616348,4.887616368,4.887616591,4.887616424,4.887616499,4.887616328,4.887616508,4.887616394,4.887616478,4.887616501,4.887616525,4.887616614,4.887616451,4.887616407,4.88761645
+"5755","GAPT",6.197559867,6.197560316,6.197559941,6.197559872,6.19756087,6.197559478,6.197561371,6.197558568,6.197559745,6.197561025,6.197561203,6.197558994,6.197559275,6.197562786,6.197559159,6.197559907,6.197559079,6.197558791,6.197561687,6.197560321,6.197561263,6.197559127,6.197560248,6.197561257,6.197561682,6.197559608,6.197559148,6.197562064
+"5756","GAPVD1",7.350985629,7.350985609,7.350985562,7.350985673,7.350985531,7.350985622,7.350985631,7.350985588,7.350985595,7.350985617,7.350985589,7.350985584,7.35098559,7.350985691,7.350985568,7.350985543,7.350985538,7.350985581,7.35098562,7.350985591,7.350985578,7.350985545,7.350985628,7.350985644,7.350985618,7.350985617,7.350985603,7.350985572
+"5757","GAR1",6.569755638,6.569755639,6.569755657,6.569755658,6.569755665,6.569755614,6.569755661,6.569755674,6.569755659,6.569755658,6.569755641,6.569755666,6.569755645,6.569755648,6.569755654,6.569755666,6.569755643,6.569755651,6.569755661,6.569755638,6.56975567,6.56975566,6.569755637,6.569755654,6.569755662,6.569755667,6.569755652,6.569755668
+"5758","GAREM1",4.731589045,4.731589159,4.731588995,4.731589266,4.731589238,4.731588918,4.731589042,4.731589236,4.731589282,4.73158926,4.731589014,4.731589295,4.731588978,4.731588944,4.731589204,4.731589182,4.731589314,4.731589078,4.731589143,4.731588952,4.731589275,4.731589281,4.731589235,4.731589065,4.731589118,4.731589145,4.731589117,4.73158933
+"5759","GAREM2",6.131089249,6.131089394,6.131089467,6.131089289,6.13108946,6.13108943,6.131089378,6.131089404,6.131089397,6.131089257,6.131089459,6.131089471,6.131089362,6.131089113,6.131089402,6.131089305,6.131089563,6.131089464,6.131089288,6.131089371,6.131089345,6.131089377,6.131089154,6.131089282,6.131089185,6.131089299,6.131089431,6.131089401
+"5760","GARIN1A",5.010877696,5.010877699,5.010877692,5.010877713,5.010877675,5.010877714,5.010877691,5.010877697,5.010877676,5.010877678,5.0108777,5.010877698,5.010877708,5.010877673,5.010877695,5.010877685,5.010877703,5.010877706,5.010877695,5.010877716,5.010877697,5.010877685,5.010877679,5.010877685,5.010877716,5.01087769,5.010877714,5.010877681
+"5761","GARIN1B",4.360353272,4.360353275,4.360353481,4.360353289,4.360353443,4.360353295,4.360353418,4.360353297,4.360353328,4.360353382,4.360353242,4.36035336,4.360353275,4.36035333,4.36035341,4.360353224,4.360353402,4.360353617,4.360353326,4.360353254,4.360353341,4.360353311,4.360353278,4.360353226,4.360353174,4.360353329,4.360353276,4.36035332
+"5762","GARIN2",3.485249928,3.485249923,3.485249985,3.485249967,3.48525,3.485249973,3.485249982,3.48524996,3.485249941,3.485249974,3.485249965,3.485250018,3.485249924,3.485249935,3.485249947,3.485249949,3.485250064,3.485249989,3.485249968,3.485249927,3.485249998,3.485249995,3.485249967,3.485249957,3.485249945,3.485249978,3.485249928,3.485250008
+"5763","GARIN3",4.176397061,4.176396977,4.176397106,4.176397138,4.176397157,4.176397139,4.176397029,4.176397067,4.176397066,4.176397057,4.176397108,4.176397175,4.176396982,4.176396984,4.176397048,4.176397116,4.176397108,4.176397097,4.176397123,4.176397147,4.176397014,4.176397095,4.176397046,4.176397079,4.176397123,4.176397036,4.176397104,4.176396995
+"5764","GARIN4",4.34225725,4.342257192,4.342257152,4.342257047,4.342257313,4.342257135,4.342257227,4.34225736,4.342257134,4.34225713,4.342257317,4.342257314,4.342257196,4.342257124,4.342257427,4.342257248,4.342257575,4.342257166,4.3422572,4.342257551,4.34225723,4.342257331,4.342257192,4.342256935,4.342257184,4.342257209,4.342257131,4.34225712
+"5765","GARIN5A",5.040107335,5.04010738,5.040107361,5.040107409,5.040107447,5.040107299,5.040107408,5.040107427,5.040107358,5.040107363,5.040107436,5.040107439,5.040107355,5.040107294,5.040107431,5.040107426,5.04010756,5.040107466,5.040107398,5.040107419,5.040107494,5.040107494,5.040107312,5.040107368,5.040107458,5.040107422,5.040107397,5.040107481
+"5766","GARIN5B",5.550815329,5.550815337,5.5508153705,5.5508153725,5.550815465,5.5508153315,5.550815412,5.5508154495,5.5508153855,5.550815357,5.550815457,5.550815424,5.550815388,5.5508152725,5.550815443,5.5508154085,5.550815494,5.550815448,5.5508153925,5.550815395,5.5508154525,5.550815467,5.550815364,5.550815322,5.5508154085,5.5508154315,5.5508153735,5.550815416
+"5767","GARIN6",3.710238659,3.710239053,3.710239134,3.710238725,3.710239385,3.710239033,3.710239006,3.710239171,3.710239241,3.710239095,3.710238877,3.710239146,3.710239064,3.710239122,3.710239114,3.71023913,3.710239399,3.710239162,3.710239031,3.710239161,3.710239254,3.710239115,3.710238842,3.710238827,3.710238971,3.710239134,3.710238749,3.710239075
+"5768","GARNL3",4.937372769,4.937372886,4.937373005,4.937372737,4.937373156,4.937372425,4.937372949,4.937373072,4.937372901,4.937372666,4.937372873,4.937372942,4.937372921,4.937372682,4.937373077,4.937373025,4.937373013,4.937373043,4.937372812,4.937372773,4.937373074,4.937373233,4.937372612,4.937372727,4.937373007,4.93737287,4.937372626,4.937372939
+"5769","GARRE1",6.322631606,6.322631644,6.322631259,6.322631559,6.322631466,6.322631508,6.322631384,6.32263148,6.322631695,6.322631477,6.322631208,6.322631652,6.322631464,6.322631794,6.32263162,6.32263148,6.322631175,6.322631446,6.3226315,6.322631482,6.322631252,6.322631426,6.322631666,6.322631528,6.32263141,6.322631608,6.322631403,6.322631438
+"5770","GARS1",7.100253681,7.100253589,7.100253506,7.100253436,7.100253483,7.100253544,7.100253662,7.1002534,7.100253654,7.100253607,7.100253377,7.100253281,7.100253614,7.100253811,7.100253367,7.100253447,7.100253105,7.100253303,7.100253578,7.100253578,7.100253617,7.100253459,7.100253653,7.10025362,7.100253494,7.100253489,7.100253612,7.100253549
+"5771","GARS1-DT",6.991850673,6.99185005,6.99185041,6.991850647,6.991850206,6.991850457,6.991850413,6.991850563,6.991850046,6.9918508,6.991849916,6.991849812,6.991850192,6.991850138,6.991850323,6.991849865,6.991850204,6.991850267,6.991850199,6.991850435,6.991850202,6.991850569,6.991850218,6.991850719,6.991850104,6.991850246,6.991850365,6.991849923
+"5772","GART",6.444669156,6.444668993,6.444668391,6.444668421,6.444668526,6.444669134,6.444668868,6.444668471,6.444669235,6.444669029,6.444668338,6.444668406,6.444669029,6.44466963,6.444668592,6.444668587,6.444667798,6.44466799,6.444668849,6.444668552,6.444668727,6.444668616,6.444669032,6.444668872,6.444668129,6.444668433,6.444668823,6.444668878
+"5773","GAS1",5.837403613,5.837403386,5.837404065,5.837403822,5.837404858,5.837403807,5.837404227,5.837404085,5.837403832,5.837403722,5.837403835,5.837404569,5.837403905,5.837402794,5.837404601,5.837403824,5.837404455,5.83740432,5.837403893,5.837403824,5.837404426,5.83740422,5.837403156,5.837403665,5.837403809,5.837404179,5.837403315,5.83740371
+"5774","GAS2",3.414099393,3.414099381,3.41409943,3.41409938,3.414099384,3.414099433,3.414099338,3.414099505,3.414099363,3.414099394,3.414099375,3.414099446,3.414099357,3.414099431,3.414099386,3.414099592,3.414099499,3.414099408,3.414099337,3.414099376,3.414099412,3.414099415,3.414099432,3.414099429,3.414099466,3.414099383,3.414099394,3.414099395
+"5775","GAS2L1",6.684674313,6.68467452,6.684674423,6.684674823,6.684675311,6.684674693,6.684675045,6.68467501,6.684674713,6.684675103,6.684675197,6.68467531,6.684674737,6.684673722,6.684675024,6.684674511,6.684675265,6.684675143,6.684674943,6.684674552,6.6846749,6.684674897,6.684674428,6.684674574,6.68467514,6.684675042,6.68467475,6.68467447
+"5776","GAS2L2",5.815436463,5.815436441,5.815436585,5.815436555,5.815436651,5.815436512,5.81543656,5.815436636,5.815436499,5.815436497,5.815436602,5.815436653,5.815436508,5.815436371,5.815436603,5.81543655,5.815436612,5.81543659,5.815436545,5.815436562,5.815436577,5.815436628,5.815436452,5.815436526,5.815436554,5.815436633,5.815436462,5.815436513
+"5777","GAS2L3",4.019292612,4.019292633,4.019292636,4.019292613,4.019292612,4.01929266,4.019292625,4.01929262,4.019292639,4.019292644,4.019292627,4.019292639,4.019292608,4.019292614,4.019292609,4.019292596,4.019292611,4.019292611,4.019292627,4.019292653,4.019292602,4.019292617,4.019292637,4.019292626,4.019292615,4.019292624,4.019292619,4.019292608
+"5778","GAS6",5.249877399,5.249877311,5.249877299,5.249877455,5.249877626,5.249877718,5.249877541,5.249877605,5.249877383,5.249877591,5.249877353,5.249877523,5.249877467,5.249877457,5.249877303,5.249877507,5.249877467,5.249877368,5.249877479,5.249877714,5.249877442,5.249877426,5.249877248,5.249877323,5.249877149,5.249877387,5.249877289,5.24987748
+"5779","GAS6-AS1",4.782444613,4.782444754,4.782443932,4.782445189,4.782444683,4.782444721,4.78244552,4.78244437,4.782444599,4.782444626,4.782444641,4.782445051,4.782444357,4.782445286,4.782444378,4.782444758,4.782444662,4.782445097,4.782444589,4.78244439,4.782445267,4.782444214,4.782444747,4.782444898,4.782444522,4.782444505,4.78244469,4.78244515
+"5780","GAS7",6.979484034,6.979484491,6.979484078,6.979484355,6.979484095,6.979484258,6.979484165,6.979483936,6.979483853,6.979484283,6.979484253,6.979483696,6.979484126,6.979483995,6.97948398,6.979484324,6.979483962,6.979484188,6.979484087,6.979483957,6.979484158,6.979483954,6.979484013,6.97948432,6.979484175,6.979483772,6.9794842,6.979483713
+"5781","GAS8",5.735789764,5.735789771,5.735789796,5.735789775,5.735789807,5.735789783,5.735789764,5.735789815,5.735789787,5.735789784,5.73578979,5.735789823,5.735789774,5.735789756,5.73578978,5.735789779,5.735789797,5.735789772,5.735789747,5.735789805,5.735789746,5.73578979,5.735789744,5.735789753,5.73578978,5.735789761,5.735789754,5.73578978
+"5782","GAS8-AS1",4.013300824,4.013300788,4.013300852,4.013300827,4.013300867,4.01330083,4.013300834,4.013300831,4.013300862,4.013300736,4.013300877,4.013300863,4.013300745,4.013300767,4.013300855,4.013300835,4.013300892,4.013300838,4.013300852,4.013300852,4.013300848,4.01330082,4.013300794,4.013300769,4.013300823,4.013300819,4.013300759,4.013300732
+"5783","GASK1A",4.797328637,4.797328627,4.797328636,4.797328646,4.797328648,4.797328639,4.797328653,4.797328644,4.797328633,4.79732863,4.797328624,4.79732865,4.797328638,4.797328603,4.797328637,4.797328634,4.797328647,4.797328653,4.797328625,4.797328639,4.797328654,4.797328645,4.797328611,4.797328604,4.797328619,4.797328647,4.797328629,4.79732862
+"5784","GASK1B",5.932584601,5.932583816,5.932584091,5.932583882,5.932583891,5.932583994,5.932583737,5.932583466,5.932583444,5.932584009,5.932584425,5.932583715,5.932583639,5.932584075,5.932584136,5.932583491,5.93258364,5.932583476,5.93258389,5.932584187,5.932583736,5.932583787,5.932583421,5.932583759,5.93258445,5.932583828,5.932583609,5.932583637
+"5785","GAST",5.8762051,5.87620517,5.876205183,5.876205205,5.876205323,5.876205278,5.87620533,5.876205346,5.876205279,5.876205272,5.876205257,5.876205369,5.876205265,5.876205028,5.876205239,5.876205351,5.876205398,5.876205318,5.876205165,5.87620526,5.876205396,5.876205285,5.876205146,5.876205151,5.876205311,5.876205277,5.876205095,5.876205257
+"5786","GATA1",7.196306003,7.19630689,7.196309315,7.196307747,7.196308795,7.196308933,7.196308203,7.196309727,7.196309289,7.196308221,7.196308539,7.196309642,7.196306558,7.196305114,7.196307361,7.196304741,7.196308872,7.196307755,7.196307287,7.196308567,7.196308214,7.19630881,7.196308609,7.196308689,7.196308514,7.196309476,7.196307622,7.196306601
+"5787","GATA2",6.360260356,6.360260385,6.360259247,6.360260527,6.360260579,6.360258231,6.36025853,6.360259411,6.360258948,6.360259169,6.360260709,6.360260098,6.360258977,6.360257977,6.360260519,6.360260243,6.360259413,6.360260607,6.360260418,6.3602586,6.360258487,6.360258749,6.360259427,6.360259312,6.360260366,6.360259589,6.36025885,6.360260943
+"5788","GATA3",6.525795678,6.525795656,6.525795471,6.525795462,6.525795504,6.525795493,6.525795553,6.525795539,6.525795667,6.525795534,6.52579535,6.525795495,6.525795658,6.525795806,6.525795639,6.525795624,6.525795398,6.525795554,6.525795624,6.525795533,6.525795583,6.525795573,6.525795699,6.525795559,6.525795464,6.525795501,6.525795747,6.525795716
+"5789","GATA3-AS1",4.762400723,4.762400744,4.76240075,4.762400739,4.762400764,4.762400748,4.762400746,4.762400747,4.762400757,4.762400766,4.762400752,4.762400769,4.762400748,4.762400739,4.762400748,4.762400751,4.762400774,4.762400752,4.76240074,4.762400754,4.762400744,4.762400763,4.762400742,4.762400748,4.762400761,4.762400748,4.76240075,4.762400739
+"5790","GATA4",6.047202809,6.047202824,6.047202934,6.047202854,6.047202984,6.047202818,6.047202872,6.04720294,6.047202913,6.047202928,6.047202939,6.047203001,6.047202889,6.047202712,6.04720294,6.047202885,6.047202992,6.047202992,6.047202874,6.047202836,6.047202873,6.047202947,6.047202878,6.047202849,6.047202955,6.047202925,6.047202858,6.047202918
+"5791","GATA5",6.433655466,6.433655288,6.433655852,6.433655665,6.433656187,6.433655497,6.433655897,6.433655814,6.43365561,6.433655491,6.433655781,6.433656142,6.433655661,6.433655139,6.433656017,6.433655572,6.43365603,6.433655926,6.433655724,6.433655713,6.43365615,6.433656161,6.433655515,6.433655364,6.433655729,6.433656042,6.433655596,6.433655826
+"5792","GATA6",6.047723337,6.047723289,6.047723504,6.04772336,6.047723508,6.04772339,6.047723416,6.047723504,6.047723383,6.047723461,6.047723473,6.047723519,6.047723398,6.047723249,6.047723518,6.047723326,6.047723542,6.047723429,6.047723395,6.047723413,6.047723473,6.047723502,6.047723334,6.047723357,6.047723421,6.04772349,6.047723417,6.047723386
+"5793","GATAD1",6.929288719,6.92928845,6.929288654,6.929288493,6.929288634,6.92928847,6.929288652,6.929288641,6.92928848,6.929288704,6.929288589,6.929288542,6.929288688,6.929288534,6.929288623,6.929288726,6.929288517,6.929288386,6.929288601,6.929288686,6.929288732,6.929288615,6.929288543,6.929288472,6.929288677,6.929288685,6.929288563,6.92928864
+"5794","GATAD2A",8.145076881,8.145076921,8.14507697,8.145076949,8.145076804,8.145076993,8.145076976,8.145076952,8.145076978,8.145076949,8.145076851,8.145076875,8.145076876,8.145076855,8.145076894,8.145076888,8.145076945,8.145076886,8.145076878,8.145076988,8.145076906,8.145076893,8.145076991,8.145076925,8.145076896,8.145076827,8.145076932,8.145076832
+"5795","GATAD2B",7.97413829,7.974138281,7.97413821,7.974138356,7.974138205,7.974138308,7.974138289,7.974138223,7.974138264,7.974138289,7.974138239,7.974138214,7.974138282,7.9741383,7.974138205,7.974138235,7.97413813,7.974138281,7.974138246,7.974138197,7.974138261,7.974138229,7.974138298,7.974138269,7.974138278,7.974138273,7.974138278,7.974138185
+"5796","GATB",5.640400466,5.640400467,5.640400477,5.64040044,5.640400455,5.640400463,5.640400467,5.640400462,5.640400473,5.640400476,5.640400456,5.640400453,5.640400469,5.640400486,5.640400465,5.64040043,5.640400459,5.640400469,5.640400459,5.640400472,5.640400467,5.640400468,5.640400466,5.640400458,5.640400452,5.640400458,5.640400463,5.640400471
+"5797","GATC",8.116266192,8.116266556,8.116266793,8.116266602,8.116266707,8.116265889,8.11626637,8.116266832,8.116266924,8.116266601,8.116266447,8.11626675,8.116266535,8.116266406,8.11626659,8.116266647,8.116266636,8.116266668,8.116266426,8.116266163,8.116266359,8.116266806,8.116266619,8.116266717,8.116266803,8.116266564,8.116266612,8.11626688
+"5798","GATD1",6.77081474,6.770814734,6.770814737,6.770814695,6.770814755,6.77081476,6.770814743,6.770814765,6.770814796,6.770814772,6.770814726,6.770814762,6.770814766,6.77081474,6.770814728,6.770814751,6.770814723,6.770814712,6.770814739,6.770814726,6.770814739,6.77081475,6.770814758,6.770814745,6.770814747,6.770814744,6.770814765,6.770814765
+"5799","GATD1-DT",6.54060904,6.540609079,6.540609037,6.540609062,6.540609022,6.54060912,6.540609039,6.540609064,6.540609062,6.540609069,6.54060909,6.540609019,6.540609101,6.540609098,6.540609078,6.540609097,6.540609012,6.540608982,6.540609041,6.540609058,6.540608991,6.540609073,6.540609077,6.540609012,6.540609068,6.540609063,6.540609079,6.540609053
+"5800","GATM",4.13577035,4.135770358,4.135770379,4.135770392,4.135770366,4.135770369,4.135770386,4.135770384,4.135770372,4.135770359,4.13577037,4.135770368,4.135770375,4.135770427,4.135770397,4.135770355,4.135770379,4.135770383,4.135770363,4.135770375,4.135770381,4.135770367,4.135770363,4.135770363,4.135770354,4.135770354,4.13577034,4.135770413
+"5801","GBA1",6.025107126,6.025107337,6.02510693,6.025107256,6.025106859,6.025107571,6.025107052,6.025107098,6.025107007,6.025107171,6.025107186,6.025106782,6.025107096,6.025107011,6.025107047,6.025107301,6.025106847,6.025107069,6.025107288,6.025107639,6.025106992,6.025106999,6.02510723,6.025107304,6.025107314,6.025107036,6.025107196,6.025106772
+"5802","GBA2",7.159415343,7.159415475,7.159415584,7.159415749,7.159415171,7.159415944,7.159415736,7.159415312,7.159415166,7.15941521,7.159415357,7.159415295,7.159415612,7.159415704,7.15941524,7.159415249,7.159415135,7.159415405,7.159415012,7.15941519,7.159415707,7.159415517,7.159415303,7.159415401,7.159415442,7.159415403,7.159415606,7.159415182
+"5803","GBA3",3.726376614,3.726376553,3.726376555,3.72637659,3.726376618,3.726376691,3.726376614,3.726376681,3.726376654,3.726376629,3.72637666,3.726376668,3.726376586,3.726376599,3.726376605,3.726376646,3.726376628,3.726376658,3.726376596,3.726376615,3.726376591,3.726376661,3.726376563,3.72637659,3.726376619,3.726376638,3.726376636,3.726376658
+"5804","GBAP1",4.688796859,4.688796607,4.688796481,4.688797098,4.688796645,4.68879695,4.688797103,4.688796605,4.688796993,4.688797066,4.688796835,4.688796963,4.688797239,4.688796877,4.688797184,4.688796686,4.688796909,4.688796708,4.688796959,4.688797151,4.688796943,4.68879688,4.688796867,4.688797239,4.68879689,4.688796808,4.688797203,4.688796422
+"5805","GBE1",6.521949099,6.521949197,6.521949017,6.521949191,6.521948585,6.521948921,6.521948608,6.521948588,6.521948702,6.521948714,6.521948722,6.521948533,6.521948859,6.521949266,6.521948904,6.521949284,6.521948769,6.521948833,6.521948907,6.521948875,6.521948678,6.521948659,6.521948963,6.521949119,6.521948666,6.521948981,6.521948832,6.521948918
+"5806","GBF1",7.384753646,7.384753694,7.384753656,7.384753679,7.384753722,7.384753813,7.384753782,7.384753648,7.384753703,7.384753716,7.384753645,7.384753621,7.384753738,7.384753751,7.38475369,7.384753619,7.384753601,7.384753655,7.384753708,7.384753854,7.384753742,7.384753661,7.384753732,7.384753763,7.384753698,7.384753695,7.384753717,7.384753668
+"5807","GBGT1",7.182738031,7.182738046,7.182738293,7.182738155,7.182738148,7.182738137,7.18273797,7.182738207,7.182738243,7.182738144,7.182738201,7.182737929,7.182738065,7.182737957,7.182738011,7.182738082,7.182738225,7.182738152,7.182738114,7.182738168,7.182737932,7.182738122,7.182738194,7.182738116,7.182738272,7.182737973,7.182738111,7.182738024
+"5808","GBP2",8.2402986235,8.237346872,7.833020003,8.322762949,7.782703826,9.174778831,8.3711425745,8.4121971195,8.237729932,7.9564143235,7.7975919255,7.5892743,8.2828139165,8.1758366175,8.179249648,8.2280067725,7.738035107,8.1309625925,8.165613594,9.3558356645,8.396660107,8.5101985375,8.4388482325,8.3247275695,8.012224496,7.9745073275,8.2865443025,7.858819439
+"5809","GBP3",5.587976617,5.587977895,5.587976252,5.587976713,5.587977734,5.58798329,5.587976957,5.587979068,5.587979219,5.587978635,5.587975143,5.587973156,5.587978474,5.587980035,5.58797433,5.587976751,5.587975009,5.5879771,5.587977977,5.587984222,5.587977644,5.587979231,5.587979642,5.587978056,5.58797709,5.587974209,5.58797779,5.58798004
+"5810","GBP4",7.285634574,6.859351474,6.832021972,6.575056462,6.686929557,9.245952799,7.163103399,7.585113968,7.527415458,7.087178447,6.339267104,6.383596604,7.431566231,7.25719938,7.266077431,6.650242883,6.775536845,6.418421701,6.993655461,9.159403391,7.158565031,7.74848444,7.587753917,7.094401707,6.626051968,6.862681248,7.432907071,7.108721162
+"5811","GBP5",8.923971572,8.659051977,8.423537331,8.413986938,8.473661703,11.32507264,9.251383558,9.340332987,9.345278067,8.808404841,8.118919217,7.709670944,8.954388819,8.728024605,8.906884051,8.607101094,8.346806848,8.201888677,8.671841763,11.35973886,9.264260959,9.577638425,9.556294057,9.161821262,8.246534301,8.200594917,8.850461769,8.599077918
+"5812","GBP6",4.442461084,4.442461431,4.442461104,4.44246121,4.442461016,4.442462769,4.442461793,4.442461538,4.442461592,4.442461106,4.442461025,4.442461093,4.442461379,4.442461013,4.442461315,4.442461467,4.442461385,4.442461329,4.44246131,4.442462618,4.442461637,4.442461505,4.442461636,4.4424613,4.442461422,4.442461235,4.442461122,4.442461397
+"5813","GBP7",5.218447095,5.218446839,5.218446863,5.21844696,5.218447072,5.218447943,5.218447121,5.218447391,5.218447258,5.218447066,5.218446769,5.218446939,5.218447209,5.218447073,5.218447216,5.218446782,5.218446834,5.218446977,5.218447007,5.218448071,5.218447222,5.218447381,5.2184473,5.218447004,5.218446732,5.218446972,5.21844716,5.2184471
+"5814","GBX1",4.831573252,4.831573356,4.831572921,4.831573459,4.831573704,4.83157319,4.831573502,4.831573449,4.831573134,4.831573223,4.831573774,4.831573781,4.831573132,4.831573284,4.831573582,4.831573428,4.83157364,4.831573614,4.831573311,4.831573518,4.831573703,4.83157342,4.831573118,4.831573011,4.831573331,4.831573413,4.831573175,4.831573144
+"5815","GBX2",6.769886285,6.769886131,6.769886505,6.769886225,6.769887091,6.769886447,6.769886551,6.769886564,6.769886247,6.769886542,6.769886659,6.769887028,6.769886425,6.76988588,6.769886886,6.769886241,6.769886849,6.76988651,6.76988668,6.769886267,6.769886885,6.769886574,6.769886319,6.769886363,6.769886337,6.769886604,6.769886464,6.76988645
+"5816","GC",2.750306386,2.750306389,2.750306391,2.750306394,2.750306397,2.750306391,2.75030639,2.750306387,2.750306381,2.750306365,2.750306406,2.750306393,2.750306384,2.750306395,2.750306379,2.750306372,2.750306406,2.750306427,2.750306376,2.750306396,2.750306383,2.750306405,2.75030641,2.750306391,2.750306407,2.750306375,2.750306368,2.750306386
+"5817","GCA",9.215239933,9.328942342,8.929767563,9.300433126,8.67639373,8.583806183,9.133176417,8.758464168,8.782123605,8.778371229,9.064019265,7.82052658,8.906971216,9.470640363,8.994203097,9.340176729,9.109051429,9.277778768,9.217302556,9.146432709,9.186195644,8.930625908,9.333893085,9.383121078,9.129371285,8.438263638,8.722771059,9.080042956
+"5818","GCAT",5.565886585,5.565886517,5.565886688,5.565886685,5.565886728,5.565886534,5.565886658,5.565886838,5.565886664,5.565886645,5.565886753,5.565886775,5.565886627,5.565886487,5.565886605,5.565886669,5.565886726,5.56588668,5.565886635,5.565886644,5.565886682,5.565886853,5.565886556,5.565886719,5.565886718,5.565886749,5.565886577,5.565886644
+"5819","GCAWKR",5.272653505,5.272653503,5.272653551,5.272653515,5.272653593,5.272653567,5.272653558,5.272653611,5.272653548,5.272653513,5.272653631,5.272653566,5.272653547,5.272653476,5.272653544,5.272653595,5.272653608,5.272653633,5.272653534,5.272653552,5.272653619,5.27265357,5.272653533,5.272653518,5.272653522,5.2726536,5.272653528,5.272653524
+"5820","GCC1",6.607584715,6.607584892,6.60758474,6.607584937,6.607584822,6.607584947,6.607584657,6.607584736,6.607584757,6.607584827,6.607584717,6.607584752,6.607584778,6.607584973,6.607584813,6.607584854,6.607584688,6.607584939,6.607584795,6.607584715,6.607584656,6.607584696,6.607584718,6.607584938,6.607584816,6.607584815,6.607584793,6.607584887
+"5821","GCC2",6.364176467,6.364175962,6.364174606,6.364174721,6.364175499,6.364173023,6.364174946,6.364174568,6.364175524,6.364174501,6.364174533,6.364174034,6.364175681,6.36417858,6.364175832,6.364175182,6.364173949,6.364174513,6.364175777,6.364172857,6.364175293,6.364175248,6.364175979,6.364174939,6.364174296,6.364175125,6.364175394,6.364177894
+"5822","GCC2-AS1",7.35302594,7.353026148,7.353026339,7.353026263,7.353026269,7.353026008,7.353026092,7.353026355,7.353026093,7.353025992,7.353026263,7.353026225,7.35302626,7.353025926,7.353026232,7.353026219,7.35302628,7.353026356,7.353026107,7.353026174,7.353026092,7.353026351,7.353026117,7.353026164,7.353026376,7.353026184,7.353026185,7.353026037
+"5823","GCDH",6.411440819,6.411440928,6.411440708,6.411440829,6.411440743,6.411440977,6.411440884,6.411440708,6.411441005,6.411440949,6.411440656,6.411440896,6.411440909,6.411441055,6.411440834,6.411440862,6.411440737,6.411440672,6.411440883,6.411440929,6.411440741,6.411440961,6.411440987,6.411440844,6.411440666,6.411440976,6.411440929,6.411440846
+"5824","GCFC2",4.334143817,4.334143653,4.334143726,4.33414351,4.334143733,4.33414351,4.334143611,4.334143667,4.334143846,4.334143564,4.334143799,4.334143655,4.334143712,4.334144012,4.334143722,4.334143564,4.334143561,4.334143579,4.334143719,4.334143682,4.334143573,4.334143713,4.334143775,4.334143724,4.334143549,4.334143553,4.334143715,4.334143825
+"5825","GCG",3.361004566,3.361004593,3.361004582,3.361004549,3.361004462,3.361004862,3.36100443,3.361004562,3.361004369,3.36100453,3.361004673,3.361004538,3.361004594,3.361004499,3.361004476,3.361004706,3.361004685,3.361004689,3.361004749,3.361004512,3.361004582,3.361004551,3.361004314,3.361004465,3.361004684,3.361004522,3.361004635,3.361004552
+"5826","GCGR",5.969264712,5.969264713,5.969264743,5.969264721,5.969264975,5.9692645,5.969264736,5.969265007,5.969264772,5.969264812,5.969265018,5.969265083,5.969264668,5.969264239,5.969264693,5.96926492,5.969264865,5.969264654,5.969264901,5.969264777,5.969264914,5.969264842,5.96926446,5.96926448,5.969264863,5.969264894,5.969264712,5.969264816
+"5827","GCH1",6.409019557,6.409019251,6.409019131,6.409018705,6.409018159,6.409021342,6.409019069,6.409018923,6.409019253,6.409019284,6.409018372,6.409017901,6.409019655,6.409019778,6.409019212,6.409018927,6.40901866,6.409018293,6.409018249,6.409021689,6.409019434,6.409019268,6.409019533,6.409019079,6.409018704,6.409018553,6.409019342,6.409018932
+"5828","GCHFR",6.208515949,6.208515897,6.208516063,6.208516045,6.208516132,6.208515724,6.208515767,6.208516005,6.208515578,6.208515945,6.208516121,6.208516212,6.208516014,6.208515771,6.208516028,6.208515598,6.208516255,6.20851616,6.208516059,6.208516122,6.208516023,6.208516039,6.208515871,6.208515756,6.208516017,6.208516044,6.208515992,6.208515842
+"5829","GCK",5.171240553,5.171240567,5.171240604,5.171240585,5.171240618,5.171240557,5.171240589,5.171240601,5.171240561,5.171240592,5.171240582,5.171240624,5.171240581,5.171240546,5.17124061,5.17124059,5.171240623,5.171240613,5.171240594,5.171240579,5.171240608,5.171240613,5.171240556,5.171240569,5.171240591,5.171240583,5.171240562,5.171240584
+"5830","GCKR",4.074965568,4.074965658,4.074965734,4.074965404,4.074965763,4.074965592,4.074965665,4.074965644,4.074965644,4.074965493,4.07496575,4.074965909,4.074965547,4.07496551,4.07496575,4.074965561,4.074965693,4.074965724,4.074965613,4.074965716,4.074965774,4.074965765,4.074965599,4.074965692,4.074965624,4.074965687,4.074965526,4.074965674
+"5831","GCLC",6.20465381,6.204653318,6.204653668,6.204652889,6.204653345,6.204653377,6.204653114,6.20465332,6.204653794,6.204653664,6.204653717,6.204653675,6.204653862,6.204653749,6.204653374,6.204652991,6.204653094,6.204652985,6.204653271,6.204653229,6.204653218,6.204653185,6.20465362,6.204653603,6.204653842,6.204653656,6.204653801,6.204653539
+"5832","GCLM",5.091358877,5.091358729,5.091358749,5.091358567,5.091358447,5.091358557,5.091358642,5.091358463,5.091358499,5.091358467,5.09135855,5.091358384,5.091358714,5.091358857,5.091358487,5.091358412,5.091358466,5.091358815,5.09135851,5.091358543,5.091358603,5.091358457,5.091358711,5.09135871,5.091358598,5.091358575,5.091358722,5.091358431
+"5833","GCM1",4.25127058,4.251270828,4.251270593,4.251270739,4.251270589,4.251270603,4.251270656,4.251270718,4.251270638,4.251270692,4.251270734,4.251270787,4.251270573,4.251270625,4.251270625,4.251270723,4.251270698,4.251270713,4.251270637,4.251270772,4.251270753,4.251270595,4.251270587,4.25127076,4.251270772,4.251270651,4.251270641,4.251270645
+"5834","GCM2",4.021928992,4.021929053,4.02192908,4.021929065,4.021929196,4.021928921,4.021929105,4.021929113,4.021929088,4.021929063,4.021929026,4.021929127,4.02192907,4.021929023,4.021929143,4.021929103,4.021929138,4.021929124,4.021929098,4.021929084,4.021929182,4.021929115,4.021929034,4.021929024,4.021929104,4.021929158,4.021929038,4.021929131
+"5835","GCN1",6.960577004,6.960577036,6.960576938,6.960576935,6.960576932,6.960577093,6.960577032,6.960576943,6.960577058,6.960577034,6.960576909,6.960577005,6.960577053,6.960577093,6.960576977,6.960576945,6.960576886,6.96057688,6.960576947,6.960576954,6.960576969,6.960576995,6.960577042,6.960576994,6.960576925,6.960577002,6.960577013,6.960576967
+"5836","GCNA",5.263586222,5.263586046,5.263585681,5.263586112,5.263585813,5.263585939,5.263586036,5.263585878,5.263586107,5.263585758,5.263585678,5.263585228,5.263586233,5.263586084,5.263586207,5.263585971,5.263585035,5.263585866,5.263586376,5.263586026,5.263586205,5.263585683,5.263586042,5.263585876,5.263586013,5.263585923,5.263586544,5.263585411
+"5837","GCNT1",6.288676857,6.288676751,6.288676673,6.288676748,6.288676771,6.288676728,6.288676804,6.288676683,6.288676721,6.288676762,6.288676785,6.288676663,6.288676725,6.2886769,6.288676711,6.288676751,6.288676602,6.288676615,6.288676761,6.288676736,6.288676748,6.288676677,6.288676747,6.288676844,6.288676776,6.288676642,6.288676681,6.288676873
+"5838","GCNT2",5.072269457,5.07226943,5.072269438,5.072269396,5.072269426,5.07226944,5.072269381,5.072269414,5.072269443,5.072269411,5.072269429,5.072269417,5.072269435,5.072269472,5.072269407,5.072269408,5.072269446,5.072269393,5.072269436,5.072269447,5.072269389,5.072269405,5.072269448,5.072269429,5.072269448,5.072269436,5.072269441,5.072269418
+"5839","GCNT3",5.439186292,5.439186342,5.439186321,5.43918628,5.439186467,5.439186386,5.439186409,5.439186428,5.439186334,5.439186318,5.439186325,5.439186476,5.439186294,5.439186144,5.439186439,5.439186389,5.439186522,5.439186426,5.439186367,5.439186396,5.439186428,5.439186432,5.439186337,5.439186324,5.439186342,5.439186339,5.439186272,5.439186311
+"5840","GCNT4",6.072176622,6.072176034,6.072175084,6.072175127,6.072175712,6.072174195,6.072175591,6.072175879,6.072177206,6.072176541,6.072174692,6.072176162,6.072176967,6.072178263,6.072176147,6.072174793,6.072174771,6.072175653,6.072176023,6.072173783,6.072175322,6.072175604,6.072176969,6.07217637,6.072175345,6.07217601,6.072176753,6.072177773
+"5841","GCNT7",4.793744197,4.793744152,4.793744234,4.79374416,4.793744207,4.793744295,4.793744198,4.793744243,4.793744149,4.793744204,4.793744239,4.793744348,4.793744151,4.793744125,4.793744198,4.793744214,4.793744248,4.793744241,4.793744242,4.793744223,4.7937442,4.793744259,4.793744148,4.793744185,4.793744217,4.793744223,4.793744171,4.793744142
+"5842","GCSAM",6.334328733,6.334328761,6.334328311,6.334328466,6.334328531,6.334328402,6.334328872,6.334328635,6.334328942,6.334328726,6.334328431,6.334328482,6.334328598,6.33432897,6.334328556,6.334328695,6.334328287,6.334328513,6.334328671,6.334328464,6.334328801,6.334328595,6.334328882,6.334328589,6.334328425,6.334328642,6.334328855,6.334328823
+"5843","GCSAML",3.732005072,3.73200506,3.732005029,3.732005063,3.732005054,3.732005006,3.732005041,3.732005027,3.73200504,3.732005067,3.732005062,3.732005058,3.732005015,3.732005015,3.732005072,3.732005038,3.732005041,3.732005095,3.732005069,3.73200503,3.732005016,3.732005033,3.732005042,3.732005042,3.732005068,3.732005028,3.73200504,3.732005075
+"5844","GDA",3.620942238,3.620942283,3.62094253,3.62094228,3.620942497,3.620942163,3.620942257,3.620942264,3.620942299,3.620942321,3.620942406,3.620942271,3.620942299,3.62094222,3.620942384,3.620942221,3.620942348,3.620942431,3.620942479,3.62094235,3.62094229,3.62094236,3.620942347,3.620942217,3.62094223,3.620942302,3.620942291,3.620942318
+"5845","GDAP1",5.400238416,5.400238402,5.400238391,5.400238385,5.400238412,5.400238418,5.40023843,5.400238388,5.400238416,5.400238415,5.400238411,5.400238415,5.400238416,5.400238419,5.400238421,5.400238397,5.400238418,5.400238416,5.400238399,5.400238381,5.400238411,5.400238402,5.400238407,5.400238387,5.4002384,5.400238406,5.400238426,5.40023842
+"5846","GDAP1L1",5.005808073,5.00580821,5.00580827,5.00580815,5.005808411,5.005808202,5.005808343,5.005808376,5.005808191,5.005808198,5.005808208,5.005808406,5.005808207,5.005808106,5.005808408,5.005808276,5.005808402,5.005808282,5.005808214,5.005808349,5.005808447,5.0058084,5.005808018,5.005808121,5.005808179,5.005808394,5.005808104,5.005808278
+"5847","GDAP2",7.039329285,7.039329299,7.039329015,7.039329217,7.039328762,7.039328827,7.039329037,7.039328854,7.039328903,7.03932883,7.039328884,7.039328301,7.039329072,7.039329453,7.039329006,7.039329123,7.039328763,7.039328884,7.039329213,7.039328817,7.0393288,7.039328819,7.039329074,7.039329242,7.039329106,7.039328888,7.039329144,7.039329092
+"5848","GDE1",7.134600964,7.13460098,7.134600942,7.134601057,7.134600913,7.134600979,7.134600966,7.134601006,7.134600857,7.134601031,7.134600951,7.13460098,7.134600907,7.134600912,7.134600978,7.134600922,7.13460093,7.134601039,7.134600963,7.134600859,7.134600925,7.134600921,7.134600943,7.134601021,7.134600935,7.134600947,7.134600913,7.134600878
+"5849","GDF10",5.514767282,5.514767189,5.514767348,5.514767365,5.514767595,5.514767484,5.514767485,5.514767427,5.514767363,5.514767409,5.514767463,5.514767507,5.514767396,5.514767246,5.514767439,5.514767361,5.514767552,5.514767459,5.514767355,5.514767391,5.514767474,5.514767473,5.514767298,5.514767298,5.514767372,5.514767504,5.514767433,5.514767396
+"5850","GDF11",5.762062923,5.762062888,5.762062848,5.762062804,5.762062875,5.762062929,5.762062881,5.76206287,5.762062847,5.762062934,5.762062878,5.762063006,5.762062889,5.762062836,5.762062921,5.76206289,5.762062945,5.76206297,5.7620629,5.762062854,5.762062941,5.762062855,5.762062872,5.762062794,5.762062894,5.762062952,5.762062913,5.762062837
+"5851","GDF15",5.228699041,5.228699207,5.228699426,5.22869924,5.228699575,5.228699488,5.2286994,5.22869927,5.228699292,5.228699327,5.228699429,5.228699656,5.228699309,5.22869886,5.228699383,5.228699369,5.228699452,5.228699484,5.228699261,5.228699484,5.228699541,5.228699454,5.228699303,5.228699278,5.228699308,5.228699427,5.22869937,5.228699359
+"5852","GDF2",5.562856215,5.562856355,5.562856479,5.562856297,5.56285684,5.562856383,5.562856564,5.562856644,5.562856464,5.562856429,5.562856601,5.562856786,5.562856499,5.562856165,5.562856666,5.5628565,5.562856823,5.562856597,5.562856603,5.562856414,5.562856729,5.562856587,5.562856432,5.562856272,5.562856516,5.562856622,5.562856377,5.562856593
+"5853","GDF3",4.184632408,4.184632435,4.184632411,4.184632428,4.184632412,4.184632441,4.184632389,4.184632434,4.184632416,4.184632418,4.184632431,4.184632415,4.184632407,4.184632386,4.184632396,4.184632417,4.184632418,4.184632421,4.184632413,4.184632401,4.184632399,4.184632406,4.184632417,4.184632422,4.184632414,4.184632401,4.184632423,4.184632394
+"5854","GDF5",4.135029022,4.13502882,4.135029234,4.135028989,4.13502945,4.135029295,4.135029189,4.135029189,4.135029402,4.135029261,4.135029399,4.135029272,4.135029013,4.135028901,4.135029083,4.135029287,4.135029453,4.135029316,4.135029236,4.1350291,4.135029201,4.135029254,4.135028982,4.135028955,4.135029205,4.135029428,4.135028963,4.13502921
+"5855","GDF5-AS1",4.036015917,4.036016052,4.036016079,4.03601606,4.036016008,4.036016067,4.036016129,4.03601606,4.03601608,4.036016042,4.036016036,4.036016098,4.036016006,4.036016017,4.036016193,4.0360161,4.036016107,4.036016142,4.036016069,4.036016068,4.036016073,4.036016075,4.036016125,4.036016042,4.03601599,4.036016125,4.036016126,4.036016052
+"5856","GDF6",4.937432649,4.93743268,4.937432688,4.937432681,4.937432686,4.937432658,4.937432661,4.937432688,4.937432685,4.93743266,4.937432691,4.937432694,4.937432679,4.937432612,4.937432687,4.937432684,4.937432687,4.937432672,4.937432665,4.937432677,4.937432671,4.937432672,4.937432653,4.937432667,4.937432668,4.937432675,4.937432671,4.937432663
+"5857","GDF7",6.627112789,6.627112878,6.627112977,6.627112892,6.627113162,6.627112821,6.627112857,6.627112961,6.627112935,6.627112861,6.62711305,6.627113091,6.627112914,6.627112573,6.627113006,6.627112787,6.62711308,6.627112977,6.627112901,6.627112852,6.627112998,6.627112992,6.627112733,6.627112645,6.627112975,6.627112989,6.627112791,6.627112923
+"5858","GDF9",4.309468214,4.309468242,4.309468213,4.309468199,4.30946823,4.309468261,4.30946821,4.309468251,4.309468238,4.30946821,4.309468237,4.30946823,4.309468168,4.309468237,4.309468165,4.309468225,4.309468284,4.30946818,4.309468244,4.309468256,4.309468147,4.309468202,4.309468231,4.309468201,4.309468218,4.309468144,4.309468237,4.309468228
+"5859","GDI1",8.743236251,8.743236491,8.743236275,8.743236571,8.743236281,8.743236415,8.743236353,8.743236339,8.74323624,8.743236314,8.743236385,8.743236252,8.743236402,8.743236316,8.743236235,8.743236404,8.743236144,8.743236491,8.743236356,8.743236254,8.743236319,8.743236246,8.743236191,8.743236399,8.743236434,8.743236255,8.743236431,8.743236138
+"5860","GDI2",9.068812915,9.068811328,9.068811659,9.068811534,9.06881195,9.068811871,9.068812171,9.068811611,9.06881126,9.068812159,9.068811007,9.06881076,9.068812025,9.068814591,9.068812311,9.06881007,9.068811228,9.068810514,9.068812034,9.068811744,9.068812016,9.068811732,9.068812181,9.068812496,9.068811271,9.068811806,9.068812047,9.068813432
+"5861","GDNF",4.939540196,4.939540192,4.939540189,4.939540153,4.939540445,4.939540216,4.939540265,4.939540329,4.939540231,4.939540338,4.939540302,4.939540432,4.939540194,4.939539941,4.939540434,4.939540275,4.939540306,4.93954034,4.939540323,4.939540295,4.939540342,4.939540306,4.939540229,4.93954016,4.939540304,4.939540225,4.93954026,4.93954026
+"5862","GDPD1",4.077425581,4.077425602,4.077425548,4.077425558,4.077425575,4.077425592,4.077425561,4.077425549,4.077425556,4.077425598,4.077425557,4.077425563,4.077425574,4.077425574,4.077425568,4.077425576,4.077425589,4.077425561,4.077425574,4.077425539,4.077425565,4.077425583,4.077425584,4.077425564,4.077425547,4.077425578,4.077425551,4.077425554
+"5863","GDPD2",3.815083783,3.815083782,3.815083786,3.815083792,3.815083788,3.81508376,3.815083779,3.815083807,3.815083758,3.815083788,3.81508377,3.815083797,3.815083753,3.815083747,3.815083794,3.815083813,3.815083816,3.815083781,3.815083774,3.815083792,3.815083774,3.81508381,3.815083765,3.815083752,3.815083763,3.815083779,3.81508375,3.815083766
+"5864","GDPD3",5.447535452,5.447536507,5.44753621,5.447536626,5.447536251,5.447536604,5.447536596,5.447536361,5.447536487,5.447536313,5.447536344,5.44753623,5.447536032,5.447535619,5.447535973,5.447536486,5.44753621,5.447536647,5.447536479,5.447536542,5.447536377,5.447536001,5.447536165,5.44753658,5.447536563,5.447536172,5.447536345,5.447535543
+"5865","GDPD4",3.412430908,3.412430915,3.412430968,3.412430946,3.412430964,3.412430934,3.412430927,3.412430967,3.412430914,3.412430959,3.412430955,3.412430986,3.412430923,3.412430881,3.412430961,3.41243095,3.412430984,3.412430949,3.412430963,3.41243093,3.412430947,3.412430961,3.412430975,3.412430907,3.412430929,3.412430943,3.412430949,3.41243092
+"5866","GDPD5",6.185497909,6.185497908,6.185498045,6.185498021,6.18549803,6.185498086,6.185497965,6.185498032,6.185497954,6.185497998,6.185497992,6.185497955,6.18549798,6.18549785,6.185498032,6.185497901,6.18549812,6.185498007,6.185497997,6.185497985,6.185497882,6.185498068,6.185497906,6.185497897,6.185497991,6.185497971,6.185498009,6.185497934
+"5867","GDPGP1",5.324209497,5.32420947,5.324209481,5.32420946,5.324209448,5.324209533,5.324209467,5.324209468,5.324209484,5.324209449,5.324209453,5.324209478,5.324209505,5.32420952,5.324209467,5.324209488,5.32420949,5.324209456,5.324209443,5.32420949,5.324209488,5.32420949,5.324209523,5.324209473,5.324209413,5.32420948,5.324209526,5.324209487
+"5868","GEM",4.459164182,4.459164197,4.459164521,4.4591644,4.459164453,4.459164189,4.459164291,4.459164395,4.459164251,4.459164333,4.459164469,4.459164482,4.45916431,4.459164159,4.459164303,4.459164371,4.459164482,4.459164448,4.459164155,4.459164406,4.459164475,4.45916446,4.459164247,4.459164297,4.459164325,4.459164367,4.459164293,4.459164286
+"5869","GEMIN2",3.958836553,3.958836368,3.958836446,3.958836322,3.958836371,3.958836275,3.958836563,3.958836554,3.958836492,3.958836463,3.958836376,3.958836273,3.95883651,3.95883678,3.958836354,3.958836543,3.958836503,3.958836447,3.958836576,3.958836154,3.958836532,3.958836302,3.958836427,3.958836383,3.95883634,3.95883656,3.958836634,3.958836611
+"5870","GEMIN4",6.367056928,6.367056896,6.367056901,6.367056816,6.367056935,6.367056915,6.367056985,6.367056948,6.367056976,6.36705692,6.367056886,6.367057091,6.367057067,6.367056948,6.367056915,6.36705688,6.367056851,6.367056881,6.367056956,6.367056939,6.367056953,6.36705703,6.367056965,6.367056965,6.367056857,6.367057019,6.367056969,6.367056924
+"5871","GEMIN5",5.928204764,5.928204355,5.928204252,5.928204231,5.928204243,5.928204112,5.928204389,5.92820441,5.928204602,5.928204286,5.928204064,5.928204484,5.928204737,5.928204855,5.928204466,5.928203955,5.928203773,5.92820383,5.928204335,5.928204052,5.928204319,5.928204181,5.928204646,5.928204635,5.928203944,5.92820448,5.928204713,5.928204309
+"5872","GEMIN6",4.589721341,4.58972138,4.589721387,4.589721343,4.589721359,4.589721346,4.589721384,4.589721356,4.58972137,4.589721355,4.589721357,4.589721357,4.589721352,4.5897214,4.589721392,4.589721365,4.589721353,4.589721336,4.589721345,4.58972136,4.589721357,4.589721365,4.589721354,4.589721356,4.589721343,4.589721365,4.589721369,4.589721397
+"5873","GEMIN7",6.179377864,6.17937792,6.179377794,6.179377838,6.179377833,6.179377882,6.179377872,6.179377921,6.179377787,6.179377825,6.179378016,6.179377911,6.179377853,6.179377785,6.179377801,6.179377844,6.179377793,6.179377848,6.179377997,6.179377775,6.179377843,6.179377676,6.179377892,6.17937783,6.179377782,6.179377862,6.179377862,6.179377629
+"5874","GEMIN8",5.010512626,5.010512602,5.010512637,5.01051259,5.010512598,5.010512603,5.010512611,5.010512599,5.010512628,5.010512628,5.010512591,5.010512625,5.010512604,5.010512623,5.010512615,5.010512589,5.010512602,5.010512595,5.010512623,5.010512617,5.010512598,5.010512609,5.01051261,5.010512602,5.010512619,5.01051261,5.010512609,5.010512605
+"5875","GEMIN8P4",4.806458817,4.806458994,4.806458895,4.8064591,4.806458985,4.806459092,4.806458734,4.806458926,4.806458684,4.806458989,4.806458773,4.806458835,4.806458724,4.806458789,4.806458705,4.806458824,4.806458366,4.806459001,4.806459042,4.806459041,4.806458809,4.806458876,4.806458969,4.806459001,4.806459007,4.806458851,4.806459062,4.80645874
+"5876","GEN1",4.740468188,4.740467681,4.740467662,4.740467597,4.740467379,4.740467797,4.740468434,4.740467015,4.740467974,4.740467424,4.74046678,4.740467472,4.740467859,4.740468991,4.740467965,4.740467016,4.740467854,4.74046693,4.74046788,4.740467539,4.740467988,4.740467564,4.740468143,4.740467552,4.740466826,4.740468,4.740467812,4.740468318
+"5877","GET1",6.703043935,6.703044161,6.703044145,6.703044668,6.703043188,6.7030434,6.703043823,6.703043084,6.703043397,6.703043149,6.703042997,6.703042147,6.703043252,6.703043841,6.703043673,6.703043911,6.703043815,6.703044577,6.703043805,6.703043562,6.703043488,6.703042456,6.703044067,6.703043752,6.703042752,6.703042763,6.703042783,6.703043137
+"5878","GET3",7.303733505,7.303733617,7.303733728,7.303733628,7.303733491,7.303733584,7.303733534,7.303733653,7.303733666,7.303733605,7.303733629,7.303733506,7.303733506,7.303733405,7.303733496,7.30373365,7.303733702,7.303733566,7.303733437,7.303733555,7.303733334,7.303733642,7.303733598,7.303733616,7.30373381,7.303733569,7.303733504,7.303733546
+"5879","GET4",6.911115577,6.91111559,6.911115588,6.911115592,6.911115581,6.9111156,6.911115583,6.91111559,6.911115593,6.91111559,6.911115591,6.911115593,6.9111156,6.91111558,6.91111558,6.911115595,6.911115593,6.911115589,6.911115578,6.911115597,6.911115572,6.911115586,6.911115589,6.911115599,6.911115596,6.911115584,6.911115599,6.91111559
+"5880","GFAP",5.753145481,5.753145563,5.753145556,5.753145542,5.753145599,5.75314553,5.753145543,5.75314565,5.753145585,5.753145499,5.753145555,5.75314571,5.753145495,5.753145416,5.753145621,5.753145684,5.753145723,5.75314561,5.753145593,5.753145586,5.753145656,5.753145709,5.753145463,5.753145496,5.753145588,5.753145591,5.753145543,5.753145513
+"5881","GFER",5.34942988,5.349429857,5.349429897,5.349429837,5.34943001,5.349429806,5.349429893,5.349429846,5.349429861,5.349429821,5.349429896,5.349429975,5.349429883,5.349429855,5.349429916,5.349429967,5.349430011,5.349429936,5.349429811,5.349429879,5.349429904,5.349429939,5.349429834,5.349429827,5.349429913,5.34942992,5.349429914,5.349429835
+"5882","GFI1",6.002273149,6.002273124,6.002273163,6.002273112,6.002273141,6.00227314,6.002273156,6.002273167,6.002273169,6.00227313,6.00227315,6.002273144,6.002273142,6.002273125,6.002273174,6.002273113,6.002273141,6.002273119,6.002273138,6.002273135,6.002273168,6.002273152,6.002273172,6.002273166,6.002273138,6.002273162,6.002273132,6.002273099
+"5883","GFI1B",6.778329452,6.778330571,6.778330135,6.778330623,6.778330508,6.778330075,6.778330055,6.778330254,6.778330029,6.778330249,6.778330526,6.778330496,6.778329944,6.778329572,6.778329702,6.778330046,6.778330088,6.778330479,6.778330412,6.778329837,6.778329704,6.778329924,6.778329994,6.778330147,6.778330586,6.778330385,6.778330086,6.778329919
+"5884","GFM1",6.022211168,6.022210978,6.022210717,6.022210542,6.022210692,6.022210945,6.022210821,6.022210748,6.022210837,6.022210946,6.022210559,6.02221067,6.022210982,6.022211407,6.022210915,6.022210646,6.022210491,6.02221027,6.022210821,6.022210922,6.022210636,6.022210589,6.022210778,6.022210824,6.022210409,6.022210723,6.022210936,6.022211178
+"5885","GFM2",5.463091885,5.463091712,5.463091754,5.463091413,5.463091418,5.463091497,5.463091585,5.463091545,5.463091565,5.463091678,5.463091701,5.463091541,5.463091629,5.463092239,5.463091713,5.4630918,5.463091498,5.463091331,5.463091724,5.46309136,5.463091588,5.463091549,5.463091613,5.46309169,5.463091557,5.463091617,5.463091643,5.463091945
+"5886","GFOD1",5.8109691035,5.8109694545,5.8109693645,5.8109693015,5.810969302,5.810969248,5.810969344,5.8109690965,5.810969253,5.8109693055,5.8109694345,5.8109692085,5.8109691665,5.810969328,5.810969121,5.8109693715,5.810969236,5.8109690605,5.8109693195,5.810969048,5.8109691525,5.810969134,5.810969316,5.810969279,5.810969312,5.8109691915,5.8109692875,5.8109691705
+"5887","GFOD2",5.734434,5.734434022,5.734434046,5.734434054,5.734434027,5.734434015,5.734434039,5.734434027,5.734434019,5.734433988,5.73443404,5.734434087,5.734433926,5.734433952,5.73443403,5.734434013,5.734434084,5.734434041,5.734433986,5.734434033,5.734434027,5.734433984,5.734433989,5.734433994,5.734434011,5.734434064,5.73443399,5.734433995
+"5888","GFPT1",6.944051479,6.944051512,6.944051207,6.944051176,6.944051272,6.944051504,6.944051499,6.944051428,6.944051518,6.944051435,6.94405137,6.944051319,6.944051411,6.944051863,6.944051296,6.944051405,6.944050911,6.944051074,6.944051405,6.944051271,6.944051414,6.944051279,6.944051441,6.944051435,6.944051261,6.944051371,6.944051479,6.944051625
+"5889","GFPT2",4.237138371,4.237138359,4.23713838,4.237138368,4.237138403,4.237138373,4.237138348,4.237138397,4.237138385,4.237138357,4.237138401,4.237138392,4.237138358,4.237138345,4.237138404,4.237138399,4.237138422,4.237138411,4.237138365,4.237138398,4.237138395,4.237138389,4.237138353,4.237138367,4.237138403,4.237138386,4.237138359,4.23713839
+"5890","GFRA1",4.60987529,4.609875332,4.60987535,4.609875316,4.609875353,4.609875312,4.609875321,4.609875343,4.609875306,4.609875338,4.609875329,4.60987531,4.609875315,4.609875294,4.609875329,4.609875343,4.609875325,4.609875332,4.609875321,4.609875334,4.609875338,4.609875333,4.609875308,4.609875307,4.609875314,4.609875327,4.609875296,4.609875324
+"5891","GFRA2",4.286249213,4.286249221,4.28624925,4.286249293,4.286249319,4.286249298,4.28624924,4.286249264,4.286249222,4.286249291,4.286249347,4.28624924,4.286249229,4.286249319,4.286249278,4.286249245,4.286249365,4.286249241,4.286249262,4.286249296,4.286249322,4.286249299,4.286249235,4.286249196,4.286249295,4.286249267,4.286249218,4.286249258
+"5892","GFRA3",3.756330841,3.756330855,3.756330878,3.756330862,3.756330901,3.756330891,3.756330874,3.756330916,3.75633089,3.756330951,3.756330847,3.756330855,3.756330875,3.756330872,3.756330869,3.756330875,3.756330907,3.756330855,3.75633086,3.756330938,3.756330821,3.756330886,3.756330951,3.75633089,3.756330844,3.756330837,3.756330898,3.756330893
+"5893","GFRA4",6.709486444,6.709486566,6.709487094,6.709486824,6.709487481,6.709486627,6.709487061,6.709487412,6.709486949,6.709486823,6.709487123,6.70948741,6.709486705,6.709486147,6.709487436,6.709487053,6.709487771,6.709487219,6.709487105,6.709486862,6.709487251,6.709487476,6.709486513,6.709486324,6.709486915,6.70948709,6.709486737,6.709487064
+"5894","GFRAL",2.836654998,2.836655106,2.836655266,2.836655192,2.836655116,2.836655156,2.836655039,2.836655153,2.83665496,2.836655097,2.836655136,2.836655546,2.836655102,2.836654854,2.836655127,2.836654926,2.83665519,2.836655454,2.836655115,2.836655424,2.83665517,2.836655145,2.836655095,2.836655084,2.836655099,2.836655073,2.836654916,2.83665518
+"5895","GFUS",7.819581784,7.818916034,7.820904614,7.818567994,7.819104284,7.82199597,7.819500046,7.821404187,7.823174668,7.82104952,7.819566142,7.820925349,7.818251335,7.818279263,7.818989319,7.817865002,7.820128582,7.819340741,7.81877084,7.821077888,7.818281241,7.820742593,7.823360796,7.820643879,7.819390975,7.820858796,7.818592313,7.818743209
+"5896","GGA1",6.661640054,6.661640088,6.661640106,6.661640048,6.661640115,6.661640191,6.661640179,6.661640128,6.66164014,6.661640193,6.661640094,6.661640162,6.661640088,6.661640041,6.661640137,6.661640029,6.661640037,6.661640106,6.661640093,6.661640212,6.661640142,6.661640115,6.661640063,6.661640099,6.66164011,6.661640139,6.661640129,6.661640048
+"5897","GGA2",7.469012295,7.469012222,7.469011942,7.469012108,7.469012056,7.46901222,7.469012186,7.469011914,7.469012139,7.469012213,7.469012021,7.469012089,7.469012137,7.469012518,7.469012198,7.46901212,7.469011774,7.469012002,7.469012217,7.469012071,7.469012104,7.469011991,7.469012102,7.469012193,7.469012035,7.469012203,7.469012254,7.469012353
+"5898","GGA3",7.105088645,7.105088645,7.105088653,7.105088667,7.105088647,7.105088662,7.105088649,7.105088641,7.105088654,7.105088653,7.105088651,7.105088651,7.105088655,7.105088643,7.105088642,7.105088636,7.105088641,7.105088663,7.105088646,7.10508865,7.10508865,7.105088653,7.105088642,7.105088656,7.105088658,7.105088655,7.105088655,7.105088643
+"5899","GGACT",6.153979207,6.153979212,6.153979346,6.153979275,6.153979368,6.153979235,6.153979312,6.153979367,6.153979292,6.153979306,6.153979355,6.15397936,6.153979329,6.153979169,6.153979328,6.153979324,6.153979444,6.153979331,6.1539793,6.153979289,6.153979332,6.153979345,6.153979294,6.153979251,6.153979356,6.153979402,6.153979316,6.153979316
+"5900","GGCT",5.393059657,5.393059642,5.393059727,5.39305966,5.393059653,5.393059608,5.393059689,5.393059704,5.393059691,5.393059684,5.393059632,5.393059811,5.393059667,5.393059678,5.393059657,5.393059557,5.393059701,5.393059574,5.393059661,5.393059642,5.393059646,5.39305969,5.393059654,5.393059656,5.393059661,5.393059679,5.393059675,5.393059653
+"5901","GGCX",5.974613935,5.974613932,5.974613929,5.974613943,5.974613916,5.974613937,5.974613938,5.974613936,5.974613905,5.97461393,5.974613912,5.974613897,5.974613933,5.974613945,5.974613911,5.974613937,5.974613897,5.974613896,5.974613931,5.974613899,5.974613918,5.974613915,5.974613908,5.974613938,5.974613913,5.974613928,5.974613934,5.974613916
+"5902","GGH",3.767878662,3.767878658,3.767878736,3.767878623,3.767878742,3.767878637,3.767878752,3.767878614,3.767878871,3.767878594,3.767878605,3.767878759,3.767878516,3.76787862,3.767878697,3.767878728,3.767878721,3.76787875,3.767878804,3.76787871,3.767878845,3.767878545,3.76787868,3.767878559,3.767878632,3.767878602,3.767878698,3.767878786
+"5903","GGN",5.677539341,5.677539402,5.677539512,5.677539482,5.677539628,5.677539477,5.677539465,5.677539591,5.677539503,5.67753959,5.67753972,5.677539789,5.677539519,5.677539251,5.677539662,5.677539675,5.677539656,5.677539527,5.677539434,5.67753957,5.677539582,5.677539546,5.677539361,5.677539444,5.677539566,5.677539565,5.677539444,5.677539547
+"5904","GGNBP1",5.069167491,5.06916752,5.069167549,5.069167555,5.069167617,5.069167609,5.069167567,5.069167548,5.069167559,5.069167557,5.069167643,5.069167531,5.06916757,5.069167522,5.069167576,5.069167532,5.069167618,5.069167576,5.069167598,5.069167599,5.069167597,5.069167602,5.069167554,5.069167528,5.069167562,5.069167469,5.069167531,5.06916755
+"5905","GGNBP2",7.278901625,7.278901663,7.278901553,7.278901606,7.278901354,7.27890133,7.278901495,7.278901351,7.278901589,7.278901379,7.278901408,7.278901403,7.278901522,7.27890195,7.278901467,7.278901551,7.278901449,7.278901471,7.278901478,7.278901484,7.278901474,7.278901387,7.278901562,7.278901547,7.278901441,7.278901589,7.278901558,7.278901674
+"5906","GGPS1",5.429399632,5.429399567,5.429399573,5.429399515,5.429399413,5.429399538,5.42939954,5.42939947,5.429399699,5.429399637,5.429399439,5.429399344,5.429399476,5.429399657,5.429399582,5.429399591,5.429399506,5.429399519,5.429399454,5.429399609,5.429399448,5.429399441,5.429399636,5.429399578,5.429399461,5.429399522,5.429399527,5.429399595
+"5907","GGT5",5.942776338,5.942776483,5.942776689,5.942776529,5.942777153,5.942776371,5.942776614,5.942776778,5.9427765,5.942776322,5.942776923,5.942776815,5.942776657,5.942776071,5.94277706,5.942776937,5.942777049,5.942777025,5.942776658,5.942776686,5.94277658,5.942776902,5.9427759,5.942776343,5.942776793,5.942776812,5.942776516,5.942776812
+"5908","GGT6",5.376001173,5.37600115,5.376001221,5.376001174,5.37600125,5.376001127,5.376001222,5.376001228,5.376001175,5.376001199,5.376001226,5.376001277,5.376001212,5.376001057,5.376001265,5.376001219,5.376001253,5.376001198,5.376001225,5.376001162,5.376001249,5.376001275,5.376001136,5.376001117,5.376001181,5.376001157,5.376001148,5.376001208
+"5909","GGT7",5.914034928,5.914034894,5.914034931,5.914034909,5.914034912,5.91403499,5.914034927,5.914035004,5.914035,5.914035007,5.914035007,5.914035052,5.914035026,5.914034977,5.914034943,5.914034858,5.914034949,5.914034948,5.914034955,5.914034912,5.914034828,5.914035042,5.914034999,5.914034923,5.914034889,5.91403495,5.914034987,5.91403503
+"5910","GGTA1",4.168003148,4.168003133,4.168003184,4.168003171,4.168003142,4.168003101,4.168003122,4.168003136,4.168003146,4.16800316,4.168003129,4.168003164,4.168003117,4.168003123,4.168003132,4.168003111,4.168003175,4.168003162,4.168003094,4.168003144,4.168003108,4.168003134,4.16800313,4.168003187,4.168003122,4.168003147,4.168003118,4.168003131
+"5911","GGTLC1",5.054466159,5.054466127,5.054466173,5.054466146,5.054466167,5.054466136,5.05446616,5.054466178,5.054466162,5.054466147,5.05446617,5.054466173,5.054466144,5.05446613,5.05446617,5.054466164,5.054466172,5.054466175,5.054466161,5.054466164,5.054466147,5.054466173,5.054466141,5.054466141,5.054466168,5.054466155,5.05446615,5.054466164
+"5912","GGTLC2",6.301078849,6.301078838,6.301078997,6.301078996,6.301078926,6.30107882,6.301078969,6.301078838,6.301078795,6.301078929,6.301078948,6.301078836,6.301078932,6.30107875,6.3010789,6.301078854,6.301078825,6.301078983,6.301078894,6.301078904,6.301078962,6.301079032,6.30107881,6.301078832,6.301079015,6.301079037,6.301078927,6.301078998
+"5913","GH1",4.9431274125,4.943127563,4.9431273575,4.9431275315,4.9431275305,4.943127561,4.943127528,4.943127505,4.943127563,4.9431276255,4.943127532,4.9431274635,4.94312765,4.943127379,4.943127505,4.943127677,4.9431277035,4.9431275725,4.9431275765,4.9431275935,4.9431274205,4.9431276115,4.943127591,4.9431276165,4.94312735,4.9431273875,4.9431276095,4.9431277015
+"5914","GH2",4.22833522,4.228335219,4.228335368,4.228335238,4.228335584,4.228335315,4.228335212,4.228335372,4.22833521,4.228335212,4.2283354,4.228335346,4.228335349,4.22833513,4.228335422,4.22833539,4.228335448,4.228335546,4.228335431,4.228335401,4.228335345,4.228335402,4.228335269,4.228335212,4.228335434,4.228335336,4.22833518,4.228335384
+"5915","GHDC",5.948079097,5.948079034,5.948078954,5.948079026,5.94807912,5.948079099,5.948079153,5.948079115,5.948079011,5.948079048,5.94807913,5.948079024,5.948079103,5.948079052,5.94807907,5.948079121,5.948079052,5.948079114,5.94807916,5.948078997,5.948079081,5.948079049,5.94807899,5.948079004,5.94807903,5.948079135,5.948079176,5.948079044
+"5916","GHITM",7.741888887,7.741888861,7.741888896,7.741888805,7.741888617,7.741888794,7.741888813,7.741888806,7.74188876,7.741888698,7.741888733,7.741888532,7.741888748,7.74188898,7.741888738,7.741888848,7.741888741,7.741888581,7.741888785,7.741888893,7.741888766,7.741888737,7.741888871,7.741888774,7.741888716,7.741888722,7.741888733,7.741888745
+"5917","GHR",3.320165159,3.32016514,3.320165184,3.320165169,3.32016519,3.320165164,3.320165197,3.320165193,3.320165151,3.320165176,3.320165166,3.320165188,3.320165161,3.32016517,3.320165182,3.320165158,3.320165216,3.320165178,3.320165176,3.320165203,3.320165179,3.320165204,3.320165153,3.32016518,3.320165159,3.32016517,3.320165174,3.320165178
+"5918","GHRH",5.097593649,5.09759378,5.097593914,5.097593864,5.097593908,5.097593595,5.097593516,5.097593972,5.097593811,5.097593829,5.097593866,5.097594054,5.097593895,5.0975936,5.097593912,5.09759389,5.097593985,5.097593933,5.097593699,5.097593625,5.097593829,5.097594038,5.09759375,5.097593662,5.097593822,5.097593847,5.097593828,5.097593652
+"5919","GHRL",5.883143653,5.883143713,5.88314359,5.883143687,5.883143579,5.883143681,5.883143649,5.883143661,5.883143628,5.883143598,5.883143682,5.883143665,5.883143649,5.883143608,5.883143593,5.883143582,5.883143637,5.883143619,5.883143702,5.88314369,5.883143628,5.883143675,5.883143692,5.883143626,5.883143653,5.883143598,5.883143666,5.883143578
+"5920","GHSR",4.897015022,4.897015012,4.897015064,4.897015008,4.897015074,4.897015018,4.897015024,4.897015092,4.897015056,4.897015068,4.897015046,4.897015051,4.897015049,4.897014961,4.897015067,4.897015027,4.89701513,4.897015021,4.897015058,4.897015038,4.897015084,4.897015064,4.897015031,4.897015053,4.897015067,4.897015056,4.897015099,4.897014987
+"5921","GID4",6.114208231,6.114208271,6.114208373,6.114208209,6.114208168,6.114208554,6.114208354,6.114208546,6.114208432,6.114208441,6.114208418,6.114208263,6.114208264,6.114208341,6.114208276,6.114208017,6.114208098,6.114208203,6.114208243,6.114208383,6.114208201,6.114208433,6.114208392,6.11420858,6.114208458,6.114208225,6.114208425,6.114208306
+"5922","GID8",7.769899186,7.769899148,7.769899228,7.769899176,7.769899102,7.769899208,7.769899265,7.769899143,7.769899207,7.769899246,7.769899131,7.769899304,7.769899182,7.769899214,7.769899186,7.769899018,7.769899133,7.769899071,7.769899129,7.769899219,7.769899115,7.76989913,7.769899201,7.76989923,7.769899026,7.769899305,7.769899218,7.769899115
+"5923","GIGYF1",6.499387495,6.499387432,6.499387684,6.499387675,6.499387611,6.499387496,6.499387561,6.499387719,6.499387553,6.49938736,6.499387546,6.499387654,6.499387588,6.499387491,6.499387605,6.49938753,6.499387468,6.49938776,6.499387486,6.499387313,6.499387552,6.499387682,6.499387526,6.499387398,6.499387658,6.499387638,6.499387485,6.499387476
+"5924","GIGYF2",7.230612329,7.23061241,7.230612088,7.230612278,7.230611893,7.230612262,7.230612199,7.230612012,7.230612353,7.2306123,7.230611954,7.230611963,7.230612173,7.230612667,7.23061209,7.230612312,7.23061171,7.230612047,7.230612029,7.230611985,7.230612118,7.230612058,7.230612452,7.230612301,7.230611976,7.230612189,7.230612227,7.230612391
+"5925","GIMAP2",6.323583895,6.323582789,6.323583244,6.32358284,6.323582731,6.323583255,6.323583011,6.323582879,6.323583337,6.323583537,6.323582592,6.323582515,6.323583765,6.323584358,6.323582992,6.323582045,6.323582526,6.323582209,6.323582872,6.323583561,6.323582935,6.323583181,6.323583619,6.32358307,6.32358237,6.32358316,6.323583305,6.323583759
+"5926","GIMAP4",8.519286184,8.51928559,8.519285528,8.519285012,8.519284911,8.519285968,8.519285378,8.519285039,8.519286238,8.519285425,8.51928484,8.51928378,8.51928587,8.519286693,8.519285306,8.51928493,8.51928472,8.519283999,8.519285287,8.519286487,8.519285424,8.519285467,8.519286595,8.519285632,8.519284333,8.519284813,8.519285602,8.519285682
+"5927","GIMAP6",7.984915779,7.984915094,7.984914738,7.984914052,7.984914848,7.984915278,7.984914822,7.984914725,7.9849158,7.984915259,7.984914213,7.984914212,7.984915899,7.984915424,7.984914897,7.984914068,7.984913868,7.984914053,7.984914651,7.984915072,7.984914405,7.984915402,7.984915694,7.984914867,7.984913642,7.98491495,7.984915961,7.984915008
+"5928","GIMAP7",7.228818312,7.228817315,7.228817579,7.228815599,7.228816758,7.228817071,7.228817042,7.22881711,7.228818574,7.228817581,7.228815975,7.228817034,7.228817517,7.228819924,7.228817147,7.228816427,7.228816286,7.228815816,7.228817191,7.228817405,7.228817064,7.228817405,7.228818397,7.228816779,7.228815985,7.228817602,7.228817653,7.228818771
+"5929","GIMAP8",7.410346106,7.410346118,7.410345987,7.410345767,7.410345999,7.410346063,7.410345883,7.410345652,7.41034589,7.410345942,7.410345798,7.410345467,7.410346111,7.410346088,7.410345827,7.410345839,7.410345662,7.410345481,7.410345789,7.410345994,7.410345905,7.410345747,7.410345815,7.410345921,7.410345438,7.410345635,7.410346103,7.410345865
+"5930","GIN1",3.714623473,3.714623315,3.714623297,3.714623167,3.714623196,3.714622969,3.714623263,3.714623009,3.714623203,3.71462311,3.714622906,3.71462302,3.714623349,3.714623786,3.714623205,3.7146233,3.714623106,3.714623092,3.714623446,3.714623234,3.714623192,3.71462332,3.714623571,3.714623055,3.714623199,3.714623253,3.714623351,3.714623256
+"5931","GINM1",6.364903224,6.364903266,6.364903113,6.364903245,6.364903039,6.364903116,6.364903038,6.364903035,6.36490316,6.364903112,6.364903136,6.36490296,6.364903209,6.364903294,6.364903094,6.364903151,6.364902981,6.36490316,6.364903134,6.364903168,6.364903065,6.364903038,6.364903205,6.364903203,6.364903147,6.364903133,6.364903225,6.364903145
+"5932","GINS1",4.376454488,4.376454446,4.376454478,4.376454333,4.376454524,4.376454498,4.376454661,4.376454531,4.37645454,4.376454488,4.376454534,4.376454616,4.376454396,4.376454432,4.376454543,4.376454542,4.376454634,4.376454556,4.376454453,4.376454474,4.376454667,4.37645444,4.37645452,4.376454442,4.376454429,4.376454542,4.376454441,4.376454585
+"5933","GINS2",4.509823935,4.509823784,4.509823888,4.509824346,4.50982439,4.509824027,4.509824664,4.5098244,4.509824273,4.50982402,4.509824514,4.509824203,4.509823993,4.509824043,4.509824302,4.509824113,4.509824139,4.509823975,4.509824055,4.509824429,4.509824631,4.509824057,4.509823976,4.509824194,4.509823957,4.509824211,4.509823908,4.509823887
+"5934","GINS3",4.477442161,4.477442115,4.477442196,4.47744224,4.477442198,4.477442437,4.4774425,4.477442289,4.477442481,4.477442106,4.477442223,4.477442236,4.477442154,4.477442409,4.477442297,4.47744224,4.477442282,4.477442014,4.477442341,4.477442315,4.477442286,4.477442436,4.477442433,4.477442454,4.477442026,4.477442185,4.477442317,4.477441939
+"5935","GINS4",4.505819846,4.50581974,4.505819922,4.505819676,4.50582001,4.505820022,4.505820096,4.505819805,4.505819987,4.505819924,4.505819861,4.505819761,4.505819803,4.50581996,4.505819879,4.505819886,4.505819856,4.505819766,4.505819848,4.505820068,4.505819934,4.505819795,4.505820073,4.505819866,4.50581969,4.505819797,4.505819915,4.505819979
+"5936","GIP",4.19741853,4.19741866,4.197418598,4.197418578,4.197418689,4.19741854,4.197418575,4.197418726,4.19741851,4.197418607,4.197418601,4.197418668,4.197418595,4.197418576,4.197418573,4.197418671,4.197418723,4.197418617,4.197418606,4.197418706,4.197418631,4.197418623,4.19741862,4.197418624,4.197418571,4.197418594,4.197418528,4.197418605
+"5937","GIPC1",6.521208803,6.521208749,6.521208929,6.521208763,6.521208853,6.521208712,6.521208704,6.5212091,6.521208907,6.521208849,6.521208869,6.521208994,6.521208885,6.521208692,6.521208875,6.52120893,6.521208739,6.521208907,6.52120885,6.521208915,6.521208815,6.521208934,6.521208789,6.521208909,6.521208905,6.521208816,6.521208912,6.521208746
+"5938","GIPC2",4.140432057,4.140432349,4.140432199,4.140431928,4.140432498,4.140432126,4.140432218,4.140432222,4.140431878,4.140432089,4.140432609,4.140432353,4.140432138,4.140432036,4.140432419,4.140431979,4.14043258,4.140432385,4.140432432,4.140432434,4.140432352,4.140432237,4.140432111,4.14043187,4.1404322,4.140432395,4.140432117,4.140432514
+"5939","GIPC3",5.75912676,5.759127021,5.759126911,5.75912708,5.759127223,5.759126971,5.759127042,5.759127159,5.759126989,5.759127239,5.759127082,5.759127343,5.759127186,5.759126768,5.759127234,5.759127006,5.759127162,5.759127128,5.759126921,5.759127205,5.759126985,5.759127192,5.759126928,5.759126912,5.759126829,5.759127218,5.75912685,5.759126832
+"5940","GIPR",5.975310657,5.975310674,5.975310705,5.975310682,5.975310724,5.975310665,5.975310706,5.975310728,5.97531069,5.975310673,5.975310721,5.975310706,5.975310669,5.97531064,5.975310711,5.975310687,5.975310726,5.975310714,5.975310706,5.975310679,5.975310714,5.975310748,5.975310661,5.975310672,5.975310716,5.975310702,5.975310695,5.97531068
+"5941","GIT1",6.796014533,6.796014522,6.796014512,6.796014535,6.796014564,6.79601458,6.796014546,6.796014566,6.796014561,6.796014562,6.796014509,6.796014546,6.796014538,6.79601455,6.796014548,6.796014533,6.796014517,6.796014545,6.796014535,6.79601449,6.796014566,6.79601455,6.79601455,6.796014551,6.796014535,6.796014546,6.796014551,6.796014513
+"5942","GIT2",9.005884027,9.00588416,9.005883591,9.005884339,9.00588343,9.005884419,9.005884152,9.005883288,9.005883466,9.00588367,9.005883623,9.005882925,9.005883812,9.005884076,9.005883975,9.005884135,9.005883156,9.005883849,9.005884137,9.005884112,9.005884286,9.005883473,9.005883661,9.005884196,9.005883976,9.005883646,9.0058839,9.005883555
+"5943","GJA1",4.204308541,4.204308518,4.20430854,4.204308556,4.204308566,4.204308556,4.204308538,4.204308583,4.204308521,4.204308564,4.204308564,4.204308571,4.20430854,4.204308539,4.204308519,4.20430859,4.204308564,4.204308522,4.204308552,4.204308509,4.204308536,4.204308548,4.204308559,4.204308522,4.204308528,4.20430852,4.204308566,4.204308527
+"5944","GJA10",3.632158609,3.632158845,3.632158796,3.632159236,3.632159095,3.63215901,3.632158897,3.632159098,3.632158876,3.632158911,3.632158751,3.632159066,3.632158888,3.632158826,3.632158924,3.632158892,3.632159281,3.632158997,3.632158754,3.632158942,3.632158986,3.632159097,3.632158846,3.632159185,3.632159243,3.632159001,3.632159175,3.63215901
+"5945","GJA3",5.918799101,5.918799097,5.918799145,5.918799105,5.918799184,5.918799097,5.918799136,5.918799143,5.918799094,5.918799103,5.918799129,5.918799137,5.918799113,5.918799079,5.918799143,5.918799122,5.918799172,5.918799155,5.918799129,5.918799129,5.918799177,5.918799135,5.918799112,5.918799124,5.918799112,5.91879916,5.918799093,5.918799131
+"5946","GJA4",5.820717221,5.82071725,5.820717434,5.820717312,5.820717774,5.820717528,5.820717564,5.820717626,5.820717465,5.820717385,5.82071763,5.820717684,5.820717309,5.820717087,5.82071763,5.820717188,5.820717849,5.820717349,5.820717388,5.820717439,5.820717563,5.820717709,5.82071737,5.820717267,5.820717413,5.820717627,5.820717251,5.820717371
+"5947","GJA5",3.671711756,3.671711536,3.671711201,3.671711481,3.671712418,3.671712001,3.671712081,3.671711761,3.671711797,3.671711204,3.6717121,3.671712592,3.671711532,3.671711182,3.671712136,3.671711909,3.671712122,3.67171215,3.671711706,3.671711865,3.67171202,3.671712084,3.671711804,3.671711807,3.671711754,3.671711689,3.67171176,3.671712251
+"5948","GJA8",5.01463157,5.014631532,5.014631673,5.014631644,5.014631793,5.014631652,5.014631545,5.014631726,5.014631545,5.014631751,5.014631741,5.014631732,5.014631678,5.014631429,5.014631707,5.014631706,5.014631933,5.014631712,5.014631606,5.014631617,5.014631657,5.01463167,5.014631587,5.014631624,5.014631688,5.014631672,5.014631504,5.014631548
+"5949","GJB1",5.050361837,5.050361853,5.050361855,5.050361839,5.050361881,5.050361822,5.050361842,5.050361872,5.050361818,5.050361836,5.05036187,5.050361852,5.050361846,5.050361816,5.050361858,5.050361872,5.050361876,5.050361881,5.050361823,5.050361868,5.050361846,5.050361891,5.050361836,5.050361854,5.050361871,5.050361849,5.050361839,5.050361849
+"5950","GJB2",3.965958315,3.965958342,3.965958455,3.965958331,3.965958461,3.965958393,3.965958435,3.965958424,3.965958424,3.965958363,3.965958475,3.965958485,3.965958432,3.965958256,3.965958447,3.965958437,3.965958442,3.965958446,3.965958357,3.965958425,3.965958397,3.965958419,3.965958387,3.965958426,3.965958426,3.965958468,3.965958397,3.965958447
+"5951","GJB3",4.45722431,4.457224467,4.457224449,4.457224362,4.457224497,4.45722434,4.457224356,4.457224432,4.457224384,4.457224427,4.457224525,4.457224437,4.457224382,4.457224244,4.457224614,4.457224524,4.4572245,4.457224521,4.457224472,4.457224431,4.457224464,4.45722451,4.45722448,4.457224414,4.457224517,4.457224371,4.457224366,4.457224507
+"5952","GJB4",5.034524745,5.034524769,5.034524782,5.034524774,5.034524777,5.034524777,5.034524765,5.034524784,5.034524746,5.034524776,5.034524792,5.034524787,5.034524772,5.034524737,5.034524771,5.034524782,5.034524789,5.034524789,5.034524783,5.034524761,5.034524772,5.034524779,5.034524772,5.03452476,5.034524773,5.034524771,5.034524784,5.034524768
+"5953","GJB5",4.651735682,4.651735634,4.651735697,4.651735625,4.651735771,4.651735636,4.65173576,4.651735809,4.651735692,4.651735687,4.651735671,4.651735761,4.651735703,4.651735563,4.651735749,4.65173572,4.651735817,4.651735648,4.651735745,4.651735669,4.651735785,4.651735693,4.651735703,4.651735628,4.651735683,4.651735752,4.651735689,4.651735654
+"5954","GJB6",4.81411151,4.814111524,4.814111519,4.814111522,4.814111527,4.814111516,4.814111529,4.814111534,4.814111526,4.814111538,4.81411154,4.814111543,4.814111521,4.81411151,4.81411153,4.814111527,4.814111536,4.814111543,4.814111537,4.814111537,4.81411152,4.81411154,4.81411152,4.814111538,4.814111532,4.814111534,4.814111522,4.814111531
+"5955","GJB7",3.666916041,3.666916129,3.666916222,3.666916114,3.666916087,3.666916251,3.666916018,3.666916067,3.666916299,3.666916092,3.666916211,3.66691594,3.666915964,3.666915989,3.666916242,3.666916191,3.666916189,3.666916253,3.66691607,3.666916459,3.666915989,3.666916236,3.66691593,3.666916086,3.666916077,3.666915989,3.66691605,3.66691609
+"5956","GJC1",4.835601631,4.835601644,4.835601633,4.835601644,4.835601657,4.835601621,4.835601649,4.835601648,4.83560165,4.835601652,4.835601671,4.835601667,4.83560164,4.835601598,4.835601655,4.835601666,4.835601661,4.83560166,4.835601655,4.83560166,4.835601648,4.83560165,4.835601636,4.835601642,4.835601654,4.835601638,4.835601658,4.83560164
+"5957","GJC2",7.349468509,7.349468569,7.349468693,7.34946866,7.349468729,7.349468551,7.349468677,7.349468716,7.349468711,7.349468699,7.349468746,7.349468793,7.349468652,7.349468531,7.349468746,7.349468657,7.349468741,7.349468726,7.349468684,7.349468639,7.349468666,7.349468687,7.349468595,7.34946856,7.34946873,7.349468714,7.349468631,7.349468688
+"5958","GJC3",4.919475021,4.919475116,4.919475352,4.919475243,4.9194756,4.919475003,4.919474963,4.919475779,4.919475308,4.919475165,4.919475538,4.919475553,4.919475395,4.919474983,4.919475478,4.919475705,4.919475722,4.919475747,4.919475274,4.91947505,4.91947534,4.91947567,4.919475021,4.919475012,4.919475796,4.919475491,4.919474891,4.919475734
+"5959","GJD2",5.783209782,5.783209716,5.783210099,5.783210162,5.78321055,5.783210189,5.783210197,5.783210301,5.783210081,5.783210019,5.78321038,5.783210337,5.783210075,5.783209841,5.783210543,5.783209679,5.783210618,5.783210257,5.783210446,5.783210143,5.783210266,5.783210485,5.783209738,5.783209651,5.783209887,5.783210338,5.783209793,5.783210004
+"5960","GJD3",6.464650417,6.464650424,6.464650545,6.464650466,6.464650621,6.464650556,6.464650514,6.464650543,6.464650449,6.464650564,6.464650565,6.464650594,6.46465051,6.464650329,6.464650582,6.464650542,6.464650705,6.464650605,6.464650508,6.464650573,6.464650596,6.464650554,6.464650431,6.464650423,6.464650506,6.464650545,6.464650461,6.464650422
+"5961","GJD4",5.6700138195,5.670013771,5.6700139035,5.670013822,5.670014059,5.6700137745,5.6700139125,5.670013961,5.6700139065,5.6700138445,5.6700139755,5.6700140765,5.670013832,5.6700135705,5.6700139865,5.6700138155,5.67001401,5.6700139895,5.670013896,5.670013862,5.670013984,5.6700139755,5.6700137845,5.67001373,5.670013859,5.6700139655,5.670013792,5.6700138435
+"5962","GK2",3.246173548,3.246173533,3.246173578,3.246173541,3.246173598,3.246173558,3.246173559,3.246173569,3.246173553,3.246173548,3.246173527,3.246173566,3.246173538,3.246173552,3.246173583,3.246173584,3.246173573,3.246173571,3.246173552,3.246173571,3.246173572,3.246173562,3.246173531,3.246173539,3.246173526,3.246173555,3.246173513,3.246173514
+"5963","GK3P",7.590022297,7.590022119,7.590021741,7.590022596,7.590019785,7.590021062,7.590020856,7.590022599,7.590021764,7.590021579,7.590022328,7.590020355,7.590022089,7.590021881,7.590021658,7.590023001,7.590021179,7.590022452,7.590022233,7.590023475,7.590022386,7.590022008,7.590022502,7.59002196,7.590022579,7.590021394,7.590021714,7.590021614
+"5964","GK5",5.642049369,5.64204874,5.642048907,5.642048426,5.642048568,5.642048261,5.642048443,5.642048464,5.64204882,5.642048732,5.642048557,5.642048521,5.642048917,5.642049126,5.642048934,5.642048516,5.642048322,5.642048455,5.642048631,5.642048,5.64204883,5.642048665,5.642048932,5.642048927,5.642048847,5.642048893,5.642048895,5.64204894
+"5965","GKAP1",3.364614891,3.364614897,3.364614883,3.364614874,3.364614907,3.36461486,3.364614874,3.364614881,3.364614894,3.364614879,3.364614904,3.364614893,3.364614897,3.364614967,3.364614878,3.364614911,3.364614903,3.364614882,3.36461491,3.364614882,3.364614879,3.364614859,3.364614851,3.364614897,3.364614858,3.364614895,3.36461486,3.364614915
+"5966","GKN1",2.67153374,2.671533726,2.671533685,2.671534148,2.671533775,2.671533837,2.671533845,2.671533746,2.671533901,2.671533919,2.671533858,2.671534059,2.671533922,2.67153393,2.671533985,2.671533676,2.671534222,2.671533836,2.671533805,2.671533771,2.671533727,2.671533974,2.671533899,2.671533955,2.671533827,2.67153375,2.671533984,2.67153393
+"5967","GKN2",2.584757894,2.584757946,2.584757928,2.58475794,2.584757948,2.584757928,2.584757966,2.58475796,2.584757929,2.584757997,2.584757987,2.584758006,2.58475793,2.58475792,2.584757909,2.584757963,2.584757942,2.584757926,2.584757912,2.584757926,2.584757904,2.584757935,2.584757924,2.584758008,2.584757933,2.584757937,2.584757971,2.584757931
+"5968","GLA",5.854397251,5.854397382,5.854397253,5.854397368,5.854397051,5.85439734,5.854397347,5.854397055,5.854397218,5.854397122,5.854397304,5.854397139,5.854397272,5.854397344,5.854397297,5.854397271,5.854397251,5.8543971,5.854397253,5.854397446,5.854397208,5.854397175,5.854397203,5.854397194,5.854397256,5.854397035,5.854397295,5.854397209
+"5969","GLB1",6.987659893,6.987659912,6.987659478,6.987659914,6.987659514,6.987660107,6.987659519,6.987659235,6.987659307,6.987659636,6.987659849,6.987659008,6.987659721,6.987659897,6.987659326,6.987659513,6.987659253,6.987659414,6.987659514,6.987660106,6.987659432,6.987659238,6.987659352,6.987659866,6.987659667,6.987659046,6.987659875,6.987659141
+"5970","GLB1L",4.853791891,4.853791845,4.853791894,4.853791802,4.853791935,4.853791919,4.853791978,4.853791882,4.853791816,4.853791947,4.853791925,4.853791885,4.853791806,4.853791844,4.853791885,4.853791846,4.853791989,4.853791776,4.853791882,4.853791967,4.853791962,4.85379197,4.853791777,4.853791956,4.853791789,4.853791874,4.853791795,4.853791785
+"5971","GLB1L2",4.519104714,4.519104733,4.519104747,4.519104733,4.519104759,4.519104736,4.519104759,4.519104739,4.519104741,4.519104712,4.519104765,4.519104764,4.519104692,4.519104729,4.519104786,4.519104712,4.519104754,4.519104729,4.519104738,4.519104716,4.519104762,4.519104759,4.519104719,4.519104723,4.519104747,4.519104751,4.519104728,4.519104732
+"5972","GLB1L3",3.995404149,3.995404185,3.995404182,3.995404137,3.995404202,3.995404221,3.995404186,3.995404144,3.995404192,3.99540417,3.9954042,3.995404181,3.995404185,3.995404168,3.995404226,3.995404234,3.995404223,3.995404229,3.995404193,3.9954042,3.995404237,3.995404166,3.995404188,3.99540424,3.995404167,3.995404183,3.995404164,3.995404227
+"5973","GLCCI1",7.60030887,7.600308929,7.600307788,7.600308657,7.600307769,7.600308731,7.600308572,7.600307874,7.600308668,7.600308451,7.600307983,7.600308018,7.600308693,7.600308819,7.600308353,7.600308703,7.600307005,7.600308118,7.6003085,7.600308814,7.600308731,7.600307849,7.600308943,7.60030862,7.600308604,7.600308373,7.600308845,7.600308577
+"5974","GLCE",5.451374854,5.451374114,5.451374249,5.451374477,5.451374353,5.451374579,5.451374342,5.451374133,5.451374486,5.451374753,5.451374041,5.451373734,5.451374217,5.451374841,5.451374445,5.451373534,5.451374074,5.451374146,5.451374529,5.45137449,5.45137388,5.451373642,5.451374182,5.451374928,5.451373703,5.451374197,5.451374298,5.451374698
+"5975","GLDC",5.865592517,5.865592474,5.865592839,5.86559311,5.86559278,5.86559253,5.865593164,5.865592644,5.865592887,5.865592733,5.865592911,5.86559253,5.865593043,5.865592618,5.86559286,5.86559266,5.865592789,5.865593125,5.865592866,5.865592536,5.865593256,5.865592718,5.865592472,5.865592562,5.865592952,5.86559267,5.865593017,5.865592056
+"5976","GLDN",3.894578577,3.89457865,3.894578607,3.89457859,3.894578653,3.894578617,3.894578725,3.894578652,3.89457862,3.894578621,3.894578615,3.894578653,3.894578575,3.894578553,3.894578589,3.894578612,3.894578675,3.894578668,3.894578675,3.894578594,3.894578687,3.894578599,3.894578649,3.894578613,3.894578622,3.894578656,3.894578566,3.894578686
+"5977","GLE1",7.192031275,7.192031332,7.192031286,7.192031254,7.192031209,7.192031392,7.192031331,7.192031152,7.192031311,7.192031294,7.192031162,7.192031089,7.192031353,7.192031294,7.192031201,7.192031333,7.1920311,7.19203119,7.19203128,7.192031138,7.192031269,7.19203122,7.192031356,7.19203143,7.192031293,7.19203121,7.192031239,7.192031221
+"5978","GLG1",8.942169115,8.942169433,8.942168302,8.942168843,8.942169026,8.942169172,8.9421693,8.942168179,8.942170126,8.942170193,8.942168378,8.942169246,8.942169415,8.94217111,8.942169026,8.942169076,8.942167921,8.942168268,8.94216911,8.942167971,8.942168568,8.942168245,8.94217,8.942169816,8.94216819,8.942169843,8.942169693,8.942170141
+"5979","GLI1",4.922916333,4.922916321,4.922916376,4.922916535,4.922916579,4.922916621,4.922916517,4.922916449,4.922916405,4.92291652,4.922916484,4.922916531,4.922916506,4.922916241,4.922916442,4.922916382,4.922916368,4.922916532,4.922916478,4.922916432,4.922916529,4.922916364,4.922916265,4.922916342,4.922916426,4.922916408,4.922916466,4.922916462
+"5980","GLI2",4.681380946,4.681380827,4.681381023,4.681380969,4.681381191,4.681380983,4.681380962,4.681381022,4.681380935,4.681380925,4.68138093,4.681381187,4.681380873,4.681380791,4.681380938,4.68138091,4.681381102,4.681380985,4.681381,4.681380897,4.681381084,4.681380958,4.681380772,4.681380796,4.681380961,4.681381091,4.681380886,4.681381023
+"5981","GLI3",3.453876295,3.453876303,3.453876313,3.453876336,3.453876352,3.453876304,3.45387631,3.453876315,3.453876319,3.453876297,3.453876353,3.453876334,3.453876323,3.4538763,3.453876332,3.45387633,3.453876336,3.453876354,3.453876317,3.453876322,3.453876333,3.453876344,3.453876282,3.45387629,3.453876309,3.45387631,3.453876284,3.453876333
+"5982","GLI4",6.235480596,6.235480569,6.235480551,6.235480517,6.235480696,6.235480543,6.23548062,6.235480633,6.235480605,6.235480593,6.235480633,6.235480714,6.235480547,6.235480462,6.235480645,6.235480514,6.235480668,6.235480587,6.235480626,6.235480625,6.235480605,6.235480631,6.23548059,6.235480521,6.23548055,6.235480623,6.235480576,6.235480578
+"5983","GLIPR1",9.145628649,9.145627055,9.145627938,9.145627331,9.145626556,9.145626785,9.145627368,9.14562671,9.145625526,9.145626628,9.145626733,9.145625286,9.145627339,9.145628507,9.145627799,9.145626322,9.145627824,9.145626832,9.145627208,9.14562698,9.145627756,9.14562719,9.145626877,9.145627407,9.145626925,9.14562657,9.145627207,9.145627595
+"5984","GLIPR1L1",3.809851018,3.809851047,3.809850948,3.809850949,3.809851037,3.809850964,3.809851013,3.809851036,3.809850978,3.809850946,3.80985109,3.809850996,3.809851049,3.809850982,3.809851089,3.809851021,3.809851036,3.809851067,3.809850982,3.80985099,3.809850917,3.809851049,3.809851013,3.809850928,3.809850993,3.809850987,3.809851007,3.809850901
+"5985","GLIPR1L2",3.020357622,3.020357612,3.020357634,3.020357628,3.020357625,3.020357642,3.020357601,3.020357611,3.020357639,3.020357662,3.020357644,3.020357619,3.02035764,3.020357616,3.020357624,3.020357626,3.020357654,3.020357625,3.020357626,3.020357633,3.0203576,3.020357628,3.020357639,3.020357647,3.02035765,3.020357621,3.020357647,3.02035763
+"5986","GLIPR2",9.157011106,9.157012132,9.157010725,9.157011904,9.157010181,9.157012124,9.157010435,9.157010611,9.157009568,9.15701014,9.157010288,9.157007718,9.157010501,9.157011272,9.157010605,9.157012384,9.157010376,9.157011148,9.157011272,9.157012709,9.157010845,9.157010932,9.157011113,9.157011442,9.157010819,9.157009556,9.157010286,9.157010641
+"5987","GLIS1",5.859652446,5.859652582,5.859652681,5.859652581,5.859652816,5.859652507,5.859652544,5.859652671,5.859652576,5.859652667,5.859652614,5.859652763,5.859652582,5.859652399,5.859652645,5.859652539,5.859652812,5.859652705,5.859652642,5.859652541,5.859652669,5.859652718,5.859652574,5.859652483,5.859652597,5.859652654,5.859652569,5.859652651
+"5988","GLIS2",5.768486431,5.768486496,5.768486576,5.768486491,5.768486614,5.768486541,5.768486553,5.768486592,5.768486423,5.768486502,5.768486457,5.768486536,5.768486525,5.76848635,5.768486591,5.768486509,5.768486591,5.768486608,5.768486584,5.76848649,5.768486547,5.768486533,5.76848653,5.768486527,5.768486549,5.768486501,5.768486493,5.768486491
+"5989","GLIS3",4.399307736,4.399307755,4.399307771,4.399307759,4.399307808,4.399307743,4.399307726,4.399307792,4.399307769,4.399307736,4.399307768,4.399307798,4.399307741,4.399307712,4.399307751,4.399307757,4.399307746,4.399307777,4.399307737,4.399307735,4.399307741,4.399307754,4.399307739,4.399307713,4.399307769,4.399307784,4.399307733,4.399307745
+"5990","GLIS3-AS1",4.808869155,4.808869042,4.808869144,4.808869014,4.808869821,4.808869256,4.808869343,4.808869546,4.808869095,4.808868727,4.808869126,4.808869792,4.808869021,4.808868988,4.808869735,4.808868983,4.80886993,4.80886969,4.808869446,4.808869286,4.808869532,4.80886986,4.808869101,4.808869044,4.80886923,4.808869666,4.808869123,4.808869466
+"5991","GLMN",4.183152588,4.183152553,4.18315253,4.18315249,4.183152485,4.183152544,4.183152524,4.183152484,4.18315258,4.183152534,4.183152501,4.18315252,4.18315257,4.183152608,4.18315254,4.183152544,4.183152518,4.183152505,4.183152555,4.18315252,4.183152554,4.18315251,4.183152582,4.183152562,4.183152519,4.183152534,4.183152553,4.183152579
+"5992","GLMP",6.269346173,6.269345463,6.269346011,6.26934421,6.269345393,6.269347087,6.269345963,6.269344851,6.269345493,6.269345635,6.269346222,6.269345246,6.26934629,6.269345953,6.269345978,6.26934521,6.269345807,6.26934506,6.269345115,6.269346789,6.269345527,6.269344614,6.269345876,6.269345463,6.269346151,6.269345442,6.26934647,6.2693455
+"5993","GLO1",5.756644819,5.756644728,5.756644631,5.756644506,5.756644488,5.756644586,5.756644611,5.756644536,5.756644698,5.756644723,5.756644626,5.756644453,5.756644667,5.756644896,5.756644548,5.756644521,5.756644466,5.756644356,5.756644531,5.756644543,5.75664464,5.756644598,5.756644699,5.756644712,5.756644512,5.756644633,5.756644577,5.756644671
+"5994","GLOD4",6.442449483,6.442449349,6.442449175,6.442448777,6.442449169,6.442449053,6.442449013,6.442449182,6.44244972,6.442449366,6.442448934,6.442448989,6.442449447,6.442450123,6.442448982,6.44244906,6.442448458,6.442448718,6.442449217,6.442449133,6.442448966,6.44244921,6.442449646,6.442449313,6.442448945,6.442449174,6.442449358,6.44244947
+"5995","GLOD5",5.432579237,5.432579567,5.432579928,5.432579421,5.432579928,5.432578822,5.432579463,5.432579851,5.432579685,5.432579532,5.432580175,5.432580276,5.432579699,5.432578826,5.43257968,5.432580168,5.432580114,5.432580148,5.432579699,5.432579491,5.432579491,5.432579828,5.432579657,5.432579537,5.432579933,5.432580007,5.432579489,5.43258001
+"5996","GLP1R",5.397396433,5.397396419,5.397396427,5.397396436,5.397396471,5.397396405,5.397396466,5.397396464,5.397396412,5.397396437,5.397396447,5.397396472,5.39739643,5.397396388,5.397396448,5.397396489,5.397396489,5.397396457,5.397396433,5.397396444,5.39739645,5.39739647,5.397396416,5.397396397,5.397396449,5.39739645,5.397396466,5.397396415
+"5997","GLP2R",4.37523982,4.375239806,4.375239972,4.375239873,4.37524009,4.375239763,4.375239992,4.375239854,4.375239654,4.375239769,4.375239953,4.375239914,4.375239826,4.375239781,4.375239976,4.375239889,4.375239995,4.375239974,4.375239952,4.375239922,4.375240024,4.375240125,4.375239901,4.375239653,4.375239791,4.375239749,4.375239812,4.375239914
+"5998","GLRA1",3.977996775,3.977996757,3.977996838,3.977996822,3.977996826,3.977996795,3.977996813,3.97799687,3.977996775,3.977996773,3.977996789,3.977996777,3.97799679,3.977996766,3.977996799,3.97799682,3.977996856,3.977996831,3.977996794,3.977996794,3.977996807,3.977996828,3.977996799,3.977996754,3.977996772,3.97799681,3.977996774,3.977996805
+"5999","GLRA2",3.59326539,3.593265415,3.59326541,3.593265421,3.593265441,3.593265437,3.593265418,3.59326546,3.593265441,3.593265424,3.593265416,3.59326548,3.59326543,3.593265405,3.593265425,3.593265456,3.593265476,3.593265432,3.59326542,3.59326544,3.593265416,3.593265441,3.593265415,3.593265386,3.593265431,3.59326539,3.593265435,3.593265463
+"6000","GLRA3",3.432899684,3.43289988,3.43289975,3.432899729,3.432899929,3.432899837,3.432899912,3.432899907,3.432899817,3.432899868,3.43289991,3.432900107,3.432899854,3.432899598,3.432899952,3.432899889,3.432900034,3.43289993,3.432899848,3.432899904,3.432899856,3.43289987,3.43289997,3.432899814,3.43289983,3.432899857,3.432899863,3.432900146
+"6001","GLRA4",4.471900579,4.471900617,4.471900722,4.47190066,4.471900791,4.471900605,4.471900668,4.471900794,4.471900578,4.471900632,4.471900695,4.471900809,4.47190064,4.471900474,4.471900682,4.471900768,4.471900771,4.471900832,4.471900609,4.471900673,4.471900768,4.471900829,4.471900571,4.471900634,4.471900736,4.471900695,4.471900648,4.471900679
+"6002","GLRB",3.686181876,3.686181913,3.686181904,3.686181877,3.686181949,3.686181922,3.686181928,3.686181947,3.68618189,3.686181912,3.686181929,3.68618194,3.686181891,3.686181892,3.686181915,3.68618191,3.68618194,3.68618191,3.686181903,3.686181903,3.68618192,3.686181931,3.686181906,3.686181887,3.686181933,3.686181916,3.686181927,3.686181944
+"6003","GLRX",7.541367452,7.541367526,7.541366166,7.541366633,7.541365295,7.541367923,7.541368061,7.541366375,7.541367356,7.541367734,7.541366725,7.541364339,7.541366347,7.541369018,7.541366543,7.541368407,7.541365568,7.541365046,7.541366686,7.541368376,7.541368072,7.541366753,7.541367656,7.541368091,7.541366519,7.541364971,7.541366475,7.541366979
+"6004","GLRX2",5.508586176,5.50858612,5.508586206,5.508586114,5.508586213,5.50858612,5.508586191,5.508586163,5.508586186,5.508586119,5.50858621,5.508586121,5.508586184,5.508586207,5.5085862,5.508586138,5.508586151,5.508586124,5.508586167,5.508586015,5.508586147,5.508586209,5.508586159,5.508586155,5.508586219,5.508586134,5.508586205,5.508586186
+"6005","GLRX3",7.077045824,7.077045773,7.077045704,7.077045789,7.077045748,7.077045648,7.077045844,7.077045528,7.077045673,7.077045739,7.077045741,7.077045643,7.077045803,7.077045884,7.07704566,7.07704566,7.07704564,7.077045619,7.077045779,7.077045878,7.077045797,7.077045593,7.077045863,7.077045746,7.077045743,7.077045875,7.07704573,7.077045671
+"6006","GLRX5",8.976253291,8.976253325,8.976254913,8.976253499,8.976254054,8.97625409,8.976254092,8.976254872,8.976254443,8.976254571,8.976253946,8.976255274,8.976253413,8.976252653,8.976253357,8.976252982,8.976254409,8.97625339,8.976253646,8.976254354,8.976253924,8.976254513,8.976254152,8.976254429,8.976253708,8.976254801,8.976253755,8.976253322
+"6007","GLS",7.805903873,7.805902489,7.805899546,7.805899534,7.805899595,7.805898069,7.805900551,7.805899761,7.805901824,7.805900227,7.80589864,7.805897138,7.805901924,7.805907955,7.805901737,7.805901616,7.805897781,7.805898599,7.805900653,7.805895059,7.80590127,7.805899893,7.805902781,7.805899613,7.805899394,7.805899319,7.805901108,7.805904581
+"6008","GLS2",4.65377009,4.653770063,4.653770141,4.653770082,4.653770146,4.653770109,4.65377013,4.653770147,4.653770087,4.653770117,4.653770116,4.653770123,4.653770091,4.653770062,4.653770135,4.653770067,4.653770133,4.653770129,4.65377012,4.653770079,4.653770135,4.653770103,4.653770126,4.653770078,4.653770101,4.653770147,4.653770088,4.653770152
+"6009","GLT1D1",8.919165496,9.364656587,8.818586355,9.417310301,8.320930484,9.039542584,8.906083397,8.576254012,8.570625223,8.478192142,8.933635547,8.179448371,8.858205162,8.797221472,8.776678642,9.363602763,8.779998626,9.308652515,8.83564945,9.323940367,8.88569541,8.593278181,9.085069237,8.970971051,9.160839829,8.610227658,8.857429278,8.491579694
+"6010","GLT6D1",3.684691568,3.684691513,3.684691588,3.684691546,3.684691627,3.684691503,3.684691662,3.684691456,3.684691619,3.684691624,3.68469156,3.684691712,3.684691509,3.684691528,3.684691558,3.68469136,3.684691607,3.684691604,3.684691612,3.684691615,3.684691557,3.6846916,3.684691667,3.684691397,3.684691592,3.684691566,3.684691518,3.684691538
+"6011","GLT8D1",6.303378362,6.303378284,6.303378238,6.303378238,6.303378088,6.303378258,6.303378293,6.303378147,6.303378286,6.303378283,6.303378217,6.303378045,6.303378326,6.30337846,6.303378213,6.303378241,6.303378144,6.30337813,6.303378333,6.303378255,6.303378213,6.303378329,6.30337834,6.303378329,6.303378296,6.303378201,6.303378258,6.30337837
+"6012","GLT8D2",3.751621817,3.7516218,3.751621774,3.751621832,3.751621725,3.751621861,3.751621789,3.751621778,3.751621817,3.751621861,3.751621821,3.751621878,3.751621763,3.751621779,3.751621783,3.751621827,3.751621818,3.751621809,3.751621788,3.751621842,3.751621795,3.751621787,3.751621844,3.751621757,3.751621834,3.751621776,3.751621827,3.751621851
+"6013","GLTP",6.830626859,6.830626618,6.830626748,6.83062677,6.830626597,6.830626907,6.830626824,6.83062689,6.830626671,6.830626865,6.830626685,6.83062667,6.830626806,6.830626798,6.830626963,6.830626334,6.830626626,6.830626379,6.83062678,6.830626777,6.830626608,6.830626759,6.830626761,6.830626914,6.830626817,6.830626619,6.830626811,6.830626717
+"6014","GLTPD2",6.219081907,6.219081646,6.219081883,6.219081797,6.219082277,6.219081959,6.219082044,6.219082151,6.219081775,6.219082058,6.2190819,6.219082267,6.219081747,6.219081604,6.219082107,6.219081768,6.219082271,6.219082007,6.219081951,6.21908198,6.219082016,6.219082095,6.21908192,6.219081764,6.219081875,6.21908208,6.219081828,6.219081976
+"6015","GLUD2",4.591115104,4.591115067,4.591115046,4.591115041,4.591115198,4.591115075,4.591115132,4.591115167,4.591115083,4.591115004,4.591115125,4.591115318,4.591115125,4.591114971,4.591115089,4.591115133,4.591115196,4.591115078,4.591115186,4.591115033,4.591115151,4.591115113,4.591115119,4.591115004,4.591115213,4.591115152,4.591115163,4.591115171
+"6016","GLUL",9.508332653,9.508333826,9.508333586,9.508333619,9.508333074,9.508333585,9.508333208,9.508333966,9.5083326,9.508333026,9.508333187,9.508333245,9.508332358,9.508332017,9.508333192,9.508333757,9.508333587,9.508333873,9.50833301,9.508332903,9.508333358,9.508333314,9.508332862,9.50833358,9.508333407,9.508333865,9.508332202,9.508332194
+"6017","GLYAT",3.605457215,3.605457205,3.605457188,3.60545721,3.605457224,3.605457306,3.60545725,3.605457184,3.605457191,3.605457206,3.60545732,3.605457286,3.605457263,3.605457199,3.605457234,3.605457221,3.605457259,3.605457202,3.605457244,3.605457213,3.605457243,3.605457209,3.605457168,3.605457214,3.605457245,3.605457234,3.605457198,3.605457261
+"6018","GLYATL1",3.975912763,3.975912789,3.975912815,3.975912811,3.975912696,3.975912885,3.975912669,3.975912835,3.975912819,3.975912832,3.975912812,3.9759128,3.975912802,3.97591272,3.975912727,3.975912788,3.97591283,3.975912826,3.975912736,3.975912857,3.975912709,3.975912788,3.975912867,3.975912847,3.97591284,3.975912693,3.975912871,3.975912811
+"6019","GLYATL2",3.056016144,3.056016038,3.056016183,3.056016103,3.056016055,3.056016193,3.056015978,3.056016101,3.056016156,3.056015976,3.056016135,3.056016205,3.056016203,3.056016073,3.056016192,3.056016148,3.056016078,3.056016311,3.056016038,3.056016207,3.056016031,3.056016018,3.056016096,3.056016102,3.056016034,3.056016034,3.05601614,3.056016034
+"6020","GLYCTK",6.84780402,6.847804037,6.847804033,6.847804032,6.847804019,6.847804035,6.847804016,6.847804062,6.847804055,6.847804036,6.847804023,6.847804035,6.847804038,6.847804015,6.847804028,6.847804034,6.847804011,6.847804001,6.847804004,6.847803994,6.847804011,6.847804057,6.847804008,6.847804058,6.847804038,6.847804047,6.847804025,6.847804003
+"6021","GLYR1",7.693695536,7.693695577,7.693695509,7.693695609,7.69369548,7.693695583,7.693695522,7.693695469,7.693695476,7.693695468,7.693695435,7.693695463,7.693695472,7.69369559,7.693695496,7.693695555,7.693695413,7.693695536,7.693695526,7.693695608,7.693695496,7.693695453,7.693695517,7.693695539,7.693695493,7.693695523,7.693695442,7.693695506
+"6022","GM2A",7.935915211,7.939597595,7.935918831,7.947701265,7.934917191,7.947109726,7.932153799,7.931835017,7.93875972,7.943289089,7.931560043,7.937690623,7.940216025,7.938785122,7.933893025,7.935784914,7.933969315,7.943868926,7.932422966,7.943612406,7.929671199,7.929717798,7.940430399,7.942221011,7.930224483,7.939424065,7.940077228,7.934330161
+"6023","GMCL1",7.528090177,7.528090401,7.528090198,7.528090194,7.52808989,7.528089684,7.528090239,7.528090107,7.528089924,7.528090108,7.528089711,7.528089795,7.528090144,7.528090531,7.528090245,7.528090356,7.528090109,7.528090104,7.528090335,7.528089701,7.528090059,7.528090195,7.528090253,7.528090304,7.528090193,7.528090031,7.52809006,7.528090398
+"6024","GMCL2",3.01604756,3.016047539,3.016047615,3.01604766,3.016047561,3.016047671,3.016047537,3.01604767,3.016047678,3.016047627,3.016047707,3.016047588,3.016047622,3.016047603,3.016047668,3.016047554,3.016047674,3.016047633,3.016047538,3.016047575,3.016047605,3.016047649,3.016047656,3.016047613,3.016047633,3.016047628,3.016047573,3.016047599
+"6025","GMDS",6.98241676,6.982416761,6.982416712,6.98241673,6.982416663,6.982416827,6.982416776,6.982416677,6.982416774,6.982416745,6.982416709,6.982416714,6.982416775,6.98241677,6.982416783,6.982416737,6.982416678,6.982416688,6.982416766,6.982416806,6.982416741,6.98241672,6.982416788,6.982416745,6.982416707,6.982416766,6.982416762,6.982416746
+"6026","GMEB1",6.524037332,6.524037773,6.52403683,6.524037352,6.524036625,6.524037593,6.524037591,6.524037077,6.524037331,6.524037384,6.524037002,6.524036621,6.524037579,6.524038048,6.524037126,6.524037568,6.5240365,6.524036876,6.524037137,6.524037479,6.52403741,6.524036938,6.524037655,6.524037577,6.524037488,6.524037171,6.524037596,6.52403768
+"6027","GMEB2",7.156384874,7.156384884,7.15638488,7.156384891,7.15638488,7.156384888,7.156384889,7.156384895,7.156384896,7.156384878,7.156384878,7.1563849,7.156384901,7.156384884,7.156384889,7.15638488,7.156384899,7.156384894,7.156384884,7.156384892,7.156384884,7.156384897,7.156384883,7.156384884,7.15638488,7.156384893,7.156384889,7.156384882
+"6028","GMFB",5.200162698,5.20016257,5.200162595,5.2001622,5.200162286,5.200161838,5.200162161,5.200162011,5.20016224,5.200162361,5.200162236,5.200161968,5.200162042,5.200163333,5.200162515,5.200162354,5.200162264,5.200162277,5.200162562,5.200161571,5.200162235,5.200162303,5.200162309,5.200162576,5.200162247,5.200161973,5.200162001,5.200163092
+"6029","GMFG",8.888266583,8.888267551,8.888267298,8.888267835,8.888265469,8.888267784,8.888267251,8.888265397,8.888267146,8.888266772,8.888266867,8.888265167,8.888266735,8.888267261,8.888266673,8.888267925,8.888267087,8.888267278,8.888267003,8.888269057,8.888267183,8.888266805,8.888267856,8.888268023,8.888267254,8.88826644,8.888266527,8.88826633
+"6030","GMIP",8.427303902,8.427304394,8.42730393,8.427305113,8.427303939,8.427305077,8.427304286,8.427304201,8.427304261,8.427304232,8.427304579,8.427303682,8.427304157,8.427303639,8.427303839,8.427304592,8.427304184,8.427304924,8.427304317,8.427305237,8.427304077,8.427304089,8.427304512,8.427304574,8.427304633,8.427303963,8.427304307,8.427303686
+"6031","GML",5.071961469,5.071961425,5.071961407,5.071961408,5.071961304,5.071961267,5.07196139,5.071961347,5.07196139,5.071961359,5.071961496,5.071961301,5.071961393,5.071961381,5.071961394,5.071961465,5.0719613,5.071961408,5.07196134,5.071961364,5.071961374,5.071961395,5.071961404,5.07196143,5.071961457,5.071961368,5.071961464,5.071961426
+"6032","GMNN",3.714731225,3.714731507,3.714731331,3.714731349,3.714731338,3.714731409,3.714731522,3.714731436,3.714731426,3.714731528,3.714731387,3.714731439,3.71473128,3.714731495,3.714731335,3.714731352,3.714731389,3.714731352,3.714731397,3.714731421,3.714731432,3.714731329,3.714731392,3.714731336,3.714731234,3.714731313,3.71473148,3.714731537
+"6033","GMPPA",6.523342048,6.523342047,6.523342038,6.523342035,6.523342045,6.523342071,6.523342068,6.523342037,6.523342055,6.523342043,6.523342015,6.523342035,6.523342055,6.523342042,6.523342026,6.523342019,6.523342026,6.523342018,6.52334204,6.523342054,6.523342043,6.523342054,6.523342038,6.523342039,6.523342038,6.523342032,6.523342051,6.523342041
+"6034","GMPPB",6.567004814,6.567004721,6.567004936,6.567004812,6.567004932,6.567004703,6.567004899,6.567004994,6.567004959,6.567004881,6.567004822,6.567004942,6.567004971,6.567004795,6.5670049,6.567004856,6.56700497,6.567004934,6.567004804,6.567004726,6.567005001,6.567004996,6.56700478,6.567004832,6.56700474,6.567004984,6.567004835,6.567004887
+"6035","GMPR",7.777108336,7.641912992,8.334444846,8.082915212,7.867183834,8.469482339,8.161452407,8.767089231,8.40469731,8.488216085,7.927195565,9.02315728,7.498791855,6.862091503,7.799504113,7.422446128,8.015191388,8.069856844,7.512351171,7.978433737,8.124368622,8.546701214,8.28401006,8.42554705,7.652453059,9.071921746,7.603349498,7.143604623
+"6036","GMPR2",7.322183796,7.322183946,7.322183167,7.32218457,7.322182503,7.322183862,7.322183463,7.322183404,7.3221834,7.322183031,7.322183524,7.322182685,7.322183522,7.322183771,7.322183326,7.322183932,7.322183034,7.322184273,7.322183546,7.322184446,7.322183631,7.322183575,7.322183728,7.322183883,7.322183547,7.322183202,7.322183257,7.322183165
+"6037","GMPS",6.843563837,6.843563809,6.843563687,6.843563539,6.843563677,6.84356359,6.843563766,6.843563546,6.843563768,6.843563717,6.843563388,6.843563595,6.843563677,6.843564101,6.843563512,6.843563744,6.843563238,6.843563456,6.843563589,6.843563746,6.843563736,6.843563601,6.84356392,6.843563787,6.843563613,6.84356368,6.843563826,6.843563863
+"6038","GNA11",5.4025143395,5.402514462,5.402514525,5.402514315,5.40251451,5.4025140345,5.4025142575,5.4025144435,5.4025143545,5.402514393,5.4025144895,5.4025144785,5.4025143555,5.4025140855,5.4025144285,5.4025145615,5.4025145555,5.4025144935,5.4025142565,5.402514205,5.4025142355,5.402514451,5.4025142465,5.4025143475,5.402514495,5.4025144665,5.4025143425,5.4025144405
+"6039","GNA12",7.709652682,7.709653283,7.709654644,7.709652985,7.709652958,7.709655739,7.709655312,7.709655233,7.709655702,7.709653722,7.709653888,7.709655865,7.709651939,7.709653647,7.709652735,7.709652926,7.709654567,7.709653127,7.709652614,7.709654384,7.709654206,7.709655043,7.709655678,7.709653313,7.709653286,7.709655589,7.709652402,7.709653947
+"6040","GNA13",8.304209,8.304208974,8.304208441,8.304209194,8.304208343,8.304208668,8.304208464,8.304208468,8.304208371,8.304208493,8.304208671,8.304207508,8.304208794,8.304209191,8.304208642,8.304208775,8.304208017,8.304209008,8.304208655,8.304208609,8.304208796,8.304208376,8.304208781,8.304208996,8.304208503,8.304208229,8.304208668,8.30420884
+"6041","GNA14",3.671941877,3.671941895,3.671941884,3.671941876,3.671941908,3.671941866,3.671941871,3.671941898,3.67194186,3.67194189,3.671941925,3.671941896,3.671941864,3.671941865,3.671941886,3.671941929,3.67194186,3.671941907,3.671941902,3.671941893,3.67194188,3.671941882,3.671941866,3.671941891,3.671941912,3.671941898,3.671941893,3.671941878
+"6042","GNA15",6.790476795,6.790476808,6.79047678,6.790476773,6.790476879,6.790476816,6.790476773,6.790476739,6.790476684,6.7904768,6.790476867,6.790476738,6.790476792,6.790476776,6.790476786,6.790476731,6.790476783,6.790476804,6.790476841,6.790476865,6.790476729,6.790476787,6.790476708,6.790476796,6.790476766,6.790476749,6.790476794,6.79047672
+"6043","GNAI1",3.920273513,3.920273633,3.92027355,3.920273777,3.920273493,3.920273696,3.920273528,3.920273669,3.920273658,3.920273654,3.920273642,3.92027363,3.920273621,3.920273576,3.92027354,3.92027371,3.920273547,3.920273626,3.920273588,3.920273576,3.920273537,3.920273638,3.920273758,3.92027368,3.920273693,3.92027367,3.920273509,3.920273593
+"6044","GNAI2",9.828602113,9.828602957,9.828601753,9.828602683,9.828601778,9.828602727,9.828601958,9.828602004,9.828601786,9.828601935,9.828601667,9.828601171,9.828602088,9.828602314,9.828601746,9.828602843,9.828601699,9.828602114,9.828601787,9.828602339,9.828601775,9.828601873,9.828602158,9.828602464,9.828601784,9.828601474,9.828602222,9.828601694
+"6045","GNAI3",7.928927963,7.928930856,7.928922824,7.92892802,7.928917497,7.928916792,7.928918515,7.928914597,7.928918328,7.928918585,7.928922763,7.928897042,7.92892467,7.928938045,7.928923731,7.928933437,7.928919183,7.928925074,7.92892921,7.928913475,7.928921284,7.928917965,7.928927957,7.928924442,7.92892498,7.928908972,7.92892002,7.928929861
+"6046","GNAL",4.806823567,4.806823568,4.806823605,4.806823588,4.80682359,4.806823579,4.806823585,4.806823601,4.806823572,4.80682358,4.806823584,4.806823592,4.806823587,4.806823562,4.806823569,4.806823587,4.806823585,4.806823595,4.806823578,4.806823574,4.806823583,4.806823579,4.80682357,4.806823576,4.806823602,4.806823583,4.80682358,4.806823584
+"6047","GNAO1",4.959404178,4.959403725,4.959403901,4.959404088,4.959404185,4.959404183,4.959403958,4.959404216,4.959403893,4.959404012,4.959404383,4.959404266,4.959403811,4.959403775,4.959404096,4.959404147,4.959404149,4.959404305,4.95940424,4.959404136,4.959404125,4.959404432,4.95940376,4.959404153,4.959404182,4.959404115,4.959403922,4.959404266
+"6048","GNAQ",7.9011958575,7.9011978305,7.901195542,7.9011971915,7.9011957985,7.901194961,7.901195422,7.901193262,7.901194244,7.901195322,7.9011962865,7.9011941895,7.9011960205,7.901196257,7.901195313,7.9011964545,7.901193078,7.9011974095,7.901196128,7.9011963085,7.901196008,7.9011944655,7.90119627,7.901196427,7.9011961975,7.901194808,7.901195664,7.9011952515
+"6049","GNAS",8.474490694,8.474490707,8.47449067,8.474490754,8.474490697,8.474490841,8.474490691,8.474490676,8.474490707,8.47449082,8.474490744,8.474490696,8.474490669,8.474490632,8.474490596,8.474490567,8.474490601,8.474490725,8.474490643,8.474490712,8.474490696,8.474490698,8.474490743,8.474490802,8.474490757,8.474490733,8.474490709,8.474490572
+"6050","GNAT1",4.852371078,4.852371009,4.852371064,4.852371177,4.852371164,4.852371023,4.852371019,4.852371088,4.852371136,4.852371116,4.852371251,4.85237118,4.852371123,4.852370916,4.852371145,4.852371091,4.852371145,4.852371113,4.852371041,4.852371048,4.852371213,4.852371136,4.852371141,4.852371021,4.852371036,4.852371183,4.852370962,4.852370979
+"6051","GNAT2",4.866121261,4.866121309,4.866121295,4.866121301,4.866121233,4.866121249,4.866121289,4.866121272,4.866121253,4.866121272,4.866121291,4.866121227,4.86612128,4.86612129,4.866121266,4.866121357,4.866121263,4.866121341,4.866121235,4.866121288,4.866121299,4.866121263,4.866121269,4.866121291,4.866121298,4.866121264,4.866121281,4.866121321
+"6052","GNAZ",6.826935586,6.826935801,6.826935828,6.826937175,6.826936573,6.826936095,6.826936228,6.82693605,6.826935519,6.826936575,6.826937019,6.82693663,6.826936038,6.826935089,6.826936189,6.826935649,6.826936291,6.826937498,6.826936226,6.826936158,6.826936365,6.826936042,6.826935405,6.826936635,6.826936808,6.826936511,6.826935834,6.826935212
+"6053","GNB1",10.11554754,10.11554899,10.11554673,10.11554812,10.1155468,10.11554782,10.11554687,10.11554708,10.11554685,10.11554729,10.11554693,10.1155454,10.11554765,10.11554839,10.1155466,10.11554828,10.11554634,10.11554698,10.11554725,10.11554807,10.11554649,10.11554685,10.1155472,10.11554803,10.11554704,10.1155466,10.11554751,10.11554726
+"6054","GNB2",8.659403623,8.659404362,8.659403867,8.659404394,8.659403727,8.659404584,8.659403737,8.659404043,8.659403886,8.659403947,8.659403947,8.659403392,8.659403923,8.659403405,8.6594036,8.659404381,8.65940394,8.659404284,8.659403873,8.659404019,8.659403588,8.659403975,8.659403916,8.659404023,8.659403865,8.659403561,8.659403848,8.659403472
+"6055","GNB3",4.921819748,4.921819799,4.921819857,4.921819814,4.921819988,4.921819671,4.921819811,4.921819891,4.921819866,4.921819736,4.921819908,4.921819907,4.921819904,4.921819655,4.921819862,4.921819954,4.921820045,4.921819957,4.921819789,4.921819818,4.921819918,4.921819947,4.921819706,4.921819802,4.921819934,4.921819867,4.921819761,4.921819822
+"6056","GNB4",6.687594881,6.68759494,6.687594648,6.687594784,6.687594322,6.687594933,6.687593796,6.687594192,6.687593884,6.687594185,6.687594292,6.687592881,6.687594529,6.687595121,6.687594432,6.687594773,6.687594566,6.687594254,6.68759472,6.687595485,6.687594266,6.687593976,6.68759422,6.687594799,6.687594563,6.687593701,6.687593958,6.687594592
+"6057","GNB5",6.234016338,6.234016345,6.234016321,6.234016365,6.234016327,6.234016329,6.23401634,6.234016335,6.234016352,6.23401636,6.234016334,6.234016333,6.234016345,6.234016352,6.234016324,6.234016343,6.234016302,6.234016359,6.234016334,6.234016326,6.234016327,6.234016316,6.234016349,6.234016356,6.234016341,6.234016345,6.234016359,6.23401633
+"6058","GNE",5.873120538,5.873120457,5.873119972,5.873120056,5.873120016,5.873120489,5.873120168,5.873119936,5.873120358,5.873120315,5.873119731,5.873120259,5.87312056,5.873120887,5.873120162,5.873120323,5.873119852,5.873119588,5.873120253,5.873120316,5.873119984,5.873119732,5.873120265,5.873120281,5.873120078,5.873119837,5.873120543,5.873120411
+"6059","GNG11",4.828813252,4.828813477,4.828813585,4.82881453,4.828813888,4.82881328,4.828813825,4.828813538,4.828813276,4.828814423,4.828813939,4.828813703,4.828813781,4.828812988,4.8288135,4.828813602,4.828813458,4.82881455,4.828813646,4.828813383,4.828813893,4.828813227,4.828813708,4.828814319,4.82881405,4.828813775,4.82881376,4.82881354
+"6060","GNG12",3.761080406,3.761080696,3.761080432,3.76108042,3.761080582,3.761080508,3.761080513,3.761080609,3.761080753,3.761080631,3.761080928,3.761080593,3.761080453,3.761080397,3.761080605,3.76108053,3.761080793,3.761080741,3.761080332,3.761080259,3.761080664,3.761080805,3.761080681,3.761080627,3.761080913,3.761080575,3.761080242,3.761080421
+"6061","GNG13",5.566140523,5.566140687,5.566140762,5.566140708,5.566140733,5.566140768,5.56614066,5.566140668,5.566140701,5.566140701,5.566140726,5.566140846,5.566140652,5.566140557,5.56614068,5.566140708,5.566140807,5.566140757,5.56614057,5.566140642,5.566140668,5.566140706,5.566140716,5.566140744,5.566140589,5.566140678,5.566140716,5.566140656
+"6062","GNG2",7.160797806,7.160797584,7.160797622,7.160797786,7.160797137,7.160797977,7.160798126,7.160797709,7.160797741,7.160797669,7.160797724,7.160796985,7.160797721,7.160798211,7.16079792,7.16079739,7.160797667,7.16079752,7.160797962,7.160797963,7.160798514,7.160797478,7.160797902,7.160798116,7.160798273,7.160797823,7.160797659,7.160797763
+"6063","GNG3",4.361467906,4.361467962,4.36146791,4.361467875,4.361468015,4.361468107,4.361467876,4.361467875,4.361468162,4.361468027,4.361468094,4.361468032,4.361467935,4.361467925,4.361468142,4.361467844,4.361468007,4.361468078,4.361467965,4.361468066,4.361467937,4.361467994,4.361467969,4.361467864,4.361468085,4.361467997,4.361467855,4.361467844
+"6064","GNG4",5.212798172,5.212798157,5.212798188,5.212798115,5.212798309,5.212798156,5.212798278,5.212798184,5.21279819,5.212798138,5.21279827,5.21279827,5.212798128,5.212798041,5.212798317,5.212798207,5.212798306,5.212798211,5.212798254,5.212798113,5.212798255,5.212798214,5.212798152,5.212798105,5.212798194,5.212798251,5.212798091,5.212798174
+"6065","GNG5",8.050232133,8.050231918,8.0502313615,8.0502323835,8.0502316325,8.0502323095,8.050231859,8.050231409,8.050231199,8.050231537,8.0502315945,8.0502307805,8.050232106,8.050231303,8.050231743,8.0502315745,8.0502310745,8.050231808,8.0502319395,8.050232409,8.050232064,8.050231449,8.0502315485,8.050231869,8.050231529,8.050231236,8.050231862,8.0502310055
+"6066","GNG7",6.548022929,6.548022944,6.548022923,6.548022936,6.548022918,6.548022906,6.548022925,6.548022921,6.548022916,6.548022931,6.548022923,6.548022926,6.548022934,6.548022938,6.548022927,6.548022942,6.548022922,6.548022936,6.548022926,6.548022925,6.548022929,6.548022918,6.548022919,6.548022929,6.548022928,6.548022933,6.548022936,6.548022939
+"6067","GNG8",5.53306252,5.533062496,5.533062891,5.533062329,5.533063231,5.53306267,5.53306277,5.533063091,5.533062994,5.533063036,5.533063088,5.533063189,5.533062901,5.533062121,5.533063082,5.533062744,5.533063384,5.533063053,5.533062882,5.533062748,5.533063164,5.533063045,5.533062912,5.533062437,5.533062915,5.53306312,5.533062512,5.533062976
+"6068","GNGT1",2.557177653,2.557177284,2.557177609,2.557177365,2.557177516,2.557177798,2.557177642,2.557177818,2.557177848,2.557177355,2.557177706,2.557177802,2.55717753,2.557177512,2.55717771,2.557178324,2.557177741,2.557177679,2.55717767,2.557177381,2.557177557,2.5571776,2.557177608,2.557177609,2.557177645,2.557177357,2.55717768,2.557177723
+"6069","GNGT2",4.608503081,4.608503006,4.608503113,4.608502844,4.608502775,4.608502875,4.608502858,4.608502576,4.608502776,4.608502933,4.6085029,4.608502513,4.608502869,4.608503084,4.608502886,4.60850301,4.608503144,4.608502848,4.608502567,4.608502935,4.608502842,4.608502901,4.608502988,4.608503239,4.608503027,4.608502806,4.608503055,4.608503018
+"6070","GNL1",6.343393123,6.343393095,6.343393109,6.343393102,6.343393097,6.343393144,6.343393133,6.343393115,6.34339312,6.34339315,6.343393125,6.343393114,6.343393114,6.343393123,6.343393125,6.343393077,6.343393111,6.343393103,6.343393117,6.343393113,6.343393098,6.34339311,6.343393115,6.343393133,6.343393119,6.343393107,6.343393142,6.343393105
+"6071","GNL2",6.623545476,6.623545483,6.623545319,6.623545139,6.62354523,6.623545381,6.623545398,6.623545209,6.62354557,6.623545481,6.623545102,6.623544942,6.62354525,6.623546084,6.623545424,6.623545242,6.623544985,6.623545018,6.623545231,6.623545071,6.623545297,6.623545194,6.623545393,6.623545477,6.623545061,6.623545399,6.623545425,6.623545605
+"6072","GNL3",5.647935633,5.647935263,5.647935477,5.647935375,5.647935471,5.647935538,5.6479356,5.647935391,5.647935645,5.647935462,5.647935366,5.647935516,5.647935546,5.647935952,5.64793546,5.647935244,5.647935449,5.64793521,5.647935481,5.647935398,5.647935504,5.647935535,5.647935523,5.647935367,5.64793532,5.647935558,5.647935564,5.647935743
+"6073","GNL3L",7.216437325,7.216437323,7.21643734,7.216437359,7.216437278,7.216437398,7.216437324,7.216437305,7.216437357,7.216437385,7.216437308,7.216437252,7.216437336,7.216437315,7.216437314,7.21643728,7.216437294,7.216437312,7.216437341,7.216437304,7.216437251,7.216437271,7.21643739,7.216437365,7.21643732,7.216437332,7.21643737,7.216437242
+"6074","GNLY",8.607167365,8.236074845,8.067091418,6.575182959,7.116931619,7.789782045,7.758775504,8.59434979,7.606102656,8.166337217,7.571220369,7.43207763,8.059367135,7.811930919,8.289603464,8.307228001,7.865779868,6.653843624,7.081012701,7.454715802,7.73136422,8.404571385,8.000591278,8.189438707,7.233072226,8.054572697,7.941645279,7.703731587
+"6075","GNMT",5.212364048,5.212364183,5.212364118,5.212364099,5.212364238,5.21236407,5.212364226,5.212364298,5.212364199,5.212364142,5.212364263,5.212364251,5.212363991,5.212364021,5.212364221,5.212364224,5.212364409,5.21236427,5.212364187,5.212364355,5.212364316,5.212364288,5.212364,5.21236406,5.212364161,5.212364338,5.212364038,5.21236405
+"6076","GNPAT",6.594747107,6.594746988,6.594746967,6.594746945,6.594746859,6.594746979,6.594747049,6.594746827,6.594746942,6.594746987,6.594746872,6.594746829,6.594747019,6.594747314,6.594746864,6.594746985,6.594746684,6.594746685,6.594746982,6.594746935,6.594746997,6.594746855,6.594747042,6.594746972,6.59474682,6.594746905,6.594746978,6.594747073
+"6077","GNPDA1",6.197346038,6.197346041,6.197345881,6.197345942,6.197345933,6.19734593,6.197345854,6.197345925,6.19734597,6.197346027,6.197345789,6.197345954,6.19734594,6.197346024,6.197345982,6.197345886,6.197345948,6.197345587,6.197345983,6.19734589,6.197345784,6.19734601,6.197345901,6.197345971,6.197345671,6.19734588,6.197345889,6.197345804
+"6078","GNPDA2",3.878262767,3.878262609,3.878262723,3.878262493,3.878262564,3.878262465,3.878262671,3.878262517,3.878262649,3.878262584,3.878262496,3.878262631,3.878262589,3.878262952,3.878262585,3.87826261,3.878262616,3.878262552,3.878262735,3.878262457,3.878262519,3.878262604,3.878262695,3.878262623,3.878262518,3.878262569,3.87826262,3.878262848
+"6079","GNPNAT1",5.123539598,5.123539549,5.123539444,5.123539341,5.123539446,5.123539327,5.123539487,5.12353945,5.12353956,5.123539437,5.123539111,5.123539298,5.123539586,5.123539747,5.12353943,5.123539247,5.123539392,5.123539272,5.123539547,5.123539407,5.123539422,5.123539433,5.123539649,5.123539481,5.123539264,5.123539432,5.123539557,5.123539476
+"6080","GNPTAB",6.629985219,6.629985037,6.629985096,6.629984951,6.62998491,6.629984993,6.629984966,6.629985026,6.629985124,6.629985182,6.629985034,6.6299848,6.629985121,6.629985359,6.62998508,6.629985012,6.629984875,6.629984842,6.629984988,6.629984747,6.629984986,6.629984996,6.629985138,6.62998514,6.629984951,6.629985019,6.629985134,6.629985047
+"6081","GNPTG",7.350337889,7.350337888,7.350337905,7.35033791,7.350337914,7.350337891,7.350337879,7.350337904,7.35033789,7.35033791,7.350337915,7.350337884,7.350337929,7.3503379,7.350337899,7.350337859,7.350337939,7.350337895,7.350337903,7.350337891,7.350337885,7.350337874,7.350337907,7.350337876,7.350337899,7.350337887,7.350337903,7.350337869
+"6082","GNRH1",4.694843647,4.694843671,4.694843502,4.694843428,4.694843705,4.694843522,4.694843623,4.694843748,4.694843564,4.694843436,4.694843755,4.69484378,4.694843629,4.694843573,4.694843724,4.694843555,4.694843647,4.694843583,4.694843683,4.694843629,4.694843696,4.694843587,4.694843605,4.694843545,4.694843645,4.694843719,4.69484353,4.694843601
+"6083","GNRH2",5.606357585,5.606357575,5.606357801,5.606357689,5.606357829,5.606357743,5.606357754,5.606357833,5.606357719,5.606357765,5.60635785,5.606357936,5.606357727,5.606357524,5.606357837,5.606357587,5.606357857,5.606357767,5.606357658,5.606357774,5.606357874,5.606357901,5.606357679,5.606357524,5.606357751,5.606357846,5.606357611,5.606357639
+"6084","GNRHR",3.08045319,3.08045326,3.080453266,3.080453239,3.080453221,3.080453266,3.080453251,3.080453245,3.080453232,3.080453272,3.08045326,3.080453267,3.080453231,3.080453269,3.080453207,3.080453249,3.080453277,3.080453248,3.080453271,3.08045327,3.080453204,3.080453245,3.080453225,3.08045325,3.080453263,3.080453209,3.080453267,3.080453259
+"6085","GNRHR2",5.623511649,5.623511656,5.623511694,5.623511657,5.62351171,5.623511614,5.623511674,5.623511677,5.623511682,5.623511658,5.623511716,5.6235117,5.623511662,5.623511658,5.623511743,5.623511668,5.623511711,5.623511742,5.623511669,5.623511626,5.623511723,5.623511738,5.623511664,5.623511636,5.623511646,5.623511674,5.623511608,5.623511657
+"6086","GNS",8.36392432,8.36392143,8.363904303,8.363942881,8.363907476,8.363968735,8.363916441,8.363898014,8.363890292,8.363922607,8.363923529,8.363887966,8.363922236,8.363924972,8.363911095,8.363909992,8.363891484,8.363926017,8.363922376,8.363950914,8.363916608,8.363896766,8.363906722,8.363932549,8.363916828,8.363896035,8.363921794,8.363896315
+"6087","GOLGA1",6.10353493,6.103534877,6.103534877,6.103534901,6.103534811,6.103534903,6.10353488,6.103534907,6.103534864,6.103534801,6.103534851,6.10353486,6.103534922,6.103534977,6.103534902,6.103534895,6.103534854,6.103534879,6.10353491,6.103534913,6.103534898,6.103534868,6.103534863,6.103534921,6.103534858,6.103534904,6.103534933,6.103534894
+"6088","GOLGA2",6.559576743,6.559576776,6.559576752,6.559576813,6.559576728,6.55957678,6.55957678,6.559576745,6.559576739,6.559576754,6.559576763,6.559576754,6.559576771,6.559576761,6.559576762,6.559576769,6.55957676,6.559576762,6.559576772,6.559576775,6.559576744,6.559576713,6.559576741,6.559576765,6.559576763,6.559576782,6.55957678,6.559576757
+"6089","GOLGA2P11",4.267051834,4.267051922,4.26705186,4.267051845,4.267051886,4.267051821,4.267051735,4.267051876,4.267051784,4.267051895,4.267051914,4.2670519,4.267051876,4.267051801,4.267051869,4.267051828,4.267051908,4.267051896,4.267051768,4.26705188,4.267051889,4.267051886,4.267051809,4.267051778,4.267051799,4.267051824,4.26705184,4.267051782
+"6090","GOLGA2P5",5.097061772,5.09706171,5.0970619,5.097061833,5.097061816,5.097061706,5.097061851,5.097061927,5.097061823,5.097061783,5.097061787,5.097061818,5.097061919,5.097061818,5.097061917,5.097061619,5.09706182,5.097061809,5.097061784,5.097061728,5.0970619,5.09706188,5.097061815,5.097061717,5.097061826,5.097061935,5.097061885,5.09706179
+"6091","GOLGA2P9",6.220332482,6.220332176,6.220333887,6.220332405,6.220333952,6.220331751,6.220332842,6.220333482,6.220333135,6.220333076,6.220333386,6.220334163,6.22033311,6.220331792,6.220333687,6.220332866,6.220333629,6.220333169,6.220332571,6.22033291,6.220333559,6.220333605,6.220332876,6.220332723,6.220333544,6.220333138,6.2203326,6.220332983
+"6092","GOLGA3",6.623922607,6.623922612,6.623922593,6.623922594,6.623922617,6.62392261,6.623922611,6.623922618,6.623922617,6.623922607,6.623922596,6.623922608,6.623922602,6.623922623,6.623922605,6.623922604,6.623922597,6.6239226,6.623922609,6.623922605,6.623922614,6.623922603,6.623922612,6.623922598,6.623922597,6.623922626,6.623922613,6.62392262
+"6093","GOLGA4",6.189283377,6.189282995,6.189282773,6.189282831,6.189282636,6.189282649,6.189282722,6.189282823,6.1892829,6.189282872,6.189282904,6.189282418,6.189282926,6.189283753,6.189282824,6.189282809,6.189282535,6.189282532,6.189282955,6.189282485,6.189282901,6.18928282,6.189283141,6.189283025,6.18928293,6.189282871,6.189282996,6.189283367
+"6094","GOLGA4-AS1",5.278470255,5.278470241,5.278470275,5.278470427,5.27847061,5.278470155,5.278470377,5.278470495,5.278470333,5.278470233,5.278470404,5.278470548,5.278470349,5.278470068,5.278470363,5.278470439,5.278470567,5.278470553,5.278470354,5.278470266,5.27847058,5.278470518,5.278470361,5.278470102,5.278470299,5.278470412,5.278470262,5.278470312
+"6095","GOLGA5",6.131422031,6.131421993,6.131421985,6.131421942,6.131421944,6.131422006,6.131421926,6.131421872,6.131421934,6.131421912,6.131421924,6.131421716,6.131421993,6.131422162,6.131421976,6.131421886,6.131421693,6.131421971,6.131422052,6.131421876,6.131421938,6.131421899,6.131421967,6.131421937,6.131421756,6.131421838,6.131422009,6.131422046
+"6096","GOLGA6EP",5.551737052,5.551736347,5.551736606,5.551736714,5.551737368,5.55173641,5.551737147,5.551737071,5.551736859,5.551736775,5.551736741,5.55173761,5.551736352,5.551735988,5.551736651,5.551737012,5.551737688,5.551737295,5.551736883,5.551736846,5.551736956,5.551737414,5.551736723,5.55173665,5.551737236,5.55173714,5.551736665,5.551736992
+"6097","GOLGA6L2",5.230228858,5.230228895,5.230228891,5.230228891,5.230228907,5.230228847,5.230228867,5.230228895,5.230228871,5.230228871,5.230228918,5.230228897,5.230228878,5.230228826,5.2302289,5.230228942,5.230228892,5.230228887,5.230228826,5.230228875,5.230228891,5.230228898,5.230228864,5.230228858,5.230228935,5.230228891,5.230228842,5.230228918
+"6098","GOLGA7",8.09217723,8.092177143,8.092176207,8.092176692,8.092175934,8.092176315,8.092176464,8.092176257,8.092176638,8.092176282,8.092176258,8.092175816,8.092176232,8.092177133,8.092176762,8.092177074,8.092175959,8.092176613,8.09217643,8.092176849,8.092176416,8.092176178,8.092177003,8.092176941,8.09217641,8.092176359,8.092176077,8.092176765
+"6099","GOLGA7B",6.02748032,6.027480312,6.027480309,6.027480322,6.02748034,6.027480325,6.027480338,6.027480342,6.027480339,6.027480321,6.027480291,6.027480324,6.027480328,6.027480332,6.027480339,6.027480293,6.027480316,6.027480342,6.027480327,6.02748033,6.027480344,6.027480341,6.027480353,6.027480337,6.027480309,6.027480337,6.02748034,6.027480345
+"6100","GOLGB1",6.449109998,6.449109979,6.449109892,6.44911003,6.449109934,6.449109965,6.449110015,6.449109839,6.449109938,6.449109872,6.44910993,6.449109849,6.449109925,6.449110131,6.449109986,6.449110024,6.449109814,6.449109925,6.449110018,6.449109928,6.449109976,6.449109926,6.449110009,6.449109962,6.449109986,6.449109915,6.449109986,6.44911005
+"6101","GOLIM4",5.222888681,5.22288872,5.222888665,5.222888665,5.222888675,5.222888679,5.222888698,5.222888661,5.222888653,5.222888704,5.222888721,5.222888667,5.22288867,5.222888732,5.22288866,5.22288869,5.222888644,5.222888661,5.222888678,5.222888656,5.222888682,5.222888636,5.222888653,5.222888687,5.222888684,5.222888684,5.222888679,5.2228887
+"6102","GOLM1",5.798452466,5.798452497,5.798452456,5.798452506,5.798452428,5.79845245,5.798452432,5.798452458,5.798452427,5.798452439,5.798452465,5.798452443,5.798452467,5.798452479,5.798452486,5.79845247,5.798452455,5.798452524,5.798452394,5.798452498,5.798452446,5.79845246,5.798452435,5.798452443,5.798452464,5.798452475,5.798452487,5.798452443
+"6103","GOLM2",7.093774073,7.093773908,7.093773436,7.093773708,7.093773498,7.09377356,7.093773527,7.093773356,7.093773677,7.093773827,7.093773685,7.093772877,7.093773615,7.093774667,7.093773812,7.093773544,7.093773001,7.093774006,7.093773936,7.0937738,7.093773736,7.093773439,7.093774021,7.093774065,7.093773938,7.093773382,7.093773619,7.093774371
+"6104","GOLPH3",8.477564589,8.477564608,8.477564556,8.477564577,8.47756459,8.477564551,8.477564569,8.477564544,8.477564565,8.477564574,8.477564554,8.477564512,8.477564606,8.477564646,8.47756458,8.477564614,8.477564549,8.477564583,8.477564605,8.477564564,8.477564582,8.477564558,8.477564593,8.477564572,8.477564564,8.47756456,8.477564581,8.477564601
+"6105","GOLPH3L",6.159423866,6.159423825,6.159423783,6.159423837,6.159423746,6.15942386,6.15942382,6.159423818,6.159423879,6.159423843,6.159423793,6.159423755,6.159423828,6.159423896,6.159423799,6.159423807,6.159423684,6.159423764,6.159423848,6.159423792,6.159423864,6.159423781,6.159423827,6.159423874,6.15942379,6.159423808,6.159423862,6.159423836
+"6106","GOLT1A",5.041846651,5.041846668,5.041847141,5.041847334,5.041847734,5.041846964,5.04184734,5.041847267,5.041847065,5.041847091,5.041846961,5.041847576,5.041846649,5.041846618,5.041847309,5.041847378,5.041847965,5.041847033,5.041847192,5.041846956,5.041847361,5.041847596,5.041846978,5.041846902,5.041847249,5.041847338,5.041846772,5.041847277
+"6107","GOLT1B",5.591691739,5.591691213,5.591691388,5.591691004,5.591690888,5.591690915,5.591691158,5.591690952,5.591691556,5.591691292,5.591691077,5.591690283,5.591691186,5.591692402,5.591691198,5.591690934,5.5916908,5.591690755,5.591691291,5.591690714,5.591691355,5.591691267,5.591691457,5.591691352,5.591691036,5.591690944,5.591691105,5.591691892
+"6108","GON4L",6.892987045,6.892987025,6.892987005,6.892987047,6.892986971,6.892987062,6.892987006,6.892986996,6.892987017,6.892987012,6.892986975,6.892986982,6.892987048,6.892987062,6.892987003,6.892987017,6.892986965,6.892987013,6.892987014,6.892987027,6.892987027,6.892986999,6.89298704,6.89298703,6.892987018,6.892987014,6.892987052,6.892987025
+"6109","GON7",5.460950741,5.460950744,5.460950737,5.4609507,5.460950786,5.460950714,5.460950757,5.460950722,5.460950727,5.460950737,5.460950748,5.460950739,5.460950739,5.460950768,5.460950729,5.460950684,5.46095079,5.460950674,5.460950723,5.460950628,5.460950736,5.460950764,5.46095075,5.460950685,5.460950738,5.460950734,5.460950718,5.460950822
+"6110","GOPC",6.674326508,6.674326586,6.674326243,6.674326242,6.674326271,6.674326126,6.674326208,6.674326275,6.674326509,6.67432634,6.674326259,6.674326003,6.674326495,6.674326982,6.674326514,6.674326351,6.674326071,6.674326096,6.674326322,6.674326358,6.674326222,6.674326165,6.674326474,6.674326507,6.674326377,6.674326503,6.674326406,6.674326718
+"6111","GORAB",5.055343221,5.055342908,5.055342978,5.055342904,5.055342961,5.055342932,5.055343013,5.055342965,5.055343077,5.055342955,5.055342953,5.055343011,5.055343007,5.05534326,5.055343106,5.05534309,5.055342896,5.055342854,5.055343,5.055343069,5.055343064,5.055343028,5.055343065,5.055343119,5.055342944,5.05534292,5.055343168,5.055343193
+"6112","GORASP1",6.189518108,6.189518124,6.189518083,6.189518141,6.189518089,6.189518259,6.189518,6.18951804,6.189517994,6.189518169,6.18951804,6.189518041,6.189518143,6.189518111,6.189518,6.189518083,6.18951807,6.189518102,6.189518104,6.189518201,6.189518029,6.189518065,6.189518031,6.189518154,6.18951802,6.189518035,6.189518113,6.189518024
+"6113","GORASP2",7.299614158,7.299614111,7.299614019,7.299614019,7.29961408,7.299614146,7.299614128,7.299614033,7.299614125,7.299614074,7.299613917,7.299613997,7.299614209,7.299614289,7.299614003,7.299613833,7.299613884,7.299613903,7.299614093,7.29961406,7.299614081,7.299614072,7.299614126,7.299614034,7.299614011,7.299614169,7.29961426,7.299614106
+"6114","GOSR1",6.521969808,6.521969764,6.521969558,6.521969597,6.521969585,6.521969607,6.521969409,6.521969369,6.521969564,6.521969522,6.521969259,6.521969354,6.521969685,6.521969923,6.521969737,6.521969709,6.521969336,6.521969522,6.521969636,6.521969497,6.52196959,6.521969436,6.521969764,6.521969584,6.521969475,6.521969638,6.521969643,6.521969724
+"6115","GOSR2",7.295075101,7.295074938,7.295074873,7.295074832,7.295074936,7.295074971,7.295074976,7.295074902,7.295075049,7.295074989,7.295074826,7.295074937,7.295075046,7.295075049,7.295074995,7.295074878,7.295074815,7.29507476,7.295074917,7.295074865,7.295074878,7.295074938,7.295074973,7.295074988,7.295074845,7.295075,7.295074997,7.295074873
+"6116","GOT1",5.737124525,5.737124532,5.73712451,5.737124484,5.737124512,5.737124541,5.737124549,5.737124523,5.737124531,5.737124559,5.737124448,5.737124544,5.737124543,5.737124504,5.737124455,5.737124523,5.737124451,5.737124462,5.737124535,5.737124446,5.737124503,5.73712444,5.737124554,5.737124529,5.737124429,5.737124549,5.737124551,5.73712454
+"6117","GOT1L1",4.17863732,4.178637266,4.178637382,4.17863717,4.178637338,4.178637382,4.178637234,4.178637165,4.178637096,4.178637304,4.178637372,4.178637359,4.178637227,4.178637394,4.178637485,4.178637357,4.178637255,4.17863765,4.17863731,4.178637612,4.178637365,4.178637378,4.178637085,4.178637174,4.178637488,4.178637384,4.178637209,4.178637326
+"6118","GOT2",6.903173441,6.903173128,6.903172605,6.90317286,6.903173187,6.903173799,6.903173969,6.903172963,6.903173796,6.90317352,6.903172617,6.903173625,6.903173378,6.903173551,6.903173139,6.903173196,6.903172427,6.90317243,6.903173154,6.903173496,6.903173478,6.903172851,6.903173851,6.903173462,6.903172838,6.903173133,6.903173641,6.903173507
+"6119","GP1BA",5.480412322,5.480413185,5.480412992,5.480414652,5.480413251,5.480413272,5.48041275,5.48041285,5.480412558,5.480414296,5.48041423,5.480413345,5.480412281,5.480412024,5.480412909,5.480412712,5.480412624,5.480414685,5.480412924,5.480412822,5.480413118,5.480412139,5.480413092,5.480414469,5.480414137,5.480413754,5.480412646,5.480411878
+"6120","GP2",4.319171143,4.319171077,4.319171039,4.319171168,4.31917114,4.319171151,4.319171129,4.319171248,4.319171089,4.319171183,4.319171097,4.319171298,4.319171134,4.319171176,4.319171169,4.31917119,4.319171281,4.319171336,4.319171165,4.319171149,4.319171263,4.31917124,4.319171138,4.319171074,4.319171093,4.319171227,4.319171119,4.319171227
+"6121","GP5",5.787882684,5.787882655,5.787882685,5.787882707,5.787883027,5.78788292,5.78788267,5.787882886,5.787882798,5.787882917,5.787882916,5.787882883,5.787882773,5.787882484,5.787882885,5.787882731,5.787882962,5.787882835,5.787882722,5.787882791,5.787882769,5.787883026,5.787882602,5.787882705,5.787882675,5.787882844,5.787882765,5.787882773
+"6122","GP6",6.601244259,6.60124496,6.60124464,6.601245335,6.601244643,6.601244639,6.601244556,6.601244418,6.601244656,6.60124495,6.601245263,6.60124472,6.601244329,6.601243938,6.60124454,6.601244874,6.601244934,6.601245461,6.601244634,6.6012447,6.601244641,6.601244274,6.601244555,6.601245176,6.601245034,6.601244562,6.601244583,6.601244277
+"6123","GP9",6.100749314,6.100749335,6.100749366,6.100749976,6.100749634,6.100749335,6.100749291,6.100749337,6.100749271,6.100749904,6.100749895,6.10074973,6.100749313,6.100748848,6.100749503,6.100749321,6.100749589,6.100750097,6.100749516,6.100749226,6.100749559,6.10074944,6.100749315,6.100749901,6.100749962,6.100749514,6.10074946,6.100749042
+"6124","GPA33",6.035148912,6.035149016,6.035148976,6.035148848,6.035149061,6.035148747,6.035148944,6.035149047,6.035149206,6.035149136,6.035148851,6.035149066,6.035149043,6.035148956,6.035148908,6.035148949,6.035148935,6.035148889,6.035148962,6.035148712,6.035148906,6.035148956,6.035149073,6.035149081,6.035148884,6.035148977,6.035149017,6.035149006
+"6125","GPAA1",7.487396692,7.487396688,7.487396697,7.487396686,7.487396704,7.487396695,7.487396701,7.487396694,7.487396702,7.487396703,7.487396681,7.48739671,7.487396694,7.487396685,7.487396698,7.487396698,7.48739669,7.487396688,7.48739669,7.487396684,7.487396696,7.4873967,7.487396695,7.487396687,7.487396689,7.487396684,7.487396698,7.487396697
+"6126","GPALPP1",6.350899282,6.350898587,6.350898617,6.350898535,6.350898585,6.350898579,6.35089862,6.350898518,6.350898894,6.350898557,6.350898568,6.350898347,6.350899058,6.350899275,6.350898874,6.350898609,6.350898579,6.35089874,6.350898933,6.350898537,6.350898685,6.350898847,6.350898799,6.350898715,6.350898757,6.350898929,6.350898821,6.35089934
+"6127","GPAM",4.690537752,4.690537685,4.690537659,4.690537676,4.690537672,4.690537643,4.690537663,4.690537667,4.690537742,4.69053764,4.690537723,4.690537713,4.690537735,4.690537775,4.690537678,4.690537696,4.690537685,4.690537735,4.690537678,4.690537586,4.690537629,4.690537683,4.69053778,4.690537735,4.690537692,4.690537697,4.690537693,4.690537729
+"6128","GPANK1",5.753215,5.753215013,5.75321499,5.753215024,5.753214984,5.753215044,5.753214931,5.75321506,5.753215099,5.753215166,5.753214934,5.753214947,5.753214995,5.753215013,5.753215026,5.753214956,5.753214918,5.753214967,5.753215012,5.753215165,5.753215025,5.753215051,5.753215089,5.753215138,5.753214982,5.753215008,5.753214937,5.753215052
+"6129","GPAT2",6.427697358,6.427697312,6.427697343,6.427697366,6.427697397,6.427697332,6.427697384,6.42769744,6.427697358,6.427697368,6.427697384,6.427697404,6.427697394,6.427697333,6.42769739,6.427697361,6.427697387,6.42769741,6.427697358,6.427697388,6.427697427,6.427697406,6.427697323,6.427697317,6.427697355,6.427697412,6.427697365,6.427697366
+"6130","GPAT3",7.061631575,7.061713563,7.061609964,7.061715544,7.061528478,7.061582999,7.061597439,7.061583656,7.061566973,7.061593406,7.06155842,7.061481042,7.061566952,7.061577186,7.061647118,7.061729535,7.061605759,7.061657084,7.061646301,7.061607278,7.061605564,7.061592757,7.061638014,7.061689176,7.061644383,7.061570051,7.061548922,7.061535001
+"6131","GPAT4",7.330112952,7.330113072,7.330112116,7.330112254,7.330112262,7.33011243,7.33011266,7.330112116,7.330112699,7.330113159,7.330112111,7.330112163,7.330112532,7.330113464,7.330112347,7.330113019,7.330111112,7.330111825,7.330112388,7.330112417,7.330112192,7.330112134,7.330112676,7.330112946,7.330111802,7.330112556,7.330112406,7.330112796
+"6132","GPATCH1",5.765341197,5.765341241,5.765341172,5.765341168,5.765341115,5.765341237,5.765341172,5.765341115,5.765341205,5.765341129,5.765341097,5.765341118,5.765341182,5.765341262,5.765341167,5.765341195,5.765341148,5.765341139,5.765341179,5.765341145,5.765341164,5.765341068,5.765341247,5.765341172,5.765341147,5.765341212,5.765341178,5.765341204
+"6133","GPATCH11",4.908210917,4.908210912,4.908210871,4.908210823,4.908210874,4.908210839,4.908210955,4.908210809,4.908210857,4.908210929,4.908210836,4.908210824,4.908210853,4.908211004,4.908210944,4.908210871,4.908210819,4.908210872,4.908210899,4.908210877,4.908210926,4.908210858,4.908210925,4.908210882,4.908210853,4.908210827,4.908210899,4.908210952
+"6134","GPATCH2",5.425475764,5.425475685,5.425475702,5.4254756,5.425475714,5.425475639,5.425475697,5.425475738,5.425475674,5.425475722,5.425475674,5.425475684,5.425475725,5.425475791,5.425475756,5.425475695,5.425475673,5.425475694,5.425475738,5.425475701,5.425475693,5.42547571,5.425475755,5.425475688,5.425475645,5.425475693,5.425475688,5.425475785
+"6135","GPATCH2L",7.099109976,7.099110004,7.099109584,7.099110006,7.099109603,7.099109815,7.099109759,7.099109876,7.099109573,7.09910965,7.099109961,7.099109437,7.099109826,7.099110335,7.099109781,7.099109685,7.099109308,7.099110034,7.099109846,7.09910974,7.099109584,7.099109777,7.099109865,7.09910969,7.099109852,7.099109481,7.099109766,7.099109821
+"6136","GPATCH3",5.831285678,5.831285704,5.831285703,5.831285666,5.831285688,5.831285702,5.831285688,5.831285688,5.831285695,5.831285721,5.831285684,5.831285689,5.831285702,5.8312857,5.831285689,5.831285697,5.831285684,5.831285684,5.831285673,5.831285693,5.831285678,5.831285698,5.831285667,5.831285703,5.831285665,5.831285695,5.831285711,5.831285697
+"6137","GPATCH4",5.334988781,5.3349887805,5.3349887615,5.334988736,5.334988764,5.334988772,5.334988768,5.334988788,5.3349887715,5.334988776,5.3349887475,5.3349887915,5.334988787,5.334988784,5.3349887765,5.3349887665,5.3349887765,5.334988767,5.334988784,5.3349887825,5.3349887725,5.334988804,5.334988794,5.334988767,5.334988775,5.3349887905,5.334988779,5.3349887775
+"6138","GPATCH8",7.040007867,7.040007864,7.040007559,7.040007479,7.040007638,7.040007652,7.040007679,7.040007514,7.040007805,7.04000778,7.040007519,7.040007597,7.040007865,7.040008286,7.040007603,7.040007557,7.040007311,7.040007592,7.040007581,7.040007687,7.040007516,7.040007428,7.040007895,7.04000789,7.040007548,7.04000778,7.040007866,7.040007975
+"6139","GPBAR1",6.165152638,6.165152596,6.165152667,6.16515259,6.165152718,6.165152775,6.165152554,6.165152667,6.165152598,6.165152762,6.16515266,6.165152557,6.16515276,6.165152555,6.165152599,6.165152528,6.16515262,6.165152565,6.165152583,6.165152813,6.165152619,6.165152713,6.165152536,6.165152684,6.165152602,6.1651525,6.165152702,6.165152477
+"6140","GPBP1",7.295798888,7.295798687,7.295798305,7.295798201,7.295797267,7.295797114,7.295797632,7.295796789,7.295798509,7.295797468,7.295797768,7.29579602,7.295798188,7.295801347,7.295798346,7.295798763,7.295797832,7.295797817,7.295798912,7.295796927,7.295797727,7.295797876,7.295798651,7.295798092,7.295797573,7.295797275,7.295798274,7.295800425
+"6141","GPBP1L1",7.920137393,7.920137187,7.920137113,7.92013738,7.920137063,7.920137319,7.920137331,7.920137104,7.920137137,7.920137237,7.920137235,7.920137064,7.920137312,7.920137373,7.920137269,7.920137062,7.920136957,7.920137255,7.920137247,7.920137315,7.920137247,7.92013707,7.92013726,7.920137363,7.920137297,7.920137239,7.920137302,7.920137196
+"6142","GPC1",6.075671105,6.075671084,6.07567115,6.075671101,6.075671177,6.075671075,6.075671123,6.075671172,6.075671113,6.075671111,6.075671105,6.075671135,6.075671146,6.075671042,6.075671195,6.075671147,6.075671203,6.075671158,6.075671113,6.075671123,6.075671191,6.075671169,6.075671089,6.075671103,6.075671125,6.075671158,6.075671108,6.075671126
+"6143","GPC1-AS1",5.534172715,5.534172725,5.534172882,5.534172786,5.53417293,5.534172781,5.53417283,5.534172906,5.534172812,5.534172703,5.534172885,5.534172945,5.534172775,5.534172673,5.53417288,5.534172833,5.534172982,5.5341729,5.534172907,5.5341728,5.534172948,5.534172901,5.534172792,5.534172782,5.534172878,5.534172867,5.534172735,5.534172864
+"6144","GPC2",5.596544942,5.596544816,5.596545006,5.596544842,5.596545413,5.596544482,5.596545054,5.596545347,5.596545153,5.596544886,5.596544684,5.596545457,5.596545012,5.596544952,5.596545047,5.596545339,5.596545263,5.596545368,5.596544972,5.596544894,5.596545264,5.596545383,5.596544984,5.596544834,5.596545171,5.596545173,5.59654498,5.596545131
+"6145","GPC3",4.159245077,4.159245066,4.159245154,4.159245,4.15924508,4.159245126,4.159245092,4.15924507,4.159245047,4.159245099,4.159245175,4.159245209,4.159245113,4.159245156,4.159245128,4.159245084,4.159245191,4.159245191,4.159245112,4.15924518,4.159245111,4.159245145,4.159245131,4.159245128,4.159244987,4.159245052,4.159245112,4.159245084
+"6146","GPC4",3.234578336,3.234578366,3.234578368,3.234578308,3.234578428,3.234578357,3.234578341,3.234578469,3.234578319,3.234578328,3.234578369,3.23457837,3.23457834,3.234578324,3.234578391,3.234578362,3.234578393,3.234578417,3.234578375,3.234578366,3.234578341,3.234578434,3.234578386,3.234578379,3.234578337,3.234578379,3.234578321,3.234578371
+"6147","GPC5",4.022923816,4.022923882,4.022923879,4.022923871,4.022923895,4.022923895,4.022923886,4.022923912,4.022923954,4.022923858,4.022923898,4.02292392,4.022923844,4.022923828,4.022923891,4.02292389,4.022923934,4.022923908,4.022923897,4.022923872,4.022923905,4.022923902,4.022923902,4.022923903,4.022923902,4.022923906,4.022923896,4.022923865
+"6148","GPC6",4.198134755,4.198134755,4.198134788,4.198134722,4.198134792,4.198134757,4.19813473,4.198134787,4.198134782,4.19813477,4.198134786,4.198134785,4.198134743,4.198134705,4.198134753,4.198134767,4.198134796,4.198134774,4.198134758,4.19813475,4.198134786,4.19813479,4.198134749,4.198134753,4.198134767,4.198134753,4.19813476,4.198134759
+"6149","GPCPD1",8.361228226,8.361228986,8.361228004,8.361228567,8.361227828,8.361227074,8.361227866,8.36122708,8.361227856,8.361227467,8.361228373,8.361226686,8.361228669,8.361228688,8.361227628,8.361229052,8.361227561,8.361228953,8.361228939,8.361227035,8.361228553,8.361227973,8.361228614,8.361228588,8.361228854,8.361228244,8.361228236,8.361227936
+"6150","GPD1",5.159535511,5.159535531,5.159535565,5.159535534,5.159535541,5.159535535,5.15953556,5.159535593,5.159535562,5.159535555,5.159535577,5.159535496,5.159535551,5.159535518,5.159535562,5.159535535,5.159535555,5.159535566,5.159535527,5.159535566,5.159535538,5.159535559,5.159535531,5.159535539,5.159535543,5.15953555,5.159535555,5.159535533
+"6151","GPD1L",5.66370038,5.663700407,5.66370035,5.663700315,5.663700279,5.663700313,5.663700384,5.663700299,5.663700365,5.66370029,5.6637003,5.663700274,5.663700369,5.6637004,5.663700334,5.663700361,5.663700243,5.66370033,5.663700299,5.6637003,5.663700293,5.663700301,5.663700385,5.663700257,5.663700293,5.663700271,5.663700334,5.663700316
+"6152","GPD2",5.986621913,5.986621859,5.986621861,5.986621775,5.986621807,5.986622002,5.986621879,5.986621787,5.986621823,5.986621832,5.986621834,5.986621782,5.986621815,5.986621936,5.98662185,5.986621917,5.986621829,5.986621859,5.986621808,5.98662199,5.986621896,5.986621767,5.986621872,5.986621901,5.986621968,5.986621873,5.986621733,5.986621817
+"6153","GPER1",5.212197756,5.212197807,5.212197786,5.212197734,5.21219793,5.212197724,5.212197829,5.212197842,5.212197791,5.212197777,5.212197866,5.212197893,5.212197766,5.212197671,5.212197835,5.212197761,5.212197897,5.212197841,5.212197797,5.212197729,5.212197905,5.212197859,5.212197709,5.212197782,5.21219782,5.212197837,5.212197636,5.212197761
+"6154","GPHA2",5.033979351,5.03397938,5.033979349,5.033979356,5.033979415,5.03397936,5.033979424,5.033979413,5.033979389,5.033979352,5.033979369,5.033979436,5.033979408,5.033979337,5.033979464,5.033979464,5.033979464,5.033979411,5.033979387,5.033979393,5.033979455,5.033979415,5.033979422,5.033979341,5.033979412,5.033979439,5.033979364,5.033979427
+"6155","GPHB5",5.169827379,5.169827309,5.169827428,5.169827434,5.169827437,5.169827395,5.169827405,5.169827407,5.169827363,5.169827248,5.169827352,5.169827386,5.169827304,5.169827224,5.16982738,5.169827378,5.169827479,5.16982738,5.169827354,5.169827381,5.169827396,5.169827398,5.169827333,5.16982734,5.169827368,5.169827415,5.169827387,5.169827375
+"6156","GPHN",5.62714553,5.627145218,5.627145015,5.627144934,5.627145204,5.627145518,5.627145393,5.627145234,5.627145437,5.627145216,5.627145085,5.627145006,5.62714537,5.6271456,5.627145336,5.627145175,5.62714499,5.62714507,5.627145445,5.627145535,5.627145376,5.627145276,5.627145419,5.627145053,5.627144902,5.627145548,5.627145561,5.6271455
+"6157","GPI",8.270538595,8.270539291,8.270538591,8.270538449,8.270539341,8.270539215,8.270539075,8.27053843,8.270539233,8.270539583,8.270539067,8.270538739,8.270538994,8.270539431,8.270538482,8.270538677,8.270538271,8.270538081,8.270538976,8.27053895,8.270539161,8.270538553,8.270539297,8.270539034,8.270538678,8.270539014,8.270539131,8.2705394
+"6158","GPIHBP1",5.914535795,5.914535679,5.914535863,5.91453578,5.91453604,5.914535491,5.914535852,5.914535933,5.914535723,5.914535757,5.914535947,5.914536113,5.914535819,5.914535655,5.914535948,5.914535915,5.914536014,5.914535891,5.914535858,5.914535806,5.914535915,5.914535862,5.914535721,5.91453566,5.914535947,5.914535918,5.914535733,5.914535948
+"6159","GPKOW",7.011929156,7.011929155,7.011929099,7.011929203,7.011929166,7.011929219,7.011929206,7.011929207,7.011929177,7.011929108,7.01192914,7.01192919,7.011929188,7.011929126,7.011929238,7.011929094,7.011929169,7.011929153,7.01192908,7.011929153,7.01192917,7.011929252,7.011929241,7.011929233,7.011929209,7.011929244,7.011929151,7.011929152
+"6160","GPLD1",4.050497447,4.050497456,4.050497469,4.050497451,4.05049746,4.050497465,4.050497452,4.050497464,4.050497461,4.050497469,4.050497454,4.050497466,4.050497455,4.050497465,4.050497458,4.05049746,4.050497468,4.050497462,4.050497451,4.050497471,4.050497456,4.050497456,4.050497462,4.050497457,4.050497471,4.050497455,4.050497458,4.050497458
+"6161","GPM6A",4.260878558,4.260878581,4.260878526,4.260878637,4.26087856,4.260878596,4.260878548,4.260878582,4.260878553,4.260878452,4.260878545,4.260878607,4.260878586,4.260878515,4.26087854,4.260878514,4.260878526,4.260878632,4.260878546,4.260878669,4.26087856,4.260878564,4.260878594,4.260878509,4.260878529,4.260878579,4.26087857,4.260878534
+"6162","GPM6B",3.591219551,3.591219525,3.591219608,3.591219615,3.591219615,3.591219583,3.591219581,3.591219576,3.591219578,3.591219562,3.591219592,3.591219675,3.591219543,3.591219505,3.591219621,3.59121955,3.591219538,3.591219624,3.59121959,3.591219575,3.591219607,3.591219617,3.59121957,3.59121956,3.591219584,3.591219577,3.591219539,3.591219532
+"6163","GPN1",6.472975546,6.472975668,6.472975369,6.472975392,6.472975272,6.47297532,6.472975568,6.472975348,6.47297554,6.472975648,6.472975519,6.472974862,6.47297559,6.472975891,6.472975306,6.472975528,6.472974998,6.47297515,6.472975485,6.472975397,6.472975437,6.472975283,6.472975592,6.472975614,6.47297522,6.472975369,6.472975503,6.472975772
+"6164","GPN2",6.505003114,6.505003125,6.505003107,6.505003087,6.505003106,6.505003112,6.505003107,6.505003187,6.505003062,6.505003088,6.505003165,6.505003164,6.505003127,6.505003076,6.505003137,6.505003125,6.505003147,6.505003136,6.505003133,6.505003079,6.505003201,6.505003113,6.505003085,6.505003074,6.505003141,6.505003145,6.505003103,6.505003174
+"6165","GPN3",5.168813212,5.168812554,5.168813066,5.168812836,5.168812753,5.168813448,5.168812939,5.168811866,5.16881298,5.168813224,5.168812953,5.168812636,5.168812746,5.168814037,5.168813442,5.168812768,5.168812765,5.168812899,5.1688132,5.168812942,5.16881306,5.168812801,5.168813605,5.168812811,5.168812552,5.168812282,5.168813181,5.168813589
+"6166","GPNMB",3.795691249,3.795691192,3.795691272,3.795691263,3.795691295,3.795691259,3.795691259,3.795691237,3.795691243,3.795691262,3.795691287,3.795691282,3.795691249,3.795691243,3.795691295,3.795691219,3.795691247,3.795691328,3.79569128,3.795691242,3.795691229,3.795691223,3.795691272,3.795691274,3.795691249,3.795691219,3.795691263,3.795691274
+"6167","GPR101",4.714899605,4.714899585,4.714899609,4.714899599,4.714899611,4.714899602,4.714899601,4.714899622,4.714899573,4.714899575,4.714899601,4.714899627,4.714899599,4.714899559,4.714899595,4.714899592,4.714899614,4.714899585,4.714899595,4.714899594,4.714899616,4.714899586,4.71489958,4.714899598,4.714899607,4.714899601,4.714899604,4.71489958
+"6168","GPR107",6.810057588,6.810057592,6.810057502,6.81005771,6.81005733,6.8100576,6.810057531,6.810057539,6.810057458,6.810057458,6.81005751,6.810057239,6.810057586,6.810057653,6.810057359,6.810057534,6.810057273,6.81005755,6.810057487,6.810057732,6.810057465,6.810057491,6.810057506,6.810057629,6.810057574,6.810057443,6.810057538,6.810057353
+"6169","GPR108",7.862274598,7.862274748,7.862274579,7.862274721,7.862274395,7.862274728,7.862274454,7.8622745,7.862274458,7.862274545,7.862274541,7.862274188,7.862274593,7.862274597,7.862274412,7.86227461,7.862274497,7.862274633,7.862274491,7.862274593,7.862274399,7.862274458,7.862274583,7.862274711,7.862274561,7.862274412,7.86227459,7.862274446
+"6170","GPR119",4.270125055,4.270125043,4.270125043,4.270125057,4.270125072,4.270125043,4.270125057,4.270125066,4.27012504,4.270125019,4.270125066,4.270125073,4.270125058,4.270125038,4.270125054,4.27012505,4.27012507,4.270125047,4.270125054,4.270125073,4.270125029,4.270125078,4.270125064,4.270125047,4.270125053,4.270125052,4.27012504,4.27012504
+"6171","GPR12",4.719775318,4.719775369,4.719775516,4.719775475,4.719775274,4.719775334,4.719775367,4.719775551,4.719775439,4.719775459,4.719775501,4.719775612,4.719775367,4.719775241,4.719775465,4.719775529,4.719775744,4.719775517,4.719775693,4.719775525,4.719775258,4.719775591,4.719775597,4.719775313,4.719775468,4.719775438,4.719775477,4.719775484
+"6172","GPR132",7.446588687,7.446589227,7.446588247,7.44658891,7.446588378,7.446588423,7.446588513,7.446588391,7.446588794,7.446588815,7.446588352,7.446588193,7.446588461,7.446589093,7.446588458,7.446588892,7.446587963,7.446588488,7.446588602,7.446587695,7.446587906,7.446588419,7.446588771,7.44658889,7.446588408,7.446588192,7.44658892,7.446588678
+"6173","GPR135",6.006961907,6.006961753,6.00696203,6.006961895,6.006962212,6.006961977,6.006962075,6.006962167,6.006962242,6.006962021,6.006962003,6.006962326,6.006961929,6.006961768,6.006962158,6.006962014,6.006962144,6.006962039,6.006961962,6.006962084,6.006962224,6.00696219,6.006962035,6.006961794,6.006961985,6.006962098,6.006962097,6.006961922
+"6174","GPR137",6.205120177,6.205120185,6.205120222,6.205120233,6.205120274,6.205120185,6.205120191,6.20512027,6.205120239,6.205120228,6.2051203,6.205120282,6.2051202,6.205120144,6.205120262,6.205120179,6.205120304,6.205120248,6.205120196,6.205120267,6.205120272,6.205120281,6.205120169,6.205120175,6.205120253,6.205120239,6.2051202,6.205120226
+"6175","GPR137B",7.13459996,7.134600052,7.134599619,7.134599428,7.134599932,7.134599815,7.134599848,7.134599845,7.134600022,7.134600042,7.134600174,7.13459965,7.134599957,7.134599985,7.13459959,7.134599796,7.134599421,7.134599455,7.13460002,7.134599627,7.13459988,7.134599637,7.134599936,7.134600011,7.134600173,7.134599814,7.134599885,7.134599781
+"6176","GPR137C",3.903180891,3.903181062,3.903180948,3.903180936,3.903181079,3.903180977,3.903181088,3.903181072,3.903181032,3.903181002,3.90318108,3.903181052,3.903180973,3.903181028,3.903180998,3.903181017,3.903181072,3.903180997,3.903180932,3.903180964,3.903180976,3.903181093,3.903180989,3.90318091,3.903180958,3.903180922,3.903181013,3.903180968
+"6177","GPR139",6.800079387,6.800079411,6.800079543,6.800079338,6.800079846,6.800079424,6.800079595,6.800079659,6.800079432,6.8000795,6.800079556,6.800079806,6.800079554,6.800079244,6.800079737,6.800079436,6.800079812,6.80007955,6.80007961,6.800079535,6.800079798,6.800079592,6.800079376,6.800079327,6.800079544,6.800079621,6.800079358,6.800079526
+"6178","GPR141",7.678013804,7.67479386,7.671189581,7.681725814,7.658474952,7.684955303,7.684493582,7.668485133,7.662235189,7.668188995,7.670450113,7.665184697,7.672763643,7.667005667,7.676545205,7.678964737,7.676091814,7.672463924,7.675921482,7.688634091,7.68578266,7.661694075,7.680939235,7.684237848,7.675092788,7.673487766,7.670633718,7.656753703
+"6179","GPR142",5.80195583,5.801955874,5.801955952,5.801955886,5.801956071,5.801955823,5.801955921,5.801955987,5.801955846,5.801955884,5.80195595,5.801955966,5.801955877,5.801955812,5.801956006,5.80195587,5.801956,5.801956042,5.801955911,5.801955942,5.801956029,5.80195595,5.801955881,5.801955926,5.801955944,5.801956039,5.801955796,5.801955913
+"6180","GPR143",4.628638575,4.628638589,4.628638624,4.628638612,4.628638678,4.628638631,4.628638656,4.628638655,4.628638591,4.628638644,4.628638667,4.628638697,4.628638611,4.62863856,4.628638668,4.628638601,4.628638665,4.628638621,4.628638626,4.628638615,4.62863866,4.628638655,4.628638551,4.628638579,4.628638551,4.628638614,4.628638529,4.628638666
+"6181","GPR146",7.344868864,7.344820104,7.344956845,7.344918851,7.344945045,7.344975365,7.344908297,7.344943392,7.344970179,7.344901142,7.344918752,7.344919445,7.344898696,7.344773538,7.344863354,7.344758545,7.344931247,7.344928666,7.344900861,7.344925094,7.344854566,7.344893692,7.344951511,7.344909243,7.344878667,7.344914238,7.344916461,7.344801203
+"6182","GPR148",5.026315895,5.026315908,5.026315957,5.02631593,5.026315967,5.026315906,5.026315948,5.026315958,5.026315944,5.026315924,5.026315937,5.026315947,5.026315923,5.026315881,5.026315954,5.026315924,5.026316004,5.026315935,5.026315918,5.026315937,5.026315969,5.026315968,5.026315899,5.026315903,5.026315928,5.026315925,5.02631594,5.026315939
+"6183","GPR149",4.491301979,4.491301978,4.491302049,4.49130202,4.491302065,4.491302031,4.491302011,4.49130204,4.491302018,4.491302003,4.491302048,4.491302116,4.491302001,4.491301971,4.491302029,4.491302057,4.491302084,4.491302016,4.491302057,4.491302029,4.491302013,4.491302037,4.491301957,4.491302005,4.491302037,4.49130199,4.491302034,4.491302076
+"6184","GPR15",5.523719132,5.523719019,5.523719275,5.52371856,5.523718999,5.523718985,5.523719072,5.523718626,5.52371945,5.52371878,5.523718487,5.523718513,5.523719308,5.523719419,5.523718849,5.52371899,5.523719124,5.523718693,5.52371939,5.523719041,5.523719189,5.523718708,5.523719579,5.523718653,5.523718692,5.52371897,5.523719382,5.523719185
+"6185","GPR150",6.983212325,6.983212253,6.983212569,6.983212224,6.983212826,6.983212375,6.983212458,6.983212493,6.983212375,6.983212537,6.983212605,6.983212821,6.983212368,6.983211963,6.983212673,6.983212587,6.983212811,6.983212586,6.983212557,6.983212407,6.983212571,6.983212521,6.983212312,6.983212272,6.983212348,6.983212569,6.983212302,6.983212502
+"6186","GPR151",3.829098591,3.829098628,3.829098559,3.82909868,3.829098623,3.829098571,3.829098569,3.829098624,3.829098623,3.829098585,3.829098605,3.829098638,3.829098568,3.829098622,3.829098625,3.829098606,3.829098601,3.829098629,3.829098667,3.829098624,3.829098645,3.829098676,3.829098606,3.829098644,3.829098615,3.829098568,3.829098593,3.829098632
+"6187","GPR152",5.406153808,5.406153751,5.40615391,5.406153881,5.406154129,5.40615373,5.406153962,5.40615396,5.406153824,5.406153895,5.406153877,5.406154018,5.406153861,5.406153603,5.406154061,5.406153876,5.406154097,5.406154074,5.406153947,5.406153764,5.406154119,5.406154052,5.406153737,5.406153812,5.406153839,5.406153994,5.406153771,5.406153954
+"6188","GPR153",6.56017896,6.560178787,6.560179187,6.560179007,6.560179384,6.56017887,6.560179131,6.560179218,6.560179048,6.560179134,6.560179174,6.560179259,6.560179184,6.560178913,6.560179188,6.560179005,6.560179349,6.560179274,6.56017916,6.560179155,6.560179373,6.560179277,6.560178929,6.560178915,6.560179198,6.560179201,6.560179134,6.560179096
+"6189","GPR155",7.655807231,7.655807467,7.655806175,7.655806851,7.655805181,7.655807176,7.655806644,7.655805634,7.655807482,7.655806362,7.655805441,7.655805625,7.655806525,7.655806986,7.655805566,7.655807024,7.655805956,7.655806632,7.655806816,7.655808256,7.655806523,7.655805705,7.655807721,7.655807106,7.655806424,7.655805957,7.655807158,7.655806166
+"6190","GPR156",3.631439355,3.631439394,3.631439492,3.631439459,3.631439449,3.631439455,3.63143944,3.631439409,3.631439387,3.631439435,3.631439495,3.63143944,3.631439409,3.631439388,3.631439422,3.63143943,3.63143949,3.63143943,3.631439454,3.631439456,3.631439462,3.63143944,3.631439396,3.631439401,3.631439412,3.631439463,3.631439406,3.631439494
+"6191","GPR157",6.21933237,6.219332386,6.219332379,6.219332373,6.21933237,6.219332361,6.219332356,6.219332392,6.219332355,6.219332363,6.219332378,6.219332364,6.219332372,6.219332356,6.219332377,6.219332366,6.219332388,6.219332383,6.219332362,6.219332372,6.219332368,6.21933238,6.219332363,6.219332362,6.21933237,6.219332358,6.219332371,6.219332363
+"6192","GPR158",4.318765153,4.318765273,4.318765254,4.318765312,4.318765232,4.318765161,4.318765246,4.318765274,4.318765284,4.318765312,4.318765199,4.318765505,4.318765225,4.318765113,4.318765218,4.318765294,4.318765576,4.31876535,4.318765368,4.318765179,4.318765158,4.318765243,4.318765336,4.318765161,4.318765433,4.318765139,4.31876519,4.318765336
+"6193","GPR15LG",5.037138143,5.037138074,5.03713814,5.037138173,5.037138136,5.037138147,5.037138121,5.037138124,5.037138137,5.037138098,5.037138158,5.037138211,5.037138094,5.037138086,5.037138178,5.037138129,5.03713826,5.037138199,5.037138186,5.037138202,5.037138217,5.037138208,5.037138105,5.037138094,5.037138124,5.037138145,5.037138156,5.037138116
+"6194","GPR160",4.844041844,4.844042308,4.844041743,4.844042532,4.844041196,4.844041309,4.844042151,4.844041175,4.844042439,4.844041164,4.844041432,4.844040575,4.844041609,4.844043251,4.844041477,4.844041337,4.844041626,4.84404228,4.844041339,4.844041767,4.844042054,4.844041435,4.844042968,4.844042206,4.844041745,4.844041129,4.844041581,4.844042744
+"6195","GPR161",5.136548884,5.136548905,5.136549002,5.136548862,5.136549055,5.136548927,5.136548951,5.136549009,5.136548933,5.136548883,5.136548963,5.136549036,5.136548942,5.136548848,5.136548986,5.136548972,5.136548994,5.136548959,5.136548962,5.136548932,5.136548934,5.136548989,5.1365489,5.136548949,5.136548907,5.136548977,5.136548954,5.136548925
+"6196","GPR162",5.887855829,5.887856233,5.887856101,5.887856058,5.887855635,5.887855961,5.887855721,5.887855951,5.887855614,5.88785566,5.887856485,5.887855481,5.887856035,5.887855528,5.887855854,5.887856133,5.887855843,5.887855859,5.887855632,5.887855866,5.887855583,5.887855963,5.887855447,5.887855804,5.88785639,5.887855354,5.887855889,5.887855476
+"6197","GPR17",5.142482803,5.142482811,5.142482875,5.142482829,5.142482857,5.142482801,5.142482838,5.142482878,5.142482852,5.142482815,5.142482826,5.14248288,5.142482798,5.142482774,5.142482834,5.142482859,5.142482876,5.142482852,5.142482829,5.14248281,5.142482834,5.142482862,5.142482772,5.142482805,5.142482835,5.142482825,5.142482793,5.142482835
+"6198","GPR171",5.607069239,5.607068658,5.607068059,5.607067547,5.607067988,5.607067536,5.607068965,5.607067273,5.607069515,5.607067912,5.607066561,5.607066553,5.607069098,5.607070056,5.607068472,5.607067701,5.607067715,5.607067328,5.6070685,5.607067372,5.607068755,5.607068318,5.607069518,5.607067892,5.607067418,5.607067826,5.607069431,5.60706945
+"6199","GPR173",4.713993152,4.713993574,4.713993647,4.713993743,4.71399384,4.713993753,4.713993586,4.713993775,4.713994016,4.713993939,4.713993676,4.71399386,4.71399351,4.713993496,4.713993836,4.713993887,4.713994032,4.713993711,4.713993755,4.713993842,4.71399385,4.713993821,4.713993524,4.713993459,4.713993566,4.713993506,4.713993518,4.713993571
+"6200","GPR174",6.670349,6.670316548,6.670315435,6.670302734,6.670314794,6.67031178,6.670338726,6.670309644,6.670333307,6.670313806,6.670295111,6.670303285,6.670326259,6.670354587,6.670338959,6.670314134,6.670307386,6.670304831,6.670333443,6.670310654,6.670348759,6.6703273,6.67033881,6.670324745,6.670315457,6.670323307,6.670329808,6.670346757
+"6201","GPR176",4.769313081,4.769313084,4.769313079,4.769313074,4.76931312,4.769313068,4.769313105,4.769313107,4.769313098,4.769313091,4.769313077,4.769313126,4.769313097,4.769313062,4.76931311,4.769313098,4.769313107,4.769313099,4.76931308,4.769313091,4.769313117,4.76931311,4.769313074,4.769313071,4.769313085,4.769313102,4.769313083,4.769313097
+"6202","GPR179",5.105146047,5.105145974,5.105146063,5.105146065,5.10514614,5.105145994,5.10514613,5.105146083,5.10514608,5.105146072,5.105146077,5.105146096,5.105146038,5.10514598,5.105146089,5.105146101,5.105146145,5.105146086,5.105146071,5.105146071,5.105146114,5.105146101,5.10514605,5.105146093,5.105146041,5.105146057,5.105146046,5.105146066
+"6203","GPR18",5.125147342,5.125147114,5.125147229,5.125147188,5.125147086,5.12514719,5.125147269,5.125147116,5.125147313,5.125147174,5.125147109,5.125147188,5.125147287,5.125147386,5.125147283,5.125147095,5.125147184,5.125147157,5.125147305,5.125147164,5.125147293,5.125147234,5.125147278,5.125147261,5.125147025,5.12514726,5.125147294,5.125147361
+"6204","GPR180",5.410607541,5.410607337,5.41060745,5.410607373,5.410607394,5.410607444,5.410607472,5.410607426,5.410607444,5.410607457,5.410607406,5.410607459,5.410607485,5.410607596,5.410607503,5.41060742,5.410607435,5.410607406,5.410607425,5.410607404,5.410607475,5.410607458,5.410607472,5.410607372,5.410607368,5.410607427,5.410607488,5.410607539
+"6205","GPR182",5.015636361,5.01563634,5.015636383,5.01563637,5.0156364675,5.0156362895,5.0156364315,5.0156364545,5.0156363555,5.015636357,5.015636425,5.0156365035,5.01563638,5.015636231,5.0156364355,5.0156364435,5.015636491,5.0156364855,5.01563645,5.0156363925,5.0156364495,5.0156364655,5.0156363885,5.01563636,5.01563641,5.0156364005,5.01563633,5.015636398
+"6206","GPR183",5.598526674,5.598525467,5.5985256,5.598525392,5.59852598,5.598525049,5.598526164,5.598525078,5.598526028,5.598525731,5.598525027,5.598525381,5.598525891,5.598527265,5.598526092,5.598525106,5.598525321,5.598525452,5.598526565,5.598525078,5.598526095,5.598525374,5.598526217,5.598525518,5.598524963,5.598525251,5.598525654,5.598526886
+"6207","GPR19",4.691490271,4.691490302,4.69149036,4.691490304,4.691490315,4.691490238,4.691490279,4.691490335,4.69149034,4.691490273,4.691490298,4.691490308,4.691490268,4.691490219,4.691490317,4.6914903,4.691490366,4.691490362,4.69149026,4.691490263,4.691490312,4.691490328,4.69149028,4.691490249,4.691490316,4.69149033,4.691490279,4.691490292
+"6208","GPR20",5.730712937,5.730713017,5.730713099,5.730713054,5.730713174,5.730713008,5.730713194,5.730713141,5.730713056,5.730713112,5.7307131,5.730713201,5.730713013,5.730712852,5.730713137,5.730713002,5.730713182,5.730713056,5.730713208,5.730713126,5.730713147,5.730713156,5.730713037,5.73071304,5.730713041,5.730713077,5.730713014,5.730713088
+"6209","GPR21",5.867711677,5.867711669,5.867711458,5.867711562,5.867711431,5.867711526,5.867711621,5.867711543,5.867711595,5.867711543,5.867711521,5.867711555,5.867711632,5.867711711,5.867711645,5.867711774,5.867711509,5.867711441,5.867711628,5.867711816,5.86771162,5.867711623,5.867711675,5.867711733,5.867711605,5.867711601,5.867711711,5.867711648
+"6210","GPR22",2.811302285,2.811302362,2.811302293,2.811302296,2.811302243,2.811302329,2.811302302,2.81130229,2.811302284,2.811302339,2.811302324,2.811302295,2.811302327,2.811302284,2.811302277,2.811302347,2.811302269,2.811302365,2.811302306,2.811302302,2.811302237,2.811302277,2.811302361,2.811302249,2.811302315,2.811302278,2.811302319,2.811302286
+"6211","GPR25",6.874030932,6.874030942,6.87403096,6.87403097,6.874031025,6.874030926,6.874030972,6.874031023,6.874030996,6.87403097,6.874031023,6.874031003,6.874030966,6.874030878,6.874030993,6.874030972,6.874031001,6.87403101,6.874030968,6.874030941,6.87403097,6.874030997,6.874030951,6.874030925,6.874030982,6.874030955,6.874030979,6.874030935
+"6212","GPR26",4.530179737,4.530179732,4.530179764,4.530179741,4.530179798,4.53017973,4.530179778,4.530179761,4.530179764,4.530179734,4.530179751,4.530179772,4.530179739,4.530179693,4.530179765,4.530179762,4.530179809,4.530179766,4.53017974,4.530179735,4.53017978,4.530179782,4.53017975,4.530179704,4.530179722,4.530179766,4.530179717,4.53017974
+"6213","GPR27",8.617964532,8.617964845,8.617964728,8.617964831,8.617965192,8.617964976,8.617965125,8.617965056,8.617964595,8.617964814,8.617964981,8.617965173,8.617964801,8.61796394,8.61796506,8.617964925,8.617965393,8.617965229,8.617965128,8.617964551,8.61796506,8.617965193,8.617964704,8.617964675,8.617965056,8.617965087,8.617964802,8.617964653
+"6214","GPR3",6.896336392,6.896336224,6.896336627,6.896336336,6.896336847,6.896336307,6.896336461,6.896336592,6.896336291,6.896336469,6.896336824,6.896336903,6.896336497,6.896335835,6.896336728,6.896336229,6.896336703,6.896336554,6.896336536,6.896336477,6.896336758,6.896336474,6.896336134,6.896336114,6.896336395,6.896336627,6.896336419,6.896336407
+"6215","GPR31",5.287522621,5.287522756,5.287522664,5.287522833,5.287522885,5.287522614,5.287522802,5.287522866,5.287522542,5.287522478,5.287522749,5.287523025,5.287522627,5.287522652,5.287522816,5.287522969,5.287522964,5.287522735,5.287522744,5.287522815,5.287523072,5.28752288,5.287522666,5.287522768,5.287522898,5.287522865,5.287522844,5.287522644
+"6216","GPR32",4.008914487,4.008914763,4.008914649,4.008914748,4.008915332,4.008914702,4.008915209,4.008915416,4.008914926,4.008915406,4.008915064,4.008915608,4.008915043,4.008914551,4.008915176,4.008915356,4.008915698,4.008915435,4.008915022,4.008914575,4.008915094,4.008915148,4.008914872,4.00891495,4.008915389,4.008915062,4.00891503,4.008914745
+"6217","GPR32P1",2.30290097,2.302900919,2.302901415,2.302900974,2.302900965,2.302900899,2.302900919,2.302901098,2.302901235,2.302901206,2.302901084,2.302900887,2.30290101,2.302901128,2.302901105,2.302900909,2.302901131,2.302901141,2.302901097,2.302901026,2.302901081,2.302901003,2.302901423,2.302901002,2.302901327,2.302901061,2.302901171,2.302901266
+"6218","GPR34",3.321078793,3.321078808,3.321078643,3.321078769,3.321078762,3.321078663,3.321078671,3.321078715,3.32107866,3.321078731,3.3210789,3.321078624,3.321078746,3.32107885,3.321078674,3.321078723,3.321078681,3.321078683,3.321078862,3.321078585,3.321078578,3.321078595,3.321078665,3.32107878,3.321078826,3.32107862,3.321078755,3.32107885
+"6219","GPR35",5.924292215,5.924292295,5.924292397,5.924292131,5.924292171,5.924292436,5.924292162,5.924292418,5.924292512,5.92429235,5.924292367,5.924292395,5.92429226,5.924292433,5.924292328,5.924292176,5.924292285,5.924292262,5.924292308,5.924292317,5.924292211,5.924292365,5.924292365,5.924292427,5.924292315,5.924292214,5.924292308,5.924292298
+"6220","GPR37",3.989584505,3.989584526,3.989584524,3.989584531,3.989584599,3.989584538,3.989584527,3.989584524,3.98958453,3.989584533,3.989584603,3.989584557,3.989584504,3.989584488,3.989584533,3.989584523,3.989584602,3.989584507,3.989584556,3.98958455,3.989584544,3.989584529,3.989584535,3.989584548,3.989584515,3.98958455,3.989584532,3.989584509
+"6221","GPR37L1",5.801536924,5.801537049,5.801537788,5.801537489,5.801538035,5.801536908,5.801537689,5.801537962,5.801537294,5.801537546,5.801537824,5.801538117,5.801537677,5.801536723,5.801537994,5.801537359,5.801538339,5.801537711,5.801537502,5.801537589,5.801538081,5.80153789,5.80153727,5.801537076,5.801537559,5.80153793,5.801537159,5.80153746
+"6222","GPR39",3.895747045,3.895747088,3.895747426,3.895747194,3.895747588,3.895747072,3.89574725,3.89574748,3.895746953,3.895747443,3.895747518,3.89574734,3.895747193,3.895747587,3.895747537,3.895747118,3.895747574,3.89574756,3.89574698,3.895747522,3.895747509,3.89574741,3.895747122,3.895747041,3.895747162,3.895747486,3.895747099,3.895747284
+"6223","GPR45",4.005809829,4.005810028,4.005809861,4.005809849,4.005810065,4.005809798,4.00580999,4.005810044,4.005809974,4.005809745,4.005809596,4.005810061,4.005809763,4.005809849,4.005809992,4.005809945,4.00581005,4.005809965,4.005810019,4.005809899,4.005810129,4.005809879,4.005809957,4.005809803,4.005809867,4.005810042,4.005810005,4.005810016
+"6224","GPR50",4.392157541,4.392157528,4.392157599,4.392157602,4.392157631,4.392157537,4.392157568,4.392157841,4.392157622,4.392157639,4.392157695,4.392157656,4.392157587,4.39215743,4.392157651,4.392157573,4.392157648,4.39215774,4.392157699,4.39215773,4.392157683,4.392157606,4.39215771,4.392157398,4.392157624,4.392157619,4.392157634,4.39215747
+"6225","GPR52",6.627549436,6.627549072,6.627549089,6.627549023,6.627548982,6.627549142,6.627549313,6.627549148,6.627549115,6.627549064,6.627549046,6.627549015,6.627549241,6.62754913,6.627549163,6.627549147,6.627548873,6.627548821,6.627549087,6.62754917,6.627549354,6.627549149,6.62754916,6.627549153,6.627549086,6.627549159,6.627549191,6.627549023
+"6226","GPR55",5.562524227,5.562524169,5.562524207,5.562524132,5.562524228,5.562524154,5.5625242,5.562524209,5.562524265,5.562524151,5.562524166,5.562524248,5.562524231,5.562524194,5.562524203,5.562524185,5.562524167,5.562524139,5.562524173,5.562524188,5.562524199,5.562524216,5.562524277,5.562524162,5.562524123,5.562524223,5.562524176,5.562524189
+"6227","GPR6",6.289502872,6.289502855,6.289502938,6.289502877,6.28950303,6.289502781,6.289502895,6.289502967,6.289502897,6.289502863,6.28950302,6.289502974,6.289502897,6.289502763,6.28950302,6.289502987,6.289502992,6.289503045,6.289502865,6.289502847,6.28950302,6.289502943,6.28950279,6.289502805,6.289502951,6.289502999,6.289502832,6.289502909
+"6228","GPR61",5.521746842,5.521746904,5.521747017,5.52174693,5.521747004,5.521746813,5.521746918,5.521746974,5.521746965,5.521746919,5.521746998,5.52174699,5.521746947,5.521746818,5.521746958,5.521747015,5.521747042,5.521747024,5.521746877,5.521746903,5.521746954,5.521746979,5.521746883,5.521746928,5.52174697,5.521746949,5.52174692,5.521746972
+"6229","GPR62",6.7011392,6.701139221,6.701139267,6.701139174,6.701139472,6.701139204,6.701139324,6.701139298,6.701139274,6.70113934,6.701139306,6.701139395,6.701139252,6.701139171,6.701139381,6.701139317,6.701139442,6.701139332,6.701139327,6.701139284,6.701139414,6.701139306,6.701139177,6.701139168,6.70113933,6.701139343,6.701139211,6.701139318
+"6230","GPR63",4.055429704,4.055429739,4.055429703,4.055429749,4.055429714,4.055429722,4.055429736,4.0554297,4.055429728,4.055429743,4.05542971,4.05542972,4.055429726,4.055429742,4.055429728,4.055429727,4.055429735,4.055429731,4.055429742,4.055429712,4.055429731,4.055429736,4.05542974,4.055429719,4.055429682,4.055429731,4.055429743,4.055429705
+"6231","GPR65",5.61506972,5.615068843,5.615069307,5.615068761,5.615068408,5.615068608,5.615068768,5.615068746,5.615068656,5.615068577,5.615069048,5.615067629,5.615068856,5.615070349,5.615069101,5.61506856,5.615068968,5.615068826,5.615068977,5.615069169,5.615068958,5.615068339,5.61506899,5.615069224,5.615068817,5.61506811,5.615068813,5.615069482
+"6232","GPR68",5.411665413,5.411665333,5.411665506,5.41166558,5.411665482,5.411665745,5.411665533,5.411665445,5.411665403,5.411665547,5.411665402,5.411665342,5.411665498,5.411665346,5.41166554,5.4116655,5.411665656,5.411665375,5.41166555,5.411665537,5.411665561,5.411665571,5.411665505,5.411665291,5.411665365,5.411665509,5.411665458,5.411665524
+"6233","GPR78",5.28449552,5.284495542,5.284495554,5.284495587,5.284495735,5.284495589,5.28449549,5.28449567,5.284495709,5.284495606,5.284495595,5.284495612,5.284495438,5.284495347,5.284495598,5.28449558,5.284495741,5.28449563,5.284495569,5.284495716,5.284495548,5.284495634,5.284495586,5.284495556,5.284495564,5.284495657,5.284495616,5.284495457
+"6234","GPR82",3.127446813,3.127446849,3.127446737,3.127446757,3.12744687,3.127446695,3.127446844,3.127446774,3.127446805,3.127446826,3.127446895,3.127446854,3.127446781,3.127446989,3.127446738,3.127446805,3.127446755,3.127446734,3.127446931,3.127446678,3.127446776,3.127446779,3.127446852,3.127446782,3.12744686,3.127446773,3.127446778,3.127446932
+"6235","GPR83",4.528473004,4.528472993,4.528473008,4.528473015,4.528473013,4.528473006,4.528473007,4.528473022,4.528473017,4.528472998,4.528473005,4.528473009,4.528472997,4.528472995,4.528473005,4.528473016,4.528473037,4.528473014,4.528473007,4.528472999,4.528473019,4.528473022,4.528473015,4.528473005,4.528473008,4.528472996,4.528473011,4.528473005
+"6236","GPR84",4.807952931,4.807952906,4.807952937,4.807952896,4.807952892,4.807953025,4.807952894,4.807952897,4.807952878,4.807952939,4.807952945,4.80795292,4.807952917,4.807952854,4.807952899,4.8079529,4.807952898,4.807952923,4.807952909,4.80795299,4.807952915,4.807952874,4.807952857,4.807952938,4.80795293,4.807952884,4.807952914,4.807952906
+"6237","GPR85",3.179681122,3.179681205,3.17968116,3.179681225,3.179681281,3.1796813,3.179681274,3.179681181,3.179681263,3.1796813,3.179681531,3.179681342,3.179681261,3.179681195,3.179681244,3.179681129,3.179681289,3.179681207,3.179681143,3.179681238,3.179681064,3.179681169,3.179681317,3.179681227,3.17968123,3.179681201,3.179681197,3.179681256
+"6238","GPR87",3.576578149,3.576578276,3.576578404,3.576578346,3.576578452,3.576578301,3.576578319,3.576578497,3.576578217,3.576578341,3.576578389,3.576578573,3.576578553,3.576578204,3.57657855,3.576578465,3.576578691,3.576578505,3.576578466,3.576578474,3.576578452,3.576578665,3.576578131,3.576578181,3.576578449,3.576578499,3.576578411,3.576578256
+"6239","GPR88",6.084902896,6.084902618,6.08490283,6.084902693,6.084903141,6.084902597,6.084902981,6.084902899,6.08490276,6.084902678,6.084902907,6.084903112,6.08490279,6.084902419,6.084903046,6.084902963,6.084903119,6.084902948,6.084902919,6.084902714,6.084903176,6.08490294,6.084902734,6.084902457,6.084902639,6.084903132,6.08490279,6.084902724
+"6240","GPRACR",5.037113173,5.037113191,5.037113423,5.037113245,5.037113351,5.037113235,5.03711321,5.037113387,5.037113352,5.037113322,5.037113416,5.037113376,5.037113202,5.037113203,5.037113357,5.037113373,5.037113409,5.037113386,5.03711328,5.03711343,5.037113306,5.03711331,5.037113251,5.037113237,5.037113271,5.037113126,5.037113289,5.037113208
+"6241","GPRASP1",5.466909649,5.466909961,5.466909501,5.466909765,5.466909887,5.466909601,5.466909469,5.466909885,5.466910255,5.466910169,5.466909447,5.466910265,5.466909967,5.466910534,5.466909629,5.466910055,5.466909289,5.466909914,5.46690964,5.466909588,5.466909503,5.466909844,5.46690984,5.466909926,5.466909512,5.466910131,5.466910211,5.46691017
+"6242","GPRASP3",4.733124019,4.733124138,4.73312412,4.733124089,4.73312427,4.733124084,4.733124161,4.733124099,4.733124093,4.733124035,4.733124032,4.733124189,4.73312415,4.733123997,4.733124163,4.733124056,4.73312425,4.733124175,4.733124134,4.733124045,4.733124207,4.733124147,4.733124174,4.733124066,4.733123999,4.73312426,4.733124016,4.73312414
+"6243","GPRC5A",4.47723696,4.477236905,4.477236914,4.477236903,4.477236987,4.477236961,4.477236956,4.477236987,4.477236952,4.477236942,4.477236941,4.477237005,4.477236915,4.477236916,4.477237011,4.477236952,4.477237004,4.477236896,4.477236945,4.477236954,4.477237005,4.477236962,4.477236892,4.477236932,4.477236945,4.47723697,4.477236907,4.477236962
+"6244","GPRC5B",5.348480465,5.348480496,5.348480553,5.348480512,5.348480645,5.348480627,5.348480591,5.348480577,5.348480681,5.34848065,5.348480489,5.348480616,5.34848054,5.348480469,5.34848057,5.348480429,5.348480606,5.348480528,5.348480527,5.34848052,5.348480599,5.34848059,5.348480591,5.348480473,5.34848054,5.348480503,5.348480595,5.348480554
+"6245","GPRC5C",4.813957842,4.813957658,4.813957966,4.813957884,4.813958263,4.81395785,4.813958214,4.813958088,4.813957775,4.813957815,4.813958051,4.813958224,4.813957981,4.813957754,4.813958332,4.813958039,4.813958374,4.813958087,4.81395825,4.813958002,4.81395835,4.813958251,4.813957819,4.813957877,4.813957803,4.81395814,4.813957945,4.813958048
+"6246","GPRC5D",4.684376153,4.684376459,4.684376605,4.684376343,4.684376338,4.684376987,4.684377313,4.684375946,4.684376339,4.68437571,4.684376376,4.684375973,4.684377313,4.684375948,4.684376069,4.684376292,4.684376389,4.684376468,4.684376859,4.684376653,4.684377021,4.684375609,4.684376615,4.684376531,4.684376792,4.68437617,4.684377166,4.684375741
+"6247","GPRC6A",2.997908222,2.997908285,2.997908292,2.997908271,2.997908272,2.997908244,2.997908255,2.997908244,2.997908277,2.997908237,2.997908256,2.997908377,2.997908297,2.997908225,2.997908264,2.997908227,2.997908252,2.997908282,2.997908284,2.997908248,2.997908287,2.997908263,2.997908267,2.997908261,2.997908246,2.997908265,2.99790825,2.997908243
+"6248","GPRIN1",6.090466449,6.090466944,6.090467267,6.090466542,6.090468348,6.090466936,6.090467286,6.090467671,6.090467028,6.090467475,6.09046759,6.090467695,6.090467197,6.090466255,6.090467702,6.090467271,6.090467799,6.090467447,6.090467354,6.090466868,6.090467786,6.09046749,6.090466807,6.090466623,6.090467336,6.090467695,6.090467108,6.090467467
+"6249","GPRIN2",5.382491267,5.382491288,5.382491339,5.382491297,5.382491389,5.382491311,5.382491353,5.382491375,5.382491324,5.382491308,5.382491344,5.38249141,5.382491304,5.382491267,5.382491388,5.382491303,5.382491412,5.382491373,5.382491355,5.382491317,5.382491372,5.382491405,5.382491332,5.382491287,5.382491351,5.382491372,5.382491301,5.382491364
+"6250","GPRIN3",7.445382958,7.445382739,7.44538225,7.445382336,7.445382439,7.445382886,7.445383297,7.445382305,7.445382999,7.445382731,7.445381904,7.445381595,7.445382911,7.445383359,7.445382624,7.445382199,7.445381578,7.445381922,7.445382554,7.445382534,7.445383055,7.445382158,7.445383107,7.445382897,7.445381963,7.445382223,7.445382797,7.445382906
+"6251","GPS1",7.547484073,7.547484065,7.547484066,7.547484035,7.547484063,7.547484098,7.547484068,7.547484061,7.547484071,7.547484084,7.547484049,7.547484045,7.547484081,7.547484068,7.547484042,7.547484039,7.547484035,7.547484011,7.547484044,7.547484049,7.54748406,7.547484059,7.547484069,7.547484074,7.547484047,7.54748405,7.547484081,7.547484051
+"6252","GPSM1",5.825131169,5.82513125,5.825131375,5.825131313,5.825131379,5.825131225,5.825131341,5.825131377,5.825131364,5.825131244,5.825131384,5.825131452,5.825131267,5.825131225,5.825131436,5.825131316,5.825131519,5.825131415,5.825131333,5.8251314,5.825131349,5.825131407,5.825131224,5.82513123,5.82513135,5.825131397,5.825131249,5.825131311
+"6253","GPSM2",4.946034092,4.946034165,4.946034106,4.946034265,4.946034072,4.946034008,4.946034216,4.946034063,4.946034096,4.946034156,4.946034201,4.94603406,4.946034076,4.94603417,4.946034084,4.946034138,4.946034092,4.946034125,4.946034126,4.946033985,4.946034195,4.94603401,4.946034141,4.946034264,4.946034202,4.94603409,4.94603412,4.946034148
+"6254","GPT",5.514289812,5.514289694,5.514289864,5.514289829,5.514289915,5.514289806,5.514289882,5.514289825,5.514289828,5.514289822,5.514289843,5.514289913,5.514289839,5.514289711,5.51428994,5.514289848,5.514289923,5.514289876,5.514289855,5.514289876,5.514289944,5.514289888,5.514289815,5.514289783,5.514289894,5.514289884,5.514289823,5.514289914
+"6255","GPT2",4.834559147,4.834559126,4.834559167,4.834559204,4.834559187,4.834559174,4.834559196,4.834559184,4.834559179,4.834559147,4.834559192,4.834559185,4.834559145,4.834559126,4.834559184,4.83455914,4.834559164,4.834559189,4.834559165,4.834559175,4.834559185,4.834559166,4.834559153,4.834559146,4.834559185,4.834559187,4.834559168,4.834559151
+"6256","GPX1",9.7595400605,9.628642188,10.0948291785,9.841717603,9.652679206,9.9457414455,9.8552777715,9.7883602415,9.6088218785,9.8339572915,10.0473596185,9.967330884,9.4905090045,9.4132716585,9.685954621,9.4583950585,10.028223577,9.873827615,9.592701854,9.8364359165,9.7546604225,9.724372942,9.5986594065,9.800198926,10.016319408,9.9021572735,9.5332943885,9.5432328585
+"6257","GPX2",4.477011922,4.477011926,4.47701195,4.477011947,4.477011945,4.477011936,4.477011929,4.477011958,4.477011938,4.477011945,4.477011956,4.477011968,4.477011938,4.477011919,4.477011949,4.477011954,4.477011972,4.47701196,4.477011929,4.477011948,4.477011932,4.477011963,4.477011937,4.47701193,4.477011956,4.477011956,4.477011928,4.477011966
+"6258","GPX3",5.206540169,5.206540194,5.206540262,5.206540149,5.206540281,5.206540216,5.206540269,5.206540277,5.206540247,5.206540276,5.206540311,5.206540333,5.20654024,5.206540159,5.206540288,5.206540222,5.206540364,5.206540267,5.206540254,5.20654022,5.206540271,5.206540289,5.206540191,5.20654016,5.206540262,5.206540247,5.206540182,5.206540304
+"6259","GPX4",8.880126118,8.880125772,8.880126072,8.880125962,8.880126172,8.880126538,8.880125972,8.880126341,8.880126428,8.880126364,8.880126114,8.880126571,8.880126522,8.880126203,8.88012595,8.880125521,8.880125832,8.880125981,8.880125962,8.880126295,8.880125716,8.880126438,8.880126111,8.880126078,8.880125773,8.880126647,8.880126464,8.880126232
+"6260","GPX5",3.629458955,3.629458969,3.62945891,3.629458979,3.629458969,3.629459039,3.629459016,3.62945901,3.629458975,3.629458907,3.629458847,3.629459039,3.629458977,3.629458929,3.62945903,3.629458969,3.629458966,3.629459026,3.629459091,3.629458964,3.629458975,3.629459034,3.629458951,3.629458916,3.629458894,3.629459,3.629458979,3.629458957
+"6261","GPX6",4.021342788,4.02134279,4.021342807,4.021342809,4.021342808,4.021342842,4.021342807,4.021342832,4.021342828,4.021342823,4.021342802,4.021342812,4.021342817,4.021342815,4.021342803,4.021342789,4.021342842,4.021342834,4.021342832,4.021342816,4.021342789,4.021342827,4.021342818,4.021342823,4.021342797,4.021342814,4.02134284,4.021342812
+"6262","GPX7",6.627420559,6.627420041,6.627420212,6.627420249,6.627420522,6.627420551,6.627420901,6.627420119,6.62742097,6.627420879,6.627420182,6.627420689,6.627420397,6.627420921,6.627420416,6.627420024,6.627420013,6.627420299,6.627420704,6.627420278,6.627420672,6.627420237,6.627420925,6.627420638,6.627420339,6.627420734,6.627420594,6.627420902
+"6263","GPX8",2.91351229,2.913512358,2.913512247,2.913512293,2.913512363,2.913512441,2.913512306,2.913512428,2.913512278,2.913512378,2.913512479,2.913512395,2.913512308,2.913512242,2.913512252,2.913512405,2.913512401,2.913512364,2.913512472,2.913512416,2.913512336,2.913512308,2.913512268,2.913512277,2.913512398,2.913512243,2.913512302,2.913512316
+"6264","GRAMD1A",7.993666693,7.993666883,7.993666777,7.993667031,7.993666738,7.993666925,7.993666917,7.993666808,7.993666947,7.993666896,7.99366684,7.993666771,7.993666878,7.993666649,7.993666798,7.993666789,7.993666813,7.993666925,7.993666855,7.993667006,7.993666898,7.993666881,7.993666928,7.993666921,7.993666866,7.993666805,7.993666843,7.993666671
+"6265","GRAMD1B",5.949460509,5.949460622,5.949460348,5.9494602,5.949460825,5.949461711,5.949460905,5.949460594,5.949460737,5.949460465,5.949460263,5.949460384,5.94946029,5.949460113,5.949460252,5.949460406,5.949460069,5.949460052,5.949460358,5.949461695,5.949460883,5.949460277,5.949460759,5.949460391,5.949459909,5.949460521,5.949460115,5.949460616
+"6266","GRAMD1C",5.570546837,5.570547678,5.570547575,5.570547588,5.570546761,5.570546903,5.57054666,5.570546796,5.570546285,5.570546179,5.570547089,5.570546675,5.570546798,5.570547153,5.570546753,5.570547556,5.570547431,5.570547376,5.570547407,5.570546995,5.57054711,5.570546917,5.570546452,5.570546599,5.570547694,5.570547012,5.570546693,5.570546644
+"6267","GRAMD2A",4.115449076,4.115449073,4.115449098,4.115449104,4.115449103,4.115449075,4.115449074,4.115449131,4.1154491,4.115449084,4.115449133,4.115449085,4.115449109,4.115449083,4.115449117,4.115449109,4.115449114,4.115449088,4.115449107,4.11544908,4.115449125,4.115449107,4.115449076,4.115449057,4.115449102,4.115449092,4.11544907,4.115449109
+"6268","GRAMD2B",4.89362595,4.893625859,4.893626001,4.89362599,4.893626045,4.893626059,4.893625982,4.89362616,4.893626195,4.893626191,4.89362588,4.893626035,4.893626092,4.893626067,4.893625991,4.8936257,4.893626039,4.893625924,4.893626055,4.893626009,4.893626006,4.893626052,4.893626126,4.893625988,4.893625824,4.893626089,4.893625967,4.893626202
+"6269","GRAMD4",6.205087977,6.205088053,6.20508784,6.20508795,6.205087902,6.205088043,6.205087854,6.205088033,6.205087915,6.205087908,6.205087846,6.205087907,6.205087956,6.205088008,6.205087834,6.205087966,6.205087645,6.205087842,6.205087952,6.205088041,6.205087874,6.205087897,6.205087926,6.20508801,6.205087845,6.205087831,6.205088035,6.205087921
+"6270","GRAP",7.035109017,7.035109363,7.03510813,7.035108045,7.035109886,7.035109815,7.035110387,7.035110244,7.035111685,7.035109605,7.035107537,7.035110741,7.035110749,7.035111304,7.035108068,7.035108814,7.035106933,7.035108768,7.035109702,7.03510776,7.035108762,7.035109701,7.03511094,7.035109428,7.035107488,7.035111537,7.035110134,7.035110154
+"6271","GRAP2",8.176653013,8.176652973,8.176652564,8.176653413,8.176652928,8.176652988,8.17665289,8.176653059,8.176653398,8.17665362,8.176652927,8.1766533,8.1766532,8.176653122,8.176652862,8.176652556,8.176652246,8.176653453,8.17665306,8.176652454,8.176652696,8.176652936,8.17665344,8.17665344,8.176653082,8.176653454,8.176653251,8.176653132
+"6272","GRAPL-AS1",6.016424269,6.016424351,6.016424348,6.016424395,6.016424448,6.016424212,6.01642429,6.016424502,6.016424298,6.016424373,6.016424518,6.016424449,6.016424422,6.016424214,6.016424469,6.016424411,6.016424486,6.0164245,6.016424326,6.016424399,6.016424523,6.016424443,6.016424264,6.01642426,6.016424366,6.016424501,6.016424362,6.016424407
+"6273","GRB10",5.434113475,5.434113692,5.434113468,5.434113699,5.434113657,5.434113883,5.434113598,5.434113399,5.43411356,5.434113596,5.434113688,5.434113535,5.434113586,5.434113686,5.434113529,5.434113667,5.434113453,5.434113739,5.434113843,5.434113647,5.434113523,5.434113541,5.434113776,5.434113688,5.434113606,5.434113502,5.434113536,5.434113555
+"6274","GRB14",3.764755048,3.764755063,3.764755053,3.764755063,3.764755054,3.764755062,3.764755056,3.764755053,3.764755058,3.764755055,3.764755078,3.764755081,3.764755064,3.764755029,3.76475506,3.764755058,3.764755077,3.764755082,3.764755051,3.764755055,3.764755044,3.76475506,3.764755044,3.764755042,3.764755064,3.76475507,3.764755051,3.764755056
+"6275","GRB2",8.930682262,8.930682522,8.930682117,8.930682543,8.930682052,8.930682356,8.930682201,8.930682098,8.930681993,8.93068212,8.93068216,8.930681761,8.930682234,8.930682332,8.930682143,8.930682437,8.930682025,8.930682254,8.930682205,8.930682378,8.93068215,8.930682105,8.930682229,8.930682359,8.930682181,8.930682055,8.930682166,8.930682055
+"6276","GRB7",5.076786769,5.07678677,5.07678681,5.076786776,5.076786818,5.076786793,5.07678681,5.076786802,5.0767868,5.076786796,5.076786816,5.076786811,5.07678679,5.076786757,5.0767868,5.0767868,5.076786825,5.076786799,5.0767868,5.076786809,5.076786807,5.076786801,5.076786789,5.076786776,5.076786803,5.076786804,5.076786785,5.076786784
+"6277","GREB1",4.224918063,4.224917989,4.224918,4.224918031,4.224918101,4.224918091,4.224918048,4.22491809,4.224918046,4.224918095,4.224918017,4.224918098,4.22491802,4.224918012,4.224918069,4.224918024,4.224918128,4.224918054,4.224918059,4.224918036,4.224918096,4.224918063,4.224918014,4.224917998,4.224918016,4.224918018,4.224918064,4.224918052
+"6278","GREB1L",3.586602991,3.586602971,3.586602938,3.586602998,3.586602985,3.586603007,3.586602984,3.586602972,3.586602963,3.586603026,3.586603033,3.58660298,3.586602944,3.586602917,3.586602973,3.586603014,3.586603009,3.586602991,3.586602982,3.586602983,3.586602956,3.586602981,3.58660297,3.586602937,3.586602912,3.586602996,3.586602951,3.586602959
+"6279","GREM1",5.163064533,5.163064624,5.163064913,5.163064685,5.16306501,5.163064615,5.163064727,5.163064837,5.163064816,5.163064841,5.163064983,5.163064898,5.163064905,5.163064536,5.163064805,5.163064635,5.163064973,5.163064987,5.163064857,5.163064801,5.163064808,5.163064929,5.163064712,5.163064646,5.163064949,5.163064975,5.16306474,5.16306498
+"6280","GREM2",4.81794623,4.817946275,4.817946322,4.817946293,4.817946518,4.817946478,4.817946395,4.817946375,4.817946287,4.817946379,4.817946371,4.817946455,4.817946311,4.817946177,4.817946366,4.817946189,4.817946414,4.817946362,4.817946326,4.817946378,4.817946264,4.817946463,4.81794636,4.817946254,4.81794627,4.817946291,4.817946306,4.817946373
+"6281","GRHL1",4.30373121,4.303731239,4.303731249,4.303731246,4.303731241,4.303731251,4.303731228,4.303731236,4.303731229,4.303731237,4.303731244,4.303731236,4.303731231,4.303731225,4.303731237,4.303731229,4.303731247,4.303731245,4.30373124,4.303731236,4.303731217,4.303731244,4.303731227,4.303731231,4.303731251,4.303731222,4.303731246,4.303731247
+"6282","GRHL2",4.059469962,4.059470041,4.059470036,4.059470064,4.059470105,4.059470023,4.059469992,4.059470101,4.059469978,4.0594701,4.059470102,4.059470129,4.05947006,4.059469911,4.059469979,4.059469994,4.059470177,4.059470081,4.059470036,4.05947002,4.05947006,4.059470032,4.059469941,4.05946997,4.059470045,4.059470086,4.059469951,4.059470083
+"6283","GRHL3",4.445536251,4.44553632,4.44553634,4.445536299,4.445536385,4.445536348,4.445536283,4.445536291,4.44553626,4.445536305,4.445536282,4.445536351,4.44553634,4.445536218,4.445536353,4.445536332,4.445536384,4.445536294,4.445536311,4.445536373,4.445536298,4.445536354,4.445536328,4.445536267,4.445536294,4.44553633,4.445536249,4.445536366
+"6284","GRHPR",6.700784744,6.700784501,6.700784501,6.700784231,6.700784483,6.700784405,6.700784379,6.70078436,6.700784405,6.700784706,6.700784351,6.700784359,6.700784582,6.700784593,6.700784577,6.700784529,6.700784384,6.700784237,6.700784476,6.700784178,6.700784393,6.70078436,6.700784428,6.700784607,6.700784273,6.700784363,6.700784579,6.700784581
+"6285","GRIA1",4.470124843,4.470124871,4.470124863,4.470124855,4.47012486,4.470124867,4.470124857,4.470124867,4.470124863,4.470124826,4.470124877,4.470124874,4.470124847,4.470124831,4.470124872,4.470124852,4.470124888,4.470124871,4.470124858,4.470124858,4.470124857,4.470124848,4.470124862,4.470124855,4.47012487,4.470124858,4.470124844,4.470124854
+"6286","GRIA2",3.476496736,3.476496761,3.476496878,3.476497184,3.476497,3.476496847,3.476496827,3.476496945,3.476496963,3.476496793,3.47649699,3.476497175,3.476496741,3.476496713,3.47649688,3.476496975,3.476496999,3.476497072,3.47649685,3.476497004,3.476497004,3.476497005,3.476496927,3.476496838,3.476497092,3.476496923,3.476496845,3.476496868
+"6287","GRIA3",3.553193728,3.553193738,3.553193767,3.553193767,3.553193765,3.553193767,3.553193742,3.553193784,3.553193758,3.553193766,3.553193767,3.553193785,3.553193732,3.553193731,3.55319374,3.553193758,3.553193803,3.55319378,3.553193762,3.553193747,3.553193747,3.553193736,3.553193752,3.553193772,3.553193778,3.553193758,3.553193767,3.553193766
+"6288","GRIA4",3.704540581,3.704540661,3.704540599,3.704540488,3.704540601,3.704540573,3.704540532,3.704540615,3.704540511,3.704540762,3.704540646,3.704540792,3.70454061,3.704540499,3.704540763,3.704540667,3.70454075,3.704540682,3.704540756,3.704540451,3.704540615,3.704540808,3.704540382,3.704540457,3.70454049,3.704540567,3.704540551,3.704540756
+"6289","GRID1",5.061270465,5.061270603,5.061270676,5.061270575,5.061270791,5.061270596,5.061270607,5.061270748,5.061270588,5.06127064,5.061270578,5.061270707,5.061270559,5.061270434,5.061270669,5.061270593,5.061270702,5.061270701,5.061270666,5.061270668,5.061270737,5.061270693,5.061270569,5.061270524,5.061270578,5.061270703,5.061270436,5.061270591
+"6290","GRID2",3.578556117,3.57855623,3.578556272,3.578556223,3.578556292,3.578556209,3.578556153,3.578556194,3.578556174,3.578556123,3.57855632,3.578556247,3.578556089,3.578556148,3.578556235,3.578556277,3.578556161,3.57855617,3.578556171,3.578556154,3.578556201,3.578556109,3.578556079,3.578556125,3.578556172,3.578556181,3.578556102,3.578556226
+"6291","GRIK1",3.444177961,3.444177963,3.444177952,3.444177972,3.444177989,3.444177996,3.444177964,3.444177979,3.444177995,3.444177948,3.444177975,3.444178002,3.444177957,3.444177953,3.444177989,3.44417798,3.444177991,3.444177991,3.444177974,3.444177966,3.444177978,3.444177983,3.444177987,3.444177928,3.444177971,3.444177973,3.44417796,3.444177971
+"6292","GRIK1-AS1",3.778713194,3.778713134,3.778713097,3.778713229,3.778713208,3.778713121,3.778713146,3.778713157,3.778713077,3.778713108,3.778713155,3.778713199,3.778713189,3.778713134,3.778713115,3.778713169,3.77871319,3.778713182,3.778713208,3.77871311,3.778713126,3.778713151,3.778713151,3.778713086,3.778713202,3.778713112,3.77871317,3.778713225
+"6293","GRIK1-AS2",4.681014721,4.681014694,4.68101467,4.68101467,4.681014821,4.681014822,4.681014919,4.681014713,4.681014622,4.681014752,4.681014763,4.681014651,4.681014769,4.681014683,4.681014862,4.681014815,4.681014681,4.681014747,4.681014833,4.681014917,4.681014836,4.681014673,4.681014605,4.681014593,4.681014723,4.681014663,4.681014689,4.681014696
+"6294","GRIK2",3.529930193,3.529930145,3.529930148,3.529930262,3.529930241,3.529930272,3.529930101,3.529930181,3.529930245,3.529930185,3.529930305,3.529930259,3.529930224,3.529930089,3.529930224,3.529930242,3.529930222,3.52993024,3.529930227,3.529930192,3.529930243,3.529930213,3.529930108,3.52993015,3.529930245,3.529930198,3.529930172,3.529930237
+"6295","GRIK3",5.008376032,5.008376108,5.008376238,5.00837594,5.008376433,5.008376039,5.008376169,5.008376247,5.008376196,5.008376255,5.008376269,5.008376227,5.008376218,5.008375981,5.008376316,5.008376129,5.008376375,5.008376306,5.008376295,5.008376199,5.008376297,5.008376247,5.008376033,5.008376081,5.008376274,5.008376306,5.008376154,5.008376063
+"6296","GRIK4",4.875611043,4.875611173,4.875611492,4.875610926,4.875611591,4.875611004,4.875611285,4.875611407,4.875611189,4.875611144,4.875611261,4.875611427,4.87561112,4.875611184,4.875611402,4.875611294,4.875611535,4.875611249,4.875611233,4.875611229,4.875611215,4.875611395,4.875611183,4.875611127,4.875611333,4.875611252,4.875611004,4.875611179
+"6297","GRIK5",5.083329296,5.083329333,5.083329314,5.083329303,5.08332939,5.083329309,5.083329332,5.083329339,5.083329326,5.083329332,5.083329347,5.083329367,5.083329321,5.083329278,5.08332935,5.0833293,5.083329357,5.083329317,5.083329337,5.083329326,5.083329328,5.083329316,5.083329339,5.083329323,5.083329309,5.083329339,5.083329312,5.083329365
+"6298","GRIN1",5.162773947,5.16277421,5.162774154,5.162774097,5.162774301,5.162774336,5.162774285,5.162774524,5.162774327,5.162774156,5.162774377,5.162774612,5.162774195,5.162773886,5.162774365,5.162774384,5.162774415,5.1627745,5.16277423,5.162774347,5.162774337,5.162774406,5.162774003,5.162774146,5.162774435,5.162774295,5.162774204,5.162774385
+"6299","GRIN2A",4.101831129,4.101831113,4.101831132,4.101831095,4.101831119,4.101831143,4.101831104,4.101831174,4.101831043,4.101831096,4.101831155,4.101831189,4.101831158,4.101830987,4.10183105,4.101831103,4.101831177,4.101831163,4.101831095,4.101831134,4.101831126,4.101831157,4.101831074,4.101831052,4.101831187,4.101831098,4.101831056,4.101831108
+"6300","GRIN2B",3.796654119,3.796654269,3.796654224,3.796654293,3.796654358,3.796654079,3.796654255,3.7966544,3.796654193,3.796654413,3.796654331,3.796654365,3.796654217,3.796654181,3.796654237,3.796654355,3.796654418,3.796654229,3.796654236,3.796654315,3.796654355,3.796654319,3.796654366,3.796654161,3.796654241,3.796654264,3.79665421,3.796654259
+"6301","GRIN2C",5.250061615,5.250061628,5.250061661,5.250061632,5.25006168,5.250061603,5.250061649,5.250061699,5.250061654,5.250061654,5.250061657,5.250061691,5.250061642,5.250061617,5.250061668,5.250061663,5.250061674,5.250061671,5.250061655,5.250061668,5.250061684,5.250061668,5.250061631,5.250061627,5.250061663,5.250061674,5.250061633,5.250061637
+"6302","GRIN2D",5.83570493,5.835705119,5.83570601,5.835705343,5.835706639,5.835705042,5.835705849,5.835706067,5.835705733,5.835705788,5.835705855,5.835706225,5.835705721,5.835704988,5.835705956,5.835705638,5.835706405,5.835705709,5.835705755,5.835705646,5.835706116,5.835706044,5.835705272,5.835705011,5.835705634,5.835706119,5.835705291,5.835706018
+"6303","GRIN3A",3.745881267,3.745881256,3.74588136,3.745881278,3.74588135,3.745881582,3.745881215,3.745881465,3.745881341,3.745881212,3.745881318,3.745881465,3.745881345,3.745881197,3.745881467,3.745881396,3.745881646,3.745881414,3.745881326,3.745881495,3.745881424,3.74588151,3.745881238,3.745881258,3.745881323,3.745881458,3.745881205,3.745881375
+"6304","GRIN3B",6.510108637,6.510108628,6.510108766,6.510108731,6.510108966,6.510108705,6.510108845,6.510108895,6.510108726,6.510108807,6.510108701,6.510108808,6.510108752,6.510108495,6.510108903,6.510108679,6.510108953,6.51010888,6.510108834,6.510108791,6.510108856,6.510108924,6.510108649,6.51010859,6.510108734,6.510108872,6.510108729,6.510108728
+"6305","GRINA",7.537390244,7.963548478,8.732539441,8.358222394,8.412991358,8.937206995,7.754387069,8.80813516,8.803552475,8.650227488,8.254885516,8.344239015,8.009698259,7.322853653,7.50287585,7.583893522,8.509624463,8.309285865,8.187118549,8.704106889,7.476167689,8.422273685,8.716893507,8.613671082,8.268214267,8.301062801,8.309586959,7.689949715
+"6306","GRIP1",3.758065699,3.758065692,3.758065637,3.758065297,3.758065882,3.758065906,3.758065898,3.758065642,3.75806581,3.758065908,3.75806573,3.758065974,3.758065749,3.75806585,3.758065898,3.758065775,3.758065977,3.758065748,3.758065752,3.758065879,3.75806576,3.758065704,3.758065759,3.758065823,3.75806573,3.758065652,3.758065581,3.758065861
+"6307","GRIP2",4.935808316,4.935808383,4.935808454,4.935808479,4.935808459,4.935808406,4.935808378,4.935808499,4.935808463,4.935808377,4.93580845,4.935808431,4.935808359,4.935808327,4.93580843,4.935808382,4.935808439,4.935808391,4.93580838,4.935808406,4.935808428,4.935808461,4.935808395,4.935808321,4.935808428,4.935808385,4.935808392,4.935808394
+"6308","GRIPAP1",6.459340826,6.459340892,6.459340844,6.45934091,6.459340828,6.459341043,6.459340844,6.459340873,6.459340918,6.459340861,6.459340864,6.459340872,6.459340894,6.459340926,6.459340834,6.459340874,6.459340826,6.459340902,6.45934087,6.45934094,6.459340828,6.459340837,6.45934088,6.459340907,6.459340911,6.459340888,6.459340899,6.459340921
+"6309","GRK1",4.935276113,4.935276087,4.935276115,4.935276105,4.935276121,4.935276128,4.935276106,4.935276146,4.935276111,4.935276118,4.93527612,4.935276126,4.935276122,4.935276079,4.935276128,4.93527611,4.935276121,4.935276124,4.9352761,4.935276118,4.935276122,4.935276117,4.935276118,4.93527609,4.935276111,4.935276129,4.935276085,4.935276086
+"6310","GRK2",8.580295249,8.580295471,8.580295151,8.580295387,8.580295032,8.58029546,8.58029522,8.580295023,8.580295134,8.580295286,8.580295039,8.58029488,8.580295314,8.580295339,8.580295018,8.580295359,8.58029487,8.580295116,8.580295081,8.580295177,8.580295157,8.580295079,8.580295117,8.580295256,8.580295068,8.580295096,8.580295234,8.580294982
+"6311","GRK3",6.862658728,6.862658538,6.862658506,6.862658461,6.862658552,6.862658641,6.862658475,6.862658153,6.86265796,6.862658574,6.862658669,6.862658154,6.862658643,6.862658825,6.862658414,6.862658338,6.862658314,6.86265821,6.862658468,6.862658731,6.862658481,6.862658097,6.862657983,6.862658584,6.862658443,6.862658529,6.862658523,6.862658476
+"6312","GRK4",3.837896112,3.837896125,3.837896119,3.837896113,3.837896141,3.837896117,3.837896136,3.837896137,3.837896128,3.837896153,3.837896141,3.837896141,3.837896121,3.837896143,3.837896138,3.837896146,3.837896149,3.837896128,3.837896131,3.837896131,3.837896144,3.83789613,3.837896124,3.837896115,3.837896118,3.83789614,3.837896122,3.837896148
+"6313","GRK5",6.311727523,6.3117276325,6.3117274735,6.311727602,6.311727515,6.3117276395,6.3117275105,6.311727519,6.311727584,6.3117276725,6.3117276265,6.31172748,6.311727669,6.311727547,6.311727534,6.311727613,6.3117273835,6.311727618,6.311727518,6.311727647,6.311727535,6.311727532,6.311727604,6.311727666,6.311727441,6.311727686,6.311727665,6.311727482
+"6314","GRK6",9.197428334,9.197428786,9.197428128,9.197428578,9.197428142,9.197428529,9.197428218,9.197428451,9.197428506,9.197428278,9.197428064,9.197428198,9.197428453,9.197428441,9.197428284,9.197428822,9.197428124,9.19742853,9.19742839,9.19742848,9.19742814,9.197428448,9.197428622,9.197428569,9.197428388,9.197428326,9.197428539,9.19742841
+"6315","GRK7",4.306784679,4.306784738,4.306784769,4.306784634,4.30678477,4.306784717,4.306784669,4.306784772,4.306784719,4.306784839,4.30678487,4.306784872,4.306784694,4.306784589,4.306784763,4.306784711,4.306784667,4.306784794,4.30678481,4.306784723,4.306784757,4.306784758,4.306784744,4.306784547,4.306784555,4.306784757,4.306784651,4.306784768
+"6316","GRM1",4.106706109,4.106706138,4.106706172,4.106706127,4.10670629,4.106706145,4.106706224,4.106706181,4.106706139,4.10670617,4.106706166,4.106706429,4.106706143,4.106706077,4.106706317,4.106706206,4.106706308,4.10670626,4.106706163,4.106706282,4.10670625,4.106706305,4.106706107,4.106706154,4.106706127,4.1067062,4.106706087,4.106706253
+"6317","GRM2",5.014797733,5.014797697,5.014797724,5.014797491,5.014797931,5.014797609,5.01479779,5.014797829,5.01479771,5.014797639,5.014797798,5.014797875,5.014797745,5.014797464,5.014797808,5.014797768,5.014797874,5.014797895,5.014797812,5.014797775,5.014797882,5.014797908,5.014797615,5.014797586,5.014797673,5.014797825,5.014797653,5.014797765
+"6318","GRM3",3.781658254,3.781658315,3.781658373,3.781658327,3.781658388,3.781658331,3.781658318,3.78165833,3.781658318,3.781658365,3.781658337,3.781658449,3.781658359,3.781658292,3.781658374,3.781658346,3.78165839,3.781658362,3.781658307,3.78165843,3.78165835,3.781658397,3.781658361,3.781658364,3.781658358,3.781658336,3.7816584,3.781658326
+"6319","GRM4",5.696314743,5.696314775,5.696314857,5.696314837,5.696314998,5.696314666,5.696314936,5.696315031,5.696314908,5.696314882,5.696314883,5.696314928,5.696314819,5.69631465,5.696314904,5.69631493,5.696315034,5.696314923,5.696314908,5.696314889,5.696314983,5.696315004,5.696314841,5.696314761,5.696314965,5.696314971,5.696314839,5.696314844
+"6320","GRM5",5.52761633,5.527616259,5.527616653,5.527616419,5.527616765,5.527616476,5.527616428,5.527616555,5.527616458,5.527616538,5.527616761,5.527616831,5.527616387,5.527615862,5.527616581,5.527616038,5.527616868,5.527616521,5.527616545,5.527616526,5.527616486,5.527616686,5.527616261,5.527616146,5.527616514,5.52761655,5.527616421,5.527616395
+"6321","GRM6",5.042170963,5.042171045,5.042170969,5.042171064,5.042171073,5.042171115,5.042171003,5.042171036,5.042171067,5.042171092,5.042171024,5.042171089,5.042171001,5.042170961,5.042171118,5.042171055,5.042171126,5.042171053,5.042171064,5.042171095,5.042171052,5.042171075,5.042170962,5.042171028,5.042170971,5.042171055,5.042171082,5.04217102
+"6322","GRM7",3.979959982,3.979960175,3.979960199,3.979960117,3.979960317,3.979960168,3.979960094,3.979960272,3.979960106,3.979960159,3.97996027,3.979960391,3.979960121,3.979959955,3.979960335,3.979960148,3.979960425,3.979960251,3.979960254,3.979960208,3.979960151,3.979960254,3.979960199,3.979960234,3.979960185,3.979960075,3.979960112,3.979960154
+"6323","GRM8",4.225484822,4.225484953,4.225485126,4.225484783,4.22548499,4.22548502,4.22548488,4.225485156,4.225484971,4.225484856,4.225485074,4.22548502,4.225484913,4.225484735,4.225485046,4.225484894,4.225485001,4.225484928,4.225484893,4.22548497,4.225484835,4.225484998,4.22548499,4.225484764,4.225484879,4.225484931,4.225484881,4.225484884
+"6324","GRN",10.2567065,10.38949306,10.26446344,10.27789724,10.25808958,10.79784636,10.21159487,9.996734338,10.24331917,10.59967455,10.12005399,9.858131967,10.21976813,10.33812672,10.26072731,10.25291577,10.31176511,10.10511077,10.22087702,10.83311607,10.32271513,10.16696411,10.33038845,10.58098667,10.09021542,9.924716758,10.22466191,9.983421977
+"6325","GRP",5.01479686,5.014796897,5.014797266,5.014796627,5.014797619,5.014796939,5.014797202,5.014797338,5.014797038,5.014797193,5.014797413,5.014797485,5.014796916,5.014796535,5.014797489,5.014796866,5.014797729,5.014797534,5.014797121,5.014797141,5.014797425,5.014797323,5.014796798,5.01479689,5.014796838,5.014797339,5.014797037,5.014797216
+"6326","GRPEL1",6.971670592,6.97167065,6.971670538,6.971670539,6.971670548,6.971670531,6.97167054,6.971670516,6.971670646,6.971670602,6.971670532,6.971670542,6.971670586,6.971670704,6.971670528,6.971670544,6.971670528,6.971670478,6.971670527,6.971670494,6.971670476,6.971670565,6.971670552,6.971670557,6.971670454,6.971670521,6.971670548,6.971670714
+"6327","GRPEL2",6.874372116,6.87437218,6.874372036,6.874371971,6.874372016,6.874372014,6.87437201,6.874372174,6.874372261,6.874372085,6.87437188,6.874372122,6.874372154,6.874372404,6.874372069,6.874372037,6.874371978,6.874371862,6.874372161,6.874371986,6.874372046,6.874372043,6.874372151,6.874372063,6.874372022,6.874372014,6.874372098,6.874372323
+"6328","GRPR",3.883455865,3.88345589,3.883455885,3.883455917,3.883455933,3.883455875,3.883455933,3.883455875,3.8834559,3.883455883,3.883455866,3.883455891,3.883455858,3.883455898,3.883455891,3.883455891,3.88345594,3.883455869,3.883455883,3.883455899,3.883455907,3.883455906,3.883455879,3.883455879,3.883455882,3.883455903,3.883455866,3.883455871
+"6329","GRSF1",6.706579515,6.70657931,6.706579166,6.706578882,6.706579242,6.706578985,6.706579217,6.706579026,6.706579251,6.706579445,6.706578929,6.706579016,6.706579257,6.706579841,6.706579147,6.706578979,6.706578711,6.706578659,6.706579272,6.706579045,6.706579188,6.706579123,6.706579329,6.706579266,6.706578921,6.706579164,6.70657936,6.706579586
+"6330","GRTP1",5.546162659,5.546162642,5.546162684,5.546162671,5.54616279,5.546162645,5.546162702,5.546162763,5.54616269,5.546162701,5.546162758,5.5461628,5.5461627,5.546162609,5.546162748,5.546162745,5.546162754,5.546162748,5.546162701,5.546162697,5.546162753,5.546162771,5.546162681,5.546162681,5.546162754,5.546162767,5.546162659,5.546162687
+"6331","GRWD1",7.156698717,7.156698749,7.156698762,7.156698785,7.156698713,7.156698916,7.156698807,7.15669877,7.156698888,7.156698852,7.156698776,7.156698786,7.156698887,7.156698784,7.156698725,7.156698708,7.156698811,7.1566987,7.156698792,7.156698693,7.156698699,7.156698857,7.15669886,7.156698733,7.156698712,7.156698784,7.156698919,7.156698834
+"6332","GSAP",6.790599673,6.790598545,6.79059887,6.7905979935,6.7905974265,6.7905981445,6.7905980295,6.790597767,6.7905977205,6.790598482,6.790598202,6.7905978895,6.790598551,6.790599217,6.790598548,6.790598243,6.7905979955,6.7905974625,6.790597811,6.790598118,6.7905979805,6.790597912,6.7905980515,6.7905988875,6.790597719,6.7905983865,6.79059853,6.790598606
+"6333","GSC",5.981661595,5.981661561,5.981661948,5.981661604,5.981662178,5.981661619,5.98166174,5.981661801,5.981661623,5.981661853,5.981662011,5.981661905,5.981661711,5.981661336,5.981661929,5.981661524,5.981662121,5.981661725,5.981661865,5.981661796,5.981661854,5.981661915,5.981661523,5.981661558,5.981661804,5.981661726,5.981661651,5.981661794
+"6334","GSC2",6.691822038,6.691822097,6.691822242,6.691822105,6.691822354,6.691822091,6.691822268,6.691822264,6.691822137,6.691822212,6.691822332,6.691822483,6.691822192,6.691821888,6.691822291,6.691822111,6.691822352,6.691822248,6.691822274,6.691822193,6.691822312,6.691822271,6.691822119,6.691822071,6.691822322,6.691822269,6.691822171,6.691822279
+"6335","GSDMA",4.911443403,4.911443414,4.911443449,4.911443417,4.911443447,4.911443404,4.911443406,4.911443448,4.911443424,4.911443445,4.911443453,4.911443456,4.911443415,4.911443391,4.911443441,4.911443436,4.911443445,4.911443432,4.911443425,4.911443443,4.911443441,4.911443452,4.911443397,4.911443452,4.911443441,4.911443439,4.911443418,4.911443438
+"6336","GSDMB",6.151230917,6.151231044,6.151229822,6.151230334,6.151230436,6.151230302,6.151231327,6.15123062,6.151231018,6.15123152,6.151230486,6.151230222,6.151231229,6.151231635,6.151230179,6.151231394,6.151228978,6.151229378,6.151230923,6.151230001,6.151231199,6.151230671,6.151230958,6.151231096,6.151230321,6.15123028,6.151231067,6.151230761
+"6337","GSDMC",3.551450705,3.551450726,3.551450721,3.551450687,3.551450761,3.551450712,3.551450719,3.551450744,3.551450736,3.551450717,3.551450722,3.551450742,3.551450708,3.55145067,3.551450751,3.551450732,3.551450736,3.551450731,3.551450751,3.551450754,3.551450723,3.551450749,3.551450691,3.55145072,3.551450719,3.551450736,3.5514507,3.551450736
+"6338","GSDMD",6.849127962,6.849128,6.849127953,6.849128032,6.849127952,6.849128272,6.849127953,6.849128019,6.849128034,6.849127996,6.849127946,6.849127885,6.849128033,6.849127975,6.849127879,6.849128022,6.849127857,6.849127942,6.849127958,6.849128242,6.849127928,6.849128045,6.849128055,6.849128033,6.849127974,6.84912796,6.849128012,6.849127974
+"6339","GSDME",4.110768538,4.110768838,4.110768577,4.110768841,4.110768479,4.110768652,4.110768599,4.110768699,4.110768628,4.110768733,4.110768443,4.110768663,4.110768373,4.110768782,4.110768569,4.110768432,4.110768665,4.110768707,4.110768733,4.110768504,4.110768455,4.110768582,4.110768558,4.110768519,4.110768487,4.11076863,4.110768645,4.110768941
+"6340","GSE1",7.325866184,7.325866186,7.325866205,7.325866188,7.325866225,7.325866205,7.325866217,7.325866198,7.325866181,7.325866191,7.325866207,7.325866189,7.325866206,7.32586614,7.325866194,7.325866205,7.325866194,7.325866199,7.325866181,7.325866192,7.325866212,7.325866221,7.325866182,7.325866154,7.325866194,7.325866207,7.325866192,7.325866184
+"6341","GSG1",4.573983855,4.573983886,4.573983921,4.573983948,4.573983963,4.573983865,4.573983934,4.573983988,4.573983928,4.573983897,4.573983957,4.573983958,4.573983915,4.573983882,4.573983994,4.573983962,4.573984014,4.573984008,4.573983908,4.573983934,4.573983934,4.573983991,4.573983904,4.573983899,4.573984048,4.573983984,4.573983915,4.573983923
+"6342","GSG1L",6.156952342,6.156952276,6.156952371,6.156952255,6.15695263,6.156952309,6.156952306,6.15695242,6.1569522,6.156952399,6.156952504,6.156952586,6.156952323,6.15695206,6.156952516,6.15695222,6.156952501,6.15695243,6.156952371,6.156952444,6.156952367,6.156952442,6.156952269,6.156952168,6.156952427,6.156952496,6.156952201,6.156952322
+"6343","GSK3A",7.705431419,7.705431513,7.705431691,7.705431531,7.705431502,7.705431725,7.70543144,7.705431607,7.705431588,7.705431603,7.705431605,7.705431615,7.705431489,7.70543129,7.705431514,7.705431366,7.705431501,7.705431511,7.705431486,7.705431599,7.705431421,7.705431539,7.705431529,7.705431572,7.705431655,7.705431623,7.705431499,7.705431352
+"6344","GSK3B",7.710371032,7.7103715,7.710370494,7.710371318,7.710370112,7.710370902,7.710370629,7.710370418,7.710370805,7.710370421,7.710370678,7.710369732,7.710370879,7.71037139,7.710370734,7.710371371,7.710370434,7.710370758,7.710370719,7.710371391,7.710370948,7.710370461,7.710371166,7.710371347,7.710370851,7.710370892,7.710370623,7.710370965
+"6345","GSKIP",3.997427339,3.997427115,3.997427244,3.997427241,3.997427167,3.997427035,3.997427318,3.997427099,3.997427216,3.997427352,3.997427211,3.997427157,3.997427301,3.99742764,3.997427193,3.997427188,3.997427389,3.997427122,3.997427288,3.997427197,3.997427241,3.997427205,3.99742731,3.997427261,3.997427077,3.997427106,3.997427143,3.997427516
+"6346","GSN",8.573852818,8.573854717,8.57385361,8.573854087,8.573854298,8.57385445,8.573853338,8.573852973,8.573853346,8.573854349,8.573854485,8.573853228,8.573853499,8.573852924,8.573852789,8.573854315,8.573853244,8.573853592,8.573854207,8.573854307,8.573852779,8.573852809,8.573853709,8.573854701,8.573854082,8.573853585,8.573853418,8.573852863
+"6347","GSN-AS1",4.306554957,4.306554989,4.306555101,4.306555069,4.306555059,4.306555011,4.306555006,4.306554994,4.306555007,4.306554906,4.306555073,4.306555026,4.306555022,4.306554965,4.306555089,4.306555035,4.306555057,4.306555107,4.306555054,4.306555056,4.306555059,4.306554994,4.306554994,4.306555023,4.306555052,4.306554956,4.306554936,4.306554951
+"6348","GSPT1",10.26997468,9.726575975,10.61683713,10.08437888,10.21719844,10.05226772,10.04259376,10.41076258,10.32582332,10.18993758,10.40720814,10.50962948,9.893466239,9.959820948,10.14896023,9.168936949,10.28190666,10.217942,9.927653406,9.93948748,10.02900445,10.28999349,10.31589929,10.16491682,10.37227398,10.67070982,10.05445493,9.875424755
+"6349","GSPT2",5.714909792,5.714909704,5.71490978,5.714909709,5.71490975,5.714909783,5.714909714,5.714909775,5.714909851,5.714909828,5.714909711,5.714909803,5.714909834,5.714909861,5.71490982,5.714909703,5.714909639,5.714909716,5.714909844,5.714909706,5.714909782,5.714909791,5.714909815,5.714909707,5.714909687,5.714909842,5.714909755,5.714909834
+"6350","GSR",9.140008657,9.140008835,9.140008551,9.140008703,9.140008418,9.140008627,9.140008528,9.140008474,9.140008558,9.140008593,9.140008524,9.14000838,9.140008444,9.140008739,9.140008451,9.140008811,9.140008343,9.14000851,9.14000852,9.140008778,9.140008542,9.140008279,9.140008708,9.14000879,9.140008524,9.140008397,9.140008415,9.140008442
+"6351","GSS",6.429423191,6.429423174,6.429423173,6.429423186,6.429423185,6.429423201,6.429423204,6.429423175,6.429423216,6.429423223,6.42942316,6.429423104,6.429423198,6.429423229,6.429423148,6.429423173,6.429423088,6.429423139,6.429423154,6.429423196,6.429423179,6.42942323,6.429423173,6.429423207,6.42942315,6.42942314,6.429423196,6.429423183
+"6352","GSTA1",4.413537655,4.413537777,4.41353781,4.413538149,4.413538003,4.413537147,4.413537825,4.413538043,4.413537926,4.41353799,4.413538019,4.413537982,4.413537976,4.413537817,4.413537976,4.413537888,4.413538172,4.413538199,4.413537831,4.413537783,4.413537855,4.413538072,4.413537894,4.413537955,4.41353813,4.41353764,4.413538087,4.413538035
+"6353","GSTA2",3.946615429,3.946615487,3.946615692,3.946615654,3.946615722,3.946615475,3.946615654,3.946616077,3.946615631,3.946615316,3.946615764,3.946615742,3.946615688,3.946615292,3.946616078,3.9466159,3.946615702,3.946615906,3.946615824,3.946615455,3.946615714,3.946615988,3.946615495,3.946615158,3.946615728,3.946615682,3.946615281,3.946615526
+"6354","GSTA3",4.471265186,4.471265266,4.471265313,4.471265243,4.471265333,4.471265198,4.471265213,4.47126529,4.471265297,4.471265276,4.471265359,4.471265321,4.471265255,4.471265117,4.471265244,4.471265389,4.471265308,4.471265362,4.471265261,4.471265238,4.471265172,4.47126533,4.471265234,4.471265209,4.471265341,4.471265315,4.471265246,4.471265315
+"6355","GSTA4",3.728734937,3.728734971,3.728734923,3.728735001,3.728735042,3.728734894,3.728735015,3.728734948,3.728734911,3.728735015,3.728734977,3.728735089,3.728734957,3.728734904,3.728735013,3.728734957,3.728734996,3.728734964,3.728735029,3.728734947,3.728734992,3.72873495,3.728734996,3.728734933,3.728734955,3.728735052,3.7287349,3.728734982
+"6356","GSTA5",2.884648137,2.884648048,2.88464837,2.884648251,2.88464838,2.88464809,2.884648253,2.884648359,2.884648284,2.884648224,2.884648333,2.884648599,2.884648316,2.884648134,2.884648376,2.884647981,2.884648246,2.884648504,2.88464821,2.884648043,2.884648456,2.884648371,2.884648554,2.884648105,2.884648359,2.884648217,2.884648241,2.8846482
+"6357","GSTCD",4.049077263,4.049077264,4.049077261,4.049077248,4.049077267,4.049077253,4.049077268,4.049077261,4.049077263,4.049077258,4.04907726,4.049077261,4.049077258,4.049077268,4.049077258,4.049077255,4.049077254,4.049077255,4.049077262,4.049077266,4.049077262,4.049077262,4.049077264,4.04907726,4.049077258,4.049077259,4.049077265,4.049077265
+"6358","GSTK1",8.30651336,8.293865057,8.277380086,8.253407618,8.282134998,8.348317083,8.303223805,8.286682993,8.307525764,8.312108175,8.267846146,8.279685626,8.307776548,8.310904102,8.276125954,8.262035785,8.233637846,8.232511103,8.282712675,8.339744895,8.296224908,8.294906773,8.291627203,8.287166413,8.263097412,8.286635545,8.305534043,8.283663982
+"6359","GSTM1",5.993796831,5.993707276,5.9960703,5.996011394,5.997036827,5.994011264,5.996628926,5.996263514,5.997559747,5.996689964,5.996826855,5.993915631,5.993627314,5.996672417,5.993303919,5.994029649,5.995032324,5.996197784,5.996332194,5.99407733,5.996227621,5.995871209,5.997236587,5.997124092,5.997000524,5.993119176,5.994725097,5.996539945
+"6360","GSTM2P1",4.481224837,4.481224732,4.481225163,4.481224725,4.481225505,4.481224502,4.481224993,4.481225327,4.481225078,4.481225109,4.481225374,4.481225301,4.481225059,4.481224627,4.481225534,4.48122454,4.481225912,4.481225142,4.481225017,4.481225075,4.48122537,4.481225128,4.481224916,4.481224969,4.481225191,4.481225238,4.481224837,4.481225238
+"6361","GSTM3",4.18467767,4.184677639,4.184677595,4.184677464,4.184677616,4.184677559,4.184677676,4.184677548,4.184677671,4.184677674,4.184677584,4.184677609,4.184677592,4.184677687,4.184677634,4.184677518,4.184677558,4.184677544,4.184677649,4.184677626,4.184677604,4.184677577,4.184677626,4.184677674,4.18467759,4.184677569,4.18467767,4.184677641
+"6362","GSTM5",4.34080426,4.340804306,4.340804396,4.340804409,4.340804331,4.340804312,4.340804295,4.340804331,4.340804354,4.340804389,4.340804461,4.340804269,4.340804363,4.340804334,4.340804277,4.340804256,4.340804288,4.340804422,4.340804353,4.340804205,4.340804259,4.340804324,4.340804389,4.340804377,4.340804482,4.340804225,4.340804334,4.340804257
+"6363","GSTO1",6.389804843,6.38980473,6.389804936,6.389804779,6.389804744,6.389804703,6.389804708,6.389804741,6.389804676,6.389804777,6.389804827,6.389804725,6.389804771,6.389804782,6.389804638,6.389804819,6.389804725,6.389804836,6.389804706,6.389804955,6.389804752,6.389804732,6.389804657,6.389804888,6.389804851,6.389804805,6.389804683,6.389804646
+"6364","GSTO2",5.136612766,5.136612798,5.136612855,5.136612838,5.136612815,5.136612819,5.136612851,5.136612804,5.136612845,5.136612857,5.136612845,5.136612813,5.136612765,5.136612775,5.136612825,5.136612812,5.136612842,5.136612824,5.136612846,5.136612822,5.136612811,5.136612846,5.136612739,5.1366128,5.136612838,5.136612825,5.136612767,5.136612837
+"6365","GSTP1",9.334469223,9.334466941,9.334468492,9.334465706,9.33446854,9.334469175,9.33446834,9.33446654,9.334466351,9.334469246,9.334468245,9.334466992,9.334468729,9.334467971,9.334467819,9.334464042,9.334467008,9.334464365,9.334467639,9.334468359,9.334466815,9.334467073,9.334466257,9.334467101,9.334466185,9.334467373,9.334469274,9.334466508
+"6366","GSTT1",5.682397299,5.682397829,5.682397256,5.682397478,5.682397631,5.682397478,5.68239777,5.682397845,5.682397777,5.682397531,5.682397588,5.682397746,5.682397091,5.682397905,5.682397566,5.682397613,5.682397665,5.682397518,5.682397451,5.68239728,5.682397832,5.682398,5.68239735,5.682397506,5.682397565,5.682397854,5.682397229,5.682397855
+"6367","GSTZ1",5.233888519,5.233888512,5.233888514,5.23388853,5.233888526,5.233888513,5.233888522,5.233888533,5.233888528,5.233888529,5.233888535,5.23388853,5.233888525,5.23388852,5.233888526,5.233888521,5.233888535,5.233888525,5.233888531,5.233888526,5.233888531,5.23388852,5.233888513,5.233888534,5.233888532,5.233888548,5.233888515,5.233888519
+"6368","GSX1",6.942851988,6.942852005,6.942852216,6.942852115,6.942852156,6.94285189,6.942852077,6.942852158,6.942852141,6.942852076,6.942852205,6.942852257,6.942852111,6.94285197,6.942852173,6.942852114,6.942852132,6.942852238,6.942852022,6.942852061,6.942852064,6.942852165,6.942852035,6.942852143,6.942852189,6.942852186,6.942852044,6.942852128
+"6369","GSX2",6.834120887,6.8341209,6.834120993,6.834120854,6.834121075,6.83412085,6.834120972,6.834121116,6.834121016,6.834120918,6.834120999,6.834121083,6.834120987,6.834120708,6.83412111,6.834121002,6.834121034,6.834121001,6.834120871,6.834120896,6.834121036,6.83412112,6.834120881,6.834120883,6.834121037,6.834120944,6.834120954,6.83412101
+"6370","GTDC1",6.095412858,6.095412637,6.095412731,6.09541285,6.095412565,6.095412666,6.095412842,6.095412683,6.095412649,6.095412575,6.095412615,6.095412403,6.095412688,6.095412726,6.095412732,6.095412634,6.09541266,6.095412638,6.09541267,6.095412656,6.095412843,6.095412667,6.095412668,6.095412742,6.095412738,6.095412688,6.095412689,6.095412589
+"6371","GTF2A1",7.273210282,7.273210413,7.27321003,7.273210293,7.273209914,7.273209934,7.273210012,7.273209786,7.273209976,7.273209979,7.273210048,7.273209723,7.273210307,7.273210611,7.273210077,7.273210322,7.273209738,7.273210298,7.273210098,7.273210126,7.273210185,7.273209936,7.273210096,7.273210195,7.273210246,7.273210136,7.273210159,7.273210406
+"6372","GTF2A2",5.107137364,5.107137353,5.10713733,5.107137279,5.107137268,5.107137237,5.107137277,5.107137242,5.107137353,5.107137309,5.107137273,5.107137228,5.107137322,5.107137399,5.107137222,5.107137266,5.107137186,5.107137193,5.107137323,5.107137238,5.107137259,5.107137216,5.107137303,5.107137304,5.107137252,5.107137255,5.107137357,5.107137229
+"6373","GTF2B",6.788193112,6.788193425,6.788193083,6.788192952,6.788192809,6.788193194,6.788192765,6.788192845,6.788192975,6.788193006,6.788192832,6.788191993,6.78819262,6.788193876,6.788193021,6.788193313,6.788192615,6.788192846,6.788193225,6.788192985,6.788192986,6.78819303,6.788193332,6.788193288,6.788193173,6.788192527,6.788192896,6.788193216
+"6374","GTF2E1",5.801669367,5.801669099,5.801669129,5.801669015,5.801668397,5.801668843,5.801669189,5.801668582,5.801669157,5.8016692,5.801668805,5.801668203,5.801668916,5.801669971,5.801668805,5.80166879,5.801668486,5.801668836,5.801669079,5.801668381,5.801669296,5.801668439,5.801669688,5.801669297,5.801668797,5.801669037,5.801668825,5.801669438
+"6375","GTF2E2",6.440904405,6.44090433,6.440904105,6.440904002,6.440903824,6.440903843,6.440904173,6.440903985,6.440903989,6.440903977,6.440903889,6.440903766,6.440904253,6.44090447,6.440903925,6.440904147,6.440903749,6.440903918,6.440904001,6.440904125,6.440904175,6.440903965,6.440904398,6.440904143,6.440903806,6.440904079,6.440904249,6.440904032
+"6376","GTF2F1",7.16098069,7.160980717,7.160980684,7.160980701,7.160980705,7.160980746,7.160980649,7.160980668,7.160980745,7.160980725,7.1609807,7.160980713,7.160980729,7.160980724,7.160980701,7.160980665,7.160980686,7.160980694,7.160980701,7.160980718,7.160980677,7.160980697,7.160980721,7.160980721,7.16098071,7.160980705,7.160980707,7.160980738
+"6377","GTF2F2",5.45263346,5.452633454,5.452633387,5.452633353,5.452633408,5.452633301,5.452633288,5.452633301,5.452633435,5.45263343,5.452633438,5.452633249,5.452633452,5.452633593,5.452633376,5.452633307,5.452633334,5.452633391,5.452633447,5.452633153,5.452633321,5.452633203,5.452633415,5.452633466,5.452633312,5.45263322,5.452633422,5.452633505
+"6378","GTF2H1",6.198997546,6.198997286,6.198997316,6.198997238,6.198997233,6.198997115,6.198997359,6.198996849,6.198997222,6.198996997,6.198996875,6.198996984,6.198997366,6.198997737,6.198997291,6.198997038,6.19899682,6.198996831,6.198997319,6.198997191,6.198997429,6.198997114,6.198997336,6.198997398,6.198996816,6.198997354,6.198997242,6.198997467
+"6379","GTF2H3",5.682448437,5.682447844,5.682447942,5.68244698,5.682447493,5.68244787,5.682447908,5.682447908,5.682448075,5.682447675,5.682447123,5.682447617,5.682447612,5.6824489,5.682447521,5.682447901,5.682447553,5.682447362,5.682447854,5.682447237,5.682447621,5.682447583,5.682448267,5.682448058,5.682447693,5.682447944,5.682448017,5.682448584
+"6380","GTF2H4",5.331923927,5.331923847,5.331923851,5.331923869,5.331923987,5.331923941,5.33192394,5.331923908,5.331924009,5.331923952,5.331923794,5.331923899,5.331923999,5.331923935,5.331923884,5.331923906,5.331923817,5.331923834,5.331923862,5.331923885,5.331923941,5.331923976,5.331923928,5.331923882,5.331923906,5.331923888,5.331924025,5.331923926
+"6381","GTF2H5",4.648406365,4.648406305,4.64840636,4.648406331,4.648406356,4.648406336,4.648406358,4.648406369,4.648406343,4.648406386,4.648406299,4.648406292,4.648406348,4.648406373,4.648406343,4.64840628,4.648406332,4.648406339,4.648406365,4.64840635,4.648406317,4.64840634,4.648406391,4.648406385,4.648406336,4.648406336,4.648406355,4.648406352
+"6382","GTF2I",6.958881997,6.958881814,6.958881214,6.958881196,6.958881616,6.958881519,6.958881567,6.958881217,6.958881677,6.958881733,6.958881303,6.958881541,6.958881579,6.958882485,6.958881597,6.958881436,6.958880471,6.958881394,6.958881581,6.9588811,6.958881467,6.9588815,6.958881627,6.958881422,6.958881126,6.958881648,6.958881791,6.958882015
+"6383","GTF2IRD1",4.905521111,4.905521109,4.905521123,4.905521124,4.905521142,4.905521118,4.905521119,4.905521124,4.905521117,4.905521101,4.905521117,4.90552112,4.905521095,4.905521089,4.90552112,4.905521115,4.905521116,4.905521108,4.905521105,4.905521116,4.905521129,4.90552112,4.905521127,4.90552111,4.905521113,4.905521122,4.905521122,4.905521118
+"6384","GTF3A",6.75679077,6.756790048,6.756790242,6.756789879,6.756790012,6.756790323,6.756790874,6.756789896,6.756790905,6.756790366,6.756790215,6.756790039,6.756790719,6.756791143,6.756790145,6.756789201,6.756789768,6.756789243,6.756790315,6.756789843,6.756790586,6.756790066,6.75679101,6.756790298,6.756789675,6.756790207,6.75679076,6.756790755
+"6385","GTF3C1",6.602380332,6.602380408,6.602380133,6.602380363,6.602380311,6.602380433,6.60238039,6.602380317,6.602380289,6.602380496,6.602380182,6.602380167,6.602380373,6.60238049,6.602380417,6.602380284,6.602380064,6.602380227,6.602380316,6.602380209,6.60238037,6.602380322,6.602380422,6.602380521,6.602380121,6.602380431,6.602380385,6.6023804
+"6386","GTF3C2",7.301900712,7.301900687,7.301900651,7.301900638,7.301900649,7.301900686,7.301900679,7.301900676,7.301900714,7.301900682,7.30190061,7.301900628,7.301900696,7.301900722,7.301900642,7.301900653,7.301900579,7.3019006,7.301900671,7.301900514,7.301900659,7.301900649,7.301900671,7.301900715,7.301900658,7.301900675,7.301900703,7.301900625
+"6387","GTF3C3",5.998741156,5.99874112,5.998741094,5.998740883,5.998740959,5.998740942,5.998741043,5.998740935,5.998741239,5.998741099,5.998740955,5.998740929,5.998741025,5.998741453,5.998741023,5.998741127,5.998740831,5.998740716,5.998741175,5.998740752,5.998741027,5.998740972,5.998741167,5.998741173,5.998740972,5.998741074,5.998741069,5.998741291
+"6388","GTF3C4",5.792078405,5.792078382,5.792078394,5.792078366,5.792078384,5.792078365,5.792078389,5.792078397,5.792078402,5.792078392,5.792078359,5.792078399,5.792078381,5.792078417,5.792078404,5.792078406,5.792078383,5.792078342,5.792078404,5.792078401,5.792078391,5.792078382,5.792078394,5.792078381,5.792078359,5.792078407,5.792078398,5.792078406
+"6389","GTF3C5",6.450658118,6.450658119,6.450658113,6.450658105,6.4506581,6.450658122,6.450658112,6.450658106,6.450658121,6.450658114,6.450658114,6.450658104,6.450658125,6.450658127,6.450658112,6.450658103,6.450658103,6.450658102,6.450658105,6.450658133,6.450658118,6.450658108,6.450658112,6.450658123,6.45065811,6.450658101,6.450658124,6.450658114
+"6390","GTF3C6",5.895595626,5.895595425,5.89559539,5.895595226,5.89559526,5.895595189,5.895595323,5.895595034,5.895595344,5.895595345,5.895595425,5.895595088,5.895595396,5.895595671,5.895595439,5.895595366,5.895594953,5.895595174,5.89559527,5.895595437,5.895595414,5.895595224,5.895595552,5.895595413,5.895595252,5.895595391,5.895595513,5.89559548
+"6391","GTPBP1",7.646662902,7.646663392,7.646662902,7.646663424,7.646662985,7.646664226,7.646663408,7.646663212,7.646663198,7.646663209,7.646663061,7.64666296,7.646663231,7.646663058,7.646663085,7.646663341,7.646662682,7.646663261,7.646663332,7.646664186,7.646663188,7.646663188,7.646663608,7.646663435,7.646663279,7.64666324,7.646663204,7.646662793
+"6392","GTPBP10",5.395941666,5.395940967,5.395941194,5.39594094,5.395940895,5.395940694,5.395941283,5.395941024,5.395941446,5.395941029,5.395940691,5.395940516,5.39594132,5.395942365,5.39594121,5.395940949,5.395940845,5.395940971,5.395941411,5.395940434,5.39594102,5.395941075,5.395941566,5.395941241,5.395940929,5.395940961,5.395941254,5.395941957
+"6393","GTPBP2",7.558182351,7.558182557,7.558182495,7.558182687,7.558182577,7.558182709,7.558182334,7.558182206,7.558182411,7.558182512,7.558182516,7.558182343,7.558182439,7.558182267,7.558182352,7.558182516,7.558182308,7.55818259,7.558182552,7.558182844,7.55818231,7.558182224,7.558182381,7.558182606,7.558182611,7.558182479,7.558182481,7.558182063
+"6394","GTPBP3",6.131570406,6.131570327,6.131570544,6.131570324,6.131571038,6.131570798,6.131570733,6.131570698,6.131570459,6.131570742,6.131570789,6.131570953,6.131570646,6.131570127,6.131570881,6.131570268,6.131570979,6.131570915,6.131570729,6.131570568,6.13157073,6.131570854,6.13157044,6.131570286,6.131570302,6.131570833,6.131570474,6.131570636
+"6395","GTPBP4",6.361921784,6.361921708,6.361921727,6.361921318,6.361921438,6.361921601,6.361921635,6.361921159,6.36192184,6.361921506,6.361921319,6.361921121,6.361921543,6.361922337,6.361921579,6.361921571,6.361921134,6.361921308,6.36192154,6.361921572,6.361921563,6.361921565,6.361921739,6.361921576,6.361921115,6.361921565,6.361921544,6.361921908
+"6396","GTPBP6",6.302261246,6.302261255,6.30226126,6.302261185,6.302261294,6.302261273,6.302261275,6.302261269,6.302261319,6.302261306,6.302261238,6.302261312,6.302261287,6.302261242,6.302261254,6.30226122,6.30226124,6.302261243,6.302261248,6.302261241,6.302261289,6.302261313,6.302261281,6.30226125,6.302261238,6.302261297,6.3022613,6.302261287
+"6397","GTPBP8",5.138776615,5.138776622,5.138776598,5.138776515,5.13877656,5.138776588,5.138776601,5.138776548,5.138776635,5.13877664,5.138776531,5.13877655,5.138776592,5.13877677,5.13877659,5.138776502,5.138776494,5.138776448,5.138776611,5.138776529,5.13877654,5.138776492,5.138776706,5.138776594,5.138776523,5.138776585,5.138776574,5.138776668
+"6398","GTSCR1",3.450002783,3.450002779,3.450002778,3.450002811,3.45000277,3.450002798,3.450002769,3.450002779,3.450002823,3.450002788,3.450002806,3.45000277,3.450002771,3.450002778,3.450002791,3.450002787,3.450002808,3.450002822,3.4500028,3.450002804,3.450002772,3.450002787,3.450002835,3.450002795,3.450002813,3.450002786,3.450002812,3.450002794
+"6399","GTSE1",5.155574897,5.155574855,5.155574911,5.155574897,5.155574969,5.155574903,5.155574968,5.155574943,5.155574923,5.15557494,5.155574896,5.155574961,5.155574894,5.155574838,5.155574942,5.155574899,5.155574964,5.155574915,5.155574949,5.155574903,5.155574974,5.155574948,5.155574932,5.15557486,5.155574908,5.155574946,5.155574908,5.155574901
+"6400","GTSF1",4.707269403,4.707269337,4.707269407,4.707269085,4.707269225,4.707269122,4.707269423,4.70726919,4.707269287,4.707269101,4.707269463,4.707269365,4.707269316,4.707269191,4.70726934,4.707269238,4.707269268,4.707269172,4.707269116,4.707268972,4.707269332,4.707269197,4.707269318,4.707269107,4.707269408,4.707269336,4.70726931,4.707269079
+"6401","GTSF1L",3.90987476,3.909874587,3.909874711,3.909874668,3.909874936,3.909874798,3.909875196,3.909875044,3.909874602,3.909874913,3.909874803,3.909875019,3.90987472,3.909874643,3.909875007,3.909874602,3.909874883,3.909874789,3.909874691,3.909874487,3.909874878,3.909874773,3.909874694,3.909874686,3.909874699,3.909874744,3.90987455,3.90987478
+"6402","GUCA1B",4.800552792,4.800552814,4.800552824,4.800552817,4.800552825,4.800552792,4.800552828,4.800552811,4.800552833,4.800552823,4.800552823,4.800552794,4.800552804,4.800552791,4.800552826,4.800552817,4.800552831,4.800552811,4.800552814,4.800552828,4.800552801,4.800552827,4.80055281,4.800552791,4.800552833,4.800552788,4.800552821,4.800552799
+"6403","GUCA1C",2.391705886,2.391705794,2.391706135,2.391706109,2.391705956,2.391706003,2.39170579,2.391705881,2.391705953,2.391706263,2.391706192,2.39170623,2.391705816,2.39170617,2.391705973,2.391705976,2.391706157,2.391706085,2.391705779,2.391705996,2.391705831,2.391706063,2.391705767,2.391706071,2.391705704,2.391706029,2.391706178,2.391706049
+"6404","GUCA2A",5.672025136,5.672025075,5.672025254,5.672025213,5.672025368,5.672025037,5.672025252,5.672025401,5.672025169,5.672025089,5.672025168,5.672025295,5.672025387,5.672025019,5.672025345,5.672025434,5.672025289,5.672025451,5.672025391,5.672025089,5.672025424,5.67202525,5.672024968,5.672025105,5.672025329,5.672025439,5.672025211,5.672025357
+"6405","GUCA2B",6.548374029,6.548374277,6.548375217,6.548374467,6.548375538,6.5483738,6.548374545,6.548375479,6.54837468,6.548374682,6.548375135,6.548375392,6.548374702,6.548373996,6.54837529,6.548374809,6.548375903,6.548375234,6.548374995,6.548374318,6.548375348,6.548375404,6.548373931,6.54837426,6.548375101,6.548375312,6.548374026,6.548375501
+"6406","GUCD1",8.574166967,8.431710918,9.289494159,8.72849482,8.696279905,9.188045711,8.563900427,9.294408469,9.041550772,8.960426714,8.973342699,9.228794858,8.382437607,8.207732396,8.694927354,8.164285696,9.189279454,8.735747025,8.422126111,8.846159762,8.487747928,9.06749044,8.95833501,8.9462269,8.882587943,9.235298566,8.635641066,8.563760518
+"6407","GUCY1A1",5.141402307,5.141402879,5.141402678,5.141403207,5.141402574,5.141402753,5.141402668,5.141402407,5.141402187,5.141403252,5.141403118,5.141402542,5.141402554,5.141402464,5.141402247,5.141402825,5.141402691,5.141403225,5.141402473,5.141402529,5.141402556,5.141402433,5.141402117,5.141403205,5.14140303,5.141402805,5.141402494,5.141402377
+"6408","GUCY1A2",4.854137488,4.854137494,4.854137507,4.854137514,4.854137524,4.854137524,4.854137515,4.854137498,4.854137525,4.854137539,4.854137515,4.854137537,4.854137498,4.854137472,4.854137516,4.854137492,4.854137532,4.854137508,4.854137529,4.854137506,4.854137498,4.85413752,4.854137504,4.8541375,4.854137493,4.854137501,4.854137508,4.854137507
+"6409","GUCY1B1",5.638349592,5.638350704,5.6383504,5.638352965,5.638350549,5.638350364,5.63835076,5.638348909,5.638348951,5.638351942,5.638351947,5.638350941,5.638349442,5.6383489,5.638349783,5.638350454,5.638350355,5.638352961,5.638350765,5.638349252,5.638350485,5.638348872,5.638348848,5.638352004,5.638352061,5.63835076,5.638349727,5.638349527
+"6410","GUCY1B2",3.582344399,3.582344398,3.582344393,3.582344398,3.582344414,3.582344402,3.582344389,3.582344406,3.582344407,3.582344394,3.582344403,3.582344411,3.58234439,3.582344398,3.58234441,3.582344389,3.582344418,3.582344415,3.582344403,3.582344399,3.582344411,3.582344413,3.582344402,3.582344404,3.582344407,3.582344401,3.582344393,3.582344411
+"6411","GUCY2C",3.257252769,3.257252741,3.257252775,3.257252754,3.257252826,3.257252783,3.25725279,3.257252805,3.257252756,3.257252738,3.257252761,3.257252763,3.257252775,3.257252747,3.257252795,3.257252755,3.257252802,3.257252731,3.257252769,3.257252795,3.25725276,3.25725278,3.257252758,3.257252757,3.257252731,3.257252787,3.257252733,3.257252787
+"6412","GUCY2D",5.669068217,5.669068273,5.66906837,5.669068303,5.669068471,5.66906828,5.669068352,5.669068466,5.669068305,5.669068413,5.669068398,5.669068502,5.669068283,5.669068106,5.669068367,5.66906832,5.66906847,5.669068427,5.669068357,5.669068272,5.669068423,5.669068407,5.669068259,5.669068221,5.669068325,5.669068467,5.669068197,5.66906829
+"6413","GUCY2F",3.984083878,3.984083858,3.984083889,3.984083888,3.984083889,3.984083872,3.98408389,3.98408391,3.984083897,3.984083853,3.984083886,3.984083882,3.984083868,3.984083871,3.98408392,3.984083875,3.984083926,3.984083907,3.984083887,3.984083884,3.984083918,3.98408391,3.984083901,3.984083882,3.984083871,3.984083905,3.984083856,3.984083913
+"6414","GUF1",5.804295717,5.804295629,5.804295387,5.804295284,5.804295329,5.804295188,5.804295582,5.804295248,5.804295606,5.80429534,5.804295219,5.804295228,5.804295476,5.804295973,5.804295463,5.804295518,5.804295363,5.804295332,5.804295501,5.804295153,5.804295566,5.80429547,5.804295663,5.80429555,5.804295258,5.804295514,5.804295516,5.804295672
+"6415","GUK1",9.104606023,8.909784744,10.33318025,9.391341088,9.485961836,10.21185643,9.67784633,9.814345441,9.975924805,9.529679301,9.569386183,10.08740862,9.242343261,8.599174073,9.216628141,8.620452694,10.26752705,9.501150274,9.292520191,9.915547175,9.492989746,9.747096404,9.907039373,9.336142458,9.559601218,10.05821343,9.411791737,9.251425178
+"6416","GULP1",3.014746526,3.01474669,3.014746809,3.014746665,3.014746762,3.01474684,3.014746816,3.014746642,3.014746795,3.01474674,3.014746943,3.014747142,3.014746514,3.014746631,3.014746834,3.0147468,3.014746971,3.014746659,3.014746609,3.014746885,3.014746749,3.014746643,3.014746649,3.014746746,3.014746685,3.014746765,3.014746762,3.014746822
+"6417","GUSB",7.131514244,7.131514353,7.131514254,7.131514166,7.131514243,7.131514326,7.131514277,7.131514146,7.131514243,7.131514255,7.131514243,7.131514146,7.131514313,7.131514329,7.131514217,7.131514276,7.131514157,7.131514148,7.13151424,7.131514325,7.131514306,7.131514129,7.131514263,7.131514272,7.131514166,7.131514224,7.131514378,7.131514245
+"6418","GUSBP11",8.661240949,8.66124116,8.661241081,8.66124097,8.661240894,8.661241158,8.661241078,8.661241054,8.66124147,8.661241247,8.661241076,8.661240971,8.661241265,8.661241143,8.661241075,8.661241252,8.661241179,8.661240911,8.661241159,8.661241247,8.661241053,8.661241292,8.661241389,8.66124118,8.661241146,8.661240976,8.661241106,8.661241224
+"6419","GUSBP4",6.23233168,6.232332049,6.232332151,6.232331244,6.232332474,6.232331986,6.232331743,6.232332377,6.232331658,6.232332339,6.23233198,6.232331764,6.232332507,6.232332458,6.232332443,6.232330931,6.232331106,6.232332138,6.232332317,6.232331626,6.232332297,6.232331883,6.232332114,6.232332032,6.232332307,6.232332413,6.232332478,6.232332345
+"6420","GUSBP5",6.743263343,6.743263575,6.743263566,6.743263505,6.743263765,6.743263604,6.743263286,6.743263375,6.743263758,6.743263414,6.743263472,6.743263741,6.743263413,6.743263856,6.743263287,6.743263647,6.743263468,6.743263745,6.743263804,6.743263601,6.743263301,6.74326356,6.74326364,6.743263315,6.743263528,6.743263658,6.743263434,6.743263862
+"6421","GVINP1",7.193270336,7.193269752,7.193269856,7.193269747,7.193269611,7.193270234,7.193269826,7.193269747,7.193270224,7.193269999,7.193269628,7.19326958,7.193270155,7.193270469,7.193269913,7.193269424,7.193269667,7.1932696,7.193269941,7.193270068,7.19326968,7.193270036,7.193270263,7.193269804,7.193269794,7.193269754,7.193270082,7.193270328
+"6422","GVQW3",5.121543636,5.121543573,5.121543536,5.121543345,5.121543546,5.121543504,5.121543583,5.121543473,5.121543603,5.121543438,5.121543448,5.121543478,5.121543558,5.121543617,5.121543617,5.12154348,5.121543563,5.121543539,5.121543482,5.121543275,5.121543594,5.121543579,5.121543589,5.121543493,5.121543526,5.121543601,5.121543518,5.121543635
+"6423","GXYLT1",5.703851155,5.703851123,5.703850985,5.703851076,5.703850867,5.703850634,5.703850964,5.703850874,5.703851029,5.703851079,5.703850967,5.703850427,5.703851101,5.703851364,5.703851067,5.703850968,5.703850835,5.703850967,5.70385111,5.703850752,5.703850806,5.703850789,5.703851006,5.70385101,5.70385105,5.703850759,5.703851076,5.703851179
+"6424","GXYLT2",3.734831854,3.734832037,3.734832127,3.734831961,3.734831996,3.734831984,3.734832012,3.734832073,3.734831974,3.734832154,3.734832134,3.73483205,3.734832076,3.734831935,3.734831901,3.734832114,3.734832062,3.734832052,3.734832002,3.734832059,3.734831982,3.734832101,3.734832075,3.734831991,3.734832106,3.734832046,3.734831985,3.734832044
+"6425","GYG1",7.828972475,7.828970086,7.828963305,7.828973721,7.828964813,7.828973906,7.828975667,7.828965356,7.828966438,7.828972741,7.828966137,7.828957846,7.828970864,7.828971788,7.828968954,7.828966279,7.828960451,7.828966473,7.828971051,7.828974551,7.828976562,7.828965451,7.828977096,7.828977375,7.828968632,7.828964607,7.828970154,7.828963327
+"6426","GYG2",4.645256075,4.645256056,4.645256096,4.64525608,4.645256118,4.645256092,4.645256108,4.645256105,4.645256091,4.645256083,4.645256084,4.645256115,4.645256069,4.64525605,4.645256105,4.645256068,4.645256112,4.645256107,4.645256103,4.645256096,4.645256102,4.645256094,4.645256064,4.645256056,4.645256104,4.645256088,4.645256085,4.645256066
+"6427","GYPA",4.933148367,4.933148079,4.933148411,4.933148182,4.933148199,4.933148119,4.93314808,4.933148382,4.933148361,4.933148421,4.933148627,4.933148123,4.933148031,4.933148376,4.933148284,4.933147792,4.933148385,4.933148369,4.933147984,4.933148176,4.933148101,4.933148376,4.933148359,4.933148237,4.933148413,4.933148351,4.933148094,4.933148503
+"6428","GYPB",5.873589061,5.873588593,5.873591615,5.87359144,5.873590238,5.873591963,5.873589265,5.873590199,5.873589994,5.873588129,5.873591536,5.87359071,5.873588299,5.873588035,5.873588635,5.87358772,5.873590095,5.873591544,5.873589498,5.87359176,5.873588259,5.873587701,5.873588496,5.873587787,5.873590585,5.873591284,5.873587971,5.873589511
+"6429","GYPC",9.085046357,9.207740156,10.18597785,9.41515781,9.507791843,10.29045283,9.503958043,10.15254416,10.1075826,9.956117307,9.71332864,10.05638852,9.358997544,8.999805621,9.195690015,8.624482513,10.06795786,9.504043419,9.258900328,10.16006907,9.288345967,9.932955554,10.14277714,9.916669347,9.744012018,10.04736006,9.675516019,9.568921526
+"6430","GYPE",5.128040006,5.12804149,5.128041396,5.128040564,5.128040998,5.128041108,5.128041578,5.128040994,5.128042184,5.128041883,5.128040875,5.128042789,5.128040614,5.128041772,5.128040646,5.128041089,5.128041241,5.128041187,5.128040453,5.128041755,5.128041833,5.128041077,5.128041895,5.12804152,5.128041726,5.128041956,5.1280402,5.128042174
+"6431","GYS1",6.583121586,6.583121482,6.583121537,6.583121533,6.583121482,6.583121508,6.583121601,6.583121585,6.58312162,6.583121555,6.58312144,6.583121549,6.583121571,6.58312145,6.583121578,6.583121477,6.583121396,6.583121395,6.583121467,6.583121556,6.583121524,6.583121579,6.583121522,6.583121509,6.583121406,6.583121566,6.583121557,6.583121574
+"6432","GYS2",3.347885747,3.347885762,3.347885793,3.347885728,3.347885838,3.347885738,3.347885824,3.347885791,3.347885829,3.347885697,3.347885802,3.347885902,3.347885689,3.347885771,3.347885829,3.347885711,3.347885752,3.347885842,3.347885765,3.347885759,3.347885769,3.347885798,3.347885745,3.347885708,3.34788571,3.347885816,3.34788575,3.347885783
+"6433","GZF1",5.328008838,5.328008868,5.328008858,5.328008843,5.32800882,5.328008855,5.328008841,5.328008868,5.328008857,5.328008845,5.32800884,5.32800884,5.328008844,5.328008846,5.328008845,5.328008842,5.328008854,5.328008859,5.328008868,5.328008859,5.328008851,5.328008834,5.328008842,5.32800886,5.328008868,5.328008852,5.328008844,5.32800885
+"6434","GZMA",5.901658249,5.901655456,5.901656914,5.901654845,5.901654179,5.90165599,5.901657343,5.901656337,5.901656393,5.901656147,5.901656021,5.901654335,5.901656717,5.901657939,5.901657084,5.901655294,5.901655755,5.901655066,5.901654878,5.901656378,5.901657331,5.901656991,5.90165797,5.901656884,5.901656229,5.901656397,5.901656417,5.90165748
+"6435","GZMB",7.446893556,7.446892939,7.446893787,7.446890801,7.446892641,7.446893661,7.446891315,7.446894085,7.446892749,7.44689135,7.446893061,7.446891809,7.446892576,7.446892971,7.446893234,7.446892522,7.446893371,7.446890868,7.446892359,7.446892963,7.446891389,7.446892673,7.446893954,7.446893033,7.446891917,7.446894192,7.44689173,7.446892226
+"6436","GZMH",6.51145911,6.511457497,6.51145893,6.51145775,6.511458152,6.511459142,6.511458916,6.51145959,6.511458932,6.511458801,6.511458917,6.511458385,6.511458481,6.511458146,6.511459071,6.511458199,6.511458402,6.511457761,6.511457901,6.511458789,6.511458665,6.511459249,6.511459542,6.511459273,6.511458762,6.511458657,6.511458313,6.511458232
+"6437","GZMK",8.016976043,6.296946848,6.551786536,6.468538932,5.889202491,6.169560134,7.703787177,6.854972695,7.126122669,6.895157605,6.867504611,6.364938574,7.271355224,7.602679328,7.494627045,6.200881645,6.441576699,6.386380476,6.034566469,6.56713443,7.676616726,7.07396273,7.162503305,6.95324878,6.779969795,6.556579717,7.126865075,7.354915712
+"6438","GZMM",6.967197329,6.967197286,6.967197345,6.967197312,6.967197348,6.967197382,6.967197332,6.967197409,6.967197325,6.967197333,6.967197354,6.967197244,6.967197329,6.967197253,6.967197369,6.967197304,6.96719735,6.967197236,6.967197283,6.967197319,6.967197314,6.967197382,6.9671973,6.967197299,6.967197233,6.96719733,6.967197372,6.967197292
+"6439","H1-0",7.129607581,7.129606692,7.129608071,7.129606829,7.129609258,7.129606821,7.12960694,7.12961021,7.129608063,7.129607756,7.129608402,7.129610133,7.129607866,7.129604949,7.129608037,7.129606704,7.129608681,7.129607457,7.129608441,7.129606473,7.129607456,7.129609715,7.129608313,7.129607389,7.129608376,7.129609742,7.129607794,7.129605826
+"6440","H1-1",4.395649197,4.395649345,4.395649228,4.395649286,4.395649319,4.395649307,4.395649482,4.395649247,4.395649386,4.395649204,4.395649215,4.395649285,4.395649255,4.395649355,4.395649278,4.395649313,4.395649276,4.395649266,4.395649263,4.39564938,4.395649443,4.395649215,4.395649433,4.395649292,4.395649203,4.395649168,4.395649252,4.395649309
+"6441","H1-10",6.971121876,6.971121921,6.971121968,6.971121424,6.971122319,6.971121902,6.971121892,6.971121477,6.971122071,6.971122142,6.971121777,6.971122089,6.971122215,6.971121726,6.97112174,6.971121609,6.971121825,6.971121547,6.971121988,6.971121819,6.97112191,6.971122032,6.971121896,6.971121709,6.971121893,6.971122065,6.971122068,6.971122027
+"6442","H1-10-AS1",6.018760692,6.018760853,6.018760976,6.018760924,6.018761167,6.018760779,6.018761087,6.018761052,6.018760756,6.018760466,6.018761096,6.018761087,6.018760812,6.018760622,6.018761011,6.018761021,6.018761045,6.018760943,6.018761049,6.018761043,6.018761188,6.018761199,6.018760846,6.01876055,6.018760804,6.018760985,6.018760916,6.018760763
+"6443","H1-2",6.496613575,6.496613527,6.496613202,6.496613187,6.496613256,6.496613665,6.49661424,6.496612696,6.496613578,6.496613014,6.496613442,6.496612938,6.496614349,6.496613479,6.496613186,6.496613175,6.496612829,6.496613436,6.496613576,6.496613561,6.496614016,6.496613022,6.496614062,6.496613235,6.496613394,6.496613582,6.496613958,6.496613572
+"6444","H1-3",5.618117067,5.618116802,5.618116968,5.618116762,5.618116791,5.618117124,5.618117392,5.618116701,5.61811737,5.61811683,5.618116606,5.618116946,5.618117254,5.61811698,5.618116933,5.618116579,5.618116768,5.618116693,5.618116967,5.61811704,5.618117324,5.618116918,5.618117364,5.618116772,5.618116495,5.618117042,5.618117098,5.618117166
+"6445","H1-4",10.16537426,9.795038956,9.857357519,9.669171962,10.10609976,10.38345084,10.55108251,9.8048186,10.16848035,9.913616063,9.729038045,9.877972503,10.42589436,10.27302634,10.16020065,9.567473427,9.851707894,9.981807606,10.10394081,10.08507148,10.56940883,10.15052995,10.23098214,9.998552752,9.728124562,10.24029365,10.28213057,10.3325758
+"6446","H1-5",5.566903276,5.617007755,5.807962548,5.770696907,5.779171316,6.758755339,8.32006738,4.98214804,7.108108752,5.495120866,5.512649475,5.435497328,6.645474285,5.65890047,5.737873254,5.622754386,5.876384015,5.516222826,5.632193046,6.768555588,7.98945276,4.964798157,7.342741958,5.710234126,5.85877321,5.74377078,6.353260543,5.715534649
+"6447","H1-6",5.466342972,5.466343672,5.466342454,5.466343537,5.46634237,5.466342878,5.466343229,5.466342916,5.466342784,5.46634248,5.466343469,5.466342854,5.466343107,5.466342889,5.466343036,5.466343847,5.466342681,5.466343571,5.466343234,5.466342876,5.466343115,5.466342986,5.466342928,5.466343379,5.466343472,5.466342879,5.46634296,5.466342951
+"6448","H1-7",6.11771207,6.117712152,6.11771223,6.117712027,6.117712321,6.11771203,6.117712189,6.117712337,6.117712142,6.117712149,6.117712227,6.117712329,6.117712156,6.117711861,6.117712325,6.117712175,6.117712319,6.117712283,6.117712155,6.117712205,6.117712345,6.11771234,6.117712032,6.117712086,6.117712197,6.117712312,6.117712088,6.117712217
+"6449","H1-8",5.971102761,5.971102629,5.971103039,5.971102866,5.971103126,5.971102429,5.971103029,5.971103136,5.97110279,5.971102653,5.971103297,5.971103209,5.971102877,5.971102454,5.971103228,5.971103053,5.971103261,5.971103335,5.971102924,5.971102892,5.971103177,5.971103173,5.971102725,5.971102631,5.971103119,5.971103064,5.971102744,5.971102958
+"6450","H1-9P",5.817191878,5.817191885,5.817191908,5.81719186,5.817192007,5.81719182,5.817191931,5.817191966,5.817191884,5.817191898,5.817191924,5.817192046,5.817191909,5.817191818,5.81719199,5.817191915,5.817191966,5.817191953,5.817191919,5.817191911,5.817192012,5.817192014,5.817191882,5.817191918,5.817191914,5.817191976,5.817191822,5.817191971
+"6451","H2AC1",3.820687913,3.820687868,3.820687932,3.820687754,3.820687955,3.820687993,3.82068804,3.820688201,3.820688177,3.82068794,3.820687725,3.820688114,3.820688138,3.82068769,3.82068787,3.8206878,3.820688158,3.820687964,3.820687868,3.820687921,3.820688065,3.8206882,3.820687967,3.820687908,3.820687591,3.820687959,3.820688023,3.820687804
+"6452","H2AC11",6.138522759,6.138522863,6.138522626,6.138522916,6.138522651,6.138523318,6.138523411,6.138522486,6.138523279,6.138522785,6.1385229,6.138522839,6.138522879,6.138522892,6.138522638,6.138522887,6.138522884,6.138522984,6.138522542,6.138523089,6.138523264,6.13852244,6.138523407,6.138522726,6.138522758,6.138522831,6.138523034,6.138522687
+"6453","H2AC12",3.875892861,3.875892952,3.875893557,3.875893325,3.87589306,3.875893682,3.875894064,3.875893101,3.875893811,3.875893018,3.875893533,3.875893301,3.875893074,3.875892727,3.875893023,3.875893113,3.875893231,3.875893403,3.875892736,3.875893822,3.87589403,3.875893064,3.875893815,3.875893226,3.875893348,3.875893583,3.875893117,3.875893229
+"6454","H2AC13",1.797025655,1.797027106,1.797025376,1.797026026,1.797025831,1.797026464,1.797025304,1.797026074,1.797024763,1.797026204,1.797026269,1.797026536,1.79702525,1.797025317,1.79702503,1.797025588,1.797026676,1.797025085,1.797025818,1.797024615,1.797024655,1.797025206,1.797025324,1.797025034,1.797025073,1.797026488,1.797025385,1.79702647
+"6455","H2AC14",3.328126183,3.328126537,3.328128132,3.328126046,3.328126786,3.328128141,3.328129073,3.32812641,3.328127473,3.328126573,3.328127192,3.328127113,3.328127933,3.328125819,3.328126851,3.328125724,3.328128429,3.328126513,3.328126297,3.328128677,3.328128635,3.328126119,3.32812846,3.328126578,3.328126959,3.328126874,3.328127745,3.328126491
+"6456","H2AC15",6.263460213,6.263460439,6.263460776,6.263460487,6.263460032,6.263460976,6.263461623,6.263460123,6.263460819,6.263460046,6.263460189,6.263460443,6.26346095,6.26346058,6.263460062,6.263460655,6.263460455,6.263460426,6.263460282,6.263460996,6.263461297,6.263460284,6.263460942,6.263460445,6.26346037,6.263460647,6.263461006,6.263460311
+"6457","H2AC16",5.291796719,5.291796757,5.291796941,5.291796822,5.291796716,5.291797149,5.291797558,5.291796772,5.291797091,5.291796735,5.291796777,5.291796752,5.29179706,5.291796699,5.291796711,5.291796657,5.291796953,5.291796836,5.291796809,5.291796995,5.291797425,5.291796717,5.29179727,5.291796856,5.291796761,5.291796797,5.291797012,5.291796676
+"6458","H2AC17",3.990259126,3.99025927,3.990259211,3.990259098,3.990259375,3.990259187,3.990259397,3.990259214,3.990259381,3.990259271,3.99025927,3.990259317,3.990259261,3.990259122,3.990259297,3.990259149,3.99025929,3.990259383,3.990259216,3.990259238,3.990259459,3.990259217,3.99025937,3.990259255,3.990259309,3.990259321,3.990259277,3.990259187
+"6459","H2AC20",8.754484093,8.754482975,8.754483761,8.754482765,8.754483286,8.754484068,8.754484242,8.754483671,8.754483682,8.754483195,8.754483133,8.754483274,8.754483976,8.754483638,8.754483732,8.7544823,8.754483393,8.754482627,8.754483302,8.754484007,8.754484104,8.754483714,8.754484128,8.754483635,8.75448303,8.754483539,8.754483913,8.754483441
+"6460","H2AC21",7.952364676,7.699620335,8.073989668,7.755297598,7.593347844,8.435621518,9.293115258,7.54669513,8.401080459,7.592879926,7.623249542,7.477311528,8.254772116,7.885406366,7.874674974,7.427811248,7.981691211,7.674606488,7.618755375,8.295076987,9.044747526,7.549489289,8.705265031,7.764466269,7.536077281,7.578029161,8.05260824,7.739845712
+"6461","H2AC25",5.101070887,5.101070873,5.101070893,5.101070891,5.101070894,5.101070873,5.101070925,5.101070876,5.101070872,5.101070873,5.101070896,5.101070905,5.101070887,5.101070874,5.101070877,5.101070885,5.101070896,5.101070873,5.101070877,5.101070878,5.101070894,5.101070862,5.101070904,5.101070884,5.10107089,5.101070907,5.101070906,5.101070876
+"6462","H2AC4",4.791144389,4.791144728,4.791146352,4.791144163,4.791145229,4.791149076,4.791152206,4.791143288,4.791148177,4.791145181,4.791145581,4.791143921,4.791147461,4.791144275,4.79114481,4.791146113,4.791146473,4.791145452,4.791145184,4.791148341,4.791151502,4.791144323,4.791149029,4.791144919,4.791145451,4.791144134,4.791146502,4.791144083
+"6463","H2AC6",8.058923045,8.058923306,8.058922856,8.05892473,8.058922623,8.058923784,8.058923525,8.058922701,8.058922845,8.058922191,8.058923056,8.058922896,8.058923585,8.058922427,8.058922962,8.058923278,8.058923135,8.058924554,8.058924135,8.058924349,8.058923614,8.058923118,8.058923858,8.058923537,8.058923192,8.058923349,8.058923135,8.058922735
+"6464","H2AC8",5.332707426,5.332706207,5.332707456,5.332706552,5.332706516,5.33270864,5.332710644,5.332706058,5.332708709,5.33270707,5.33270687,5.332706551,5.332707946,5.332707067,5.332706816,5.332706004,5.332706767,5.332706217,5.332706581,5.332706787,5.332709912,5.332706202,5.332709166,5.332706962,5.332705733,5.332706993,5.332707798,5.33270679
+"6465","H2AJ",5.924565137,5.924565193,5.924565217,5.924565194,5.924565213,5.924565148,5.924565175,5.924565216,5.924565216,5.924565206,5.924565217,5.92456521,5.924565186,5.92456517,5.924565176,5.924565214,5.924565214,5.924565228,5.924565168,5.924565171,5.924565161,5.92456522,5.924565186,5.92456521,5.924565246,5.924565192,5.924565188,5.924565202
+"6466","H2AP",4.28723291,4.287232987,4.287233401,4.287233342,4.287233343,4.287232999,4.287233147,4.28723326,4.287233144,4.287232885,4.287233149,4.287233205,4.28723313,4.287232814,4.287233199,4.287233174,4.287233431,4.287233263,4.28723309,4.287232988,4.28723312,4.287233137,4.287232904,4.287232979,4.287233203,4.287233053,4.287232859,4.287233292
+"6467","H2AX",6.997349025,6.997348986,6.997349065,6.997348976,6.997349072,6.997349042,6.997349098,6.997349056,6.997349032,6.997349014,6.997349054,6.997349101,6.997349026,6.997348929,6.997349065,6.99734904,6.997349077,6.997349065,6.997349035,6.99734899,6.997349083,6.99734903,6.997348988,6.997348983,6.997349051,6.997349041,6.997349008,6.997349015
+"6468","H2AZ1",6.752994529,6.752994075,6.752994168,6.752994779,6.752992861,6.752993403,6.752994938,6.752993447,6.752994018,6.752994293,6.752993799,6.752992282,6.752993903,6.752995166,6.752993953,6.752994303,6.752993054,6.75299437,6.752993688,6.752994944,6.752994693,6.752993061,6.752994838,6.752993956,6.752993186,6.752993124,6.752993363,6.752994717
+"6469","H2AZ2",7.883116031,7.883116083,7.883116004,7.883115959,7.883115952,7.883116002,7.88311605,7.883116004,7.883116067,7.883115988,7.883115944,7.883115952,7.883116028,7.883116103,7.883115982,7.883116068,7.883115977,7.883115959,7.883116018,7.883115888,7.883116045,7.883116039,7.883116059,7.88311602,7.883115993,7.883115986,7.88311598,7.883116108
+"6470","H2BC1",3.142216643,3.142216714,3.142216753,3.142216588,3.142216647,3.14221665,3.14221672,3.142216686,3.14221667,3.14221667,3.142216788,3.142216727,3.142216571,3.142216582,3.142216777,3.142216775,3.142216941,3.142216943,3.142216734,3.142216737,3.142216559,3.142216618,3.142216873,3.142216585,3.142216632,3.142216741,3.142216701,3.14221674
+"6471","H2BC10",4.089650751,4.089650124,4.089650736,4.089650998,4.089650472,4.089651032,4.089651862,4.089650716,4.089650944,4.089650334,4.089650345,4.089650557,4.089650996,4.089650529,4.089650259,4.089650178,4.089650566,4.089650534,4.089650475,4.089650988,4.089651354,4.089650556,4.089651147,4.089650638,4.089650771,4.089650477,4.089651181,4.089650389
+"6472","H2BC11",5.192407366,5.192408028,5.19240732,5.192407991,5.192407468,5.192408122,5.192407992,5.192407367,5.192407769,5.192407222,5.192407672,5.192407908,5.192407706,5.192406771,5.192407226,5.192407882,5.192407353,5.192408049,5.19240769,5.192408045,5.192407725,5.192407303,5.192407821,5.192407497,5.19240758,5.192407865,5.192407646,5.192407554
+"6473","H2BC12",6.707712425,6.707712832,6.707711336,6.707713897,6.707712287,6.707712971,6.707711385,6.707712184,6.707711108,6.707711671,6.707713126,6.707711797,6.7077122,6.707711287,6.707711593,6.707712664,6.707710989,6.707713198,6.70771238,6.70771348,6.707711741,6.707711812,6.707711672,6.707712936,6.707712744,6.707712338,6.7077127,6.707710799
+"6474","H2BC13",4.784454096,4.784454051,4.784454136,4.784454212,4.784454227,4.784454315,4.784454405,4.784454155,4.784454304,4.784454104,4.784454216,4.784454319,4.784454195,4.784454032,4.78445413,4.78445403,4.784454296,4.784454031,4.784454245,4.784454219,4.784454342,4.784454205,4.784454242,4.784454042,4.784454125,4.784454193,4.784454142,4.784454211
+"6475","H2BC14",6.735430124,7.000640583,7.01056127,6.933671089,7.054051478,8.219847141,9.746570504,6.073690004,8.34789597,6.852623946,6.750018043,6.839480477,7.836819297,6.436930736,6.813919403,7.006557581,7.212765744,6.629725757,6.928946998,8.135056787,9.309231237,6.433979657,8.496396644,6.990771914,6.838785537,6.915199617,7.633392945,6.268285854
+"6476","H2BC15",5.107223439,5.107223391,5.107223438,5.107223425,5.107223591,5.107223791,5.107223894,5.107223491,5.107223707,5.107223612,5.107223507,5.107223603,5.10722356,5.107223251,5.10722352,5.107223427,5.107223547,5.107223363,5.107223554,5.107223694,5.107223783,5.107223401,5.107223662,5.107223527,5.107223436,5.10722355,5.107223647,5.107223449
+"6477","H2BC17",5.103633677,5.103633743,5.103633763,5.103633787,5.103633658,5.103633863,5.103633842,5.103633859,5.103633739,5.103633631,5.103633663,5.103633792,5.103633726,5.1036336,5.103633638,5.103633865,5.103633697,5.103633719,5.103633636,5.103633793,5.10363374,5.103633635,5.103633702,5.103633708,5.103633824,5.103633756,5.103633835,5.103633494
+"6478","H2BC21",7.721247633,7.721249253,7.721247723,7.721249491,7.721247604,7.721248729,7.721247973,7.72124802,7.721247871,7.721247475,7.721248294,7.721248157,7.721247917,7.721247769,7.721248093,7.721249435,7.721247965,7.721249613,7.721248099,7.721249239,7.721248205,7.721247269,7.721248433,7.721248784,7.721248523,7.721248284,7.721248145,7.721248051
+"6479","H2BC26",4.591758216,4.591758192,4.591758463,4.591758374,4.591758368,4.591758595,4.591758451,4.591758641,4.591758356,4.591758298,4.591758378,4.591758287,4.591758441,4.591758258,4.591758546,4.591758327,4.59175857,4.591758457,4.591758353,4.591758379,4.591758301,4.591758583,4.591758377,4.591758239,4.591758325,4.591758563,4.591758357,4.59175826
+"6480","H2BC3",4.253498456,4.253498261,4.25349865,4.253498632,4.253498687,4.253498945,4.253499029,4.253498481,4.25349875,4.253498718,4.253498475,4.253499127,4.253498812,4.253498154,4.253498449,4.253498462,4.253498995,4.253498751,4.253498867,4.253498594,4.253498958,4.253498447,4.253498741,4.253498213,4.25349852,4.25349843,4.253498742,4.253498817
+"6481","H2BC4",6.09883608,6.098835601,6.09883621,6.098836519,6.098835469,6.098836157,6.098836532,6.098836332,6.098835997,6.098835612,6.09883618,6.098835652,6.098836316,6.098835641,6.098836119,6.098835088,6.098835765,6.098836338,6.098835754,6.098836017,6.098836284,6.098835863,6.098835824,6.098835906,6.098835825,6.098836547,6.098836474,6.098835538
+"6482","H2BC5",5.70750981,5.707509823,5.707509856,5.707509896,5.707509798,5.707509923,5.707509989,5.707509812,5.70750988,5.707509753,5.707509828,5.707509719,5.707509873,5.707509795,5.707509792,5.707509828,5.707509842,5.707509884,5.707509869,5.70750991,5.70750995,5.707509815,5.707509947,5.707509842,5.707509776,5.707509827,5.707509926,5.707509704
+"6483","H2BC6",5.136341317,5.13634134,5.13634141,5.136341303,5.136341367,5.136341423,5.136341456,5.136341392,5.136341385,5.136341342,5.136341334,5.136341377,5.13634138,5.136341276,5.136341341,5.136341303,5.136341367,5.136341375,5.136341373,5.136341355,5.136341449,5.136341339,5.136341394,5.136341357,5.136341348,5.136341348,5.136341417,5.136341328
+"6484","H2BC7",6.016288258,6.016288155,6.016290075,6.016289311,6.016288033,6.01629052,6.0162923,6.016288827,6.016289958,6.016288626,6.016288531,6.016287854,6.016290602,6.016288509,6.016287763,6.016287404,6.016289075,6.0162896,6.016288173,6.01629092,6.016292112,6.016288219,6.016291063,6.016289343,6.016289532,6.016289333,6.016290207,6.016287978
+"6485","H2BC8",5.147532601,5.147532951,5.147532402,5.147533224,5.147532859,5.14753318,5.147533154,5.147532236,5.147532618,5.147532114,5.147532534,5.147532682,5.147533088,5.147532422,5.147532682,5.14753224,5.147532744,5.147533092,5.147532469,5.147533078,5.147533448,5.147532289,5.147532924,5.147532556,5.147532598,5.147533226,5.147532932,5.147532431
+"6486","H2BC9",7.080779833,7.08077871,7.08078063,7.080780788,7.080779851,7.080782716,7.080784348,7.080779797,7.080781874,7.080780385,7.080779357,7.080780142,7.080781883,7.080778959,7.080779666,7.080778567,7.080780114,7.080780929,7.080780255,7.080781134,7.080783304,7.080779583,7.080782709,7.080780693,7.080779898,7.080780115,7.080781714,7.080779091
+"6487","H2BW1",4.382517732,4.382517502,4.382517782,4.38251771,4.382517957,4.382517681,4.382517711,4.382517771,4.382517668,4.382517774,4.382517914,4.382517883,4.382517601,4.382517561,4.382517711,4.382517716,4.382517749,4.382517813,4.382517779,4.382517816,4.382517941,4.38251785,4.382517688,4.382517629,4.38251765,4.382517868,4.382517704,4.382517823
+"6488","H2BW2",6.189681017,6.189681113,6.189681557,6.189681106,6.189681597,6.189681028,6.189681175,6.189681472,6.189681344,6.18968125,6.189681402,6.189681611,6.189681268,6.189680808,6.189681341,6.189681284,6.189681741,6.18968155,6.189681254,6.189681329,6.189681406,6.189681499,6.189681036,6.189681083,6.189681498,6.189681334,6.189681237,6.189681246
+"6489","H3-3B",8.732555741,8.733380779,8.731982505,8.73279901,8.731354585,8.731646984,8.731506855,8.731440531,8.732053018,8.73174803,8.731795526,8.730766608,8.731991938,8.732718762,8.731706983,8.733541258,8.731598003,8.732632375,8.732423386,8.732562983,8.73202151,8.731553616,8.73241683,8.732503267,8.7323956,8.731673006,8.731850563,8.732007839
+"6490","H3-4",5.666676936,5.66667704,5.666677155,5.666677073,5.66667713,5.666676946,5.666676983,5.666677112,5.666677095,5.66667707,5.666677177,5.66667711,5.666677049,5.666676951,5.666677075,5.666677144,5.666677162,5.666677116,5.666677071,5.666677034,5.666677062,5.666677124,5.666676999,5.666677071,5.666677129,5.666677048,5.666677086,5.66667703
+"6491","H3-5",8.007577708,8.007583923,8.007571672,8.007585295,8.007572525,8.007574217,8.007570082,8.007571948,8.007573446,8.007571582,8.00757851,8.007565048,8.007577682,8.007576289,8.007573094,8.007582671,8.007570842,8.007583979,8.007575617,8.007579564,8.007571487,8.007570516,8.0075791,8.007579954,8.007578235,8.007573707,8.007576045,8.007573303
+"6492","H3C1",4.994981788,4.994981721,4.994981849,4.994981814,4.994981761,4.994981824,4.994981948,4.994981753,4.994981831,4.994981694,4.99498174,4.99498175,4.994981824,4.994981764,4.994981703,4.994981742,4.994981784,4.994981798,4.994981738,4.994981823,4.99498192,4.99498178,4.99498183,4.994981739,4.994981739,4.994981772,4.994981781,4.994981748
+"6493","H3C10",7.222549027,7.222550354,7.222550212,7.222550391,7.222549157,7.222550868,7.222549626,7.22254955,7.222550329,7.222550427,7.222550698,7.222551326,7.22254992,7.222549455,7.222549255,7.222549813,7.222550086,7.222550505,7.222549454,7.22255027,7.222549181,7.222549266,7.222550642,7.222551033,7.222550464,7.222551023,7.222549813,7.222550064
+"6494","H3C11",8.719397167,8.152418274,8.327119611,8.1911322,8.464462198,9.136270148,9.837228461,8.274193122,9.206618148,8.411570356,8.026662881,8.320927145,8.926738831,8.485110513,8.662651926,7.953685171,8.242813975,8.22356937,8.443230349,9.059983055,9.648348075,8.490906933,9.371366946,8.403317597,7.925402869,8.543832244,8.850773546,8.400217177
+"6495","H3C12",5.180105676,5.180105484,5.180106528,5.180106207,5.180106006,5.180107765,5.180109838,5.180103792,5.180108661,5.180105676,5.180106325,5.180105281,5.180106995,5.180104894,5.180105787,5.180105467,5.180106468,5.180106399,5.180105982,5.180107652,5.180109367,5.180104393,5.180108999,5.180105541,5.180105889,5.180105745,5.180106796,5.180105006
+"6496","H3C2",5.098946158,5.099338651,5.10084092,5.099704079,5.097599584,5.108087113,5.11437074,5.094595604,5.106597676,5.099265471,5.102438972,5.098335014,5.103375219,5.09515619,5.098928787,5.097063988,5.103530375,5.099261473,5.098099392,5.106452278,5.112326075,5.094107361,5.109711186,5.101188409,5.100275729,5.098861978,5.104924443,5.097630833
+"6497","H3C3",5.243384924,5.243384906,5.243385119,5.243384948,5.243385122,5.24338485,5.243385073,5.243385089,5.24338509,5.243384935,5.243385098,5.24338511,5.243385012,5.243384727,5.24338504,5.243384981,5.24338524,5.243385113,5.24338499,5.243384997,5.243385103,5.243385041,5.243385076,5.243384974,5.243385095,5.243385042,5.243385004,5.243385096
+"6498","H3C6",3.527461267,3.52746124,3.527461272,3.527461234,3.527461161,3.527461406,3.527461494,3.527461289,3.527461411,3.527461237,3.527461242,3.527461378,3.527461285,3.527461274,3.527461263,3.527461252,3.527461355,3.52746125,3.527461318,3.527461371,3.527461425,3.527461241,3.527461512,3.527461188,3.527461258,3.527461218,3.527461301,3.527461333
+"6499","H3C7",5.846471009,5.84647042,5.846471656,5.846471425,5.846471152,5.846472386,5.846474413,5.846470215,5.846472514,5.846470714,5.846471146,5.846470279,5.846471963,5.846470656,5.84647102,5.8464703,5.846471697,5.846471525,5.846470828,5.846472681,5.84647375,5.846470741,5.84647308,5.846471356,5.846470841,5.846470857,5.846471663,5.846470699
+"6500","H3C8",4.206646848,4.206647327,4.206647062,4.206647501,4.206646789,4.206647921,4.206649076,4.206646461,4.206648288,4.206647008,4.206647064,4.206647348,4.206647607,4.206646392,4.206646626,4.206646404,4.206646871,4.206646669,4.206646525,4.206648543,4.206648921,4.206647041,4.206648338,4.20664714,4.206647031,4.206646797,4.206648116,4.206646144
+"6501","H4C1",6.09462266,6.094622966,6.094623278,6.09462295,6.094623275,6.09462234,6.094623247,6.094623161,6.094623106,6.094622932,6.094623101,6.094623471,6.094623019,6.094622647,6.094623201,6.094623536,6.09462359,6.094623263,6.094623012,6.094622631,6.094623183,6.094623105,6.094623054,6.094623036,6.094623219,6.094623151,6.094622861,6.094623184
+"6502","H4C13",5.94985345,5.949851952,5.949853525,5.94985143,5.949850833,5.949854029,5.949856574,5.949851675,5.949854874,5.949852577,5.949851424,5.949852009,5.949853955,5.9498529,5.949851888,5.949851216,5.94985294,5.949851565,5.949851525,5.949853554,5.94985604,5.949851502,5.949855555,5.949852842,5.949851728,5.94985256,5.949853174,5.949852423
+"6503","H4C14",7.019508989,7.019509092,7.019509126,7.019509329,7.019509204,7.019509388,7.019509539,7.019509062,7.019509403,7.019509033,7.019509074,7.019509069,7.019509201,7.019509196,7.01950933,7.019509268,7.01950923,7.019509187,7.019509189,7.019509331,7.01950958,7.019509089,7.019509403,7.019509207,7.019509152,7.019509163,7.019509232,7.019509069
+"6504","H4C2",5.798191667,5.798191759,5.798191637,5.798191418,5.798191447,5.798191961,5.798192455,5.798191481,5.798192431,5.798191565,5.798191928,5.798191407,5.79819169,5.798192001,5.798191532,5.798191609,5.798191598,5.798191688,5.798191419,5.798191434,5.798192401,5.798191412,5.798192448,5.798191904,5.798191668,5.798191668,5.798191565,5.798191783
+"6505","H4C3",6.473253033,6.4732511,6.473254342,6.473250375,6.473250545,6.473250412,6.473253736,6.473250027,6.473253176,6.473251963,6.473251744,6.473251905,6.473252116,6.473252165,6.473251692,6.473250667,6.473253525,6.47325006,6.473249577,6.473252475,6.473253939,6.473250047,6.473253341,6.47325252,6.473252901,6.473252074,6.473250954,6.473251286
+"6506","H4C4",6.525584479,6.52558548,6.525582806,6.525586465,6.525583098,6.525585591,6.525585617,6.525583349,6.525584396,6.525582309,6.525585272,6.525583292,6.525585059,6.52558326,6.525584158,6.525586157,6.525583014,6.525585992,6.525585177,6.525586198,6.525586094,6.525583773,6.525585468,6.525584434,6.525585204,6.525583339,6.525585186,6.525582517
+"6507","H4C5",6.683762771,6.683762834,6.683762698,6.683762319,6.683762321,6.683762619,6.683762892,6.683762434,6.683763168,6.683762665,6.683762274,6.683762531,6.683762792,6.683762853,6.683762585,6.683763001,6.683762717,6.683762491,6.683762582,6.683762324,6.683762884,6.683762526,6.683763298,6.683762728,6.683762226,6.683762409,6.683762717,6.683762694
+"6508","H4C6",6.004999568,6.004998901,6.00500018,6.004998561,6.00499925,6.004999809,6.005001033,6.004999215,6.005000788,6.00499933,6.004999292,6.00499971,6.005000128,6.004999785,6.004999282,6.004999114,6.004999958,6.004999292,6.004998776,6.005000187,6.005001211,6.00499925,6.005001419,6.004999722,6.004999395,6.005000013,6.005000152,6.004999944
+"6509","H4C7",3.98072872,3.980728738,3.980728741,3.980728748,3.980728755,3.980728708,3.980728717,3.980728786,3.980728742,3.980728725,3.980728737,3.980728746,3.980728721,3.98072868,3.980728734,3.980728727,3.980728752,3.980728752,3.980728738,3.980728734,3.980728724,3.980728736,3.980728733,3.980728711,3.980728745,3.980728749,3.98072874,3.98072872
+"6510","H4C9",5.298729118,5.298729105,5.298729153,5.298728914,5.29872907,5.298729235,5.298729464,5.298729029,5.298729429,5.298729155,5.298729227,5.298728997,5.298729245,5.298729117,5.298729202,5.298729008,5.298729197,5.298729123,5.298729091,5.298729189,5.298729435,5.298729018,5.298729313,5.298729074,5.298728957,5.298729101,5.298729174,5.298729185
+"6511","H6PD",6.238015857,6.238015944,6.238015941,6.238015927,6.238015961,6.238015942,6.238015866,6.238015939,6.238015851,6.238015919,6.238015825,6.238015958,6.238015891,6.238015794,6.238015885,6.238015836,6.238015844,6.238015921,6.238015925,6.238015713,6.238015882,6.238015967,6.238015882,6.238015907,6.238015772,6.238015951,6.238015889,6.238015918
+"6512","HAAO",6.491144293,6.491144542,6.491144763,6.49114458,6.491144751,6.491144376,6.491144311,6.491144666,6.491144496,6.491144461,6.491144621,6.491144523,6.491144656,6.49114433,6.491144527,6.491144669,6.491144491,6.491144665,6.491144381,6.491144473,6.491144479,6.491144673,6.49114432,6.491144502,6.491144739,6.491144446,6.491144441,6.491144434
+"6513","HABP2",4.835466089,4.83546612,4.835466122,4.835466117,4.835466128,4.835466113,4.835466104,4.835466129,4.835466135,4.835466127,4.835466136,4.835466137,4.83546611,4.835466103,4.835466109,4.835466117,4.835466138,4.835466131,4.835466118,4.835466133,4.835466103,4.835466138,4.835466124,4.835466125,4.835466117,4.835466106,4.835466111,4.835466108
+"6514","HABP4",6.232655553,6.23265563,6.232655485,6.232655521,6.232655468,6.232655514,6.232655489,6.232655573,6.232655674,6.23265551,6.232655483,6.232655534,6.232655545,6.23265571,6.232655614,6.232655603,6.232655425,6.232655591,6.232655508,6.232655368,6.23265542,6.232655519,6.232655485,6.232655604,6.232655512,6.232655568,6.232655593,6.232655579
+"6515","HACD1",4.379942773,4.379942718,4.379942793,4.379942778,4.379942814,4.379942767,4.379942751,4.379942782,4.379942743,4.379942801,4.379942817,4.379942788,4.379942768,4.379942704,4.379942729,4.379942677,4.379942833,4.379942746,4.37994281,4.379942739,4.379942803,4.379942759,4.379942739,4.37994269,4.379942712,4.379942757,4.379942791,4.379942719
+"6516","HACD2",6.889362756,6.889362578,6.889362165,6.889362176,6.889362353,6.889361963,6.88936237,6.889362272,6.889362453,6.889362613,6.889361847,6.889362092,6.889362452,6.889363198,6.889362429,6.889362314,6.889362055,6.889362035,6.889362283,6.889362198,6.889362252,6.889362523,6.889362548,6.889362681,6.889362044,6.889362281,6.889362422,6.88936277
+"6517","HACD3",6.004317073,6.004316891,6.004316765,6.004316818,6.004316748,6.00431681,6.004317027,6.004316738,6.004317042,6.004316955,6.004316604,6.004316651,6.004316948,6.004317138,6.004316921,6.004316695,6.004316634,6.004316679,6.004316916,6.004316674,6.004316986,6.004316694,6.004317013,6.004316946,6.004316723,6.004316924,6.004316871,6.004317014
+"6518","HACD4",7.694921955,7.694922305,7.694920578,7.694921493,7.694920516,7.69492057,7.694921194,7.694919977,7.69492011,7.694920501,7.69492169,7.694919413,7.694920186,7.694921703,7.694920929,7.694921769,7.694920126,7.694921303,7.694921729,7.694921674,7.694921737,7.694920265,7.694921097,7.694921093,7.694922225,7.694920651,7.694920594,7.694920518
+"6519","HACE1",5.78591735,5.785917,5.785916774,5.785916561,5.785916455,5.78591666,5.785917158,5.785917007,5.785917196,5.785917097,5.785916382,5.785916468,5.785917275,5.785917884,5.785916987,5.785916511,5.785916526,5.785916375,5.785917124,5.785916223,5.785916738,5.785916728,5.785917382,5.785917208,5.78591671,5.785916894,5.785917143,5.785917221
+"6520","HACL1",6.244341889,6.244341681,6.244341783,6.2443415,6.2443417,6.244341622,6.244341734,6.244341667,6.244341867,6.244341779,6.244341566,6.244341621,6.244341729,6.244341925,6.244341762,6.244341699,6.244341633,6.244341477,6.244341829,6.244341675,6.244341721,6.244341705,6.244341786,6.24434173,6.244341602,6.244341755,6.244341829,6.244341812
+"6521","HADH",6.034903221,6.034903099,6.03490291,6.034902993,6.034903005,6.034903238,6.034903134,6.034903079,6.034903215,6.034903032,6.03490307,6.03490286,6.034903203,6.034903193,6.034903191,6.034902901,6.034902954,6.034903097,6.034903,6.03490302,6.03490315,6.034903031,6.034903289,6.034903081,6.034902858,6.034903066,6.034903217,6.034903199
+"6522","HADHA",8.427234792,8.4272349,8.427234966,8.427234541,8.427234647,8.427234872,8.427234885,8.427234404,8.427234728,8.427235005,8.427234463,8.427234185,8.427234468,8.427235674,8.427234522,8.427234788,8.427234483,8.427233942,8.427234564,8.42723507,8.42723477,8.427234581,8.427234876,8.427234858,8.427234217,8.427234572,8.427234531,8.427234912
+"6523","HADHB",7.671255836,7.671255756,7.671255781,7.67125581,7.671255702,7.671255733,7.671255775,7.671255642,7.671255638,7.671255657,7.67125567,7.671255637,7.671255738,7.671255831,7.671255738,7.671255686,7.671255612,7.671255696,7.671255745,7.671255819,7.671255781,7.67125567,7.67125569,7.671255735,7.671255691,7.67125566,7.671255739,7.671255683
+"6524","HAGH",8.462257377,8.416432626,9.212085701,8.413762959,8.753777399,9.54789064,8.679312358,9.332191193,9.215312751,8.93014507,8.832509195,9.149596549,8.513941998,8.179813905,8.559123166,8.164435754,9.165901097,8.631148267,8.566645658,9.289073427,8.50519761,9.204684504,9.137545655,8.964635246,8.727292663,9.114921332,8.463732115,8.56785939
+"6525","HAGHL",6.540884435,6.54088444,6.540884619,6.540884504,6.540884738,6.540884512,6.540884633,6.540884748,6.540884517,6.540884561,6.540884656,6.540884794,6.540884543,6.54088435,6.540884685,6.540884643,6.540884826,6.540884679,6.540884542,6.540884536,6.540884743,6.540884724,6.540884469,6.540884482,6.540884563,6.540884678,6.540884549,6.540884613
+"6526","HAL",7.826804049,8.110001357,7.86423937,8.526607367,7.59306209,7.908098003,8.06972056,7.749513649,7.362632655,7.524798231,7.922340172,7.55014438,7.80927396,7.843971898,7.978210078,8.290864508,7.982176318,8.381786141,8.068404678,7.985957407,8.057867737,7.774088455,7.807425998,8.140421857,8.161075847,7.852472752,7.753798921,7.658616973
+"6527","HAMP",5.131371244,5.131371268,5.131371254,5.131371233,5.131371235,5.131371247,5.131371235,5.131371277,5.131371256,5.131371226,5.131371279,5.131371257,5.131371239,5.131371181,5.131371226,5.131371249,5.131371256,5.131371284,5.131371239,5.13137123,5.131371246,5.131371236,5.131371252,5.131371212,5.13137123,5.131371221,5.131371231,5.13137126
+"6528","HAND1",4.711854262,4.711854236,4.711854291,4.711854275,4.711854345,4.711854255,4.711854295,4.711854322,4.711854246,4.711854264,4.711854266,4.711854297,4.711854259,4.711854213,4.711854303,4.711854275,4.711854307,4.711854271,4.711854265,4.711854271,4.711854295,4.711854299,4.711854286,4.711854297,4.711854282,4.7118543,4.711854261,4.71185427
+"6529","HAND2",4.669067435,4.669067586,4.669067643,4.669067431,4.669067609,4.669067566,4.669067618,4.669067625,4.669067608,4.669067643,4.66906754,4.669067775,4.669067548,4.669067438,4.669067682,4.669067554,4.669067794,4.669067654,4.669067598,4.669067609,4.669067588,4.669067641,4.669067531,4.669067443,4.669067625,4.669067599,4.669067516,4.669067634
+"6530","HAND2-AS1",3.589167338,3.589167302,3.589167303,3.589167348,3.589167326,3.58916731,3.589167344,3.589167352,3.589167285,3.589167316,3.589167392,3.589167379,3.589167313,3.589167311,3.589167332,3.589167324,3.589167363,3.58916736,3.58916732,3.589167332,3.58916733,3.589167355,3.589167319,3.58916731,3.589167278,3.589167331,3.589167319,3.589167327
+"6531","HAO1",3.336125205,3.336125157,3.336125235,3.336125223,3.336125326,3.336125325,3.336125161,3.33612517,3.336125152,3.336125285,3.336125258,3.336125395,3.336125261,3.336125061,3.336125224,3.336125259,3.336125268,3.336125436,3.336125271,3.336125271,3.336125298,3.336125326,3.336125127,3.336125113,3.336125185,3.336125263,3.33612517,3.336125306
+"6532","HAO2",3.851062364,3.851062383,3.851062459,3.851062455,3.851062465,3.851062353,3.851062464,3.851062403,3.851062382,3.851062395,3.851062513,3.851062288,3.851062367,3.851062079,3.851062466,3.8510623,3.851062476,3.851062482,3.851062546,3.851062625,3.85106248,3.851062423,3.851062426,3.851062464,3.851062611,3.851062502,3.851062208,3.85106237
+"6533","HAP1",5.385638777,5.385638778,5.38563906,5.38563892,5.385639161,5.385638595,5.385639002,5.385639126,5.385638964,5.385638861,5.385638892,5.38563906,5.385639059,5.385638674,5.385639063,5.385639174,5.385639327,5.385639253,5.385638882,5.38563885,5.385639002,5.385639101,5.385638915,5.385638969,5.385639188,5.385639077,5.3856387,5.385639049
+"6534","HAPLN1",2.984438144,2.984438075,2.984438566,2.984438041,2.984438571,2.984438219,2.984438316,2.984438841,2.984438249,2.984438156,2.984437875,2.984439356,2.984438607,2.984437929,2.984438613,2.984438563,2.984438832,2.984439069,2.984438449,2.984438357,2.984438716,2.984438371,2.984438135,2.984437687,2.984438037,2.984439103,2.984438353,2.984438971
+"6535","HAPLN2",5.7275167,5.727516694,5.727516791,5.727516704,5.727516788,5.727516698,5.727516741,5.727516824,5.727516773,5.727516738,5.727516822,5.727516817,5.727516736,5.727516633,5.727516751,5.72751677,5.727516826,5.727516772,5.72751676,5.727516783,5.727516782,5.727516801,5.727516668,5.727516703,5.727516756,5.727516756,5.727516701,5.727516748
+"6536","HAPLN3",6.251835218,6.251835351,6.251835256,6.251835217,6.25183527,6.25183578,6.251835161,6.251835457,6.251835756,6.251835491,6.251835048,6.251835296,6.251835439,6.251835525,6.251835162,6.251835226,6.251835142,6.251835095,6.251835407,6.251835784,6.25183507,6.251835433,6.251835422,6.251835228,6.25183498,6.251835189,6.251835426,6.251835434
+"6537","HAPLN4",6.744489144,6.7444893195,6.7444896855,6.7444895065,6.7444898425,6.744488651,6.7444893205,6.7444898365,6.744489571,6.744489398,6.7444898105,6.744489796,6.744489533,6.7444890155,6.744489674,6.744489775,6.7444898105,6.744489776,6.744489303,6.7444891415,6.744489555,6.7444898305,6.744489254,6.7444894555,6.7444897715,6.74448957,6.744489278,6.744489673
+"6538","HAPSTR1",8.567061756,8.56706202,8.567061363,8.56706252,8.567060739,8.567061339,8.567061433,8.567061341,8.567061053,8.567061331,8.567061415,8.56706035,8.567061506,8.567062038,8.567061587,8.567062006,8.567061406,8.567061944,8.567061922,8.567061772,8.567061481,8.567061509,8.567061779,8.567061989,8.567061794,8.567061016,8.567061505,8.567061571
+"6539","HARBI1",5.082098408,5.082098372,5.082098443,5.082098354,5.082098445,5.082098396,5.082098359,5.082098354,5.082098375,5.082098393,5.082098421,5.082098411,5.082098387,5.082098356,5.082098387,5.082098316,5.08209842,5.082098384,5.08209841,5.08209843,5.082098403,5.082098397,5.082098366,5.08209831,5.082098322,5.082098378,5.082098398,5.082098397
+"6540","HARS1",6.70587921,6.705879102,6.705878901,6.705879075,6.705878884,6.705879223,6.70587923,6.705878922,6.705879316,6.705879247,6.705878863,6.705879003,6.705879222,6.705879595,6.705879015,6.705878834,6.705878684,6.705878775,6.705879074,6.705879174,6.705879129,6.705879058,6.705879305,6.70587922,6.705878742,6.705879198,6.705879276,6.705879351
+"6541","HARS2",6.970519316,6.970519485,6.970518816,6.970519295,6.97051887,6.970519084,6.970519051,6.970518997,6.970518999,6.97051905,6.970518782,6.970518674,6.970519158,6.970519538,6.970518883,6.970519778,6.970518628,6.970519024,6.970519224,6.970519122,6.970519106,6.970519028,6.970519196,6.970519326,6.970519009,6.970519174,6.970519259,6.97051906
+"6542","HAS1",6.325939739,6.325939742,6.325939979,6.325940053,6.325940069,6.325939808,6.32593995,6.325940024,6.325939963,6.325939949,6.325940066,6.325940098,6.325939902,6.325939717,6.325940098,6.325940072,6.325940109,6.325940049,6.325939866,6.325939885,6.325939959,6.325940128,6.325939783,6.325939946,6.325940078,6.325940007,6.325939909,6.325939972
+"6543","HAS2",3.813981939,3.813981976,3.813982016,3.813982003,3.813982006,3.813981973,3.813982005,3.813982025,3.813981918,3.813981982,3.813982073,3.81398199,3.813981974,3.81398188,3.813982055,3.813982013,3.813982005,3.813981973,3.813981962,3.813982015,3.813981976,3.81398202,3.813981956,3.813981941,3.81398202,3.813982039,3.81398196,3.813981996
+"6544","HAS3",5.455459054,5.455459049,5.455459057,5.455459066,5.455459073,5.455459042,5.455459056,5.455459075,5.455459027,5.455459072,5.455459052,5.455459066,5.455459051,5.455459025,5.455459074,5.45545907,5.455459067,5.455459055,5.455459075,5.455459084,5.455459074,5.455459061,5.455459029,5.455459032,5.455459077,5.455459061,5.455459048,5.455459063
+"6545","HASPIN",4.853902869,4.853902782,4.853903027,4.853902805,4.853903035,4.853902969,4.853903158,4.853902997,4.853903054,4.85390309,4.85390309,4.853903164,4.853903032,4.853902688,4.853902919,4.853902815,4.85390324,4.853903147,4.8539031,4.853903144,4.853903067,4.853903014,4.853902954,4.85390282,4.853902978,4.853902934,4.853902914,4.853903044
+"6546","HAT1",4.920834214,4.920833723,4.920833533,4.92083375,4.920833287,4.920833528,4.920834265,4.920833338,4.920833687,4.920833856,4.920833707,4.920832962,4.920833206,4.920834901,4.920833408,4.920833649,4.920833391,4.920833331,4.920833864,4.92083333,4.920833695,4.920833694,4.920834014,4.92083384,4.920833678,4.920833247,4.920833943,4.920834379
+"6547","HAUS1",4.332594583,4.332594567,4.332594571,4.332594537,4.332594541,4.332594562,4.332594576,4.332594557,4.332594584,4.332594596,4.332594567,4.332594576,4.332594562,4.332594558,4.332594583,4.332594572,4.3325946,4.332594552,4.332594558,4.332594578,4.332594565,4.332594588,4.332594571,4.332594598,4.332594591,4.332594567,4.332594556,4.332594599
+"6548","HAUS2",4.757031663,4.757031647,4.757031649,4.757031616,4.757031682,4.757031645,4.757031671,4.757031664,4.75703165,4.757031676,4.757031647,4.757031658,4.757031667,4.757031699,4.757031676,4.757031633,4.757031645,4.757031641,4.75703165,4.757031664,4.757031673,4.757031664,4.757031652,4.75703165,4.757031668,4.757031671,4.757031673,4.757031676
+"6549","HAUS4",7.666797493,7.666817813,7.66677931,7.666832782,7.666791675,7.666804362,7.666819846,7.666786548,7.66679759,7.666780219,7.666796222,7.666780511,7.666795487,7.666785514,7.666795132,7.666822699,7.666774415,7.66681334,7.666802539,7.666808076,7.666817441,7.666785002,7.66680918,7.66678718,7.666795019,7.666783515,7.666793322,7.666770399
+"6550","HAUS5",6.323712733,6.323712742,6.323712762,6.323712722,6.323712788,6.323712752,6.323712756,6.323712765,6.323712734,6.323712754,6.323712702,6.323712726,6.323712723,6.323712733,6.323712774,6.323712709,6.323712743,6.32371275,6.32371273,6.323712749,6.323712763,6.323712732,6.323712693,6.323712715,6.323712695,6.323712744,6.323712735,6.323712727
+"6551","HAUS6",5.540029267,5.5400287005,5.5400289365,5.540028463,5.5400285155,5.540028512,5.540028839,5.5400285305,5.540029121,5.5400288705,5.540028201,5.5400285635,5.54002905,5.540029474,5.5400288115,5.540028568,5.5400284215,5.5400286995,5.54002908,5.5400277635,5.5400290305,5.5400283595,5.540028899,5.5400286825,5.540028549,5.540028937,5.54002885,5.540029165
+"6552","HAUS8",5.497144056,5.49714405,5.497144038,5.497144082,5.497144028,5.497144011,5.497144084,5.497144059,5.497144117,5.497144033,5.497144032,5.497144016,5.497144078,5.497144094,5.497144036,5.497144076,5.497144082,5.497144005,5.497144094,5.497144093,5.497144067,5.497144087,5.497144094,5.497144035,5.497144078,5.497144034,5.497144097,5.497144
+"6553","HAVCR1",3.978628561,3.978628567,3.978628559,3.978628566,3.978628548,3.978628555,3.978628546,3.978628571,3.97862858,3.978628548,3.978628545,3.978628571,3.978628567,3.97862856,3.978628559,3.978628551,3.97862855,3.97862856,3.978628559,3.978628564,3.978628555,3.978628556,3.978628579,3.97862856,3.978628534,3.978628576,3.978628561,3.978628554
+"6554","HAVCR2",5.489219603,5.489219662,5.489219665,5.489219281,5.48921943,5.489219729,5.489219291,5.48921935,5.489219252,5.489219496,5.489219354,5.489219335,5.489219304,5.489219547,5.489219472,5.489219656,5.489219474,5.489219024,5.489219396,5.489219505,5.489219367,5.489219266,5.489219353,5.48921956,5.489219394,5.489219485,5.489219372,5.489219269
+"6555","HAX1",6.373058294,6.373057952,6.373058044,6.373057883,6.373057997,6.373058273,6.373058095,6.373057819,6.373058191,6.37305804,6.373057978,6.373057552,6.373058158,6.373058382,6.373058036,6.373058163,6.373057594,6.37305789,6.373057973,6.373058318,6.373057975,6.373058096,6.373058135,6.373058048,6.373058112,6.373057925,6.373058134,6.373058199
+"6556","HBB",12.95257498,12.95257446,12.95257486,12.95257458,12.95257449,12.95257476,12.95257448,12.95257469,12.95257447,12.95257459,12.95257491,12.95257484,12.95257449,12.95257407,12.95257422,12.95257408,12.95257442,12.9525745,12.95257429,12.95257472,12.95257463,12.95257449,12.95257469,12.95257478,12.95257495,12.95257498,12.95257484,12.95257423
+"6557","HBD",9.108078415,9.108077869,9.10807885,9.108078358,9.108078029,9.108078997,9.108078582,9.108078362,9.108078388,9.108078374,9.108079059,9.108078814,9.108078224,9.108077314,9.108078052,9.108077461,9.108078389,9.108078437,9.108077913,9.10807874,9.10807888,9.108078449,9.108078551,9.108078446,9.108078671,9.108079236,9.108078632,9.10807771
+"6558","HBE1",4.357597112,4.357596995,4.357597118,4.357597113,4.357597214,4.357597114,4.357597068,4.35759721,4.357597118,4.357597178,4.357597151,4.357597143,4.35759706,4.357596938,4.357597093,4.357597165,4.357597166,4.357597152,4.357597154,4.357597116,4.357597188,4.357597159,4.357597055,4.357597021,4.357597049,4.357597153,4.357597066,4.35759709
+"6559","HBEGF",4.776705918,4.776705938,4.776706048,4.776705962,4.776706102,4.776705986,4.776706007,4.776706026,4.776705977,4.776705936,4.776706024,4.776706072,4.776706021,4.776706005,4.776706073,4.776706012,4.776706091,4.776706014,4.776706071,4.776706073,4.77670606,4.776706066,4.776706022,4.776705954,4.776706008,4.776706012,4.776706008,4.776705989
+"6560","HBM",7.934606721,8.658717962,9.715246376,8.626083257,8.963913772,10.24820846,9.352331844,9.533714714,9.782833966,9.29463199,9.452598532,9.788275546,9.031799142,7.932549393,8.150995483,8.311575948,9.835982256,8.607973408,8.645673292,9.834151734,9.031094754,9.294942281,9.6480936,9.291145456,9.411330381,9.715237424,9.356388485,8.558135545
+"6561","HBP1",7.560665625,7.560665517,7.560665124,7.560665663,7.560664741,7.560664546,7.560664878,7.560664653,7.560664821,7.560664452,7.560664805,7.560663877,7.560665185,7.560666064,7.560665276,7.560665472,7.560665249,7.560665449,7.560665562,7.560664811,7.560664993,7.560664973,7.560665469,7.560665409,7.56066526,7.560664783,7.560664803,7.560665832
+"6562","HBQ1",8.089939819,8.089939829,8.089941418,8.08993983,8.089942032,8.089941389,8.089941201,8.089941687,8.089941128,8.089941148,8.089941824,8.08994237,8.089940344,8.089938283,8.08994129,8.089940074,8.089941683,8.089941058,8.089940658,8.089941325,8.089941236,8.089941616,8.089940381,8.089940077,8.08994035,8.089942017,8.089940221,8.089940544
+"6563","HBS1L",6.453280608,6.453280444,6.45328041,6.453280095,6.453280138,6.453280093,6.453280439,6.453280213,6.453280478,6.453280464,6.453280272,6.453280138,6.453280497,6.45328099,6.4532803,6.453280346,6.453280248,6.453280101,6.453280534,6.453280057,6.453280378,6.453280231,6.45328047,6.45328033,6.453280312,6.453280244,6.453280377,6.453280722
+"6564","HBZ",5.0810093875,5.081423367,5.0810749095,5.081043785,5.081289684,5.081334067,5.0814286505,5.081072955,5.0811058325,5.081164081,5.0810887935,5.08106298,5.0809915425,5.0810642985,5.081032315,5.0812668275,5.0810386885,5.081121646,5.081239467,5.0812371855,5.081405598,5.0810958845,5.0810330205,5.081201862,5.08102735,5.0810858065,5.081099011,5.0810624075
+"6565","HCAR1",3.549630273,3.549630371,3.549630405,3.549630386,3.549630498,3.549630263,3.549630411,3.549630487,3.549630331,3.549630379,3.549630509,3.549630465,3.549630396,3.549630297,3.549630477,3.549630473,3.549630505,3.549630409,3.549630407,3.549630414,3.549630415,3.5496305,3.549630404,3.549630511,3.549630492,3.549630401,3.549630381,3.549630476
+"6566","HCAR2",8.191327143,8.632339665,8.26438701,8.752760757,8.275439839,8.609476498,8.786537509,8.52911705,8.306070404,8.545365951,8.378542914,7.98761888,8.332027089,8.290584476,8.393805998,8.684156205,8.321738622,8.677909404,8.637034558,8.683551432,8.757850841,8.626778494,8.542140258,8.581250689,8.528830212,8.095807725,8.377540172,8.342008523
+"6567","HCAR3",8.288847258,9.002047659,8.405351112,8.998530034,8.430988206,8.700295259,8.887188752,8.779984816,8.46458747,8.679101185,8.450858854,7.888829523,8.351740097,8.594277832,8.47372109,9.093786798,8.438102723,8.88691064,9.004636809,9.002483537,8.819935364,9.004930342,8.791581473,8.908713627,8.742579641,8.05316953,8.397270111,8.457930727
+"6568","HCCS",6.803084723,6.803084719,6.803084487,6.803084409,6.803084557,6.803084426,6.803084491,6.803084448,6.803084564,6.803084584,6.803084449,6.803084202,6.803084522,6.803084878,6.803084415,6.803084555,6.803084379,6.803084413,6.803084587,6.803084528,6.803084462,6.80308454,6.803084606,6.803084738,6.803084422,6.803084351,6.803084526,6.803084717
+"6569","HCFC1",6.73477626,6.734776331,6.734776059,6.734776323,6.73477641,6.734776654,6.734776393,6.734776212,6.734776633,6.734776623,6.734776109,6.734776346,6.734776334,6.734776455,6.734776261,6.734776054,6.734776179,6.734776188,6.734776245,6.734776217,6.734776358,6.734776236,6.734776525,6.734776417,6.734776314,6.734776377,6.734776304,6.734776404
+"6570","HCFC1R1",6.474393374,6.474393423,6.474393443,6.474393346,6.474393458,6.474393463,6.474393409,6.474393451,6.474393433,6.474393444,6.474393439,6.474393451,6.474393401,6.474393352,6.474393436,6.474393375,6.474393423,6.474393414,6.474393419,6.47439343,6.474393422,6.474393451,6.474393415,6.474393436,6.474393388,6.474393411,6.47439343,6.474393403
+"6571","HCFC2",5.506985679,5.506985466,5.506985409,5.506984976,5.50698531,5.506985164,5.506985317,5.506985348,5.506985447,5.506985559,5.506985213,5.506984778,5.506985521,5.506986127,5.506985365,5.506985437,5.506985197,5.506984929,5.506985376,5.506985274,5.506985243,5.506985452,5.506985441,5.506985456,5.50698518,5.506985244,5.506985345,5.506985814
+"6572","HCG27",6.976591266,6.97659758366667,6.976585572,6.97660327333333,6.97658328666667,6.97659653166667,6.976593385,6.97658332466667,6.97658845766667,6.97658280066667,6.97659168133333,6.97658148,6.97659226266667,6.97658798833333,6.97659219166667,6.97659786733333,6.97659107866667,6.97659399366667,6.976594619,6.97659669166667,6.97659302533333,6.97658995933333,6.97659105366667,6.976586392,6.97659344433333,6.97658554,6.97658939833333,6.976583927
+"6573","HCG4",5.817697935,5.817698197,5.81769824,5.817698274,5.817698455,5.817698191,5.817698396,5.817698487,5.817698142,5.817698282,5.817698349,5.817698111,5.817698412,5.817698021,5.817698464,5.817698383,5.817698513,5.817698487,5.81769822,5.81769811,5.817698504,5.817698682,5.81769808,5.817698027,5.817698245,5.817698307,5.817698269,5.817698394
+"6574","HCG9",4.381990207,4.381990283,4.381990256,4.381990256,4.381990265,4.381990251,4.381990288,4.38199027,4.381990265,4.381990277,4.381990253,4.381990265,4.381990243,4.381990204,4.381990269,4.381990263,4.381990294,4.38199026,4.381990262,4.381990265,4.38199028,4.381990305,4.381990217,4.381990234,4.381990287,4.38199027,4.381990229,4.38199029
+"6575","HCK",10.19800916,10.19801772,10.19800583,10.1980208,10.19800879,10.19801977,10.19801146,10.19800545,10.19800842,10.19801032,10.19801126,10.19799816,10.19801137,10.19800869,10.19800781,10.19801535,10.19800574,10.19801615,10.19801256,10.19801665,10.19801161,10.1980079,10.19801096,10.19801538,10.19801313,10.1980046,10.19800975,10.19800304
+"6576","HCLS1",9.65147782,9.651478611,9.651477671,9.651478692,9.651477479,9.65147814,9.651477886,9.651477673,9.651477518,9.651477298,9.651477618,9.651477143,9.651477898,9.651478264,9.651477664,9.651478646,9.651477388,9.651478174,9.651478139,9.651478154,9.651477886,9.651477575,9.651477792,9.651477957,9.651477756,9.651477868,9.65147784,9.651477554
+"6577","HCN1",4.192413055,4.192413136,4.192413196,4.192413029,4.192413419,4.192413011,4.192413306,4.192413141,4.192412894,4.192413156,4.192413334,4.192413116,4.192413213,4.19241294,4.192413302,4.192413121,4.192413364,4.192413333,4.192413118,4.192413059,4.192413173,4.192413207,4.192413075,4.192413242,4.192413191,4.192413165,4.19241307,4.192413277
+"6578","HCN2",5.710975125,5.71097511,5.710975441,5.710975218,5.710975893,5.710975257,5.710975461,5.710975373,5.710975223,5.7109754,5.710975786,5.710975746,5.71097507,5.710974831,5.710975409,5.710975233,5.71097584,5.710975368,5.710975309,5.710975589,5.710975645,5.710975753,5.710974878,5.710974811,5.710974951,5.710975427,5.710975235,5.710975434
+"6579","HCN3",5.869071707,5.86907171,5.869071776,5.869071734,5.869071798,5.869071647,5.869071756,5.869071762,5.869071769,5.869071726,5.869071736,5.869071748,5.869071723,5.869071695,5.869071763,5.869071721,5.869071776,5.869071767,5.869071753,5.869071724,5.869071751,5.869071769,5.869071748,5.869071686,5.869071724,5.869071732,5.869071722,5.869071761
+"6580","HCN4",5.693312316,5.693312313,5.693312507,5.693312433,5.693312609,5.693312402,5.693312493,5.693312468,5.693312482,5.693312498,5.693312518,5.693312697,5.693312397,5.69331225,5.69331253,5.693312436,5.693312585,5.693312552,5.693312353,5.693312441,5.693312544,5.693312575,5.693312388,5.693312348,5.693312391,5.693312465,5.693312417,5.693312532
+"6581","HCP5",8.749235566,8.749234549,8.749235175,8.749234976,8.749234381,8.749235504,8.749235012,8.749235178,8.749234824,8.749234749,8.74923394,8.749233891,8.749235609,8.749234865,8.749235212,8.749233713,8.749234664,8.749234954,8.749235152,8.74923566,8.749234796,8.749235339,8.749235179,8.749235115,8.749234083,8.749234375,8.749235538,8.749234349
+"6582","HCRT",5.532979626,5.532979642,5.532979652,5.532979665,5.532979754,5.532979562,5.532979625,5.532979663,5.532979632,5.532979727,5.532979693,5.53297976,5.532979643,5.532979606,5.532979619,5.532979684,5.532979797,5.532979674,5.53297958,5.532979683,5.532979733,5.532979643,5.53297963,5.532979604,5.532979531,5.532979691,5.532979662,5.532979612
+"6583","HCRTR1",5.314420314,5.314420336,5.314420384,5.314420344,5.314420394,5.314420288,5.31442038,5.314420409,5.31442032,5.314420375,5.31442036,5.314420391,5.31442037,5.31442027,5.314420386,5.314420357,5.314420397,5.314420392,5.314420358,5.314420344,5.314420374,5.314420372,5.314420376,5.31442031,5.314420378,5.31442039,5.314420315,5.314420364
+"6584","HCRTR2",4.085230441,4.08523042,4.085230486,4.08523044,4.08523044,4.085230453,4.085230443,4.085230457,4.085230438,4.085230428,4.085230413,4.08523047,4.085230426,4.085230431,4.085230475,4.085230469,4.085230479,4.085230463,4.085230455,4.08523044,4.085230443,4.085230468,4.085230436,4.085230407,4.085230458,4.085230435,4.085230444,4.085230431
+"6585","HCST",8.872226946,8.872226456,8.87222585,8.872224742,8.872225344,8.872226684,8.872225799,8.872225937,8.872226483,8.872227124,8.872225226,8.872225423,8.872226631,8.872226934,8.872225895,8.872225653,8.872225082,8.8722243,8.872225652,8.872226177,8.872225681,8.872226186,8.872225952,8.87222691,8.872225369,8.87222561,8.872226648,8.872226291
+"6586","HDAC1",8.619849205,8.619849682,8.619848482,8.619848775,8.619849166,8.619849254,8.619849194,8.619849023,8.619849694,8.619849719,8.619848319,8.619848511,8.619849671,8.619850672,8.619849126,8.61984904,8.619847584,8.619848196,8.619849576,8.619849188,8.61984918,8.619848895,8.619849697,8.619849538,8.619848323,8.619849185,8.619849801,8.619849953
+"6587","HDAC10",6.654951453,6.654951469,6.654951484,6.654951472,6.654951488,6.654951448,6.654951472,6.65495148,6.654951456,6.654951463,6.654951453,6.654951483,6.654951459,6.654951431,6.65495148,6.654951471,6.654951485,6.654951487,6.654951475,6.654951491,6.654951489,6.654951497,6.654951466,6.654951442,6.654951454,6.654951479,6.654951468,6.654951465
+"6588","HDAC11",5.358666064,5.358666062,5.358666175,5.358666037,5.358666114,5.358666,5.358665964,5.358666203,5.358665967,5.358666024,5.358666141,5.358666004,5.358666109,5.35866598,5.358666023,5.358666059,5.358666143,5.358666108,5.358666012,5.358666044,5.35866608,5.358666112,5.358665969,5.35866598,5.358666044,5.35866615,5.358666052,5.358666038
+"6589","HDAC2",6.129204714,6.12920464,6.129204504,6.129204497,6.12920451,6.129204441,6.129204717,6.129204454,6.129204538,6.129204601,6.129204396,6.129204236,6.129204549,6.129204964,6.129204551,6.12920454,6.12920447,6.129204435,6.129204611,6.129204353,6.129204592,6.129204362,6.129204658,6.129204678,6.129204418,6.129204449,6.129204557,6.129204764
+"6590","HDAC3",7.545114416,7.545114383,7.545114365,7.545114395,7.545114224,7.545114486,7.545114391,7.545114346,7.545114402,7.545114527,7.545114301,7.545114351,7.545114392,7.545114423,7.545114289,7.545114305,7.545114288,7.54511427,7.545114377,7.545114443,7.54511427,7.545114282,7.545114406,7.545114435,7.545114259,7.545114293,7.545114428,7.545114291
+"6591","HDAC4",7.310944185,7.310944432,7.310944019,7.310944402,7.310944126,7.310944659,7.310944342,7.310944265,7.310944251,7.310944169,7.310944173,7.310943999,7.310944186,7.310944088,7.310943914,7.310944306,7.310943858,7.310944183,7.310944183,7.310944612,7.310944104,7.310944269,7.310944257,7.310944406,7.310944258,7.310944166,7.3109443,7.310943895
+"6592","HDAC5",7.529000983,7.529001007,7.529000997,7.529001048,7.529000996,7.529001028,7.529000999,7.529001009,7.529000978,7.529000996,7.529001002,7.529000982,7.529001005,7.52900098,7.529000951,7.529000974,7.529000973,7.529001051,7.529001009,7.52900099,7.529000969,7.529001009,7.529000979,7.529001003,7.529001041,7.529000999,7.529001006,7.529000985
+"6593","HDAC6",6.588539523,6.588539407,6.588539664,6.588539485,6.588539416,6.588539734,6.588539626,6.588539581,6.588539631,6.588539584,6.588539487,6.588539431,6.588539475,6.588539523,6.588539365,6.588539184,6.588539605,6.588539398,6.588539374,6.588539529,6.588539421,6.588539547,6.588539576,6.588539553,6.588539539,6.58853955,6.588539622,6.588539289
+"6594","HDAC7",7.427239508,7.427239605,7.427239616,7.427239669,7.427239538,7.427239631,7.427239601,7.427239607,7.42723961,7.427239615,7.427239559,7.427239549,7.427239609,7.427239526,7.427239554,7.427239546,7.427239538,7.427239625,7.427239497,7.427239664,7.427239543,7.427239611,7.427239628,7.427239588,7.427239585,7.427239553,7.427239629,7.427239491
+"6595","HDAC8",6.108859653,6.108859668,6.108859425,6.108859573,6.108859484,6.108859473,6.108859534,6.108859532,6.1088597,6.108859475,6.108859536,6.108859504,6.108859566,6.10885981,6.108859627,6.108859553,6.108859374,6.108859316,6.108859537,6.108859389,6.108859572,6.108859406,6.108859391,6.10885953,6.10885937,6.108859608,6.108859415,6.108859629
+"6596","HDAC9",5.611726138,5.611725903,5.611725886,5.611725892,5.611725919,5.611725829,5.611725857,5.61172586,5.611725643,5.61172593,5.611725838,5.611725826,5.611725852,5.611726107,5.611725872,5.61172572,5.611725614,5.611725759,5.6117259,5.611725786,5.611725863,5.611725609,5.611725668,5.611725868,5.611725671,5.61172576,5.611725966,5.61172569
+"6597","HDC",5.427940367,5.422522818,5.416420587,5.429520538,5.425436357,5.402801947,5.405953313,5.409749956,5.406044425,5.413100342,5.427821004,5.415032916,5.406477472,5.407548865,5.426086944,5.423382684,5.416580402,5.426751845,5.426741672,5.403266741,5.405735931,5.408860931,5.415320945,5.414252582,5.425522695,5.413344416,5.412567265,5.428923381
+"6598","HDDC2",6.142644835,6.142644319,6.142644483,6.142644147,6.142644255,6.142644195,6.14264456,6.142644054,6.142644639,6.142644249,6.142643777,6.142644426,6.142644405,6.142645114,6.142644731,6.142644269,6.142644088,6.142644016,6.142644633,6.142644658,6.142644611,6.142644324,6.142644679,6.142644339,6.142643825,6.142644494,6.142644226,6.142644759
+"6599","HDDC3",6.491600011,6.491600027,6.491600055,6.491600033,6.491600054,6.491600014,6.491600018,6.491600046,6.491600048,6.49160004,6.491600023,6.491600055,6.49160005,6.491600008,6.491600052,6.491600037,6.491600043,6.491600053,6.49160002,6.491600009,6.491600026,6.491600053,6.491600022,6.491600003,6.491600045,6.491600046,6.491600046,6.491600048
+"6600","HDGF",8.887176934,8.837222242,9.252375021,9.162757878,9.021366653,9.443502179,8.893432579,9.49369002,9.204680065,9.195842033,9.046401412,9.440707795,8.993845026,8.595789063,8.964197983,8.477179623,9.14184347,9.072880016,8.892701102,9.226891615,8.679556422,9.35038186,9.173682973,9.214074012,9.042015204,9.345699387,9.112595134,8.71114378
+"6601","HDGFL1",6.162166368,6.162166397,6.162166731,6.162166461,6.162166777,6.16216631,6.162166587,6.162166828,6.162166495,6.162166411,6.162166736,6.162166867,6.162166573,6.162166154,6.162166662,6.162166745,6.162166907,6.162166669,6.162166523,6.162166497,6.162166614,6.16216671,6.162166428,6.162166449,6.162166847,6.162166585,6.162166552,6.1621666
+"6602","HDGFL2",7.119668444,7.119668502,7.1196685,7.119668485,7.119668521,7.119668445,7.119668486,7.119668501,7.119668499,7.11966849,7.119668499,7.119668521,7.119668497,7.119668452,7.119668487,7.119668526,7.119668522,7.119668519,7.119668493,7.119668464,7.119668464,7.119668504,7.11966848,7.119668485,7.11966849,7.119668501,7.119668474,7.119668526
+"6603","HDGFL3",4.891721526,4.891721498,4.891721511,4.891721515,4.891721518,4.891721526,4.891721513,4.891721555,4.891721542,4.891721506,4.891721492,4.891721553,4.891721534,4.891721518,4.891721553,4.891721485,4.891721505,4.891721513,4.891721502,4.891721511,4.8917215,4.891721546,4.891721528,4.891721534,4.891721485,4.891721519,4.891721547,4.891721546
+"6604","HDHD2",7.086462038,7.086461777,7.086461694,7.08646155,7.086461625,7.08646153,7.086461703,7.086461712,7.086461984,7.086461824,7.086461509,7.086461446,7.086461824,7.086462315,7.086461753,7.086461745,7.086461405,7.086461491,7.086461847,7.086461107,7.086461619,7.086461816,7.086461951,7.086461675,7.086461468,7.086461717,7.086461715,7.086461961
+"6605","HDHD3",5.663102281,5.663102251,5.663102263,5.663102213,5.663102245,5.663102214,5.663102264,5.663102264,5.663102279,5.663102232,5.663102241,5.663102288,5.663102304,5.663102305,5.663102261,5.663102285,5.663102212,5.663102211,5.66310229,5.663102142,5.663102241,5.663102283,5.663102288,5.663102249,5.66310222,5.663102282,5.663102262,5.66310227
+"6606","HDHD5",6.279254775,6.279255035,6.279254862,6.279254891,6.279254575,6.279255009,6.279254673,6.279255015,6.279254938,6.279254956,6.279254772,6.279254354,6.279254873,6.279255011,6.279254572,6.279254819,6.279254534,6.279254604,6.279254747,6.279254599,6.279254383,6.279254773,6.279254883,6.279255009,6.279254691,6.279254567,6.279255009,6.279254689
+"6607","HDHD5-AS1",5.975108327,5.975108482,5.975108757,5.975108411,5.975108697,5.975108355,5.975108484,5.975108809,5.975108605,5.975108399,5.975108647,5.975108601,5.975108373,5.975108264,5.975108636,5.975108593,5.975108716,5.975108615,5.975108483,5.97510827,5.97510853,5.975108666,5.97510847,5.975108298,5.975108645,5.975108412,5.97510825,5.975108365
+"6608","HDLBP",8.681950967,8.681950956,8.681951005,8.681951016,8.681950959,8.681951089,8.681951036,8.681950964,8.681951025,8.681951021,8.681951018,8.681950993,8.681950973,8.681951006,8.681950983,8.681950926,8.681950997,8.681950978,8.681950934,8.681950984,8.681950998,8.681950967,8.681951011,8.681950992,8.681950993,8.681951018,8.681950976,8.681950982
+"6609","HDX",3.597184379,3.597184386,3.597184384,3.597184354,3.597184395,3.597184413,3.597184417,3.597184394,3.597184393,3.597184432,3.597184433,3.597184431,3.597184423,3.597184398,3.597184397,3.597184392,3.597184444,3.597184373,3.597184415,3.597184425,3.597184395,3.597184413,3.597184348,3.597184374,3.597184389,3.597184407,3.597184378,3.597184425
+"6610","HEATR1",6.527156872,6.527156061,6.527156086,6.52715584,6.527156322,6.527156088,6.527156492,6.527155895,6.527156735,6.527156394,6.527155707,6.52715614,6.527156603,6.527157125,6.527156228,6.527155957,6.527155466,6.527155675,6.527156255,6.527156023,6.527156423,6.527156087,6.527156556,6.527156238,6.527155747,6.527156474,6.527156553,6.527156633
+"6611","HEATR3",5.835756442,5.835756481,5.835756485,5.835756374,5.835756444,5.835756402,5.835756452,5.835756158,5.835756397,5.835756437,5.835756368,5.83575643,5.83575649,5.835756681,5.835756328,5.83575638,5.835756422,5.835756365,5.83575642,5.835756496,5.835756459,5.835756392,5.835756266,5.835756396,5.835756209,5.835756341,5.835756511,5.835756318
+"6612","HEATR4",4.242997728,4.242997723,4.242997736,4.24299776,4.242997764,4.242997741,4.242997734,4.242997744,4.24299774,4.242997728,4.242997755,4.242997756,4.242997755,4.242997741,4.242997738,4.242997744,4.242997757,4.242997756,4.242997732,4.242997743,4.242997742,4.242997748,4.242997705,4.242997725,4.24299772,4.242997742,4.242997738,4.242997743
+"6613","HEATR5A",6.693643282,6.693643598,6.693643129,6.69364371,6.693642836,6.693642903,6.693643107,6.693642525,6.693642516,6.693642747,6.693643092,6.693642345,6.693643334,6.693643621,6.693642789,6.693643733,6.693642764,6.693642923,6.69364354,6.693642912,6.693642962,6.693642281,6.693642765,6.693643278,6.69364324,6.693642749,6.693643334,6.69364294
+"6614","HEATR5B",7.929265691,7.929265118,7.929264127,7.929264326,7.929264796,7.929264753,7.929265506,7.929264685,7.929265064,7.929265185,7.92926453,7.929264921,7.929265084,7.929265933,7.929265006,7.929264783,7.929263799,7.929263745,7.929265148,7.929264702,7.92926491,7.929264082,7.929265174,7.929265112,7.929264501,7.929265087,7.929265211,7.929265033
+"6615","HEATR6",6.285158296,6.285158384,6.285157653,6.285157685,6.285158264,6.285157953,6.285158521,6.285157807,6.285158597,6.285158435,6.285158248,6.285157985,6.285158081,6.285158508,6.285158047,6.285157613,6.285157499,6.285157841,6.285158177,6.285157418,6.2851583,6.285158038,6.285158609,6.285158289,6.285158375,6.285158321,6.285158088,6.285158317
+"6616","HEATR9",4.583354786,4.583354748,4.58335476,4.583354773,4.58335478,4.583354785,4.5833548,4.583354813,4.583354756,4.583354765,4.583354771,4.58335478,4.583354774,4.583354761,4.583354783,4.583354762,4.583354776,4.583354775,4.583354742,4.583354758,4.583354791,4.583354789,4.583354804,4.583354761,4.583354783,4.583354794,4.583354772,4.583354758
+"6617","HEBP1",6.705022738,6.70502166,6.705021324,6.705023385,6.705022642,6.705024586,6.705022893,6.705023889,6.705020892,6.70502457,6.705022651,6.705020422,6.705021821,6.70502282,6.705022238,6.705021141,6.705020615,6.705023024,6.705022041,6.705024638,6.705022624,6.705023533,6.70502152,6.705024814,6.705022265,6.705020584,6.705021377,6.705023116
+"6618","HEBP2",8.183981688,8.183981723,8.183981382,8.183982366,8.183981142,8.183981641,8.183981748,8.183980408,8.183981251,8.183981667,8.183981795,8.183980373,8.18398183,8.183982299,8.183981432,8.183981483,8.183981069,8.183981833,8.183982029,8.183981866,8.18398164,8.183980646,8.183981858,8.183981858,8.183981925,8.183980826,8.183981581,8.183981737
+"6619","HECA",7.999729057,7.999729023,7.999728905,7.999728957,7.999728848,7.999728793,7.999728911,7.999728926,7.999728947,7.999728898,7.999728826,7.999728794,7.999728992,7.999729093,7.999728867,7.999728978,7.999728781,7.999729015,7.999728973,7.99972884,7.999728973,7.999728917,7.999729013,7.99972888,7.999728887,7.999728878,7.999729027,7.999729095
+"6620","HECTD1",7.00020917,7.00020902,7.000208789,7.000208831,7.000208819,7.000208689,7.000208998,7.000208531,7.000208954,7.000208828,7.000208756,7.000208559,7.000208916,7.000209608,7.000208842,7.000208932,7.000208575,7.000208569,7.000208906,7.00020829,7.000208943,7.000208698,7.000208968,7.000209044,7.000208682,7.000208791,7.000208891,7.000209205
+"6621","HECTD2",4.595517567,4.595517562,4.595517561,4.595517548,4.595517573,4.595517582,4.59551757,4.595517574,4.595517561,4.595517575,4.595517585,4.5955176,4.595517567,4.595517545,4.595517575,4.595517553,4.595517581,4.595517559,4.595517579,4.595517553,4.595517555,4.595517566,4.595517556,4.595517542,4.595517558,4.595517559,4.595517562,4.595517571
+"6622","HECTD3",6.809454742,6.80945474,6.809454824,6.809454723,6.809454713,6.809454949,6.809454793,6.809454754,6.809454877,6.809454821,6.809454766,6.809454787,6.809454774,6.809454704,6.809454701,6.809454629,6.80945471,6.809454677,6.809454643,6.809454782,6.809454698,6.809454747,6.809454838,6.80945479,6.809454733,6.80945477,6.809454775,6.809454612
+"6623","HECTD4",6.9626784165,6.9626783295,6.9626783365,6.9626784075,6.9626782725,6.96267831,6.962678477,6.962678278,6.962678383,6.962678349,6.9626782315,6.9626784035,6.9626783185,6.962678426,6.962678359,6.962678168,6.9626781095,6.962678293,6.9626783405,6.9626782975,6.9626783745,6.9626782655,6.9626783445,6.962678391,6.962678303,6.9626784395,6.9626783965,6.962678235
+"6624","HECW1",4.278649336,4.278649433,4.278649478,4.278649306,4.278649469,4.27864949,4.278649359,4.278649396,4.278649363,4.278649437,4.278649424,4.278649475,4.278649378,4.278649297,4.278649399,4.278649395,4.278649479,4.278649444,4.278649344,4.278649437,4.278649407,4.278649411,4.278649372,4.27864934,4.278649401,4.278649357,4.278649366,4.278649373
+"6625","HECW1-IT1",3.664916007,3.664916097,3.664916131,3.664916212,3.664916058,3.664916348,3.664915963,3.664916033,3.664916072,3.664916261,3.664915962,3.664916126,3.664916121,3.664915964,3.664916089,3.664915913,3.664915893,3.664916153,3.66491611,3.664916031,3.66491604,3.664916117,3.664916226,3.664916125,3.664915786,3.664915983,3.664915986,3.664916146
+"6626","HECW2",4.682842826,4.682842853,4.682842838,4.682842869,4.68284285,4.68284284,4.682842852,4.68284286,4.682842814,4.682842831,4.682842871,4.682842856,4.682842815,4.682842837,4.682842843,4.682842871,4.68284287,4.682842864,4.682842844,4.682842837,4.682842862,4.682842862,4.682842832,4.682842817,4.682842857,4.682842826,4.68284282,4.682842837
+"6627","HEG1",5.837374114,5.837374085,5.837373945,5.83737379,5.837374015,5.837374286,5.837374129,5.837374121,5.837374108,5.837374129,5.837374063,5.837373826,5.837374193,5.83737418,5.837374069,5.8373739,5.837373851,5.837373964,5.837374087,5.837374219,5.837374081,5.837374011,5.837374192,5.837374079,5.837373983,5.837374003,5.837374199,5.837374013
+"6628","HELB",6.791661803,6.791661582,6.791660971,6.791661057,6.791661177,6.791661226,6.791661112,6.791661216,6.791661681,6.791661381,6.791660932,6.7916608,6.791661591,6.791662202,6.791661313,6.791661308,6.791660534,6.791660822,6.791661713,6.791661203,6.791661112,6.791661112,6.791661667,6.791661523,6.791660914,6.791661189,6.791661556,6.791661825
+"6629","HELLS",4.280525555,4.280525499,4.280525594,4.280525473,4.280525532,4.280525522,4.280525667,4.280525515,4.280525585,4.280525571,4.280525479,4.280525604,4.280525525,4.280525661,4.280525521,4.280525541,4.280525538,4.28052551,4.28052556,4.280525523,4.280525632,4.280525534,4.280525658,4.280525543,4.280525551,4.280525601,4.280525601,4.280525594
+"6630","HELQ",4.95126851,4.95126849,4.951268432,4.951268393,4.951268366,4.951268391,4.951268415,4.9512684,4.951268435,4.951268457,4.951268383,4.951268351,4.951268432,4.95126857,4.951268398,4.951268421,4.951268343,4.951268365,4.951268418,4.951268367,4.951268422,4.951268391,4.951268468,4.951268428,4.951268389,4.95126842,4.95126846,4.951268531
+"6631","HELT",5.895418342,5.895418332,5.895418441,5.895418293,5.895418574,5.895418486,5.895418361,5.895418414,5.895418427,5.895418438,5.895418552,5.895418533,5.895418371,5.895418207,5.895418553,5.89541832,5.895418495,5.895418483,5.895418457,5.895418472,5.895418389,5.895418471,5.895418312,5.895418236,5.89541843,5.895418468,5.895418409,5.895418474
+"6632","HELZ",7.958432328,7.958432222,7.958432149,7.95843223,7.958432171,7.958432234,7.958432252,7.958432125,7.958432195,7.958432194,7.958432127,7.958432094,7.958432262,7.958432331,7.958432216,7.958432134,7.958432027,7.958432172,7.958432262,7.958432183,7.958432262,7.958432085,7.95843221,7.958432194,7.958432189,7.958432204,7.958432239,7.958432171
+"6633","HELZ2",6.657924644,6.657925461,6.657924914,6.657925466,6.657925313,6.657926362,6.65792505,6.657925346,6.657925019,6.657924477,6.657925102,6.657924612,6.657924982,6.657924485,6.657925015,6.657925482,6.657925073,6.657925424,6.657925373,6.657926271,6.657924947,6.657925293,6.657925078,6.657924882,6.657925154,6.657924747,6.657925155,6.657924622
+"6634","HEMGN",5.516582464,5.516582571,5.516583481,5.516582942,5.51658342,5.516583623,5.516582766,5.516583717,5.516583147,5.516583929,5.516583625,5.516583193,5.516581915,5.516581535,5.51658225,5.516581372,5.516582193,5.516583165,5.516581932,5.516582762,5.516582559,5.516582658,5.516582867,5.516584036,5.516583977,5.516583301,5.516582712,5.516582443
+"6635","HEMK1",6.386489134,6.386489083,6.386489068,6.386489029,6.386489023,6.386489137,6.386489039,6.386489067,6.38648913,6.386489155,6.386488986,6.386489116,6.386489168,6.386489076,6.386489037,6.386488996,6.386488873,6.386489012,6.386489078,6.386489076,6.386489024,6.386489102,6.386489108,6.386489118,6.386489079,6.386489114,6.386489158,6.386489058
+"6636","HENMT1",5.238524027,5.238523978,5.238523956,5.238523557,5.238523758,5.238523614,5.238523976,5.238523703,5.238523937,5.238523892,5.238523661,5.238523774,5.238523831,5.238524,5.238523791,5.238523886,5.238523657,5.238523682,5.238523808,5.23852351,5.238523891,5.238523846,5.238523873,5.238523923,5.23852381,5.238523972,5.238523879,5.238523819
+"6637","HEPACAM",4.612494702,4.612494749,4.612494719,4.61249471,4.612494746,4.612494745,4.612494696,4.612494772,4.612494766,4.61249475,4.612494731,4.612494739,4.612494734,4.612494709,4.61249472,4.612494759,4.612494752,4.612494748,4.612494725,4.612494736,4.61249472,4.61249473,4.612494734,4.612494708,4.612494762,4.61249473,4.612494768,4.612494717
+"6638","HEPACAM2",3.289306441,3.28930642,3.289306471,3.289306433,3.289306453,3.289306457,3.289306473,3.289306471,3.289306424,3.289306444,3.289306414,3.289306483,3.289306356,3.289306381,3.289306462,3.289306395,3.289306439,3.289306452,3.289306484,3.289306494,3.289306472,3.289306431,3.289306453,3.289306463,3.289306397,3.289306407,3.289306425,3.289306425
+"6639","HEPH",3.740449887,3.740449875,3.740449811,3.740449967,3.740449896,3.740449931,3.740449971,3.740449773,3.740449876,3.740449861,3.740449905,3.740449825,3.740449964,3.740449794,3.740449932,3.740449865,3.740449829,3.74044991,3.740449938,3.740449872,3.740449859,3.740449871,3.740449902,3.740449867,3.740449912,3.740449769,3.740449896,3.74044993
+"6640","HEPHL1",3.452206258,3.452206454,3.452206455,3.452206454,3.452206409,3.452206502,3.452206216,3.452206491,3.452206476,3.452206509,3.452206513,3.452206482,3.452206369,3.452206353,3.452206542,3.452206602,3.452206382,3.452206525,3.452206502,3.452206393,3.452206392,3.452206387,3.452206313,3.452206456,3.452206455,3.452206272,3.452206288,3.452206522
+"6641","HEPN1",4.576114625,4.576114611,4.576114617,4.576114614,4.576114686,4.576114592,4.576114659,4.576114693,4.576114601,4.576114624,4.576114619,4.576114631,4.576114611,4.576114578,4.576114666,4.576114654,4.576114669,4.576114665,4.576114623,4.576114675,4.576114731,4.576114689,4.576114593,4.576114622,4.576114686,4.576114647,4.576114639,4.57611464
+"6642","HERC1",8.104212494,8.104212576,8.104212285,8.104212529,8.104212288,8.104212378,8.10421253,8.104212309,8.104212545,8.104212464,8.104212318,8.104212397,8.104212529,8.104212827,8.104212384,8.104212533,8.104212176,8.104212258,8.104212522,8.104212123,8.104212456,8.104212313,8.104212594,8.104212508,8.104212403,8.104212568,8.104212549,8.104212515
+"6643","HERC2",6.299777409,6.299777429,6.299777379,6.299777368,6.2997774,6.299777415,6.299777416,6.299777389,6.299777422,6.29977741,6.299777421,6.299777403,6.299777414,6.299777427,6.299777398,6.29977741,6.299777344,6.299777379,6.299777399,6.299777372,6.299777406,6.299777384,6.29977741,6.299777422,6.299777419,6.299777416,6.299777418,6.299777419
+"6644","HERC3",8.950933081,8.950933684,8.950932512,8.950933319,8.95093205,8.950933147,8.95093306,8.95093241,8.95093265,8.950932178,8.950932472,8.950932091,8.950933041,8.950933551,8.950932585,8.950933625,8.950932287,8.950932669,8.950933109,8.950932953,8.950933159,8.950932478,8.950933034,8.950932921,8.950932875,8.950932647,8.95093313,8.950932658
+"6645","HERC4",7.641884314,7.64188393,7.641883027,7.641883415,7.641882425,7.641882558,7.641883079,7.641882878,7.641883354,7.64188286,7.641882514,7.641881657,7.641883485,7.641885213,7.641883341,7.641883648,7.641882568,7.641883065,7.641883511,7.641882867,7.641883285,7.641883019,7.64188365,7.641883459,7.641883002,7.641882768,7.641883473,7.641883652
+"6646","HERC5",6.225296412,6.233771322,6.225014112,6.227535361,6.233318451,6.240807336,6.22373839,6.221716827,6.228941901,6.223933392,6.222549828,6.215273068,6.225740661,6.225922963,6.224724421,6.234261009,6.223769033,6.225394844,6.23715095,6.240369718,6.226223637,6.221830242,6.229734393,6.229385566,6.225131722,6.22036473,6.222895275,6.222530212
+"6647","HERC6",5.934442474,5.934443283,5.934442173,5.934442484,5.934442559,5.934443095,5.934441766,5.934441925,5.934442468,5.934442126,5.934441887,5.934441046,5.934442255,5.934442732,5.934442289,5.934442859,5.934441678,5.934441975,5.934443046,5.93444315,5.934441498,5.934441927,5.934442633,5.934442258,5.934441889,5.934441612,5.934442501,5.934442018
+"6648","HERPUD1",8.55457701,8.554576855,8.554576886,8.554576975,8.554576937,8.554577092,8.554577037,8.554576759,8.554576609,8.554576773,8.554576749,8.554576747,8.554577041,8.554576979,8.554576873,8.554576639,8.554576825,8.554576807,8.554576983,8.554576903,8.554576922,8.554576808,8.554576745,8.554576901,8.554576716,8.554576858,8.554576975,8.554576792
+"6649","HERPUD2",8.440289266,8.44028911,8.440288558,8.440289105,8.440288601,8.440289533,8.440288966,8.440288794,8.440288883,8.440288838,8.440288468,8.440288119,8.440289003,8.440288938,8.440289168,8.440288859,8.440288515,8.440288719,8.440288965,8.440289272,8.440288893,8.440288989,8.440289064,8.440289056,8.440288752,8.440288408,8.440288939,8.440288817
+"6650","HES1",5.677411077,5.677411186,5.677411211,5.677411193,5.677411265,5.67741119,5.677411196,5.677411231,5.677411201,5.67741122,5.677411252,5.677411287,5.677411185,5.677411023,5.677411099,5.677411192,5.677411286,5.677411162,5.677411221,5.677411162,5.67741112,5.677411168,5.677411226,5.677411124,5.67741116,5.677411081,5.677411173,5.677411118
+"6651","HES2",6.072912258,6.072912267,6.072912326,6.072912286,6.07291242,6.072912198,6.072912314,6.072912322,6.072912353,6.072912273,6.072912291,6.072912412,6.072912285,6.072912172,6.072912333,6.072912313,6.072912394,6.072912332,6.072912321,6.07291229,6.072912357,6.072912373,6.072912313,6.072912249,6.072912333,6.072912362,6.072912261,6.072912325
+"6652","HES3",5.917030294,5.917030276,5.917030436,5.917030391,5.917030539,5.917030421,5.917030398,5.917030465,5.91703033,5.917030435,5.91703048,5.91703056,5.917030313,5.917030188,5.91703047,5.917030372,5.917030498,5.917030493,5.917030406,5.917030413,5.917030465,5.917030438,5.917030362,5.917030294,5.917030352,5.917030526,5.917030302,5.917030363
+"6653","HES4",7.408436284,7.408436159,7.408437592,7.408436482,7.408438387,7.408436459,7.408437434,7.408438055,7.408436847,7.408437287,7.408437245,7.408438056,7.40843713,7.408435754,7.408437921,7.408437514,7.408438751,7.408437796,7.408437338,7.40843669,7.408437456,7.40843804,7.408436964,7.408436328,7.408437565,7.408437845,7.408436781,7.408437694
+"6654","HES5",6.106211227,6.106211396,6.106211601,6.106211233,6.106211978,6.106211404,6.106211481,6.106211925,6.106211546,6.106211642,6.106211603,6.106211763,6.106211548,6.106211239,6.106211893,6.106211615,6.106211804,6.106211655,6.106211653,6.106211534,6.10621162,6.106211745,6.106211505,6.106211253,6.106211582,6.106211681,6.106211402,6.106211594
+"6655","HES6",6.100675902,6.100675967,6.100676115,6.100676252,6.10067618,6.100675732,6.10067615,6.100676189,6.100676034,6.100675944,6.100676198,6.100676207,6.100676075,6.100675574,6.100676094,6.100676183,6.100676232,6.10067626,6.100676175,6.10067603,6.100676099,6.100676152,6.100675918,6.100675835,6.100676116,6.10067623,6.100676073,6.100675824
+"6656","HES7",6.452551104,6.45255109,6.452551162,6.452551107,6.452551188,6.452551117,6.452551114,6.452551166,6.452551136,6.452551118,6.452551131,6.452551204,6.452551119,6.452551056,6.452551161,6.452551108,6.45255122,6.452551149,6.452551145,6.452551113,6.452551153,6.452551172,6.452551082,6.452551084,6.452551153,6.452551153,6.452551123,6.452551126
+"6657","HESX1",3.247938136,3.247938235,3.247938189,3.247938287,3.247938152,3.247938234,3.247938248,3.247938234,3.247938172,3.247938164,3.247938489,3.24793838,3.247938244,3.247938073,3.247938288,3.247938139,3.247938463,3.24793826,3.247938136,3.247938219,3.24793805,3.247938277,3.247938209,3.247938114,3.247938136,3.247938253,3.247938063,3.247938124
+"6658","HEXA",7.383817567,7.383817279,7.383817246,7.383817085,7.383817042,7.383817462,7.383817141,7.38381722,7.383817228,7.383817563,7.383817202,7.383817052,7.3838173,7.383817492,7.383817073,7.383816866,7.383816569,7.383816716,7.383817149,7.383817236,7.383816878,7.383817078,7.383817258,7.383817297,7.38381702,7.383817181,7.383817425,7.383817183
+"6659","HEXA-AS1",4.071709526,4.071709525,4.071709541,4.071709364,4.071709686,4.07170953,4.071709479,4.071709679,4.07170961,4.071709514,4.071709287,4.071709478,4.071709492,4.071709713,4.071709433,4.071709645,4.071709622,4.071709543,4.071709585,4.071709569,4.071709548,4.071709438,4.071709541,4.071709479,4.071709345,4.071709546,4.07170958,4.071709703
+"6660","HEXB",7.280687163,7.280687138,7.280687132,7.280687002,7.280686989,7.280686865,7.280687102,7.280686932,7.280686763,7.280687045,7.280687024,7.280686966,7.280687061,7.280687233,7.280687033,7.280687037,7.28068689,7.280686883,7.280687067,7.28068707,7.280687112,7.280686908,7.280687029,7.280687032,7.280686938,7.280687015,7.280687032,7.28068702
+"6661","HEXD",6.344672113,6.344672108,6.344672119,6.344672097,6.344672131,6.344672136,6.344672114,6.344672123,6.344672108,6.344672116,6.34467212,6.34467213,6.344672119,6.344672077,6.344672127,6.344672112,6.344672152,6.344672127,6.344672122,6.344672128,6.344672135,6.344672123,6.344672091,6.344672073,6.344672105,6.344672108,6.344672113,6.344672094
+"6662","HEXIM1",6.891099376,6.891099468,6.891099365,6.891099423,6.891099341,6.891099359,6.891099347,6.891099363,6.891099317,6.89109941,6.891099331,6.891099335,6.891099369,6.891099456,6.891099343,6.891099405,6.891099324,6.891099347,6.89109935,6.891099378,6.891099323,6.891099347,6.891099394,6.891099459,6.891099358,6.891099414,6.89109935,6.89109932
+"6663","HEXIM2",6.211061243,6.211061331,6.211061363,6.211061332,6.211061429,6.211061224,6.211061298,6.211061362,6.211061342,6.21106135,6.211061428,6.211061405,6.211061303,6.211061204,6.211061385,6.211061421,6.211061433,6.211061423,6.211061311,6.21106134,6.211061376,6.211061408,6.211061233,6.211061321,6.211061393,6.211061409,6.2110613,6.21106136
+"6664","HEY1",4.685372446,4.685372503,4.685372451,4.685372532,4.685372514,4.685372372,4.685372415,4.685372447,4.685372456,4.685372398,4.685372544,4.685372519,4.685372345,4.68537242,4.685372524,4.685372559,4.685372518,4.685372636,4.685372546,4.685372535,4.685372434,4.68537246,4.685372395,4.685372423,4.68537257,4.685372453,4.68537241,4.685372491
+"6665","HEY2",4.047331988,4.047332011,4.047332052,4.047332046,4.047332044,4.047332031,4.047332011,4.047332054,4.047332032,4.047332049,4.04733202,4.047332063,4.047332026,4.047332022,4.047332016,4.047332021,4.047332077,4.047332036,4.047331994,4.047332043,4.047332028,4.047332034,4.04733202,4.047332012,4.047332059,4.047332038,4.047332025,4.047332083
+"6666","HEYL",5.130940154,5.130940077,5.130940251,5.13094013,5.130940274,5.130940116,5.130940219,5.13094024,5.130940187,5.130940209,5.130940184,5.130940222,5.130940141,5.130940115,5.130940222,5.1309401,5.130940339,5.13094025,5.130940145,5.130940173,5.130940278,5.130940292,5.130940151,5.130940157,5.130940167,5.130940228,5.130940078,5.130940167
+"6667","HFE",4.881041785,4.881041801,4.881041741,4.881041757,4.881041757,4.88104176,4.881041786,4.881041764,4.881041749,4.881041788,4.881041807,4.881041773,4.881041758,4.881041793,4.881041791,4.88104175,4.881041773,4.881041722,4.881041808,4.881041696,4.881041744,4.881041763,4.881041699,4.881041758,4.881041764,4.881041711,4.881041758,4.881041756
+"6668","HFM1",2.4272695005,2.4272695355,2.427269665,2.427269702,2.4272695465,2.4272696705,2.4272696725,2.4272697145,2.4272695855,2.427269518,2.427269661,2.427269701,2.4272696245,2.427269529,2.427269596,2.4272697735,2.4272697765,2.427269635,2.4272696635,2.427269606,2.4272696555,2.427269757,2.427269618,2.427269549,2.4272695725,2.4272695845,2.4272695145,2.4272696145
+"6669","HGC6.3",5.410167223,5.410167271,5.410167336,5.410167307,5.41016735,5.410167213,5.410167322,5.410167366,5.410167292,5.410167314,5.410167325,5.410167299,5.410167315,5.410167286,5.410167345,5.410167336,5.410167358,5.410167356,5.410167255,5.410167344,5.410167368,5.410167324,5.410167285,5.410167299,5.410167343,5.410167359,5.410167307,5.410167318
+"6670","HGD",4.304552107,4.304551957,4.304551982,4.30455231,4.304552095,4.304552177,4.304552033,4.304552055,4.304552045,4.304552123,4.304552179,4.304552245,4.304552083,4.304552187,4.304552051,4.304552169,4.304552133,4.304552316,4.304551964,4.304551989,4.30455201,4.304552125,4.304552023,4.304552028,4.304552145,4.304552109,4.304552208,4.304552078
+"6671","HGF",4.67082628,4.67082629,4.670826225,4.670826275,4.670826216,4.670826224,4.670826205,4.670826196,4.670826189,4.670826233,4.670826258,4.670826142,4.670826215,4.670826253,4.670826231,4.670826277,4.670826199,4.670826191,4.670826268,4.67082624,4.670826204,4.670826162,4.670826218,4.670826283,4.67082628,4.670826155,4.670826224,4.670826263
+"6672","HGFAC",5.963999019,5.963999029,5.96399922,5.963999123,5.963999212,5.963998939,5.963999065,5.963999196,5.963999121,5.963999065,5.963999219,5.963999208,5.963999136,5.963998919,5.963999208,5.963999083,5.963999267,5.963999247,5.963999099,5.963999121,5.963999156,5.963999161,5.963999035,5.963999063,5.963999138,5.963999228,5.963999082,5.963999011
+"6673","HGH1",7.514660416,7.5146639605,7.5146665005,7.5146641895,7.5146677485,7.514658019,7.5146666435,7.514666207,7.5146632435,7.514665518,7.5146694465,7.5146706395,7.514666179,7.514656124,7.514664364,7.5146664225,7.5146693315,7.514667137,7.5146663345,7.514661542,7.514661201,7.5146669495,7.514661708,7.51466183,7.5146683925,7.5146653415,7.514662823,7.5146612015
+"6674","HGS",7.72824307,7.728243095,7.728243097,7.728243096,7.728243105,7.728243085,7.728243084,7.728243092,7.728243077,7.728243091,7.728243098,7.728243095,7.728243086,7.728243052,7.728243106,7.728243097,7.728243096,7.728243097,7.728243085,7.728243066,7.728243091,7.728243093,7.728243073,7.728243081,7.728243109,7.728243089,7.728243075,7.72824309
+"6675","HGSNAT",7.517709117,7.517709171,7.517708752,7.517708933,7.517708631,7.517708756,7.517708856,7.517708722,7.517708762,7.517708871,7.517708759,7.51770883,7.517708836,7.517709196,7.517708736,7.517708983,7.517708308,7.517708579,7.517708639,7.517707978,7.517708578,7.517708526,7.517708586,7.517708856,7.517708647,7.517708897,7.51770884,7.517708674
+"6676","HHAT",5.753065075,5.753065047,5.753065053,5.753065049,5.75306505,5.753065019,5.753065064,5.753065074,5.753065053,5.753065026,5.753064999,5.753065057,5.753065079,5.753065059,5.753065088,5.753065053,5.753065063,5.753065057,5.753065036,5.753065053,5.75306506,5.753065091,5.753065035,5.753065045,5.753065029,5.75306505,5.753065069,5.75306506
+"6677","HHATL",5.09803345,5.098033407,5.098033576,5.098033333,5.098033791,5.098033112,5.098033657,5.098033638,5.098033296,5.098033424,5.098033509,5.098033641,5.098033279,5.09803305,5.098033622,5.098033687,5.098033714,5.098033753,5.098033383,5.09803337,5.09803381,5.098033543,5.098033155,5.098033128,5.098033499,5.098033787,5.098032951,5.098033488
+"6678","HHCM",4.518446352,4.518446365,4.518446353,4.518446352,4.518446359,4.518446358,4.518446371,4.518446362,4.518446372,4.518446356,4.518446349,4.518446374,4.518446363,4.518446347,4.518446373,4.518446391,4.518446373,4.518446381,4.518446367,4.518446372,4.518446382,4.518446395,4.518446371,4.51844636,4.518446358,4.518446375,4.51844635,4.518446346
+"6679","HHEX",8.170807631,8.170807703,8.170807581,8.17080779,8.17080755,8.170807823,8.170807717,8.170807574,8.170807472,8.170807649,8.170807596,8.17080744,8.170807667,8.170807721,8.170807683,8.170807478,8.170807504,8.170807591,8.170807786,8.170807872,8.17080775,8.170807585,8.170807597,8.170807715,8.170807742,8.170807603,8.170807675,8.170807658
+"6680","HHIP",4.056376043,4.056376004,4.056375756,4.056375684,4.056376226,4.056376145,4.056375799,4.056376082,4.056375712,4.056375978,4.056376113,4.056376321,4.056376003,4.056375475,4.056376114,4.056375771,4.056376544,4.056375926,4.056375922,4.056376205,4.056375924,4.056376016,4.056375733,4.056375845,4.056375652,4.056375744,4.056375882,4.056376099
+"6681","HHIPL1",5.823038915,5.823039143,5.823039414,5.823039084,5.823039964,5.823038766,5.823039619,5.823039782,5.823039219,5.823039453,5.823039494,5.823040032,5.823039331,5.823038642,5.823039946,5.823039497,5.823040045,5.823039735,5.823039227,5.823039281,5.823039734,5.823039783,5.823039293,5.823038937,5.823039378,5.823039584,5.823039154,5.823039574
+"6682","HHIPL2",5.093697257,5.093697216,5.093697228,5.093697137,5.09369771,5.093697135,5.093697535,5.09369758,5.093697491,5.093697434,5.093697533,5.093697726,5.093697408,5.093696814,5.093697647,5.093697439,5.093697682,5.093697471,5.093697427,5.09369733,5.093697579,5.09369759,5.093697215,5.093697214,5.093697427,5.093697526,5.093697184,5.093697548
+"6683","HHLA1",4.122096564,4.122096579,4.122096606,4.122096632,4.122096613,4.122096627,4.122096623,4.122096601,4.122096604,4.122096582,4.122096598,4.122096659,4.122096584,4.122096565,4.122096614,4.122096596,4.122096651,4.122096615,4.122096616,4.122096569,4.122096595,4.122096619,4.122096595,4.12209659,4.122096608,4.122096606,4.122096557,4.122096587
+"6684","HHLA2",3.634086246,3.634086208,3.634086219,3.63408647,3.634086358,3.634086277,3.634086279,3.63408641,3.634086336,3.634086346,3.63408628,3.63408639,3.634086249,3.634086186,3.634086226,3.634086432,3.634086363,3.634086204,3.634086267,3.63408629,3.634086269,3.634086284,3.634086288,3.634086261,3.634086247,3.634086262,3.634086305,3.634086201
+"6685","HHLA3",4.490247408,4.490247368,4.490247398,4.490247374,4.490247407,4.490247358,4.490247412,4.490247393,4.490247386,4.490247356,4.490247393,4.490247429,4.490247381,4.490247332,4.490247394,4.490247303,4.490247433,4.490247396,4.490247338,4.490247408,4.490247394,4.490247388,4.490247383,4.490247337,4.490247397,4.49024736,4.490247344,4.490247301
+"6686","HIBADH",6.049856648,6.049856612,6.049856464,6.049856303,6.049856422,6.049856396,6.049856431,6.049856547,6.049856623,6.049856612,6.049856288,6.049856247,6.049856583,6.04985695,6.049856485,6.049856496,6.0498562,6.049856171,6.0498564,6.049856235,6.049856534,6.049856492,6.049856711,6.049856613,6.049856251,6.049856442,6.049856704,6.049856739
+"6687","HIBCH",5.914283878,5.91428389,5.914283316,5.914283494,5.914283401,5.914283264,5.914283546,5.914283377,5.914283665,5.914283439,5.914282999,5.914283037,5.914283754,5.9142843,5.914283525,5.914283828,5.91428302,5.914283212,5.914283627,5.91428328,5.914283589,5.91428333,5.914283478,5.91428346,5.914283439,5.914283412,5.914283774,5.914283783
+"6688","HIC1",6.595945035,6.595945032,6.595945123,6.595945097,6.595945249,6.595944957,6.595945093,6.595945117,6.595945075,6.595945028,6.595945168,6.595945213,6.595945113,6.595945017,6.595945202,6.595945111,6.595945188,6.595945191,6.595945095,6.595945045,6.595945157,6.59594515,6.595945096,6.595945051,6.595945186,6.595945135,6.595945124,6.595945141
+"6689","HIC2",6.745258383,6.74525845,6.745258609,6.7452585,6.745258667,6.745258288,6.745258529,6.745258616,6.745258492,6.745258518,6.745258485,6.745258726,6.745258583,6.745258453,6.745258682,6.74525862,6.745258635,6.745258562,6.74525845,6.745258432,6.745258565,6.745258611,6.74525849,6.74525854,6.745258615,6.745258598,6.745258474,6.74525857
+"6690","HID1",5.309213935,5.309213786,5.309214094,5.309213943,5.309214116,5.309213328,5.309213684,5.309214245,5.309213724,5.309213728,5.309213579,5.309213941,5.309213736,5.309213535,5.309214076,5.30921388,5.309214034,5.309214296,5.309213804,5.30921405,5.30921409,5.309214098,5.309213749,5.309213741,5.309214004,5.309213904,5.309213706,5.309213603
+"6691","HIF1A",8.589622384,8.589622478,8.589621301,8.589622722,8.589622016,8.58962224,8.589621806,8.589621051,8.589621459,8.589621276,8.589622195,8.589619963,8.589621964,8.589623039,8.589621997,8.589622259,8.589621072,8.589622545,8.589622816,8.589622626,8.589622217,8.589620778,8.589621981,8.589622441,8.589622367,8.589621602,8.589621814,8.589621857
+"6692","HIF1AN",7.191380352,7.191380434,7.191380301,7.191380458,7.191380184,7.191380342,7.191380273,7.191380226,7.191380318,7.191380308,7.191380276,7.191380107,7.191380297,7.191380556,7.191380191,7.191380428,7.191380254,7.191380331,7.191380253,7.191380351,7.191380149,7.191380231,7.191380439,7.1913804,7.191380373,7.191380272,7.191380366,7.191380378
+"6693","HIF3A",5.419095108,5.419095094,5.419095138,5.41909513,5.419095177,5.419095134,5.419095108,5.419095166,5.419095104,5.419095157,5.419095144,5.419095155,5.419095129,5.419095053,5.419095168,5.419095116,5.419095129,5.41909518,5.41909514,5.419095147,5.419095134,5.419095171,5.419095118,5.419095064,5.419095131,5.419095154,5.41909515,5.419095099
+"6694","HIGD1A",5.317864147,5.3178642005,5.317864302,5.3178639565,5.317863732,5.3178637215,5.317863966,5.317863943,5.3178640165,5.3178641985,5.317864116,5.317863835,5.3178640125,5.3178647605,5.3178638835,5.317864546,5.3178640365,5.3178639985,5.317864042,5.3178639615,5.317864072,5.3178637415,5.3178642855,5.3178643955,5.3178641355,5.317863826,5.31786415,5.3178643535
+"6695","HIGD1B",5.002752438,5.002752645,5.00275272,5.002752539,5.00275268,5.002752476,5.00275258,5.002752716,5.002752641,5.0027526,5.002752734,5.002752711,5.002752588,5.002752529,5.002752643,5.002752693,5.002752717,5.002752701,5.002752544,5.002752588,5.002752698,5.002752746,5.00275264,5.002752531,5.002752696,5.002752575,5.002752554,5.002752631
+"6696","HIGD2A",7.617602476,7.617602319,7.617601799,7.617601756,7.617602562,7.617602503,7.6176025,7.617602386,7.617602763,7.617602979,7.617602015,7.617602508,7.617602749,7.617602607,7.617602423,7.617602138,7.617601399,7.617601542,7.617602504,7.617602169,7.617602166,7.617602626,7.617602185,7.617602461,7.617601449,7.617602332,7.617602625,7.617601984
+"6697","HIKESHI",5.871739676,5.871739687,5.871739682,5.871739615,5.871739657,5.87173954,5.871739693,5.871739669,5.871739678,5.871739663,5.871739619,5.871739662,5.87173972,5.871739682,5.871739634,5.871739654,5.871739622,5.871739617,5.871739675,5.871739569,5.871739629,5.871739713,5.871739663,5.87173965,5.871739691,5.871739669,5.871739648,5.871739693
+"6698","HILPDA",5.124239852,5.124240187,5.124239889,5.124239835,5.124240309,5.124240049,5.124240149,5.124239976,5.124239993,5.124240059,5.12424023,5.124240205,5.124239675,5.124240046,5.124240103,5.124240108,5.124240008,5.124239835,5.124240257,5.124240092,5.124240119,5.124239951,5.124240234,5.124240014,5.124240173,5.124240179,5.124239981,5.124239951
+"6699","HINFP",6.311816157,6.311816063,6.311816088,6.311815981,6.311816045,6.311816212,6.311816163,6.311816077,6.311816168,6.311816185,6.311816001,6.31181612,6.311816154,6.311816204,6.311816059,6.311816037,6.311816049,6.311816017,6.311816133,6.311816171,6.311816107,6.311816132,6.31181616,6.311816102,6.311816102,6.311816109,6.311816178,6.311816134
+"6700","HINT1",7.2252034535,7.225203247,7.2252034445,7.225203284,7.2252033295,7.2252032545,7.2252034685,7.2252033875,7.2252034635,7.2252034105,7.225203391,7.2252033545,7.225203345,7.2252034825,7.2252033945,7.225203271,7.225203303,7.22520332,7.2252033685,7.225203336,7.225203447,7.225203455,7.2252034385,7.2252034135,7.2252034125,7.225203401,7.225203435,7.2252034815
+"6701","HINT2",6.234874704,6.234874739,6.234874748,6.234874692,6.234874751,6.23487468,6.234874744,6.234874773,6.234874762,6.23487475,6.23487473,6.234874762,6.234874774,6.234874731,6.234874734,6.234874765,6.234874761,6.234874761,6.234874698,6.234874727,6.234874761,6.234874697,6.234874751,6.234874722,6.234874695,6.23487473,6.234874759,6.234874768
+"6702","HINT3",5.575871827,5.575871786,5.575871764,5.575871819,5.575871787,5.575871738,5.575871779,5.575871757,5.575871769,5.575871765,5.575871766,5.575871696,5.575871787,5.575871883,5.575871784,5.575871768,5.575871794,5.575871797,5.575871787,5.575871782,5.575871777,5.575871729,5.575871794,5.575871761,5.575871781,5.575871765,5.57587178,5.575871865
+"6703","HIP1",6.484558288,6.4845590415,6.4845590445,6.484560487,6.484558667,6.484559463,6.484558576,6.484558272,6.484557526,6.4845584665,6.4845589485,6.4845568225,6.484558264,6.4845589125,6.4845584725,6.4845590935,6.4845589225,6.484560261,6.4845593,6.484558682,6.4845585655,6.4845583125,6.4845577345,6.4845591865,6.4845595055,6.484557566,6.484558339,6.4845588485
+"6704","HIP1R",6.399860959,6.399860894,6.399860929,6.399860937,6.399860951,6.399860901,6.399860968,6.399860946,6.399860987,6.399861046,6.399860818,6.399860981,6.399860992,6.399860981,6.399860986,6.399860895,6.399860974,6.39986093,6.399860947,6.399860907,6.399860919,6.399860971,6.399860984,6.399860883,6.399860919,6.399860961,6.399860922,6.399860951
+"6705","HIPK1",8.547975342,8.547975866,8.547975186,8.547976127,8.547975222,8.547975695,8.547975535,8.547975143,8.547975081,8.547975657,8.547975576,8.547974641,8.547975618,8.54797541,8.547975238,8.547975142,8.547974459,8.54797573,8.547975626,8.547974762,8.547975159,8.547974683,8.547975396,8.547975669,8.547975982,8.547975381,8.54797588,8.54797441
+"6706","HIPK2",7.243963093,7.243963249,7.243963104,7.243963225,7.243963103,7.243963173,7.24396314,7.243962889,7.24396309,7.243963168,7.243963267,7.243963062,7.24396318,7.243963197,7.243963042,7.243963046,7.243962957,7.243963073,7.243963109,7.243963104,7.243963004,7.243962804,7.243963172,7.243963113,7.243963137,7.243963062,7.243963197,7.243963082
+"6707","HIPK3",8.847844561,8.847844976,8.847843944,8.847845196,8.847843407,8.847843415,8.847844016,8.8478438,8.847843307,8.847843759,8.847844277,8.847842573,8.847844019,8.84784521,8.847844204,8.847844412,8.847843711,8.847844701,8.847844073,8.847843547,8.847844221,8.847843817,8.84784417,8.847844117,8.847844472,8.847843399,8.847843795,8.84784385
+"6708","HIPK4",5.548324408,5.548324614,5.548325157,5.54832501,5.54832566,5.548324656,5.548325019,5.548325411,5.54832499,5.54832504,5.548325243,5.548325222,5.548325131,5.548324438,5.548324966,5.548325239,5.548325825,5.548325437,5.548325035,5.548324743,5.548325598,5.54832499,5.548324451,5.548324495,5.548325139,5.548325293,5.548324904,5.548325061
+"6709","HIRA",7.826606951,7.826607008,7.826606992,7.826607006,7.826606967,7.826607039,7.826606989,7.826606994,7.826607012,7.826606976,7.826606944,7.826606961,7.826606957,7.826606984,7.826606964,7.826607014,7.826606947,7.82660696,7.826606983,7.82660703,7.826606981,7.826606962,7.826607021,7.826607011,7.826606969,7.82660699,7.826606967,7.826606959
+"6710","HIRIP3",5.414651524,5.414651523,5.414651465,5.414651478,5.414651531,5.414651625,5.414651497,5.414651691,5.414651575,5.414651639,5.414651604,5.414651664,5.414651578,5.414651495,5.414651471,5.414651599,5.414651404,5.414651503,5.41465153,5.414651507,5.41465155,5.414651489,5.414651528,5.414651568,5.414651562,5.414651654,5.414651599,5.414651598
+"6711","HIVEP1",6.954703875,6.954704015,6.954702859,6.954704064,6.95470277,6.954703603,6.954703479,6.954702813,6.95470333,6.954703341,6.954703063,6.954703017,6.954703606,6.954704406,6.954703572,6.954703571,6.954702691,6.954703753,6.954703652,6.954703437,6.954703321,6.954702598,6.954703706,6.954703638,6.954703737,6.954703449,6.954703756,6.954703654
+"6712","HIVEP2",7.151974872,7.151975006,7.151974319,7.151974991,7.151974309,7.151975024,7.151974563,7.151974328,7.151975104,7.1519748,7.151974364,7.151974249,7.151974863,7.151975583,7.151974745,7.151974711,7.151973896,7.151974776,7.151974634,7.151975053,7.151974399,7.151974478,7.151975241,7.151974595,7.151974599,7.15197489,7.151975107,7.151975119
+"6713","HIVEP3",5.526945533,5.526945475,5.526945535,5.526945441,5.526945524,5.52694558,5.526945558,5.526945499,5.526945538,5.526945602,5.526945567,5.526945527,5.526945525,5.526945464,5.526945539,5.526945459,5.526945488,5.526945497,5.526945509,5.526945562,5.526945507,5.52694552,5.526945501,5.526945512,5.526945551,5.526945472,5.526945529,5.526945522
+"6714","HJURP",4.66559054,4.665590494,4.665590599,4.665590604,4.665590635,4.665590605,4.665590718,4.665590607,4.665590624,4.665590578,4.665590615,4.665590596,4.665590589,4.665590493,4.665590603,4.665590515,4.665590615,4.66559058,4.66559059,4.665590599,4.665590689,4.665590599,4.665590621,4.665590541,4.665590604,4.66559058,4.665590589,4.665590532
+"6715","HJV",4.861949464,4.86194947,4.861949484,4.861949476,4.861949496,4.861949473,4.861949472,4.861949494,4.861949479,4.861949482,4.861949495,4.861949493,4.861949478,4.86194946,4.86194948,4.86194948,4.861949488,4.861949489,4.861949473,4.86194948,4.861949487,4.861949494,4.861949483,4.861949482,4.861949494,4.861949489,4.861949475,4.861949488
+"6716","HK1",7.293491992,7.293492514,7.293492563,7.293492451,7.293492385,7.293493094,7.293492256,7.293492708,7.293492903,7.29349275,7.293492345,7.293492146,7.293492165,7.29349268,7.293491922,7.293491967,7.2934923,7.293492208,7.293492076,7.293492766,7.29349201,7.29349257,7.293492779,7.293492741,7.293492223,7.293492249,7.293492313,7.293492097
+"6717","HK2",8.139114766,8.13911713,8.139114747,8.139116981,8.139116817,8.139116116,8.139117257,8.139114196,8.139115544,8.139116916,8.139116812,8.139114802,8.139115693,8.139115932,8.13911437,8.139116717,8.139115514,8.13911555,8.139117219,8.139116389,8.13911664,8.139114223,8.139115713,8.139117494,8.139117209,8.139115285,8.139115235,8.139114935
+"6718","HK3",7.913677476,7.913678882,7.913677516,7.913678679,7.913678232,7.913678657,7.913678035,7.91367705,7.9136774,7.913678401,7.913678775,7.913676652,7.913677634,7.913677662,7.913676816,7.913679041,7.913677661,7.913677993,7.913678478,7.913678788,7.913677585,7.913677103,7.913677346,7.913678638,7.913678478,7.913677037,7.913677902,7.913677023
+"6719","HKDC1",4.716585719,4.716585954,4.716585558,4.716585702,4.716586132,4.716585683,4.716585814,4.716585941,4.716586381,4.716586169,4.71658568,4.716585846,4.716585677,4.716585907,4.716585637,4.716585754,4.716585846,4.716585692,4.716586026,4.716585669,4.716585729,4.716586023,4.71658591,4.716585797,4.71658595,4.716585656,4.716585907,4.716585701
+"6720","HLA-DMA",7.5429142565,7.5429133505,7.5429143725,7.542913087,7.5429100315,7.5429155595,7.5429129855,7.542913491,7.542912762,7.5429141125,7.5429140135,7.542911359,7.54291326,7.5429124185,7.5429118375,7.54291105,7.542914047,7.5429127195,7.5429135265,7.542912269,7.542910188,7.542913738,7.54291403,7.542914264,7.542913091,7.542911739,7.5429146105,7.5429130285
+"6721","HLA-DMB",7.899352879,7.898897582,7.899113932,7.898884981,7.899003479,7.89952076,7.898884066,7.898975372,7.898878084,7.89930521,7.899059611,7.898803798,7.89911539,7.899202459,7.899068517,7.898587202,7.899161294,7.898703251,7.899017613,7.899523071,7.898830818,7.899143731,7.898781492,7.899050334,7.898828091,7.899040245,7.89909981,7.899021691
+"6722","HLA-DOA",5.711580926,5.711580228,5.7115803135,5.7115801625,5.7115802845,5.7115808055,5.711580687,5.71158024,5.7115805445,5.711580554,5.711580296,5.711580666,5.711580622,5.711581064,5.711580538,5.711579988,5.711580238,5.7115801445,5.7115805895,5.7115806875,5.711580521,5.711580427,5.7115805205,5.7115805415,5.7115796655,5.711580763,5.7115805015,5.7115808985
+"6723","HLA-DOB",4.00767368,4.006645825,4.007089362,4.0066775025,4.0070444915,4.0069212275,4.0067918695,4.006257713,4.0062788075,4.006673708,4.0062124195,4.00738847,4.006447622,4.0076396575,4.007354516,4.0066654085,4.0070077355,4.0066218305,4.007529569,4.006785022,4.0066734895,4.0065781725,4.0060504565,4.006871724,4.0062852135,4.007470248,4.0065976215,4.007358461
+"6724","HLA-DPA1",9.830759675,9.6203719145,9.7036778935,9.4876660945,9.1862393555,10.056106231,9.7293078135,9.8915163255,9.605367359,10.035574774,9.9882164365,9.1281573995,10.5152909,10.279470597,9.3438741495,9.414096936,9.316821086,9.4530720225,9.177488825,10.102582484,9.863305455,10.102655614,9.6140243955,9.967269281,9.732720021,9.4054400735,10.368731557,9.8586675845
+"6725","HLA-DPB1",7.11976197733333,7.69644683033333,7.03783964733333,7.7129267,6.86846128966667,7.84307169366667,7.84082638633333,7.719343342,7.52819704533333,8.10460923066667,7.86144214966667,7.57743573333333,8.117249499,8.05405951466667,6.91816922333333,7.64400880933333,7.010131722,7.68012842333333,6.91055822333333,7.905846276,7.832953599,7.74329918233333,7.62356197166667,8.11409853433333,7.818224853,7.69977748766667,8.07446225033333,7.94550832933333
+"6726","HLA-DPB2",4.919023485,4.919023486,4.919023594,4.919023552,4.919023523,4.919023458,4.919023499,4.919023553,4.91902344,4.919023492,4.919023562,4.919023528,4.919023589,4.919023499,4.919023438,4.919023534,4.919023579,4.919023555,4.919023458,4.919023513,4.919023497,4.919023521,4.919023507,4.919023497,4.919023556,4.919023534,4.919023571,4.919023597
+"6727","HLA-DQA1",2.401800607,7.217235054,1.756429476,6.560916762,8.049656931,7.673878642,6.915163325,3.172275468,7.03128903,3.086905146,8.470193634,6.66922938,8.209608572,9.050779642,2.541087485,7.101437973,2.130071617,6.331831756,8.002559118,7.880477385,6.68563064,1.675064657,6.958573207,1.660879012,8.170938778,7.130299406,8.241267998,8.636606812
+"6728","HLA-DQB1",2.197794737,6.248586086,2.787853306,4.921759155,6.052461064,6.708434654,6.253741053,2.383249194,5.894898224,2.260373659,6.352893549,6.306818415,6.447343898,7.824203216,2.499892848,6.044247087,2.379789293,3.60673573,6.629283774,6.47112921,5.784337465,2.436185327,5.61287546,1.873459998,6.207381292,6.680453908,6.033508477,7.046394208
+"6729","HLA-DQB2",7.15733998,7.157341019,7.157340826,7.15734051,7.157341669,7.157342227,7.157341579,7.157340551,7.157340701,7.157339898,7.15734171,7.157341094,7.157341941,7.157342074,7.157339995,7.157340893,7.157340845,7.157340359,7.157341634,7.157342127,7.157341328,7.157340401,7.157340821,7.1573402,7.157341285,7.157341283,7.15734188,7.157341893
+"6730","HLA-F",8.6404720735,8.6404708785,8.6404706545,8.6404706525,8.6404696915,8.640472668,8.6404708265,8.640470879,8.640470913,8.6404708435,8.6404711475,8.640468491,8.6404713925,8.6404702825,8.640470803,8.6404711535,8.640469225,8.64046999,8.6404709615,8.6404724715,8.640470409,8.640470489,8.6404712955,8.6404715455,8.640470692,8.640469211,8.640471353,8.6404697725
+"6731","HLA-F-AS1",5.979632129,5.979632041,5.979632079,5.979632047,5.979632048,5.979632068,5.979632098,5.97963212,5.979632032,5.979632083,5.97963207,5.979632095,5.979632068,5.979632048,5.979632104,5.979632028,5.979632055,5.979632106,5.979632055,5.97963205,5.979632111,5.979632127,5.979632049,5.979632069,5.979632063,5.979632122,5.979632067,5.979632061
+"6732","HLA-V",5.258047813,5.258047987,5.2580482475,5.2580481825,5.2580479065,5.258047903,5.2580474785,5.2580478075,5.2580478025,5.258047942,5.258048051,5.2580475585,5.25804804,5.258047475,5.2580476275,5.258048361,5.2580481565,5.258047841,5.2580476295,5.258048016,5.2580477055,5.258048065,5.2580478425,5.258048074,5.2580476365,5.2580478425,5.2580478635,5.258047496
+"6733","HLCS",5.525347775,5.525347674,5.525347526,5.525347477,5.525347552,5.525347555,5.525347635,5.525347641,5.525347631,5.525347677,5.525347439,5.52534765,5.525347675,5.525347715,5.525347587,5.525347603,5.525347223,5.52534752,5.525347603,5.525347384,5.525347528,5.525347592,5.52534764,5.525347667,5.525347479,5.525347773,5.525347861,5.525347595
+"6734","HLF",4.744198257,4.744198285,4.744198297,4.744198294,4.744198326,4.744198275,4.744198294,4.744198294,4.744198302,4.744198277,4.744198275,4.744198321,4.744198278,4.744198246,4.744198295,4.744198293,4.744198301,4.744198305,4.744198283,4.744198258,4.744198299,4.744198314,4.744198267,4.744198266,4.744198258,4.744198284,4.744198254,4.744198251
+"6735","HLTF",5.005434394,5.005433839,5.005433207,5.005433281,5.005433483,5.005432387,5.005433155,5.005433368,5.005433963,5.00543429,5.005433462,5.005431713,5.005433364,5.005435766,5.005433809,5.00543288,5.005433468,5.005433211,5.005433771,5.005432035,5.005433549,5.005433272,5.005433912,5.00543382,5.005433242,5.005433401,5.005433548,5.005434504
+"6736","HLX",6.973222187,6.973222299,6.973222295,6.973222633,6.973222154,6.973222432,6.973222347,6.973222515,6.973222013,6.973222167,6.973222153,6.973222266,6.973222208,6.973222121,6.973222245,6.973222235,6.973222445,6.973222268,6.973222424,6.973222472,6.973222095,6.973222267,6.973222108,6.973222092,6.973222351,6.973222044,6.973222161,6.973222068
+"6737","HM13",8.235406533,8.235406571,8.235406513,8.23540644,8.235406202,8.235406907,8.235406506,8.235406634,8.235406481,8.235406575,8.235406204,8.235406109,8.235406631,8.235406535,8.235406366,8.235406439,8.235406475,8.235406146,8.235406223,8.235406909,8.235406298,8.235406545,8.235406517,8.235406566,8.235406123,8.235406192,8.235406609,8.235406261
+"6738","HMBOX1",6.93855484,6.938554777,6.938554726,6.93855474,6.938554673,6.938554807,6.938554793,6.938554687,6.938554803,6.938554825,6.938554685,6.938554727,6.938554865,6.938554879,6.938554753,6.938554669,6.938554551,6.938554676,6.938554764,6.938554794,6.938554681,6.938554665,6.938554807,6.938554778,6.938554723,6.93855476,6.938554841,6.938554766
+"6739","HMBS",6.221768676,6.221768054,6.221770502,6.221768924,6.221769274,6.221770373,6.221770056,6.221770017,6.221769489,6.221769741,6.221769675,6.221770205,6.221768528,6.221768539,6.22176895,6.221767619,6.221770311,6.221769281,6.221769,6.221769285,6.22176949,6.221770006,6.221769646,6.221769892,6.221769615,6.221770027,6.221769015,6.221768841
+"6740","HMCES",7.565309696,7.565309874,7.565309424,7.5653096,7.565309621,7.565309554,7.565309664,7.56530952,7.565309802,7.565309709,7.565309341,7.565309462,7.565309703,7.565310037,7.565309691,7.565309839,7.565309285,7.565309574,7.565309683,7.565309268,7.565309314,7.565309573,7.56530982,7.565309699,7.565309159,7.565309655,7.565309636,7.565309838
+"6741","HMCN1",3.41965942,3.419659518,3.41965954,3.41965953,3.419659583,3.419659521,3.419659547,3.419659541,3.41965955,3.419659558,3.419659585,3.419659558,3.4196595,3.419659505,3.41965959,3.419659561,3.419659554,3.41965956,3.419659563,3.41965951,3.41965956,3.419659572,3.419659522,3.419659535,3.419659544,3.419659497,3.419659513,3.419659559
+"6742","HMCN2",5.4255324115,5.425532586,5.4255328115,5.425532764,5.425533002,5.4255324815,5.4255326525,5.425532899,5.4255327705,5.4255327165,5.4255329285,5.425532812,5.425532684,5.4255324305,5.425533016,5.425532765,5.4255330065,5.4255328535,5.4255327355,5.4255327425,5.425532961,5.4255330035,5.4255325695,5.42553245,5.4255326955,5.4255328095,5.425532479,5.425532771
+"6743","HMG20A",6.015456165,6.015456014,6.015455962,6.015455972,6.015456016,6.015456048,6.015456096,6.015455995,6.015456161,6.015456187,6.015456024,6.015455992,6.015456139,6.015456311,6.015456098,6.015456,6.015455897,6.015455953,6.015456075,6.015456072,6.015456108,6.01545602,6.015456146,6.015456092,6.015455986,6.015456114,6.01545607,6.015456174
+"6744","HMG20B",7.189585281,7.189585278,7.189585571,7.189585524,7.189585469,7.189585375,7.189585308,7.18958556,7.189585483,7.189585564,7.189585572,7.189585527,7.18958555,7.189585203,7.189585398,7.189585382,7.189585501,7.189585583,7.189585375,7.189585198,7.189585419,7.189585568,7.189585376,7.189585499,7.189585542,7.18958549,7.189585521,7.189585459
+"6745","HMGA1",7.26819236233333,7.268192526,7.26819277166667,7.26819243066667,7.26819277666667,7.26819231166667,7.26819259133333,7.26819282233333,7.26819250066667,7.268192634,7.268192671,7.26819271133333,7.26819239733333,7.268191983,7.26819270766667,7.26819258733333,7.26819290466667,7.26819252233333,7.26819269766667,7.26819252033333,7.268192474,7.26819266233333,7.26819247733333,7.26819237533333,7.268192757,7.26819262233333,7.26819239433333,7.26819253266667
+"6746","HMGA2",4.841146563,4.841146519,4.841146603,4.841146618,4.841146566,4.841146571,4.841146584,4.841146559,4.841146585,4.841146633,4.841146591,4.841146581,4.841146577,4.841146549,4.841146575,4.841146582,4.841146648,4.841146601,4.841146562,4.841146584,4.84114658,4.841146601,4.841146548,4.841146564,4.841146628,4.84114658,4.841146551,4.84114657
+"6747","HMGB1",6.268352403,6.268352267,6.268351784,6.268351018,6.268350456,6.268350543,6.268350535,6.268350639,6.268351865,6.268350515,6.2683518,6.268349925,6.268351382,6.268353922,6.268350902,6.2683517,6.268350974,6.268351418,6.268352147,6.268348556,6.268352071,6.268351231,6.268351879,6.268351663,6.268351573,6.268351327,6.268351759,6.268352558
+"6748","HMGB2",5.858000947,5.858001099,5.858000889,5.858001281,5.858000102,5.858000275,5.858001439,5.857999966,5.858000987,5.858000766,5.85800106,5.858000017,5.858000591,5.85800122,5.858000343,5.858001042,5.85800044,5.858000821,5.858000888,5.858000736,5.858001341,5.858000317,5.858001093,5.858000989,5.858001002,5.858000586,5.858000591,5.858001139
+"6749","HMGB3",4.54710341,4.547103563,4.547103669,4.547103502,4.547104211,4.54710329,4.547103841,4.54710375,4.547103831,4.547103934,4.547103852,4.547103829,4.547103939,4.547103448,4.547103878,4.547103675,4.547103651,4.547103659,4.547103635,4.547103669,4.547103864,4.547103456,4.54710333,4.547103466,4.547103576,4.547103983,4.547103581,4.547103644
+"6750","HMGB3P1",4.695488081,4.695488246,4.695488446,4.695488526,4.695488769,4.695487953,4.695488148,4.695488484,4.695488579,4.695488626,4.695488593,4.695488738,4.695488329,4.695487765,4.695488272,4.695488361,4.695488932,4.695488669,4.695488522,4.695488288,4.695488452,4.695488557,4.69548839,4.695488393,4.695488673,4.695488591,4.695488371,4.69548847
+"6751","HMGB4",3.4812036275,3.4812035715,3.4812036805,3.481203733,3.481203628,3.481203598,3.4812036635,3.481203663,3.481203666,3.4812036365,3.481203728,3.481203809,3.4812037035,3.481203587,3.4812036035,3.481203743,3.4812038015,3.4812037505,3.4812036975,3.4812035805,3.4812036435,3.481203587,3.4812036725,3.4812036355,3.4812037185,3.4812036385,3.481203615,3.481203737
+"6752","HMGCL",6.5215866,6.521586631,6.521586586,6.521586602,6.521586553,6.521586622,6.521586565,6.521586569,6.521586596,6.521586598,6.521586571,6.521586555,6.521586609,6.521586606,6.521586593,6.521586617,6.521586552,6.521586568,6.521586572,6.521586613,6.521586572,6.521586602,6.521586606,6.521586602,6.521586547,6.521586558,6.521586594,6.521586595
+"6753","HMGCLL1",3.596890218,3.596890456,3.596890382,3.596890524,3.596890372,3.59689057,3.596890374,3.596890537,3.596890358,3.596890514,3.596890387,3.596890544,3.596890248,3.596890327,3.596890297,3.596890376,3.596890407,3.596890586,3.59689056,3.596890363,3.596890368,3.596890437,3.596890287,3.596890411,3.596890358,3.596890493,3.5968902,3.596890371
+"6754","HMGCR",7.098341784,7.098341851,7.098341066,7.098341463,7.09834031,7.098340744,7.098340555,7.098340614,7.098340723,7.098340973,7.098340806,7.09834049,7.098340704,7.098342363,7.098341764,7.098341768,7.09834074,7.098340989,7.098341529,7.098340977,7.098340647,7.09834033,7.098341253,7.098341485,7.098341287,7.098340834,7.098340739,7.098341372
+"6755","HMGCS1",5.659476299,5.659476347,5.659476271,5.659476099,5.659475921,5.659475992,5.659476099,5.659475943,5.659476323,5.659476061,5.659476218,5.659475853,5.659476381,5.659476624,5.65947632,5.659476141,5.659476035,5.659476005,5.659476165,5.65947597,5.659476146,5.659476059,5.659476098,5.65947616,5.659476082,5.65947597,5.659476327,5.659476391
+"6756","HMGCS2",4.348116864,4.348116802,4.348116857,4.348116721,4.348117069,4.348116661,4.348116782,4.348116967,4.348116688,4.348116763,4.34811687,4.348117034,4.348116875,4.348116479,4.348117006,4.348116797,4.348117105,4.348117012,4.348117074,4.348116814,4.348117031,4.34811697,4.34811672,4.348116699,4.348116753,4.348116968,4.348116743,4.348116834
+"6757","HMGN1",7.32780227633333,7.327802156,7.32780226433333,7.32780225,7.32780269633333,7.32780242,7.32780262633333,7.327802398,7.32780249966667,7.327802534,7.32780230366667,7.3278025,7.327802359,7.327802205,7.32780253233333,7.32780215,7.32780253333333,7.32780246866667,7.327802478,7.327802266,7.32780261066667,7.32780241666667,7.32780236966667,7.32780222833333,7.32780212666667,7.327802575,7.327802297,7.327802633
+"6758","HMGN2",8.579528443,8.579528459,8.579527775,8.579527902,8.579528363,8.579527139,8.57952769,8.579527901,8.579528299,8.579528038,8.579527767,8.57952717,8.579528603,8.579528544,8.579527767,8.579528495,8.579527379,8.57952847,8.579527719,8.579527767,8.579528357,8.579527293,8.579528422,8.579528236,8.579527999,8.57952772,8.579527949,8.579528776
+"6759","HMGN2P46",3.988495643,3.988495394,3.98849552,3.988495546,3.988495667,3.988495322,3.988495575,3.988495773,3.988495598,3.988495403,3.988495559,3.988495583,3.988495654,3.988495526,3.988495768,3.988495688,3.988495801,3.988495656,3.988495734,3.988495498,3.988495792,3.988495631,3.988495641,3.988495329,3.988495624,3.988495606,3.98849538,3.988495647
+"6760","HMGN3",5.271681631,5.271681555,5.271681519,5.271681376,5.271681475,5.271681631,5.271681471,5.27168151,5.271681544,5.271681608,5.271681537,5.271681468,5.271681547,5.271681604,5.271681524,5.271681388,5.271681398,5.271681309,5.27168149,5.271681463,5.271681509,5.271681504,5.271681519,5.271681473,5.271681503,5.27168155,5.27168156,5.271681487
+"6761","HMGN4",7.090898507,7.090897787,7.09089745,7.090897773,7.09089812,7.090897364,7.090898881,7.090897644,7.090898273,7.09089839,7.090897361,7.090897781,7.090898269,7.090899457,7.090898527,7.090897365,7.090897338,7.090897414,7.090898611,7.090897859,7.090898767,7.090898107,7.090898615,7.090898724,7.090897741,7.090897981,7.090898257,7.090898985
+"6762","HMGN5",3.662941863,3.662941869,3.662941851,3.662941866,3.662941885,3.662941861,3.662941855,3.662941871,3.662941872,3.662941875,3.662941868,3.662941886,3.662941845,3.66294187,3.662941874,3.662941889,3.662941869,3.662941866,3.662941852,3.662941844,3.662941874,3.662941849,3.662941861,3.662941842,3.662941875,3.662941874,3.662941846,3.662941863
+"6763","HMGXB3",6.720185697,6.720185656,6.720185689,6.720185426,6.720185615,6.720185895,6.720185738,6.72018579,6.7201858,6.720185792,6.720185546,6.720185756,6.720185667,6.72018576,6.720185602,6.720185627,6.720185461,6.720185579,6.720185685,6.720185699,6.720185494,6.720185692,6.7201857,6.720185636,6.720185474,6.72018569,6.720185753,6.720185591
+"6764","HMGXB4",6.480149813,6.480149792,6.480149745,6.480149735,6.48014977,6.480149779,6.480149768,6.480149755,6.480149774,6.480149788,6.480149736,6.480149702,6.480149786,6.480149852,6.480149781,6.480149773,6.480149735,6.480149746,6.480149789,6.480149716,6.480149775,6.480149773,6.48014979,6.480149811,6.48014978,6.480149737,6.480149761,6.480149821
+"6765","HMHB1",5.563815844,5.563815886,5.563815889,5.563815896,5.563815917,5.563815841,5.563815832,5.563815926,5.56381589,5.563815868,5.563815932,5.563815946,5.563815854,5.563815849,5.563815933,5.563815921,5.563815968,5.563815962,5.563815877,5.563815937,5.563815887,5.563815912,5.563815874,5.563815898,5.563815908,5.563815877,5.563815832,5.56381587
+"6766","HMMR",3.105029645,3.105029642,3.105029659,3.105029653,3.105029648,3.105029658,3.105029664,3.105029653,3.105029655,3.105029645,3.105029651,3.105029676,3.10502964,3.10502964,3.10502965,3.105029644,3.105029667,3.105029643,3.105029638,3.105029643,3.105029664,3.10502964,3.105029652,3.105029652,3.105029656,3.105029635,3.105029639,3.105029648
+"6767","HMOX1",6.483674448,6.483674478,6.483674566,6.483674537,6.483674596,6.483674528,6.483674485,6.483674506,6.483674444,6.483674551,6.483674538,6.483674428,6.483674508,6.483674416,6.483674445,6.483674484,6.483674595,6.483674517,6.483674494,6.483674494,6.483674503,6.483674493,6.48367444,6.483674535,6.483674527,6.483674528,6.483674498,6.483674399
+"6768","HMOX2",7.396702724,7.396702874,7.396702673,7.396702631,7.396702697,7.396702554,7.396702697,7.396702705,7.396702822,7.396702632,7.396702561,7.396702638,7.396702877,7.39670288,7.396702664,7.39670276,7.396702422,7.396702637,7.396702672,7.396702417,7.396702688,7.396702763,7.396702734,7.396702796,7.39670279,7.396702735,7.396702905,7.3967028
+"6769","HMX1",7.347612352,7.347612483,7.347612614,7.347612335,7.347612687,7.347612298,7.347612618,7.347612708,7.347612651,7.347612588,7.347612688,7.347612749,7.347612429,7.34761212,7.347612657,7.347612556,7.347612736,7.347612783,7.347612539,7.347612616,7.347612518,7.347612649,7.347612423,7.347612516,7.347612816,7.347612723,7.347612524,7.347612725
+"6770","HMX2",4.898774951,4.898774903,4.898775082,4.898775059,4.898775628,4.898774802,4.89877486,4.898775382,4.898774993,4.898775063,4.898775392,4.898775226,4.898775001,4.898774795,4.898775024,4.898775178,4.898775451,4.898775289,4.898775157,4.898774852,4.898775246,4.898775184,4.898774734,4.898774797,4.898775155,4.898775109,4.89877497,4.898775017
+"6771","HMX3",6.712714613,6.712714516,6.712714887,6.712714773,6.712715087,6.71271484,6.712714871,6.712714889,6.712714783,6.712714958,6.712714931,6.712715095,6.712714736,6.712714361,6.712715066,6.71271454,6.712715031,6.712714909,6.712714874,6.712714767,6.712714973,6.712714967,6.71271462,6.712714561,6.712714757,6.712714912,6.712714696,6.71271482
+"6772","HNF1A",5.386206206,5.386206125,5.386206187,5.386206138,5.386206352,5.386206113,5.386206241,5.386206284,5.386206234,5.386206182,5.386206205,5.386206297,5.386206168,5.386206147,5.386206262,5.386206129,5.386206352,5.386206307,5.386206224,5.38620623,5.386206329,5.386206292,5.386206162,5.386206203,5.386206211,5.386206281,5.386206151,5.38620627
+"6773","HNF1A-AS1",4.310398365,4.310398362,4.310398369,4.31039839,4.310398378,4.31039838,4.310398384,4.310398377,4.31039838,4.310398365,4.310398367,4.31039837,4.310398368,4.310398373,4.310398367,4.310398393,4.310398386,4.31039838,4.310398373,4.310398365,4.310398377,4.310398375,4.310398375,4.310398367,4.310398362,4.310398373,4.310398371,4.310398375
+"6774","HNF1B",4.105093698,4.10509368,4.10509371,4.105093698,4.105093716,4.105093712,4.105093704,4.105093708,4.105093707,4.105093688,4.105093725,4.105093714,4.105093692,4.105093693,4.105093709,4.105093679,4.105093727,4.105093718,4.105093695,4.105093729,4.105093727,4.105093703,4.105093698,4.105093695,4.105093696,4.105093703,4.105093699,4.105093694
+"6775","HNF4A",5.659872249,5.659872387,5.659872407,5.659872474,5.659872611,5.659872335,5.659872618,5.659872625,5.659872439,5.659872357,5.659872669,5.659872613,5.659872478,5.659872132,5.65987246,5.659872521,5.659872649,5.659872681,5.659872609,5.659872421,5.659872611,5.659872621,5.659872398,5.659872451,5.659872673,5.659872598,5.659872369,5.659872504
+"6776","HNF4G",3.157076786,3.157076846,3.157076794,3.15707676,3.157077077,3.157076701,3.157076916,3.15707701,3.157076893,3.157076771,3.157076773,3.157076964,3.157076837,3.1570767,3.157076928,3.157076818,3.157077086,3.157076925,3.157077043,3.157076838,3.157077031,3.157076913,3.157076849,3.157076781,3.15707681,3.157077052,3.157076819,3.157076776
+"6777","HNMT",4.521390366,4.521390351,4.521390386,4.521390318,4.521390343,4.521390312,4.521390355,4.521390316,4.521390337,4.521390351,4.521390372,4.521390306,4.521390322,4.521390401,4.521390375,4.521390342,4.521390317,4.521390296,4.521390333,4.521390315,4.521390348,4.521390302,4.521390304,4.521390361,4.52139033,4.521390295,4.521390332,4.521390337
+"6778","HNRNPA0",7.196735765,7.196736296,7.196735672,7.196735213,7.196735642,7.196735399,7.196735568,7.196735884,7.196735855,7.196735845,7.196735394,7.19673552,7.196736029,7.196736553,7.196735475,7.196735815,7.196735374,7.196735481,7.196735983,7.19673475,7.196735293,7.196735878,7.19673587,7.19673581,7.196735308,7.196735593,7.196735878,7.196736377
+"6779","HNRNPA1",5.929252488,5.92925256,5.929252028,5.929252158,5.929251783,5.929251861,5.929251928,5.929251817,5.929252295,5.929252111,5.929251689,5.929251654,5.929252346,5.929252793,5.929252022,5.929252446,5.929251395,5.929251685,5.929251715,5.929252516,5.929251934,5.929252068,5.929252243,5.929252472,5.92925163,5.929252268,5.929252203,5.929252039
+"6780","HNRNPA2B1",9.146964116,9.146996111,9.145742914,9.145624948,9.145266452,9.145344123,9.145712483,9.145500561,9.146349437,9.145665489,9.145136258,9.144335951,9.146069817,9.148183104,9.145880945,9.146832118,9.144897527,9.144852463,9.146069775,9.145548156,9.146125457,9.145597639,9.146473713,9.145945653,9.145326481,9.145591826,9.146111691,9.146661435
+"6781","HNRNPA3P1",5.580352648,5.580352647,5.580352706,5.580352706,5.58035259,5.580352572,5.58035265,5.580352717,5.580352613,5.580352622,5.580352608,5.580352662,5.58035269,5.580352648,5.580352645,5.580352665,5.580352639,5.580352622,5.580352598,5.580352633,5.580352655,5.580352646,5.580352665,5.580352724,5.580352663,5.580352684,5.580352686,5.580352617
+"6782","HNRNPAB",8.661317876,8.661318004,8.661317462,8.661317602,8.661317737,8.661317817,8.661318003,8.661317524,8.661318102,8.66131786,8.66131754,8.66131747,8.661317869,8.661318424,8.661317672,8.661318057,8.661317284,8.661316977,8.661317669,8.66131775,8.661317749,8.661317404,8.661318033,8.661317846,8.661316999,8.661317605,8.661317899,8.661318033
+"6783","HNRNPCL2",4.168002236,4.168002263,4.168002319,4.168002282,4.168002264,4.168002272,4.168002256,4.168002275,4.168002234,4.168002271,4.16800227,4.168002229,4.168002282,4.168002252,4.168002231,4.168002268,4.168002273,4.168002319,4.168002207,4.168002244,4.168002261,4.168002263,4.168002231,4.168002292,4.168002282,4.168002256,4.168002295,4.168002242
+"6784","HNRNPD",9.40988278,9.409883165,9.409881749,9.409881694,9.409881564,9.409881843,9.409882188,9.409881563,9.409882625,9.409882235,9.409881119,9.409881567,9.409882551,9.409884167,9.409882028,9.409883115,9.409880764,9.409881507,9.409881912,9.409882671,9.40988214,9.409881668,9.409882744,9.409882347,9.409881827,9.409882379,9.409882551,9.409883214
+"6785","HNRNPDL",8.236166033,8.236165627,8.236165367,8.236164998,8.236165019,8.236165105,8.236165348,8.236164903,8.23616564,8.236165265,8.236165038,8.236165108,8.236165798,8.23616651,8.236165359,8.236165391,8.236164625,8.236164723,8.236165531,8.236164853,8.236165407,8.236165274,8.236165552,8.236165256,8.23616508,8.236165497,8.236165628,8.236165801
+"6786","HNRNPF",8.595703643,8.595703001,8.595702607,8.595702738,8.595702666,8.595703609,8.595703512,8.595702932,8.595703353,8.595703266,8.595701857,8.595702217,8.595703464,8.595704677,8.595702937,8.595702336,8.595702269,8.595702018,8.595702902,8.59570375,8.595702734,8.595702896,8.595703599,8.595703014,8.595702093,8.595702635,8.595703463,8.595703799
+"6787","HNRNPH1",8.775118671,8.77505176,8.774738153,8.77466026,8.774770286,8.774794939,8.775062903,8.774819895,8.77505486,8.774976359,8.774517821,8.774949135,8.775096943,8.775565591,8.774896029,8.775043973,8.774591119,8.774462886,8.774905451,8.774796763,8.774959771,8.77493529,8.775017794,8.774892943,8.774553944,8.77508431,8.775045863,8.775256297
+"6788","HNRNPH3",7.111526689,7.111527058,7.11152614,7.111526675,7.111525385,7.111526008,7.111526099,7.111525878,7.111526065,7.111525493,7.111525414,7.111524914,7.111526278,7.111527843,7.111525875,7.111527175,7.111525385,7.11152586,7.111526527,7.111526147,7.111526222,7.11152575,7.111526539,7.111526301,7.111526029,7.111525525,7.111526249,7.111526793
+"6789","HNRNPK",10.10157904,10.10157921,10.10157825,10.10157877,10.10157801,10.10157854,10.10157839,10.10157808,10.10157841,10.10157818,10.10157776,10.10157748,10.10157818,10.10157957,10.10157824,10.10157874,10.10157759,10.10157792,10.10157861,10.10157848,10.10157836,10.10157796,10.1015788,10.10157864,10.10157795,10.10157813,10.10157826,10.10157851
+"6790","HNRNPL",8.627065414,8.627065487,8.627065406,8.627065269,8.627065212,8.627065639,8.627065253,8.62706521,8.627065436,8.627065501,8.627065188,8.62706521,8.627065425,8.627065409,8.62706522,8.62706543,8.627064989,8.627065008,8.627065045,8.627065349,8.627065048,8.627065175,8.627065449,8.627065368,8.627065022,8.627065305,8.627065434,8.62706529
+"6791","HNRNPLL",6.583343903,6.583343863,6.583343558,6.583343758,6.583343388,6.583343717,6.583343977,6.583343559,6.583343761,6.583343377,6.583343333,6.58334328,6.583343669,6.583343789,6.583343549,6.583343794,6.583343675,6.583343674,6.583343757,6.583343755,6.583343993,6.583343655,6.583343992,6.583343676,6.583343479,6.583343505,6.583343763,6.583343568
+"6792","HNRNPM",8.763096779,8.763097022,8.763095819,8.763095911,8.763096069,8.763096301,8.763096512,8.763095994,8.763096894,8.763096279,8.763095509,8.763095765,8.763096486,8.763097802,8.76309632,8.763096953,8.763095369,8.763095459,8.763096237,8.763096523,8.763096725,8.763095883,8.763096922,8.763096364,8.763095583,8.763096466,8.763096496,8.763097174
+"6793","HNRNPR",8.421411593,8.421411248,8.421410391,8.421409522,8.421409834,8.42141075,8.421410587,8.421409782,8.421411079,8.421410784,8.421409634,8.421409093,8.421411326,8.42141298,8.421410453,8.42140994,8.421409554,8.421408854,8.421410708,8.421410272,8.421410396,8.421410274,8.421411311,8.421410337,8.421408917,8.421410099,8.421410919,8.421411602
+"6794","HNRNPU",8.2337294275,8.2337292975,8.2337285115,8.233728441,8.2337280285,8.233727879,8.233728647,8.233728193,8.2337290785,8.233728742,8.2337282945,8.233728026,8.2337292085,8.2337305255,8.2337290835,8.2337291395,8.233728082,8.233728063,8.23372907,8.233728113,8.2337288015,8.233728565,8.23372908,8.2337286745,8.233728517,8.233728726,8.233728863,8.233729584
+"6795","HNRNPUL1",7.867457255,7.867457246,7.867457254,7.867457221,7.867457148,7.867457274,7.867457234,7.867457196,7.867457233,7.867457247,7.867457181,7.867457107,7.867457253,7.867457267,7.867457157,7.867457145,7.867457098,7.8674572,7.867457171,7.867457318,7.867457201,7.867457164,7.867457251,7.867457239,7.867457213,7.867457231,7.867457242,7.86745716
+"6796","HOATZ",4.044764718,4.044764756,4.044764765,4.044764772,4.044764771,4.044764746,4.044764738,4.044764777,4.044764764,4.044764771,4.04476474,4.044764817,4.044764762,4.044764732,4.044764767,4.04476477,4.0447648,4.044764795,4.044764747,4.044764755,4.044764759,4.044764784,4.044764767,4.044764757,4.044764783,4.044764765,4.044764772,4.044764766
+"6797","HOGA1",5.445996335,5.445996316,5.44599641,5.445996284,5.445996533,5.445996273,5.445996433,5.445996523,5.445996405,5.445996373,5.445996415,5.445996555,5.445996347,5.445996219,5.445996498,5.445996397,5.445996568,5.445996495,5.445996406,5.445996425,5.445996545,5.445996502,5.445996314,5.445996288,5.445996397,5.445996516,5.445996259,5.445996426
+"6798","HOMER1",3.141171579,3.141171664,3.14117154,3.14117158,3.141171636,3.141171518,3.141171529,3.141171634,3.141171567,3.141171586,3.14117159,3.14117156,3.141171568,3.141171613,3.141171692,3.141171635,3.141171519,3.141171749,3.141171546,3.141171522,3.141171573,3.141171592,3.141171593,3.141171535,3.141171528,3.141171566,3.141171583,3.141171554
+"6799","HOMER2",5.402150958,5.402151194,5.402150921,5.402151013,5.402151338,5.402151067,5.40215112,5.402151132,5.402151064,5.402151379,5.402151234,5.402151193,5.402151148,5.402150967,5.402151123,5.402151139,5.402151311,5.402151362,5.402151094,5.402151261,5.402151071,5.402151158,5.402151135,5.402151145,5.402151218,5.402151303,5.402151128,5.402151093
+"6800","HOMER3",7.192864415,7.192864428,7.192864668,7.192864711,7.192864856,7.192864442,7.192864582,7.192864699,7.192864573,7.192864608,7.192864728,7.192864875,7.192864627,7.192864329,7.192864741,7.192864753,7.192864886,7.192864764,7.192864594,7.192864738,7.1928648,7.192864768,7.192864463,7.192864577,7.19286482,7.192864669,7.192864503,7.192864479
+"6801","HOOK1",3.792897596,3.792897607,3.792897545,3.792897437,3.792897617,3.792897434,3.792897425,3.792897482,3.792897701,3.792897607,3.792897541,3.792897642,3.792897519,3.792897706,3.792897574,3.792897597,3.792897576,3.792897495,3.792897581,3.792897483,3.792897452,3.792897569,3.792897659,3.792897601,3.792897562,3.792897604,3.79289762,3.792897672
+"6802","HOOK2",5.752048726,5.752048736,5.752048397,5.752049052,5.752048728,5.752048675,5.752048747,5.752048714,5.752048687,5.752048615,5.752048635,5.752048393,5.752048851,5.752048577,5.752048683,5.752048451,5.752048639,5.752048613,5.752048424,5.752048643,5.752048682,5.752048686,5.752048799,5.752048641,5.752048567,5.752048687,5.752048654,5.752048692
+"6803","HOOK3",6.446696567,6.446696627,6.446696072,6.446696165,6.446696201,6.446696047,6.44669602,6.446695818,6.446696145,6.446696417,6.446696377,6.446695565,6.446696245,6.446697205,6.446696327,6.446696715,6.446695949,6.446696116,6.446696461,6.446695988,6.446696117,6.446695803,6.446696347,6.446696621,6.446696308,6.446696076,6.446696128,6.446696649
+"6804","HOPX",5.367438975,5.367438857,5.367438893,5.367438817,5.367438881,5.367438934,5.367438936,5.367438894,5.367438894,5.367438911,5.367438897,5.367438814,5.367438915,5.367438914,5.36743898,5.367438841,5.367438944,5.367438851,5.367438903,5.367438962,5.367438871,5.367438928,5.367438994,5.367438906,5.367438877,5.367438863,5.367438882,5.367438948
+"6805","HORMAD1",4.973180625,4.973180474,4.973179915,4.973180367,4.973180112,4.973180586,4.973180337,4.973180097,4.973179761,4.973180248,4.973180269,4.97317943,4.973180224,4.973180428,4.973180484,4.973180635,4.97317993,4.973180269,4.973180458,4.97318062,4.97318057,4.973179952,4.973179698,4.973180551,4.973180768,4.97318007,4.973180269,4.973180226
+"6806","HORMAD2",3.048612981,3.048613093,3.0486132,3.048613026,3.048613044,3.048613296,3.048613035,3.048613233,3.048613141,3.048613202,3.048613182,3.048613137,3.048613057,3.048612913,3.048613115,3.048613265,3.048613136,3.048613115,3.048613024,3.048613128,3.048612968,3.04861324,3.048613043,3.048613203,3.048613024,3.048613089,3.048612958,3.048613193
+"6807","HOXA-AS2",3.624778252,3.624778283,3.624778278,3.624778276,3.624778271,3.624778289,3.62477828,3.624778282,3.624778271,3.624778285,3.62477827,3.62477828,3.624778263,3.62477824,3.624778261,3.62477829,3.624778263,3.624778295,3.624778274,3.624778295,3.62477827,3.624778279,3.624778263,3.624778263,3.624778281,3.62477826,3.624778258,3.624778262
+"6808","HOXA1",4.531158723,4.531158744,4.531158742,4.53115873,4.531158734,4.531158762,4.531158755,4.531158746,4.531158742,4.531158718,4.531158728,4.531158761,4.531158747,4.531158724,4.531158719,4.531158719,4.531158777,4.531158739,4.531158771,4.531158772,4.531158751,4.531158743,4.531158717,4.531158719,4.531158724,4.531158741,4.531158735,4.531158735
+"6809","HOXA11",3.964516114,3.964516104,3.964516132,3.964516109,3.964516145,3.964516132,3.964516128,3.964516152,3.96451615,3.964516136,3.964516133,3.964516137,3.964516127,3.964516098,3.96451615,3.96451614,3.964516157,3.964516131,3.964516128,3.964516132,3.964516148,3.964516156,3.964516092,3.964516134,3.964516136,3.964516145,3.964516111,3.964516137
+"6810","HOXA13",6.248000757,6.248000784,6.248001093,6.248000908,6.248001482,6.248001275,6.248001137,6.24800114,6.24800109,6.24800115,6.24800129,6.248001546,6.248000958,6.248000481,6.248001315,6.248000761,6.248001419,6.248001247,6.248001265,6.248000922,6.248001209,6.248001254,6.248000969,6.24800065,6.248000986,6.248001235,6.248000882,6.248001096
+"6811","HOXA2",3.958545911,3.958546003,3.958546154,3.958546038,3.958546133,3.958546301,3.958546144,3.95854604,3.958546101,3.958546181,3.958546306,3.958546317,3.958546153,3.958545995,3.958546223,3.958546115,3.958546103,3.958546207,3.95854615,3.958546303,3.958546162,3.958546288,3.958546264,3.958546134,3.958546,3.958546229,3.958546075,3.958546197
+"6812","HOXA3",5.064966773,5.064966784,5.064967078,5.064966881,5.064967188,5.064966973,5.064967031,5.064967088,5.064966955,5.064967067,5.064967163,5.064967207,5.064966851,5.064966584,5.064967176,5.064966816,5.064967247,5.064967095,5.064966988,5.064966956,5.064967096,5.064967127,5.064966973,5.064966837,5.064966832,5.064967091,5.06496694,5.064967049
+"6813","HOXA4",4.206548902,4.206548953,4.206548847,4.206548965,4.206548964,4.206548951,4.206548771,4.206548964,4.206548809,4.206548899,4.206549022,4.206548949,4.20654886,4.206548771,4.206548868,4.206548888,4.206548947,4.206548928,4.206548897,4.206548912,4.206548893,4.206548894,4.206548788,4.206548842,4.206548807,4.206548855,4.206548881,4.206549002
+"6814","HOXA5",4.9654538,4.96545382,4.965453853,4.965453861,4.965453885,4.965453837,4.965453814,4.965453845,4.965453823,4.965453835,4.965453843,4.965453872,4.965453832,4.965453807,4.965453857,4.965453829,4.965453848,4.965453848,4.965453841,4.965453831,4.965453847,4.96545386,4.96545381,4.965453822,4.965453804,4.965453842,4.965453841,4.965453845
+"6815","HOXA6",4.909812394,4.909812288,4.909812394,4.909812285,4.909812433,4.909812344,4.909812433,4.909812442,4.909812353,4.90981242,4.909812408,4.90981253,4.909812336,4.90981223,4.909812459,4.909812441,4.909812472,4.909812432,4.909812412,4.909812402,4.909812429,4.909812455,4.909812397,4.909812366,4.909812425,4.909812428,4.909812379,4.909812382
+"6816","HOXA7",4.917050457,4.917050471,4.917050575,4.917050499,4.917050547,4.917050472,4.917050539,4.917050561,4.917050426,4.917050582,4.917050564,4.917050584,4.91705052,4.91705039,4.917050545,4.917050539,4.917050487,4.917050572,4.917050467,4.917050623,4.917050551,4.917050495,4.917050472,4.917050516,4.917050513,4.917050577,4.91705054,4.917050456
+"6817","HOXB-AS3",5.312391791,5.312391818,5.312391856,5.312391764,5.312391958,5.312391804,5.312391904,5.312391875,5.312391864,5.312391874,5.312391908,5.312391955,5.312391845,5.312391799,5.312391871,5.312391921,5.312391921,5.312391909,5.312391844,5.312391869,5.312391898,5.312391893,5.312391786,5.312391849,5.312391896,5.31239188,5.31239183,5.312391908
+"6818","HOXB1",5.922314102,5.92231404,5.922314195,5.922314163,5.922314171,5.922314112,5.922314142,5.922314238,5.922314134,5.922314135,5.922314256,5.922314205,5.922314152,5.92231407,5.922314169,5.922314083,5.922314261,5.922314189,5.922314146,5.922314149,5.922314193,5.922314167,5.922314085,5.922314087,5.92231421,5.922314169,5.922314156,5.922314043
+"6819","HOXB13",4.952898577,4.952898487,4.952898733,4.95289878,4.952898895,4.952898619,4.952898568,4.95289906,4.952898773,4.952898714,4.952898711,4.952898967,4.95289875,4.952898466,4.952898815,4.952898678,4.95289903,4.952898644,4.952898738,4.952898727,4.952898986,4.952898903,4.952898486,4.952898627,4.952898777,4.952898929,4.952898726,4.952898655
+"6820","HOXB2",5.104118515,5.104117954,5.10411867,5.104118577,5.104118729,5.104118325,5.104118925,5.104118443,5.104118795,5.104118189,5.104118487,5.104118694,5.104118745,5.104118896,5.104118478,5.104118209,5.104118634,5.104118707,5.104118694,5.1041184,5.104118896,5.104118501,5.104118767,5.104118129,5.104118596,5.104118777,5.104118761,5.104118868
+"6821","HOXB3",5.356671468,5.356671471,5.35667157,5.356671625,5.356671759,5.356671399,5.356671651,5.356671588,5.356671612,5.356671597,5.356671507,5.356671732,5.356671509,5.356671458,5.356671682,5.356671608,5.356671628,5.356671668,5.356671534,5.356671396,5.356671712,5.35667179,5.356671613,5.356671587,5.356671613,5.356671589,5.356671641,5.356671652
+"6822","HOXB4",6.142629835,6.142629923,6.142629899,6.142630021,6.142630285,6.142630236,6.142630206,6.142630143,6.142630091,6.14263006,6.142630179,6.142630299,6.142630195,6.142629572,6.142630098,6.142629718,6.142630341,6.142630258,6.142630149,6.142630057,6.142630064,6.142630363,6.142630339,6.142629792,6.142629968,6.142630207,6.142630131,6.142630022
+"6823","HOXB5",4.161779308,4.16177931,4.161779354,4.161779334,4.161779377,4.161779362,4.161779322,4.161779361,4.161779351,4.161779378,4.161779367,4.161779434,4.161779344,4.161779248,4.161779362,4.16177935,4.161779369,4.161779372,4.161779329,4.161779359,4.161779368,4.161779337,4.161779348,4.1617793,4.161779335,4.161779359,4.161779312,4.161779359
+"6824","HOXB6",4.159841134,4.159841173,4.159841253,4.159841145,4.159841315,4.159841191,4.159841167,4.159841151,4.159841186,4.159841216,4.15984119,4.159841301,4.159841177,4.159841084,4.159841262,4.159841288,4.159841277,4.159841188,4.159841144,4.159841116,4.159841251,4.159841234,4.159841134,4.159841116,4.159841153,4.159841176,4.159841088,4.159841338
+"6825","HOXB7",4.647203013,4.647203119,4.647203089,4.647203047,4.647203231,4.647203124,4.647203079,4.647203183,4.647203173,4.647203216,4.647203193,4.64720328,4.647203077,4.647202915,4.647203102,4.647203117,4.647203203,4.647203183,4.647203123,4.647203115,4.647203049,4.647203053,4.647203072,4.647203038,4.647203141,4.647203172,4.647203067,4.647203114
+"6826","HOXB8",5.603962021,5.603962017,5.603962033,5.603961998,5.603962028,5.603962024,5.603962025,5.60396202,5.603962021,5.603962039,5.603962018,5.603962059,5.603962015,5.603962001,5.603962036,5.603962019,5.603962029,5.603962015,5.603962018,5.603962025,5.60396203,5.603962024,5.603962019,5.603962025,5.603962013,5.603962013,5.60396201,5.603962032
+"6827","HOXB9",5.458315023,5.458315083,5.458315086,5.458315163,5.458315249,5.458314991,5.458315079,5.458315231,5.45831507,5.458315028,5.458315108,5.458315255,5.458315199,5.458314946,5.45831527,5.458315214,5.458315351,5.458315268,5.458315017,5.458315103,5.458315116,5.458315235,5.4583151,5.45831501,5.458314984,5.45831514,5.458315101,5.458315129
+"6828","HOXC10",4.428101239,4.428101259,4.428101245,4.428101204,4.428101334,4.428101219,4.428101176,4.42810132,4.428101266,4.428101316,4.428101288,4.428101331,4.428101238,4.428101195,4.428101241,4.428101254,4.428101355,4.428101426,4.428101213,4.428101408,4.428101248,4.42810141,4.4281013,4.42810127,4.428101289,4.428101275,4.428101305,4.428101241
+"6829","HOXC11",4.341969195,4.341969206,4.34196919,4.341969191,4.341969202,4.34196919,4.341969178,4.341969168,4.341969179,4.341969175,4.341969224,4.34196921,4.341969178,4.341969164,4.341969201,4.341969211,4.3419692,4.34196921,4.341969199,4.34196918,4.341969167,4.341969182,4.341969196,4.341969171,4.341969185,4.341969188,4.341969183,4.341969211
+"6830","HOXC12",6.504908672,6.504908665,6.50490873,6.504908717,6.504908741,6.504908682,6.504908682,6.504908732,6.504908702,6.504908711,6.504908718,6.504908731,6.504908715,6.504908674,6.504908726,6.504908705,6.504908754,6.504908715,6.504908694,6.504908682,6.504908693,6.50490872,6.504908715,6.504908713,6.504908727,6.504908694,6.504908725,6.50490871
+"6831","HOXC13",4.827356686,4.827356694,4.827356693,4.827356674,4.827356717,4.827356688,4.827356695,4.827356695,4.827356693,4.827356707,4.827356712,4.827356721,4.827356679,4.827356656,4.827356696,4.827356697,4.827356719,4.827356716,4.82735671,4.827356716,4.827356712,4.827356704,4.82735668,4.827356686,4.827356698,4.82735669,4.827356682,4.827356676
+"6832","HOXC5",3.85055619,3.850556234,3.850556166,3.850556454,3.85055626,3.850556238,3.850556294,3.850556251,3.850556351,3.850556379,3.850556348,3.850556401,3.850556086,3.850556167,3.85055633,3.850556248,3.850556216,3.850556351,3.850556403,3.850556268,3.850556275,3.850556393,3.850556132,3.850556017,3.850556276,3.850556077,3.850556164,3.850556384
+"6833","HOXC8",4.904160541,4.90416068,4.904160677,4.904160624,4.904160755,4.90416053,4.904160613,4.904160663,4.904160663,4.904160633,4.904160686,4.904160761,4.904160625,4.904160549,4.904160703,4.904160718,4.904160769,4.904160681,4.904160575,4.904160651,4.90416069,4.904160702,4.9041606,4.904160651,4.904160706,4.904160659,4.904160604,4.904160661
+"6834","HOXC9",4.210032137,4.210032156,4.210032183,4.210032158,4.210032199,4.210032162,4.21003216,4.210032185,4.210032198,4.210032177,4.210032209,4.210032184,4.21003215,4.210032143,4.210032202,4.210032186,4.210032187,4.210032187,4.210032185,4.210032166,4.210032181,4.2100322,4.210032167,4.21003218,4.210032177,4.21003218,4.210032178,4.210032175
+"6835","HOXD10",4.157905009,4.157904965,4.157905167,4.157905143,4.157905245,4.157905162,4.157905145,4.157905224,4.157905366,4.157905202,4.157905293,4.157905408,4.157905228,4.157905153,4.157905404,4.157905297,4.157905593,4.157905415,4.157905176,4.157905676,4.157905389,4.157905478,4.157905399,4.157905015,4.157905099,4.157905236,4.157905424,4.1579051
+"6836","HOXD11",4.939841185,4.939841216,4.939841236,4.93984122,4.939841281,4.939841275,4.939841209,4.939841251,4.939841243,4.939841254,4.939841261,4.939841304,4.939841227,4.939841155,4.939841255,4.939841273,4.939841281,4.939841246,4.939841299,4.939841255,4.939841221,4.939841286,4.939841162,4.93984123,4.93984124,4.939841236,4.939841235,4.939841179
+"6837","HOXD12",4.223963883,4.223964055,4.22396412,4.223963932,4.22396417,4.223964051,4.223964147,4.22396407,4.223964079,4.223964032,4.223964133,4.223964106,4.223964042,4.223963985,4.223964126,4.223964066,4.223964098,4.223964099,4.223964092,4.223964071,4.22396413,4.223964092,4.223964042,4.223963953,4.223964016,4.223964116,4.223963896,4.223964072
+"6838","HOXD13",5.832499827,5.832499644,5.832499971,5.832499929,5.832500122,5.832499846,5.832499823,5.832499941,5.832499741,5.832500089,5.832499985,5.832500096,5.832499846,5.832499337,5.83250013,5.832499951,5.832500163,5.832500007,5.832500028,5.832499628,5.832499905,5.832500061,5.832499703,5.832499764,5.832499947,5.832499846,5.832500018,5.832499834
+"6839","HOXD3",4.361766117,4.361766126,4.36176619,4.361766164,4.361766251,4.361766188,4.361766204,4.361766222,4.3617662,4.361766184,4.36176619,4.361766281,4.3617662,4.36176611,4.361766216,4.361766187,4.36176625,4.361766263,4.36176615,4.361766198,4.361766249,4.361766299,4.361766128,4.361766224,4.361766173,4.361766258,4.361766161,4.361766198
+"6840","HOXD4",5.78328996,5.783289944,5.783289969,5.783289935,5.783290058,5.783290023,5.783290008,5.783290009,5.783289986,5.783289966,5.783290012,5.783290043,5.783289979,5.7832899,5.783290035,5.783289993,5.78329012,5.783289999,5.783290003,5.783290012,5.783290032,5.783290044,5.78328994,5.783289909,5.783290006,5.783290007,5.783289982,5.783289984
+"6841","HOXD8",5.186132796,5.186133135,5.186133013,5.18613253,5.186133872,5.18613323,5.186133351,5.186133537,5.186133387,5.186132959,5.186133375,5.186133713,5.186133226,5.186132586,5.186133573,5.186132807,5.186133818,5.186133263,5.186133115,5.186133173,5.186133487,5.186133564,5.186132965,5.18613286,5.186133291,5.186133463,5.186133359,5.186133367
+"6842","HOXD9",5.878981874,5.87898192,5.878982027,5.878981774,5.878982412,5.878982098,5.878982123,5.8789823,5.878981932,5.878982095,5.878982005,5.878982305,5.878981959,5.878981497,5.878982229,5.878982235,5.878982491,5.878982071,5.878982137,5.878982001,5.87898232,5.878982387,5.878981969,5.878981681,5.878981878,5.87898222,5.878981879,5.87898218
+"6843","HP",3.901343375,3.901342647,3.90134235,3.901342732,3.901342323,3.901342496,3.901343085,3.901342307,3.90134249,3.901341232,3.901342921,3.901342583,3.901342129,3.901342424,3.901342666,3.901342531,3.901342814,3.901342293,3.901341867,3.901342378,3.901342545,3.901342264,3.901342384,3.901342496,3.901342184,3.901341954,3.901342298,3.901341837
+"6844","HP1BP3",8.301588416,8.301587963,8.301587885,8.30158782,8.301587613,8.301587743,8.301588257,8.301587497,8.301588204,8.301588065,8.301587853,8.301587508,8.301588181,8.301588689,8.301587883,8.301587591,8.301587326,8.301587641,8.301588012,8.301587391,8.301588255,8.301587684,8.301588145,8.30158797,8.301588038,8.301588286,8.301588396,8.301588038
+"6845","HPCA",5.489011547,5.489011591,5.489011657,5.489011586,5.489011631,5.489011477,5.489011577,5.489011582,5.48901155,5.489011603,5.489011628,5.489011592,5.489011543,5.489011517,5.489011548,5.489011654,5.48901162,5.489011645,5.489011505,5.489011582,5.489011554,5.489011526,5.489011565,5.489011632,5.489011661,5.489011654,5.489011538,5.489011578
+"6846","HPCAL1",8.102131235,8.102131529,8.102131387,8.102131491,8.102131285,8.102131614,8.102131268,8.102131573,8.102131655,8.102131604,8.102131502,8.102131422,8.102131299,8.102131353,8.102131179,8.102131495,8.102131227,8.102131449,8.1021314,8.102131319,8.102131076,8.102131412,8.102131627,8.102131614,8.102131455,8.102131424,8.10213144,8.10213141
+"6847","HPCAL4",4.815120577,4.815120702,4.815120524,4.815120828,4.815120813,4.815120539,4.815120334,4.815120691,4.815120627,4.815120512,4.815120673,4.815120682,4.815120587,4.815120531,4.815120598,4.815120554,4.815120913,4.815120498,4.815120806,4.815120715,4.815120669,4.81512053,4.815120604,4.815120392,4.815120919,4.815120418,4.815120479,4.815120471
+"6848","HPD",4.354635648,4.354635657,4.354635659,4.354635673,4.35463568,4.354635681,4.354635684,4.354635683,4.35463566,4.354635674,4.354635666,4.35463568,4.354635656,4.354635654,4.354635669,4.354635666,4.354635679,4.354635691,4.354635683,4.354635674,4.354635673,4.354635671,4.354635654,4.354635672,4.354635661,4.35463568,4.354635646,4.354635674
+"6849","HPDL",4.5050722,4.505072181,4.505072216,4.505072178,4.505072369,4.505072209,4.505072223,4.505072225,4.505072086,4.505072242,4.505072159,4.505072242,4.505072247,4.505072065,4.5050723,4.505072206,4.50507231,4.505072294,4.505072291,4.505072206,4.505072305,4.505072229,4.505072129,4.505072096,4.505072156,4.50507231,4.505072077,4.505072261
+"6850","HPF1",4.711079087,4.711079064,4.711079098,4.711079046,4.711079071,4.71107904,4.711079058,4.711079049,4.711079066,4.711079108,4.711079087,4.711079083,4.711079044,4.711079075,4.711079084,4.711079079,4.711079067,4.711079082,4.711079068,4.711079045,4.711079054,4.711079063,4.711079068,4.711079082,4.711079094,4.711079074,4.71107909,4.711079095
+"6851","HPGD",4.343319199,4.343319255,4.343319181,4.343319204,4.343319223,4.343319172,4.343319186,4.343319208,4.343319189,4.343319199,4.343319214,4.343319192,4.34331916,4.343319184,4.343319193,4.343319227,4.343319205,4.343319229,4.343319214,4.34331918,4.343319201,4.343319202,4.343319188,4.343319213,4.343319165,4.343319204,4.343319168,4.343319188
+"6852","HPGDS",3.371577349,3.371577374,3.37157727,3.371577467,3.371577277,3.371577347,3.371577342,3.371577277,3.371577347,3.371577361,3.37157742,3.371577247,3.37157721,3.371577172,3.371577386,3.371577284,3.371577244,3.371577301,3.371577314,3.371577265,3.371577237,3.37157735,3.37157719,3.37157722,3.37157735,3.37157713,3.371577196,3.371577411
+"6853","HPN",5.396851489,5.396851461,5.396851516,5.396851494,5.396851524,5.396851484,5.396851515,5.396851517,5.396851487,5.396851497,5.396851512,5.396851498,5.396851487,5.396851466,5.396851515,5.396851488,5.396851525,5.396851506,5.396851498,5.39685149,5.396851518,5.396851525,5.396851473,5.396851474,5.396851494,5.396851485,5.396851466,5.39685149
+"6854","HPR",4.4236082,4.423608185,4.423608244,4.423608258,4.423608238,4.42360819,4.423608244,4.423608224,4.423608209,4.423608203,4.423608233,4.423608246,4.423608217,4.423608201,4.423608224,4.423608203,4.42360822,4.42360822,4.423608241,4.423608215,4.423608246,4.423608243,4.423608224,4.423608198,4.42360824,4.423608223,4.423608209,4.423608211
+"6855","HPRT1",5.698506346,5.698506131,5.698506147,5.698506063,5.698505973,5.698505988,5.698506204,5.698505898,5.698506076,5.698506095,5.698506035,5.698505908,5.69850615,5.6985065,5.698506044,5.698505948,5.698505945,5.698505924,5.698506078,5.698506018,5.698506186,5.698506092,5.698506116,5.698506192,5.698505958,5.698506056,5.698506109,5.698506145
+"6856","HPS1",7.331026882,7.331025925,7.331027458,7.331025808,7.331026659,7.33102771,7.331026713,7.33102769,7.331026657,7.331026875,7.331026342,7.331028192,7.33102627,7.331025266,7.331026743,7.331025715,7.331026735,7.331025671,7.331026331,7.331027085,7.331026576,7.331027341,7.331026386,7.33102681,7.331026562,7.331028094,7.331026522,7.331025432
+"6857","HPS3",7.146792347,7.146791874,7.146791363,7.146791736,7.146791378,7.146791287,7.146791715,7.146791279,7.146791639,7.146791749,7.14679094,7.146790918,7.146791799,7.146792235,7.146791559,7.146791473,7.146790842,7.146791056,7.146791697,7.146791307,7.146791908,7.146791546,7.146791661,7.146791888,7.146790989,7.146791696,7.146791811,7.146791811
+"6858","HPS4",6.060073251,6.060073148,6.060073156,6.060073069,6.060073083,6.060073161,6.060073146,6.060073157,6.060073155,6.060073218,6.060073064,6.060073114,6.060073156,6.06007316,6.060072996,6.060073153,6.060073028,6.060072982,6.060073101,6.060073128,6.06007309,6.060073053,6.06007312,6.0600732,6.060073106,6.060073158,6.060073245,6.060073137
+"6859","HPS5",5.53498374,5.534983827,5.534983649,5.53498368,5.534983624,5.534983671,5.534983715,5.534983482,5.534983708,5.534983705,5.534983584,5.534983585,5.534983732,5.53498394,5.534983684,5.534983729,5.534983594,5.534983492,5.53498374,5.534983656,5.534983682,5.534983695,5.534983702,5.534983789,5.53498366,5.534983725,5.534983675,5.534983795
+"6860","HPS6",6.350137696,6.350137744,6.350137719,6.350137742,6.350137735,6.350137727,6.350137713,6.350137718,6.35013773,6.350137733,6.35013771,6.350137697,6.35013772,6.350137706,6.350137706,6.350137732,6.350137726,6.350137742,6.350137714,6.350137739,6.350137724,6.35013772,6.350137731,6.350137736,6.350137682,6.350137727,6.350137724,6.350137697
+"6861","HPSE",6.64807309,6.648074042,6.648072869,6.648073908,6.648072916,6.648073887,6.648073044,6.648071778,6.648072915,6.648073406,6.648073192,6.648072403,6.648073347,6.6480732,6.648072252,6.648073819,6.648072623,6.648073471,6.648072887,6.648074203,6.648072787,6.648072428,6.648073599,6.648073882,6.648073492,6.648073071,6.648073365,6.6480724
+"6862","HPSE2",4.172034294,4.172034394,4.172034519,4.172034473,4.17203454,4.172034291,4.172034373,4.172034546,4.172034412,4.172034506,4.172034399,4.172034523,4.172034457,4.17203433,4.172034464,4.172034474,4.1720346,4.172034496,4.17203442,4.172034465,4.17203439,4.172034517,4.172034377,4.172034371,4.172034403,4.172034405,4.172034294,4.172034467
+"6863","HPX",4.663643743,4.663643745,4.663643748,4.66364381,4.663643742,4.663643834,4.663643751,4.663643809,4.66364378,4.663643729,4.663643783,4.663643807,4.663643767,4.663643765,4.663643768,4.663643885,4.663643844,4.663643794,4.663643806,4.663643741,4.66364379,4.663643826,4.663643803,4.663643805,4.663643821,4.663643778,4.663643783,4.663643753
+"6864","HR",6.192347945,6.192347966,6.192348027,6.192348015,6.192348068,6.192347955,6.192347959,6.192348054,6.192347987,6.192347987,6.19234802,6.192348042,6.192347954,6.192347907,6.192348051,6.192348035,6.192348062,6.192348057,6.192347992,6.192348015,6.192348038,6.192348051,6.192347963,6.192347962,6.192348017,6.192348024,6.192347995,6.192348006
+"6865","HRAS",7.332354701,7.332354767,7.332355072,7.332354875,7.33235486,7.332354815,7.332354788,7.332355078,7.332354989,7.33235488,7.332354963,7.332355009,7.332354838,7.332354515,7.332354893,7.332354789,7.332354952,7.332354936,7.332354702,7.332354918,7.332354737,7.332354956,7.332354847,7.332354922,7.332355002,7.332354973,7.332354875,7.332354699
+"6866","HRC",4.985070895,4.985070882,4.985070934,4.985070925,4.985070956,4.985070896,4.985070932,4.985070981,4.985070896,4.985070916,4.985070952,4.985070972,4.985070963,4.985070847,4.985070927,4.985070929,4.98507097,4.985070986,4.985070917,4.985070961,4.985070954,4.985070953,4.985070954,4.985070909,4.985070964,4.985070965,4.985070922,4.98507095
+"6867","HRCT1",5.269266607,5.269266522,5.269266747,5.269266683,5.269266793,5.269266698,5.269266699,5.269266704,5.269266566,5.269266665,5.269266779,5.269266814,5.269266664,5.269266528,5.269266747,5.269266578,5.269266807,5.269266729,5.269266709,5.269266746,5.269266718,5.26926685,5.269266614,5.269266638,5.269266639,5.269266729,5.269266697,5.269266667
+"6868","HRG",3.474261827,3.474261836,3.474261828,3.474261869,3.474261846,3.47426187,3.474261836,3.474261855,3.474261855,3.474261847,3.474261849,3.474261839,3.47426184,3.474261831,3.47426186,3.474261818,3.474261858,3.474261836,3.474261844,3.474261854,3.474261827,3.474261843,3.474261853,3.474261835,3.474261845,3.47426184,3.47426187,3.474261827
+"6869","HRH1",4.74117498,4.741175048,4.741175064,4.741174818,4.741175017,4.741175047,4.741174945,4.74117508,4.741175008,4.741174921,4.741175052,4.741174992,4.741174869,4.741174543,4.741174961,4.741174841,4.74117509,4.741175087,4.741174922,4.741175052,4.741174989,4.741175238,4.741174829,4.741174761,4.741175033,4.741175018,4.741174972,4.74117476
+"6870","HRH2",7.951656854,7.95165764,7.951656867,7.95165786,7.9516568,7.951657592,7.951657397,7.951657032,7.951656999,7.951657098,7.951657165,7.951656133,7.951657276,7.951656576,7.951656656,7.951657272,7.951657294,7.951657562,7.95165687,7.951657549,7.951657012,7.951657406,7.951657668,7.951657342,7.951657138,7.951656268,7.951657208,7.951656377
+"6871","HRH3",6.054108017,6.054107587,6.054108128,6.054108009,6.054108283,6.054107922,6.054108019,6.05410824,6.054107966,6.054108075,6.054108359,6.054108267,6.054108055,6.054107372,6.054108184,6.054107459,6.054108371,6.054108473,6.054108,6.0541081,6.054108133,6.054108234,6.054107974,6.054107716,6.054108062,6.0541082,6.054108005,6.054107567
+"6872","HRH4",5.608903585,5.609266602,5.60779436,5.608807799,5.609358462,5.606453082,5.607740907,5.607433806,5.607881227,5.60787331,5.609303079,5.608289952,5.608198325,5.609180655,5.607912956,5.60913152,5.607533747,5.608044498,5.609846542,5.607148357,5.607405253,5.607062822,5.608386681,5.607978246,5.609401881,5.608304454,5.607950367,5.609489394
+"6873","HRK",7.804306293,7.804306432,7.804306557,7.804306353,7.804306524,7.80430614,7.804306348,7.804306478,7.804306409,7.804306456,7.804306611,7.804306407,7.80430645,7.804306313,7.804306475,7.80430651,7.804306358,7.804306461,7.804306325,7.804306299,7.804306441,7.804306438,7.80430635,7.804306409,7.804306582,7.804306477,7.804306363,7.804306456
+"6874","HROB",4.771598397,4.771598393,4.771598442,4.771598339,4.771598539,4.771598391,4.771598462,4.771598492,4.771598381,4.771598423,4.771598394,4.771598509,4.771598353,4.771598336,4.771598514,4.771598422,4.771598405,4.771598482,4.771598378,4.771598434,4.771598526,4.771598467,4.77159837,4.771598493,4.771598404,4.771598463,4.771598344,4.771598402
+"6875","HS1BP3",6.439602296,6.439602294,6.439602269,6.439602297,6.439602274,6.439602283,6.439602285,6.439602289,6.439602259,6.43960226,6.43960228,6.439602282,6.43960227,6.43960223,6.439602276,6.43960228,6.439602248,6.439602278,6.439602284,6.439602285,6.439602273,6.439602287,6.439602267,6.439602293,6.439602302,6.439602276,6.439602276,6.439602249
+"6876","HS2ST1",6.036994659,6.036994767,6.036994412,6.036994552,6.036994176,6.03699398,6.036994449,6.036994426,6.036994379,6.036994591,6.036994096,6.036994208,6.036994351,6.036995209,6.036994334,6.036994349,6.036994279,6.036994148,6.036994736,6.036993776,6.03699434,6.036994231,6.036994735,6.036994771,6.036994211,6.036994429,6.036994385,6.036994846
+"6877","HS3ST1",6.104628138,6.104628199,6.104628271,6.10462811,6.104628647,6.104627717,6.104628136,6.104628551,6.104628185,6.10462818,6.104628386,6.104628719,6.104628138,6.104627992,6.104628607,6.104628432,6.104628529,6.10462848,6.104628256,6.104628235,6.104628506,6.104628212,6.104628038,6.104628004,6.104628301,6.1046286,6.104628055,6.104628404
+"6878","HS3ST2",6.145436159,6.145436099,6.145436292,6.145436177,6.145436344,6.145436204,6.145436232,6.145436254,6.145436269,6.145436305,6.14543633,6.145436318,6.145436213,6.14543609,6.1454363,6.145436183,6.145436333,6.145436292,6.145436255,6.145436202,6.145436281,6.145436259,6.145436166,6.145436162,6.14543627,6.145436263,6.145436242,6.145436239
+"6879","HS3ST3A1",5.461393896,5.461393807,5.461394218,5.46139402,5.461394518,5.461393922,5.461394447,5.461394333,5.461394643,5.461394299,5.461394172,5.461395075,5.461394126,5.46139337,5.461394408,5.461393991,5.461394853,5.461393916,5.461394137,5.461393948,5.46139443,5.461394324,5.461394284,5.461393727,5.461393999,5.461394646,5.461394049,5.461394448
+"6880","HS3ST3B1",6.312527814,6.312528039,6.312527354,6.312527546,6.312527618,6.312527656,6.312527354,6.312527602,6.31252811,6.312527595,6.312527191,6.312527426,6.312527747,6.312528289,6.312527316,6.312527712,6.312527494,6.312527293,6.312527776,6.312527307,6.312527105,6.312527441,6.312528002,6.312527414,6.312526894,6.312527381,6.312527723,6.312527873
+"6881","HS3ST4",5.857869082,5.857869106,5.857869379,5.857869187,5.857869462,5.857869011,5.857869299,5.85786943,5.857869294,5.857869204,5.85786935,5.857869431,5.857869258,5.857869068,5.857869441,5.857869326,5.857869446,5.857869391,5.857869296,5.85786919,5.857869399,5.857869407,5.857869125,5.857869113,5.857869304,5.857869366,5.857869116,5.857869327
+"6882","HS3ST5",4.838557118,4.838557125,4.838557065,4.838557048,4.838557315,4.838557002,4.838557099,4.83855724,4.838557131,4.838557017,4.838557258,4.838557411,4.838557113,4.838556968,4.838557134,4.838557393,4.838557537,4.838557289,4.838557147,4.838557126,4.838557208,4.838557279,4.838556958,4.838556875,4.838557341,4.838557127,4.838557001,4.838557084
+"6883","HS3ST6",6.595263017,6.595262699,6.595264054,6.595263658,6.595264442,6.595263381,6.595263875,6.595264269,6.595263664,6.595263778,6.595264043,6.595264378,6.595263732,6.595262526,6.59526414,6.595263202,6.595264497,6.595264187,6.595263715,6.595263813,6.595263957,6.595264487,6.595263438,6.595263313,6.59526372,6.595263984,6.595263598,6.595263642
+"6884","HS6ST1",6.0702727135,6.070273315,6.0702750365,6.070266094,6.070275346,6.0702710895,6.0702720575,6.0702736505,6.070269212,6.070273127,6.070271155,6.070274996,6.070272396,6.0702720965,6.070272888,6.070269624,6.070276269,6.0702708155,6.070267692,6.0702741355,6.070272889,6.0702705585,6.07027246,6.0702732725,6.070274447,6.0702740075,6.070274715,6.0702734585
+"6885","HS6ST2",3.721768607,3.721768599,3.721768618,3.721768601,3.721768648,3.721768607,3.721768618,3.721768621,3.721768614,3.721768636,3.721768616,3.721768646,3.721768609,3.72176861,3.72176864,3.721768616,3.721768625,3.721768617,3.721768614,3.721768613,3.721768633,3.721768624,3.721768591,3.72176859,3.721768607,3.721768618,3.721768603,3.721768648
+"6886","HS6ST3",5.152664725,5.152664766,5.152664791,5.152664743,5.15266483,5.152664743,5.152664772,5.152664811,5.152664777,5.152664748,5.15266482,5.152664838,5.152664768,5.152664661,5.152664812,5.152664783,5.152664835,5.152664827,5.152664781,5.15266476,5.152664796,5.152664844,5.152664735,5.152664725,5.152664796,5.152664787,5.152664752,5.1526648
+"6887","HSBP1",6.275303514,6.275303531,6.275303475,6.275303535,6.275303327,6.275303476,6.275303411,6.275303272,6.275303323,6.27530338,6.27530346,6.275303157,6.275303337,6.27530366,6.27530344,6.275303502,6.275303409,6.275303424,6.275303444,6.275303471,6.275303456,6.275303315,6.275303439,6.275303386,6.275303346,6.275303336,6.27530339,6.275303492
+"6888","HSCB",4.939274233,4.939274195,4.939274274,4.939274204,4.939274184,4.939274335,4.939274225,4.939274246,4.939274334,4.939274279,4.939274272,4.939274239,4.939274285,4.93927433,4.939274138,4.939274205,4.939274289,4.939274142,4.939274278,4.939274212,4.939274207,4.939274244,4.939274258,4.939274246,4.939274174,4.939274192,4.939274289,4.939274199
+"6889","HSD11B1",3.809851891,3.80985196,3.809852083,3.809852091,3.809852002,3.809852016,3.809852017,3.809851974,3.80985192,3.809851922,3.809852004,3.80985194,3.809852022,3.809851942,3.809851982,3.809852007,3.809852158,3.809851995,3.809852015,3.809852086,3.809852039,3.809852122,3.809851898,3.809851945,3.809852055,3.809852029,3.809851986,3.80985202
+"6890","HSD11B1L",5.253205175,5.253205175,5.253205186,5.253205166,5.253205249,5.253205162,5.253205159,5.253205211,5.253205153,5.253205215,5.253205232,5.253205232,5.253205143,5.253205102,5.253205172,5.253205191,5.25320524,5.253205195,5.253205164,5.253205183,5.253205156,5.253205189,5.253205151,5.253205147,5.253205194,5.253205192,5.253205182,5.253205197
+"6891","HSD11B2",5.380494305,5.380494279,5.380494337,5.38049432,5.380494318,5.380494344,5.38049432,5.380494331,5.380494331,5.380494322,5.380494341,5.380494331,5.380494293,5.380494259,5.380494327,5.380494318,5.38049434,5.380494342,5.380494342,5.380494308,5.380494303,5.380494351,5.380494325,5.380494316,5.380494329,5.380494322,5.380494332,5.380494311
+"6892","HSD17B1",6.212126215,6.212126333,6.212126759,6.212126376,6.212126825,6.212126321,6.212126493,6.212126723,6.212126527,6.212126381,6.212126746,6.212126891,6.212126529,6.212126119,6.212126724,6.212126569,6.212126861,6.212126813,6.212126623,6.212126462,6.212126752,6.212126825,6.212126218,6.212126299,6.212126757,6.212126571,6.212126414,6.212126647
+"6893","HSD17B10",7.311164792,7.31116475,7.311164828,7.311164679,7.311164667,7.311164755,7.311164693,7.311164696,7.311164893,7.311164735,7.311164743,7.311164668,7.311164842,7.311164816,7.311164723,7.311164703,7.311164678,7.311164511,7.311164684,7.31116458,7.311164651,7.311164729,7.311164779,7.311164732,7.311164543,7.311164715,7.311164763,7.311164716
+"6894","HSD17B11",8.877427486,8.877427194,8.877426601,8.877427839,8.877425226,8.877425909,8.877426424,8.87742571,8.877424802,8.877424043,8.877425865,8.877423867,8.877425949,8.877427313,8.877426911,8.877427225,8.877426614,8.877426937,8.877427214,8.877426698,8.877427209,8.877426346,8.877425934,8.877426245,8.877426261,8.87742569,8.877425531,8.877426079
+"6895","HSD17B12",5.881297519,5.881297442,5.881297461,5.881297495,5.881297273,5.881297215,5.881297396,5.881297248,5.881297383,5.881297346,5.881297268,5.881297219,5.881297384,5.881297507,5.881297389,5.881297328,5.881297338,5.881297375,5.881297398,5.881297227,5.881297354,5.881297263,5.881297396,5.881297414,5.881297291,5.88129737,5.881297315,5.8812974
+"6896","HSD17B13",4.008904457,4.008904595,4.008904451,4.008904722,4.008904629,4.008904577,4.008904759,4.008904436,4.008904504,4.008904758,4.00890467,4.008904564,4.008904563,4.008904725,4.008904653,4.008904783,4.008904683,4.008904852,4.008904879,4.008904627,4.00890472,4.008904496,4.008904724,4.008904652,4.008904846,4.008904485,4.008904621,4.008904733
+"6897","HSD17B14",4.442206216,4.442206233,4.442206295,4.442206215,4.442206359,4.442206253,4.442206336,4.442206268,4.442206372,4.442206269,4.442206319,4.442206306,4.442206263,4.44220616,4.442206306,4.442206336,4.442206329,4.442206317,4.44220631,4.442206223,4.442206296,4.442206277,4.442206255,4.442206323,4.442206256,4.442206358,4.442206241,4.44220627
+"6898","HSD17B2",4.497630316,4.497630296,4.497630595,4.497630414,4.497630591,4.497630265,4.497630387,4.497630458,4.497630452,4.497630139,4.497630464,4.497630895,4.497630516,4.497630389,4.497630534,4.497630694,4.497630665,4.497630589,4.497630275,4.497630591,4.497630532,4.497630653,4.497630582,4.497630419,4.497630549,4.497630473,4.497630366,4.497630322
+"6899","HSD17B3",3.886488188,3.886488161,3.886488167,3.886488203,3.886488212,3.88648819,3.886488184,3.886488216,3.886488146,3.886488179,3.886488182,3.886488216,3.886488151,3.886488171,3.886488176,3.886488127,3.886488176,3.886488193,3.886488159,3.886488176,3.886488201,3.886488178,3.88648818,3.886488151,3.886488188,3.88648818,3.886488204,3.886488184
+"6900","HSD17B4",7.037087604,7.037087656,7.037085647,7.037086635,7.037086464,7.037085857,7.037085735,7.037085135,7.037085728,7.037086873,7.037086119,7.037084475,7.03708556,7.037088905,7.037086611,7.037086987,7.037085075,7.037084932,7.037086893,7.037085507,7.037085744,7.037084459,7.037085715,7.037087137,7.037086389,7.037085594,7.037085603,7.03708713
+"6901","HSD17B6",3.218143826,3.218143882,3.218143901,3.21814392,3.218143839,3.218143805,3.218143823,3.218143878,3.21814387,3.218143837,3.218143879,3.218143893,3.218143823,3.218143832,3.218143903,3.218143858,3.218143886,3.21814393,3.218143835,3.218143863,3.218143861,3.218143875,3.218143876,3.218143856,3.218143931,3.21814395,3.218143895,3.218143842
+"6902","HSD17B7P2",6.547167803,6.54716699,6.547167057,6.547166933,6.547167322,6.547167605,6.547167661,6.547167066,6.547167041,6.547166779,6.54716744,6.547167468,6.547166941,6.547167241,6.547167809,6.547167388,6.547167028,6.547167498,6.547167638,6.547167031,6.547167546,6.547167174,6.547166991,6.547166901,6.547166582,6.54716755,6.547167016,6.547167404
+"6903","HSD17B8",5.771894125,5.771894115,5.771894099,5.771894123,5.771894102,5.771894105,5.771894139,5.771894133,5.771894142,5.771894104,5.771894063,5.771894135,5.771894124,5.771894143,5.771894139,5.771894111,5.771894111,5.771894103,5.771894128,5.77189407,5.771894124,5.771894132,5.771894101,5.771894125,5.771894104,5.77189414,5.771894133,5.771894116
+"6904","HSD3B1",4.350306593,4.35030659,4.35030659,4.350306582,4.350306614,4.350306579,4.350306616,4.350306634,4.350306608,4.350306596,4.350306601,4.350306638,4.350306599,4.350306582,4.350306612,4.350306627,4.350306637,4.350306615,4.35030661,4.350306601,4.350306614,4.35030662,4.350306587,4.350306595,4.350306606,4.35030663,4.350306593,4.350306605
+"6905","HSD3B2",3.870549958,3.870549982,3.870549978,3.870549985,3.870549964,3.870549953,3.870549951,3.870549958,3.870549993,3.870549968,3.870549996,3.870549976,3.870549957,3.870549947,3.870549963,3.870549973,3.870549983,3.870549988,3.870549961,3.87054998,3.870549941,3.870549974,3.870549985,3.870549956,3.870549973,3.87054997,3.870549973,3.870549949
+"6906","HSD3B7",6.310883791,6.310883924,6.310884213,6.310883855,6.310884317,6.310883637,6.31088399,6.310884085,6.310883901,6.310883916,6.310884191,6.31088412,6.310883914,6.310883766,6.310884095,6.310884084,6.310884102,6.310884253,6.310883963,6.310883822,6.310884162,6.310884137,6.31088402,6.310883958,6.31088419,6.310884059,6.310883826,6.310884003
+"6907","HSD3BP4",4.937317305,4.937317346,4.937317367,4.937317263,4.937317239,4.937317367,4.937317343,4.937317268,4.937317386,4.937317401,4.937317256,4.937317264,4.937317367,4.937317338,4.937317286,4.937317321,4.93731733,4.937317284,4.937317314,4.937317294,4.937317362,4.937317339,4.937317305,4.937317312,4.937317331,4.937317292,4.937317265,4.937317287
+"6908","HSDL1",6.419087708,6.419087659,6.419087599,6.419087583,6.419087515,6.41908745,6.419087571,6.419087513,6.419087644,6.419087649,6.419087648,6.419087619,6.419087727,6.419087815,6.419087635,6.419087628,6.419087409,6.419087536,6.419087617,6.41908747,6.419087545,6.419087453,6.419087608,6.419087616,6.419087562,6.419087637,6.419087566,6.419087581
+"6909","HSDL2",6.805168258,6.805169566,6.805168308,6.805170415,6.80516689,6.805167843,6.805167965,6.805167358,6.805167566,6.805168078,6.80516849,6.805165306,6.805168412,6.805169608,6.805167992,6.805169829,6.805167909,6.805169923,6.805169103,6.805168282,6.805167497,6.805166799,6.805168469,6.805169645,6.805170329,6.805167029,6.805167533,6.80516855
+"6910","HSF1",7.392280117,7.392280114,7.392280122,7.392280114,7.392280129,7.392280138,7.392280128,7.392280115,7.392280132,7.392280136,7.392280128,7.39228012,7.392280124,7.392280111,7.392280121,7.392280099,7.392280119,7.39228012,7.392280113,7.392280129,7.392280112,7.392280127,7.392280127,7.392280118,7.392280116,7.392280115,7.392280131,7.392280107
+"6911","HSF2",5.185238907,5.185238773,5.185238736,5.18523839,5.185238429,5.185238229,5.185238636,5.185238255,5.185238964,5.185238851,5.185238415,5.185238699,5.185238602,5.18523931,5.185238324,5.185238513,5.185237913,5.185238361,5.185238764,5.185238381,5.185238186,5.18523857,5.185239006,5.185238752,5.185238648,5.185238619,5.185238715,5.185238992
+"6912","HSF5",5.654115696,5.654115648,5.654115557,5.654115518,5.654115515,5.654115741,5.654115501,5.654115536,5.654115826,5.65411575,5.654115446,5.654115671,5.654115708,5.654115867,5.654115603,5.654115573,5.654115602,5.654115567,5.654115688,5.654115673,5.654115453,5.654115681,5.654115793,5.654115719,5.65411537,5.654115778,5.654115727,5.654115754
+"6913","HSP90AA1",6.985484135,6.985483625,6.985482947,6.985480326,6.985481534,6.985484112,6.985483391,6.985481654,6.985483871,6.985483337,6.985481772,6.985476749,6.985483563,6.985495596,6.985483477,6.985482527,6.985480827,6.985480714,6.98548291,6.985482045,6.985484283,6.985484715,6.985486577,6.985482881,6.985480679,6.985480266,6.985482512,6.985489787
+"6914","HSP90AA2P",4.354460132,4.354459724,4.354460644,4.354458876,4.354459148,4.354460737,4.354459973,4.354459859,4.354459783,4.354460474,4.354460468,4.354459022,4.354460383,4.354461077,4.354458867,4.354460143,4.354459676,4.354459451,4.354460068,4.354459866,4.354459632,4.354459975,4.354460156,4.354460478,4.354460346,4.354459268,4.354459322,4.35446063
+"6915","HSP90AA4P",4.056370424,4.05637038,4.056370516,4.05637045,4.056370535,4.056370451,4.056370288,4.056370461,4.056370542,4.056370441,4.056370628,4.056370454,4.056370496,4.056370566,4.056370328,4.056370517,4.056370446,4.05637042,4.056370356,4.056370416,4.056370218,4.056370585,4.056370379,4.056370343,4.056370505,4.056370319,4.056370399,4.05637049
+"6916","HSP90AA5P",2.868910151,2.868910129,2.868910099,2.868910128,2.868910045,2.868910092,2.868909922,2.86891011,2.86891012,2.868910245,2.868910073,2.868910083,2.868910008,2.868910044,2.868910014,2.868910177,2.868910173,2.868910077,2.86891,2.868910088,2.868910079,2.868910088,2.86891011,2.868910072,2.86891015,2.868910066,2.868910031,2.868910084
+"6917","HSP90AA6P",2.99826764,2.998267499,2.998267826,2.998267157,2.998267545,2.998267451,2.998267423,2.998267433,2.998267503,2.998267438,2.998267292,2.998267341,2.998267303,2.998267713,2.99826724,2.998267825,2.998268157,2.998267572,2.998267582,2.998267635,2.998267693,2.998267554,2.998267811,2.998267491,2.998267697,2.998267215,2.998267356,2.998267538
+"6918","HSP90AB1",9.111431792,9.111342289,9.111205548,9.111181083,9.11133185,9.111463512,9.111427302,9.111206749,9.11139495,9.111389168,9.111075882,9.111272514,9.111394664,9.111742264,9.111311049,9.111109259,9.111000309,9.111063199,9.11132226,9.111058498,9.111418512,9.111272813,9.111428012,9.111223965,9.111039185,9.111348405,9.111503912,9.111447838
+"6919","HSP90AB2P",4.947451236,4.947451249,4.947451252,4.947451231,4.94745126,4.947451202,4.947451252,4.947451251,4.947451279,4.947451257,4.94745129,4.947451282,4.947451262,4.947451258,4.947451275,4.947451302,4.947451208,4.947451329,4.94745127,4.947451224,4.94745132,4.947451261,4.947451243,4.947451191,4.947451249,4.947451317,4.947451227,4.947451303
+"6920","HSP90AB3P",5.836865052,5.836864802,5.836864849,5.836864929,5.83686492,5.836864841,5.836864941,5.836864838,5.836864856,5.836864756,5.836864973,5.836864696,5.836865064,5.83686522,5.836864776,5.836864817,5.836864836,5.836864911,5.836864734,5.836864978,5.836865024,5.836864838,5.836864819,5.836864809,5.836864904,5.836865172,5.836865115,5.836864911
+"6921","HSP90AB4P",5.453003985,5.453003978,5.453003944,5.453003968,5.45300398,5.45300392,5.453003958,5.453003969,5.45300396,5.453003957,5.453003939,5.453003934,5.453003971,5.453004046,5.453003972,5.453003973,5.453003973,5.453003958,5.453003979,5.453003912,5.453003978,5.453003967,5.453003978,5.453003979,5.453003964,5.453003966,5.453003977,5.453004029
+"6922","HSP90AB5P",3.67535373,3.675353814,3.675354113,3.67535393,3.675354025,3.675353839,3.675354017,3.67535393,3.675353848,3.675353983,3.675353908,3.675353867,3.675353853,3.675353972,3.675353801,3.67535374,3.675353799,3.675354104,3.675354181,3.67535405,3.675353862,3.675354021,3.675354143,3.675353897,3.675354001,3.675353919,3.675353887,3.675353769
+"6923","HSP90AB6P",3.447595491,3.447595507,3.447595506,3.447595497,3.447595509,3.447595504,3.447595486,3.447595496,3.447595497,3.44759551,3.447595492,3.447595535,3.447595492,3.447595492,3.447595498,3.44759548,3.447595541,3.44759552,3.447595501,3.44759549,3.447595498,3.447595504,3.447595518,3.447595498,3.447595488,3.447595492,3.447595497,3.447595502
+"6924","HSP90B2P",3.337593375,3.337593819,3.337593721,3.337593498,3.337593558,3.337593316,3.337593156,3.337593457,3.337593368,3.337593046,3.337593542,3.337593377,3.337593306,3.337593849,3.337593409,3.337593434,3.337593386,3.337593578,3.337593736,3.337593359,3.337593643,3.33759382,3.337593595,3.337593246,3.337593243,3.33759334,3.337593319,3.337594011
+"6925","HSP90B3P",3.624674002,3.624673817,3.624673917,3.624673852,3.624674007,3.62467388,3.624673796,3.624674119,3.624673852,3.624674193,3.62467407,3.624674135,3.624674181,3.624673974,3.624674121,3.624674017,3.624674332,3.624674186,3.624673891,3.624674025,3.624674288,3.624674191,3.624673833,3.62467391,3.624673889,3.624674128,3.624673948,3.624674126
+"6926","HSPA12A",5.843966494,5.843966478,5.843966562,5.843966539,5.843966631,5.843966513,5.843966519,5.843966584,5.84396653,5.843966539,5.84396656,5.843966618,5.843966555,5.843966408,5.84396653,5.84396653,5.843966604,5.84396661,5.843966535,5.843966515,5.843966531,5.843966617,5.843966515,5.843966439,5.843966601,5.843966591,5.843966553,5.84396659
+"6927","HSPA12B",6.070851507,6.070851623,6.070851627,6.070851516,6.070851742,6.070851617,6.070851562,6.070851686,6.070851635,6.070851648,6.070851676,6.070851658,6.07085163,6.070851489,6.070851659,6.070851609,6.070851697,6.07085169,6.0708516,6.07085162,6.070851656,6.070851636,6.070851533,6.070851583,6.070851627,6.070851637,6.070851582,6.070851665
+"6928","HSPA13",5.364977672,5.364977469,5.364977714,5.36497706,5.364977312,5.364976712,5.364977681,5.364976999,5.364977387,5.364977376,5.364977051,5.364976928,5.364977504,5.364978712,5.364977502,5.364977059,5.364977346,5.364977083,5.364977622,5.364976679,5.364977658,5.364977214,5.364977883,5.364977394,5.364976864,5.364977143,5.364977422,5.364978316
+"6929","HSPA14",5.143302136,5.14330208,5.143302042,5.143302017,5.143302016,5.143301978,5.143302089,5.143302086,5.143302152,5.143302013,5.143302017,5.143301989,5.143302051,5.143302261,5.143302111,5.143302051,5.143302024,5.143301927,5.143302099,5.143301942,5.14330205,5.143302051,5.143302168,5.143302015,5.143301914,5.143301988,5.143302086,5.143302132
+"6930","HSPA1L",5.420716715,5.420717028,5.42071656,5.420716849,5.420716935,5.420716873,5.420716877,5.420716847,5.420716744,5.420716716,5.420716906,5.420716672,5.420716807,5.420717043,5.420716699,5.420716982,5.420716458,5.420716512,5.420716919,5.420716811,5.420716773,5.420716607,5.420716839,5.420716926,5.420717016,5.420716801,5.420716902,5.420716904
+"6931","HSPA2",4.999945525,4.999945544,4.999945545,4.999945575,4.999945572,4.999945563,4.999945528,4.9999455,4.999945548,4.999945494,4.999945553,4.999945681,4.999945507,4.999945445,4.9999456,4.999945551,4.999945616,4.999945628,4.999945532,4.999945543,4.99994557,4.999945555,4.999945526,4.999945511,4.999945523,4.999945527,4.999945552,4.999945531
+"6932","HSPA4",6.592866681,6.592866588,6.592866529,6.592866513,6.592866512,6.592866556,6.592866577,6.592866511,6.592866554,6.592866564,6.592866534,6.592866387,6.592866546,6.59286687,6.592866544,6.592866482,6.5928664,6.592866499,6.592866524,6.592866524,6.592866557,6.592866506,6.592866583,6.592866501,6.592866458,6.592866559,6.592866599,6.592866691
+"6933","HSPA4L",3.111458801,3.11145884,3.111458826,3.111458844,3.111458821,3.1114588,3.11145884,3.111458848,3.111458824,3.111458793,3.111458878,3.11145886,3.111458806,3.111458821,3.111458823,3.111458872,3.111458894,3.111458845,3.111458845,3.111458843,3.111458831,3.111458821,3.111458849,3.1114588,3.11145888,3.111458805,3.111458831,3.111458825
+"6934","HSPA5",7.715273814,7.715274255,7.715273023,7.715273995,7.715273374,7.71527454,7.715274323,7.715273088,7.715273807,7.715273738,7.715273248,7.715272498,7.715274009,7.715275352,7.715273683,7.715274008,7.715272972,7.715273473,7.715273472,7.715274043,7.715274567,7.715273431,7.715274176,7.715274208,7.715272702,7.715273261,7.715273862,7.715273931
+"6935","HSPA6",8.984357674,9.022794941,8.954341766,9.026468574,8.961447942,9.037539421,9.010551771,8.961842989,8.969955179,8.952309428,8.975936316,8.925202469,8.992481617,8.968364739,8.988814473,9.032776108,8.961059514,9.011088905,9.011882901,9.049822972,9.007014714,8.989589088,8.998341542,9.000807387,8.984404592,8.947795397,8.974967348,8.944510283
+"6936","HSPA8",10.90662214,10.75303731,10.58600734,10.55208403,10.82468948,11.05863123,10.87430912,10.78102141,10.90073768,10.74410431,10.46133014,10.40420133,10.81791714,11.58948976,10.83871768,10.41897958,10.51934481,10.36926746,10.77792235,10.95065481,10.83185792,10.74549724,10.98596287,10.61152764,10.2394458,10.59311017,10.88691502,11.14921777
+"6937","HSPA9",8.151814745,8.151814369,8.151814224,8.151813897,8.151814092,8.151814524,8.151814805,8.151814011,8.151814822,8.151814524,8.151813976,8.151814216,8.151814608,8.151815492,8.151814389,8.151814373,8.151813951,8.151813708,8.151814239,8.151814262,8.151814389,8.15181423,8.151814794,8.151814361,8.151813796,8.151814308,8.151814639,8.151815022
+"6938","HSPB1",7.636879217,7.636879133,7.636879125,7.636879362,7.636879533,7.636879658,7.636879536,7.636879225,7.636879629,7.636879648,7.636879327,7.63687952,7.636879244,7.636879408,7.636879415,7.63687898,7.636879427,7.636879379,7.636879315,7.636879113,7.63687957,7.636879294,7.636879472,7.636879383,7.636879244,7.63687949,7.636879284,7.636879609
+"6939","HSPB11",4.981689708,4.981689621,4.981689675,4.981689109,4.981689306,4.981689292,4.981689606,4.981689319,4.981689562,4.981689642,4.98168955,4.981689265,4.98168973,4.981689853,4.981689686,4.981689549,4.981689472,4.981689406,4.981689721,4.981689443,4.981689543,4.981689549,4.981689811,4.981689504,4.9816895,4.981689532,4.981689728,4.981689843
+"6940","HSPB3",3.467877836,3.46787791,3.467877901,3.467877903,3.467877938,3.467877901,3.467877875,3.467877891,3.467877868,3.467877847,3.467877879,3.467877911,3.4678779,3.467877831,3.467877892,3.467877881,3.467877939,3.467877899,3.46787789,3.467877886,3.467877905,3.46787788,3.467877916,3.467877856,3.467877879,3.467877878,3.467877853,3.467877868
+"6941","HSPB6",5.293152766,5.293152795,5.293152796,5.293152808,5.293153088,5.293152809,5.293152933,5.293152909,5.293152939,5.293152881,5.293152883,5.293152978,5.293152839,5.293152763,5.293153023,5.293152905,5.293153053,5.293152954,5.293152905,5.293152852,5.293153016,5.293152994,5.293152783,5.29315282,5.293152878,5.293152917,5.293152762,5.29315278
+"6942","HSPB7",4.254295726,4.25429573,4.25429575,4.25429575,4.25429588,4.254295699,4.254295718,4.254295817,4.254295702,4.254295724,4.254295856,4.254295809,4.25429563,4.254295666,4.254295851,4.254295805,4.254295856,4.254295856,4.254295612,4.254295918,4.254295863,4.254295926,4.254295569,4.254295748,4.254295693,4.254295822,4.254295693,4.254295648
+"6943","HSPB8",3.842704246,3.842704186,3.842704189,3.842704234,3.842704204,3.842704503,3.842704278,3.842704381,3.842704023,3.842704027,3.842704389,3.842704559,3.842704213,3.842703884,3.842704174,3.84270416,3.842704503,3.842704139,3.842704017,3.842704165,3.84270444,3.842704503,3.842704151,3.842704136,3.842704301,3.842704367,3.842704143,3.842704334
+"6944","HSPB9",4.366362882,4.366362909,4.366362907,4.366362897,4.366362922,4.366362915,4.366362901,4.366362911,4.366362908,4.3663629,4.366362912,4.366362933,4.366362898,4.366362897,4.366362927,4.3663629,4.366362921,4.366362913,4.366362912,4.366362918,4.366362911,4.366362907,4.366362922,4.366362899,4.366362911,4.366362928,4.366362892,4.366362922
+"6945","HSPBAP1",6.307281206,6.30728117,6.307281238,6.307281277,6.307281132,6.30728115,6.307281234,6.307281221,6.307281159,6.307281125,6.30728126,6.307281152,6.307281241,6.307281213,6.307281214,6.307281178,6.307281242,6.307281271,6.307281178,6.307281233,6.307281207,6.307281189,6.307281179,6.307281216,6.307281269,6.307281213,6.307281243,6.30728118
+"6946","HSPBP1",6.81260583,6.812605816,6.812606148,6.812605814,6.812606295,6.812605846,6.812605999,6.812606254,6.812605955,6.812606054,6.812606164,6.812606214,6.812606164,6.812605666,6.812606156,6.812606138,6.812606174,6.812606137,6.81260598,6.812606012,6.812606108,6.812606342,6.812605955,6.812605865,6.812606138,6.812606071,6.812605963,6.812606105
+"6947","HSPC102",8.112728248,8.513789023,7.758739574,8.499416581,7.86164841,8.500527794,8.33632341,8.173890621,7.829299869,7.802792541,8.323273305,7.959150919,7.723584143,8.037397131,8.139351779,8.542159706,7.885291631,8.350575063,8.28678848,8.625917749,8.368432973,8.189650375,8.165356593,8.149827373,8.485950709,8.147325871,7.91500884,7.971455344
+"6948","HSPD1",7.072756516,7.072756588,7.072755797,7.07275564,7.072755255,7.07275602,7.072757032,7.072755547,7.072756537,7.072755623,7.072754804,7.072754996,7.072756185,7.072757911,7.072755803,7.072755376,7.072754514,7.072754914,7.072755895,7.072755924,7.072756849,7.072755471,7.07275656,7.072756164,7.072755027,7.072756273,7.072756625,7.072756834
+"6949","HSPG2",5.815152607,5.815152587,5.815152724,5.815152682,5.81515275,5.8151526,5.815152701,5.815152786,5.815152657,5.815152674,5.81515276,5.815152786,5.815152685,5.815152566,5.815152724,5.815152671,5.815152753,5.815152781,5.815152666,5.815152679,5.815152737,5.815152772,5.815152653,5.815152666,5.815152716,5.815152696,5.815152683,5.815152662
+"6950","HSPH1",6.08691685,6.086916687,6.086916161,6.08691633,6.086916305,6.086916526,6.086916762,6.086916279,6.086916819,6.08691611,6.086916019,6.08691581,6.086916434,6.086917795,6.086916825,6.086916394,6.086915953,6.086916069,6.086916545,6.086916183,6.086916595,6.086916037,6.08691681,6.086916263,6.086915743,6.0869163,6.086916567,6.086916823
+"6951","HTATIP2",6.603810459,6.603810451,6.603810437,6.603810445,6.6038104,6.60381042,6.60381041,6.603810413,6.603810416,6.603810337,6.603810448,6.60381035,6.603810409,6.603810445,6.603810429,6.603810488,6.603810378,6.603810456,6.603810472,6.603810487,6.603810403,6.603810427,6.603810484,6.603810479,6.603810456,6.60381036,6.603810396,6.603810407
+"6952","HTATSF1",5.85714234,5.857142401,5.857142495,5.857141779,5.857142303,5.857142213,5.857142264,5.857141644,5.857142822,5.85714276,5.857141965,5.857141849,5.85714217,5.857144236,5.857142506,5.85714183,5.857141878,5.85714141,5.857142622,5.85714193,5.857142127,5.857141847,5.857142716,5.857142745,5.857141566,5.857142517,5.857142517,5.857143719
+"6953","HTATSF1P2",6.572335077,6.572335466,6.572335022,6.57233515,6.572334903,6.572334954,6.572335082,6.572334799,6.572335246,6.572335233,6.572335428,6.572334884,6.572335319,6.572335103,6.572334955,6.572335358,6.572335037,6.572335344,6.572335108,6.572335176,6.572335147,6.572334992,6.572335309,6.57233543,6.572335402,6.572335012,6.572335159,6.572335135
+"6954","HTN1",2.641669867,2.641669881,2.641670025,2.641669923,2.64166989,2.641670017,2.641669942,2.641669905,2.641669853,2.641669721,2.641669944,2.641670152,2.641669779,2.641670046,2.64166982,2.641669997,2.641670007,2.641669953,2.641669915,2.64167015,2.641669799,2.641669918,2.641669952,2.641669802,2.641669873,2.641669706,2.641669824,2.641670028
+"6955","HTN3",3.052904311,3.052904309,3.052904308,3.052904307,3.052904322,3.052904327,3.052904308,3.052904328,3.052904323,3.052904323,3.052904315,3.052904346,3.052904302,3.052904301,3.052904318,3.052904321,3.05290436,3.052904339,3.052904328,3.052904319,3.052904293,3.052904339,3.052904307,3.052904324,3.052904333,3.052904303,3.052904294,3.052904315
+"6956","HTR1A",4.396531702,4.396531717,4.39653171,4.396531714,4.396531735,4.396531713,4.39653171,4.396531716,4.396531707,4.396531722,4.396531723,4.396531699,4.396531714,4.396531694,4.396531707,4.396531736,4.396531743,4.396531738,4.396531707,4.396531706,4.39653173,4.396531731,4.396531704,4.396531714,4.396531709,4.396531731,4.396531722,4.396531707
+"6957","HTR1B",6.558183577,6.558183626,6.558183663,6.558183608,6.558183741,6.558183544,6.558183572,6.558183706,6.558183649,6.558183594,6.558183679,6.5581838,6.55818362,6.558183442,6.55818369,6.558183682,6.558183792,6.558183743,6.558183638,6.558183607,6.558183613,6.558183725,6.558183587,6.558183579,6.558183638,6.558183666,6.558183597,6.55818372
+"6958","HTR1D",4.778401269,4.778401465,4.778401748,4.778401546,4.778401999,4.778401215,4.778401798,4.778402115,4.778401293,4.778401384,4.77840155,4.778401916,4.778401507,4.778401189,4.77840183,4.778401886,4.778402122,4.778402002,4.778401738,4.778401795,4.778401984,4.778401735,4.778401741,4.778401307,4.778401704,4.778401527,4.77840139,4.778401367
+"6959","HTR1E",3.865548065,3.865548014,3.865548044,3.865548101,3.865548099,3.865548101,3.865548116,3.865548101,3.865548087,3.865548036,3.865548064,3.865548099,3.86554805,3.865548006,3.865548134,3.865548083,3.865548132,3.865548087,3.865548079,3.865548039,3.865548086,3.865548126,3.86554802,3.865548085,3.865548059,3.865548118,3.865548053,3.86554806
+"6960","HTR1F",3.663321185,3.663321043,3.663321145,3.663321387,3.663320977,3.663321137,3.663321187,3.663321088,3.66332102,3.663321147,3.663321162,3.663321362,3.663321139,3.663321305,3.663321159,3.663321183,3.663321453,3.663321809,3.663321043,3.663321224,3.663321296,3.663321379,3.663320991,3.663321057,3.663321228,3.66332101,3.663321148,3.663321285
+"6961","HTR2A",3.266656966,3.266656986,3.266656976,3.266656976,3.266657,3.266656977,3.266656982,3.26665698,3.266656995,3.26665698,3.266656986,3.266657009,3.266656981,3.266656983,3.266656979,3.266657025,3.266657008,3.266656991,3.26665698,3.266656975,3.266656981,3.266656991,3.266656991,3.266656983,3.266656999,3.266656978,3.266656971,3.266656997
+"6962","HTR2B",3.482631561,3.482631661,3.482631682,3.482631614,3.482631626,3.482631618,3.482631641,3.482631622,3.482631617,3.482631619,3.482631641,3.482631695,3.482631592,3.482631589,3.482631614,3.482631617,3.482631646,3.482631616,3.482631709,3.48263162,3.482631578,3.482631606,3.482631547,3.482631567,3.482631608,3.482631629,3.482631632,3.482631578
+"6963","HTR2C",3.993627472,3.99362753,3.993627503,3.993627518,3.993627579,3.99362756,3.993627562,3.993627561,3.993627488,3.993627566,3.993627546,3.993627606,3.993627515,3.993627502,3.993627531,3.993627598,3.993627583,3.99362753,3.993627585,3.993627506,3.993627558,3.993627575,3.993627489,3.993627496,3.993627508,3.993627534,3.993627497,3.993627568
+"6964","HTR3A",5.177310064,5.177309991,5.177310142,5.177310078,5.177310235,5.177310011,5.177309973,5.177310195,5.177310158,5.17731007,5.177310174,5.17731024,5.177310119,5.177309935,5.177310248,5.17731005,5.177310201,5.17731021,5.177310138,5.177310139,5.177310147,5.177310177,5.177309991,5.177310056,5.177310049,5.177310183,5.177310077,5.177310086
+"6965","HTR3B",4.184904307,4.184904232,4.184904365,4.184904373,4.184904469,4.184904267,4.184904375,4.184904411,4.184904289,4.18490429,4.184904492,4.184904472,4.184904426,4.184904289,4.184904373,4.184904461,4.18490455,4.18490445,4.184904497,4.184904313,4.184904377,4.184904396,4.184904285,4.184904265,4.184904297,4.184904363,4.18490434,4.184904385
+"6966","HTR3C",4.195847652,4.195847647,4.195847674,4.195847673,4.195847656,4.195847639,4.195847669,4.195847663,4.19584763,4.195847626,4.195847684,4.195847656,4.195847641,4.195847629,4.195847675,4.195847649,4.195847687,4.19584766,4.195847668,4.195847666,4.195847675,4.19584764,4.195847651,4.195847624,4.195847631,4.195847651,4.195847632,4.195847654
+"6967","HTR3D",4.326869176,4.326869217,4.326869237,4.326869246,4.32686923,4.326869171,4.326869213,4.326869276,4.326869181,4.326869232,4.326869189,4.326869254,4.326869196,4.3268692,4.326869223,4.326869211,4.326869238,4.326869197,4.326869249,4.326869264,4.3268692,4.326869253,4.326869194,4.326869235,4.326869199,4.326869213,4.326869212,4.326869239
+"6968","HTR3E",4.072403514,4.072403529,4.072403538,4.072403465,4.07240357,4.072403543,4.072403529,4.072403526,4.072403528,4.07240352,4.072403562,4.07240352,4.07240353,4.072403495,4.072403566,4.072403544,4.07240356,4.072403523,4.072403543,4.072403538,4.072403541,4.072403552,4.072403526,4.072403515,4.072403522,4.072403532,4.072403513,4.072403546
+"6969","HTR4",4.076062753,4.076062752,4.076062795,4.076062793,4.076062834,4.076062848,4.076062813,4.076062831,4.076062772,4.076062835,4.076062779,4.076062863,4.076062823,4.076062757,4.076062848,4.076062793,4.076062879,4.076062844,4.076062783,4.07606275,4.076062821,4.076062843,4.076062753,4.076062788,4.076062829,4.076062819,4.076062781,4.076062808
+"6970","HTR5A",4.807421832,4.80742183,4.807421866,4.807421834,4.807421907,4.807421837,4.807421828,4.80742187,4.807421845,4.807421842,4.807421856,4.807421797,4.80742184,4.807421802,4.807421885,4.807421845,4.807421888,4.807421861,4.807421861,4.807421852,4.807421838,4.807421862,4.807421825,4.80742179,4.807421817,4.80742185,4.807421811,4.807421816
+"6971","HTR6",5.545577863,5.545577846,5.545577908,5.545577846,5.545577921,5.545577805,5.545577917,5.545577907,5.545577869,5.545577895,5.545577914,5.545577889,5.545577851,5.545577783,5.545577881,5.545577899,5.545577909,5.545577883,5.545577879,5.545577891,5.545577893,5.545577919,5.545577823,5.545577846,5.545577856,5.545577887,5.545577858,5.545577869
+"6972","HTR7",4.468398378,4.468398606,4.468398492,4.468398551,4.468398622,4.468398603,4.468398537,4.468398498,4.468398632,4.468398637,4.468398591,4.468398692,4.46839849,4.468398444,4.468398587,4.468398614,4.468398664,4.468398573,4.468398433,4.468398532,4.468398556,4.468398699,4.468398551,4.468398603,4.468398522,4.468398448,4.468398527,4.46839867
+"6973","HTR7P1",6.092526161,6.092526068,6.092526317,6.092526215,6.092526467,6.092526112,6.092526223,6.092526392,6.092526236,6.09252631,6.092526269,6.09252647,6.092526259,6.09252603,6.092526344,6.092526114,6.092526354,6.092526262,6.092526212,6.092526212,6.092526334,6.09252629,6.092526152,6.092526171,6.092526285,6.092526411,6.092526192,6.092526217
+"6974","HTRA1",5.998081943,5.998081873,5.998082003,5.998081938,5.998082064,5.998081887,5.99808195,5.998082037,5.998081914,5.998081884,5.998081996,5.998082058,5.99808199,5.998081865,5.998082053,5.998081914,5.998082101,5.998082042,5.998081987,5.998081958,5.998082048,5.998082036,5.9980819,5.998081821,5.998081989,5.998081994,5.99808193,5.99808192
+"6975","HTRA2",6.801178988,6.801179022,6.801178997,6.801179056,6.801178967,6.801179037,6.801179104,6.801179006,6.801179024,6.801179051,6.801179016,6.801179035,6.80117901,6.801179045,6.801179021,6.801179087,6.801179045,6.80117901,6.801178983,6.801179093,6.801179045,6.801179012,6.801178994,6.801179004,6.801178999,6.801178998,6.80117903,6.801178976
+"6976","HTRA3",5.865261643,5.865262009,5.86526232,5.865261913,5.865262543,5.865261611,5.86526221,5.865262348,5.865262148,5.865262244,5.865262408,5.865262488,5.865262043,5.865261614,5.865262084,5.865262236,5.865262518,5.865262378,5.865262051,5.865262064,5.86526213,5.865262296,5.865261854,5.865261884,5.865262327,5.865262249,5.865262068,5.865262243
+"6977","HTRA4",5.920901551,5.920901527,5.920901546,5.920901539,5.920901554,5.920901553,5.92090154,5.920901564,5.920901534,5.920901547,5.92090156,5.920901547,5.920901549,5.920901511,5.920901551,5.920901504,5.920901568,5.92090155,5.920901548,5.920901553,5.920901547,5.920901569,5.920901531,5.920901537,5.920901556,5.920901547,5.920901529,5.920901535
+"6978","HTT",7.095951494,7.095951407,7.095951351,7.095951381,7.095951391,7.095951532,7.095951506,7.095951406,7.095951451,7.095951475,7.095951405,7.095951397,7.095951454,7.095951525,7.095951412,7.095951334,7.095951277,7.095951328,7.095951409,7.095951461,7.095951465,7.095951389,7.095951409,7.095951459,7.095951372,7.095951475,7.095951482,7.095951385
+"6979","HUNK",4.661569395,4.661569397,4.661569412,4.661569424,4.661569414,4.661569429,4.661569418,4.661569412,4.661569417,4.661569432,4.661569415,4.661569421,4.661569388,4.661569383,4.661569415,4.661569405,4.66156941,4.661569417,4.66156942,4.661569416,4.661569412,4.661569405,4.661569428,4.661569388,4.661569416,4.661569415,4.661569429,4.661569387
+"6980","HUS1",7.040844642,7.040844082,7.040844223,7.040844158,7.040844076,7.040844229,7.040844324,7.040844064,7.040844472,7.040844585,7.040844276,7.040844197,7.040844687,7.04084483,7.040844347,7.040844065,7.040844071,7.040843959,7.040844468,7.0408443,7.040844292,7.040844164,7.040844462,7.040844416,7.040844183,7.040844251,7.040844659,7.040844382
+"6981","HUS1B",5.735851076,5.735851058,5.735851048,5.735850985,5.735851052,5.735851044,5.735850978,5.735851067,5.735851098,5.735851066,5.735851052,5.735851016,5.735851106,5.735851107,5.735851058,5.735851023,5.735850995,5.735851008,5.735851037,5.735851028,5.735850982,5.735851052,5.735851086,5.735851048,5.735851035,5.73585101,5.735851076,5.735851051
+"6982","HUWE1",7.675015034,7.67501497,7.675014919,7.675015039,7.675014985,7.675015131,7.675015163,7.675014942,7.675015078,7.67501508,7.67501501,7.675015004,7.67501506,7.675015167,7.675015035,7.6750149,7.67501479,7.675014991,7.675015004,7.675014903,7.67501509,7.675014975,7.675015042,7.675014985,7.67501499,7.67501512,7.675015085,7.675014984
+"6983","HVCN1",7.790721773,7.790721463,7.790721258,7.790721584,7.79072154,7.790721415,7.790721306,7.79072123,7.790720696,7.790721533,7.790721125,7.790721072,7.790721539,7.790721943,7.790721496,7.790721072,7.790720822,7.790721238,7.790721792,7.790721308,7.790721052,7.79072138,7.790720733,7.790721454,7.790721243,7.790721428,7.790721489,7.790721709
+"6984","HYAL1",5.988990714,5.988991014,5.988991316,5.988991063,5.988991387,5.988990747,5.98899103,5.988991343,5.988991165,5.988991082,5.988991184,5.98899133,5.988991215,5.988990812,5.988991198,5.988991232,5.988991325,5.988991369,5.988991142,5.98899113,5.988991177,5.988991312,5.988991119,5.988991283,5.988991346,5.988991289,5.988991084,5.988991201
+"6985","HYAL2",5.92468518,5.924685178,5.924685217,5.924685256,5.924685282,5.92468519,5.924685186,5.924685283,5.924685233,5.924685223,5.924685262,5.924685278,5.924685229,5.924685132,5.924685255,5.924685226,5.924685286,5.92468528,5.924685208,5.924685246,5.92468522,5.924685272,5.924685164,5.924685208,5.924685243,5.924685231,5.924685246,5.924685209
+"6986","HYAL4",3.08780235,3.087802509,3.087802319,3.087802421,3.087802259,3.08780268,3.087802294,3.087802461,3.087802418,3.087802386,3.087802208,3.087802359,3.087802371,3.087802328,3.087802195,3.087802254,3.087802487,3.087802401,3.087802311,3.087802592,3.087802291,3.087802258,3.087802479,3.087802287,3.087802275,3.087802307,3.087802329,3.087802489
+"6987","HYCC1",5.471133801,5.471133455,5.471133385,5.471133001,5.471133388,5.47113301,5.471133552,5.471132964,5.471133226,5.471133401,5.471133387,5.47113278,5.471133386,5.471134275,5.471133171,5.471133226,5.471133044,5.471132871,5.471133615,5.47113285,5.471133508,5.471133016,5.471133388,5.471133368,5.471133383,5.471132964,5.47113334,5.471133993
+"6988","HYCC2",8.553030929,8.876693507,7.94573584,8.941373809,8.136608767,8.187814767,8.483060362,8.001458165,8.28041172,8.287947454,8.381366293,7.607118667,8.227224311,8.463054872,8.479618891,8.933609094,8.147270728,8.899666365,8.688818947,8.394627222,8.498419767,8.075734094,8.774950693,8.727483705,8.643547715,7.988224757,8.202528212,8.356306381
+"6989","HYDIN",3.543294857,3.543294867,3.54329487,3.543294864,3.543294874,3.543294869,3.543294859,3.543294869,3.543294868,3.543294872,3.543294876,3.543294871,3.543294867,3.54329486,3.543294875,3.543294873,3.543294866,3.543294877,3.543294866,3.543294868,3.543294866,3.543294871,3.543294869,3.54329487,3.543294868,3.543294864,3.543294868,3.543294864
+"6990","HYI",6.09441567,6.094415768,6.09441571,6.094415728,6.094415764,6.094415594,6.094415697,6.094415703,6.094415727,6.094415694,6.094415745,6.094415749,6.094415721,6.094415677,6.094415721,6.094415795,6.094415749,6.094415831,6.094415685,6.09441576,6.094415749,6.094415746,6.094415722,6.094415768,6.094415736,6.094415762,6.094415671,6.094415759
+"6991","HYKK",4.645972465,4.645972682,4.645972462,4.645972449,4.645972511,4.645972548,4.645972737,4.645972653,4.64597274,4.645972819,4.645972382,4.645972601,4.645972391,4.645972668,4.645972321,4.645972501,4.645972736,4.645972629,4.645972597,4.645972505,4.645972533,4.645972657,4.645972595,4.645972696,4.645972442,4.645972483,4.645972844,4.6459724
+"6992","HYLS1",3.49432444,3.494324451,3.49432443,3.494324412,3.494324375,3.494324466,3.494324495,3.494324443,3.494324408,3.494324469,3.494324281,3.494324389,3.494324399,3.494324544,3.4943245,3.494324371,3.494324439,3.494324425,3.494324445,3.494324404,3.494324461,3.49432454,3.494324531,3.494324448,3.494324421,3.49432441,3.494324422,3.494324472
+"6993","HYOU1",6.6433539,6.643354064,6.643353836,6.643353998,6.643354023,6.643354308,6.643354256,6.643353955,6.643354051,6.643354038,6.643353781,6.643353802,6.643354121,6.643354311,6.643353867,6.643354036,6.643353871,6.643353749,6.643353753,6.643354097,6.643354361,6.643353939,6.643354026,6.643353997,6.643353918,6.643353944,6.643354055,6.643354127
+"6994","IAH1",6.583925226,6.583925044,6.583924894,6.583924918,6.583924925,6.583925032,6.583925072,6.583924914,6.583925085,6.583925087,6.583924903,6.583924906,6.583925101,6.583925267,6.583925099,6.583924994,6.583924776,6.583924867,6.5839251,6.583924954,6.583925009,6.583924996,6.583925153,6.583925064,6.583924977,6.583925013,6.583925119,6.583925093
+"6995","IAPP",2.3745378,2.374537806,2.37453778,2.374537805,2.374537817,2.374537841,2.374537799,2.37453779,2.374537802,2.374537804,2.374537815,2.374537821,2.374537811,2.374537796,2.374537848,2.37453779,2.374537866,2.374537788,2.37453782,2.374537803,2.374537811,2.3745378,2.374537803,2.374537811,2.374537825,2.374537769,2.374537789,2.374537819
+"6996","IARS1",7.677157127,7.677156627,7.677156269,7.677155403,7.677156222,7.67715666,7.677156846,7.677155997,7.677157224,7.677156572,7.677155554,7.677156248,7.677156742,7.677158019,7.67715651,7.677156079,7.677155221,7.677155474,7.677156314,7.677155981,7.677156709,7.67715628,7.677156996,7.677156306,7.677155722,7.677156686,7.677156854,7.677156936
+"6997","IARS2",6.894229821,6.894229611,6.894229382,6.894229181,6.89422925,6.894229512,6.894229592,6.894229168,6.894229712,6.894229682,6.894229044,6.894229059,6.894229619,6.894230624,6.894229467,6.894229235,6.89422898,6.894228711,6.894229344,6.894229488,6.894229387,6.894229115,6.894229744,6.894229652,6.894228886,6.894229337,6.894229372,6.894229967
+"6998","IBA57",5.573714856,5.573714862,5.573714891,5.573714861,5.573714888,5.573714867,5.573714864,5.573714879,5.573714883,5.57371488,5.573714864,5.573714897,5.573714871,5.573714865,5.573714887,5.573714863,5.573714895,5.573714877,5.57371488,5.573714879,5.573714869,5.5737149,5.573714874,5.573714858,5.573714871,5.573714869,5.573714871,5.573714854
+"6999","IBSP",4.48092032,4.480920333,4.480920324,4.480920329,4.480920427,4.48092036,4.480920395,4.480920453,4.480920326,4.480920325,4.480920316,4.480920428,4.480920379,4.480920251,4.480920421,4.48092037,4.480920498,4.480920347,4.480920343,4.480920369,4.480920402,4.48092037,4.480920258,4.48092028,4.480920335,4.48092044,4.480920344,4.480920382
+"7000","IBTK",6.289180678,6.289180049,6.289179783,6.289179204,6.28917975,6.289179129,6.289180518,6.289179347,6.289180288,6.289180078,6.289179919,6.289179103,6.289180367,6.289181743,6.289180054,6.289179351,6.289179153,6.289179185,6.289179989,6.289179151,6.289180201,6.289179775,6.289180121,6.289180092,6.289179799,6.289179576,6.289180009,6.289180948
+"7001","ICA1",4.204480248,4.204480254,4.204480243,4.204480172,4.204480234,4.204480203,4.204480197,4.204480177,4.204480154,4.204480155,4.204480209,4.204480155,4.204480149,4.204480168,4.204480238,4.204480183,4.204480207,4.204480239,4.204480171,4.204480169,4.204480221,4.204480205,4.204480174,4.204480153,4.204480196,4.204480172,4.204480109,4.204480204
+"7002","ICA1L",3.836637093,3.836637079,3.836637077,3.836637068,3.836637076,3.836637081,3.836637082,3.836637086,3.836637084,3.836637069,3.836637075,3.836637099,3.836637086,3.836637073,3.836637091,3.836637092,3.836637088,3.836637088,3.836637078,3.836637073,3.83663708,3.836637098,3.836637074,3.836637062,3.836637082,3.836637102,3.836637082,3.836637069
+"7003","ICAM1",6.973645676,6.973646022,6.973645029,6.973645729,6.973644419,6.973648493,6.973645484,6.97364536,6.97364527,6.973645972,6.973645441,6.973644122,6.973645987,6.973644914,6.973645937,6.973645139,6.973645279,6.973646175,6.973644138,6.973648152,6.973645201,6.973645796,6.973645233,6.973646265,6.973645951,6.97364485,6.973645796,6.973644809
+"7004","ICAM2",8.026632682,8.026632557,8.026632025,8.026632447,8.026632432,8.026633299,8.026632135,8.026632314,8.0266327,8.026633167,8.026631879,8.026632045,8.02663315,8.026632846,8.026632278,8.026632016,8.026631463,8.026632071,8.026632544,8.026632697,8.02663209,8.026632556,8.026632315,8.026632836,8.026631904,8.026632362,8.026633271,8.026632705
+"7005","ICAM3",10.11747444,10.47162772,10.0685742,10.54183157,9.702803409,10.11890962,10.04458318,9.978852068,9.991529597,9.957183825,10.08374386,9.666763537,10.14134767,10.03419626,10.10353874,10.5085101,10.12485187,10.33628764,10.06378533,10.25651843,10.00663646,10.11466446,10.13179381,10.25569934,10.13465498,9.886973778,10.11444081,9.885155264
+"7006","ICAM4",6.146306408,6.146306451,6.146306468,6.146306321,6.146306411,6.146306419,6.146306503,6.146306452,6.146306327,6.146306518,6.146306391,6.146306608,6.146306361,6.146306147,6.146306332,6.146306417,6.146306518,6.146306482,6.146306344,6.146306551,6.146306434,6.146306414,6.14630626,6.146306554,6.14630642,6.146306564,6.146306346,6.146306222
+"7007","ICAM5",6.371934903,6.371934887,6.371934963,6.371934895,6.371934998,6.371934887,6.371934932,6.371934968,6.371934907,6.371934945,6.371934976,6.371934997,6.37193492,6.371934808,6.371934951,6.371934915,6.371935004,6.371934972,6.371934947,6.371934907,6.371934948,6.371934961,6.371934865,6.371934881,6.371934916,6.371934963,6.371934906,6.37193493
+"7008","ICE1",5.987777164,5.987776789,5.987776987,5.987776594,5.987776583,5.987776456,5.987776892,5.987776601,5.987776874,5.987776613,5.98777629,5.987776302,5.987776954,5.987777729,5.987777044,5.987776623,5.987776574,5.987776598,5.98777671,5.987776494,5.987776702,5.987776771,5.987776879,5.987776968,5.987776779,5.987776617,5.987776956,5.987777281
+"7009","ICE2",5.898839346,5.898838564,5.898838711,5.898838235,5.898838371,5.898838002,5.898838466,5.898838334,5.89883892,5.898838108,5.898837938,5.898837953,5.898838649,5.898839843,5.898838634,5.898838607,5.898838205,5.89883799,5.898838736,5.898837918,5.898838422,5.89883857,5.898838932,5.898838671,5.898837893,5.898838817,5.89883856,5.898839512
+"7010","ICMT",5.993162229,5.993162229,5.993162235,5.993162216,5.993162247,5.993162231,5.993162255,5.993162244,5.993162241,5.993162243,5.993162239,5.993162232,5.99316224,5.993162211,5.993162232,5.993162229,5.99316225,5.993162231,5.99316224,5.993162236,5.99316224,5.99316223,5.993162242,5.99316223,5.993162224,5.993162234,5.99316223,5.993162234
+"7011","ICMT-DT",4.414092408,4.414092386,4.414092402,4.414092372,4.414092413,4.41409238,4.414092407,4.414092397,4.414092407,4.41409239,4.41409241,4.414092404,4.414092373,4.414092356,4.414092397,4.41409242,4.414092421,4.414092422,4.414092381,4.414092397,4.41409242,4.414092403,4.414092387,4.414092384,4.41409241,4.414092418,4.4140924,4.414092397
+"7012","ICOS",4.845930162,4.84592976,4.84592971,4.845929406,4.845930034,4.845930004,4.845930558,4.845929458,4.84593096,4.845930414,4.845929193,4.845929424,4.845930736,4.84593182,4.845930216,4.845930088,4.845929284,4.845929678,4.845930271,4.845929843,4.845930521,4.845929764,4.84593114,4.845930154,4.845929275,4.845930239,4.84593055,4.845930864
+"7013","ID1",4.931132767,4.931132861,4.931132836,4.931132716,4.931132882,4.931132797,4.931132776,4.931132766,4.931132712,4.931132713,4.931132745,4.931132858,4.931132749,4.931132606,4.931132831,4.931132699,4.931132824,4.931132827,4.931132755,4.931132755,4.931132769,4.931132814,4.931132705,4.931132679,4.93113281,4.931132773,4.93113278,4.931132731
+"7014","ID2",6.622248148,6.622247435,6.6222484,6.622247425,6.622246966,6.622246683,6.622247303,6.622246701,6.622247282,6.622246887,6.622247923,6.622246997,6.622247834,6.622247535,6.622246177,6.622245646,6.622245857,6.622246456,6.622247486,6.622245264,6.622247633,6.622246776,6.622247589,6.622247468,6.622247028,6.622247776,6.622247598,6.622247249
+"7015","ID2B",5.379587965,5.379587412,5.379588048,5.379587884,5.379588173,5.379587851,5.37958783,5.379588159,5.379587811,5.379588,5.379588306,5.379588255,5.379587908,5.379587698,5.379588105,5.379586903,5.379588083,5.379588125,5.379587905,5.379588049,5.379588002,5.37958798,5.379587612,5.379587634,5.379588046,5.379588133,5.379587899,5.379587908
+"7016","ID3",5.747573552,5.74757288,5.747573481,5.747573504,5.747573573,5.747573451,5.747573199,5.747573302,5.747573579,5.747573933,5.747572603,5.74757368,5.747573804,5.747574069,5.747573739,5.747573223,5.74757323,5.747573659,5.747573752,5.747573672,5.747573288,5.747573529,5.747573718,5.747573638,5.747573029,5.747573672,5.747573791,5.747574338
+"7017","ID4",5.541167115,5.541167123,5.541167185,5.541167189,5.541167195,5.54116727,5.541167145,5.541167139,5.541167095,5.541167157,5.541167306,5.541167225,5.541167191,5.541166977,5.541167201,5.541167157,5.541167241,5.541167172,5.541167205,5.5411672,5.541167097,5.541167186,5.541167187,5.541167148,5.541167169,5.541167177,5.541167201,5.541167066
+"7018","IDE",6.184072267,6.184071953,6.184071927,6.1840719,6.184071972,6.184071942,6.184072176,6.184071827,6.184071997,6.184072029,6.184071819,6.184072038,6.18407203,6.184072338,6.184071841,6.184071918,6.184071752,6.184071674,6.184071945,6.184072031,6.184072016,6.184071916,6.18407215,6.184072117,6.184071676,6.184071878,6.184072061,6.184072187
+"7019","IDH1",6.897901366,6.897901281,6.897901188,6.897901185,6.897901195,6.897901233,6.897901182,6.897900977,6.897901087,6.897901155,6.897901127,6.897900856,6.897901169,6.897901443,6.897901207,6.897901245,6.897901054,6.897900948,6.897901203,6.897901256,6.897901041,6.897901073,6.897901111,6.897901202,6.897901044,6.897900987,6.897901022,6.897901172
+"7020","IDH2",7.691454373,7.691453958,7.691454067,7.691453474,7.691453701,7.69145488,7.691454533,7.69145402,7.691454446,7.691454243,7.691453663,7.691453866,7.691454412,7.691454367,7.691453924,7.691453555,7.691453576,7.691453445,7.691453713,7.691454877,7.691454219,7.69145413,7.691454552,7.691454355,7.691453661,7.691453851,7.691454377,7.691453738
+"7021","IDH3A",6.866949794,6.866949823,6.866949735,6.866948417,6.866949508,6.866949438,6.86694956,6.866948941,6.86694964,6.866950086,6.86694826,6.866948636,6.866949539,6.866951353,6.866949066,6.866949096,6.866948857,6.866947828,6.86694943,6.866949557,6.866949352,6.866949001,6.866949673,6.866949576,6.866948544,6.866949221,6.866949469,6.866950115
+"7022","IDH3B",7.571475475,7.571475501,7.571475465,7.571475424,7.571475389,7.5714755,7.571475467,7.571475391,7.571475448,7.57147543,7.571475397,7.57147535,7.571475501,7.571475542,7.571475383,7.571475468,7.571475371,7.571475318,7.571475442,7.571475481,7.571475409,7.571475435,7.571475451,7.571475443,7.571475318,7.571475423,7.571475481,7.571475431
+"7023","IDH3G",7.681751374,7.681751354,7.681751325,7.681751306,7.681751284,7.681751516,7.681751316,7.681751274,7.681751268,7.681751428,7.681751274,7.681751166,7.681751418,7.68175132,7.681751233,7.681751216,7.681751129,7.681751089,7.681751301,7.681751506,7.681751176,7.681751286,7.681751205,7.681751399,7.681751285,7.681751283,7.68175145,7.681751214
+"7024","IDI1",5.709073865,5.709074057,5.709073286,5.709072673,5.709071462,5.709071996,5.709073285,5.70907164,5.709073825,5.709073842,5.709073429,5.709070022,5.709073398,5.709076564,5.709072802,5.709072866,5.709072896,5.709072412,5.709073047,5.70907262,5.709072794,5.709072792,5.709074227,5.709073946,5.70907286,5.70907154,5.70907253,5.709075475
+"7025","IDI2",3.415903402,3.415903246,3.415903107,3.41590327,3.415903362,3.415903172,3.415903387,3.41590344,3.415903445,3.415903435,3.415903334,3.41590335,3.415903109,3.415903346,3.415903411,3.415903612,3.415903478,3.415903534,3.4159033,3.415903199,3.415903197,3.415903395,3.415903284,3.415903027,3.415903258,3.415903507,3.415903139,3.415903182
+"7026","IDI2-AS1",4.066252569,4.066252656,4.066252552,4.066252594,4.066253011,4.066252989,4.066252768,4.066252967,4.066252899,4.066252674,4.066252849,4.066252972,4.06625289,4.066252599,4.066252846,4.06625265,4.066253032,4.066252672,4.066252705,4.066252832,4.066252868,4.066252921,4.066252634,4.066252499,4.066252403,4.066252748,4.066252525,4.066252793
+"7027","IDNK",6.186035133,6.186035145,6.186035184,6.186035178,6.186035141,6.186035136,6.186035142,6.186035189,6.186035182,6.186035176,6.186035184,6.186035179,6.186035177,6.186035149,6.186035175,6.186035159,6.186035178,6.186035113,6.186035147,6.186035192,6.186035162,6.186035171,6.186035173,6.186035171,6.186035165,6.186035184,6.186035184,6.186035156
+"7028","IDO1",5.198982628,5.199065127,5.199018524,5.199029955,5.199076379,5.199124905,5.199030934,5.199017202,5.199077741,5.199042548,5.199089652,5.199018213,5.199000406,5.199057834,5.198951944,5.199050693,5.19897294,5.198994978,5.19907257,5.199115892,5.199008559,5.198999229,5.199055547,5.199018611,5.199075332,5.199023135,5.199005886,5.199044713
+"7029","IDO2",3.41297098,3.412970982,3.412970972,3.412970962,3.412971,3.41297096,3.412970997,3.412970942,3.412970954,3.412970926,3.412970976,3.412970981,3.41297096,3.412970933,3.412970981,3.412971047,3.412971013,3.412970973,3.412970982,3.412970987,3.412971009,3.412971015,3.412971001,3.412970953,3.412971047,3.412970936,3.41297091,3.412970984
+"7030","IDS",8.9810815655,8.9810821685,8.9810810065,8.981082189,8.9810808235,8.981080871,8.9810813515,8.981081261,8.9810808175,8.9810808935,8.9810813335,8.9810804105,8.9810813855,8.9810811215,8.9810813455,8.981081849,8.9810810085,8.981082172,8.9810815735,8.981080966,8.9810812645,8.9810810525,8.981081365,8.981081485,8.981082024,8.9810809805,8.981081189,8.9810806925
+"7031","IDUA",6.600153014,6.600153039,6.600153133,6.600153017,6.600153309,6.600153164,6.600153162,6.60015321,6.60015312,6.600153171,6.600153231,6.60015336,6.600153153,6.600152975,6.600153167,6.600153114,6.600153236,6.600153159,6.600153189,6.600153055,6.600153202,6.600153244,6.600153111,6.600152983,6.600153114,6.60015323,6.600153169,6.600153178
+"7032","IER2",8.206697928,8.20669944,8.206697799,8.206698818,8.206697937,8.206699312,8.206698151,8.206698011,8.206698538,8.206698315,8.206697853,8.206697597,8.206698357,8.206698748,8.206698363,8.206699614,8.206698151,8.206698926,8.206698743,8.206699449,8.206698399,8.206698364,8.206699244,8.206699129,8.206698657,8.206698018,8.206698441,8.206698589
+"7033","IER3",6.174711419,6.174711373,6.174711433,6.17471149,6.174711419,6.174711459,6.174711421,6.174711445,6.174711391,6.174711412,6.174711434,6.174711452,6.174711357,6.174711356,6.174711469,6.1747114,6.1747115,6.174711451,6.17471142,6.17471145,6.174711486,6.174711485,6.174711411,6.17471139,6.174711355,6.174711466,6.174711417,6.174711426
+"7034","IER3IP1",6.332997479,6.332997353,6.332997334,6.332996968,6.332997441,6.332997038,6.33299736,6.332997372,6.332997449,6.33299745,6.332997392,6.332997194,6.332997444,6.332997629,6.332997439,6.332997343,6.332997396,6.332997246,6.332997448,6.332997211,6.332997438,6.332997399,6.332997332,6.332997153,6.332997157,6.332997376,6.332997338,6.332997719
+"7035","IER5",8.131755566,8.13175564,8.131755741,8.131755608,8.13175581,8.131755653,8.131755718,8.131755708,8.131755692,8.131755724,8.131755704,8.13175578,8.131755641,8.131755512,8.131755761,8.131755728,8.131755811,8.131755686,8.131755683,8.131755562,8.131755695,8.131755741,8.131755632,8.131755573,8.13175568,8.131755708,8.131755624,8.131755757
+"7036","IFFO1",6.297208913,6.297208877,6.297208953,6.297209023,6.297208793,6.297208881,6.29720891,6.297208797,6.297208832,6.297208884,6.29720892,6.297208762,6.297208854,6.297208795,6.297208874,6.297208957,6.29720882,6.297208915,6.297208732,6.297208847,6.297208858,6.297208768,6.297208854,6.29720889,6.297208872,6.297208824,6.297208856,6.297208653
+"7037","IFFO2",5.992630417,5.992630438,5.992630368,5.992630351,5.992630413,5.992630388,5.992630398,5.992630429,5.992630393,5.992630395,5.992630352,5.992630435,5.992630401,5.99263044,5.992630416,5.992630417,5.992630349,5.992630334,5.992630421,5.992630411,5.992630364,5.992630381,5.9926304,5.992630426,5.992630394,5.99263038,5.992630431,5.992630408
+"7038","IFI16",7.696782147,7.696781266,7.696780524,7.6967815,7.696781046,7.696782915,7.696781418,7.696780553,7.696780956,7.696780515,7.696780358,7.696778636,7.696781434,7.696781376,7.696781231,7.696780938,7.696780099,7.696781134,7.696781451,7.696782897,7.696781499,7.69678096,7.69678149,7.69678098,7.696780617,7.696780664,7.696781344,7.696780215
+"7039","IFI27",5.585312355,5.585313326,5.585316354,5.585313319,5.585320797,5.585316557,5.585312838,5.5853153,5.585316282,5.58531451,5.585315384,5.585313748,5.585312818,5.585310506,5.585313294,5.585313395,5.585314436,5.585312689,5.585319291,5.585315061,5.585313273,5.585314387,5.585313578,5.58531441,5.585315325,5.585313242,5.585311904,5.58531314
+"7040","IFI27L1",5.845200253,5.845200356,5.845200438,5.845200317,5.845200547,5.845199994,5.845200407,5.845200444,5.845200268,5.84520024,5.845200427,5.84520046,5.845200295,5.84520021,5.845200492,5.845200494,5.845200572,5.845200618,5.845200222,5.845200286,5.845200527,5.845200486,5.845200191,5.845200298,5.845200386,5.845200445,5.845200316,5.845200366
+"7041","IFI27L2",6.271792954,6.271792948,6.271793037,6.271792979,6.2717931,6.271793071,6.271793019,6.27179309,6.271793095,6.271793008,6.271793015,6.271792986,6.271793112,6.271792939,6.271793009,6.271792996,6.271793134,6.271792913,6.271793118,6.271793063,6.27179299,6.271793023,6.271793001,6.271793075,6.271793068,6.271792887,6.271793013,6.271792939
+"7042","IFI30",10.72527357,10.75564682,10.43867688,10.55425662,10.6280017,11.22522903,10.35982061,10.22193367,10.22787041,10.78158747,10.50798173,9.966843291,10.8010893,10.79559988,10.45949278,10.54965582,10.38998399,10.24271628,10.49649764,11.28197714,10.40183363,10.37453028,10.15620595,10.6704471,10.24581236,10.18290455,10.6814511,10.31192587
+"7043","IFI35",7.31492819,7.549820178,7.339119164,7.030702983,7.509750118,8.84799005,7.22524676,7.09890202,7.232076114,7.217262642,7.007799803,6.829719642,7.48251827,7.128686282,7.10037578,7.369435868,7.277118815,6.914466964,7.567741098,8.741583336,7.127232983,7.399807311,7.214500743,7.275083759,7.080186666,6.898408769,7.48324453,7.073686981
+"7044","IFI44",5.797714719,6.249911753,5.967376707,5.755159612,6.783338267,7.950660882,5.762691528,5.229053861,5.927128473,5.689021199,5.539551339,4.734320402,5.773989766,6.00863645,5.140766132,6.270718931,5.659840481,5.565014701,7.14553698,8.233866088,5.791488493,5.475029044,6.095176091,6.067970802,5.863975768,5.208832411,5.830589052,5.597088278
+"7045","IFI44L",6.141977283,7.154671776,6.672341735,6.412110957,7.510153667,8.842176285,6.485808516,5.85882096,6.556068999,6.719046623,6.002074363,5.74151227,6.410835747,6.584528806,5.556552786,7.125170924,6.391575469,6.054519218,7.786441859,9.11817645,6.426541666,6.017285284,6.62228143,6.660588904,6.182736155,5.744195889,6.206666771,6.034311353
+"7046","IFI6",8.287365823,8.916267025,8.441242905,8.496096275,9.195411653,10.12551516,8.163094721,7.878081234,8.585803642,8.568853038,8.179294345,7.342238997,8.544247588,8.232815694,7.998979361,8.882311781,8.313126059,8.071861962,9.304299415,10.42068779,8.13809647,7.888621989,8.790366638,8.729675735,8.112203937,7.537111958,8.407191552,8.051897073
+"7047","IFIH1",6.313838179,6.313838376,6.313836508,6.313837443,6.313837115,6.313839736,6.313837355,6.313836074,6.313836675,6.313836922,6.313836993,6.313834662,6.313837551,6.313838154,6.31383729,6.313837433,6.313836371,6.313835992,6.313837863,6.313839785,6.313836992,6.313836615,6.313837737,6.313836911,6.313836613,6.313835387,6.313837602,6.313837242
+"7048","IFIT1",5.071328945,6.655193877,6.005746522,6.039502768,6.83471519,7.314435212,5.626816858,5.123042723,5.863672042,5.885174621,5.413715312,3.98903156,5.31778469,5.548131427,5.048803033,6.693830342,6.014642028,5.778123089,7.241685875,7.352408952,5.652740979,5.420612429,6.402125118,6.185795473,5.745053912,4.329897872,4.938225476,5.327852764
+"7049","IFIT1B",6.318769518,6.318768569,6.31877009,6.318769264,6.318769439,6.318769705,6.318770349,6.318769525,6.318769384,6.318769536,6.318769296,6.318771398,6.318768408,6.318768125,6.31876923,6.318767379,6.318769324,6.318768954,6.318768714,6.318769752,6.318770267,6.318769249,6.318769206,6.318769348,6.318769631,6.318771595,6.318769458,6.318767479
+"7050","IFIT2",8.047416284,8.694531048,8.039468404,8.485946601,8.49569602,9.186622842,7.930924881,7.92469883,8.020976161,8.006580199,7.893665871,6.887529955,7.88410711,8.117269943,8.121503325,8.667867758,8.070497215,8.207268913,8.96020623,9.527343323,8.165006607,7.843217812,8.474364867,8.448178534,8.130393937,7.212956247,7.651606072,8.064804326
+"7051","IFIT3",6.938651487,7.681669607,6.880722583,7.090268543,7.696626584,8.668315072,7.013152648,6.775673871,7.037360615,7.011565463,6.520215312,5.113694227,6.960457182,6.793871491,6.83878004,7.583313975,6.746480481,6.895509501,8.156687688,8.793495704,6.979102256,6.822128418,7.507751876,7.187710664,6.846573131,5.697406666,6.643670916,6.709036149
+"7052","IFIT5",5.857728962,5.857729434,5.857728217,5.857727579,5.857728402,5.857729147,5.857727813,5.857726759,5.857728068,5.857727641,5.857727394,5.857726139,5.857727525,5.857730396,5.857727936,5.857728964,5.857728179,5.857728404,5.857729012,5.857730193,5.857728326,5.857728105,5.857729205,5.857728944,5.857728376,5.857726468,5.857727421,5.85772966
+"7053","IFITM1",9.033202643,9.336323558,8.902347384,9.322597031,9.12505482,9.843255505,9.11424854,8.960598313,9.373342188,9.264595645,9.010463491,8.404822917,9.345510259,8.99015604,8.770337425,9.211177898,8.799518418,9.108887426,9.348322251,10.02385248,9.138669354,9.150627086,9.460779569,9.269944174,8.845207588,8.677396785,9.275615791,8.724661128
+"7054","IFITM10",5.08548528,5.085485326,5.085485333,5.085485336,5.085485308,5.085485315,5.085485315,5.085485332,5.085485314,5.085485274,5.085485315,5.085485353,5.085485307,5.085485273,5.085485312,5.085485317,5.085485342,5.085485323,5.085485322,5.085485294,5.085485322,5.085485312,5.085485335,5.085485299,5.085485318,5.085485332,5.08548531,5.0854853
+"7055","IFITM2",9.342555875,9.504774178,9.137042158,9.596590284,9.254617415,9.498218347,9.194461501,9.315863035,9.248545941,9.077974993,9.177351126,8.692889331,9.24827035,9.176511301,9.171167675,9.381153234,9.188846439,9.458814088,9.456039415,9.667485227,9.250967647,9.372669211,9.445864091,9.384507328,9.287526907,8.951073531,9.162415356,8.95861875
+"7056","IFITM3",6.448770007,7.074127716,7.740346396,6.708497697,8.498453937,8.322317632,6.44683497,7.278287957,8.435743432,7.028848384,7.051462919,4.881417102,7.851698881,6.866203019,6.147124745,6.759985485,7.533451408,6.483328684,8.556111506,8.778015033,6.637588755,7.488487085,8.549333819,7.502608029,6.748638744,5.588627328,7.749819203,6.752847345
+"7057","IFITM5",4.846233324,4.846233417,4.846233396,4.846233335,4.846233491,4.846233443,4.846233417,4.84623338,4.846233397,4.846233427,4.846233418,4.846233458,4.846233434,4.846233305,4.846233491,4.846233472,4.8462335,4.84623341,4.846233368,4.8462334,4.846233501,4.846233458,4.846233374,4.846233357,4.846233444,4.846233398,4.846233407,4.846233407
+"7058","IFNA10",2.972406102,2.972406351,2.972406276,2.972406175,2.972406185,2.972406941,2.972406936,2.972406215,2.972406422,2.972406297,2.972406663,2.972406416,2.972406186,2.972406439,2.972406158,2.972405998,2.972406561,2.972406328,2.972406226,2.972406727,2.972406096,2.97240683,2.972406677,2.972406228,2.972406304,2.972406416,2.972406567,2.972406393
+"7059","IFNA13",4.00903166,4.009031098,4.009031713,4.009031825,4.009032608,4.009032074,4.009032011,4.009031649,4.009031498,4.009031699,4.009032367,4.009032645,4.00903169,4.009031602,4.009032168,4.009032246,4.009032317,4.009032312,4.009032352,4.009031782,4.009032485,4.00903238,4.009031975,4.009031223,4.009031867,4.009032355,4.009031432,4.009032359
+"7060","IFNA16",2.283134991,2.283135016,2.283135201,2.283134994,2.28313506,2.283135067,2.28313512,2.283135163,2.28313509,2.283135163,2.283135037,2.283135148,2.283135042,2.283135124,2.283135111,2.283135191,2.283135379,2.283135273,2.283135144,2.283135126,2.283135149,2.283135054,2.283135137,2.283135053,2.283135216,2.283135031,2.283135073,2.28313516
+"7061","IFNA2",3.11733765,3.117337775,3.117337801,3.117337646,3.117337636,3.11733774,3.117337619,3.117337732,3.117337736,3.117337862,3.11733767,3.117337752,3.117337651,3.117337531,3.117337543,3.117337696,3.117337685,3.117337778,3.117337772,3.117337709,3.117337695,3.117337751,3.11733778,3.117337673,3.1173377,3.117337607,3.117337642,3.117337839
+"7062","IFNA21",2.658066196,2.658066228,2.658066241,2.658066281,2.658066229,2.658066267,2.658066195,2.658066241,2.658066235,2.658066265,2.65806622,2.658066223,2.65806619,2.658066246,2.6580662,2.658066259,2.658066219,2.658066243,2.6580663,2.658066245,2.658066193,2.658066209,2.658066261,2.658066197,2.658066292,2.658066236,2.658066199,2.65806629
+"7063","IFNA5",3.080394911,3.080394923,3.080394923,3.080394952,3.080394938,3.080394913,3.080394931,3.080394911,3.080394912,3.080394909,3.080394908,3.080394925,3.080394909,3.080394906,3.080394916,3.080394917,3.080394958,3.08039494,3.08039493,3.08039494,3.080394938,3.080394927,3.080394903,3.080394899,3.080394913,3.080394933,3.080394932,3.080394927
+"7064","IFNA6",3.582468486,3.582468611,3.582468644,3.582468689,3.582468599,3.582468607,3.582468523,3.582468635,3.582468624,3.582468723,3.582468692,3.582468696,3.582468642,3.582468598,3.582468787,3.582468834,3.582468645,3.582468664,3.582468745,3.582468461,3.582468883,3.582468779,3.582468629,3.582468595,3.582468808,3.58246873,3.582468528,3.582468678
+"7065","IFNA8",3.907296958,3.907296993,3.907296994,3.907296987,3.907297012,3.907297012,3.907297012,3.907297023,3.907296973,3.907297002,3.907297,3.907297034,3.907296972,3.907296963,3.907296991,3.907296992,3.907297067,3.907297001,3.907296998,3.907297024,3.907296986,3.907297005,3.907297028,3.907296991,3.907296951,3.90729699,3.907296987,3.907296954
+"7066","IFNAR1",7.808334614,7.808334482,7.80833387,7.808334485,7.808333561,7.808333517,7.808334004,7.808333533,7.808334027,7.808333779,7.808334237,7.808332436,7.808334118,7.808334797,7.808334173,7.808334291,7.808333601,7.808334347,7.808334391,7.808334056,7.808333835,7.80833371,7.808334593,7.808334427,7.808334379,7.808333602,7.808333895,7.808334191
+"7067","IFNAR2",8.066982083,8.066981921,8.066981685,8.066982004,8.066981494,8.066982086,8.066981763,8.066981522,8.066981605,8.066981765,8.066981856,8.066981119,8.066982061,8.066981934,8.066981785,8.066981762,8.066981489,8.066981832,8.066982259,8.066981916,8.06698189,8.066981571,8.066981807,8.066982035,8.066982194,8.066981659,8.066982073,8.066981616
+"7068","IFNB1",2.86275423,2.86275424,2.862754249,2.862754215,2.862754222,2.86275422,2.862754231,2.862754234,2.862754238,2.862754239,2.862754224,2.862754232,2.862754233,2.862754216,2.862754243,2.862754249,2.86275427,2.862754261,2.862754262,2.862754234,2.862754243,2.862754242,2.862754214,2.862754235,2.86275422,2.86275427,2.862754231,2.862754259
+"7069","IFNE",2.531836885,2.531836867,2.531836878,2.531836866,2.53183685,2.531836889,2.531836846,2.531836851,2.531836861,2.531836856,2.531836868,2.531836887,2.531836845,2.531836862,2.531836867,2.531836869,2.531836906,2.531836874,2.531836847,2.53183686,2.531836849,2.531836881,2.531836878,2.531836857,2.531836847,2.53183688,2.531836859,2.531836848
+"7070","IFNG",3.307455551,3.307455506,3.30745554,3.307455518,3.307455536,3.307455499,3.307455535,3.307455513,3.307455521,3.307455512,3.307455507,3.307455524,3.307455512,3.307455532,3.307455541,3.30745552,3.307455553,3.307455528,3.30745552,3.307455512,3.307455533,3.307455533,3.307455516,3.307455473,3.307455539,3.307455512,3.307455507,3.307455549
+"7071","IFNGR1",8.213045641,8.213008993,8.213017618,8.213045509,8.212973959,8.212945503,8.212997643,8.212982743,8.212960589,8.212968907,8.21300455,8.212910495,8.212968869,8.21305846,8.212991327,8.212987317,8.213005085,8.213007534,8.21299081,8.212973072,8.213005886,8.212985266,8.21298753,8.212999911,8.212987533,8.212934365,8.212968758,8.212999986
+"7072","IFNGR2",8.701594369,8.701594784,8.701593091,8.70159553,8.701592548,8.701594953,8.701593715,8.701592971,8.701593053,8.701593541,8.70159339,8.701591526,8.701593426,8.701593372,8.701593592,8.701594623,8.701593302,8.701595291,8.70159415,8.70159558,8.7015941,8.701593841,8.701594863,8.701595049,8.701593854,8.701592424,8.701593368,8.701592798
+"7073","IFNK",3.212494841,3.212494808,3.212494823,3.212494896,3.212494866,3.212494794,3.212494869,3.212494875,3.212494831,3.212494917,3.21249481,3.212494904,3.21249481,3.212494754,3.212494841,3.212494904,3.212494894,3.212494889,3.212494885,3.212494782,3.212494907,3.212494851,3.212494821,3.212494843,3.212494809,3.212494867,3.212494792,3.21249482
+"7074","IFNL1",5.488394455,5.488394241,5.488394715,5.48839448,5.488395478,5.488394438,5.488394882,5.488394935,5.488394402,5.488394561,5.48839471,5.488395333,5.488394558,5.488393957,5.488395057,5.488394743,5.48839535,5.488394715,5.488394833,5.488394383,5.488394998,5.488395093,5.488394378,5.488394203,5.488394745,5.488395064,5.488394507,5.488394695
+"7075","IFNL2",5.460038956,5.460038931,5.46003904,5.460039036,5.460039265,5.460039176,5.460039138,5.460039041,5.460039119,5.46003905,5.460039156,5.460039128,5.460039111,5.460039011,5.460039109,5.460038938,5.460039254,5.460038991,5.460039091,5.460039141,5.460039136,5.460039138,5.460039041,5.460039008,5.460039033,5.460039044,5.460039024,5.460039011
+"7076","IFNL3",7.286615488,7.286615315,7.286616194,7.286615852,7.286616561,7.286615852,7.286616112,7.286616167,7.286615968,7.286615928,7.286616299,7.286616252,7.286616043,7.286615115,7.286616341,7.286615571,7.286616473,7.286616401,7.286616099,7.286615762,7.286616294,7.286616388,7.286615804,7.286615582,7.286615862,7.286616145,7.286615837,7.286615823
+"7077","IFNLR1",5.474458388,5.474458129,5.474458295,5.474458495,5.474458475,5.474458315,5.474458518,5.474458293,5.47445831,5.474458447,5.474458392,5.47445836,5.474458262,5.47445827,5.474458502,5.474458272,5.474458506,5.474458326,5.474458383,5.474458451,5.474458579,5.474458345,5.474458324,5.474458356,5.474458286,5.47445845,5.474458382,5.474458436
+"7078","IFNW1",3.844214408,3.844214372,3.844214529,3.844214464,3.844214496,3.844214414,3.844214394,3.844214449,3.844214372,3.844214455,3.844214445,3.844214439,3.844214348,3.844214342,3.844214566,3.844214361,3.84421441,3.844214467,3.844214441,3.844214417,3.844214472,3.84421445,3.84421433,3.844214457,3.844214465,3.844214418,3.844214361,3.8442145
+"7079","IFRD1",7.329477851,7.32947821,7.329476103,7.329480091,7.329474177,7.32947638,7.329477777,7.329475323,7.329475872,7.329476166,7.329477755,7.329474379,7.329476699,7.329477372,7.329478042,7.329478428,7.329476275,7.329479256,7.329477399,7.329476625,7.329478166,7.329476202,7.329478141,7.329478396,7.329478959,7.329476489,7.329476518,7.32947634
+"7080","IFRD2",6.065908087,6.065908071,6.065908101,6.065908072,6.065908099,6.065908117,6.065908099,6.065908129,6.065908104,6.065908088,6.065908051,6.065908134,6.065908084,6.065908074,6.065908104,6.065908056,6.065908093,6.065908086,6.065908071,6.065908103,6.065908093,6.065908128,6.065908089,6.065908089,6.065908076,6.065908108,6.065908087,6.065908084
+"7081","IFT122",5.720411108,5.720411114,5.720411132,5.720411115,5.720411137,5.720411079,5.720411114,5.72041109,5.720411147,5.720411132,5.720411098,5.72041117,5.720411124,5.720411119,5.720411116,5.720411128,5.720411097,5.720411073,5.72041112,5.720411098,5.720411134,5.720411099,5.720411133,5.720411118,5.720411103,5.720411149,5.720411092,5.720411102
+"7082","IFT140",5.275421997,5.275422012,5.275422014,5.275421997,5.275422023,5.275422002,5.275422011,5.275422013,5.275422011,5.275421995,5.275422009,5.275422033,5.275422003,5.275421978,5.275422017,5.275422007,5.275422025,5.275422016,5.275421992,5.275422013,5.27542203,5.275422019,5.275421986,5.275422001,5.275422015,5.275422031,5.275421992,5.275422015
+"7083","IFT172",5.2842173,5.284217319,5.28421729,5.284217288,5.284217301,5.284217309,5.284217307,5.284217313,5.284217311,5.284217302,5.284217305,5.284217294,5.284217303,5.284217322,5.28421731,5.2842173,5.284217298,5.284217293,5.284217308,5.284217267,5.2842173,5.284217313,5.284217299,5.284217303,5.284217278,5.284217326,5.284217279,5.284217313
+"7084","IFT20",5.392200745,5.392200768,5.392200825,5.392200742,5.392200655,5.392200777,5.392200736,5.392200614,5.39220061,5.392200674,5.392200609,5.392200589,5.392200694,5.392200897,5.392200747,5.392200803,5.392200662,5.392200619,5.392200774,5.392200848,5.392200733,5.392200758,5.392200799,5.392200779,5.392200688,5.392200787,5.392200746,5.392200736
+"7085","IFT22",4.980594551,4.980594486,4.980594591,4.98059456,4.98059455,4.980594767,4.98059468,4.980594542,4.9805947,4.980594678,4.98059455,4.980594775,4.980594569,4.980594569,4.9805946,4.98059464,4.980594699,4.980594723,4.980594586,4.980594611,4.980594626,4.980594609,4.980594587,4.980594595,4.980594404,4.98059463,4.980594549,4.980594703
+"7086","IFT27",6.136967627,6.136967634,6.136967626,6.136967665,6.136967571,6.136967667,6.136967674,6.136967581,6.136967647,6.136967753,6.136967507,6.136967594,6.136967554,6.136967484,6.136967552,6.136967172,6.136967326,6.136967568,6.136967561,6.136967626,6.136967552,6.136967644,6.136967447,6.136967607,6.136967541,6.13696749,6.136967809,6.136967317
+"7087","IFT43",4.185816862,4.185816851,4.185816874,4.185816841,4.185816847,4.185816884,4.185816896,4.185816865,4.18581688,4.185816862,4.185816863,4.185816865,4.185816864,4.185816865,4.185816858,4.185816874,4.185816849,4.18581685,4.185816863,4.185816865,4.185816848,4.185816858,4.185816871,4.185816858,4.18581685,4.185816861,4.185816873,4.185816862
+"7088","IFT46",4.958577413,4.95857739,4.958577258,4.95857724,4.958577371,4.958577502,4.958577402,4.958577156,4.958577453,4.958577525,4.958577449,4.958577242,4.958577464,4.958577598,4.958577314,4.958577315,4.95857736,4.958577314,4.95857745,4.958577378,4.958577257,4.958577388,4.958577518,4.95857745,4.958577283,4.958577362,4.958577487,4.958577414
+"7089","IFT52",5.168470203,5.168470212,5.168470253,5.168470194,5.1684701,5.168470199,5.168470186,5.168470241,5.168470199,5.168470216,5.16847019,5.168470204,5.168470201,5.168470239,5.168470223,5.16847021,5.168470179,5.168470133,5.168470172,5.168470156,5.168470155,5.168470187,5.168470207,5.168470244,5.168470184,5.168470209,5.168470226,5.168470214
+"7090","IFT57",4.681698442,4.681698353,4.681698348,4.68169823,4.681698393,4.681698334,4.681698402,4.681698264,4.681698396,4.681698354,4.681698316,4.681698287,4.681698363,4.681698589,4.681698356,4.681698333,4.681698232,4.681698277,4.681698424,4.681698295,4.681698354,4.681698303,4.68169838,4.681698366,4.681698337,4.68169836,4.681698306,4.681698553
+"7091","IFT74",3.345818314,3.345818292,3.345818296,3.345818272,3.345818286,3.345818296,3.345818285,3.34581828,3.3458183,3.345818309,3.345818301,3.345818311,3.345818294,3.345818314,3.345818293,3.345818292,3.345818289,3.345818303,3.345818295,3.345818268,3.345818292,3.345818302,3.345818292,3.345818281,3.345818289,3.345818299,3.345818293,3.345818307
+"7092","IFT80",5.209719786,5.209719634,5.209719547,5.209719052,5.209719256,5.209719184,5.209718906,5.209719164,5.2097195,5.209719024,5.209718712,5.209719052,5.209719356,5.209720257,5.209719645,5.209719793,5.20971954,5.209719222,5.209719399,5.209718741,5.209719317,5.209719535,5.209719966,5.209719442,5.209719089,5.209719519,5.209719254,5.209720157
+"7093","IFT81",3.176197618,3.176197607,3.176197545,3.176197575,3.176197566,3.176197571,3.17619764,3.176197601,3.176197655,3.176197652,3.176197607,3.176197572,3.176197673,3.17619763,3.176197615,3.176197665,3.176197577,3.176197676,3.176197616,3.176197559,3.176197604,3.17619757,3.176197586,3.176197603,3.176197624,3.176197596,3.176197609,3.17619759
+"7094","IFT88",4.315808795,4.3158088,4.315808756,4.315808761,4.315808698,4.315808713,4.315808756,4.315808771,4.315808709,4.315808714,4.315808698,4.315808735,4.31580878,4.315808829,4.315808761,4.31580877,4.315808724,4.315808717,4.315808733,4.315808738,4.315808769,4.315808779,4.31580876,4.315808764,4.315808726,4.315808762,4.315808777,4.315808788
+"7095","IFTAP",2.95693201,2.956932178,2.956932173,2.956932129,2.956932141,2.956932131,2.956932138,2.956932175,2.956932172,2.956932216,2.956932096,2.956932174,2.956932159,2.956932212,2.95693225,2.956932393,2.956932197,2.956932191,2.956932189,2.956932064,2.956932232,2.956932193,2.956932192,2.956932057,2.956932139,2.956932138,2.956932224,2.956932224
+"7096","IGBP1",6.953039424,6.953039347,6.9530392,6.953039363,6.953038855,6.953038987,6.953039003,6.953039067,6.953039116,6.95303941,6.953038976,6.953038618,6.953039124,6.953039989,6.953039037,6.953038969,6.953038717,6.953038907,6.95303934,6.95303886,6.953038949,6.953039031,6.953039524,6.953039306,6.953038794,6.953038677,6.953039108,6.953039666
+"7097","IGBP1P1",3.06906705,3.069067289,3.069067034,3.069067326,3.069066769,3.069066688,3.069067022,3.069067004,3.069066699,3.069066718,3.069067223,3.069067229,3.069066896,3.06906704,3.069066904,3.069066831,3.069066795,3.069066916,3.069066888,3.069066936,3.069066769,3.069067053,3.069067005,3.069067052,3.069067117,3.069066854,3.069067036,3.069067174
+"7098","IGDCC3",5.595647685,5.595647694,5.595647782,5.595647756,5.595648072,5.595647579,5.595647948,5.595647957,5.595647827,5.595647851,5.595647921,5.59564791,5.595647939,5.595647634,5.595648084,5.59564778,5.595648038,5.595648026,5.595647827,5.595647909,5.595648057,5.59564793,5.595647806,5.595647754,5.59564792,5.595647997,5.595647712,5.595647922
+"7099","IGDCC4",4.995192247,4.995192118,4.995192629,4.995192325,4.995192982,4.995192299,4.995192889,4.995192677,4.995192505,4.995192536,4.995192676,4.99519278,4.995192566,4.995191955,4.995192921,4.995192723,4.99519296,4.995192659,4.995192634,4.995192348,4.995192983,4.995192813,4.99519256,4.995192279,4.995192616,4.995192509,4.995192364,4.995192478
+"7100","IGF1",4.063357756,4.063357624,4.063358,4.063357927,4.063357978,4.063357988,4.06335788,4.063358108,4.063357766,4.063357689,4.063357949,4.063358004,4.063357856,4.063357534,4.063357856,4.063357944,4.063358133,4.063358199,4.063357686,4.063358126,4.063358024,4.063358022,4.063357706,4.063357855,4.063358063,4.063358028,4.063357872,4.063357959
+"7101","IGF1R",7.446608936,7.4466135435,7.4466092035,7.4466156625,7.446608216,7.446609672,7.4466107215,7.4466094535,7.446610934,7.446609304,7.446610183,7.446609041,7.446610742,7.4466093455,7.446609075,7.4466135835,7.446609767,7.446613712,7.446611057,7.446608683,7.4466093555,7.446608186,7.446611676,7.446611616,7.446612082,7.446609941,7.446610768,7.4466062175
+"7102","IGF2",4.262951288,4.262951378,4.262951556,4.262951435,4.262951413,4.262951483,4.262951402,4.262951372,4.262951236,4.262951355,4.262951478,4.262951485,4.262951505,4.262951256,4.26295142,4.262951641,4.262951655,4.262951498,4.262951326,4.262951338,4.26295135,4.262951457,4.262951324,4.262951368,4.262951643,4.26295146,4.262951359,4.262951418
+"7103","IGF2-AS",6.10835598,6.108355999,6.108356052,6.108355987,6.108356163,6.108356122,6.108356088,6.108356076,6.108356083,6.108356121,6.10835612,6.108356138,6.108356064,6.108355964,6.108356146,6.108356063,6.108356178,6.108356119,6.108356058,6.108356102,6.108356077,6.108356107,6.10835605,6.108356032,6.108356066,6.108356121,6.108356059,6.108356092
+"7104","IGF2BP1",4.749068522,4.749068605,4.749068632,4.749068624,4.749068743,4.749068631,4.749068671,4.749068676,4.749068632,4.749068656,4.749068701,4.749068788,4.74906862,4.749068497,4.749068663,4.749068678,4.749068756,4.74906861,4.74906858,4.749068648,4.749068674,4.74906865,4.749068576,4.749068582,4.749068672,4.749068668,4.749068612,4.749068648
+"7105","IGF2BP2",6.813946369,6.813945395,6.813947842,6.813946456,6.813947277,6.813948401,6.813947384,6.813947863,6.813948285,6.813946841,6.813947451,6.813948731,6.813946358,6.813944779,6.813946784,6.813943825,6.813947215,6.813946633,6.813946199,6.813948188,6.813947007,6.813947027,6.813948256,6.813947179,6.813947227,6.813948186,6.81394681,6.813945077
+"7106","IGF2BP2-AS1",3.350196885,3.350196887,3.350196892,3.350196898,3.350196889,3.35019691,3.350196886,3.350196885,3.350196877,3.350196889,3.35019687,3.350196913,3.350196877,3.350196858,3.350196875,3.350196883,3.350196911,3.350196898,3.350196877,3.350196902,3.350196877,3.350196889,3.350196895,3.350196886,3.350196884,3.35019689,3.350196879,3.350196894
+"7107","IGF2BP3",3.923529281,3.923529262,3.923529275,3.923530173,3.923529469,3.923529459,3.9235297,3.923528584,3.923528966,3.923529903,3.923530172,3.923529551,3.923529,3.923529705,3.923529091,3.923529001,3.923529738,3.923530069,3.923529728,3.923529523,3.923529815,3.923529181,3.923528918,3.923530045,3.923528959,3.923529682,3.923529269,3.923529639
+"7108","IGF2R",9.79014626,10.12597913,9.72724184,10.61840586,9.476593782,10.25613025,10.14360077,9.755399664,9.562837742,9.57892101,9.887273763,9.619031368,9.732108472,9.862015404,10.13468369,10.27525499,9.897224071,10.54295338,9.908013118,10.28053114,10.27114997,9.781082635,10.05534687,10.15779458,10.15191513,9.976362019,9.760268515,9.621088197
+"7109","IGFALS",6.595283492,6.595283531,6.595283651,6.5952836,6.595283812,6.595283664,6.595283709,6.595283824,6.595283645,6.595283673,6.595283753,6.595283763,6.595283539,6.595283352,6.595283766,6.595283478,6.595283826,6.595283667,6.595283676,6.595283732,6.595283665,6.595283754,6.595283519,6.595283597,6.595283747,6.595283734,6.595283622,6.595283619
+"7110","IGFBP1",6.108242365,6.108241989,6.10824244,6.108242144,6.108242748,6.108242006,6.108242245,6.108242686,6.10824238,6.108242532,6.108242466,6.108242892,6.108242241,6.108241695,6.108242616,6.108242654,6.108242812,6.108242386,6.108242363,6.10824208,6.108242534,6.108242454,6.108242155,6.108242134,6.10824241,6.108242395,6.108242239,6.108242599
+"7111","IGFBP2",6.370411116,6.370411099,6.370411192,6.37041102,6.370411542,6.37041107,6.370411231,6.370411451,6.370411157,6.370411151,6.370411333,6.370411535,6.370411096,6.370410833,6.370411458,6.370411012,6.370411449,6.370411358,6.370411202,6.370411088,6.370411186,6.370411406,6.37041112,6.370411043,6.370411058,6.370411337,6.370411035,6.370411205
+"7112","IGFBP3",5.499446073,5.499446036,5.499446035,5.499446065,5.499446085,5.49944605,5.499446048,5.499446081,5.499446054,5.499446035,5.499446079,5.499446084,5.499446072,5.499446075,5.499446087,5.499446082,5.499446073,5.499446065,5.49944607,5.499446038,5.499446062,5.49944608,5.499446034,5.49944606,5.499446083,5.499446065,5.499446078,5.499446078
+"7113","IGFBP4",6.638969476,6.638969457,6.638969554,6.638969431,6.638969885,6.63896938,6.638969689,6.638969645,6.638969414,6.638969559,6.638969652,6.638969797,6.638969487,6.638969023,6.63896975,6.63896948,6.638969684,6.638969587,6.638969529,6.638969556,6.638969805,6.638969705,6.638969359,6.638969235,6.638969487,6.638969679,6.638969436,6.638969447
+"7114","IGFBP5",3.889541971,3.889541979,3.889541961,3.889541986,3.889542006,3.889541972,3.889541989,3.889541975,3.889541978,3.88954198,3.889541976,3.889541984,3.889541962,3.889541978,3.889541981,3.889541985,3.889541978,3.889541987,3.889541974,3.889541981,3.889541991,3.889541972,3.889541979,3.889541978,3.889541977,3.889541994,3.889541969,3.889541983
+"7115","IGFBP6",6.489032617,6.489032676,6.489032951,6.48903278,6.489033038,6.489032478,6.489032897,6.489033053,6.489032858,6.489032831,6.489032853,6.489032984,6.489032798,6.489032689,6.489032873,6.489032933,6.489032999,6.489032949,6.489032715,6.489032742,6.489032928,6.489032981,6.489032696,6.489032786,6.489032908,6.489032975,6.489032728,6.489032835
+"7116","IGFBP7",5.611211426,5.611211438,5.611211446,5.611211416,5.61121146,5.611211433,5.611211417,5.611211441,5.611211434,5.611211424,5.611211443,5.611211428,5.61121143,5.61121143,5.611211438,5.611211438,5.611211454,5.611211446,5.611211445,5.611211444,5.61121143,5.611211443,5.611211435,5.611211429,5.611211421,5.611211452,5.611211441,5.611211438
+"7117","IGFBPL1",6.470344604,6.470344832,6.470345008,6.470344817,6.47034507,6.47034467,6.470344896,6.470344955,6.470344847,6.470344866,6.470344941,6.470344966,6.470344802,6.470344326,6.470344919,6.470344874,6.470345085,6.470345062,6.470344796,6.470344719,6.47034484,6.470344895,6.470344743,6.470344652,6.470344853,6.470344892,6.470344687,6.470344794
+"7118","IGFL1",4.90347623,4.903476201,4.903476245,4.903476187,4.90347624,4.90347625,4.903476244,4.903476214,4.903476197,4.903476245,4.90347622,4.903476211,4.903476261,4.903476171,4.903476243,4.903476226,4.903476303,4.903476246,4.903476175,4.903476242,4.903476233,4.903476253,4.903476179,4.903476205,4.903476255,4.903476234,4.903476219,4.903476196
+"7119","IGFL2",4.18486395,4.184863665,4.184864119,4.184864115,4.184864121,4.18486428,4.184864373,4.184864283,4.184864062,4.184864117,4.184864176,4.184864008,4.184864114,4.184863832,4.184864029,4.184864247,4.184864106,4.18486417,4.184864066,4.184864142,4.184864284,4.184864239,4.184864092,4.18486392,4.184864152,4.184864168,4.184864155,4.184864107
+"7120","IGFL3",4.632382637,4.632382669,4.632383163,4.632382775,4.632383154,4.632382842,4.632382938,4.632382763,4.63238281,4.632382963,4.632383053,4.632383206,4.632382623,4.632382693,4.63238275,4.632382803,4.63238293,4.632382974,4.63238284,4.632382752,4.632382827,4.632382977,4.632382846,4.632382685,4.632382947,4.632382934,4.632382848,4.632382744
+"7121","IGFL4",3.933199453,3.933199414,3.933199492,3.9331995,3.933199876,3.933199388,3.933199602,3.933199475,3.933199767,3.933199706,3.93319966,3.933199636,3.933199623,3.933199471,3.933199688,3.933199668,3.933199641,3.933199729,3.933199688,3.933199657,3.933199869,3.933199822,3.933199313,3.933199376,3.933199706,3.933199655,3.933199878,3.93319984
+"7122","IGFLR1",7.205737986,7.205737934,7.205737894,7.205738108,7.205737805,7.205738438,7.205737841,7.205738092,7.205737998,7.205738129,7.205737897,7.205737953,7.205738066,7.205737952,7.20573779,7.205737738,7.205737787,7.205738014,7.205738002,7.205738253,7.205737528,7.205738157,7.205738071,7.205738109,7.205737822,7.205737832,7.205738212,7.2057378
+"7123","IGFN1",5.140723701,5.14072371,5.140723714,5.140723688,5.14072378,5.140723675,5.14072371,5.140723756,5.140723686,5.140723731,5.140723741,5.140723677,5.140723734,5.140723686,5.14072372,5.140723717,5.14072376,5.140723773,5.140723693,5.140723716,5.140723715,5.140723744,5.140723689,5.140723702,5.140723745,5.14072371,5.14072368,5.140723709
+"7124","IGHA1",6.89405917175,6.923128051,6.91610397,6.9081044015,6.92574718725,6.887357119,6.955393168,6.85996340825,6.916500258,6.89941373775,6.90420544375,6.88198658375,6.92847791725,6.902110428,6.90029960725,6.91700470475,6.9134869245,6.9066416085,6.91450695075,6.877886145,6.956011499,6.87121105325,6.916078268,6.9042160325,6.8946005645,6.89784551675,6.9262618085,6.912742941
+"7125","IGHMBP2",6.066190693,6.066190742,6.06619069,6.066190885,6.066190728,6.066191073,6.066190894,6.066190714,6.066190827,6.066190772,6.066190652,6.066190752,6.066191048,6.066190886,6.066190656,6.066190625,6.066190882,6.066190596,6.066190606,6.066190944,6.06619094,6.06619085,6.066190619,6.066190719,6.066190847,6.066190675,6.066191125,6.066190787
+"7126","IGHV1OR21-1",4.070247615,4.070247613,4.070247437,4.070247735,4.070247846,4.070247623,4.070247854,4.070247561,4.070247397,4.070247697,4.070247507,4.070247619,4.070247665,4.070247402,4.070247634,4.070247572,4.070247775,4.070247652,4.070247754,4.070247649,4.07024797,4.070247529,4.070247407,4.070247422,4.070247534,4.070247654,4.070247563,4.070247678
+"7127","IGHV7-81",4.069311029,4.069311231,4.069311251,4.069311155,4.069311284,4.069311272,4.069311202,4.069311191,4.069311258,4.069311405,4.069311401,4.069311227,4.06931124,4.069311229,4.069311237,4.069311144,4.0693113,4.069311419,4.069311336,4.069311201,4.069311225,4.069311237,4.069311351,4.069311234,4.069311335,4.069311257,4.06931131,4.069311219
+"7128","IGIP",4.719502656,4.719502764,4.719502436,4.71950236,4.719502345,4.719502156,4.719502356,4.719502351,4.719502747,4.719502287,4.719502502,4.719502289,4.719502543,4.719503326,4.719502437,4.71950251,4.719502255,4.719501958,4.719502474,4.719502134,4.719502339,4.719502414,4.719502646,4.719502374,4.719502283,4.719502197,4.719502681,4.719502793
+"7129","IGKC",6.04745656816667,6.07157321066667,6.078395309,6.227083504,6.09539133783333,6.02784312166667,6.2862630605,5.80686386316667,6.13930383916667,5.986163552,6.02075472733333,5.98566796616667,6.24218066116667,6.06322441233333,5.96467744633333,6.06718121916667,6.08819582766667,6.13467433883333,6.09011034516667,6.083998113,6.27691562433333,5.83374273516667,6.12329061366667,6.04370118666667,5.9830232415,6.02354220316667,6.22962850633333,6.07045731966667
+"7130","IGKV1D-8",4.77313518,4.773134604,4.773135322,4.773134249,4.773134904,4.773135028,4.773134534,4.773134956,4.773134686,4.773135645,4.773135589,4.773134284,4.773134159,4.773134856,4.773135438,4.773134896,4.773135623,4.773134734,4.773135008,4.773135209,4.773134729,4.773134797,4.773134036,4.773134822,4.773135025,4.773134635,4.773135287,4.773134982
+"7131","IGKV2-24",4.417937862,4.417937827,4.417937783,4.417937937,4.417938026,4.417938109,4.417938014,4.41793786,4.417938019,4.417937902,4.417938015,4.417938085,4.417938171,4.417937618,4.417937923,4.417937996,4.417938298,4.417937955,4.417937996,4.417937979,4.417938199,4.417937748,4.417938113,4.417938008,4.417938045,4.417937927,4.417937839,4.417937694
+"7132","IGKV2OR22-4",3.565661248,3.565661251,3.565661235,3.565661438,3.565661156,3.565661198,3.56566117,3.565661183,3.56566127,3.565661278,3.565661138,3.565661194,3.565661286,3.565661191,3.565661253,3.565661123,3.565661188,3.565661278,3.565661173,3.565661265,3.56566115,3.565661227,3.565661226,3.565661305,3.565661267,3.565661245,3.565661265,3.565661241
+"7133","IGLL1",7.026133163,7.026133161,7.026133268,7.026133223,7.026133336,7.026133106,7.026133262,7.026133286,7.026133258,7.02613326,7.026133305,7.026133348,7.026133232,7.026133122,7.026133295,7.026133251,7.026133338,7.026133355,7.026133275,7.026133207,7.026133349,7.026133293,7.02613317,7.02613318,7.026133274,7.026133229,7.026133206,7.026133315
+"7134","IGLON5",5.21964404,5.219643923,5.219644031,5.219643897,5.219644095,5.21964414,5.219643949,5.219644031,5.219643917,5.219644163,5.219643888,5.219643905,5.21964396,5.219643769,5.21964415,5.219644141,5.219644034,5.219644013,5.219643813,5.219643754,5.219644041,5.219643948,5.219644108,5.219644017,5.219643878,5.219644123,5.219643907,5.219643782
+"7135","IGSF10",3.329723166,3.329723174,3.329723173,3.32972317,3.329723185,3.329723182,3.329723175,3.329723188,3.329723182,3.329723167,3.329723186,3.329723207,3.329723193,3.329723186,3.329723181,3.32972319,3.329723172,3.329723187,3.329723192,3.329723192,3.32972317,3.329723189,3.329723197,3.329723187,3.329723169,3.329723182,3.329723178,3.329723193
+"7136","IGSF11",4.539107443,4.539107445,4.539107474,4.539107437,4.539107504,4.539107479,4.539107489,4.539107477,4.539107424,4.539107455,4.539107495,4.539107516,4.539107454,4.539107388,4.539107511,4.539107474,4.539107531,4.539107461,4.539107437,4.539107412,4.539107443,4.539107481,4.539107424,4.53910746,4.539107502,4.539107453,4.539107388,4.539107425
+"7137","IGSF21",5.212962157,5.212962224,5.212962568,5.212962263,5.212963092,5.212962394,5.212962802,5.212962846,5.212962263,5.212962681,5.212962496,5.212963002,5.212962412,5.212961948,5.212962973,5.21296256,5.212963055,5.212962552,5.212962536,5.212962318,5.21296308,5.21296321,5.212962453,5.212962141,5.212962622,5.212962662,5.212962066,5.212962499
+"7138","IGSF22",4.430876392,4.430876403,4.43087641,4.430876415,4.430876437,4.430876413,4.430876396,4.430876434,4.430876402,4.430876387,4.430876419,4.430876426,4.430876408,4.430876407,4.430876428,4.430876424,4.430876435,4.430876399,4.430876415,4.430876433,4.430876441,4.430876448,4.430876388,4.430876404,4.430876441,4.430876434,4.430876406,4.430876421
+"7139","IGSF3",4.625510496,4.625510634,4.62551062,4.625510584,4.625510865,4.625510561,4.62551059,4.625510819,4.625510543,4.625510685,4.625510563,4.625510836,4.625510675,4.625510581,4.625510759,4.625510702,4.625510841,4.625510791,4.625510634,4.625510575,4.625510813,4.625510701,4.625510598,4.625510653,4.625510738,4.625510811,4.625510502,4.62551076
+"7140","IGSF5",3.918486144,3.918486187,3.918486246,3.918486346,3.918486441,3.918486462,3.918486119,3.918486561,3.918486428,3.918486175,3.918486255,3.918486313,3.918486212,3.918486015,3.918486284,3.918486304,3.918486596,3.918486237,3.918486456,3.918486239,3.918486357,3.918486247,3.918486262,3.918486275,3.918486204,3.918486449,3.918486127,3.918486376
+"7141","IGSF6",8.679521923,8.679747264,8.67929731,8.679873991,8.678552292,8.67963622,8.67926842,8.679422761,8.678876442,8.679311409,8.679189184,8.678340036,8.679277359,8.679575085,8.67928563,8.679546925,8.679290983,8.679693551,8.679077343,8.680157146,8.679408587,8.679490729,8.679404949,8.679826519,8.679418399,8.678911782,8.679026,8.679063864
+"7142","IGSF8",6.63650179,6.636501787,6.636501813,6.636501796,6.636501816,6.636501784,6.636501786,6.636501816,6.636501795,6.636501796,6.636501816,6.636501824,6.636501803,6.636501757,6.636501803,6.636501804,6.636501817,6.636501809,6.636501779,6.636501789,6.636501797,6.636501807,6.636501784,6.636501767,6.636501801,6.636501804,6.636501798,6.636501779
+"7143","IGSF9",6.055539785,6.055539807,6.055539897,6.055539858,6.055539999,6.055539789,6.055539894,6.055539991,6.055539853,6.055539857,6.05553992,6.05553995,6.055539856,6.055539738,6.055539994,6.055539923,6.055540009,6.055540032,6.055539831,6.055539924,6.055539946,6.055539923,6.055539808,6.055539841,6.055539917,6.055539855,6.055539888,6.055539923
+"7144","IGSF9B",5.7119343995,5.7119345505,5.711934511,5.711934373,5.711934545,5.7119344715,5.711934507,5.7119344535,5.711934483,5.7119345255,5.7119344085,5.7119345735,5.71193445,5.711934417,5.7119345315,5.711934453,5.7119345115,5.7119344775,5.7119344615,5.711934472,5.711934532,5.7119345685,5.711934516,5.711934516,5.711934491,5.7119344455,5.7119344425,5.711934532
+"7145","IHH",5.358866437,5.358866443,5.35886646,5.358866441,5.358866469,5.35886642,5.358866439,5.358866454,5.358866439,5.358866432,5.358866444,5.358866437,5.358866451,5.358866422,5.358866457,5.358866448,5.35886647,5.358866462,5.358866441,5.358866447,5.358866446,5.358866444,5.35886645,5.358866454,5.358866462,5.35886644,5.35886645,5.358866458
+"7146","IHO1",3.520529181,3.520529241,3.520529169,3.520529227,3.520529251,3.520529265,3.520529213,3.520529196,3.520529183,3.520529266,3.52052929,3.52052929,3.520529189,3.520529292,3.520529143,3.520529253,3.520529151,3.520529328,3.520529319,3.520529519,3.520529304,3.520529292,3.520529182,3.520529089,3.520529358,3.520529296,3.520529259,3.520529229
+"7147","IKBIP",5.120457013,5.120456988,5.120457138,5.120457507,5.120457037,5.120456847,5.120457016,5.120456816,5.120456674,5.120456532,5.120457305,5.120456555,5.120456901,5.120457157,5.120457119,5.120457269,5.120457381,5.120457481,5.120457241,5.120456659,5.12045728,5.120456952,5.120456874,5.120457164,5.12045743,5.120457059,5.120456634,5.120456939
+"7148","IKBKB",7.929365282,7.929365288,7.929365254,7.929365245,7.929365216,7.929365312,7.929365296,7.929365239,7.929365266,7.929365272,7.929365251,7.929365211,7.929365297,7.929365342,7.929365249,7.929365255,7.929365202,7.929365214,7.929365257,7.929365167,7.929365253,7.929365255,7.92936527,7.929365275,7.929365227,7.929365275,7.929365275,7.929365244
+"7149","IKBKE",7.085206858,7.085206681,7.08520648,7.08520631,7.085206743,7.085206897,7.08520675,7.085206683,7.085207,7.085206709,7.085206609,7.085206835,7.085206932,7.085206783,7.085206717,7.085206568,7.085206212,7.085206349,7.085206742,7.085206838,7.085206673,7.085206785,7.085206892,7.085206526,7.085206294,7.085206793,7.085206908,7.085206731
+"7150","IKBKG",6.058794227,6.058794261,6.058794223,6.058794322,6.058794242,6.058794287,6.058794254,6.058794295,6.058794243,6.05879423,6.058794274,6.058794221,6.058794276,6.058794212,6.058794239,6.058794257,6.058794242,6.058794334,6.058794253,6.058794307,6.058794267,6.058794246,6.058794262,6.058794272,6.058794271,6.058794273,6.058794273,6.058794257
+"7151","IKZF1",8.579619243,8.5796193,8.579618321,8.579619106,8.579618963,8.579619586,8.579619234,8.579618877,8.579619616,8.579619336,8.579618768,8.579618875,8.57961938,8.579619582,8.579618904,8.57961886,8.5796181,8.579618783,8.579619224,8.579618277,8.579618942,8.579618782,8.57961941,8.579619082,8.579618553,8.57961921,8.579619449,8.579619387
+"7152","IKZF2",5.893332677,5.893331559,5.893330728,5.893330555,5.893330798,5.89333015,5.893332468,5.893332574,5.893330358,5.893330553,5.89333064,5.893330632,5.893331213,5.893331438,5.893331889,5.893331193,5.893329809,5.893330186,5.893331001,5.893329561,5.893332041,5.893331966,5.893330671,5.893330622,5.893330516,5.89333164,5.893331318,5.893331077
+"7153","IKZF3",7.900191074,7.900150054,7.90011561,7.900141777,7.90014195,7.900170576,7.900170484,7.900154586,7.900174169,7.900165357,7.900112106,7.900144821,7.900165552,7.900206921,7.900177614,7.900124442,7.900090776,7.900141959,7.900148649,7.900160208,7.900168379,7.900145237,7.900186449,7.900166962,7.900138706,7.900175987,7.9001795,7.900194785
+"7154","IKZF4",5.23893537,5.238935371,5.238935363,5.238935424,5.238935355,5.238935364,5.238935362,5.238935446,5.238935415,5.238935373,5.238935409,5.238935388,5.238935397,5.238935356,5.23893535,5.238935383,5.238935324,5.238935384,5.238935389,5.23893541,5.238935356,5.238935312,5.238935355,5.238935398,5.238935321,5.238935332,5.238935385,5.238935259
+"7155","IKZF5",6.482064938,6.482064031,6.482063496,6.482063962,6.482063696,6.482062963,6.482063975,6.482063141,6.48206448,6.482064059,6.482062898,6.482063005,6.482063875,6.482065993,6.48206416,6.482063563,6.482062831,6.482062788,6.482064219,6.482063851,6.482063615,6.482063703,6.482064901,6.482064424,6.482063421,6.482064163,6.4820638,6.482065215
+"7156","IL10",4.114714799,4.114714778,4.114714887,4.114714867,4.114714988,4.114714768,4.114714735,4.114714965,4.114715081,4.114714738,4.114714843,4.114715168,4.114714927,4.114714864,4.11471496,4.114714951,4.114715017,4.114714859,4.114714975,4.114714773,4.114714919,4.114714901,4.114714829,4.114714725,4.11471488,4.11471489,4.114714849,4.114715006
+"7157","IL10RA",9.188707722,9.188701154,9.188696563,9.18869187,9.188702356,9.188704591,9.188703658,9.188704115,9.188706145,9.188701495,9.188698437,9.188696764,9.188708367,9.188706602,9.188704257,9.188697386,9.188697983,9.188694283,9.188698969,9.18869909,9.188704142,9.188702941,9.188703872,9.188702523,9.188697245,9.188703278,9.188707999,9.188703018
+"7158","IL10RB",9.039548066,9.03954811,9.039547751,9.039548364,9.039547524,9.039548098,9.039547906,9.039547676,9.039547693,9.03954761,9.039547835,9.039547232,9.039547922,9.039547828,9.039547853,9.039547934,9.03954761,9.039548198,9.03954804,9.039548067,9.039547838,9.039547708,9.039547976,9.039547929,9.039548066,9.039547616,9.039547906,9.039547509
+"7159","IL11",6.069632419,6.069632467,6.069632609,6.069632516,6.069632633,6.069632469,6.069632487,6.069632565,6.069632582,6.069632592,6.069632581,6.069632642,6.069632514,6.069632389,6.069632568,6.069632519,6.069632648,6.069632599,6.069632534,6.069632546,6.06963249,6.069632584,6.069632471,6.06963252,6.069632601,6.069632528,6.069632538,6.069632557
+"7160","IL11RA",6.433990713,6.43399072,6.433990695,6.433990618,6.43399056,6.433990668,6.433990605,6.433990849,6.433990756,6.433990699,6.433990573,6.433990944,6.433990872,6.433990572,6.43399056,6.433990637,6.433990542,6.433990556,6.433990594,6.433990605,6.433990522,6.433990886,6.433990571,6.433990302,6.4339905,6.43399059,6.433990844,6.433990629
+"7161","IL12A",3.978523678,3.978523599,3.978523692,3.978523694,3.978523708,3.978523682,3.978523721,3.978523724,3.978523669,3.978523716,3.978523688,3.978523751,3.978523641,3.978523635,3.978523675,3.978523719,3.978523728,3.978523634,3.978523706,3.9785237,3.97852366,3.978523678,3.978523659,3.978523665,3.978523698,3.978523648,3.978523653,3.978523672
+"7162","IL12B",4.528834308,4.52883453,4.528834655,4.528834555,4.528834565,4.528834198,4.528834645,4.528834549,4.528834608,4.528834407,4.528834219,4.52883453,4.528834477,4.528834365,4.52883455,4.528834739,4.528834665,4.528834571,4.528834642,4.528834523,4.528834513,4.528834717,4.52883439,4.528834477,4.528834427,4.52883453,4.528834446,4.528834565
+"7163","IL12RB1",7.124589819,7.124589939,7.124590024,7.124589772,7.124589819,7.124590449,7.12458981,7.124589962,7.124590045,7.124589743,7.124589588,7.124589565,7.124589965,7.124589752,7.124589807,7.124589904,7.124589889,7.1245898,7.124589813,7.124590199,7.124589757,7.124590075,7.124589981,7.124589717,7.124589642,7.124589796,7.12459,7.12458965
+"7164","IL12RB2",5.093145429,5.093145491,5.093145411,5.093145345,5.093145275,5.093145644,5.093145556,5.093145609,5.093145395,5.093145592,5.093145437,5.093145052,5.093145719,5.093145221,5.09314553,5.093145298,5.093145345,5.093145382,5.093145396,5.093145449,5.093145418,5.093145553,5.093145487,5.093145646,5.093145341,5.093145385,5.093145629,5.093145191
+"7165","IL13",4.33059111,4.330591139,4.330591117,4.330591127,4.330591136,4.330591036,4.330591147,4.33059109,4.330591079,4.330591093,4.330591119,4.330591149,4.330591055,4.33059105,4.330591094,4.330591076,4.330591191,4.330591117,4.330591124,4.330591116,4.330591126,4.330591113,4.330591094,4.330591097,4.330591065,4.330591087,4.330591097,4.33059112
+"7166","IL13RA1",8.351923201,8.351923809,8.351921824,8.351923772,8.351920066,8.351922101,8.351921464,8.351921649,8.351918694,8.351919755,8.351923042,8.351918293,8.351921334,8.351923296,8.351920888,8.351922177,8.351920064,8.351922262,8.351920824,8.351922178,8.351921142,8.351920906,8.351921187,8.351922073,8.35192214,8.351919405,8.3519199,8.351920916
+"7167","IL13RA2",2.922219989,2.922219996,2.922220011,2.922219995,2.922220001,2.922219984,2.922220005,2.922220008,2.922220011,2.922219973,2.922220019,2.922220024,2.922219991,2.922220022,2.922220012,2.922220028,2.922220064,2.922220013,2.922219999,2.922219994,2.922220006,2.922220028,2.922220017,2.922219978,2.92222007,2.922219997,2.922219998,2.922220012
+"7168","IL15",4.583179858,4.583179836,4.583179783,4.583179752,4.583179704,4.583179894,4.583179757,4.583179693,4.583179674,4.583179814,4.583179782,4.583179711,4.58317983,4.583179799,4.583179777,4.583179706,4.583179778,4.583179744,4.583179808,4.583179857,4.58317979,4.583179795,4.58317974,4.583179745,4.583179766,4.583179735,4.583179838,4.583179752
+"7169","IL15RA",7.279219705,7.2792198,7.279220094,7.279219674,7.279219946,7.279220162,7.279219851,7.279219914,7.279220128,7.27921999,7.279219756,7.279219992,7.279219789,7.279219634,7.27921981,7.27921982,7.279220035,7.279219782,7.279219788,7.279220107,7.279219909,7.279219977,7.27922013,7.27921986,7.279219927,7.279220002,7.279219831,7.27921986
+"7170","IL16",7.214512349,7.214512356,7.214512337,7.214512387,7.214512351,7.214512353,7.214512355,7.214512324,7.214512388,7.214512372,7.214512344,7.214512355,7.214512405,7.214512386,7.21451236,7.214512334,7.2145123,7.214512366,7.21451241,7.214512355,7.214512378,7.21451235,7.214512401,7.214512373,7.214512364,7.214512372,7.214512389,7.214512373
+"7171","IL17A",5.292664691,5.292664838,5.292665022,5.292664988,5.292665031,5.292664956,5.29266492,5.292664935,5.292665009,5.292664812,5.292665006,5.292665045,5.292664963,5.292664792,5.292664996,5.292664966,5.292665101,5.292664996,5.292665045,5.292665072,5.29266496,5.292665168,5.292664863,5.292664905,5.292664814,5.29266493,5.292664829,5.292664951
+"7172","IL17B",5.869488474,5.86948849,5.869488774,5.869488618,5.869488729,5.869488345,5.869488622,5.8694888,5.869488668,5.869488525,5.869488711,5.869488739,5.869488649,5.869488294,5.869488641,5.869488774,5.86948879,5.869488869,5.869488498,5.869488626,5.869488707,5.869488779,5.86948851,5.869488588,5.869488807,5.869488699,5.86948855,5.869488508
+"7173","IL17C",6.520510729,6.52051075,6.520511001,6.520510896,6.520511347,6.520510627,6.520511032,6.520511164,6.520510807,6.520510893,6.52051107,6.520511153,6.520510926,6.520510089,6.52051105,6.520510849,6.520511415,6.520511083,6.520511011,6.520511036,6.520511236,6.520511283,6.520510591,6.520510613,6.520511038,6.520511083,6.520510845,6.520510829
+"7174","IL17D",6.698807952,6.698808071,6.698808211,6.698808159,6.698808552,6.698807918,6.698808271,6.698808292,6.698808138,6.698808372,6.698808418,6.698808561,6.698808097,6.698807739,6.698808323,6.698808187,6.698808501,6.698808278,6.698808277,6.698808187,6.698808377,6.698808321,6.69880802,6.698808052,6.698808189,6.698808357,6.698808085,6.698808082
+"7175","IL17F",4.416402895,4.416402986,4.416402917,4.416403046,4.416403113,4.416403142,4.416403186,4.416403091,4.416403023,4.416402924,4.416402992,4.416403118,4.416403003,4.41640298,4.416403077,4.416403078,4.416403265,4.416403083,4.416402987,4.416403097,4.416403058,4.416403009,4.416403032,4.416402914,4.416402998,4.416403111,4.416402884,4.416403093
+"7176","IL17RA",9.063804919,9.064676179,9.063749355,9.064667138,9.063708171,9.064628493,9.06414947,9.06374994,9.063839318,9.064206156,9.063983014,9.063582587,9.063777508,9.063738395,9.063691514,9.064352473,9.063600254,9.06423972,9.064000753,9.064716433,9.063871979,9.063552265,9.064106694,9.064447478,9.064113007,9.06363363,9.063986807,9.063536956
+"7177","IL17RB",3.689540675,3.689540654,3.689540721,3.68954077,3.689540747,3.68954071,3.689540678,3.689540671,3.689540678,3.689540662,3.689540691,3.68954078,3.689540628,3.689540619,3.689540686,3.689540603,3.689540755,3.689540754,3.68954067,3.689540722,3.689540624,3.689540771,3.689540665,3.689540634,3.689540695,3.68954073,3.689540549,3.689540766
+"7178","IL17RC",5.690616475,5.690616508,5.690616508,5.69061647,5.690616638,5.690616518,5.69061655,5.690616575,5.690616525,5.690616531,5.690616545,5.690616627,5.690616483,5.690616464,5.690616609,5.690616537,5.690616614,5.690616599,5.690616528,5.690616572,5.690616558,5.690616585,5.690616496,5.690616482,5.690616554,5.690616542,5.69061655,5.69061656
+"7179","IL17RD",4.722566868,4.722566866,4.722566859,4.722566879,4.722566915,4.722566875,4.722566871,4.722566903,4.722566856,4.722566871,4.722566895,4.722566936,4.722566865,4.722566819,4.722566887,4.722566895,4.722566912,4.722566892,4.722566898,4.722566892,4.722566885,4.722566878,4.722566857,4.722566874,4.722566874,4.722566888,4.722566851,4.722566871
+"7180","IL17RE",5.117127653,5.117127662,5.117127668,5.11712766,5.117127682,5.117127676,5.117127664,5.117127675,5.117127653,5.117127676,5.117127659,5.117127684,5.117127653,5.117127629,5.117127674,5.117127653,5.117127669,5.117127661,5.117127658,5.117127663,5.117127666,5.117127683,5.117127651,5.117127642,5.117127658,5.117127673,5.117127662,5.117127665
+"7181","IL17REL",5.28301728,5.283017344,5.28301758,5.283017359,5.28301767,5.283017398,5.283017537,5.283017689,5.283017548,5.283017518,5.283017658,5.28301761,5.283017471,5.283017086,5.283017692,5.283017627,5.283017658,5.283017562,5.283017284,5.283017436,5.283017631,5.283017689,5.283017398,5.283017244,5.283017488,5.283017583,5.283017446,5.283017281
+"7182","IL18",3.686207639,3.686207642,3.686207774,3.686207473,3.686207174,3.686207474,3.686207523,3.686207546,3.686207332,3.686207469,3.686207505,3.686207371,3.686207312,3.686207651,3.686207275,3.686207374,3.686207518,3.686207187,3.686207303,3.686207474,3.686207293,3.686207127,3.686207167,3.686207537,3.686207451,3.686207372,3.686207395,3.686207323
+"7183","IL18BP",6.24675731,6.24675737,6.246757283,6.246757285,6.246757201,6.24675746,6.246757304,6.246757381,6.246757259,6.246757256,6.246757303,6.246757303,6.246757244,6.24675726,6.246757338,6.246757227,6.24675733,6.246757141,6.246757217,6.246757507,6.246757309,6.246757326,6.246757263,6.246757333,6.246757215,6.246757386,6.246757193,6.246757191
+"7184","IL18R1",5.450196608,5.450196567,5.450196383,5.450196725,5.450196451,5.450196275,5.450196575,5.450196506,5.450196297,5.450196308,5.450196638,5.450195922,5.450196391,5.450196535,5.450196292,5.450196457,5.450196248,5.450196393,5.450196614,5.450196372,5.450196494,5.450196417,5.450196485,5.450196605,5.450196648,5.450196371,5.450196154,5.450196299
+"7185","IL18RAP",7.246709993,6.931278073,7.806894164,8.188488799,7.240516007,7.846058081,7.863272932,7.454529326,7.061113274,7.948802776,7.290708126,6.775217215,7.291567048,7.065175263,7.081688303,6.895138906,8.03776199,8.0012515,7.915504672,8.291496449,7.611277788,7.470166375,7.415256355,8.557463075,7.515792846,7.137159274,7.163156369,6.818025596
+"7186","IL19",3.807807121,3.807807059,3.807807113,3.807807116,3.807807423,3.807807124,3.807807163,3.807807347,3.807807139,3.807807104,3.807807218,3.807807237,3.807807197,3.807806861,3.807807286,3.807807181,3.807807274,3.807807205,3.807807232,3.807806966,3.807807252,3.807807253,3.807807055,3.807806894,3.807807266,3.807807051,3.80780719,3.807807089
+"7187","IL1A",3.308069807,3.308069821,3.308069828,3.308069812,3.308069821,3.308069813,3.308069824,3.30806981,3.30806982,3.308069808,3.308069826,3.308069843,3.308069793,3.30806981,3.308069823,3.308069821,3.308069829,3.308069805,3.308069819,3.308069835,3.308069821,3.308069826,3.308069831,3.308069795,3.308069824,3.308069804,3.30806982,3.30806981
+"7188","IL1B",7.07151812,7.071518882,7.07151842,7.071518941,7.071517708,7.071519005,7.071518188,7.071518899,7.071518649,7.071518896,7.071518554,7.071517117,7.071518899,7.071518276,7.071518476,7.071518574,7.071518529,7.071519064,7.071518485,7.071519253,7.071518012,7.071518351,7.071518926,7.071519195,7.071518993,7.071517593,7.07151868,7.071517693
+"7189","IL1F10",4.663015132,4.663015125,4.663015249,4.663015176,4.663015266,4.663015227,4.66301515,4.663015286,4.663015187,4.663015181,4.663015254,4.66301515,4.663015135,4.66301523,4.663015258,4.66301524,4.663015332,4.663015205,4.663015272,4.663015345,4.663015167,4.6630153,4.66301527,4.663015123,4.663015262,4.663015172,4.663015212,4.663015216
+"7190","IL1R1",5.357331478,5.357332064,5.357331185,5.357333458,5.357330052,5.357331553,5.357332572,5.357330275,5.357330334,5.357330484,5.357331617,5.357330585,5.357330364,5.357330229,5.357332306,5.357333049,5.357331647,5.357333079,5.357331583,5.357331793,5.357332605,5.357331471,5.357331692,5.357332244,5.357332477,5.357331329,5.357330316,5.357329547
+"7191","IL1R2",8.588137183,8.887687295,8.436962211,9.632690293,7.836975728,8.266131797,8.941423411,8.534639666,8.189034079,7.804176893,8.690432986,8.37403116,8.10707332,8.263080593,8.517393989,8.902659192,8.521541201,8.91329219,8.400389912,8.474876597,8.60947129,8.239966618,8.530776232,8.794992616,8.538820793,8.230797048,8.105315733,7.880030242
+"7192","IL1RAP",7.487263783,7.488044767,7.48594934,7.48852674,7.48616575,7.486110388,7.486200597,7.486729149,7.486104573,7.486477358,7.487544501,7.484833599,7.487106071,7.487210306,7.486855205,7.487313725,7.48615427,7.487690363,7.486842588,7.485827875,7.485783998,7.486334345,7.486999417,7.487689327,7.487450057,7.485107914,7.486545816,7.48648741
+"7193","IL1RAPL1",4.077101339,4.077101397,4.077101371,4.077101369,4.077101375,4.077101414,4.077101284,4.077101464,4.077101375,4.077101342,4.077101452,4.077101412,4.077101358,4.077101322,4.077101407,4.077101395,4.077101331,4.077101567,4.077101424,4.077101431,4.077101389,4.077101459,4.077101419,4.07710141,4.077101345,4.077101399,4.077101378,4.077101428
+"7194","IL1RAPL2",3.314404502,3.314404621,3.314404741,3.314404966,3.314404724,3.31440498,3.314404827,3.314404876,3.314404761,3.31440486,3.314404674,3.314404912,3.31440485,3.314404606,3.314404837,3.314404914,3.314404769,3.314404956,3.314404831,3.314404727,3.314404854,3.314404649,3.314404849,3.314404641,3.31440477,3.314404546,3.314404951,3.314404591
+"7195","IL1RL1",5.221225897,5.221225657,5.221225545,5.221227073,5.221229094,5.221225005,5.22122789,5.221225661,5.221224901,5.221226881,5.221230485,5.221225515,5.221225532,5.221226917,5.221223694,5.221223922,5.221225097,5.221225585,5.221228763,5.221224098,5.221225331,5.22122365,5.221224119,5.22122672,5.221228575,5.221226229,5.221224272,5.221226482
+"7196","IL1RL2",3.967434943,3.967434939,3.967434952,3.967434918,3.967434968,3.96743494,3.967434946,3.967434976,3.967434954,3.967434982,3.967434953,3.967434976,3.96743495,3.967434931,3.967434979,3.967434978,3.96743501,3.967434953,3.967434971,3.967434969,3.967434967,3.967434963,3.967434949,3.967434926,3.967434959,3.967434958,3.967434919,3.967434954
+"7197","IL1RN",6.524822825,6.524824237,6.524823167,6.524824967,6.524823164,6.5248253,6.524823938,6.52482341,6.52482371,6.524823882,6.524822861,6.524821573,6.524822347,6.524822775,6.524823301,6.524824283,6.524823081,6.524825045,6.52482455,6.524826831,6.524823306,6.524823434,6.524824237,6.524824867,6.524824404,6.524822409,6.52482232,6.524821953
+"7198","IL2",2.498622438,2.498622481,2.498622435,2.498622488,2.498622369,2.498622444,2.49862244,2.49862247,2.49862246,2.498622648,2.498622607,2.498622404,2.49862246,2.498622502,2.498622469,2.498622515,2.498622533,2.498622581,2.498622523,2.498622459,2.498622466,2.498622533,2.498622429,2.498622552,2.498622569,2.498622395,2.498622491,2.498622535
+"7199","IL20",3.732765477,3.73276582,3.732765632,3.732765828,3.732765646,3.732765746,3.732765789,3.732765789,3.732765698,3.732765525,3.732765782,3.732765844,3.732765686,3.732765559,3.73276568,3.732765945,3.732765747,3.732765889,3.732765746,3.7327656,3.732765635,3.73276567,3.732765493,3.732765675,3.73276594,3.732765657,3.732765601,3.732765562
+"7200","IL20RA",4.089445456,4.089445595,4.089445866,4.089445683,4.089445823,4.089445658,4.089445592,4.089445594,4.08944584,4.08944576,4.089445792,4.089445912,4.089445767,4.089445501,4.089445922,4.089445809,4.089445856,4.08944591,4.089445721,4.089445563,4.089445593,4.089445991,4.089445586,4.089445529,4.089445718,4.089445677,4.089445748,4.089445858
+"7201","IL20RB",4.394730069,4.394729968,4.394729929,4.394730254,4.394730277,4.394730126,4.394730175,4.394730126,4.394730132,4.394729917,4.394730332,4.394730203,4.394730182,4.394730032,4.394730223,4.39473015,4.394730446,4.394730119,4.394729784,4.394730277,4.39473029,4.394730283,4.394729976,4.394730086,4.394730112,4.394730127,4.394729984,4.394730101
+"7202","IL21",3.229663908,3.229663952,3.229663943,3.22966397,3.229663935,3.229664005,3.229663951,3.229663936,3.229663958,3.22966392,3.229663951,3.229663962,3.229663921,3.229663882,3.229663926,3.229664001,3.229664015,3.229663952,3.229663899,3.229663934,3.229663901,3.22966393,3.229663949,3.229663898,3.229663935,3.229663895,3.229663951,3.229663935
+"7203","IL21R",6.728784814,6.728784545,6.728784211,6.728783989,6.728784067,6.728785084,6.728784519,6.728785006,6.728784928,6.728784811,6.728783719,6.72878448,6.728784548,6.728784698,6.728784593,6.728783838,6.728783775,6.72878391,6.728784473,6.72878427,6.728784073,6.72878456,6.728784811,6.72878469,6.728783977,6.728784543,6.72878499,6.728784632
+"7204","IL22",3.294772333,3.294772327,3.294772344,3.294772349,3.294772337,3.294772338,3.294772333,3.294772348,3.294772343,3.294772347,3.294772338,3.294772371,3.294772326,3.294772333,3.294772326,3.294772362,3.294772365,3.294772331,3.29477235,3.294772319,3.29477234,3.294772352,3.294772313,3.294772353,3.294772358,3.294772341,3.294772333,3.294772337
+"7205","IL22RA1",4.873092306,4.873092264,4.873092314,4.87309227,4.873092285,4.873092306,4.873092235,4.873092347,4.873092217,4.87309234,4.873092415,4.873092317,4.873092284,4.873092118,4.873092347,4.873092238,4.873092319,4.873092391,4.873092288,4.873092231,4.873092276,4.873092306,4.873092328,4.873092252,4.873092415,4.873092281,4.873092216,4.873092268
+"7206","IL22RA2",3.292911365,3.292911363,3.292911372,3.2929114,3.292911391,3.292911391,3.29291137,3.292911371,3.292911372,3.29291138,3.292911381,3.292911414,3.292911375,3.292911369,3.292911396,3.292911382,3.292911374,3.292911406,3.292911383,3.29291138,3.292911395,3.292911383,3.292911366,3.29291138,3.292911386,3.29291139,3.292911369,3.292911378
+"7207","IL23A",6.098671527,6.098671434,6.098671535,6.098671522,6.098671756,6.098671473,6.098671598,6.098671668,6.098671719,6.09867158,6.098671497,6.098671777,6.098671527,6.098671533,6.098671685,6.098671584,6.098671583,6.098671436,6.098671632,6.098671598,6.098671588,6.098671755,6.098671599,6.098671631,6.09867146,6.098671659,6.098671626,6.09867176
+"7208","IL23R",3.173054052,3.173054064,3.173053936,3.173054169,3.173053908,3.173053997,3.173054046,3.173053951,3.17305396,3.173053902,3.173053991,3.173053955,3.173054042,3.173053969,3.173054043,3.173054042,3.17305398,3.173054041,3.173053934,3.173054015,3.173054037,3.173054012,3.173053946,3.17305394,3.173053971,3.173053981,3.173054073,3.173054
+"7209","IL24",4.690155095,4.690155136,4.690155122,4.69015509,4.690155128,4.690155142,4.690155131,4.690155161,4.690155125,4.690155105,4.690155125,4.690155128,4.690155155,4.690155092,4.69015513,4.690155147,4.690155115,4.690155117,4.690155143,4.690155146,4.690155139,4.690155133,4.69015512,4.690155109,4.690155116,4.690155118,4.690155127,4.69015511
+"7210","IL25",4.584789909,4.584789895,4.584790167,4.584789834,4.58479005,4.584789993,4.584789854,4.584789908,4.584789838,4.584789957,4.584789811,4.584790235,4.584789811,4.584789664,4.584790052,4.584789953,4.584790106,4.584790123,4.584789785,4.584789873,4.584789992,4.584790064,4.58478994,4.58478986,4.584790141,4.584789984,4.584789695,4.584789896
+"7211","IL26",2.86814396,2.868143963,2.868143977,2.86814397,2.868143959,2.868143948,2.868143952,2.868143965,2.868143971,2.868143982,2.868143997,2.868143967,2.868143938,2.868143951,2.868143941,2.868143958,2.868143938,2.868143964,2.868143961,2.868143952,2.868143943,2.868143935,2.868143955,2.86814395,2.868143967,2.868143944,2.868143949,2.86814394
+"7212","IL27",5.642608862,5.642608904,5.642608924,5.642608931,5.642608946,5.642608938,5.6426089,5.642608889,5.642608837,5.642608919,5.642608894,5.642608903,5.642608897,5.642608838,5.642608947,5.642608985,5.642609034,5.642608962,5.642608935,5.642608918,5.642608907,5.642608942,5.642608887,5.642608962,5.642608893,5.642608907,5.64260892,5.642608895
+"7213","IL2RA",5.663495228,5.66349524,5.6634943,5.663495032,5.663495199,5.66349498,5.663495019,5.663494213,5.663495143,5.66349449,5.663495151,5.66349409,5.663494952,5.66349531,5.663494641,5.663494556,5.663494307,5.663494747,5.663495182,5.663494432,5.663494548,5.663494399,5.663494786,5.663494743,5.663494867,5.663493938,5.663494962,5.663495481
+"7214","IL2RB",7.634306611,7.634306693,7.634305513,7.634304153,7.634305109,7.634306841,7.634305873,7.634306109,7.634305898,7.634306335,7.634305711,7.634304677,7.634306674,7.634305708,7.634306281,7.634306587,7.63430398,7.634304403,7.634304642,7.634305498,7.634305402,7.634305772,7.634306687,7.634306958,7.63430573,7.634306283,7.634306917,7.634305544
+"7215","IL2RG",9.015666024,9.015665816,9.0156653,9.015665718,9.015665419,9.015666321,9.015665817,9.015665447,9.015665851,9.015665932,9.015665579,9.015665182,9.015665937,9.015665599,9.015665778,9.015665352,9.015665032,9.015665549,9.015665592,9.015666,9.015665824,9.015665538,9.015665887,9.015665913,9.015665526,9.015665501,9.015665937,9.015665341
+"7216","IL3",4.196113025,4.196113117,4.1961132,4.19611309,4.196113187,4.196113087,4.196113233,4.196113248,4.196113189,4.196113129,4.196113214,4.196113301,4.196113164,4.196113065,4.196113254,4.196113196,4.196113256,4.196113219,4.196113218,4.196113208,4.196113228,4.196113277,4.196113147,4.196113088,4.196113183,4.196113186,4.196113157,4.196113169
+"7217","IL31",3.90444164,3.904441745,3.904441718,3.904441709,3.904441689,3.904441727,3.904441673,3.90444166,3.904441704,3.904441673,3.904441716,3.904441712,3.904441645,3.904441633,3.904441739,3.904441713,3.904441782,3.9044417,3.904441694,3.904441693,3.904441702,3.904441711,3.904441686,3.90444167,3.904441657,3.904441658,3.904441646,3.904441662
+"7218","IL31RA",3.786698412,3.786698356,3.786698381,3.786698386,3.786698518,3.786698617,3.786698313,3.786698375,3.786698447,3.786698386,3.786698385,3.786698378,3.786698356,3.786698369,3.786698453,3.786698508,3.786698369,3.786698458,3.786698564,3.786698526,3.786698491,3.786698349,3.78669836,3.786698396,3.78669832,3.786698336,3.786698355,3.786698353
+"7219","IL32",7.881796252,7.881795376,7.881795471,7.881794807,7.881795269,7.881795771,7.881796211,7.881796046,7.881796923,7.881795456,7.881794898,7.881794833,7.881796424,7.881796276,7.881795984,7.88179502,7.881794593,7.881794565,7.881795056,7.881795273,7.881796125,7.881796093,7.881796592,7.881795406,7.881794645,7.881795055,7.881796216,7.881796109
+"7220","IL33",2.722130906,2.722130928,2.722130903,2.722130953,2.722131059,2.722131033,2.722130937,2.722131026,2.722130959,2.722131038,2.722130985,2.72213111,2.722130977,2.722130945,2.722131017,2.722131064,2.722131002,2.722130962,2.722131037,2.722130905,2.722130986,2.722130976,2.722130956,2.722130979,2.722130982,2.722131016,2.722130999,2.722130969
+"7221","IL34",6.416056935,6.416056903,6.416057134,6.416056996,6.416057267,6.416056921,6.416057065,6.416057139,6.41605694,6.416056988,6.416057136,6.416057211,6.416057032,6.416056874,6.416057145,6.416057012,6.416057195,6.416057108,6.4160571,6.416056862,6.416057171,6.416057097,6.416056935,6.416056904,6.416057037,6.416057153,6.416056951,6.41605701
+"7222","IL36A",4.940936648,4.940936696,4.9409369,4.940936738,4.940936851,4.940936659,4.940936885,4.940936808,4.940936678,4.940936805,4.940936739,4.940936979,4.940936837,4.940936676,4.940936875,4.940936964,4.940936962,4.940936926,4.94093668,4.940936725,4.940936867,4.94093699,4.940936742,4.940936657,4.940936868,4.940936759,4.940936777,4.940936932
+"7223","IL36B",3.602253347,3.602253318,3.602253328,3.60225334,3.60225314,3.602253297,3.602253242,3.602253375,3.602253441,3.602253347,3.602253392,3.602253403,3.602253301,3.602253372,3.602253369,3.602253251,3.602253584,3.602253425,3.602253349,3.602253516,3.602253262,3.602253331,3.602253308,3.60225343,3.602253415,3.602253306,3.602253317,3.602253416
+"7224","IL36G",4.224180602,4.224180833,4.224180862,4.224180811,4.224180948,4.224181003,4.224180817,4.224181215,4.224180696,4.224180849,4.22418056,4.224181287,4.224180697,4.224180751,4.22418096,4.224180873,4.224181231,4.224181038,4.224181072,4.224180938,4.224181028,4.224181033,4.224180749,4.224180781,4.224180819,4.224180954,4.224180962,4.224180822
+"7225","IL36RN",5.1565996,5.156599623,5.156599628,5.156599638,5.156599649,5.156599602,5.156599629,5.156599636,5.156599631,5.156599624,5.15659967,5.156599689,5.156599588,5.156599575,5.156599645,5.156599666,5.156599671,5.156599674,5.156599616,5.15659966,5.156599657,5.156599666,5.156599608,5.156599619,5.156599675,5.156599634,5.156599607,5.15659965
+"7226","IL37",3.768282629,3.76828273,3.768282698,3.768282627,3.768282579,3.768282521,3.7682826,3.768282677,3.768282618,3.768282708,3.768282757,3.768282714,3.768282548,3.76828258,3.768282618,3.768282728,3.768282637,3.768282652,3.76828252,3.768282695,3.768282614,3.768282649,3.768282599,3.76828266,3.768282626,3.768282612,3.768282475,3.768282746
+"7227","IL3RA",5.708368515,5.708367213,5.708366579,5.708367464,5.708369557,5.708370415,5.708365541,5.708365154,5.708368639,5.708367174,5.708369086,5.70836782,5.708366627,5.708367962,5.708367611,5.708367579,5.708366861,5.708366085,5.708368824,5.708369527,5.708365679,5.70836517,5.708368786,5.70836788,5.708368742,5.708367578,5.708367171,5.708370265
+"7228","IL4",3.402681525,3.4026816,3.40268154,3.402681635,3.402681538,3.402681534,3.402681468,3.402681523,3.402681462,3.402681421,3.402681616,3.402681707,3.402681341,3.402681417,3.402681509,3.402681697,3.402681586,3.402681604,3.402681551,3.402681517,3.402681526,3.402681539,3.402681614,3.402681485,3.402681629,3.402681457,3.402681493,3.402681609
+"7229","IL4R",8.492172112,8.492172076,8.492171054,8.492172379,8.492171511,8.492171459,8.492171932,8.492171257,8.492171811,8.492172731,8.492171707,8.492171143,8.492171861,8.492172041,8.492171476,8.492171924,8.49217102,8.492172279,8.49217222,8.492171496,8.492171331,8.492171511,8.49217229,8.492172802,8.492171862,8.492171265,8.492171922,8.492171869
+"7230","IL5",2.881043513,2.88104352,2.881043514,2.881043499,2.881043505,2.881043505,2.881043501,2.881043527,2.881043521,2.881043503,2.881043524,2.881043518,2.8810435,2.881043482,2.881043502,2.881043515,2.881043525,2.881043519,2.881043499,2.881043508,2.88104351,2.881043491,2.881043523,2.881043495,2.881043521,2.881043504,2.881043513,2.881043491
+"7231","IL5RA",5.750749276,6.508940723,5.865885294,6.144252149,6.76656695,5.606205459,5.964737339,5.667409137,5.95389111,6.033488364,6.887607369,5.733780206,5.973097707,6.363964808,5.314393392,6.009130871,5.388081975,5.604421551,6.642826405,5.295104374,5.606180901,5.201054538,5.763917907,5.945811789,6.608656572,5.693067147,5.906213564,6.201859734
+"7232","IL6",3.728512515,3.728512304,3.72851228,3.728512187,3.728512471,3.728512215,3.728512404,3.728512374,3.728512481,3.728512098,3.728512338,3.728512489,3.728512273,3.728512438,3.728512551,3.728512322,3.728512252,3.728512337,3.728512502,3.728512434,3.728512362,3.728512536,3.728512288,3.728512345,3.728512175,3.728512355,3.728512299,3.728512277
+"7233","IL6-AS1",3.925880393,3.925880365,3.925880342,3.925880363,3.925880358,3.925880393,3.925880391,3.925880368,3.925880387,3.925880386,3.925880358,3.92588037,3.925880354,3.925880394,3.925880403,3.925880395,3.925880384,3.925880384,3.925880349,3.925880382,3.925880351,3.925880381,3.925880358,3.925880357,3.925880354,3.925880388,3.925880378,3.925880406
+"7234","IL6R",9.202785263,9.202795594,9.202785778,9.202805467,9.202787375,9.202797339,9.202790963,9.202787138,9.202785717,9.202787259,9.202790323,9.202780908,9.202787738,9.202786164,9.202792197,9.20279725,9.202788297,9.202801736,9.202795811,9.202796819,9.202790369,9.202787519,9.202792614,9.202794853,9.20279539,9.202783346,9.202787831,9.202783468
+"7235","IL6ST",7.75657499,7.756401727,7.756334019,7.756345208,7.75616073,7.756201742,7.756199916,7.756163071,7.756745132,7.756589699,7.756119754,7.7563737,7.756398665,7.756896706,7.756175496,7.756094362,7.756070952,7.756132225,7.756224465,7.756160304,7.755977851,7.756154986,7.756594253,7.756437476,7.75611134,7.75639436,7.756440816,7.756525127
+"7236","IL7",3.878006323,3.878006315,3.87800627,3.878006305,3.878006283,3.878006292,3.878006271,3.878006277,3.87800632,3.878006266,3.878006249,3.878006296,3.878006289,3.878006362,3.878006311,3.878006291,3.878006272,3.878006293,3.878006298,3.878006311,3.878006263,3.878006255,3.878006313,3.878006288,3.87800629,3.878006274,3.878006296,3.878006337
+"7237","IL7R",10.53041905,10.20195716,9.733585902,9.815987563,10.05985325,9.448551389,10.02008231,9.833171137,10.41121277,9.895846746,9.56656619,10.13029405,10.19786513,10.68085235,10.11178563,9.813976074,9.474983558,9.696512043,9.993655818,9.363935331,9.879176624,9.920406726,10.16730111,9.697836819,9.37599831,10.06212871,10.25701746,10.42907165
+"7238","IL9",4.050765538,4.050765566,4.050765738,4.050765781,4.050765728,4.050765564,4.050765554,4.050765625,4.050765661,4.050765577,4.050765738,4.05076563,4.050765627,4.050765547,4.050765574,4.05076568,4.050765655,4.050765711,4.05076551,4.050765604,4.050765569,4.050765659,4.050765583,4.050765706,4.050765772,4.050765688,4.050765582,4.050765644
+"7239","IL9R",5.909515501,5.909515561,5.909515576,5.909515604,5.909515631,5.909515469,5.909515575,5.90951566,5.909515609,5.909515574,5.90951562,5.909515653,5.909515562,5.909515532,5.909515579,5.909515585,5.909515664,5.9095156,5.909515555,5.909515588,5.909515591,5.909515592,5.90951555,5.909515562,5.909515584,5.909515589,5.90951556,5.909515578
+"7240","ILDR1",5.258217322,5.258217248,5.258217442,5.25821734,5.258217427,5.258217502,5.258217295,5.258217404,5.258217379,5.258217393,5.258217372,5.258217465,5.258217442,5.258217281,5.258217391,5.258217455,5.258217399,5.258217444,5.258217315,5.258217497,5.258217415,5.258217451,5.258217426,5.258217148,5.258217409,5.25821737,5.258217487,5.258217357
+"7241","ILDR2",4.808885621,4.808885595,4.80888566,4.808885637,4.808885695,4.808885645,4.808885687,4.808885701,4.80888562,4.808885637,4.808885674,4.808885693,4.808885645,4.808885589,4.808885681,4.808885658,4.808885759,4.808885676,4.80888565,4.808885595,4.8088857,4.808885698,4.808885644,4.808885607,4.808885626,4.808885668,4.808885616,4.808885656
+"7242","ILF2",7.791756234,7.791755674,7.791755336,7.791754626,7.791755212,7.791755764,7.791756278,7.791754897,7.791755939,7.791755766,7.791754717,7.791754989,7.791755733,7.791756784,7.79175557,7.791755157,7.791755322,7.791754377,7.791755423,7.791754664,7.791756112,7.791755473,7.7917561,7.791755168,7.79175464,7.791755384,7.791755628,7.791756078
+"7243","ILF3",7.932618361,7.932617717,7.932617471,7.932616809,7.932617188,7.932617881,7.932617969,7.932617329,7.932618251,7.932617875,7.93261704,7.932617812,7.932618159,7.93261894,7.932617452,7.932617148,7.932616458,7.932616279,7.932617438,7.932617615,7.932617569,7.93261755,7.932618227,7.932617537,7.932616772,7.932618176,7.932618314,7.932618117
+"7244","ILF3-DT",5.034817413,5.034817464,5.034817591,5.034817359,5.034817295,5.034817401,5.034817217,5.034817327,5.034817573,5.034817521,5.034817435,5.034817288,5.034817507,5.034817528,5.034817342,5.034817417,5.034817479,5.034817235,5.034817354,5.03481732,5.034817406,5.034817347,5.034817525,5.034817303,5.034817501,5.03481756,5.034817433,5.034817393
+"7245","ILK",8.175292591,8.175292862,8.175292357,8.175293126,8.175292499,8.175293254,8.175292556,8.175292264,8.175292435,8.175292932,8.175293111,8.175292074,8.17529264,8.175292484,8.17529246,8.175292603,8.175292305,8.175292829,8.175292441,8.175293099,8.175292559,8.175292487,8.175292511,8.175292997,8.175292896,8.175292387,8.175292668,8.175292317
+"7246","ILKAP",6.015322344,6.015322309,6.015322237,6.015322254,6.0153222,6.01532226,6.015322252,6.015322197,6.015322284,6.015322258,6.015322178,6.015322213,6.015322291,6.015322344,6.015322216,6.015322221,6.015322204,6.015322115,6.015322209,6.015322329,6.015322184,6.01532223,6.015322276,6.015322206,6.015322155,6.015322287,6.015322316,6.015322223
+"7247","ILRUN",7.367807467,7.367807562,7.367807484,7.367807489,7.367807413,7.367807605,7.367807494,7.367807506,7.367807497,7.367807518,7.367807405,7.367807388,7.367807478,7.367807526,7.367807449,7.367807536,7.367807411,7.36780744,7.367807426,7.367807618,7.367807432,7.367807466,7.367807532,7.367807548,7.367807417,7.367807438,7.3678075,7.367807484
+"7248","ILVBL",6.027881291,6.027881328,6.027881345,6.027881306,6.027881338,6.027881345,6.027881321,6.027881341,6.027881338,6.027881341,6.02788131,6.02788134,6.027881336,6.027881318,6.027881335,6.027881354,6.027881352,6.027881313,6.027881339,6.027881282,6.027881311,6.027881323,6.027881326,6.027881332,6.027881285,6.02788134,6.027881337,6.027881312
+"7249","IMMP1L",4.233223361,4.233223297,4.233223237,4.233223223,4.233223222,4.233223254,4.233223308,4.233223326,4.233223289,4.233223353,4.233223261,4.233223345,4.233223302,4.233223362,4.233223342,4.233223331,4.233223326,4.233223268,4.233223365,4.233223202,4.233223297,4.233223322,4.233223279,4.233223241,4.233223267,4.233223312,4.233223228,4.23322328
+"7250","IMMP2L",4.350974119,4.350974027,4.350974096,4.350974019,4.350973994,4.350973954,4.350973986,4.35097405,4.350974133,4.350974071,4.350974092,4.350974092,4.350974098,4.350974129,4.35097408,4.350974101,4.350973981,4.350974055,4.350973998,4.350973949,4.350973993,4.350974044,4.350974095,4.350974042,4.350974085,4.350974102,4.350974135,4.350974207
+"7251","IMMT",7.931693447,7.931693241,7.931692761,7.931692643,7.931692552,7.931693533,7.931693405,7.931692713,7.931693943,7.931693384,7.931692369,7.931693024,7.931693355,7.931694371,7.931693367,7.931692478,7.931692107,7.931692258,7.931692922,7.931693235,7.93169275,7.931692847,7.931693661,7.931693035,7.931692365,7.931693154,7.931693615,7.931693646
+"7252","IMP3",7.299130711,7.299130663,7.29913073,7.299130287,7.299130634,7.299130779,7.299130625,7.299130533,7.299130863,7.299130738,7.299130355,7.299130465,7.299130829,7.299130777,7.299130687,7.299130751,7.299130447,7.299130076,7.299130607,7.299130681,7.299130462,7.299130605,7.299130741,7.299130586,7.299130388,7.29913042,7.299130638,7.299130664
+"7253","IMP4",7.147190093,7.147189972,7.14719012,7.14718971,7.147190304,7.147190036,7.147190104,7.147189945,7.147190172,7.147190098,7.147189736,7.147190236,7.147190235,7.147190386,7.147190021,7.147189776,7.147190129,7.147189638,7.147190161,7.147189896,7.147189956,7.147189874,7.147190248,7.147189807,7.147189733,7.147189948,7.147190119,7.147190353
+"7254","IMPA1",6.085632568,6.085632597,6.085632419,6.085632311,6.085632577,6.085632201,6.085632451,6.085632181,6.085632434,6.085632491,6.085632272,6.085632022,6.085632457,6.085633133,6.085632316,6.085632553,6.085632509,6.085632257,6.085632633,6.085632467,6.085632521,6.085632151,6.085632587,6.085632364,6.085632383,6.085632334,6.085632505,6.085632897
+"7255","IMPA2",7.108740374,7.108741228,7.10874209,7.108742293,7.108740648,7.108741034,7.108741221,7.10874121,7.108739997,7.1087409,7.108741263,7.108740479,7.108741345,7.108740542,7.108740189,7.108741383,7.108741366,7.1087416,7.108741287,7.108740472,7.108740559,7.108740514,7.108740473,7.108741263,7.108741413,7.108740278,7.108740829,7.108740123
+"7256","IMPACT",5.230722393,5.230722365,5.230722368,5.230722322,5.230722318,5.23072227,5.230722343,5.230722306,5.23072228,5.230722379,5.230722285,5.230722272,5.230722329,5.230722468,5.230722335,5.230722355,5.23072234,5.230722272,5.230722374,5.230722346,5.230722319,5.230722276,5.230722311,5.230722391,5.230722326,5.230722357,5.230722308,5.230722411
+"7257","IMPDH1",7.572338293,7.572338435,7.572338367,7.572338564,7.57233835,7.572338432,7.572338331,7.572338296,7.572338277,7.572338382,7.572338469,7.572338173,7.572338336,7.57233825,7.572338291,7.57233844,7.572338418,7.572338486,7.572338327,7.57233849,7.572338381,7.572338343,7.572338356,7.572338433,7.572338407,7.572338224,7.572338361,7.572338201
+"7258","IMPDH2",7.020026545,7.020026752,7.020026518,7.020026111,7.020026219,7.020026606,7.020026774,7.020026672,7.020027238,7.02002693,7.020025957,7.020026883,7.020026924,7.020027312,7.020026371,7.020026261,7.020025848,7.020025851,7.020026354,7.020026107,7.02002645,7.020026575,7.020027114,7.020026942,7.020025812,7.020026943,7.020026507,7.020027131
+"7259","IMPG1",3.552981528,3.552981511,3.552981563,3.552981565,3.552981606,3.55298153,3.552981591,3.55298157,3.552981594,3.552981569,3.552981602,3.552981648,3.55298157,3.552981556,3.552981586,3.552981567,3.552981683,3.552981686,3.552981606,3.552981587,3.552981597,3.552981613,3.552981591,3.552981521,3.552981516,3.552981602,3.552981562,3.552981608
+"7260","IMPG2",4.251821643,4.251821567,4.251821477,4.251821578,4.251821431,4.251821756,4.251821815,4.251821436,4.251821636,4.251821392,4.25182161,4.251821462,4.251821595,4.251821792,4.251821418,4.251821503,4.251821349,4.251821523,4.251821637,4.251821495,4.251821481,4.251821491,4.251821559,4.251821508,4.251821435,4.25182151,4.251821511,4.251821595
+"7261","INA",4.17125809,4.171258103,4.171258106,4.171258093,4.171258126,4.171258103,4.171258114,4.171258098,4.171258111,4.171258122,4.171258112,4.171258123,4.171258108,4.171258095,4.171258113,4.171258094,4.171258112,4.17125811,4.171258114,4.171258107,4.17125812,4.171258123,4.171258099,4.171258101,4.171258103,4.171258117,4.171258085,4.171258104
+"7262","INAVA",5.084164092,5.084164099,5.08416411,5.084164104,5.08416412,5.084164112,5.084164104,5.084164131,5.084164104,5.084164111,5.084164109,5.084164116,5.084164095,5.084164088,5.084164118,5.084164106,5.084164115,5.084164114,5.084164105,5.084164106,5.084164126,5.084164109,5.084164091,5.084164089,5.0841641,5.084164108,5.084164105,5.084164102
+"7263","INCA1",5.256966155,5.256966451,5.256966758,5.256966512,5.256966603,5.256966681,5.256966511,5.256966604,5.256966566,5.256966589,5.256966689,5.256966672,5.256966444,5.256966251,5.25696678,5.256966406,5.256966494,5.256966619,5.256966344,5.256966548,5.256966507,5.256966569,5.256966214,5.256966354,5.256966435,5.25696644,5.256966367,5.256966586
+"7264","INCENP",6.560027132,6.560027182,6.560027099,6.560027429,6.560027308,6.560027355,6.560027254,6.560026962,6.560027276,6.560027179,6.560027165,6.560027153,6.560027089,6.560027224,6.56002737,6.56002726,6.560027263,6.560027114,6.560027318,6.560027329,6.560027367,6.560027208,6.560027297,6.56002715,6.560027272,6.560027147,6.560027307,6.560027121
+"7265","INE1",5.756251408,5.756251507,5.756251229,5.756251428,5.756251301,5.756251342,5.756251283,5.756250999,5.756251346,5.756251297,5.756251463,5.756251084,5.756251326,5.75625127,5.756251285,5.756251432,5.75625108,5.756251422,5.756251328,5.756251296,5.756251335,5.756251125,5.756251442,5.756251341,5.756251429,5.756251254,5.756251403,5.756251232
+"7266","INF2",6.4698617115,6.4698616785,6.469861504,6.4698617815,6.4698617405,6.4698617045,6.4698616915,6.469861847,6.469861783,6.4698619305,6.4698614555,6.46986183,6.469861563,6.4698617645,6.4698617365,6.469861694,6.4698614365,6.469861819,6.4698617515,6.469861629,6.4698617285,6.469861769,6.4698618355,6.4698618445,6.4698616085,6.469861818,6.469861689,6.469861758
+"7267","ING1",6.863487764,6.863487815,6.863487764,6.863487772,6.86348776,6.863487786,6.863487764,6.863487807,6.863487749,6.863487752,6.863487749,6.863487778,6.863487768,6.863487814,6.863487752,6.86348785,6.863487779,6.86348781,6.863487825,6.86348782,6.863487733,6.863487742,6.863487782,6.863487781,6.863487788,6.863487759,6.863487771,6.863487823
+"7268","ING2",4.458785793,4.458785835,4.458785839,4.458785844,4.458785821,4.458785881,4.458785837,4.458785816,4.458785833,4.458785812,4.458785861,4.458785822,4.45878586,4.458785894,4.458785866,4.45878582,4.45878583,4.458785886,4.458785844,4.458785881,4.45878584,4.458785848,4.458785821,4.45878584,4.458785846,4.458785834,4.458785838,4.458785872
+"7269","ING3",6.62698263,6.626982474,6.626982311,6.626982519,6.626982195,6.626982384,6.626982255,6.626982184,6.626982137,6.62698219,6.626982085,6.626981757,6.626982371,6.626982785,6.626982369,6.626982392,6.626982081,6.626981995,6.626982479,6.626982335,6.626982288,6.626981996,6.626982413,6.626982285,6.626982314,6.626982314,6.626982385,6.626982522
+"7270","ING4",7.200871387,7.200871389,7.200871293,7.200871365,7.200871265,7.200871222,7.200871339,7.200871158,7.200871363,7.200871353,7.200871194,7.200871186,7.200871383,7.200871456,7.200871262,7.200871369,7.200871239,7.200871279,7.2008713,7.200871114,7.200871326,7.200871327,7.200871267,7.200871241,7.200871232,7.200871289,7.200871359,7.200871368
+"7271","ING5",5.8850408285,5.885040679,5.8850407155,5.8850408045,5.88504073,5.8850408075,5.885040889,5.8850407295,5.8850407745,5.885040804,5.8850407455,5.8850409375,5.8850408015,5.885040835,5.885040836,5.8850407675,5.885040614,5.8850407495,5.885040857,5.8850406445,5.885040705,5.8850408635,5.8850408375,5.885040747,5.8850406785,5.8850409425,5.885040739,5.8850407415
+"7272","INGX",6.634189965,6.634189888,6.634190111,6.634189947,6.634190148,6.634189846,6.63418996,6.634190232,6.634190103,6.634190045,6.634190041,6.634190171,6.634190019,6.634189867,6.634190126,6.634189959,6.634190088,6.634190144,6.634190029,6.634189876,6.634189996,6.634190117,6.634189923,6.634189926,6.634190184,6.634190007,6.634189982,6.634190135
+"7273","INHA",5.797955787,5.797955804,5.797955848,5.797955798,5.797955843,5.79795579,5.797955807,5.797955835,5.797955816,5.797955823,5.797955836,5.797955859,5.797955808,5.797955794,5.797955836,5.797955839,5.797955862,5.797955834,5.797955812,5.797955812,5.797955816,5.797955849,5.797955826,5.797955796,5.797955834,5.79795581,5.797955798,5.797955849
+"7274","INHBA",4.490957488,4.490957473,4.490957507,4.490957488,4.490957502,4.490957477,4.490957499,4.490957495,4.490957495,4.490957499,4.490957507,4.49095751,4.490957496,4.490957487,4.490957504,4.490957503,4.490957509,4.490957496,4.490957477,4.490957499,4.490957513,4.490957508,4.490957477,4.490957482,4.490957495,4.490957502,4.490957489,4.490957493
+"7275","INHBB",6.611676389,6.61167637,6.61167643,6.611676401,6.611676486,6.61167639,6.611676447,6.611676427,6.611676398,6.61167645,6.611676414,6.611676479,6.611676419,6.611676273,6.61167645,6.611676405,6.611676443,6.611676456,6.611676441,6.61167638,6.611676433,6.611676447,6.611676392,6.61167638,6.611676407,6.611676449,6.61167639,6.611676396
+"7276","INHBC",4.271200981,4.271200956,4.27120095,4.271200921,4.271200996,4.271200973,4.271200969,4.271200974,4.271200975,4.271200939,4.271200989,4.271200945,4.271200953,4.271200953,4.271200961,4.271200981,4.271201013,4.271201014,4.271200968,4.271201015,4.271200956,4.27120095,4.271200944,4.271200953,4.271200985,4.271200997,4.271200944,4.271200997
+"7277","INHBE",4.973486956,4.973486953,4.973487008,4.973487014,4.973487031,4.973486911,4.973486936,4.973487006,4.973486988,4.973486982,4.97348697,4.973487062,4.973487003,4.973486945,4.973487029,4.973487007,4.973487043,4.973487073,4.973486988,4.973486968,4.973487032,4.973486994,4.973486969,4.97348698,4.973487005,4.973487024,4.973486962,4.973486978
+"7278","INIP",6.616921603,6.616921532,6.616921701,6.616921571,6.616921605,6.616921464,6.616921653,6.616921698,6.616921709,6.616921631,6.616921645,6.616921664,6.616921566,6.616921668,6.616921662,6.616921511,6.616921704,6.616921671,6.616921674,6.616921571,6.616921584,6.616921725,6.616921603,6.616921603,6.616921693,6.616921661,6.616921632,6.616921803
+"7279","INKA1",5.249789866,5.249789844,5.24978992,5.249789841,5.249789964,5.249789829,5.24978993,5.249789916,5.249789861,5.249789895,5.249789862,5.249789978,5.249789895,5.249789865,5.249789917,5.249789888,5.24978992,5.24978991,5.249789887,5.249789872,5.24978991,5.249789891,5.249789804,5.249789874,5.249789838,5.249789939,5.249789865,5.249789882
+"7280","INKA2",6.893865914,6.893867459,6.893866824,6.893867726,6.893865312,6.893866106,6.893866089,6.893866145,6.893865906,6.89386541,6.893866602,6.893865246,6.893866455,6.893866044,6.893866079,6.89386765,6.89386669,6.893867436,6.893866567,6.893865802,6.893865815,6.89386593,6.893866695,6.893866958,6.893867141,6.893865534,6.893866158,6.89386618
+"7281","INO80",6.786542825,6.786542628,6.786542391,6.786542277,6.786542529,6.78654276,6.786542554,6.786542338,6.786542638,6.786542783,6.78654233,6.786542295,6.786542635,6.786542968,6.786542579,6.786542366,6.786542236,6.786542321,6.786542538,6.786542521,6.786542485,6.786542555,6.786542688,6.786542563,6.7865424,6.786542689,6.786542697,6.786542687
+"7282","INO80C",5.374584872,5.374584924,5.374584687,5.374584895,5.374584706,5.374584998,5.374584719,5.374584807,5.374584751,5.374584833,5.374584768,5.374584552,5.374584915,5.3745849,5.374584801,5.374584909,5.374584671,5.374584669,5.37458487,5.374584898,5.374584695,5.374584782,5.374584853,5.374584808,5.374584865,5.37458468,5.37458484,5.374584728
+"7283","INO80D",7.518003896,7.518003665,7.518003618,7.518003733,7.518003399,7.518004034,7.518003627,7.518003541,7.518003768,7.518003716,7.518003642,7.518003389,7.518003855,7.518003844,7.518003541,7.518003558,7.518003336,7.518003602,7.51800368,7.518003885,7.518003546,7.518003548,7.51800382,7.518003757,7.51800372,7.518003851,7.518003884,7.51800365
+"7284","INO80E",6.527598895,6.527598939,6.52759893,6.527598911,6.527598881,6.527598902,6.527598915,6.527598905,6.527598931,6.527598918,6.527598913,6.527598919,6.52759894,6.527598887,6.52759888,6.527598894,6.527598879,6.527598882,6.527598882,6.527598931,6.5275989,6.527598935,6.527598926,6.52759893,6.52759893,6.527598923,6.527598945,6.527598893
+"7285","INPP1",5.308334905,5.308335177,5.308334915,5.308334835,5.308335167,5.308335043,5.308335107,5.308334891,5.308334979,5.308334898,5.308335222,5.308334662,5.308335002,5.308335185,5.308335011,5.308335246,5.30833477,5.308334649,5.308335156,5.308335224,5.308335146,5.308334814,5.308335042,5.308334878,5.308335075,5.308334924,5.308335022,5.308335002
+"7286","INPP4A",8.848655418,8.848655745,8.848654107,8.848654463,8.848654152,8.848655179,8.848654418,8.848654819,8.848655345,8.848655298,8.848653933,8.848654372,8.848655256,8.848655576,8.848654643,8.848655281,8.848653042,8.848654245,8.848654415,8.848655367,8.8486546,8.848654543,8.848655519,8.848655204,8.848654267,8.84865479,8.848655202,8.848654546
+"7287","INPP4B",6.962531454,6.962529105,6.962528752,6.962527484,6.962528814,6.962528475,6.962529301,6.96252874,6.962530477,6.962529792,6.96252788,6.962529953,6.962529985,6.962533207,6.962530505,6.962528293,6.962527774,6.962527387,6.962529961,6.962528823,6.962529758,6.962529541,6.962530543,6.962529819,6.962528267,6.962530608,6.962530368,6.962532472
+"7288","INPP5A",7.17559385,7.175594287,7.175593667,7.175594542,7.175593789,7.175593403,7.175593973,7.175593458,7.175593675,7.175593717,7.17559424,7.175593491,7.175593953,7.175593882,7.175593489,7.175594028,7.175593331,7.175594009,7.175594285,7.175593682,7.175593355,7.175593526,7.175593835,7.175593889,7.175594252,7.175593589,7.175594036,7.175593158
+"7289","INPP5B",7.577580511,7.577580461,7.577579819,7.577580241,7.577580326,7.57757988,7.577580011,7.57757993,7.577580026,7.577580539,7.577580639,7.577580038,7.577580302,7.577580841,7.577579842,7.577580339,7.577579174,7.57757994,7.57758065,7.577579886,7.577579721,7.577579926,7.577580283,7.577580441,7.577580531,7.577580283,7.577580389,7.577580486
+"7290","INPP5D",9.515117811,9.515117632,9.515117674,9.515118083,9.515117781,9.515118812,9.515118368,9.515117576,9.515117765,9.515118009,9.515117484,9.515117634,9.515118031,9.515118238,9.515117994,9.515117443,9.515117625,9.515117732,9.515118205,9.515118557,9.515118387,9.515117733,9.515118007,9.515118209,9.515117735,9.515118091,9.515118067,9.515117774
+"7291","INPP5E",6.156064536,6.156064547,6.156064545,6.156064554,6.156064586,6.156064536,6.156064565,6.156064579,6.156064559,6.156064568,6.156064559,6.156064592,6.156064568,6.156064518,6.15606456,6.156064544,6.156064589,6.156064581,6.156064553,6.156064524,6.156064555,6.156064582,6.156064534,6.15606454,6.156064553,6.156064568,6.156064557,6.156064562
+"7292","INPP5F",5.119907936,5.119907868,5.119907737,5.119907787,5.119907815,5.119907737,5.119907946,5.119907685,5.119907846,5.119907991,5.119907632,5.119907746,5.119907884,5.11990802,5.119907788,5.119907765,5.119907669,5.119907634,5.119907851,5.119907707,5.11990789,5.119907715,5.119907801,5.119907979,5.11990781,5.11990778,5.119907883,5.119907844
+"7293","INPP5J",5.253209231,5.253209278,5.253209443,5.253209284,5.25320937,5.253209251,5.25320937,5.253209378,5.253209282,5.253209337,5.253209353,5.253209407,5.253209337,5.253209208,5.253209357,5.253209312,5.253209399,5.253209463,5.253209301,5.25320934,5.253209408,5.253209421,5.253209259,5.25320929,5.253209363,5.25320936,5.253209278,5.253209401
+"7294","INPP5K",7.568393103,7.568393359,7.56839345,7.568393488,7.568393385,7.568393789,7.568393204,7.568393771,7.568393594,7.568393374,7.568393206,7.568393626,7.568393378,7.568393264,7.568393083,7.56839324,7.568393438,7.568393283,7.568393272,7.56839365,7.568393165,7.568393611,7.568393552,7.568393527,7.568393368,7.568393617,7.56839341,7.56839325
+"7295","INPPL1",7.231293018,7.231293012,7.231293243,7.231293275,7.231293138,7.231293725,7.231293289,7.231293109,7.231293252,7.23129329,7.231293262,7.231293145,7.231293181,7.231293069,7.231293063,7.231292647,7.231293175,7.231293194,7.23129313,7.231293751,7.231293245,7.231293064,7.231293132,7.231293008,7.23129324,7.231293168,7.231293282,7.231292905
+"7296","INSC",4.548253335,4.548253341,4.548253345,4.548253349,4.548253367,4.548253334,4.548253361,4.548253359,4.548253356,4.548253338,4.548253342,4.548253356,4.548253338,4.548253322,4.548253373,4.548253349,4.548253377,4.548253359,4.548253374,4.548253353,4.548253379,4.548253368,4.548253336,4.548253331,4.548253344,4.548253362,4.54825335,4.548253343
+"7297","INSIG1",7.330079126,7.33007921,7.330079137,7.330079145,7.330079084,7.330079093,7.330079088,7.330079115,7.330079114,7.330079127,7.330079094,7.330079074,7.330079193,7.330079227,7.330079098,7.330079157,7.330079167,7.330079138,7.330079076,7.330079141,7.330079107,7.330079118,7.330079116,7.330079193,7.330079077,7.330079111,7.330079127,7.330079248
+"7298","INSIG2",6.559359016,6.559358844,6.559355204,6.55935697,6.559356502,6.559355846,6.559357796,6.559357074,6.55935839,6.559356787,6.559356749,6.559356234,6.559357209,6.559361132,6.559358022,6.559358859,6.559354855,6.559356222,6.559358583,6.559355851,6.559357531,6.559357028,6.559358016,6.559358032,6.559357527,6.559357094,6.559357635,6.559359401
+"7299","INSL3",5.998016723,5.998016759,5.998016802,5.998016973,5.998017392,5.998017007,5.99801716,5.998017182,5.998016949,5.998016972,5.998016905,5.998016965,5.998016993,5.998016557,5.998017361,5.998017143,5.99801736,5.998017132,5.998017161,5.99801705,5.99801732,5.998017434,5.998016768,5.998016556,5.998016712,5.998017142,5.998016774,5.998016982
+"7300","INSL4",3.411621894,3.411621975,3.411621878,3.411621995,3.411621991,3.411622007,3.411621938,3.41162197,3.411622005,3.411621852,3.411621903,3.411621792,3.411621973,3.41162186,3.41162193,3.411621967,3.411621977,3.411621926,3.411621969,3.411621964,3.411621914,3.411621997,3.41162195,3.411621885,3.411622037,3.411621954,3.411621904,3.411621861
+"7301","INSL5",2.948345611,2.948345734,2.94834556,2.948345653,2.948345725,2.94834555,2.948345657,2.948345838,2.948345768,2.948345473,2.948345665,2.948345795,2.948345592,2.948345507,2.9483457,2.948345726,2.948345686,2.948345848,2.948345545,2.948345854,2.948345655,2.948345747,2.948345588,2.948345718,2.94834567,2.948345729,2.948345616,2.948345778
+"7302","INSL6",3.71652762,3.71652742,3.716527767,3.716527585,3.71652779,3.716527709,3.716527705,3.716527826,3.716527775,3.716527622,3.716527895,3.716528103,3.716527628,3.716527299,3.716527677,3.716527572,3.71652787,3.716527777,3.716527707,3.716527312,3.71652775,3.71652763,3.716527667,3.716527482,3.716527596,3.716527874,3.716527653,3.716527779
+"7303","INSM1",6.936628601,6.936628472,6.936628753,6.936628786,6.936629037,6.936628803,6.936628915,6.936628965,6.936628852,6.936628726,6.936628791,6.936628988,6.936628643,6.936628248,6.936628965,6.936628728,6.936629087,6.936628897,6.936628759,6.936628611,6.936628964,6.936628951,6.936628576,6.936628554,6.936628821,6.936628907,6.93662863,6.936628778
+"7304","INSM2",5.923798728,5.923798723,5.923798915,5.923798776,5.923799199,5.923798733,5.92379899,5.923798867,5.92379862,5.923798836,5.923799006,5.923799037,5.923798727,5.923798424,5.923799003,5.923798818,5.923799098,5.923799017,5.923798858,5.923798792,5.923799066,5.923798929,5.923798712,5.923798605,5.923798744,5.923798967,5.923798731,5.923798802
+"7305","INSR",5.514101759,5.514101759,5.514101785,5.514101769,5.514101772,5.514101754,5.514101766,5.514101749,5.514101742,5.514101785,5.514101778,5.514101753,5.514101775,5.514101744,5.514101717,5.514101749,5.514101768,5.514101758,5.514101756,5.514101741,5.514101755,5.514101738,5.514101735,5.514101764,5.514101785,5.514101759,5.514101757,5.514101728
+"7306","INSRR",4.885017049,4.885017006,4.885016938,4.885016872,4.885017143,4.885017037,4.885017102,4.885017174,4.885016931,4.885016918,4.885017108,4.885017275,4.885017023,4.885016802,4.885017162,4.885017103,4.885017105,4.88501725,4.885017176,4.885017002,4.88501709,4.885017146,4.885017022,4.885016913,4.885016957,4.885017161,4.885017009,4.885017019
+"7307","INSYN1",5.643795035,5.643794998,5.643795072,5.643794992,5.643795166,5.643795093,5.643795094,5.643795147,5.643795113,5.643795139,5.643795144,5.643795233,5.643795058,5.643794959,5.643795118,5.643795065,5.643795147,5.643795137,5.643795131,5.643795077,5.643795115,5.643795129,5.643795014,5.643795002,5.643795075,5.643795091,5.643795114,5.643795082
+"7308","INSYN2A",4.4621828,4.462182835,4.462182848,4.462182814,4.4621829,4.462182795,4.46218286,4.46218288,4.462182812,4.462182876,4.462182848,4.462182865,4.462182831,4.462182792,4.462182871,4.462182871,4.462182909,4.46218285,4.462182864,4.462182859,4.462182858,4.462182896,4.462182874,4.462182808,4.462182885,4.462182856,4.462182808,4.462182856
+"7309","INTS1",6.680915525,6.680915572,6.68091561,6.680915524,6.680915626,6.680915573,6.680915613,6.680915616,6.680915613,6.680915578,6.680915566,6.680915609,6.680915592,6.68091551,6.680915585,6.68091554,6.680915622,6.680915606,6.680915569,6.680915574,6.680915583,6.680915618,6.68091556,6.680915557,6.680915535,6.680915567,6.680915597,6.680915526
+"7310","INTS10",6.516661945,6.516661745,6.516661342,6.516661013,6.516661069,6.516661433,6.516661953,6.516661285,6.516661561,6.516661746,6.516661035,6.516661158,6.516661692,6.516662673,6.516661358,6.516661206,6.516661108,6.516660876,6.516661429,6.516661088,6.516661642,6.516661112,6.516661957,6.516661422,6.516661219,6.516661652,6.516661662,6.516661987
+"7311","INTS11",7.010398204,7.010398221,7.010398201,7.0103982,7.010398208,7.010398217,7.01039822,7.010398212,7.010398228,7.010398225,7.010398198,7.010398213,7.010398204,7.010398213,7.010398213,7.010398221,7.010398207,7.010398214,7.010398209,7.010398229,7.010398212,7.010398208,7.010398216,7.01039822,7.010398197,7.010398218,7.010398209,7.010398209
+"7312","INTS12",4.456262483,4.456262497,4.456262403,4.456262384,4.4562624,4.45626253,4.456262513,4.456262373,4.456262489,4.456262462,4.456262445,4.456262379,4.45626248,4.456262581,4.456262424,4.456262358,4.456262315,4.456262359,4.456262479,4.456262408,4.45626244,4.456262454,4.456262467,4.456262413,4.456262407,4.456262396,4.456262469,4.456262486
+"7313","INTS13",5.721395437,5.721395068,5.721394811,5.721394486,5.721394615,5.721394742,5.721395291,5.721394631,5.721395494,5.721394945,5.721394269,5.721394462,5.721395109,5.721396052,5.721394936,5.721394507,5.721394573,5.721394445,5.721395001,5.721393682,5.721394815,5.721394923,5.721395098,5.721395054,5.721394299,5.721394793,5.72139485,5.721395193
+"7314","INTS14",6.57030405,6.570303778,6.570303582,6.570303514,6.570303388,6.570303647,6.57030384,6.57030371,6.570304043,6.570303606,6.570303312,6.570303644,6.570303815,6.570304193,6.570303748,6.570303414,6.570303228,6.570303289,6.570303763,6.57030361,6.570303618,6.570303775,6.570303975,6.570303802,6.570303431,6.570303681,6.570304004,6.570303956
+"7315","INTS15",7.132013602,7.132013637,7.13201327,7.132013628,7.132013318,7.13201371,7.132013536,7.132013554,7.132013543,7.132013646,7.132013279,7.132013368,7.132013536,7.132013669,7.132013267,7.132013553,7.132013232,7.13201327,7.132013434,7.132013583,7.132013381,7.13201345,7.132013554,7.132013628,7.132013274,7.132013464,7.132013762,7.13201342
+"7316","INTS2",6.349529963,6.349529793,6.349529546,6.349529464,6.349529581,6.349529608,6.349529901,6.349529526,6.349529948,6.349529781,6.349529288,6.349529704,6.349529683,6.349530211,6.349529774,6.349529697,6.349529528,6.349529433,6.349529732,6.349529624,6.349529796,6.349529792,6.349529894,6.349529871,6.349529534,6.349529783,6.349529684,6.349529952
+"7317","INTS3",7.71202141,7.712021469,7.71202121,7.712021529,7.712021324,7.712021689,7.7120216,7.712021395,7.712021427,7.712021386,7.712021299,7.712021342,7.712021496,7.712021524,7.712021373,7.712021369,7.712021122,7.712021393,7.712021394,7.712021596,7.712021578,7.71202136,7.712021486,7.712021466,7.712021352,7.712021414,7.71202149,7.712021305
+"7318","INTS4",6.341624953,6.341624582,6.341624695,6.34162469,6.34162438,6.3416249,6.341624679,6.341624551,6.341624697,6.341624943,6.341624555,6.341624639,6.341624781,6.341624999,6.341624658,6.341624093,6.34162439,6.341624364,6.341624796,6.341624717,6.341624693,6.341624393,6.341624808,6.341624624,6.341624602,6.341624723,6.341624687,6.341624694
+"7319","INTS5",7.146670351,7.146670325,7.146670504,7.146670208,7.146670703,7.146670645,7.146670465,7.14667059,7.146670321,7.146670594,7.146670567,7.14667072,7.146670436,7.146670087,7.146670512,7.146670467,7.14667064,7.146670396,7.146670481,7.146670479,7.146670523,7.14667051,7.146670237,7.146670304,7.146670235,7.146670436,7.14667039,7.146670381
+"7320","INTS6",6.150873804,6.150873753,6.150873544,6.15087379,6.150873597,6.150873734,6.150873653,6.150873644,6.150873713,6.150873584,6.150873486,6.1508732,6.150873774,6.150873908,6.150873641,6.150873583,6.15087337,6.15087367,6.150873804,6.150873683,6.150873646,6.150873556,6.150873801,6.150873672,6.150873743,6.150873501,6.150873783,6.15087366
+"7321","INTS6L",5.833943666,5.833943459,5.83394333,5.833943338,5.833943275,5.833943334,5.833943448,5.833943313,5.83394365,5.83394348,5.8339434,5.833943324,5.833943445,5.833943707,5.833943475,5.833943401,5.833943261,5.833943303,5.833943516,5.833943464,5.833943454,5.833943455,5.833943538,5.833943455,5.833943342,5.833943556,5.833943597,5.833943509
+"7322","INTS7",5.791915686,5.791915145,5.79191464,5.791914486,5.791914694,5.791915156,5.791915409,5.791914573,5.79191521,5.791915394,5.791914652,5.791914254,5.791915542,5.791915789,5.791914943,5.7919149,5.791914214,5.791914101,5.791915033,5.791915284,5.791915106,5.791914494,5.791915254,5.791915192,5.791914498,5.791914815,5.791915246,5.791914988
+"7323","INTS8",6.221402187,6.221402058,6.221401871,6.221402013,6.221401548,6.221401693,6.221401864,6.221401685,6.22140181,6.221401787,6.221401671,6.221401515,6.221401885,6.221402288,6.221401797,6.221401792,6.221401494,6.221401668,6.221401867,6.221401913,6.221401935,6.221401497,6.221401964,6.221401942,6.221401705,6.221401827,6.221401947,6.221401914
+"7324","INTS9",6.683444612,6.683444539,6.683444371,6.683444363,6.683444455,6.683444572,6.683444458,6.683444469,6.683444502,6.683444544,6.683444262,6.683444444,6.683444523,6.683444654,6.683444486,6.683444386,6.683444333,6.683444298,6.683444503,6.683444521,6.683444415,6.683444407,6.683444522,6.683444556,6.683444337,6.683444521,6.683444574,6.683444545
+"7325","INTU",2.940805918,2.940805893,2.940805883,2.940805809,2.940805924,2.940805799,2.94080576,2.940805895,2.940805822,2.94080603,2.940805892,2.940805845,2.940805881,2.940805825,2.940805906,2.940805896,2.940806062,2.940805849,2.940805873,2.940805954,2.940805868,2.940805815,2.940805882,2.940805887,2.940805889,2.940805874,2.940805787,2.940805892
+"7326","INVS",5.545227289,5.545227205,5.545227169,5.545227215,5.54522722,5.545227235,5.545227258,5.545227204,5.545227238,5.545227221,5.545227212,5.545227235,5.545227236,5.545227272,5.545227247,5.545227223,5.545227164,5.545227253,5.545227234,5.545227231,5.545227232,5.545227214,5.545227231,5.545227255,5.545227224,5.545227258,5.545227253,5.545227219
+"7327","IP6K1",7.786362874,7.78636323,7.786362999,7.786363459,7.786362932,7.786363264,7.786363014,7.786363136,7.786362855,7.786362863,7.786363074,7.786362974,7.786363166,7.786362835,7.786363086,7.786363034,7.786363027,7.786363337,7.786363156,7.786363018,7.786362829,7.786363092,7.786363099,7.786363033,7.786363041,7.786362929,7.786363032,7.786362815
+"7328","IP6K2",6.529711283,6.529711243,6.529711171,6.529711278,6.529711144,6.529711202,6.529711225,6.529711165,6.529711235,6.529711154,6.529711122,6.52971107,6.529711256,6.529711311,6.52971124,6.529711242,6.529711097,6.529711212,6.529711217,6.529711296,6.529711214,6.529711127,6.529711265,6.529711247,6.529711189,6.529711172,6.529711237,6.529711257
+"7329","IP6K3",4.713956312,4.713956317,4.713956328,4.713956329,4.713956358,4.713956324,4.713956341,4.713956333,4.71395631,4.713956323,4.713956332,4.713956355,4.713956318,4.713956277,4.713956347,4.713956318,4.713956361,4.713956355,4.713956336,4.713956337,4.713956353,4.713956346,4.713956318,4.713956318,4.713956334,4.713956369,4.713956321,4.713956316
+"7330","IPCEF1",8.121410698,8.121410665,8.121410396,8.121410571,8.121410469,8.121410512,8.121410535,8.12141047,8.12141079,8.121410626,8.121410391,8.12141062,8.121410608,8.121410881,8.121410535,8.121410551,8.121410137,8.121410404,8.121410636,8.121410471,8.121410597,8.121410512,8.12141068,8.121410645,8.121410476,8.121410681,8.121410565,8.12141062
+"7331","IPMK",7.771280797,7.771281737,7.771279575,7.771282127,7.771279115,7.771279746,7.771279441,7.771279353,7.771278858,7.771279512,7.771278916,7.771277392,7.771279672,7.771280275,7.771280695,7.771281413,7.771279464,7.771282652,7.771280804,7.77128059,7.771280359,7.771278951,7.771280266,7.771281613,7.77127942,7.771278282,7.771279431,7.771280316
+"7332","IPO13",6.058745407,6.058745424,6.058745362,6.058745477,6.058745247,6.058745627,6.058745485,6.058745162,6.058745449,6.058745478,6.058745355,6.058745307,6.058745467,6.058745438,6.058745276,6.058745299,6.058745244,6.058745101,6.058745349,6.058745339,6.058745337,6.058745339,6.058745453,6.058745295,6.058745304,6.058745336,6.058745453,6.058745169
+"7333","IPO4",5.964849714,5.964849724,5.964849617,5.964849724,5.964849777,5.964849974,5.964849704,5.964849868,5.96484973,5.964849728,5.964849664,5.964849705,5.964849755,5.964849715,5.964849742,5.964849684,5.964849727,5.964849585,5.964849774,5.964849571,5.964849786,5.964849922,5.964849713,5.96484969,5.964849691,5.964849726,5.964849818,5.96484974
+"7334","IPO5",6.372502841,6.372502543,6.372501894,6.372501837,6.372501382,6.372502041,6.372502673,6.372501676,6.372502495,6.372502727,6.372501767,6.372501066,6.372502575,6.372504062,6.37250188,6.372501625,6.372501116,6.372501269,6.372501843,6.372501316,6.372502555,6.37250199,6.372502918,6.372502111,6.372501728,6.372502345,6.372502448,6.372503351
+"7335","IPO7",6.4721389,6.47213824,6.472138355,6.472138066,6.472138419,6.472138418,6.472138614,6.472138066,6.472138858,6.472138699,6.472138517,6.472137816,6.47213863,6.47213966,6.47213837,6.472137846,6.472137839,6.472138524,6.472138321,6.472137761,6.472138685,6.472138301,6.472138906,6.47213844,6.472138181,6.472138454,6.472138908,6.472139001
+"7336","IPO8",6.930268907,6.930268664,6.930268473,6.930268479,6.930268264,6.930268607,6.930268814,6.930268024,6.930268491,6.930268618,6.930268258,6.930267852,6.930268809,6.930269556,6.930268509,6.930268476,6.930267867,6.930267937,6.930268586,6.930268278,6.930268576,6.930268155,6.930268645,6.930268896,6.930268224,6.930268285,6.930268643,6.930268994
+"7337","IPO9",7.081932124,7.081932004,7.081931977,7.081931988,7.081931974,7.081932079,7.081932088,7.081931963,7.081932079,7.081932044,7.081931984,7.081931994,7.081932048,7.081932162,7.081931983,7.081931925,7.081931888,7.081931831,7.081932014,7.081932033,7.081932007,7.081931986,7.08193211,7.081932034,7.081931911,7.081932094,7.081932072,7.081932062
+"7338","IPP",5.759730606,5.759730573,5.759730379,5.759730433,5.759730405,5.759730386,5.759730452,5.75973047,5.759730548,5.759730479,5.759730409,5.759730472,5.759730502,5.759730666,5.759730525,5.759730529,5.759730454,5.759730416,5.759730514,5.759730493,5.759730489,5.759730482,5.759730622,5.759730544,5.759730461,5.759730495,5.759730479,5.759730553
+"7339","IPPK",6.140076993,6.140077011,6.140077009,6.140076987,6.140076989,6.140077053,6.140077002,6.140077042,6.140076954,6.140077011,6.140076976,6.14007697,6.140077002,6.140077014,6.140076971,6.140076958,6.140076998,6.14007696,6.140076977,6.140076897,6.140076955,6.140077022,6.140077062,6.140077044,6.140076996,6.140076945,6.140077042,6.140076989
+"7340","IQCA1",3.703188546,3.703188609,3.703188537,3.703188537,3.703188578,3.70318851,3.703188495,3.703188464,3.703188508,3.703188427,3.703188476,3.703188507,3.703188568,3.703188444,3.703188636,3.703188616,3.703188543,3.703188592,3.703188404,3.703188511,3.703188565,3.703188567,3.703188489,3.703188475,3.703188492,3.703188535,3.703188696,3.703188626
+"7341","IQCA1L",3.9922599975,3.9922603375,3.9922604835,3.992260473,3.9922604705,3.992260317,3.992260043,3.99226048,3.9922604,3.9922605965,3.9922603585,3.992260144,3.9922600925,3.9922603195,3.9922603965,3.9922598575,3.992260973,3.9922607875,3.9922601805,3.992259827,3.9922605655,3.992260462,3.9922602855,3.9922602255,3.992259908,3.9922604875,3.992259872,3.9922606145
+"7342","IQCB1",5.642006886,5.642006641,5.642006635,5.642006641,5.642006487,5.642006642,5.642006765,5.642006453,5.642006576,5.642006788,5.642006612,5.642006499,5.642006782,5.642007073,5.642006697,5.642006655,5.642006423,5.64200654,5.642006697,5.642006613,5.642006741,5.642006524,5.64200666,5.64200678,5.642006582,5.642006689,5.642006746,5.642006847
+"7343","IQCC",5.113894442,5.113894315,5.113894878,5.113894781,5.113895378,5.113893964,5.113894909,5.113895218,5.113894969,5.113894759,5.113894953,5.113895597,5.113894678,5.113894511,5.113895128,5.11389503,5.113895371,5.11389472,5.113894939,5.113894936,5.113895302,5.11389534,5.113894721,5.113894347,5.113894992,5.113895229,5.113894377,5.113894972
+"7344","IQCD",4.695828284,4.695828312,4.695828308,4.695828302,4.695828297,4.695828293,4.695828284,4.69582832,4.695828289,4.695828297,4.695828291,4.695828323,4.695828302,4.69582826,4.69582831,4.695828312,4.695828308,4.695828313,4.695828304,4.695828319,4.695828302,4.6958283,4.695828296,4.695828279,4.695828317,4.695828299,4.695828263,4.695828313
+"7345","IQCE",6.908316124,6.908316339,6.908316377,6.908316305,6.908316348,6.908316149,6.908316342,6.908316303,6.908316317,6.908316331,6.908316539,6.908316374,6.908316229,6.908316094,6.90831628,6.908316465,6.908316446,6.908316429,6.908316337,6.908316212,6.908316247,6.908316354,6.908316205,6.908316266,6.908316435,6.908316314,6.908316176,6.908316303
+"7346","IQCF1",3.367070429,3.367070423,3.367070432,3.367070443,3.367070471,3.367070422,3.367070427,3.367070434,3.367070444,3.36707045,3.367070456,3.367070468,3.367070432,3.367070431,3.367070448,3.367070452,3.367070453,3.367070454,3.367070434,3.367070426,3.367070463,3.367070445,3.367070417,3.367070436,3.367070437,3.367070441,3.367070436,3.367070465
+"7347","IQCF2",3.198170664,3.198170729,3.198170643,3.198170719,3.198170702,3.198170703,3.198170709,3.198170627,3.198170752,3.19817067,3.19817071,3.198170798,3.198170669,3.19817069,3.198170666,3.19817077,3.198170756,3.198170777,3.198170719,3.198170692,3.198170708,3.198170712,3.198170693,3.198170604,3.198170768,3.198170729,3.198170729,3.19817076
+"7348","IQCG",4.400633319,4.400633258,4.400633333,4.400633199,4.400633135,4.400633195,4.400633067,4.400633108,4.400633314,4.400633337,4.400633255,4.400633447,4.400633335,4.400633479,4.400633127,4.400633242,4.400633028,4.400633209,4.40063328,4.400633232,4.400633308,4.400633191,4.40063308,4.40063336,4.400633191,4.400633324,4.40063338,4.400633478
+"7349","IQCH",3.892690763,3.89269078,3.892690751,3.892690838,3.892690809,3.892690803,3.8926908,3.892690824,3.892690821,3.892690804,3.892690811,3.892690823,3.892690798,3.892690777,3.89269075,3.892690765,3.892690828,3.89269078,3.892690811,3.892690834,3.892690773,3.892690831,3.892690757,3.892690781,3.892690776,3.892690806,3.892690788,3.892690814
+"7350","IQCK",4.104358428,4.104358392,4.104358535,4.104358466,4.104358545,4.104358377,4.104358393,4.104358556,4.104358553,4.104358674,4.104358585,4.104358474,4.104358565,4.104358449,4.104358553,4.104358656,4.104358581,4.104358453,4.104358442,4.104358586,4.104358603,4.104358533,4.104358419,4.104358571,4.104358533,4.104358519,4.104358453,4.104358536
+"7351","IQCN",6.218268284,6.21826829,6.218268287,6.218268282,6.218268312,6.218268284,6.218268308,6.218268295,6.218268279,6.21826828,6.218268278,6.218268288,6.2182683,6.218268295,6.218268298,6.218268299,6.218268288,6.2182683,6.21826829,6.218268272,6.218268299,6.21826829,6.218268284,6.218268299,6.21826831,6.218268284,6.218268295,6.218268301
+"7352","IQGAP1",10.30923368,10.36729808,10.18816097,10.50765766,10.24809101,10.34951196,10.34186326,10.15075779,10.14134986,10.23261433,10.28591011,10.08722042,10.19146844,10.34555244,10.3432201,10.29963869,10.24136173,10.41296181,10.37165804,10.30531821,10.33824743,10.18188078,10.28906194,10.33400465,10.3452235,10.22546171,10.18587254,10.1905896
+"7353","IQGAP2",7.991760213,7.991760497,7.991759396,7.991760432,7.991759593,7.991759228,7.991759838,7.991758617,7.991759384,7.991759417,7.991760266,7.991758572,7.991760099,7.991760324,7.991760068,7.991760121,7.991759564,7.991759891,7.991760038,7.991759051,7.991760234,7.991758484,7.991760017,7.99175999,7.991760311,7.991759385,7.991760069,7.991759561
+"7354","IQGAP3",4.166889189,4.166889179,4.166889198,4.16688919,4.166889198,4.166889192,4.166889206,4.166889202,4.166889188,4.166889199,4.166889185,4.166889215,4.166889167,4.166889184,4.16688921,4.166889179,4.166889211,4.166889196,4.166889209,4.166889195,4.166889202,4.166889198,4.166889189,4.16688918,4.166889197,4.166889197,4.166889183,4.166889192
+"7355","IQSEC1",8.365361269,8.365362049,8.365361338,8.365362516,8.365361297,8.365362883,8.365361803,8.365361574,8.36536151,8.365361551,8.365361669,8.365360945,8.365361833,8.365361056,8.365361541,8.365361542,8.365361451,8.365362456,8.365361422,8.365362552,8.365361581,8.365361626,8.365361546,8.365362056,8.365361766,8.365360947,8.365361736,8.365360751
+"7356","IQSEC2",5.839125623,5.839125676,5.839125746,5.839125663,5.839125904,5.839125747,5.839125788,5.839125795,5.839125775,5.839125831,5.839125855,5.839125872,5.839125754,5.839125538,5.839125796,5.839125778,5.839125842,5.83912577,5.839125761,5.839125763,5.839125768,5.839125853,5.839125743,5.83912568,5.839125737,5.839125731,5.839125703,5.839125749
+"7357","IQSEC3",7.51620306533333,7.516203133,7.51620326566667,7.516203209,7.51620338566667,7.51620306933333,7.51620323466667,7.516203323,7.51620321466667,7.51620322366667,7.51620326433333,7.51620336466667,7.51620319633333,7.51620301466667,7.516203316,7.516203271,7.51620339466667,7.51620332433333,7.51620319566667,7.51620318366667,7.516203327,7.51620330233333,7.516203128,7.51620315233333,7.516203232,7.51620325666667,7.51620313166667,7.51620325433333
+"7358","IQUB",2.430132642,2.430132836,2.430132873,2.430132961,2.430132877,2.430132864,2.430132757,2.430132754,2.430132792,2.430132977,2.430132903,2.430133036,2.430132822,2.430132853,2.430132852,2.430132895,2.430133082,2.43013288,2.430132808,2.430132751,2.430132807,2.430133028,2.430133023,2.430132811,2.430133122,2.430132825,2.430132795,2.430132945
+"7359","IRAG1",5.848934726,5.848934878,5.848934696,5.848934877,5.848934769,5.848934658,5.848934812,5.848934707,5.848934774,5.848934693,5.848934857,5.848934537,5.848934756,5.848934749,5.848934794,5.8489348,5.848934748,5.848934873,5.848934793,5.848934771,5.848934775,5.848934707,5.848934768,5.848934823,5.848934854,5.848934615,5.848934713,5.848934793
+"7360","IRAG1-AS1",6.576756443,6.576756388,6.576756473,6.57675652,6.576756524,6.576756466,6.576756592,6.576756417,6.576756376,6.576756434,6.576756542,6.576756582,6.576756411,6.576756231,6.576756546,6.576756412,6.57675658,6.576756571,6.576756574,6.576756476,6.576756535,6.576756519,6.576756406,6.576756394,6.576756592,6.576756559,6.57675647,6.576756495
+"7361","IRAG2",8.281037748,8.28103807,8.281037646,8.281038509,8.281037205,8.281036866,8.281038081,8.281036836,8.281036873,8.28103693,8.281037738,8.281036176,8.281037631,8.281038902,8.281037755,8.281038132,8.281037541,8.281038261,8.28103842,8.281037493,8.281038586,8.281036996,8.281037875,8.281038016,8.281038329,8.281037164,8.281037595,8.28103788
+"7362","IRAK1",6.873251989,6.873252088,6.873252076,6.873252129,6.87325217,6.873252185,6.873252193,6.873252122,6.87325211,6.873252233,6.873252086,6.873252303,6.873252146,6.873251834,6.873252132,6.87325203,6.873252164,6.873252081,6.87325197,6.873251996,6.87325219,6.87325215,6.873251996,6.873252002,6.873252013,6.873252216,6.873252131,6.873252104
+"7363","IRAK1BP1",3.602814623,3.60281451,3.602814472,3.602814466,3.602814637,3.602814648,3.602814801,3.602814645,3.60281478,3.602814598,3.60281456,3.602814375,3.602814668,3.602814688,3.602814699,3.602814578,3.602814524,3.602814574,3.602814904,3.602814658,3.602814772,3.602814606,3.602814562,3.602814775,3.602814668,3.602814613,3.602814713,3.602814776
+"7364","IRAK2",5.958537508,5.95853747,5.958537475,5.958537487,5.958537466,5.958537603,5.958537495,5.958537531,5.958537534,5.958537538,5.95853755,5.958537498,5.958537507,5.958537487,5.958537563,5.958537467,5.958537511,5.958537511,5.95853748,5.95853758,5.958537523,5.958537499,5.958537509,5.958537504,5.958537558,5.958537515,5.95853748,5.95853751
+"7365","IRAK3",7.717574846,7.730670988,7.686020218,7.73504934,7.685194059,7.694722059,7.693252878,7.641462474,7.631539162,7.69780194,7.71431501,7.629773088,7.686764076,7.688321492,7.667787225,7.705603643,7.66220769,7.694482143,7.681466425,7.691021569,7.68434911,7.63822396,7.660618608,7.725622803,7.69893404,7.644314183,7.679981297,7.645567983
+"7366","IRAK4",7.357308006,7.357307503,7.357307332,7.357307542,7.357306899,7.357307003,7.357307388,7.357307065,7.357307441,7.357307187,7.357307388,7.357306268,7.357307664,7.357308059,7.357307588,7.357307578,7.357307059,7.357307444,7.357307444,7.357307474,7.357307448,7.357307308,7.357307648,7.357307564,7.3573075,7.357307238,7.357307541,7.357307694
+"7367","IREB2",7.769685232,7.769685205,7.769684551,7.769684667,7.769684497,7.76968454,7.769684788,7.769684227,7.769684612,7.769684586,7.769684184,7.769684291,7.769684889,7.76968612,7.769684823,7.76968485,7.769684251,7.769684317,7.769685355,7.769684103,7.769684928,7.769684193,7.769685009,7.769684972,7.76968465,7.769684661,7.769684752,7.769685568
+"7368","IRF1",9.807982868,10.11700883,9.504499373,10.02585267,9.623754815,10.93718359,9.789886733,10.02965053,9.748945658,9.589681258,9.641790758,9.157414448,10.08093826,9.677719398,9.827694099,10.0841076,9.595250897,9.910558268,9.833820281,10.94385339,9.842125949,9.993815645,9.941540136,9.938702051,9.925774506,9.536256973,10.01774629,9.611778231
+"7369","IRF1-AS1",7.887377796,7.887377525,7.887377509,7.887377364,7.887377373,7.887378843,7.887377498,7.887377481,7.887377598,7.887377353,7.887377309,7.88737705,7.887377828,7.887377413,7.887377722,7.887377544,7.887377492,7.887377263,7.88737777,7.887378902,7.887377496,7.887377702,7.887377846,7.88737768,7.887377584,7.887377346,7.887378,7.887377353
+"7370","IRF2",8.660285063,8.660285641,8.660283991,8.660286062,8.660283825,8.660287301,8.660284641,8.660284109,8.66028443,8.660284223,8.660284269,8.660282616,8.660284861,8.660283865,8.660285198,8.660285133,8.66028375,8.660285194,8.660284774,8.66028685,8.660284937,8.660284961,8.660284939,8.660284672,8.660285081,8.660283575,8.66028454,8.660283597
+"7371","IRF2BP1",6.767633955,6.767633959,6.767633976,6.767633953,6.767634037,6.767633978,6.767633984,6.767634021,6.76763399,6.767634005,6.76763404,6.76763407,6.767633974,6.767633856,6.767634008,6.767634003,6.767634044,6.767634031,6.767634004,6.767633976,6.767633997,6.767634057,6.767633969,6.76763393,6.767634035,6.767634015,6.767633983,6.767634031
+"7372","IRF2BP2",8.077318697,8.077318726,8.077318762,8.0773187,8.077318845,8.077318765,8.077318766,8.077318801,8.077318736,8.077318778,8.077318778,8.077318805,8.07731876,8.077318651,8.077318806,8.077318777,8.07731882,8.077318743,8.077318767,8.077318688,8.077318804,8.077318814,8.077318737,8.077318684,8.077318759,8.077318812,8.077318725,8.077318791
+"7373","IRF2BPL",7.21572129,7.215721294,7.215721386,7.215721365,7.215721345,7.215721345,7.21572134,7.215721365,7.215721351,7.215721337,7.215721377,7.215721356,7.215721334,7.215721298,7.215721318,7.215721288,7.215721392,7.215721398,7.215721338,7.215721352,7.215721328,7.215721377,7.215721336,7.215721307,7.215721364,7.215721335,7.215721329,7.215721307
+"7374","IRF3",7.647772938,7.647772946,7.647772935,7.647772913,7.647772913,7.647773073,7.647772968,7.647772937,7.64777302,7.647773011,7.647772868,7.647773022,7.647773014,7.647772925,7.647772862,7.647772926,7.647772886,7.647772858,7.647772876,7.64777305,7.647772972,7.64777302,7.647772862,7.647772899,7.647772913,7.647773003,7.647773,7.647772913
+"7375","IRF4",6.727972946,6.727973125,6.727972821,6.727973065,6.727973142,6.727973048,6.727973576,6.727972677,6.727972935,6.727973067,6.72797312,6.727972966,6.727973328,6.727973274,6.727972983,6.727972989,6.727972646,6.727973081,6.727973006,6.727972838,6.727973525,6.727972862,6.727972991,6.727973061,6.727972996,6.727972871,6.727973353,6.727973227
+"7376","IRF5",6.200138761,6.200138736,6.200138722,6.200138627,6.200138743,6.200138902,6.200138631,6.200138617,6.200138622,6.200138771,6.200138701,6.200138631,6.200138711,6.200138724,6.200138694,6.20013861,6.20013864,6.200138603,6.200138735,6.200138661,6.200138684,6.20013872,6.200138593,6.200138659,6.200138683,6.200138639,6.200138781,6.200138577
+"7377","IRF6",4.161863114,4.161863151,4.161863157,4.161863123,4.16186316,4.16186317,4.16186315,4.161863174,4.161863127,4.161863154,4.161863137,4.161863181,4.161863133,4.161863111,4.16186314,4.161863136,4.161863177,4.161863148,4.161863145,4.161863169,4.161863126,4.161863145,4.161863122,4.161863119,4.161863149,4.161863152,4.161863118,4.161863129
+"7378","IRF7",7.126026948,7.12602699,7.126027144,7.126027072,7.126027301,7.126027283,7.126027081,7.126027234,7.126027052,7.126027076,7.126027193,7.126027186,7.126027073,7.126026868,7.126027169,7.126027068,7.126027181,7.126027138,7.126027152,7.126027303,7.126027163,7.12602721,7.12602702,7.126027065,7.126027112,7.12602714,7.126027136,7.126027075
+"7379","IRF8",8.457318869,8.457318319,8.457318651,8.457318063,8.457318618,8.457318109,8.457317552,8.457317008,8.457316962,8.457318931,8.457317589,8.457318125,8.4573183,8.45731966,8.457317512,8.457317641,8.457317566,8.457317233,8.457318175,8.457318273,8.457316694,8.457317316,8.457317127,8.457318904,8.457316792,8.457318444,8.457317899,8.457319067
+"7380","IRF9",7.695600055,7.695605007,7.695599215,7.695601455,7.695598918,7.69560922,7.69559801,7.695601379,7.69559857,7.695596797,7.695598671,7.695594219,7.695602023,7.695599489,7.695597981,7.695604296,7.695598189,7.695598196,7.695600877,7.695610319,7.695598569,7.695601236,7.69560061,7.695599615,7.695598298,7.695596985,7.695601029,7.695598748
+"7381","IRGC",5.089835905,5.089835915,5.089835964,5.089835899,5.089835946,5.089835853,5.089835923,5.089835927,5.089835917,5.089835908,5.089835939,5.089835963,5.089835913,5.089835825,5.089835937,5.089835924,5.089835942,5.089835944,5.089835945,5.089835912,5.089835925,5.089835934,5.089835898,5.089835897,5.089835937,5.089835915,5.089835905,5.0898359
+"7382","IRGQ",5.255045551,5.255045599,5.255045578,5.255045582,5.25504561,5.25504559,5.255045601,5.25504563,5.255045571,5.255045576,5.255045583,5.255045596,5.255045564,5.25504559,5.255045564,5.255045609,5.255045616,5.255045628,5.255045557,5.255045535,5.255045581,5.255045551,5.255045564,5.255045574,5.255045498,5.25504557,5.255045547,5.255045593
+"7383","IRS1",4.826098315,4.826098318,4.826098359,4.826098344,4.826098383,4.826098352,4.826098339,4.826098327,4.826098356,4.826098381,4.826098345,4.826098384,4.826098335,4.82609832,4.82609836,4.826098337,4.826098362,4.826098358,4.826098343,4.826098365,4.826098363,4.826098362,4.826098329,4.826098339,4.826098336,4.826098359,4.826098357,4.826098353
+"7384","IRS2",6.865594204,6.865594464,6.865594344,6.865594797,6.865594291,6.865593938,6.865594396,6.865594148,6.865594188,6.865594101,6.865594634,6.865594415,6.865594118,6.865593904,6.865594038,6.865594175,6.865594337,6.865594451,6.865594089,6.86559379,6.865594063,6.865594015,6.865594086,6.865594088,6.86559427,6.865594278,6.865594139,6.865593873
+"7385","IRS4",4.407745933,4.407745936,4.40774603,4.40774597,4.407746011,4.407745956,4.407745993,4.407746033,4.407746008,4.407745964,4.407746009,4.407746041,4.407745969,4.40774586,4.407746011,4.407746012,4.407746031,4.407745977,4.407745972,4.407745944,4.40774597,4.407745991,4.407745945,4.407745898,4.407746005,4.407745985,4.407745931,4.407746001
+"7386","IRX1",5.455193965,5.455193986,5.455194035,5.45519398,5.45519408,5.455193985,5.45519402,5.455194003,5.455194038,5.455194014,5.455194044,5.455194075,5.455193999,5.455193926,5.455194048,5.455193961,5.455194059,5.455194016,5.455194007,5.455194022,5.455194063,5.45519404,5.455193985,5.455193981,5.455194016,5.455194041,5.455193998,5.455194042
+"7387","IRX2",6.318505535,6.31850559,6.318505924,6.318505463,6.318506426,6.318505317,6.318505913,6.318505867,6.31850587,6.318505891,6.318505921,6.318506465,6.318505697,6.318505182,6.318506043,6.318505792,6.31850631,6.318505887,6.318505768,6.318505682,6.318506159,6.318506066,6.318505598,6.31850559,6.31850579,6.318506119,6.318505672,6.318506071
+"7388","IRX2-DT",5.864660637,5.864660631,5.864660708,5.864660595,5.864660809,5.864660576,5.86466068,5.864660712,5.864660666,5.864660628,5.86466076,5.864660797,5.86466065,5.86466052,5.864660781,5.864660793,5.864660809,5.864660742,5.864660655,5.864660652,5.864660738,5.864660776,5.864660658,5.864660634,5.864660723,5.864660741,5.864660608,5.86466071
+"7389","IRX3",6.183434113,6.183434125,6.183434167,6.183434124,6.183434325,6.183434144,6.183434214,6.183434201,6.183434156,6.183434167,6.183434186,6.18343436,6.183434156,6.183434008,6.183434285,6.183434212,6.183434364,6.183434247,6.18343423,6.18343412,6.183434301,6.183434333,6.183434083,6.183434096,6.183434184,6.183434237,6.183434077,6.183434193
+"7390","IRX4",5.509283102,5.509283101,5.509283142,5.509283097,5.509283198,5.509283102,5.509283151,5.509283205,5.50928314,5.509283163,5.509283158,5.509283183,5.509283123,5.509283083,5.509283188,5.509283158,5.509283195,5.509283164,5.509283149,5.509283142,5.509283146,5.509283154,5.509283111,5.509283103,5.509283125,5.509283144,5.509283126,5.509283143
+"7391","IRX5",6.429238441,6.429238397,6.429238575,6.429238224,6.429238797,6.429238556,6.429238673,6.42923868,6.429238673,6.429238652,6.429238667,6.429238877,6.429238407,6.429238073,6.429238791,6.429238462,6.429238781,6.429238473,6.429238692,6.429238493,6.429238703,6.429238667,6.429238481,6.429238332,6.429238402,6.429238655,6.429238467,6.429238528
+"7392","IRX6",5.95175705,5.951757009,5.951757104,5.951757104,5.951757137,5.951757022,5.951757025,5.951757104,5.951757086,5.951757071,5.951757155,5.951757119,5.95175709,5.951756979,5.951757117,5.951757039,5.951757111,5.951757069,5.951757086,5.951757081,5.951757112,5.951757106,5.951757037,5.951757002,5.951757147,5.951757112,5.951757047,5.951757088
+"7393","ISCA1",7.4351800295,7.435178626,7.4351793365,7.435178893,7.435179097,7.435179476,7.435179121,7.4351793235,7.435179402,7.435179569,7.435179197,7.4351796155,7.43517956,7.4351797485,7.4351797975,7.4351781425,7.435178806,7.435179163,7.435178758,7.4351792385,7.4351790615,7.4351790945,7.435179365,7.4351795565,7.435179412,7.435179994,7.4351798695,7.4351797645
+"7394","ISCA2",7.244351518,7.244351256,7.24435127,7.244351198,7.244351177,7.244351187,7.24435133,7.244351255,7.244351264,7.244351171,7.24435094,7.244351078,7.244351266,7.244351539,7.244351392,7.244351143,7.244351014,7.244351082,7.244351257,7.244351324,7.244351212,7.244351319,7.24435135,7.244351238,7.244351061,7.244351205,7.244351244,7.244351448
+"7395","ISCU",7.690559388,7.690559447,7.690559462,7.690559212,7.690559003,7.690559252,7.690559158,7.690559322,7.690559409,7.690559152,7.690559162,7.690559313,7.690559284,7.690559232,7.690559217,7.690559334,7.690559133,7.690559094,7.690559126,7.690559535,7.690559291,7.690559264,7.690559406,7.690559355,7.690559148,7.690559437,7.690559402,7.690559153
+"7396","ISG15",6.01274262,6.012742842,6.012742674,6.012742648,6.012742765,6.012743079,6.012742774,6.012742715,6.012742769,6.012742762,6.012742789,6.01274269,6.012742746,6.012742626,6.012742788,6.01274284,6.012742785,6.012742724,6.012742831,6.012743006,6.012742821,6.012742719,6.012742724,6.01274273,6.012742709,6.012742767,6.012742666,6.012742714
+"7397","ISG20",7.809121886,7.809122263,7.809121952,7.809121636,7.809121306,7.809122993,7.809121613,7.809121625,7.8091224,7.809121617,7.80912129,7.809121532,7.809121972,7.809121924,7.809121582,7.8091223,7.809121729,7.80912128,7.809121468,7.809123461,7.809121295,7.809121585,7.809122141,7.809121924,7.809121414,7.809121508,7.809121826,7.809121612
+"7398","ISG20L2",7.311602081,7.311602013,7.311601926,7.311602049,7.311601795,7.311602216,7.311602098,7.311602017,7.311602022,7.311601875,7.311601853,7.311601915,7.311602045,7.31160198,7.311601978,7.311601998,7.311601783,7.311602072,7.311601933,7.311602141,7.311601921,7.311602003,7.311602118,7.311601999,7.311601977,7.311601985,7.311602056,7.311601894
+"7399","ISL1",3.952119867,3.952119874,3.952119874,3.952119911,3.952119894,3.952119848,3.952119865,3.952119885,3.952119883,3.952119889,3.952119871,3.952119893,3.952119877,3.952119842,3.952119882,3.952119886,3.952119882,3.952119882,3.952119878,3.952119876,3.952119893,3.952119882,3.952119879,3.952119866,3.952119902,3.95211989,3.95211986,3.952119873
+"7400","ISL2",5.833434308,5.833434307,5.833434326,5.833434288,5.833434344,5.833434303,5.833434336,5.833434329,5.833434312,5.833434305,5.833434309,5.833434346,5.833434311,5.833434269,5.83343433,5.833434333,5.833434359,5.833434328,5.833434328,5.833434301,5.833434329,5.833434321,5.833434311,5.8334343,5.833434316,5.833434331,5.833434316,5.833434327
+"7401","ISLR",4.778408772,4.778408783,4.77840902,4.778408785,4.778409048,4.778408695,4.778408851,4.778409006,4.778408864,4.778408885,4.778408979,4.778408957,4.778408736,4.778408664,4.778408885,4.778408995,4.778409006,4.778408891,4.778408883,4.778408774,4.778408997,4.778409049,4.778408748,4.778408766,4.778409005,4.778408921,4.778408759,4.778408854
+"7402","ISLR2",4.729128746,4.729128683,4.729128788,4.729128795,4.729128848,4.729128734,4.729128762,4.729128852,4.72912876,4.729128838,4.729128805,4.729128892,4.729128679,4.729128614,4.729128843,4.729128692,4.729128831,4.72912889,4.729128742,4.729128779,4.72912885,4.729128804,4.729128794,4.729128795,4.729128804,4.729128822,4.729128709,4.729128779
+"7403","ISM1",4.306897647,4.306897742,4.306897799,4.30689772,4.306897895,4.306897631,4.306897763,4.306897791,4.306897803,4.306897783,4.306897774,4.306897834,4.306897733,4.306897634,4.306897826,4.306897808,4.306897944,4.306897902,4.306897777,4.306897716,4.306897707,4.306897807,4.306897709,4.306897741,4.306897859,4.306897735,4.306897787,4.3068979
+"7404","ISM2",5.621310728,5.621310803,5.621310981,5.621310798,5.62131144,5.621310295,5.621310974,5.621311221,5.621310803,5.621310978,5.621311125,5.621311197,5.621310856,5.621310665,5.62131136,5.621311003,5.6213112,5.621311311,5.62131088,5.621310898,5.621311459,5.621311221,5.621310941,5.621310976,5.621310975,5.621311171,5.62131091,5.621311037
+"7405","ISOC1",6.493860942,6.493860977,6.493860689,6.493860883,6.493860659,6.493860765,6.493860735,6.49386068,6.493860842,6.49386063,6.493860772,6.493860613,6.493860801,6.493861084,6.493860957,6.493860911,6.49386074,6.493860781,6.493860835,6.493860936,6.493860836,6.493860779,6.493860926,6.493860835,6.493860784,6.493860814,6.493860851,6.493861037
+"7406","ISOC2",6.385776662,6.385776657,6.385776797,6.385776735,6.385776966,6.385776691,6.385776877,6.385776897,6.385776811,6.385776808,6.385776886,6.385776931,6.385776713,6.385776606,6.385776911,6.385776872,6.385777024,6.385776915,6.385776796,6.385776764,6.385776973,6.385776905,6.385776703,6.385776669,6.385776819,6.385776842,6.385776577,6.385776826
+"7407","IST1",9.163445048,9.163445489,9.163444408,9.163445232,9.163444502,9.163444699,9.163444673,9.163444546,9.163444542,9.163444402,9.163444332,9.163443862,9.163444778,9.163445411,9.163444711,9.163445256,9.163444165,9.163444785,9.163444988,9.163444862,9.163444713,9.163444599,9.163444809,9.163444882,9.163444662,9.163444716,9.163444827,9.163444925
+"7408","ISX",4.625914438,4.62591444,4.625914539,4.625914438,4.625914485,4.62591447,4.625914429,4.625914484,4.625914405,4.625914389,4.625914448,4.625914509,4.625914442,4.62591442,4.625914536,4.62591449,4.625914555,4.625914555,4.625914542,4.625914481,4.625914576,4.62591452,4.625914473,4.625914386,4.625914504,4.625914433,4.62591439,4.625914475
+"7409","ISYNA1",6.192986221,6.192986204,6.192986234,6.192986199,6.192986239,6.192986209,6.192986226,6.192986225,6.192986238,6.192986247,6.192986227,6.192986258,6.192986234,6.192986233,6.192986244,6.192986227,6.192986231,6.192986218,6.192986233,6.192986219,6.192986243,6.19298625,6.19298622,6.192986205,6.192986212,6.192986235,6.192986225,6.192986231
+"7410","ITCH",8.349357383,8.349357018,8.349356635,8.349357459,8.349355778,8.349356289,8.349356725,8.349356064,8.349355972,8.349356095,8.34935655,8.349355228,8.349356647,8.349357444,8.349356773,8.349356855,8.349356317,8.349356805,8.349356913,8.34935548,8.349356842,8.349356251,8.349356962,8.349356906,8.349356893,8.3493563,8.349356741,8.349356611
+"7411","ITFG1",6.962846213,6.962845962,6.96284583,6.962846095,6.962845421,6.962845453,6.962845547,6.962845297,6.962845364,6.962845589,6.962845701,6.962845283,6.962845867,6.962846319,6.962845722,6.962845847,6.962845456,6.9628457,6.962845993,6.962845606,6.962845365,6.962845484,6.962845631,6.962845883,6.962845261,6.962845667,6.962845776,6.962845713
+"7412","ITGA10",4.288901305,4.288901323,4.288901313,4.288901301,4.288901343,4.28890134,4.288901323,4.288901339,4.28890138,4.288901342,4.28890131,4.288901376,4.288901302,4.288901307,4.288901346,4.288901344,4.288901358,4.288901369,4.288901335,4.288901334,4.288901334,4.288901378,4.288901272,4.288901318,4.288901306,4.288901321,4.288901308,4.288901348
+"7413","ITGA11",4.834745568,4.834745661,4.834745625,4.834745604,4.834745776,4.834745703,4.834745612,4.834745833,4.834745633,4.834745542,4.834745732,4.8347458,4.834745749,4.834745446,4.834745764,4.834745727,4.834745815,4.83474565,4.83474563,4.834745714,4.834745708,4.834745801,4.834745561,4.834745604,4.83474572,4.834745687,4.834745584,4.83474557
+"7414","ITGA2",4.134440979,4.134441119,4.134441209,4.134441541,4.134441131,4.134441035,4.134441211,4.13444103,4.134440982,4.134441067,4.13444116,4.134441239,4.134440985,4.134440825,4.134441075,4.134441209,4.13444109,4.134441573,4.134441284,4.134441011,4.134441314,4.134440957,4.134441018,4.13444122,4.134441224,4.134441266,4.134440861,4.134441174
+"7415","ITGA2B",6.638701878,8.029958808,7.37509645,8.784521389,7.529519573,6.922471266,7.110452198,7.280144907,7.619646949,8.195525207,8.45264147,7.424435023,7.023648983,6.479083154,6.948091479,7.869345322,7.476339224,9.005524971,7.256773469,6.792510385,7.096656518,6.950187048,7.543378665,8.432538093,8.30281728,7.351411343,6.950184431,6.781100983
+"7416","ITGA3",5.273500641,5.273500681,5.273500718,5.273500671,5.273500757,5.273500697,5.273500707,5.273500763,5.27350073,5.273500723,5.273500766,5.273500761,5.273500698,5.273500629,5.273500714,5.27350074,5.273500778,5.273500739,5.27350073,5.273500677,5.273500733,5.273500747,5.273500703,5.273500686,5.27350072,5.273500715,5.273500687,5.27350073
+"7417","ITGA4",8.96629706,8.964852785,8.964651221,8.961753131,8.965701497,8.964062396,8.966605038,8.963455875,8.964467897,8.96530618,8.964614221,8.962518292,8.966088009,8.969955805,8.964459116,8.963343436,8.963947272,8.961022081,8.965681397,8.962467298,8.966836692,8.964544803,8.964859968,8.965143183,8.963787621,8.964456077,8.96575481,8.968301683
+"7418","ITGA5",8.540025107,8.540025911,8.540025561,8.540026207,8.540024885,8.540025466,8.540024843,8.540025228,8.540024592,8.540024415,8.540025202,8.540024518,8.540025046,8.540024951,8.54002524,8.540025354,8.540025148,8.540026128,8.540025013,8.540025254,8.540024861,8.540025081,8.540024876,8.540025189,8.540025652,8.540025018,8.540025213,8.540024248
+"7419","ITGA6",7.422712496,7.422726735,7.42269553,7.422692973,7.422715961,7.422693695,7.422693415,7.422699653,7.422743322,7.422726716,7.422705362,7.422727062,7.422719517,7.422762528,7.422693053,7.422706221,7.422676957,7.422683028,7.422719245,7.422689413,7.422681336,7.422711153,7.422737424,7.422720537,7.422695905,7.422728831,7.422722302,7.422735474
+"7420","ITGA7",4.611026919,4.611026851,4.611026957,4.611026895,4.611026996,4.611026931,4.611026913,4.611026959,4.611026949,4.611026943,4.611026935,4.611026953,4.611026905,4.611026901,4.611026965,4.611026904,4.611026945,4.61102696,4.611026924,4.611026948,4.611026975,4.61102695,4.611026904,4.611026824,4.611026923,4.611026929,4.611026886,4.611026913
+"7421","ITGA8",3.622187081,3.622187073,3.622187138,3.622187182,3.622187203,3.622187067,3.622187317,3.622187244,3.622187069,3.622187147,3.622187055,3.622187254,3.622187112,3.62218709,3.622187159,3.622187099,3.622187145,3.62218707,3.622187129,3.622187103,3.622187128,3.622187159,3.622187183,3.622187046,3.622187027,3.622187166,3.622187144,3.622187073
+"7422","ITGA9",5.023103792,5.023103774,5.023103824,5.023103813,5.023103816,5.023103749,5.023103807,5.023103812,5.023103784,5.023103796,5.023103842,5.02310383,5.023103766,5.023103756,5.023103815,5.023103807,5.023103806,5.023103813,5.023103788,5.023103784,5.023103806,5.023103808,5.023103768,5.023103783,5.02310377,5.023103798,5.023103755,5.02310379
+"7423","ITGAD",5.646393084,5.64639308,5.646393068,5.646393085,5.646393071,5.646393067,5.646393091,5.646393085,5.646393059,5.646393065,5.646393104,5.646393077,5.646393072,5.64639305,5.646393078,5.646393092,5.646393078,5.646393099,5.646393076,5.646393084,5.646393087,5.64639307,5.646393076,5.646393058,5.646393094,5.646393088,5.646393076,5.646393045
+"7424","ITGAE",5.273646825,5.273646866,5.27364687,5.273646878,5.27364689,5.273646851,5.273646854,5.273646849,5.273646847,5.27364685,5.273646841,5.273646837,5.273646867,5.273646839,5.273646877,5.273646872,5.273646844,5.273646876,5.273646832,5.273646889,5.273646876,5.27364685,5.273646865,5.273646813,5.27364688,5.273646843,5.273646867,5.273646844
+"7425","ITGAL",9.079515664,9.079515278,9.07951526,9.079515177,9.079514805,9.07951604,9.079515894,9.079515222,9.079515378,9.0795157,9.079515095,9.079514634,9.07951567,9.079516231,9.079515394,9.079515403,9.07951454,9.079515074,9.07951494,9.079515292,9.079515803,9.079515577,9.07951571,9.079515771,9.079515291,9.079515376,9.079515562,9.079515391
+"7426","ITGAM",8.610685362,8.610686501,8.610684414,8.610687143,8.610685498,8.610685857,8.610686283,8.610684342,8.610684861,8.610686094,8.610686561,8.610683634,8.61068472,8.610685461,8.610686009,8.610686087,8.610684744,8.610686286,8.610686446,8.61068571,8.61068564,8.610684507,8.610686197,8.610687634,8.610686544,8.61068424,8.610684912,8.610684568
+"7427","ITGAV",5.791620674,5.791620388,5.791620243,5.791620215,5.791620291,5.791620152,5.791620403,5.791620035,5.791620321,5.791620273,5.791620381,5.791619914,5.791620291,5.791620722,5.791620419,5.791620317,5.791620172,5.791620221,5.791620431,5.791620234,5.791620293,5.791620231,5.791620323,5.791620256,5.791620221,5.79162011,5.791620389,5.791620643
+"7428","ITGAX",9.198068133,9.460065236,8.948773319,9.707263999,8.840187091,9.645605358,9.727632034,9.036178693,9.304272215,9.346921745,9.635436961,8.93190874,9.217631918,9.026142457,9.23214603,9.502922877,9.005282592,9.514483126,8.994981177,9.609693357,9.706601901,9.034176266,9.502660408,9.588020924,9.726023865,9.11896761,9.235178167,8.926286647
+"7429","ITGB1",8.321858921,8.321858846,8.321858114,8.321858645,8.321858512,8.321858287,8.321858267,8.321858162,8.321857942,8.32185844,8.321858401,8.321857671,8.321858454,8.32185941,8.321858659,8.321858674,8.321858139,8.321858651,8.321858658,8.321858582,8.321858625,8.321857949,8.321858194,8.32185867,8.321858314,8.321858497,8.321858376,8.321858871
+"7430","ITGB1BP1",5.728478692,5.728478626,5.728478396,5.728478382,5.728478258,5.728478279,5.728478536,5.728478271,5.728478577,5.728478411,5.728478084,5.728478204,5.728478527,5.728478845,5.728478313,5.728478356,5.728478012,5.728478133,5.728478357,5.728478515,5.728478292,5.728478367,5.728478555,5.72847853,5.728478262,5.728478467,5.728478626,5.728478441
+"7431","ITGB1BP2",4.291877412,4.29187745,4.291877433,4.291877449,4.291877445,4.291877468,4.291877433,4.291877462,4.291877481,4.291877462,4.291877453,4.291877483,4.291877453,4.291877423,4.291877442,4.291877434,4.291877466,4.291877454,4.291877423,4.29187746,4.291877456,4.291877471,4.29187743,4.291877434,4.29187745,4.291877436,4.291877457,4.29187745
+"7432","ITGB2",10.34107694,10.34107961,10.34106971,10.34108732,10.34106872,10.34108584,10.34108033,10.34106933,10.34106967,10.34107581,10.34106093,10.34105856,10.34106989,10.34108376,10.34107942,10.34107426,10.34107096,10.34107802,10.34107239,10.3410729,10.34107556,10.34107637,10.34107709,10.34108065,10.34105727,10.34106334,10.34107132,10.34107304
+"7433","ITGB3",6.886329965,8.48255414,7.898769746,9.445605315,8.179323562,7.60871999,8.141264015,7.915008161,7.934080151,9.1279666,9.325093314,8.160440671,7.169195593,6.906483405,7.254712619,8.270816538,7.798257325,9.52472913,7.868770347,7.178103727,8.106913644,7.449679271,8.041488142,9.330775998,9.104037489,8.183680298,7.405231543,6.890696168
+"7434","ITGB3BP",4.227738828,4.227738623,4.227738722,4.227738307,4.227738633,4.227738454,4.227738634,4.227738526,4.227738708,4.227738796,4.227738637,4.227738487,4.227738856,4.227739299,4.227738575,4.227738608,4.227738671,4.227738717,4.22773876,4.227738745,4.227738471,4.227738497,4.227738711,4.227738939,4.227738527,4.227738579,4.227738825,4.227739057
+"7435","ITGB4",5.462929365,5.462929445,5.462929516,5.462929449,5.462929534,5.462929415,5.462929467,5.462929504,5.462929402,5.462929362,5.462929548,5.462929565,5.462929361,5.462929372,5.462929499,5.462929472,5.462929529,5.462929504,5.462929431,5.462929429,5.462929531,5.462929519,5.462929441,5.462929414,5.462929529,5.462929502,5.462929418,5.462929458
+"7436","ITGB5",6.398365342,6.398365792,6.398365789,6.398366508,6.398365758,6.398365597,6.398365703,6.398365705,6.398365713,6.398366113,6.398366345,6.3983661,6.398365445,6.39836513,6.398365448,6.398365602,6.398365753,6.398366577,6.398365743,6.39836556,6.398365498,6.398365538,6.398365712,6.398366085,6.39836633,6.398365741,6.398365553,6.398365338
+"7437","ITGB6",3.506024917,3.506024876,3.506024992,3.506024988,3.506025026,3.506024947,3.506025014,3.50602503,3.506024962,3.506024978,3.506024902,3.506025066,3.506024916,3.506024872,3.506024975,3.506025005,3.506025018,3.506024998,3.50602497,3.506024956,3.506024988,3.506025027,3.506024947,3.506024992,3.506025003,3.506024958,3.50602497,3.506024919
+"7438","ITGB7",8.636578099,8.636670703,8.636463775,8.6364139,8.636675068,8.636861413,8.636707266,8.636544497,8.636797311,8.636687822,8.636430638,8.636532286,8.636752003,8.636745714,8.636467628,8.636509791,8.636333311,8.636343311,8.636651918,8.636714632,8.636563829,8.636618436,8.636704452,8.636587115,8.636407775,8.63660828,8.636838898,8.636669612
+"7439","ITGB8",4.314780802,4.314780915,4.314780518,4.314780607,4.314780696,4.314780195,4.314780372,4.314780462,4.31478039,4.314780134,4.314781043,4.314780498,4.314780308,4.314780232,4.314780545,4.314781023,4.314780657,4.314780691,4.314780994,4.314780424,4.314780344,4.314780326,4.314780482,4.314780351,4.314780783,4.314780317,4.314780217,4.314781026
+"7440","ITGBL1",4.935269442,4.93526944,4.935269425,4.935269411,4.93526948,4.935269454,4.935269446,4.935269473,4.935269438,4.935269435,4.935269487,4.935269485,4.935269436,4.935269401,4.935269486,4.935269455,4.935269504,4.935269484,4.935269493,4.935269437,4.935269467,4.935269478,4.935269391,4.935269433,4.93526944,4.935269468,4.935269399,4.935269472
+"7441","ITIH1",4.521926012,4.521926004,4.521926039,4.52192601,4.52192605,4.521926016,4.521926081,4.521926084,4.521925979,4.521926029,4.521925995,4.521926058,4.521925964,4.521925971,4.521926097,4.521926028,4.521926149,4.521926108,4.521926084,4.521926094,4.521926109,4.521925974,4.521925987,4.521926014,4.521926017,4.52192606,4.521925991,4.52192603
+"7442","ITIH2",3.38831684,3.388317168,3.388317129,3.388317272,3.388317126,3.388316965,3.388317255,3.388316944,3.388317207,3.388317116,3.388317072,3.38831707,3.388316981,3.388317189,3.388317491,3.388317214,3.38831718,3.388317347,3.388317155,3.388317249,3.388317223,3.388316996,3.388317256,3.388317055,3.388316877,3.388317161,3.388317002,3.388317091
+"7443","ITIH3",4.70234659,4.702346592,4.702347024,4.70234659,4.702347109,4.702346683,4.702346888,4.702347083,4.702346849,4.702346883,4.702346834,4.702347095,4.702346749,4.702346672,4.702346958,4.702346838,4.702347171,4.702347188,4.702346811,4.702347075,4.702347027,4.70234701,4.702346865,4.702346849,4.702347006,4.702346941,4.702346842,4.702346916
+"7444","ITIH4",6.099005257,6.099005156,6.099005145,6.099005198,6.099005274,6.099005328,6.099005288,6.099005232,6.099005234,6.099005249,6.099005243,6.099005234,6.099005269,6.099005167,6.099005166,6.099005191,6.099005094,6.099005287,6.099005246,6.099005232,6.099005336,6.099005247,6.099005084,6.099005197,6.099005255,6.099005138,6.09900527,6.099005106
+"7445","ITIH5",4.717762179,4.71776217,4.717762162,4.71776219,4.717762262,4.717762176,4.717762155,4.717762258,4.717762156,4.717762167,4.717762222,4.717762271,4.717762198,4.71776211,4.7177622,4.717762196,4.717762249,4.717762222,4.717762188,4.717762134,4.717762257,4.71776223,4.717762105,4.717762134,4.717762177,4.717762235,4.717762106,4.717762231
+"7446","ITIH6",4.97864542,4.978645409,4.978645403,4.978645366,4.978645561,4.97864545,4.978645437,4.978645483,4.978645364,4.978645474,4.978645517,4.978645393,4.978645266,4.978645201,4.978645454,4.978645385,4.978645545,4.978645648,4.978645427,4.978645322,4.978645519,4.978645423,4.978645376,4.978645376,4.978645509,4.978645296,4.978645308,4.97864536
+"7447","ITK",9.299011598,9.161831395,8.698639483,8.720987158,8.927287757,8.835978254,8.992064534,8.938917409,9.534109995,9.160734592,8.523945239,9.232030493,9.143425942,9.576627773,8.892463369,8.864979325,8.37933265,8.663766955,8.961988199,8.765197261,8.932978152,8.835626878,9.336193942,8.948894246,8.470812186,9.168280724,9.13162504,9.30983608
+"7448","ITLN1",3.896301052,3.896301114,3.896301463,3.896301427,3.896301574,3.896301501,3.896301527,3.896302127,3.89630112,3.896301429,3.896301572,3.896301628,3.89630127,3.896301351,3.896301394,3.896301324,3.896301726,3.896301581,3.896301227,3.896301455,3.896301564,3.896301684,3.896301454,3.896301492,3.89630178,3.896301547,3.896301309,3.896301464
+"7449","ITLN2",3.91114639,3.91114639,3.911146462,3.911146444,3.911146414,3.911146388,3.911146455,3.911146434,3.911146417,3.91114641,3.91114643,3.911146449,3.911146381,3.911146378,3.91114639,3.911146457,3.911146415,3.911146472,3.911146371,3.911146424,3.911146448,3.911146446,3.911146372,3.911146415,3.911146378,3.911146392,3.911146406,3.911146445
+"7450","ITM2A",5.775958803,5.775958239,5.775957956,5.775957465,5.775958098,5.775957166,5.775959222,5.775958084,5.775959664,5.775959387,5.775957748,5.775958291,5.775958391,5.77595996,5.775958141,5.775957478,5.775956988,5.775957401,5.775958765,5.77595666,5.775959097,5.775958584,5.775960154,5.77595919,5.775957895,5.775957521,5.775958027,5.775959654
+"7451","ITM2B",10.33679947,10.33680004,10.33679841,10.33679998,10.33679769,10.33679906,10.33679824,10.33679799,10.33679785,10.33679761,10.33679824,10.33679586,10.33679871,10.33679971,10.33679827,10.33679958,10.33679778,10.33679938,10.33679899,10.33679945,10.33679907,10.33679796,10.33679897,10.33679926,10.33679876,10.33679752,10.33679838,10.33679806
+"7452","ITM2C",7.469480351,7.46948148,7.469481201,7.469480898,7.469481668,7.469480401,7.46948154,7.469480073,7.469481344,7.469481402,7.469480526,7.469481033,7.469481464,7.469481449,7.469479955,7.469480897,7.469480974,7.469480816,7.469481541,7.469480446,7.469481389,7.469480268,7.469481262,7.46948137,7.469480378,7.46948146,7.469481594,7.469481326
+"7453","ITPA",6.417638663,6.417638507,6.417638455,6.417637575,6.417638293,6.417638484,6.417638429,6.417638177,6.417638667,6.4176385,6.417638222,6.417638349,6.417638506,6.417638417,6.417637934,6.417638397,6.417638221,6.417637039,6.417638224,6.417638521,6.417638564,6.417638271,6.417638467,6.417638277,6.417637863,6.417638429,6.41763859,6.417638078
+"7454","ITPK1",8.090232243,8.09023386,8.090232819,8.090234681,8.090232203,8.090234519,8.09023253,8.090232673,8.090231494,8.090231412,8.090233047,8.090230917,8.090233619,8.090231611,8.090232536,8.090233368,8.090232974,8.090233834,8.090232726,8.090234288,8.09023295,8.090232589,8.090231873,8.090232405,8.090233265,8.090231841,8.09023336,8.090231188
+"7455","ITPKA",5.596053748,5.596053748,5.596053755,5.596053764,5.596053844,5.596053722,5.596053753,5.596053803,5.596053763,5.596053758,5.596053827,5.59605383,5.596053734,5.596053716,5.596053786,5.596053771,5.596053839,5.59605379,5.596053749,5.596053777,5.59605376,5.596053786,5.596053757,5.596053717,5.596053765,5.596053787,5.596053744,5.596053785
+"7456","ITPKB",7.759928944,7.759929542,7.759928454,7.759929078,7.759929312,7.759929106,7.759929099,7.759929212,7.759930018,7.759929818,7.759928601,7.759929317,7.759929406,7.759930343,7.759928691,7.759929455,7.759927168,7.759928371,7.759929714,7.759928674,7.759928675,7.75992888,7.75992974,7.759929418,7.75992855,7.75992946,7.759929773,7.759929853
+"7457","ITPKC",5.964912887,5.964912882,5.964912895,5.964912901,5.964912914,5.964912909,5.964912901,5.964912889,5.964912892,5.964912891,5.964912899,5.964912911,5.964912895,5.964912852,5.964912897,5.964912886,5.964912924,5.96491292,5.964912908,5.96491289,5.964912902,5.964912895,5.964912888,5.964912889,5.964912914,5.964912906,5.96491288,5.964912897
+"7458","ITPR1",7.074469411,7.074469028,7.074468693,7.074468905,7.074469007,7.074468736,7.074468894,7.074468353,7.074468756,7.074469241,7.074468556,7.074468795,7.074468825,7.07446974,7.074469193,7.07446897,7.074468487,7.074468536,7.074469188,7.074468714,7.074468658,7.074468522,7.074468883,7.074469175,7.074468741,7.074469076,7.074468934,7.074469545
+"7459","ITPR2",7.695126465,7.695126656,7.695126,7.695126466,7.695125784,7.695126239,7.695126319,7.695125746,7.695125969,7.695126118,7.695126143,7.695125495,7.695126389,7.69512675,7.695126135,7.695126535,7.695125428,7.695125832,7.695126097,7.695126297,7.695126242,7.695125764,7.695126176,7.695126474,7.695126278,7.695125911,7.695126456,7.695125971
+"7460","ITPR3",6.676273004,6.676272983,6.676272855,6.676272819,6.676272912,6.676273003,6.67627301,6.676272901,6.676273028,6.676272972,6.676272853,6.67627283,6.676272969,6.676272962,6.676272921,6.676272902,6.676272795,6.676272927,6.676272935,6.67627289,6.676272968,6.676272959,6.676272978,6.676272862,6.676272851,6.676272913,6.676272985,6.676272907
+"7461","ITPRID1",3.862327073,3.862327097,3.862327261,3.862327147,3.862327402,3.862327039,3.862327322,3.86232725,3.862326895,3.862326965,3.862327224,3.862327474,3.862327048,3.862326801,3.862327359,3.862326907,3.862327414,3.862327398,3.862327391,3.862327164,3.862327274,3.862327332,3.862327417,3.862326662,3.862327103,3.862327336,3.862327211,3.862327184
+"7462","ITPRID2",7.067849224,7.067849342,7.0678489,7.067849446,7.067848794,7.067849304,7.067849183,7.067848355,7.067848654,7.067849133,7.067849149,7.067848079,7.067849003,7.067849546,7.067849075,7.067849149,7.067848906,7.06784935,7.067849192,7.067849448,7.067849202,7.067848801,7.067849262,7.067849106,7.067849098,7.067848536,7.067848751,7.067849129
+"7463","ITPRIP",7.57374574,7.573747003,7.573745389,7.57374785,7.573745483,7.573747622,7.573746391,7.573745505,7.573745126,7.573745317,7.573745887,7.573744359,7.57374619,7.573744651,7.573746228,7.573747095,7.573745614,7.57374719,7.573746321,7.573747175,7.573745797,7.573745499,7.573746075,7.5737466,7.573746852,7.573744824,7.573746073,7.573744725
+"7464","ITPRIPL1",5.073274598,5.073274564,5.07327459,5.073274602,5.073274623,5.073274607,5.073274595,5.073274642,5.073274603,5.073274598,5.073274638,5.073274617,5.073274624,5.073274613,5.073274647,5.07327459,5.073274633,5.073274606,5.073274588,5.073274622,5.073274642,5.07327464,5.073274617,5.073274613,5.073274597,5.073274603,5.073274595,5.073274594
+"7465","ITPRIPL2",5.667094764,5.667094807,5.667094935,5.667094546,5.667094863,5.667095056,5.667094972,5.667094829,5.667094632,5.667094832,5.667094817,5.667094693,5.66709487,5.667094864,5.667094994,5.667094782,5.66709497,5.667094656,5.667094634,5.667094929,5.667094879,5.66709496,5.66709456,5.667094807,5.667094914,5.667094968,5.667094753,5.667094705
+"7466","ITSN1",5.22485921,5.224859378,5.224859204,5.22485925,5.224859378,5.224859222,5.224859303,5.224859227,5.224858967,5.224859169,5.224859375,5.224859305,5.224859155,5.224859235,5.224859241,5.224859254,5.224859218,5.224859201,5.224859318,5.224859255,5.224859248,5.224859122,5.22485894,5.2248591,5.224859358,5.224859316,5.224859067,5.224859095
+"7467","ITSN2",7.594115258,7.594115206,7.594114879,7.594115187,7.594114958,7.594114972,7.594115171,7.594114955,7.594114931,7.594115128,7.59411503,7.59411484,7.594115083,7.594115314,7.59411512,7.594115086,7.594114816,7.594115076,7.594115174,7.594114975,7.594115128,7.594114973,7.594115086,7.594115238,7.594115068,7.594114967,7.594115139,7.594115165
+"7468","IVD",6.906103807,6.906103803,6.906103795,6.906103773,6.906103778,6.906103812,6.906103798,6.906103779,6.906103823,6.906103795,6.906103732,6.906103819,6.906103793,6.906103856,6.906103766,6.906103785,6.906103665,6.906103669,6.906103795,6.906103785,6.906103776,6.906103755,6.906103817,6.906103806,6.906103736,6.906103829,6.906103831,6.906103804
+"7469","IVL",5.149202694,5.149202677,5.149202757,5.149202694,5.149202724,5.149202673,5.149202713,5.149202738,5.149202712,5.149202742,5.149202725,5.149202746,5.149202707,5.149202684,5.149202732,5.149202729,5.149202733,5.149202744,5.149202687,5.149202746,5.149202733,5.14920275,5.149202706,5.149202711,5.149202771,5.149202756,5.149202707,5.149202701
+"7470","IVNS1ABP",8.932269262,8.932320636,8.932019374,8.932143981,8.932042101,8.93202668,8.932153233,8.9320764,8.93210444,8.932059803,8.932066853,8.93196437,8.932188304,8.93237858,8.932147071,8.932348557,8.932011844,8.932084739,8.932214172,8.932116554,8.93223779,8.932003037,8.932200625,8.932265149,8.932126675,8.932153841,8.932192802,8.932211874
+"7471","IWS1",6.356630117,6.356629958,6.356629618,6.35662989,6.356629696,6.356629747,6.356629976,6.356629502,6.356629729,6.35662988,6.356629952,6.356629392,6.356629968,6.356630348,6.356629878,6.356629895,6.356629423,6.35662991,6.356630019,6.356629586,6.356629933,6.356629866,6.356629898,6.356630095,6.35662989,6.356629819,6.356629951,6.356630151
+"7472","IYD",4.119654016,4.119654052,4.119654138,4.11965402,4.119654231,4.11965411,4.119654207,4.119654122,4.119654137,4.119654197,4.119654145,4.11965405,4.119654097,4.119654062,4.119654194,4.119654116,4.119654246,4.119654206,4.119654021,4.119654121,4.119654197,4.119654176,4.119654065,4.119653993,4.119654216,4.119654053,4.119654131,4.119654169
+"7473","IZUMO1",4.084528727,4.084528794,4.084528789,4.084528787,4.08452882,4.084528758,4.084528836,4.084528836,4.084528832,4.084528801,4.084528858,4.084528816,4.08452879,4.084528723,4.084528861,4.084528826,4.084528835,4.084528892,4.084528813,4.084528801,4.084528828,4.084528816,4.084528769,4.084528804,4.084528788,4.084528812,4.084528787,4.08452884
+"7474","IZUMO1R",5.425364273,5.425364319,5.425364334,5.425364282,5.425364393,5.425364315,5.425364354,5.425364373,5.4253643,5.425364332,5.425364389,5.425364396,5.425364302,5.425364255,5.425364359,5.425364328,5.425364405,5.425364406,5.425364349,5.425364335,5.425364356,5.425364371,5.425364296,5.425364288,5.425364334,5.425364353,5.425364334,5.425364309
+"7475","IZUMO2",4.545122267,4.545122296,4.545122354,4.545122304,4.545122353,4.5451223,4.545122359,4.545122348,4.545122312,4.54512236,4.545122331,4.54512235,4.545122348,4.545122311,4.545122409,4.545122287,4.545122333,4.545122359,4.545122371,4.54512231,4.545122376,4.545122387,4.54512228,4.545122286,4.545122298,4.545122372,4.54512231,4.545122348
+"7476","IZUMO4",5.458320635,5.458320607,5.458320605,5.458320649,5.458320704,5.45832059,5.458320703,5.458320675,5.458320605,5.458320607,5.45832071,5.458320694,5.458320632,5.458320557,5.458320677,5.458320566,5.458320688,5.458320677,5.458320653,5.458320637,5.458320709,5.458320716,5.458320611,5.458320617,5.458320619,5.458320623,5.458320656,5.458320612
+"7477","JADE1",7.399769521,7.399769627,7.399769424,7.399769536,7.399769445,7.39976944,7.399769548,7.399769436,7.399769518,7.399769451,7.399769435,7.399769345,7.399769583,7.399769676,7.399769473,7.399769532,7.399769465,7.399769598,7.399769563,7.399769409,7.39976948,7.399769446,7.39976964,7.399769508,7.399769471,7.399769473,7.399769567,7.399769594
+"7478","JADE2",7.541895435,7.541895389,7.541895345,7.541895366,7.541895356,7.541895453,7.541895361,7.541895416,7.541895485,7.541895434,7.54189536,7.541895389,7.541895412,7.541895503,7.541895404,7.541895357,7.541895246,7.541895329,7.541895331,7.541895316,7.541895338,7.5418954,7.541895448,7.541895395,7.541895347,7.541895418,7.541895455,7.541895414
+"7479","JADE3",4.336405798,4.336405732,4.336405768,4.336405788,4.336405779,4.336405763,4.33640583,4.336405733,4.336405741,4.336405769,4.336405828,4.336405828,4.336405772,4.336405842,4.336405798,4.336405806,4.336405747,4.336405772,4.336405749,4.336405805,4.336405801,4.336405801,4.336405769,4.336405765,4.336405804,4.336405805,4.336405761,4.336405811
+"7480","JAG1",5.504967362,5.504967395,5.504967366,5.504967382,5.504967367,5.504967379,5.504967362,5.504967356,5.504967364,5.504967369,5.504967388,5.504967358,5.504967366,5.504967341,5.504967357,5.504967379,5.504967354,5.504967364,5.50496738,5.504967363,5.504967358,5.504967358,5.504967357,5.504967372,5.504967368,5.504967342,5.504967363,5.504967336
+"7481","JAG2",5.762340354,5.762340373,5.762340621,5.762340396,5.762340834,5.76234035,5.762340661,5.762340713,5.76234053,5.762340546,5.762340784,5.762340745,5.762340694,5.762340191,5.762340977,5.762340858,5.762341005,5.762340854,5.762340574,5.76234049,5.762340971,5.762340843,5.762340375,5.762340421,5.762340699,5.762340792,5.762340406,5.762340779
+"7482","JAGN1",7.584169581,7.584169099,7.584168968,7.584168568,7.584168833,7.58416905,7.584169428,7.584169064,7.584169817,7.584169534,7.584168461,7.584168572,7.584169236,7.584169895,7.584169221,7.584168663,7.584168869,7.584168305,7.584169098,7.584168726,7.584169207,7.584169194,7.584169593,7.584169437,7.584168146,7.584169017,7.584169135,7.584169416
+"7483","JAK1",9.965055489,9.965056293,9.965054642,9.9650561,9.965055011,9.965055575,9.965055615,9.965054916,9.965055439,9.965055683,9.965054596,9.965054704,9.965055608,9.965056479,9.965055696,9.965055684,9.965054225,9.965055423,9.965055661,9.965054798,9.965055558,9.965054703,9.965055717,9.965055846,9.965055031,9.965055699,9.965055655,9.965055756
+"7484","JAK2",7.304856424,7.30485604,7.30485547,7.304855721,7.304855154,7.304856107,7.30485543,7.304854625,7.304854993,7.30485511,7.304855695,7.304854095,7.304855435,7.304856774,7.304855457,7.30485631,7.304855053,7.304855067,7.3048559,7.304856456,7.304855633,7.304855383,7.304855556,7.304855675,7.304855864,7.304854567,7.304855555,7.30485611
+"7485","JAK3",8.090286403,8.090286632,8.090286125,8.090286716,8.090286057,8.09028707,8.090286496,8.090286622,8.090286791,8.090286761,8.090286431,8.090286104,8.090286606,8.090286392,8.090286367,8.090286257,8.090286221,8.090286804,8.090286278,8.090286617,8.09028645,8.09028671,8.090286896,8.090286728,8.090286342,8.090286295,8.090286536,8.090286197
+"7486","JAKMIP1",5.499313705,5.49931363,5.499313649,5.499313621,5.499313661,5.499313667,5.499313654,5.499313674,5.499313661,5.499313643,5.499313641,5.499313671,5.499313679,5.499313596,5.499313712,5.499313677,5.499313685,5.499313655,5.499313627,5.499313675,5.499313683,5.499313661,5.499313695,5.499313624,5.499313607,5.499313696,5.499313665,5.499313586
+"7487","JAKMIP2",4.237152912,4.237152844,4.237152767,4.237152727,4.237152799,4.237152754,4.23715275,4.237152795,4.237152698,4.237152795,4.237152764,4.237152806,4.237152767,4.237152868,4.2371529,4.237152806,4.237152683,4.237152819,4.237152818,4.237152793,4.237152772,4.237152797,4.237152774,4.237152871,4.237152777,4.23715287,4.237152813,4.237152877
+"7488","JAKMIP3",4.797319988,4.797320061,4.797320085,4.79732002,4.797320137,4.797320041,4.797320044,4.797320089,4.797320072,4.797320059,4.797320096,4.797320108,4.79732004,4.79732001,4.797320087,4.797320096,4.797320123,4.797320123,4.797320036,4.797320064,4.797320086,4.797320083,4.797320005,4.797320022,4.797320048,4.797320069,4.797320032,4.797320106
+"7489","JAM2",3.880424553,3.88042459,3.880424541,3.880424566,3.880424572,3.880424574,3.880424549,3.880424552,3.880424553,3.880424548,3.880424578,3.880424605,3.88042457,3.880424527,3.880424581,3.880424596,3.880424598,3.880424578,3.880424558,3.880424567,3.880424575,3.880424587,3.880424557,3.880424564,3.880424545,3.88042456,3.880424549,3.880424594
+"7490","JAM3",6.238809289,6.23881045,6.238809388,6.238810798,6.238809795,6.238809463,6.238810144,6.238809706,6.238809208,6.238810918,6.238811199,6.238810087,6.238809997,6.238810014,6.238809779,6.238810061,6.238809024,6.238810879,6.238809605,6.23880932,6.238810119,6.238809382,6.238808939,6.238811405,6.238811208,6.238809893,6.238809901,6.238809988
+"7491","JAML",11.11455649,11.41013294,10.92705835,11.25290436,11.06988827,11.10671314,11.26238792,10.763869,11.05404729,11.03270163,11.08911643,10.63779938,11.03809295,11.33347666,11.03078913,11.36780551,10.98719011,11.02120148,11.3434677,11.28137088,11.29320263,10.89276525,11.20585845,11.27217968,11.08260544,10.90095129,10.98952406,10.98398537
+"7492","JARID2",8.378468751,8.37846901,8.3784688,8.378469119,8.378468552,8.378468866,8.3784688,8.378468764,8.378468548,8.378468585,8.378468823,8.378468478,8.378468776,8.37846879,8.37846888,8.37846896,8.378468759,8.378468967,8.378468853,8.378468927,8.378468758,8.378468688,8.378468683,8.378468845,8.378468944,8.378468756,8.378468813,8.378468697
+"7493","JAZF1",8.243851804,8.243851524,8.243852425,8.243851733,8.243851761,8.243852628,8.243851255,8.243852664,8.243852168,8.243851737,8.243852375,8.243852397,8.243851744,8.243851065,8.243851503,8.243850825,8.243851805,8.243851746,8.243851474,8.243852206,8.243851046,8.243851858,8.24385179,8.243852047,8.24385238,8.243852388,8.243851987,8.243851343
+"7494","JCAD",4.80125155,4.801251587,4.801251619,4.801251605,4.801251789,4.801251593,4.801251756,4.801251752,4.801251557,4.801251678,4.801251838,4.801251679,4.801251516,4.801251208,4.801251885,4.801251713,4.801251809,4.80125167,4.801251581,4.801251648,4.801251722,4.801251771,4.801251431,4.801251424,4.801251574,4.801251639,4.801251566,4.801251453
+"7495","JCHAIN",6.715759247,7.162447488,7.255694868,7.391902753,7.454692342,6.617586477,8.999178522,3.91025902,7.219673585,6.832467547,7.709957279,6.744041633,8.514576314,7.36833215,6.134731153,6.787808845,7.103039037,7.072981798,7.463113823,6.957606746,9.304730052,3.480431882,7.599603345,7.193837054,7.616391295,6.498274679,8.424790363,6.996802478
+"7496","JDP2",8.183239491,8.183239515,8.183239563,8.183239593,8.183239555,8.183239446,8.183239672,8.183239642,8.183239308,8.183239483,8.183239644,8.183239458,8.183239363,8.183239072,8.18323953,8.183239639,8.183239723,8.183239584,8.183239602,8.183239511,8.183239429,8.183239358,8.183239329,8.183239499,8.183239531,8.183239397,8.183239272,8.183239524
+"7497","JHY",4.633512693,4.633512649,4.633512653,4.633512608,4.633512644,4.633512645,4.633512696,4.633512729,4.633512685,4.633512757,4.633512686,4.633512761,4.633512746,4.633512702,4.633512672,4.633512648,4.633512749,4.633512658,4.633512686,4.633512671,4.63351268,4.63351274,4.633512728,4.633512618,4.63351267,4.633512747,4.633512731,4.633512718
+"7498","JKAMP",7.02022463,7.020224583,7.020224576,7.020224468,7.020224251,7.02022444,7.020224478,7.020224204,7.020224555,7.020224491,7.020224362,7.020224033,7.020224579,7.020224773,7.02022451,7.020224596,7.020224377,7.020224345,7.020224531,7.02022452,7.020224522,7.020224202,7.020224539,7.020224695,7.020224551,7.020224289,7.02022439,7.020224558
+"7499","JMJD1C",8.819983729,8.84167387,8.737775357,8.865457177,8.702845445,8.688888529,8.711050701,8.64958499,8.664978628,8.694125953,8.742636024,8.511254886,8.741220067,8.900366839,8.842571851,8.839620753,8.689477507,8.857678382,8.865987595,8.639900998,8.770297039,8.678848353,8.762749367,8.749445016,8.872638991,8.672919996,8.755824149,8.802065106
+"7500","JMJD1C-AS1",6.115423122,6.115423103,6.115423078,6.11542309,6.115423157,6.115423167,6.115423146,6.115423121,6.115423121,6.115423135,6.115423126,6.115423157,6.115423113,6.115423087,6.115423137,6.115423098,6.115423136,6.115423115,6.115423147,6.115423127,6.115423145,6.115423121,6.115423095,6.115423106,6.115423106,6.115423137,6.115423112,6.115423097
+"7501","JMJD4",6.766899542,6.766899539,6.76689954,6.76689951,6.766899524,6.766899527,6.766899523,6.766899538,6.766899543,6.766899542,6.766899511,6.766899542,6.766899538,6.766899531,6.766899528,6.76689954,6.766899526,6.766899521,6.766899533,6.766899521,6.766899521,6.766899543,6.766899539,6.766899535,6.76689953,6.766899536,6.766899529,6.766899526
+"7502","JMJD6",6.793973458,6.793973474,6.793973458,6.793973472,6.793973441,6.793973439,6.793973435,6.79397346,6.793973445,6.793973467,6.793973472,6.793973383,6.793973439,6.793973434,6.793973446,6.7939735,6.793973409,6.793973471,6.793973434,6.793973437,6.793973413,6.79397343,6.793973461,6.79397345,6.793973484,6.793973442,6.793973474,6.793973455
+"7503","JMJD8",7.010546979,7.010546996,7.010546984,7.01054698,7.010546991,7.010547001,7.010546986,7.010546996,7.010546999,7.010547006,7.010546993,7.010546989,7.010547001,7.010547001,7.010546971,7.010546976,7.010546976,7.010546956,7.010546974,7.010546969,7.010546966,7.010546994,7.010546986,7.010546987,7.01054697,7.010546979,7.010547,7.010547005
+"7504","JMY",5.56232098,5.562320298,5.562319862,5.562320275,5.562320269,5.562320176,5.562320046,5.562320016,5.562321154,5.562321004,5.562318965,5.562320601,5.562321147,5.562321874,5.562320732,5.562320225,5.562319587,5.562319858,5.562320828,5.562319527,5.562320481,5.562320272,5.562320824,5.562320481,5.562319508,5.562320774,5.562320979,5.56232111
+"7505","JOSD1",6.737566129,6.737566289,6.737566018,6.737566078,6.737566008,6.737565934,6.737565922,6.737566056,6.737566177,6.737566245,6.737565915,6.737565831,6.737566168,6.737566461,6.737565939,6.737566239,6.737565877,6.73756592,6.737565973,6.737565924,6.737566014,6.737566049,6.737566201,6.737566225,6.737566021,6.73756608,6.737566132,6.737566283
+"7506","JOSD2",6.320885696,6.320885718,6.320885815,6.320885762,6.320885958,6.320885794,6.320885777,6.320885919,6.320885921,6.320885925,6.320885838,6.320885874,6.320885873,6.320885647,6.320885897,6.320885888,6.320885929,6.320885894,6.320885804,6.320885809,6.320885873,6.320885973,6.320885772,6.320885834,6.320885907,6.320885957,6.320885758,6.320885829
+"7507","JPH1",4.297228889,4.2972289,4.297228924,4.297228922,4.297229001,4.297228895,4.29722893,4.29722898,4.297228932,4.297228907,4.29722889,4.297228978,4.29722891,4.297228927,4.29722897,4.29722891,4.297229018,4.297228929,4.297228968,4.297228924,4.297228972,4.297228999,4.29722894,4.297228896,4.297228897,4.297228955,4.297228919,4.297228934
+"7508","JPH2",5.625251391,5.625251414,5.625251445,5.625251419,5.625251476,5.625251361,5.625251411,5.625251447,5.625251433,5.625251423,5.625251456,5.625251457,5.625251434,5.625251328,5.625251434,5.625251419,5.625251455,5.625251457,5.62525136,5.625251437,5.625251437,5.625251427,5.625251406,5.625251417,5.625251435,5.625251432,5.625251385,5.625251422
+"7509","JPH3",4.722956379,4.722956324,4.722956424,4.722956392,4.722956515,4.722956407,4.722956437,4.722956489,4.722956378,4.722956432,4.722956403,4.722956454,4.722956393,4.722956352,4.722956442,4.722956401,4.722956459,4.722956431,4.722956343,4.722956433,4.722956457,4.722956478,4.722956325,4.722956384,4.722956438,4.722956421,4.722956364,4.722956436
+"7510","JPT1",7.134244738,7.134246087,7.134244874,7.134246507,7.134244507,7.13424453,7.134245012,7.13424506,7.134245423,7.13424495,7.134245076,7.134242847,7.134245311,7.13424515,7.134244811,7.134246094,7.134245183,7.13424588,7.134245488,7.134245087,7.134244543,7.134244859,7.134245934,7.134245641,7.134244772,7.134243568,7.134244917,7.13424455
+"7511","JPT2",6.44927056,6.449270568,6.44927038,6.449270453,6.449270509,6.449270659,6.449270664,6.449270705,6.449270553,6.449270503,6.449270632,6.44927059,6.449270577,6.449270585,6.449270646,6.449270496,6.449270421,6.449270515,6.449270551,6.44927064,6.449270508,6.449270613,6.449270608,6.44927053,6.44927074,6.449270544,6.449270584,6.449270594
+"7512","JPX",3.813955812,3.813955504,3.81395549,3.813955558,3.813955306,3.813955149,3.813955218,3.813954677,3.813955742,3.813955623,3.813955495,3.813954814,3.813955707,3.813956748,3.813955599,3.813955527,3.813955423,3.813955773,3.813955798,3.813955328,3.813955545,3.813955004,3.813955841,3.813955209,3.813955372,3.813954999,3.813955862,3.813956368
+"7513","JRK",7.056547283,7.056547253,7.056547322,7.056547285,7.056547306,7.056547279,7.056547288,7.056547332,7.056547302,7.056547298,7.056547294,7.056547306,7.056547301,7.056547258,7.056547311,7.056547274,7.05654731,7.056547326,7.056547298,7.056547294,7.056547297,7.056547314,7.056547302,7.056547262,7.056547277,7.056547312,7.056547301,7.056547307
+"7514","JRKL",4.684895483,4.684895577,4.684895538,4.684895168,4.684895268,4.684895148,4.684895224,4.684895186,4.684895629,4.684895405,4.684894947,4.684895282,4.684895447,4.684896323,4.684895175,4.684895554,4.684895247,4.684895347,4.684895539,4.684895076,4.684895328,4.684895477,4.6848957,4.684895538,4.684895283,4.684895189,4.684895468,4.684896233
+"7515","JSRP1",6.947328611,6.947328577,6.947328665,6.947328684,6.947328782,6.947328636,6.94732869,6.94732873,6.947328605,6.947328733,6.947328734,6.94732876,6.947328672,6.947328543,6.94732873,6.947328616,6.947328769,6.947328771,6.947328671,6.947328729,6.947328721,6.947328758,6.947328618,6.947328566,6.947328666,6.947328725,6.947328694,6.947328673
+"7516","JTB",8.384795713,8.384794788,8.384796251,8.384795356,8.384795077,8.384796343,8.384796093,8.384795751,8.384795923,8.38479553,8.384795488,8.384795556,8.384795706,8.384795909,8.384795199,8.384794721,8.384795687,8.384794924,8.384795293,8.384796614,8.384795671,8.384795942,8.384796039,8.384795592,8.384795089,8.384795693,8.384795804,8.384795345
+"7517","JUN",5.171157654,5.171157701,5.171157662,5.1711577,5.171157697,5.171157579,5.171157716,5.17115769,5.171157673,5.171157623,5.171157659,5.171157726,5.171157638,5.171157669,5.171157737,5.171157754,5.171157685,5.171157725,5.171157669,5.171157629,5.171157722,5.171157725,5.171157675,5.171157742,5.171157699,5.171157729,5.171157663,5.171157702
+"7518","JUNB",8.247769165,8.247769474,8.247768777,8.247770703,8.247769003,8.247771353,8.247768925,8.24776968,8.247769282,8.247769647,8.247768572,8.247767377,8.247769389,8.247768648,8.247769476,8.247769353,8.247770143,8.247770903,8.247769848,8.247771295,8.247768825,8.247769865,8.247769976,8.247769894,8.247769511,8.247768494,8.247769528,8.247768883
+"7519","JUND",8.09122599,8.091226101,8.091226056,8.09122596,8.091225966,8.091226324,8.091225955,8.091226114,8.091226061,8.091226045,8.091226055,8.091226109,8.091226033,8.091225909,8.091226054,8.091226038,8.091226105,8.091226026,8.09122598,8.091225985,8.0912259,8.091226084,8.091226032,8.091225926,8.091226025,8.09122607,8.091226105,8.091225922
+"7520","JUP",6.446009504,6.445864487,6.4459955,6.445803904,6.446104178,6.445816316,6.445807333,6.445838967,6.445838057,6.445852082,6.446091494,6.445940585,6.445821984,6.445975027,6.44602751,6.445818018,6.445973442,6.445809176,6.446060841,6.445832485,6.445824148,6.445837538,6.445825091,6.445831699,6.446080107,6.445949423,6.445814823,6.445958556
+"7521","KAAG1",4.38737324,4.387373252,4.387373257,4.387373246,4.387373266,4.387373231,4.387373263,4.387373284,4.387373247,4.387373247,4.387373266,4.387373272,4.387373239,4.387373235,4.387373264,4.387373281,4.387373283,4.387373271,4.387373263,4.387373249,4.387373255,4.387373263,4.387373237,4.387373255,4.387373263,4.387373274,4.387373249,4.387373265
+"7522","KALRN",4.733491023,4.733491025,4.733491028,4.733491025,4.733491031,4.73349102,4.733491027,4.733491028,4.733491029,4.733491026,4.733491028,4.733491029,4.733491026,4.733491026,4.733491028,4.733491027,4.733491027,4.733491032,4.733491028,4.733491023,4.733491027,4.733491029,4.733491024,4.733491023,4.73349103,4.733491032,4.733491029,4.733491031
+"7523","KANK1",5.0565251,5.056524795,5.056524334,5.056524745,5.056524896,5.056525006,5.056524519,5.056524419,5.056525223,5.056524764,5.056524335,5.056524551,5.056524726,5.056524597,5.056524954,5.056524428,5.056524622,5.056525,5.056524909,5.056524876,5.056524556,5.05652448,5.056525123,5.056524816,5.05652439,5.056524808,5.056524804,5.056524461
+"7524","KANK2",6.183540793,6.183540386,6.183541343,6.183540755,6.183541153,6.183541089,6.183541223,6.183540374,6.183540969,6.183540881,6.183541446,6.183541261,6.183540518,6.183540081,6.183541428,6.183540771,6.183541679,6.183541171,6.18354062,6.183540965,6.183541192,6.183540642,6.183540599,6.183541024,6.183541268,6.183541205,6.183540637,6.183540583
+"7525","KANK3",6.037824776,6.037824827,6.03782489,6.037824869,6.037824977,6.03782466,6.037824795,6.037825001,6.03782485,6.037824897,6.037824923,6.037824965,6.037824854,6.037824756,6.037824941,6.037824917,6.037824987,6.037824934,6.037824629,6.037824888,6.037824936,6.037825015,6.037824849,6.037824844,6.037824928,6.037824943,6.037824856,6.037824883
+"7526","KANK4",5.156817155,5.156817128,5.156817213,5.156817175,5.156817274,5.156817186,5.156817238,5.156817217,5.156817203,5.156817176,5.156817283,5.156817281,5.156817166,5.156817107,5.15681726,5.156817178,5.156817292,5.156817271,5.156817211,5.156817267,5.156817258,5.156817245,5.156817142,5.156817099,5.156817211,5.156817233,5.156817176,5.156817228
+"7527","KANSL1",8.255463073,8.255463106,8.255462809,8.255463314,8.2554627,8.255463751,8.255463343,8.255462736,8.255462949,8.255463281,8.255462915,8.255462933,8.255463237,8.255463043,8.255463065,8.255463055,8.255462489,8.255463042,8.255463009,8.255463583,8.255463189,8.255462967,8.255463005,8.255463198,8.255463078,8.255463306,8.255463278,8.255462744
+"7528","KANSL1L",5.015725637,5.015725727,5.015725639,5.015725632,5.015725558,5.015725562,5.015725588,5.015725555,5.015725645,5.015725653,5.015725727,5.015725537,5.015725626,5.015725784,5.015725584,5.015725628,5.015725582,5.01572562,5.01572568,5.015725593,5.015725526,5.015725432,5.015725633,5.015725698,5.015725599,5.015725537,5.015725637,5.015725683
+"7529","KANSL2",6.466888308,6.466888241,6.466888209,6.466888252,6.466888125,6.466888148,6.466888175,6.466888187,6.466888262,6.466888256,6.466888156,6.466888094,6.466888237,6.466888316,6.466888269,6.466888118,6.466888172,6.466888141,6.466888275,6.466888169,6.466888154,6.466888151,6.466888242,6.466888222,6.46688808,6.466888162,6.466888229,6.466888232
+"7530","KANSL3",6.911487856,6.911487848,6.911487849,6.911487845,6.911487826,6.911487865,6.911487864,6.911487833,6.911487866,6.911487859,6.911487839,6.911487835,6.911487848,6.911487867,6.911487856,6.91148783,6.911487833,6.911487835,6.911487831,6.911487823,6.911487853,6.911487837,6.911487853,6.911487852,6.911487844,6.911487847,6.911487856,6.911487827
+"7531","KARS1",7.319078571,7.31907796,7.319077751,7.319077276,7.319078004,7.319079949,7.31907862,7.319077878,7.319078717,7.319078244,7.319077397,7.319077448,7.319078342,7.319079089,7.319077739,7.319077428,7.319077283,7.319076728,7.319078025,7.319079581,7.319078046,7.319078078,7.319078675,7.319077684,7.319076693,7.319077861,7.319078393,7.319078376
+"7532","KASH5",5.84085404,5.840854064,5.840854111,5.840854115,5.840854217,5.840854067,5.840854136,5.840854206,5.84085417,5.840854153,5.840854222,5.840854232,5.84085418,5.840854088,5.840854176,5.840854185,5.840854205,5.840854163,5.840854143,5.84085417,5.84085419,5.840854214,5.840854082,5.84085409,5.840854195,5.840854176,5.840854123,5.840854183
+"7533","KAT2A",6.620546326,6.620546304,6.620546343,6.620546325,6.620546386,6.620546383,6.620546346,6.62054634,6.620546406,6.620546366,6.620546362,6.620546422,6.620546405,6.620546384,6.62054634,6.620546324,6.620546347,6.62054638,6.620546357,6.620546339,6.620546365,6.62054641,6.620546363,6.620546336,6.620546269,6.620546429,6.620546369,6.620546336
+"7534","KAT2B",8.693749321,8.693748485,8.693749677,8.693748884,8.693748298,8.693749492,8.693749147,8.693748961,8.693749402,8.693749056,8.693748914,8.693748468,8.693748467,8.69374908,8.693748893,8.693747315,8.6937492,8.693748487,8.69374834,8.693749022,8.693748982,8.693748644,8.693749333,8.693749039,8.693749004,8.69374913,8.693748682,8.69374862
+"7535","KAT5",7.056860847,7.056861002,7.056860895,7.056860926,7.056860883,7.05686091,7.05686084,7.056860947,7.05686095,7.056860955,7.056860922,7.056860762,7.056860987,7.05686089,7.056860911,7.056860882,7.056860873,7.056860855,7.056860893,7.056861007,7.056860875,7.056860861,7.056860915,7.056861003,7.056860939,7.056860957,7.056860931,7.056860922
+"7536","KAT6A",8.738809421,8.738809656,8.738809198,8.738810096,8.738809196,8.738809502,8.738809404,8.738809146,8.738809348,8.738809353,8.738809423,8.738808882,8.738809481,8.738809732,8.738809524,8.738809663,8.738809071,8.738809897,8.738809425,8.738809545,8.738809423,8.738809042,8.738809611,8.738809585,8.73880949,8.738809261,8.73880953,8.73880933
+"7537","KAT6B",6.579181778,6.579181463,6.579181348,6.579181297,6.579181407,6.579181232,6.579181354,6.579181359,6.579181832,6.579181586,6.579181028,6.57918154,6.579181787,6.579182149,6.579181524,6.579181443,6.579180648,6.57918134,6.57918152,6.57918056,6.579181328,6.579181375,6.579181922,6.579181673,6.579181458,6.579181857,6.5791818,6.579181902
+"7538","KAT7",8.287992702,8.287992578,8.287992524,8.287992589,8.287992539,8.287992832,8.287992651,8.287992593,8.28799278,8.287992701,8.287992487,8.28799251,8.287992669,8.287992839,8.287992762,8.287992478,8.287992387,8.287992556,8.287992659,8.28799272,8.2879926,8.287992601,8.287992708,8.287992678,8.28799257,8.287992678,8.287992746,8.287992731
+"7539","KAT8",7.196754288,7.196754377,7.196754366,7.196754336,7.196754239,7.196754341,7.196754252,7.196754279,7.19675433,7.196754343,7.196754251,7.196754239,7.196754338,7.196754376,7.196754238,7.196754318,7.196754302,7.196754244,7.196754272,7.196754342,7.19675422,7.19675427,7.196754328,7.196754346,7.196754193,7.196754277,7.196754329,7.196754324
+"7540","KATNA1",4.811911299,4.811911343,4.811911066,4.811911024,4.811911089,4.81191098,4.811911116,4.811911066,4.811911195,4.811911208,4.811910972,4.811911172,4.811911289,4.81191157,4.811911025,4.811911147,4.811910875,4.811910911,4.811911104,4.811911131,4.811911144,4.811911111,4.811911053,4.811911233,4.811911006,4.811911096,4.811911242,4.811911266
+"7541","KATNAL1",5.173489334,5.173489336,5.173489281,5.173489285,5.17348927,5.173489264,5.173489306,5.173489294,5.173489276,5.173489267,5.173489304,5.173489225,5.173489274,5.173489329,5.173489292,5.173489313,5.173489234,5.173489258,5.173489236,5.173489262,5.173489256,5.173489249,5.17348928,5.173489314,5.173489257,5.173489281,5.17348929,5.17348931
+"7542","KATNAL2",4.224354189,4.224354153,4.224354127,4.224354112,4.224354193,4.224354146,4.224354224,4.224354134,4.22435409,4.224354187,4.224354184,4.224354179,4.224354128,4.224354103,4.224354129,4.224354205,4.224354199,4.224354132,4.224354207,4.224354166,4.224354155,4.224354133,4.224354201,4.224354146,4.224354202,4.224354234,4.224354167,4.224354138
+"7543","KATNB1",6.629891735,6.62989186,6.629891708,6.629891893,6.629891801,6.629891945,6.629891781,6.629891727,6.629891716,6.629891771,6.629891698,6.62989158,6.629891759,6.629891679,6.629891824,6.629891876,6.62989187,6.629891895,6.629891972,6.62989194,6.62989181,6.629891803,6.629891846,6.629891783,6.629891732,6.629891749,6.629891764,6.629891511
+"7544","KATNBL1",6.293435843,6.293434754,6.293434843,6.293436388,6.293433461,6.293433642,6.293435052,6.293434173,6.293434601,6.293434678,6.293436565,6.29343417,6.293435287,6.293435517,6.29343541,6.293433642,6.293433584,6.293435949,6.293434286,6.293431276,6.2934356,6.293434151,6.293434687,6.293436512,6.293436509,6.293434091,6.293435325,6.293434966
+"7545","KATNIP",6.607225252,6.607225297,6.607225159,6.607225407,6.607225127,6.607225418,6.60722524,6.607225253,6.60722518,6.607225143,6.607225277,6.607225126,6.607225217,6.607225223,6.607225305,6.607225277,6.607225127,6.607225314,6.607225326,6.607225474,6.60722519,6.607225119,6.60722521,6.607225393,6.607225372,6.607225163,6.607225252,6.607225161
+"7546","KAZALD1",5.703348798,5.70334876,5.703348835,5.703348728,5.703348904,5.703348754,5.703348885,5.703348868,5.70334883,5.703348829,5.70334887,5.703348925,5.703348829,5.703348754,5.703348916,5.703348844,5.703348955,5.703348858,5.703348863,5.703348822,5.703348893,5.703348897,5.703348787,5.703348753,5.70334886,5.703348827,5.703348799,5.70334881
+"7547","KAZN",5.1594737835,5.1594738855,5.1594739005,5.1594739665,5.15947392,5.1594738025,5.159473931,5.1594739425,5.1594739125,5.1594738025,5.1594739415,5.1594740085,5.1594738925,5.1594737565,5.1594739805,5.1594739165,5.15947397,5.159473996,5.159473899,5.1594739555,5.1594739275,5.1594739325,5.1594738505,5.159473833,5.1594739155,5.1594738045,5.159473885,5.159473927
+"7548","KBTBD11",6.088748537,6.088748553,6.088748551,6.088748529,6.088748582,6.088748578,6.088748558,6.088748543,6.088748562,6.088748578,6.088748582,6.088748567,6.088748543,6.08874851,6.088748575,6.088748563,6.088748568,6.08874855,6.08874855,6.088748564,6.088748561,6.088748561,6.08874855,6.088748543,6.08874854,6.088748568,6.088748552,6.088748551
+"7549","KBTBD12",4.051318825,4.051319415,4.051319019,4.051319039,4.05131904,4.051319321,4.051319133,4.051319405,4.051319438,4.051319569,4.051319436,4.051319563,4.051318719,4.051318904,4.051319166,4.051319642,4.051319928,4.051319154,4.051318971,4.051319141,4.051319199,4.051319522,4.051319264,4.051319314,4.05131906,4.051319079,4.051319001,4.051319293
+"7550","KBTBD13",5.316919644,5.316919654,5.316919808,5.316919762,5.316920053,5.316919818,5.316919843,5.316919903,5.316919855,5.316919868,5.316919884,5.31692004,5.316919812,5.316919557,5.316919963,5.316919865,5.31692,5.316919956,5.316919861,5.316919811,5.316919852,5.316919937,5.316919678,5.316919716,5.316919932,5.316919997,5.316919889,5.316919892
+"7551","KBTBD2",7.674600539,7.674600891,7.674600127,7.674600502,7.674599426,7.674600118,7.674599696,7.67459996,7.674600066,7.67459967,7.674600018,7.674598723,7.674600547,7.674601389,7.674600516,7.67460066,7.674599793,7.674600477,7.674600504,7.6746005,7.674600226,7.67460018,7.674600501,7.674600628,7.674600232,7.674599817,7.674600579,7.674600593
+"7552","KBTBD3",3.698746074,3.698746005,3.698745954,3.698745886,3.698745987,3.698746011,3.698746024,3.698745975,3.698746065,3.698746042,3.698745957,3.698746116,3.69874599,3.69874622,3.698746111,3.698745987,3.698746092,3.698746014,3.698745913,3.698746071,3.698745945,3.698746029,3.698746063,3.698746068,3.698745923,3.698745953,3.698745921,3.698746162
+"7553","KBTBD4",6.97514226,6.97514221,6.975142246,6.975142241,6.975142232,6.975142212,6.975142236,6.975142241,6.975142256,6.975142245,6.975142218,6.975142218,6.97514223,6.975142264,6.975142267,6.975142184,6.975142221,6.975142234,6.975142249,6.975142203,6.97514223,6.975142234,6.975142254,6.975142262,6.975142199,6.975142218,6.975142244,6.975142266
+"7554","KBTBD6",6.317347534,6.317347538,6.317347583,6.317347557,6.317347566,6.317347547,6.317347557,6.317347612,6.317347648,6.317347575,6.317347592,6.317347618,6.317347525,6.317347678,6.317347613,6.317347538,6.317347587,6.317347584,6.317347562,6.31734757,6.317347574,6.317347625,6.317347635,6.317347527,6.317347478,6.317347581,6.31734757,6.317347665
+"7555","KBTBD7",6.317967804,6.317968349,6.317967626,6.317968366,6.317966721,6.317966876,6.317967224,6.317966733,6.317966936,6.317966829,6.317967995,6.317966525,6.31796757,6.317967515,6.317967129,6.317968049,6.317967176,6.317967769,6.31796792,6.317967016,6.317967055,6.317966279,6.317968043,6.317967821,6.31796826,6.317966495,6.317967786,6.317967623
+"7556","KBTBD8",4.591541123,4.591541006,4.591540972,4.591540706,4.591540983,4.591540732,4.591541207,4.591540699,4.591541017,4.591540894,4.591540877,4.591541009,4.591540898,4.591541505,4.591541117,4.591540892,4.591541083,4.591540821,4.591540854,4.591540936,4.591540893,4.591540941,4.591540792,4.591541115,4.59154102,4.591540851,4.59154093,4.591541326
+"7557","KCMF1",8.171516761,8.171516818,8.171516545,8.171516838,8.171516112,8.171516903,8.171516722,8.17151665,8.171516688,8.17151655,8.171516465,8.171516089,8.171516534,8.17151691,8.17151642,8.171516618,8.171516504,8.171516634,8.171516574,8.171517291,8.171516717,8.171516659,8.17151693,8.171516921,8.171516554,8.171516438,8.171516689,8.171516563
+"7558","KCNA1",5.473122411,5.473122418,5.473122831,5.47312259,5.473122998,5.473123121,5.47312286,5.473122871,5.473122653,5.473122768,5.473122703,5.473123176,5.473122553,5.473122293,5.47312293,5.473122502,5.473122969,5.473122554,5.473122724,5.473122739,5.473122882,5.473122974,5.47312257,5.473122642,5.473122561,5.473122951,5.47312274,5.473122642
+"7559","KCNA10",4.99492193,4.994921935,4.994921904,4.994921987,4.994921993,4.994922031,4.994921973,4.994922042,4.994921964,4.994921913,4.994921985,4.994922018,4.994921964,4.994921898,4.99492197,4.994921964,4.994922062,4.994921975,4.994921958,4.994922008,4.994921971,4.994922007,4.994921946,4.994921943,4.994921981,4.994921981,4.994921946,4.994921976
+"7560","KCNA2",3.788501336,3.788501321,3.788501293,3.788501327,3.788501417,3.78850139,3.78850139,3.788501319,3.788501273,3.788501316,3.78850137,3.788501358,3.788501305,3.788501329,3.788501348,3.788501359,3.7885015,3.788501346,3.788501338,3.788501334,3.78850139,3.788501426,3.78850131,3.788501314,3.788501389,3.788501336,3.788501308,3.788501329
+"7561","KCNA3",7.733256254,7.733255615,7.733254713,7.733254927,7.733255402,7.733255089,7.733255441,7.73325542,7.733256162,7.733255917,7.733255061,7.733255142,7.733255901,7.73325623,7.733255654,7.733254873,7.733254066,7.733255126,7.733255495,7.733255071,7.733255464,7.73325539,7.733256219,7.733255629,7.733255153,7.73325553,7.733256146,7.733255899
+"7562","KCNA4",4.626628385,4.626628414,4.626628447,4.62662842,4.626628518,4.626628415,4.626628474,4.626628452,4.626628417,4.62662845,4.626628446,4.626628522,4.626628438,4.626628371,4.626628467,4.62662841,4.626628476,4.62662844,4.62662845,4.626628484,4.626628497,4.626628512,4.626628394,4.626628416,4.626628441,4.626628467,4.626628378,4.626628459
+"7563","KCNA5",4.925910569,4.925910581,4.925910625,4.925910566,4.925910646,4.925910551,4.925910593,4.925910659,4.925910656,4.925910641,4.925910643,4.925910629,4.925910584,4.925910539,4.925910627,4.92591061,4.925910664,4.925910658,4.925910604,4.925910595,4.925910612,4.925910624,4.925910598,4.925910552,4.925910661,4.925910638,4.925910577,4.925910629
+"7564","KCNA6",5.252830934,5.252830968,5.252831038,5.252830996,5.252831033,5.252830973,5.252831062,5.252831115,5.25283104,5.252830983,5.25283095,5.252831006,5.252830966,5.252830924,5.252831021,5.252831109,5.252831096,5.252830992,5.252830881,5.252830923,5.252831029,5.252830992,5.252830929,5.252830978,5.252831119,5.252831002,5.252830954,5.252831048
+"7565","KCNA7",4.680094225,4.680094401,4.680094502,4.68009462,4.680094589,4.680094546,4.680094519,4.680094575,4.680094448,4.680094518,4.680094443,4.680094573,4.680094398,4.680094367,4.680094659,4.680094406,4.680094416,4.680094784,4.6800944,4.680094521,4.680094503,4.680094517,4.68009434,4.680094354,4.680094254,4.680094355,4.680094417,4.680094374
+"7566","KCNAB1",3.604579028,3.604579082,3.604579201,3.604579053,3.604579173,3.604579071,3.604579164,3.604579106,3.604579194,3.604579063,3.604578993,3.604579254,3.604579058,3.604578964,3.604579056,3.604579104,3.604579234,3.604579114,3.604579157,3.604579201,3.604579175,3.604579132,3.604579098,3.604579149,3.604579056,3.604579123,3.604579043,3.60457911
+"7567","KCNAB2",8.586365791,8.586365725,8.586365745,8.586365766,8.586365727,8.586365824,8.586365783,8.586365786,8.586365837,8.586365798,8.586365676,8.58636567,8.586365802,8.586365739,8.586365745,8.586365677,8.586365662,8.586365663,8.586365759,8.586365669,8.586365733,8.586365733,8.58636581,8.586365784,8.586365717,8.58636572,8.586365824,8.586365621
+"7568","KCNAB3",4.805950318,4.805950297,4.805950342,4.805950344,4.805950342,4.80595037,4.805950356,4.805950374,4.805950351,4.805950323,4.805950343,4.805950356,4.805950303,4.805950321,4.805950335,4.805950343,4.805950386,4.805950363,4.805950368,4.805950332,4.80595032,4.805950371,4.805950348,4.805950302,4.805950346,4.805950353,4.805950317,4.805950318
+"7569","KCNB1",4.687532735,4.687532791,4.687532805,4.687532862,4.687532964,4.68753281,4.687532711,4.687532746,4.687532747,4.6875329,4.687532757,4.687533079,4.687532809,4.687532627,4.687532844,4.687532784,4.687532948,4.687532912,4.687532825,4.687532785,4.687532798,4.687532846,4.68753281,4.687532788,4.687532837,4.687532805,4.687532782,4.687532799
+"7570","KCNB2",4.231731393,4.231731436,4.231731579,4.231731468,4.231731524,4.231731386,4.231731569,4.231731513,4.231731402,4.231731487,4.231731531,4.2317318,4.231731517,4.231731414,4.231731545,4.231731497,4.231731718,4.231731628,4.231731526,4.231731518,4.231731697,4.231731692,4.231731307,4.231731403,4.231731469,4.231731706,4.231731451,4.231731483
+"7571","KCNC1",6.092028035,6.092027844,6.092028139,6.092028102,6.092028787,6.092028481,6.092028336,6.092028221,6.092028261,6.092028351,6.092028827,6.0920288,6.092028015,6.092027396,6.092028461,6.09202797,6.092028664,6.092028409,6.092028216,6.092028362,6.092028346,6.092028577,6.092027966,6.09202792,6.092028144,6.092028503,6.092028191,6.0920286
+"7572","KCNC2",4.805671115,4.805671169,4.805671311,4.805671192,4.805671465,4.805671211,4.805671299,4.805671397,4.80567111,4.805671244,4.805671313,4.805671542,4.805671273,4.80567108,4.805671489,4.805671371,4.805671495,4.805671384,4.805671267,4.805671256,4.805671383,4.805671384,4.805671221,4.805671184,4.805671327,4.805671293,4.80567121,4.80567131
+"7573","KCNC3",5.979152311,5.979152281,5.979152379,5.979152296,5.979152447,5.979152215,5.979152291,5.979152418,5.979152301,5.979152323,5.979152424,5.97915248,5.979152375,5.979152199,5.979152413,5.979152403,5.979152405,5.979152447,5.979152365,5.979152387,5.979152365,5.979152422,5.979152302,5.979152336,5.979152414,5.979152368,5.979152341,5.979152361
+"7574","KCNC4",5.847205239,5.847205244,5.847205285,5.847205344,5.847205433,5.847205327,5.847205306,5.847205442,5.847205455,5.847205427,5.847205327,5.847205697,5.847205285,5.847205277,5.847205438,5.847205268,5.847205455,5.847205205,5.847205181,5.847205409,5.847205313,5.847205454,5.847205424,5.847205354,5.847205361,5.847205379,5.847205301,5.84720537
+"7575","KCND1",4.869976001,4.869976039,4.869976093,4.869976076,4.869976099,4.869976096,4.869976103,4.869976068,4.869976052,4.869976082,4.869976068,4.869976084,4.869976053,4.869976037,4.869976077,4.869976087,4.869976097,4.869976089,4.869976102,4.869976059,4.8699761,4.869976102,4.869976069,4.869976054,4.869976055,4.869976093,4.869976061,4.869976068
+"7576","KCND2",3.329356543,3.32935657,3.329356549,3.329356569,3.329356637,3.329356605,3.329356623,3.329356586,3.329356651,3.329356525,3.329356613,3.329356683,3.329356606,3.329356543,3.329356684,3.329356581,3.3293566,3.329356627,3.329356558,3.329356615,3.329356626,3.329356673,3.329356521,3.329356525,3.329356573,3.329356571,3.329356562,3.329356532
+"7577","KCND3",4.167879482,4.167879926,4.16787975,4.167879932,4.167880074,4.167879818,4.167879509,4.167879795,4.167879912,4.167879897,4.167879911,4.167879993,4.167879759,4.167879498,4.167879826,4.16787966,4.167880043,4.16787996,4.167879734,4.167879812,4.167879813,4.167879805,4.167879572,4.167879843,4.167879731,4.167879852,4.167879462,4.167879758
+"7578","KCNE2",3.635498972,3.635498975,3.635499098,3.635499042,3.635499123,3.635498997,3.63549912,3.635499078,3.635499037,3.635498997,3.635499097,3.635499096,3.63549906,3.635499039,3.635499127,3.635498956,3.635499078,3.635499162,3.635499092,3.635499048,3.635499051,3.635499073,3.635499161,3.635499101,3.6354991,3.635499069,3.635499111,3.635499093
+"7579","KCNE3",6.642817551,6.642817508,6.642817066,6.642817878,6.642817005,6.642817485,6.642817467,6.64281673,6.642816825,6.642817083,6.642817522,6.64281613,6.642817418,6.64281723,6.642817256,6.64281752,6.642817461,6.642817734,6.642817447,6.642817519,6.642817498,6.642817128,6.642817452,6.642817519,6.642817693,6.642816948,6.642816989,6.642816688
+"7580","KCNE4",4.36369988,4.363699745,4.363700062,4.363699545,4.3637005,4.363699759,4.363700177,4.363700503,4.363700085,4.363700316,4.363700335,4.363700557,4.363699957,4.36369967,4.36370063,4.363699831,4.363700538,4.363700056,4.363700022,4.36369979,4.363700498,4.363700658,4.363699668,4.363699715,4.363699621,4.363700313,4.363700203,4.363700145
+"7581","KCNE5",5.634227307,5.634227332,5.634227331,5.634227357,5.634227525,5.634227328,5.634227452,5.634227408,5.634227343,5.634227415,5.634227417,5.63422751,5.634227301,5.634227171,5.634227441,5.634227353,5.634227477,5.634227405,5.634227341,5.634227416,5.634227429,5.634227382,5.634227372,5.63422731,5.634227325,5.634227371,5.634227262,5.634227362
+"7582","KCNF1",5.871939727,5.871939723,5.87193995,5.871939971,5.871940284,5.871939904,5.871939874,5.871940146,5.871940015,5.87194021,5.871940091,5.871940404,5.871939837,5.871939531,5.871940006,5.871939838,5.871940109,5.871940099,5.871939976,5.871939973,5.871939991,5.871940014,5.871939798,5.871939883,5.871940036,5.871940168,5.871939855,5.871939996
+"7583","KCNG1",5.769575279,5.769575483,5.7695756415,5.769575627,5.769575852,5.769575453,5.769575555,5.7695756995,5.7695753855,5.7695756875,5.7695756245,5.769575798,5.769575544,5.7695755005,5.769575829,5.7695755995,5.7695755725,5.769575721,5.769575547,5.769575634,5.76957561,5.7695756835,5.769575247,5.769575518,5.7695754885,5.7695754695,5.769575396,5.769575743
+"7584","KCNG2",6.304703258,6.304703171,6.304703273,6.304703359,6.304703471,6.304703213,6.304703338,6.304703347,6.304703088,6.304703299,6.304703366,6.304703444,6.304703284,6.304703084,6.304703368,6.304703319,6.30470352,6.304703353,6.304703348,6.30470326,6.304703425,6.304703341,6.304703212,6.30470321,6.304703237,6.304703345,6.304703257,6.304703231
+"7585","KCNG3",4.919553736,4.919553772,4.919553913,4.919553699,4.91955428,4.919553848,4.919554122,4.919553976,4.919553891,4.919554047,4.919554204,4.919554464,4.919553692,4.919553485,4.919554202,4.919553873,4.919554269,4.919554119,4.919554055,4.91955378,4.919554147,4.919554201,4.919553919,4.91955363,4.919553854,4.919554242,4.91955382,4.919553995
+"7586","KCNG4",5.630124408,5.630124382,5.630124506,5.630124457,5.630124463,5.630124283,5.630124394,5.630124526,5.630124464,5.630124427,5.630124474,5.6301245,5.63012447,5.630124275,5.63012446,5.630124524,5.630124516,5.630124505,5.630124389,5.630124433,5.630124474,5.630124491,5.630124407,5.630124451,5.630124506,5.630124446,5.630124481,5.630124467
+"7587","KCNH1",3.788116454,3.788116475,3.788116502,3.788116484,3.788116534,3.788116486,3.7881165,3.788116536,3.788116504,3.78811649,3.788116484,3.788116542,3.788116483,3.788116495,3.788116534,3.788116508,3.788116593,3.788116541,3.788116564,3.788116493,3.78811653,3.788116581,3.788116514,3.788116496,3.788116517,3.788116481,3.788116486,3.788116504
+"7588","KCNH2",5.936476063,5.936476085,5.936476097,5.936476078,5.93647611,5.936476074,5.936476091,5.936476108,5.936476093,5.936476082,5.936476108,5.936476087,5.936476085,5.936476065,5.936476093,5.936476096,5.936476109,5.936476087,5.936476084,5.936476096,5.936476086,5.936476091,5.936476088,5.936476083,5.936476083,5.936476069,5.936476077,5.936476077
+"7589","KCNH3",6.29618694,6.296187007,6.296187087,6.296187053,6.296187064,6.296186943,6.296186979,6.296187018,6.296187055,6.296187038,6.296187056,6.296187069,6.296186989,6.296186911,6.296187068,6.29618695,6.296187115,6.296187087,6.296187111,6.296187042,6.296186999,6.296187067,6.296187012,6.296186977,6.296187059,6.296187089,6.296186975,6.296187061
+"7590","KCNH4",5.261435174,5.261435117,5.261435393,5.26143535,5.261435467,5.261435387,5.261435299,5.261435503,5.261435249,5.261435475,5.261435428,5.261435327,5.261435506,5.261435284,5.261435554,5.261435563,5.26143555,5.261435449,5.261435355,5.261435268,5.261435515,5.26143554,5.261435239,5.261435176,5.261435301,5.261435346,5.261435287,5.261435529
+"7591","KCNH5",3.086847635,3.086847633,3.086847648,3.086847708,3.086847658,3.086847604,3.086847676,3.086847701,3.086847624,3.086847651,3.086847686,3.086847777,3.086847634,3.086847645,3.08684767,3.08684771,3.086847692,3.086847743,3.086847649,3.086847657,3.086847669,3.086847677,3.086847598,3.08684759,3.086847682,3.086847638,3.086847615,3.086847655
+"7592","KCNH6",4.926126834,4.926127019,4.926126984,4.926126908,4.926127401,4.926126903,4.926127199,4.926127055,4.926127001,4.926127028,4.926127132,4.926127128,4.926126805,4.926126628,4.926127292,4.926127271,4.926127409,4.926127313,4.926127137,4.926127006,4.926127327,4.92612729,4.926126735,4.926126601,4.92612729,4.926127203,4.926127052,4.926127216
+"7593","KCNH7",3.775056343,3.775056346,3.775056336,3.775056374,3.775056372,3.775056377,3.77505636,3.775056376,3.775056359,3.775056367,3.775056363,3.775056347,3.775056356,3.77505635,3.775056376,3.775056373,3.775056376,3.77505637,3.77505637,3.775056359,3.775056353,3.775056371,3.775056372,3.775056373,3.775056348,3.775056355,3.775056369,3.775056355
+"7594","KCNH8",4.060059581,4.060059449,4.060059548,4.06005944,4.060059551,4.060059504,4.060059449,4.060059421,4.060059444,4.060059525,4.060059476,4.060059592,4.060059509,4.06005959,4.060059586,4.060059533,4.060059515,4.060059448,4.060059416,4.060059416,4.06005952,4.060059489,4.060059441,4.060059537,4.060059395,4.060059573,4.060059431,4.060059668
+"7595","KCNIP1",3.841724481,3.841724555,3.841724521,3.841724504,3.841724512,3.841724552,3.841724644,3.841724691,3.841724679,3.841724695,3.841724646,3.841724786,3.841724707,3.841724506,3.841724676,3.841724555,3.841724718,3.841724544,3.841724691,3.841724542,3.841724423,3.841724593,3.841724491,3.841724633,3.84172472,3.841724489,3.84172473,3.841724512
+"7596","KCNIP2",5.259768453,5.259768466,5.259768468,5.259768314,5.259768499,5.259768479,5.259768447,5.25976847,5.259768394,5.259768444,5.259768523,5.259768483,5.259768472,5.259768424,5.259768508,5.259768481,5.259768549,5.259768396,5.259768383,5.259768521,5.259768522,5.259768494,5.259768266,5.25976845,5.259768468,5.259768467,5.25976843,5.259768427
+"7597","KCNIP3",5.151016507,5.151016433,5.15101653,5.151016535,5.151016568,5.15101648,5.15101653,5.151016589,5.151016518,5.151016522,5.15101657,5.151016614,5.151016476,5.151016435,5.151016613,5.151016501,5.151016606,5.151016591,5.151016549,5.151016536,5.151016613,5.15101661,5.15101647,5.151016528,5.151016521,5.151016566,5.151016474,5.15101658
+"7598","KCNIP4",3.013879406,3.013879351,3.013879395,3.013879366,3.01387935,3.013879377,3.013879327,3.013879396,3.013879347,3.013879329,3.013879413,3.013879445,3.013879326,3.013879347,3.013879357,3.013879364,3.013879402,3.013879382,3.013879383,3.013879372,3.013879373,3.013879351,3.013879365,3.01387935,3.013879361,3.01387936,3.013879367,3.013879367
+"7599","KCNJ1",3.355803887,3.355803955,3.355803953,3.355803955,3.355803998,3.355803897,3.35580391,3.355803981,3.355803984,3.35580394,3.355803958,3.355803973,3.355803976,3.355803955,3.355803899,3.355803899,3.355803981,3.355803949,3.355803946,3.355803968,3.355803929,3.355803953,3.355803967,3.355803951,3.35580393,3.355803938,3.35580395,3.355803979
+"7600","KCNJ10",4.443763671,4.443763675,4.443763769,4.44376368,4.443763862,4.443763773,4.443763818,4.44376381,4.443763881,4.443763676,4.443763755,4.443763851,4.443763697,4.443763641,4.44376385,4.443763712,4.443763856,4.443763731,4.443763783,4.443763778,4.443763823,4.443763783,4.443763686,4.443763666,4.443763763,4.443763767,4.44376363,4.443763791
+"7601","KCNJ11",4.731342603,4.731342627,4.731342774,4.73134274,4.731342819,4.731342645,4.731342732,4.731342814,4.731342768,4.731342673,4.731342711,4.73134266,4.73134269,4.731342487,4.731342804,4.73134271,4.731342756,4.731342584,4.731342732,4.731342675,4.73134275,4.73134282,4.73134258,4.7313426,4.731342752,4.731342729,4.731342738,4.731342658
+"7602","KCNJ13",3.306590061,3.306590102,3.306590126,3.306590108,3.306590108,3.306590085,3.306590102,3.306590111,3.306590091,3.306590126,3.306590107,3.306590117,3.306590119,3.306590105,3.3065901,3.306590117,3.306590153,3.306590086,3.30659014,3.306590131,3.306590088,3.306590115,3.306590132,3.306590091,3.306590099,3.306590133,3.306590077,3.306590108
+"7603","KCNJ14",5.181209456,5.181209807,5.181209892,5.181209727,5.181209931,5.181209809,5.181209419,5.181209693,5.181209829,5.181209672,5.181209803,5.181209767,5.181209609,5.181209519,5.1812097,5.181209524,5.181209649,5.181209691,5.181209485,5.181209759,5.181209707,5.181209659,5.181209647,5.181209628,5.181209749,5.181209623,5.181209684,5.181209508
+"7604","KCNJ15",8.224358631,8.818346414,8.299465814,9.289249413,7.829811152,9.546480933,8.977674564,8.167104873,8.542475411,8.302646772,7.845556358,8.15177671,8.213769963,8.150777463,8.297570524,8.857187499,8.619196603,9.081355287,8.6136639,9.795548129,9.066778368,8.356288725,9.000346427,8.918740324,8.337555431,8.388555952,8.2460033,7.839408021
+"7605","KCNJ16",3.769450021,3.769450052,3.769450378,3.769450427,3.769450345,3.769449853,3.769450224,3.769450316,3.76944997,3.769449967,3.769450215,3.769450444,3.769450135,3.769449925,3.769450092,3.769450515,3.769450669,3.769450391,3.769450023,3.769450266,3.769450251,3.769450366,3.769450205,3.769450304,3.769450212,3.769450068,3.769450024,3.769450077
+"7606","KCNJ2",8.299049802,8.796199485,8.272980427,8.9986752,7.854400083,8.949413763,8.490589999,8.417716116,8.470147066,8.484813486,8.392712147,7.276338897,8.3137907,8.635390387,8.37620988,8.575493703,8.371638733,8.777022963,8.385609241,9.087946544,8.239501678,8.521247081,8.77929822,8.629067194,8.362196279,7.28629814,8.10886643,8.388873673
+"7607","KCNJ3",4.506417927,4.506418109,4.506418111,4.506418073,4.506418097,4.506418263,4.506417979,4.506418059,4.506418056,4.506418041,4.50641819,4.506418155,4.506418097,4.506418115,4.506418171,4.506418199,4.506418126,4.506418201,4.506418153,4.506418249,4.506418102,4.506418174,4.50641809,4.50641811,4.506418092,4.506418053,4.506418103,4.506418023
+"7608","KCNJ4",6.950018581,6.950018578,6.950018918,6.950018598,6.950019641,6.950018488,6.950018921,6.950019087,6.950018726,6.950018943,6.950018964,6.950019145,6.950018608,6.950018443,6.950019354,6.950019038,6.950019359,6.950019118,6.950018903,6.950018772,6.950019499,6.950019415,6.950018606,6.950018385,6.950018875,6.950019176,6.95001853,6.950019082
+"7609","KCNJ5",5.127782746,5.127782807,5.127782918,5.127782841,5.127782997,5.127782751,5.127782953,5.127782933,5.127782938,5.1277828,5.12778289,5.12778305,5.127782892,5.127782742,5.127782952,5.127782917,5.127782978,5.127782932,5.127782885,5.127782847,5.127782951,5.12778296,5.127782807,5.127782868,5.127782935,5.127782896,5.127782849,5.127782926
+"7610","KCNJ5-AS1",4.189401521,4.189401529,4.189401531,4.189401539,4.189401557,4.189401512,4.18940151,4.189401559,4.189401528,4.189401538,4.189401531,4.189401523,4.189401535,4.189401525,4.189401547,4.189401565,4.189401542,4.189401543,4.189401529,4.189401531,4.189401544,4.189401559,4.189401534,4.189401542,4.189401542,4.189401533,4.189401539,4.189401548
+"7611","KCNJ6",3.52173782,3.521737591,3.521737936,3.521737899,3.521737814,3.52173798,3.521737654,3.521737869,3.521737819,3.521737844,3.521737673,3.521737888,3.521737819,3.521737727,3.521737839,3.521737971,3.521737891,3.521737631,3.521737768,3.52173795,3.521737829,3.521737861,3.521737778,3.52173767,3.521737829,3.521737783,3.521737924,3.521737724
+"7612","KCNJ8",4.545393224,4.545393241,4.545393249,4.545393251,4.545393262,4.545393211,4.545393227,4.545393254,4.54539325,4.545393257,4.545393265,4.545393263,4.545393239,4.54539322,4.545393255,4.545393251,4.545393271,4.545393259,4.545393235,4.54539323,4.54539325,4.545393248,4.545393235,4.54539324,4.545393249,4.545393249,4.545393237,4.545393261
+"7613","KCNJ9",5.255849231,5.255849349,5.255849421,5.255849378,5.255849704,5.255849439,5.255849548,5.25584958,5.255849436,5.255849514,5.255849366,5.255849777,5.255849446,5.255849067,5.255849568,5.255849519,5.25584974,5.255849455,5.255849418,5.255849497,5.255849633,5.25584959,5.255849316,5.255849311,5.255849446,5.255849531,5.255849353,5.2558496
+"7614","KCNK1",4.422566143,4.422566197,4.422566223,4.422566187,4.422566146,4.422566239,4.422566151,4.422566161,4.422566158,4.422566206,4.422566157,4.422566164,4.422566176,4.422566086,4.422566149,4.42256616,4.422566161,4.422566186,4.422566148,4.422566207,4.422566131,4.422566178,4.422566148,4.422566219,4.422566182,4.422566129,4.422566214,4.422566092
+"7615","KCNK10",4.303376488,4.303376482,4.303376528,4.303376509,4.303376522,4.303376478,4.303376513,4.303376484,4.303376495,4.303376479,4.30337651,4.303376539,4.303376494,4.303376484,4.303376511,4.303376492,4.303376518,4.303376503,4.303376493,4.303376493,4.303376526,4.303376521,4.303376474,4.303376483,4.303376477,4.303376495,4.30337648,4.303376495
+"7616","KCNK12",6.19532095,6.195320964,6.195321474,6.195321098,6.195321712,6.19532103,6.195321221,6.195321543,6.195320741,6.195320986,6.195320898,6.19532174,6.195321052,6.195320526,6.19532158,6.195321055,6.195321856,6.195321357,6.195321205,6.195321112,6.195321649,6.195321593,6.195320733,6.195320844,6.19532113,6.195321462,6.195321156,6.195321301
+"7617","KCNK13",5.877102322,5.877102448,5.877102623,5.877102577,5.877102975,5.877102499,5.877102701,5.877102722,5.877102604,5.877102659,5.877102754,5.877102964,5.877102559,5.877102075,5.877102826,5.877102652,5.877102929,5.877102626,5.877102704,5.877102467,5.877102854,5.877102804,5.877102394,5.877102318,5.877102705,5.877102816,5.877102602,5.877102723
+"7618","KCNK15",6.640420267,6.640420298,6.64042068,6.640420563,6.640421121,6.640420291,6.64042077,6.640420824,6.640420441,6.640420666,6.640420939,6.640421259,6.64042057,6.640419814,6.640420712,6.64042054,6.640421061,6.640420678,6.640420646,6.640420673,6.640420779,6.640420693,6.640420305,6.640420266,6.640420658,6.640420713,6.640420392,6.640420513
+"7619","KCNK16",5.39214909,5.392148991,5.392149211,5.392149276,5.392149365,5.392149111,5.392149151,5.39214937,5.392149238,5.392149096,5.392149235,5.392149207,5.392149272,5.392148859,5.392149317,5.392149132,5.392149393,5.3921494,5.392149127,5.392149255,5.392149257,5.392149251,5.392148909,5.392149229,5.392149274,5.392149169,5.392149098,5.392149243
+"7620","KCNK17",5.068445903,5.068446119,5.068446386,5.068446109,5.068446256,5.06844597,5.068446004,5.06844616,5.068446068,5.068446142,5.06844616,5.068445894,5.068446079,5.068445824,5.068446088,5.06844606,5.068446418,5.068446195,5.068446457,5.068445859,5.068445978,5.068446161,5.068446003,5.068446405,5.068446185,5.068445905,5.068446125,5.06844586
+"7621","KCNK18",4.758153506,4.758153479,4.758153597,4.758153531,4.758153625,4.75815358,4.758153542,4.758153582,4.758153572,4.758153579,4.758153607,4.758153628,4.758153566,4.75815345,4.758153633,4.758153598,4.758153657,4.758153592,4.7581536,4.758153581,4.758153561,4.758153586,4.758153503,4.758153538,4.758153576,4.758153552,4.758153539,4.758153596
+"7622","KCNK2",3.955442169,3.95544226,3.955442455,3.955442375,3.955442493,3.955442273,3.955442313,3.955442422,3.955442262,3.955442264,3.955442326,3.955442351,3.955442271,3.955442339,3.955442397,3.955442435,3.955442412,3.955442403,3.95544238,3.955442409,3.955442378,3.955442334,3.95544232,3.955442247,3.955442256,3.955442373,3.955442178,3.955442465
+"7623","KCNK3",5.401504338,5.401504333,5.401504364,5.401504331,5.401504376,5.401504326,5.401504353,5.401504354,5.401504344,5.401504352,5.401504367,5.401504358,5.401504338,5.401504314,5.40150435,5.401504368,5.401504364,5.401504362,5.401504341,5.401504344,5.40150435,5.401504353,5.401504326,5.401504337,5.40150435,5.401504346,5.401504357,5.401504358
+"7624","KCNK5",4.831136465,4.831136479,4.831136512,4.831136467,4.831136516,4.831136468,4.831136489,4.831136525,4.831136497,4.831136494,4.831136482,4.831136491,4.831136501,4.831136451,4.831136507,4.831136487,4.831136513,4.831136478,4.831136504,4.831136458,4.831136493,4.831136497,4.831136456,4.831136469,4.831136483,4.831136501,4.831136453,4.831136484
+"7625","KCNK6",6.895621924,6.895621969,6.895621956,6.895621974,6.895622016,6.895621954,6.895621988,6.895621978,6.89562196,6.895621978,6.895621996,6.895621943,6.89562199,6.895621936,6.895621962,6.89562197,6.895621965,6.895621983,6.895621994,6.895621902,6.895621996,6.895621964,6.895621954,6.895621936,6.895621962,6.895621957,6.895621962,6.895621966
+"7626","KCNK7",6.524070893,6.524070809,6.524071563,6.524071062,6.524071365,6.524070319,6.524070929,6.524071388,6.524071042,6.5240709,6.52407128,6.524071203,6.524071026,6.524070341,6.52407098,6.524071207,6.524071445,6.524071426,6.524070866,6.524070905,6.524070911,6.524071209,6.524070836,6.524071,6.524071451,6.524071038,6.524071174,6.524070807
+"7627","KCNK9",4.746269529,4.746269601,4.746269565,4.746269557,4.746269618,4.746269556,4.74626961,4.746269626,4.746269585,4.746269592,4.746269573,4.746269626,4.746269587,4.746269538,4.746269634,4.746269592,4.746269639,4.7462696,4.74626963,4.746269567,4.746269615,4.746269623,4.74626957,4.74626954,4.746269587,4.7462696,4.746269592,4.746269566
+"7628","KCNMA1",4.272488218,4.272488276,4.272488348,4.272488232,4.272488352,4.272488235,4.272488288,4.272488308,4.272488259,4.272488308,4.272488258,4.272488305,4.272488309,4.272488172,4.27248827,4.272488339,4.27248835,4.272488285,4.272488327,4.272488263,4.272488337,4.272488365,4.272488282,4.272488293,4.27248833,4.272488264,4.272488302,4.272488273
+"7629","KCNMB1",6.013590025,6.013589645,6.013589696,6.013589838,6.013589751,6.013590233,6.013589635,6.013589624,6.013589213,6.013590107,6.013589706,6.013590091,6.01358999,6.013589271,6.013589349,6.013589448,6.01358963,6.013589606,6.013589785,6.013590041,6.013589545,6.013589946,6.013588809,6.013589725,6.01358963,6.013589581,6.013589847,6.013589152
+"7630","KCNMB2",3.735721823,3.735721833,3.735721857,3.735721846,3.735721856,3.735721832,3.73572184,3.735721842,3.735721822,3.735721843,3.73572183,3.73572185,3.735721818,3.73572183,3.735721839,3.735721831,3.735721839,3.73572184,3.735721828,3.735721832,3.735721849,3.735721828,3.735721814,3.735721827,3.735721843,3.735721832,3.73572181,3.735721847
+"7631","KCNMB3",5.1635605855,5.1635611375,5.16356140025,5.1635603495,5.16356030225,5.1635598995,5.163559994,5.16356075875,5.16356073375,5.1635612495,5.16356053075,5.163561333,5.1635600615,5.16356048075,5.163560803,5.163560191,5.16356067175,5.16356066325,5.1635604345,5.163560525,5.163560248,5.163560338,5.163560663,5.1635604035,5.16356108425,5.16356022825,5.16355989575,5.16356100575
+"7632","KCNMB4",5.261973016,5.261973032,5.261973041,5.26197304,5.261973037,5.261973039,5.261973029,5.261973046,5.261973046,5.261973052,5.261973062,5.26197307,5.261973022,5.261973029,5.26197305,5.26197304,5.261973033,5.261973056,5.26197302,5.26197305,5.261973038,5.261973028,5.261973026,5.261973022,5.261973039,5.261973049,5.261973043,5.261973037
+"7633","KCNN1",5.186468685,5.186468692,5.186468684,5.186468653,5.186468753,5.18646866,5.186468705,5.186468766,5.186468693,5.18646868,5.186468731,5.186468744,5.186468674,5.186468607,5.186468754,5.186468658,5.186468762,5.186468769,5.186468714,5.186468769,5.186468739,5.186468772,5.186468663,5.186468661,5.186468644,5.186468707,5.186468677,5.18646872
+"7634","KCNN2",4.561263638,4.561263791,4.561263718,4.561263739,4.561264052,4.561263665,4.561264041,4.561263952,4.561263938,4.561263846,4.561263915,4.56126406,4.561263688,4.561263638,4.561263963,4.561263655,4.561264064,4.561263857,4.561263901,4.561264068,4.561263972,4.561263768,4.561263733,4.561263626,4.561263643,4.561263968,4.561263785,4.561263839
+"7635","KCNN3",4.837811063,4.837811064,4.83781108,4.837811081,4.837811093,4.837811077,4.837811073,4.83781109,4.837811067,4.837811062,4.837811068,4.837811086,4.837811072,4.837811042,4.837811089,4.837811058,4.837811092,4.837811076,4.837811071,4.837811072,4.837811083,4.837811084,4.837811055,4.837811063,4.837811061,4.83781107,4.837811067,4.837811074
+"7636","KCNN4",6.197226128,6.197225949,6.197226031,6.197226092,6.19722627,6.197226008,6.197226192,6.197225906,6.197226294,6.197226176,6.197226129,6.197226126,6.197226177,6.197226227,6.1972261,6.197225917,6.197225994,6.197226022,6.197226131,6.197226009,6.197226124,6.197225937,6.197226159,6.197226031,6.197226133,6.197226198,6.197226125,6.197226159
+"7637","KCNQ1",7.0936975,7.093697661,7.093697636,7.093697684,7.093697537,7.093697632,7.093697531,7.09369754,7.093697621,7.093697632,7.093697565,7.093697504,7.093697605,7.093697542,7.093697553,7.093697581,7.093697607,7.093697618,7.093697617,7.093697604,7.093697524,7.093697619,7.093697578,7.093697636,7.09369762,7.093697557,7.093697613,7.093697523
+"7638","KCNQ1DN",6.121603624,6.121603649,6.121603697,6.121603663,6.12160372,6.121603663,6.121603681,6.121603749,6.121603636,6.121603599,6.121603653,6.121603678,6.121603659,6.121603613,6.121603662,6.121603703,6.121603718,6.121603716,6.121603673,6.121603681,6.1216037,6.121603696,6.121603635,6.121603604,6.121603661,6.121603682,6.12160361,6.121603626
+"7639","KCNQ2",4.97224962,4.972249659,4.97225004,4.97224991,4.972250078,4.972249662,4.97224998,4.972250041,4.972249975,4.972249909,4.972250026,4.972250119,4.972249867,4.972249589,4.972250119,4.972250015,4.972250193,4.972250092,4.972249761,4.97224994,4.972249954,4.972250126,4.972249877,4.972249846,4.972250035,4.972249964,4.972249643,4.972250003
+"7640","KCNQ3",5.532953645,5.532953499,5.532953842,5.532953612,5.532953882,5.532953611,5.532953817,5.532953822,5.532953522,5.532953612,5.532953784,5.53295393,5.53295355,5.5329534,5.532953727,5.53295381,5.532954019,5.532953642,5.532953663,5.532953718,5.532953746,5.532953871,5.532953563,5.532953414,5.532953731,5.532953818,5.532953789,5.532953612
+"7641","KCNQ4",4.886115941,4.886115947,4.886116292,4.886116135,4.886116307,4.886116301,4.886115912,4.886116441,4.886116164,4.886116112,4.886116249,4.886116148,4.886116139,4.886115842,4.886116315,4.886116041,4.886116192,4.88611626,4.886116271,4.886116463,4.886116254,4.886116307,4.886115953,4.886116194,4.886116103,4.886116334,4.886115897,4.886115971
+"7642","KCNQ5",5.043998915,5.043998566,5.043998277,5.043998469,5.043998503,5.043998689,5.043999221,5.043999163,5.043999567,5.043999141,5.043998732,5.0439997,5.043999184,5.043998814,5.043998827,5.043997912,5.043998636,5.043998511,5.043998277,5.043998594,5.043998725,5.043998905,5.043999322,5.043999324,5.043998199,5.043999439,5.043999132,5.043998799
+"7643","KCNS1",4.554340166,4.554340122,4.554340211,4.554340253,4.554340228,4.554340174,4.554340269,4.554340186,4.554340164,4.554340166,4.554340272,4.554340194,4.554340223,4.554340024,4.554340184,4.554340168,4.55434025,4.554340282,4.554340124,4.554340192,4.554340192,4.554340158,4.554340144,4.554340084,4.554340189,4.554340282,4.55434021,4.554340138
+"7644","KCNS2",5.684149003,5.684149026,5.684149057,5.684149033,5.684149049,5.684149037,5.684149044,5.684149059,5.684149041,5.684149045,5.684149041,5.684149053,5.684149042,5.684148995,5.68414903,5.684149023,5.684149052,5.684149053,5.684149021,5.684149035,5.684149025,5.684149041,5.684149021,5.684149016,5.684149041,5.684149024,5.684149027,5.684149024
+"7645","KCNS3",4.48631527,4.48631512,4.486315275,4.486315248,4.486315753,4.486315264,4.486315487,4.486315481,4.486315417,4.486315273,4.486315137,4.486315722,4.48631559,4.486315266,4.486315471,4.486315334,4.486315577,4.486315474,4.486315438,4.486315598,4.486315521,4.486315645,4.486314966,4.486315162,4.486315315,4.486315495,4.48631521,4.486315341
+"7646","KCNT1",4.992171361,4.992171398,4.992171471,4.992171456,4.992171457,4.992171439,4.992171377,4.992171431,4.992171415,4.992171448,4.992171449,4.992171455,4.992171416,4.992171333,4.992171452,4.992171365,4.992171437,4.992171453,4.992171388,4.99217148,4.992171437,4.992171481,4.992171339,4.992171384,4.992171436,4.992171428,4.992171386,4.992171426
+"7647","KCNT2",2.936387412,2.936387527,2.936387477,2.936387467,2.936387441,2.936387495,2.936387472,2.936387467,2.936387445,2.93638743,2.936387554,2.936387434,2.936387428,2.936387443,2.936387537,2.936387477,2.936387479,2.936387484,2.936387436,2.936387519,2.936387478,2.93638746,2.936387463,2.936387425,2.936387574,2.936387445,2.936387438,2.936387518
+"7648","KCNV1",4.892796884,4.892796924,4.892796943,4.892796907,4.892796941,4.892796864,4.89279691,4.892796933,4.892796914,4.892796923,4.892796919,4.892796934,4.892796898,4.8927969,4.892796931,4.89279695,4.892796929,4.892796936,4.8927969,4.892796922,4.892796933,4.892796917,4.892796914,4.892796932,4.892796959,4.892796916,4.892796916,4.89279693
+"7649","KCNV2",4.954548232,4.954548324,4.954548512,4.954548317,4.954548677,4.954548307,4.954548451,4.954548781,4.954548319,4.954548377,4.954548458,4.954548743,4.954548344,4.954548267,4.954548733,4.95454842,4.954548605,4.95454853,4.954548265,4.954548418,4.954548594,4.954548639,4.954548218,4.954548411,4.954548537,4.95454844,4.954548207,4.954548462
+"7650","KCP",6.708623897,6.708623982,6.7086241135,6.7086239975,6.7086242575,6.708623886,6.708624048,6.708624154,6.708624015,6.708624006,6.7086240995,6.708624187,6.7086240525,6.708623771,6.7086241585,6.708624016,6.7086242385,6.7086241565,6.708624086,6.708623953,6.7086241735,6.7086242485,6.70862392,6.7086238925,6.708624127,6.708624129,6.708623931,6.708624135
+"7651","KCTD1",4.561211019,4.561211005,4.561211047,4.561211027,4.561211045,4.561210996,4.561211022,4.56121104,4.561211017,4.561211028,4.561211045,4.561211036,4.561211028,4.561211001,4.56121104,4.561211016,4.561211037,4.561211039,4.561211018,4.56121101,4.561211022,4.561211046,4.561211034,4.561211019,4.56121105,4.561211035,4.561211019,4.561211022
+"7652","KCTD10",6.892428893,6.892428912,6.892428895,6.892428882,6.89242891,6.892428893,6.892428902,6.892428897,6.892428894,6.892428906,6.892428896,6.892428875,6.89242891,6.892428926,6.892428892,6.892428883,6.892428857,6.892428911,6.892428901,6.892428895,6.89242888,6.892428872,6.892428893,6.89242891,6.892428894,6.892428916,6.892428897,6.892428888
+"7653","KCTD11",5.532963703,5.532964119,5.532964111,5.532963916,5.532964137,5.532964057,5.532964127,5.532964083,5.532963954,5.532964179,5.53296398,5.532963979,5.532964075,5.532964019,5.532964082,5.53296398,5.532964158,5.532964129,5.532963767,5.532963729,5.532964157,5.532964064,5.532963721,5.532963859,5.532964097,5.532964041,5.532963949,5.532963782
+"7654","KCTD12",7.988456737,7.988456641,7.988456696,7.988456707,7.988456633,7.98845682,7.988456702,7.988456479,7.988456234,7.988456761,7.988456642,7.988456381,7.988456552,7.98845668,7.988456639,7.988456545,7.98845661,7.988456355,7.988456664,7.988456731,7.988456626,7.988456572,7.988456358,7.988456631,7.988456577,7.988456469,7.988456566,7.988456581
+"7655","KCTD13",6.496220623,6.496220633,6.496220581,6.4962206,6.496220593,6.496220664,6.496220575,6.49622059,6.496220595,6.496220655,6.496220594,6.496220576,6.496220609,6.496220576,6.496220596,6.496220577,6.496220553,6.49622063,6.496220535,6.496220669,6.496220596,6.496220568,6.496220546,6.496220594,6.496220609,6.496220596,6.496220632,6.496220581
+"7656","KCTD15",6.056036165,6.056036174,6.056036186,6.056036154,6.056036193,6.056036181,6.056036167,6.056036172,6.056036196,6.056036194,6.056036171,6.056036185,6.056036151,6.056036156,6.056036163,6.056036171,6.056036164,6.056036171,6.056036179,6.056036179,6.056036161,6.056036172,6.056036159,6.056036181,6.056036158,6.056036187,6.056036178,6.05603617
+"7657","KCTD16",3.893614661,3.893614674,3.893614698,3.893614661,3.893614676,3.893614693,3.893614651,3.893614685,3.893614703,3.89361466,3.893614644,3.893614703,3.893614632,3.893614642,3.893614718,3.893614693,3.893614705,3.893614691,3.893614652,3.89361469,3.893614683,3.893614706,3.893614676,3.89361464,3.893614685,3.893614622,3.89361468,3.893614651
+"7658","KCTD17",6.83898627,6.838986372,6.83898642,6.838986332,6.838986475,6.838986315,6.838986289,6.838986437,6.838986395,6.838986254,6.838986439,6.83898637,6.838986376,6.838986263,6.838986383,6.838986448,6.838986379,6.838986366,6.838986264,6.83898637,6.838986434,6.838986393,6.838986372,6.838986377,6.83898648,6.838986373,6.838986391,6.838986392
+"7659","KCTD18",6.699546695,6.6995468,6.699546794,6.699546423,6.699546497,6.699546631,6.699546429,6.699546433,6.699546745,6.699546486,6.699546671,6.699546188,6.699546724,6.699546978,6.699546488,6.69954681,6.699546403,6.69954644,6.69954649,6.699546681,6.6995465,6.699546629,6.699546682,6.699546657,6.699546485,6.699546737,6.699546492,6.699546958
+"7660","KCTD19",4.387846339,4.387846326,4.387846365,4.387846367,4.387846377,4.387846408,4.387846371,4.387846363,4.387846368,4.387846363,4.387846373,4.38784638,4.387846359,4.387846334,4.387846357,4.387846378,4.387846424,4.387846369,4.387846366,4.387846371,4.38784636,4.387846367,4.387846339,4.387846358,4.387846383,4.387846375,4.38784636,4.387846363
+"7661","KCTD2",7.116654605,7.116654798,7.116654744,7.11665475,7.116654607,7.116654665,7.116654613,7.116654582,7.116654692,7.116654618,7.116654767,7.116654583,7.116654568,7.116654486,7.116654728,7.116654715,7.116654707,7.116654842,7.11665456,7.116654757,7.116654686,7.116654622,7.116654681,7.116654744,7.116654784,7.11665465,7.116654442,7.116654569
+"7662","KCTD20",6.875151062,6.875151134,6.875150724,6.875151231,6.875150742,6.875151041,6.875150887,6.875150852,6.875150909,6.875151045,6.875150957,6.875150425,6.875150944,6.875151347,6.875150999,6.875150921,6.875150605,6.875151058,6.875150963,6.875151269,6.875150899,6.875150754,6.875151177,6.875151164,6.875150971,6.875150839,6.875151088,6.87515077
+"7663","KCTD21",6.532860711,6.53286087,6.532860742,6.532860852,6.532860686,6.532860817,6.532860817,6.532860705,6.5328606,6.532860738,6.532860678,6.532860632,6.532860753,6.532860698,6.532860753,6.532860765,6.532860511,6.532860866,6.532860772,6.53286073,6.532860696,6.532860537,6.532860709,6.532860835,6.532860835,6.532860593,6.532860792,6.53286068
+"7664","KCTD21-AS1",4.534106147,4.534106081,4.534106161,4.534106192,4.534106156,4.534106121,4.534106204,4.534106127,4.534106095,4.534106172,4.534106198,4.534106178,4.534106171,4.534106043,4.53410621,4.534106131,4.53410616,4.534106213,4.534106172,4.53410622,4.534106231,4.534106158,4.534106055,4.534106118,4.534106126,4.534106225,4.534106185,4.53410617
+"7665","KCTD3",4.136191583,4.136191567,4.136191597,4.136191594,4.136191592,4.136191605,4.136191576,4.136191568,4.136191591,4.136191599,4.136191588,4.136191578,4.136191585,4.136191607,4.136191571,4.136191592,4.136191601,4.136191572,4.136191582,4.136191588,4.136191577,4.136191581,4.136191585,4.136191592,4.136191592,4.136191585,4.136191583,4.136191603
+"7666","KCTD4",3.718680949,3.718680924,3.718680919,3.718680874,3.718681099,3.718680971,3.718681053,3.718681,3.718680949,3.718680961,3.718680865,3.718681134,3.718681134,3.718680819,3.718681137,3.718680984,3.718681098,3.718681096,3.718681208,3.718681144,3.718681146,3.718681056,3.718680763,3.718680916,3.718681072,3.718681109,3.718680771,3.718680998
+"7667","KCTD5",6.984950023,6.984950044,6.98495002,6.984950028,6.984950021,6.984950037,6.984950017,6.984950027,6.984950013,6.984950019,6.984950028,6.984950007,6.984950026,6.984950026,6.984950025,6.984950032,6.984950024,6.984950027,6.984950023,6.984950018,6.984950001,6.984950019,6.984950019,6.984950039,6.984950008,6.984950011,6.984950031,6.984950019
+"7668","KCTD6",5.435441866,5.435441864,5.435441864,5.435441834,5.435441869,5.435441872,5.435441865,5.435441862,5.435441857,5.435441878,5.435441852,5.435441869,5.43544185,5.435441854,5.435441858,5.43544184,5.435441866,5.435441824,5.435441874,5.435441855,5.435441852,5.435441859,5.435441851,5.435441858,5.435441834,5.435441851,5.435441859,5.435441858
+"7669","KCTD7",6.968132375,6.968132349,6.968132214,6.968132246,6.968132255,6.968132275,6.968132397,6.968132349,6.96813241,6.968132312,6.968132223,6.968132225,6.968132486,6.968132455,6.96813231,6.968132301,6.968132093,6.968132224,6.968132351,6.968132194,6.968132256,6.968132327,6.968132338,6.968132364,6.968132327,6.968132272,6.968132507,6.968132418
+"7670","KCTD8",5.798656208,5.798656341,5.798656643,5.79865646,5.798656802,5.798656244,5.798656422,5.798656681,5.798656491,5.798656533,5.798656591,5.798656851,5.798656557,5.798655986,5.798656654,5.798656479,5.798656806,5.798656563,5.79865653,5.798656361,5.798656443,5.798656755,5.798656376,5.798656355,5.798656589,5.79865645,5.798656475,5.798656353
+"7671","KCTD9",6.649062114,6.649062091,6.649062236,6.649062212,6.649062244,6.649062186,6.649062179,6.649062258,6.649062206,6.649062067,6.649062252,6.649062257,6.649062169,6.649062035,6.64906213,6.649062179,6.649062203,6.649062256,6.64906217,6.649062081,6.649062183,6.649062203,6.649062214,6.649062123,6.649062209,6.649062211,6.649062143,6.649062128
+"7672","KDELR1",7.355515122,7.355515105,7.355515,7.355514736,7.355514963,7.355515206,7.355514969,7.355515077,7.35551496,7.35551519,7.355514938,7.355514941,7.355515134,7.355515118,7.355514896,7.355514645,7.355514499,7.355514564,7.355514933,7.355515152,7.355514737,7.355514816,7.35551508,7.355515153,7.355514831,7.355514815,7.355515138,7.355514954
+"7673","KDELR2",7.323515191,7.323515261,7.323514691,7.323514612,7.323514685,7.32351449,7.323515017,7.323514764,7.323514786,7.323514903,7.323514421,7.323514264,7.323515117,7.323515078,7.32351441,7.32351498,7.323514436,7.323514189,7.323514457,7.323514163,7.323514874,7.323514641,7.323515289,7.323515267,7.323514302,7.323514389,7.323515156,7.323514476
+"7674","KDELR3",3.666076687,3.666076722,3.666076708,3.666076715,3.666076698,3.666076683,3.666076704,3.666076705,3.666076707,3.666076679,3.666076721,3.666076701,3.66607671,3.666076681,3.666076695,3.666076729,3.666076737,3.666076684,3.666076708,3.666076735,3.666076708,3.666076692,3.666076734,3.666076691,3.666076737,3.666076685,3.666076711,3.666076694
+"7675","KDF1",5.662710487,5.662710561,5.662710706,5.662710622,5.662710664,5.662710558,5.662710592,5.66271071,5.662710631,5.662710586,5.662710638,5.662710695,5.662710635,5.662710493,5.662710626,5.662710631,5.662710644,5.662710702,5.66271057,5.66271055,5.662710576,5.662710674,5.662710609,5.662710565,5.662710665,5.662710608,5.66271066,5.662710623
+"7676","KDM1A",6.803583692,6.803583552,6.803583319,6.80358319,6.80358336,6.803583363,6.803583508,6.803583316,6.80358365,6.803583533,6.803583182,6.803583499,6.803583535,6.803583843,6.803583374,6.803583409,6.803583056,6.803582859,6.803583278,6.803583328,6.803583379,6.803583297,6.803583551,6.803583538,6.803583226,6.803583519,6.803583596,6.803583669
+"7677","KDM1B",7.396073623,7.396074311,7.396073827,7.396073992,7.396073635,7.396074322,7.396073689,7.396073675,7.396073575,7.396073915,7.396073939,7.39607331,7.396073915,7.396073815,7.396073506,7.396074206,7.39607351,7.396073676,7.39607407,7.396074366,7.396073878,7.396073504,7.396073827,7.396074104,7.396073784,7.39607357,7.396074017,7.396073499
+"7678","KDM2A",8.346223788,8.346223952,8.346223421,8.346224176,8.34622307,8.346224037,8.346223683,8.346223397,8.346223785,8.346223635,8.346223501,8.346222994,8.346223613,8.34622384,8.346223506,8.346223937,8.346223079,8.346223776,8.34622363,8.346224173,8.346223553,8.346223521,8.34622385,8.346223826,8.346223474,8.346223609,8.346223753,8.346223273
+"7679","KDM2B",6.239000288,6.2390003,6.239000189,6.239000243,6.23900026,6.239000253,6.239000241,6.239000271,6.239000285,6.239000289,6.239000222,6.239000269,6.239000328,6.239000318,6.239000231,6.239000264,6.239000193,6.239000218,6.239000265,6.239000226,6.239000282,6.23900021,6.239000261,6.239000315,6.23900024,6.239000274,6.239000272,6.239000302
+"7680","KDM3A",7.447431761,7.447431882,7.447431158,7.447431887,7.447430894,7.447430792,7.447431427,7.447431159,7.447431461,7.447431321,7.447431028,7.447430786,7.447431795,7.44743218,7.447431666,7.447431902,7.447430957,7.447431819,7.44743174,7.447431171,7.44743165,7.447431106,7.447431841,7.447431466,7.447431413,7.447431515,7.44743163,7.44743169
+"7681","KDM3B",8.593270261,8.593270397,8.593270252,8.593270444,8.593270186,8.593270351,8.59327042,8.593270092,8.593270297,8.59327033,8.593270334,8.593270222,8.593270299,8.593270369,8.593270261,8.593270352,8.593270129,8.593270359,8.593270324,8.593270409,8.593270352,8.593270239,8.593270364,8.593270408,8.593270383,8.593270327,8.593270293,8.593270164
+"7682","KDM4A",7.366632042,7.366632053,7.366631994,7.366632024,7.366631949,7.366632065,7.36663199,7.366632004,7.366632039,7.366632029,7.366631968,7.366631953,7.366632006,7.366632084,7.366632016,7.366632035,7.366631951,7.36663199,7.366632042,7.366632031,7.366631971,7.366631986,7.366632034,7.366632056,7.366632009,7.366632015,7.366632012,7.366632023
+"7683","KDM4B",7.526332681,7.526332993,7.526332792,7.526333089,7.526332652,7.526332824,7.526332758,7.526332827,7.526332687,7.526332762,7.526332807,7.52633274,7.52633277,7.526332685,7.526332782,7.526333021,7.526332729,7.526333065,7.52633286,7.526332847,7.526332714,7.526332712,7.526332844,7.526332835,7.526332972,7.526332802,7.526332818,7.526332647
+"7684","KDM4C",7.481098935,7.481098543,7.481097725,7.481097775,7.481098092,7.481098096,7.481098271,7.481097971,7.481098599,7.481098701,7.481097708,7.481098079,7.481098648,7.481099343,7.481098298,7.481098385,7.481097299,7.481097483,7.481098505,7.481098065,7.481098089,7.481097842,7.481098523,7.48109854,7.481097722,7.481098543,7.481098831,7.481098748
+"7685","KDM4D",4.014331743,4.014331762,4.014331929,4.014331813,4.01433201,4.014331988,4.014331868,4.014331954,4.014331772,4.014331789,4.014331904,4.014332039,4.014331972,4.014331795,4.014331913,4.014331871,4.014332091,4.014332027,4.014332034,4.014332086,4.014331983,4.014331948,4.014331881,4.014331805,4.014331963,4.014331891,4.014331877,4.014332057
+"7686","KDM5A",8.476732111,8.476732157,8.476731853,8.476732103,8.476731725,8.476731885,8.476732016,8.476731994,8.476732009,8.476732007,8.476731745,8.47673168,8.47673208,8.476732552,8.476732001,8.476732081,8.476731733,8.476731923,8.47673202,8.476731981,8.476732022,8.476731915,8.476732081,8.476732209,8.476731841,8.476732078,8.476732061,8.476732069
+"7687","KDM5B",7.432696064,7.432696329,7.432695967,7.432696446,7.432696033,7.432696054,7.432696274,7.432695885,7.432696067,7.432696014,7.432696013,7.432695747,7.432696087,7.432696274,7.432696035,7.432696344,7.432695742,7.432696199,7.432696276,7.432696091,7.432696114,7.432695831,7.432696047,7.432696271,7.43269625,7.432696129,7.432696111,7.43269605
+"7688","KDM5C",7.729844859,7.729844714,7.72984284,7.729845055,7.72984452,7.729843762,7.729845209,7.729842734,7.729845115,7.729845437,7.729844421,7.729842654,7.729845345,7.729845602,7.729844456,7.729844696,7.729842587,7.729844762,7.72984508,7.729843764,7.72984508,7.729843206,7.729845467,7.729845063,7.729844597,7.729843201,7.72984566,7.729844556
+"7689","KDM5D",3.691789806,4.408633335,8.664424906,3.972994659,4.342235267,8.933864007,4.253920794,8.731022809,3.998697214,4.04200837,4.207606989,9.010962845,4.158442242,3.940192359,4.218520023,3.901306615,7.855214698,3.843468269,3.911723678,8.713415107,4.640875245,8.728959312,4.018514043,3.813232139,3.90915128,9.022982483,3.884407235,4.056008471
+"7690","KDM6A",7.356088743,7.356088154,7.356086005,7.356088224,7.356087135,7.356086616,7.356087762,7.356085381,7.356087963,7.356087273,7.356087381,7.356084569,7.356088203,7.356088979,7.356088321,7.356087614,7.356085685,7.35608786,7.356088002,7.356086433,7.35608787,7.356085904,7.356087937,7.35608825,7.356087563,7.356085894,7.356088102,7.35608804
+"7691","KDM6B",7.590824989,7.590825543,7.590825172,7.590825872,7.590825208,7.590825618,7.590825447,7.590825287,7.590825162,7.590825175,7.59082549,7.590825016,7.590825197,7.590824732,7.590825244,7.590825424,7.590825206,7.590825935,7.590825398,7.590825401,7.590825422,7.590825312,7.590825252,7.590825455,7.590825754,7.590825123,7.590825162,7.590824899
+"7692","KDM7A",7.753763348,7.7537631,7.753762978,7.753763458,7.753762498,7.753763017,7.753763111,7.753762681,7.753762703,7.753762782,7.753763099,7.753762443,7.75376308,7.753763298,7.753763121,7.753763251,7.753762937,7.753763259,7.753763359,7.75376318,7.753763236,7.753762753,7.753763191,7.753763278,7.753763396,7.753762998,7.753763079,7.753762788
+"7693","KDM8",6.553757799,6.553757786,6.553757792,6.553757773,6.553757794,6.553757815,6.553757792,6.553757776,6.553757795,6.553757791,6.553757773,6.553757819,6.5537578,6.553757761,6.553757782,6.553757769,6.553757792,6.553757756,6.553757778,6.553757785,6.553757784,6.553757801,6.553757795,6.553757773,6.553757746,6.553757793,6.553757803,6.553757742
+"7694","KDR",4.035401086,4.035401061,4.035401065,4.035401172,4.035401121,4.035401115,4.035401098,4.035401107,4.035401024,4.035401114,4.03540108,4.035401092,4.035401075,4.035400997,4.03540109,4.03540108,4.035401114,4.035401117,4.035401109,4.03540107,4.035401052,4.035401152,4.035401075,4.035401021,4.03540105,4.035401077,4.035401069,4.035401077
+"7695","KDSR",6.122066991,6.122067173,6.122066759,6.122066545,6.122066633,6.122067039,6.122066736,6.122066822,6.12206704,6.122066944,6.12206658,6.122066731,6.122067223,6.122067645,6.122066501,6.122066821,6.122066389,6.122066241,6.122066664,6.12206723,6.122066456,6.122066985,6.122067133,6.122067045,6.122066389,6.122066711,6.122067002,6.122067063
+"7696","KEAP1",7.447984648,7.44798471,7.447984594,7.447984574,7.447984606,7.447984598,7.447984623,7.447984694,7.447984722,7.447984634,7.447984592,7.447984617,7.447984646,7.447984675,7.447984609,7.447984706,7.447984634,7.447984603,7.447984609,7.447984692,7.447984531,7.447984582,7.447984637,7.447984623,7.447984476,7.447984556,7.447984701,7.447984709
+"7697","KEL",6.066319685,6.06632013,6.066320852,6.066320344,6.066320301,6.066321354,6.066320313,6.066320681,6.066320452,6.066320286,6.066321062,6.066321039,6.066319621,6.066318332,6.066320584,6.066319042,6.066320795,6.066320685,6.066319575,6.066320595,6.066319958,6.066320513,6.066320549,6.066320809,6.06632106,6.066320511,6.066319165,6.066319055
+"7698","KERA",3.266865367,3.266865505,3.266865578,3.266865495,3.26686556,3.26686561,3.26686554,3.266865649,3.266865579,3.266865566,3.266865568,3.266865691,3.266865419,3.266865468,3.266865531,3.266865607,3.26686564,3.266865495,3.266865495,3.266865639,3.266865449,3.266865545,3.26686559,3.266865516,3.26686551,3.266865557,3.26686543,3.266865612
+"7699","KHDC3L",4.680683445,4.68068345,4.68068346,4.680683477,4.680683493,4.680683447,4.680683486,4.680683493,4.680683469,4.680683475,4.680683493,4.680683487,4.680683469,4.680683431,4.680683497,4.680683487,4.680683486,4.680683472,4.680683468,4.680683431,4.680683459,4.680683485,4.680683454,4.680683432,4.680683487,4.680683456,4.680683439,4.680683483
+"7700","KHDC4",6.95496357,6.954963477,6.954963339,6.954963462,6.954963318,6.954963335,6.954963343,6.954963353,6.954963529,6.954963464,6.95496336,6.954963299,6.954963515,6.954963577,6.954963438,6.954963399,6.954963157,6.954963259,6.954963474,6.954963353,6.954963385,6.95496341,6.954963451,6.954963407,6.954963397,6.954963382,6.954963501,6.954963522
+"7701","KHDRBS1",7.676078268,7.676078276,7.676078049,7.676078034,7.676077934,7.676078129,7.676078005,7.676077948,7.676078238,7.676078205,7.676077834,7.676077746,7.676078297,7.676078513,7.676077981,7.676078173,7.676077792,7.676077965,7.676078035,7.676078183,7.676078038,7.676077922,7.676078265,7.676078146,7.676078002,7.676078013,7.676078214,7.676078284
+"7702","KHDRBS2",4.480676852,4.480676487,4.480676346,4.480676804,4.480676658,4.480675831,4.480676621,4.480676365,4.480676251,4.480676756,4.480676417,4.480676577,4.480676537,4.480676987,4.480676855,4.480676442,4.480676642,4.480676636,4.48067678,4.480676138,4.480676332,4.480676415,4.480676225,4.480676364,4.480676342,4.480676525,4.480676267,4.48067729
+"7703","KHDRBS3",4.897490299,4.897490327,4.897490301,4.897490287,4.897490342,4.897490284,4.897490331,4.89749032,4.897490308,4.897490291,4.897490355,4.897490336,4.897490312,4.897490274,4.89749032,4.897490356,4.897490369,4.89749033,4.897490319,4.897490305,4.897490324,4.897490334,4.897490286,4.89749027,4.897490327,4.897490323,4.897490272,4.897490303
+"7704","KHK",4.944377168,4.944377244,4.944377321,4.9443772,4.944377321,4.944377184,4.944377219,4.944377266,4.944377252,4.944377284,4.944377165,4.944377268,4.944377205,4.944377188,4.944377255,4.944377176,4.94437728,4.94437725,4.944377278,4.944377248,4.944377265,4.94437723,4.944377225,4.944377256,4.94437722,4.944377191,4.944377268,4.944377195
+"7705","KHNYN",7.212611723,7.212611825,7.212611818,7.212611786,7.212611732,7.212611763,7.212611758,7.212611766,7.212611801,7.212611798,7.212611773,7.212611738,7.21261178,7.212611833,7.212611764,7.212611778,7.212611824,7.212611781,7.212611767,7.212611772,7.212611739,7.212611802,7.212611812,7.212611803,7.212611771,7.212611776,7.212611728,7.21261181
+"7706","KHSRP",7.17154727,7.171547205,7.171547285,7.171547402,7.171547296,7.171547392,7.171547388,7.171547324,7.171547494,7.171547369,7.171547215,7.171547343,7.171547247,7.171547299,7.171547262,7.171546946,7.171547164,7.171547199,7.171547248,7.17154718,7.171547134,7.171547231,7.171547353,7.171547307,7.171547329,7.171547122,7.171547351,7.171547252
+"7707","KIAA0040",7.367136879,7.367137118,7.367136266,7.367137257,7.367136268,7.367137405,7.367136708,7.367136665,7.367136557,7.367136597,7.367136199,7.367135685,7.367136616,7.36713683,7.367136674,7.36713678,7.367136326,7.367136969,7.367136749,7.36713765,7.367136798,7.367136477,7.367136946,7.367136829,7.367136754,7.367136283,7.367136791,7.367136571
+"7708","KIAA0087",4.324427048,4.324427063,4.324427098,4.324427076,4.324427086,4.324427075,4.324427064,4.324427079,4.324427058,4.324427065,4.324427091,4.324427086,4.324427063,4.324427041,4.324427075,4.324427082,4.32442708,4.324427099,4.324427074,4.324427071,4.324427076,4.324427067,4.324427053,4.324427083,4.32442708,4.32442706,4.324427071,4.324427068
+"7709","KIAA0232",7.166974683,7.166974918,7.166974646,7.166975022,7.166974247,7.166974467,7.166974579,7.166974407,7.166974417,7.166974522,7.166974687,7.166974004,7.166974596,7.166974981,7.166974603,7.166974854,7.166974605,7.166974876,7.166974758,7.166974864,7.166974704,7.166974316,7.166974757,7.166974943,7.166974896,7.166974542,7.166974456,7.166974642
+"7710","KIAA0319",5.167280323,5.167280388,5.167280288,5.167280337,5.167280272,5.167280197,5.167280372,5.16728018,5.167280187,5.167280266,5.167280308,5.167280332,5.167280248,5.167280227,5.167280319,5.167280446,5.167280326,5.167280293,5.167280402,5.167280315,5.167280316,5.16728016,5.167280293,5.16728029,5.167280388,5.167280342,5.16728026,5.167280158
+"7711","KIAA0319L",7.766846709,7.76684669,7.766846649,7.766846726,7.766846626,7.766846793,7.766846713,7.766846669,7.766846673,7.766846633,7.76684667,7.766846608,7.766846699,7.766846679,7.766846675,7.766846636,7.766846626,7.766846656,7.766846716,7.766846799,7.766846716,7.766846664,7.76684669,7.766846697,7.766846697,7.766846662,7.7668467,7.766846625
+"7712","KIAA0513",8.351424076,8.3514254,8.351424823,8.351425925,8.351424521,8.351425818,8.351425178,8.351424929,8.351423724,8.351425053,8.351425528,8.351423032,8.351424701,8.351424375,8.351424048,8.351425341,8.351424486,8.351425272,8.351425434,8.351425939,8.351424881,8.351424472,8.351424832,8.351425986,8.351425491,8.351423824,8.35142465,8.351423736
+"7713","KIAA0586",5.921716127,5.921715161,5.9217151,5.921715333,5.921715214,5.921714676,5.921715105,5.921714501,5.921716049,5.921715354,5.921714694,5.921714742,5.921715205,5.921716515,5.921715837,5.921714961,5.921714595,5.921714379,5.921715388,5.9217138,5.921715218,5.921714662,5.92171555,5.921715503,5.921715299,5.921715448,5.921715458,5.921715842
+"7714","KIAA0753",6.248759445,6.24875942,6.248759239,6.248759453,6.248759199,6.248759386,6.248759158,6.248759183,6.248759379,6.24875926,6.248759222,6.24875918,6.248759413,6.248759452,6.248759292,6.248759278,6.248759194,6.248759234,6.248759367,6.248759026,6.248759353,6.248759265,6.248759387,6.248759305,6.248759395,6.248759354,6.248759395,6.248759227
+"7715","KIAA0825",5.554640355,5.55464187333333,5.55462714466667,5.55464480166667,5.554627171,5.55463421666667,5.55463929766667,5.554618009,5.554634418,5.55463285066667,5.55463509833333,5.55461803066667,5.55463519533333,5.554632405,5.55463769533333,5.55464302366667,5.55462261933333,5.55464010866667,5.55463471133333,5.554635501,5.55464227733333,5.55462298366667,5.55464487933333,5.55464296233333,5.554639434,5.55463153633333,5.55463549033333,5.554630978
+"7716","KIAA0930",7.582102096,7.582102184,7.582102087,7.582102012,7.582102104,7.582102226,7.582102061,7.582102044,7.582101991,7.582102197,7.582102043,7.582101996,7.582102106,7.582102081,7.582102015,7.582102057,7.582101999,7.582101924,7.582102058,7.582102152,7.582101999,7.582102039,7.582101951,7.582102126,7.582101955,7.582102016,7.58210212,7.582101987
+"7717","KIAA1143",5.451503779,5.451503724,5.451503703,5.451503651,5.451503718,5.451503566,5.451503748,5.451503626,5.451503788,5.451503752,5.45150363,5.451503689,5.45150371,5.451504061,5.451503765,5.451503715,5.451503642,5.451503725,5.451503734,5.45150371,5.451503808,5.451503739,5.451503825,5.45150378,5.451503714,5.451503721,5.451503687,5.451504016
+"7718","KIAA1191",6.306992347,6.306992137,6.306992311,6.306991953,6.306991976,6.306992296,6.306992422,6.306992149,6.306992278,6.306992582,6.306991843,6.306992532,6.306992176,6.306992567,6.306992122,6.306991582,6.306991671,6.306991986,6.306992104,6.306991865,6.306992064,6.306991988,6.306992003,6.30699244,6.306991937,6.306992486,6.306992185,6.306992201
+"7719","KIAA1210",3.551410483,3.55141053,3.551410489,3.551410518,3.551410519,3.551410544,3.551410522,3.551410514,3.551410512,3.551410529,3.55141051,3.551410544,3.551410529,3.551410529,3.551410518,3.551410503,3.551410552,3.551410526,3.551410518,3.551410493,3.551410511,3.551410519,3.551410508,3.551410502,3.551410511,3.551410536,3.551410523,3.551410496
+"7720","KIAA1217",4.147682729,4.147682676,4.147682783,4.147682734,4.147682766,4.14768274,4.147682731,4.147682772,4.147682702,4.147682724,4.147682764,4.147682795,4.147682743,4.147682709,4.1476828,4.147682715,4.147682792,4.1476828,4.147682736,4.147682754,4.147682766,4.147682784,4.14768275,4.147682704,4.14768276,4.147682735,4.14768272,4.14768276
+"7721","KIAA1328",4.4297147395,4.4297143065,4.429714271,4.4297134915,4.4297136855,4.4297136325,4.429714178,4.4297143825,4.4297141855,4.429714328,4.429713477,4.429714199,4.429714244,4.429714487,4.429714029,4.42971426,4.4297133275,4.4297134415,4.4297139885,4.42971249,4.429713809,4.429714064,4.4297143215,4.4297139895,4.429713829,4.4297147895,4.429714674,4.429714267
+"7722","KIAA1522",5.325850259,5.325850279,5.325850284,5.325850269,5.325850302,5.325850275,5.325850275,5.325850292,5.325850287,5.325850284,5.325850304,5.325850298,5.325850281,5.325850257,5.325850293,5.325850271,5.325850323,5.32585029,5.325850291,5.325850292,5.325850306,5.325850295,5.325850268,5.325850256,5.325850287,5.325850289,5.325850275,5.325850288
+"7723","KIAA1549",5.527709579,5.527709582,5.527709591,5.527709593,5.527709652,5.527709608,5.527709611,5.527709613,5.527709597,5.527709616,5.527709615,5.527709655,5.527709592,5.527709528,5.527709617,5.527709607,5.527709637,5.52770964,5.527709555,5.527709602,5.527709623,5.527709656,5.52770957,5.527709555,5.527709595,5.527709612,5.527709544,5.527709609
+"7724","KIAA1549L",4.2598446355,4.259844749,4.2598446655,4.259844686,4.2598447735,4.2598445975,4.259844771,4.259844636,4.2598445685,4.2598446285,4.259844635,4.2598447905,4.2598446605,4.2598446325,4.2598446705,4.2598447985,4.25984475,4.259844624,4.2598446845,4.2598447525,4.2598448185,4.25984474,4.259844674,4.2598445895,4.259844749,4.2598447825,4.2598447245,4.259844663
+"7725","KIAA1586",4.939009082,4.939009051,4.939009208,4.939008455,4.939009371,4.939007314,4.939009009,4.93900914,4.939009133,4.939008706,4.939009017,4.939009139,4.939008824,4.939010085,4.939008936,4.939008931,4.939009117,4.939008942,4.939009205,4.939008066,4.939008968,4.939008686,4.939009141,4.939008824,4.93900884,4.939008875,4.939009033,4.939009805
+"7726","KIAA1614",5.585989796,5.585989983,5.585990073,5.585989784,5.585990287,5.58598973,5.585990144,5.58599012,5.585989635,5.585990212,5.58598998,5.585990199,5.585989913,5.585989535,5.585990276,5.585990107,5.585990153,5.585990178,5.585989992,5.585989865,5.585990314,5.585990143,5.585989856,5.585989568,5.585989941,5.585990248,5.585989839,5.585990036
+"7727","KIAA1656",4.221795782,4.221795758,4.221795834,4.221795924,4.22179588,4.221795845,4.221795881,4.221795832,4.22179582,4.221795771,4.221795813,4.221795894,4.221795812,4.221795778,4.221795904,4.221795895,4.221795919,4.221795806,4.221795769,4.221795842,4.22179587,4.221795813,4.221795841,4.221795853,4.221795821,4.221795763,4.221795859,4.221795758
+"7728","KIAA1671",6.010776979,6.010776563,6.010776679,6.010776706,6.010776786,6.010776883,6.010777042,6.010777037,6.010776915,6.010776715,6.010776735,6.010776825,6.010776707,6.010776496,6.01077692,6.010776517,6.010776836,6.010776768,6.010776749,6.010776716,6.010777007,6.01077691,6.010776901,6.010776728,6.010776493,6.010776812,6.010776588,6.01077667
+"7729","KIAA1755",5.282137708,5.28213773,5.282137841,5.282137703,5.28213784,5.28213775,5.28213778,5.282137796,5.282137776,5.282137818,5.282137875,5.282137898,5.282137718,5.282137616,5.282137815,5.282137812,5.282137873,5.282137848,5.282137751,5.282137795,5.282137841,5.282137782,5.282137804,5.28213768,5.282137792,5.28213783,5.282137735,5.28213777
+"7730","KIAA1958",5.523179429,5.523179447,5.523179401,5.523179522,5.523179482,5.523179601,5.523179479,5.523179415,5.52317945,5.523179499,5.523179514,5.523179478,5.523179519,5.523179485,5.523179494,5.523179456,5.523179461,5.523179454,5.523179502,5.523179615,5.523179496,5.523179467,5.523179577,5.523179491,5.523179474,5.523179436,5.523179472,5.523179388
+"7731","KIAA2012",3.794882728,3.7948826285,3.794882809,3.794882737,3.7948827195,3.794882824,3.7948828415,3.7948828155,3.7948826425,3.794882629,3.7948828425,3.794882762,3.7948827685,3.794882562,3.794882846,3.794882828,3.79488295,3.7948827835,3.794882677,3.794882758,3.794882762,3.794882743,3.7948826915,3.794882704,3.794882633,3.794882774,3.794882681,3.794882869
+"7732","KIAA2013",6.985169636,6.985169715,6.985169968,6.98516998,6.985170254,6.985169952,6.985169868,6.985170113,6.985169831,6.985169833,6.985169979,6.985170315,6.985169924,6.985169522,6.985170172,6.985169872,6.985170382,6.985169833,6.985169866,6.985169965,6.985170289,6.985170207,6.985169687,6.985169782,6.985169981,6.985169992,6.985169725,6.985169858
+"7733","KIAA2026",7.548119927,7.548119385,7.548118746,7.54811929,7.548118769,7.548119367,7.548119444,7.54811841,7.54811916,7.548119266,7.548118576,7.548118468,7.548119817,7.548120189,7.548119183,7.548118358,7.548118277,7.548118657,7.548119479,7.548119788,7.548119514,7.548118695,7.548118862,7.548119207,7.548119087,7.548119407,7.548119332,7.548119474
+"7734","KICS2",5.657691415,5.65769138,5.657691309,5.657691298,5.657691259,5.657691401,5.65769135,5.657691361,5.657691389,5.657691323,5.6576912,5.657691346,5.657691339,5.657691453,5.65769126,5.657691347,5.65769128,5.657691174,5.657691304,5.657691336,5.65769131,5.657691318,5.657691393,5.657691388,5.657691332,5.65769135,5.657691403,5.657691387
+"7735","KIDINS220",7.790974843,7.790975333,7.79097434,7.790975144,7.79097433,7.790974484,7.790974818,7.790973607,7.790974302,7.790974491,7.790974333,7.790973527,7.790974681,7.790975314,7.790974633,7.790975042,7.790974097,7.79097464,7.790974906,7.790974556,7.79097466,7.790973265,7.790974824,7.790974869,7.790974627,7.790974154,7.790974574,7.790974495
+"7736","KIF11",3.70462083,3.704620915,3.704620811,3.704620792,3.70462086,3.704621104,3.704621512,3.70462074,3.704621203,3.704620781,3.704620919,3.704620833,3.704620758,3.704620927,3.704620898,3.704620966,3.704620986,3.704620715,3.704620843,3.704620982,3.704621442,3.704620604,3.704621102,3.704620984,3.704620959,3.704620886,3.704620815,3.704620798
+"7737","KIF12",5.495933169,5.495933195,5.495933209,5.495933198,5.495933213,5.495933193,5.495933195,5.495933204,5.495933175,5.49593318,5.495933215,5.495933198,5.495933199,5.495933163,5.495933202,5.495933205,5.495933229,5.495933211,5.495933182,5.495933208,5.495933204,5.495933209,5.495933173,5.495933173,5.495933186,5.495933201,5.495933196,5.49593319
+"7738","KIF13A",7.545864915,7.545866161,7.545865073,7.545866386,7.545863886,7.5458659,7.545865768,7.545864205,7.545864268,7.54586444,7.545865199,7.545863931,7.545864969,7.545864904,7.54586491,7.545866198,7.545864795,7.545866117,7.545865265,7.54586581,7.545865691,7.545863786,7.54586477,7.54586591,7.545866283,7.545864932,7.545864837,7.545864103
+"7739","KIF13B",6.668379084,6.668379172,6.668378966,6.668378925,6.668378853,6.668379123,6.66837915,6.668378913,6.668378949,6.66837897,6.668378938,6.668378682,6.668378991,6.668379092,6.668378919,6.668379024,6.668378671,6.668378715,6.668378979,6.668379068,6.668379054,6.668378989,6.668378991,6.668378966,6.668378906,6.668378865,6.668379081,6.668378924
+"7740","KIF14",3.408559787,3.408559783,3.408559798,3.408559794,3.408559802,3.4085598,3.408559831,3.408559776,3.408559808,3.408559783,3.408559804,3.408559797,3.408559811,3.408559789,3.408559765,3.408559792,3.408559779,3.408559796,3.408559763,3.408559797,3.408559825,3.408559777,3.408559836,3.408559789,3.408559802,3.408559794,3.408559776,3.408559782
+"7741","KIF15",3.19171437,3.191714373,3.191714415,3.191714348,3.191714388,3.1917144,3.191714426,3.191714401,3.191714398,3.19171438,3.191714434,3.191714409,3.191714387,3.191714379,3.191714405,3.191714405,3.191714417,3.191714371,3.191714379,3.191714419,3.191714431,3.191714394,3.191714434,3.191714403,3.191714423,3.191714396,3.191714379,3.191714397
+"7742","KIF16B",5.270171354,5.270171072,5.270170111,5.270171178,5.270170948,5.270170625,5.270170901,5.270169843,5.270171306,5.270170631,5.270170374,5.270170586,5.270171118,5.27017189,5.270171167,5.270170712,5.270170066,5.270171021,5.270171114,5.270170571,5.27017087,5.270170335,5.270171104,5.270170889,5.270170521,5.270171134,5.270171127,5.270171603
+"7743","KIF17",4.738742805,4.738742824,4.738742827,4.738742801,4.73874284,4.738742829,4.738742813,4.738742831,4.73874282,4.738742819,4.738742822,4.738742832,4.738742817,4.738742803,4.738742821,4.738742831,4.73874285,4.738742837,4.738742804,4.738742816,4.738742828,4.738742837,4.738742809,4.738742792,4.738742817,4.73874283,4.738742808,4.738742826
+"7744","KIF18A",3.34456503,3.344565023,3.34456505,3.344565043,3.344565035,3.34456508,3.344565084,3.344565044,3.344565033,3.344565054,3.344565032,3.344565036,3.344565028,3.344565041,3.344565019,3.344565016,3.34456505,3.344565052,3.344565044,3.344565039,3.344565046,3.344565056,3.344565082,3.344565043,3.344565048,3.344565026,3.344565043,3.344565059
+"7745","KIF18B",5.7072657425,5.7072658255,5.7072658635,5.7072657875,5.7072659095,5.707265791,5.707265848,5.7072658885,5.7072658705,5.707265805,5.707265835,5.707265915,5.7072658305,5.7072657445,5.7072658815,5.7072658645,5.7072659935,5.7072659225,5.707265834,5.707265858,5.707265928,5.7072659205,5.7072658125,5.707265765,5.707265838,5.7072658805,5.707265844,5.7072658125
+"7746","KIF19",5.235702031,5.235702046,5.235702116,5.235701976,5.235702165,5.235702041,5.23570201,5.235702124,5.235702105,5.235701999,5.235702113,5.23570212,5.23570207,5.23570195,5.2357021,5.235702056,5.235702063,5.235702136,5.235702117,5.235702045,5.235702141,5.235702112,5.235702013,5.235702077,5.235702087,5.235702046,5.235702017,5.235702019
+"7747","KIF1A",5.004663681,5.004663701,5.004663726,5.004663709,5.004663751,5.004663703,5.004663717,5.004663732,5.004663723,5.004663732,5.004663728,5.004663759,5.004663717,5.004663674,5.004663743,5.004663727,5.004663746,5.004663739,5.004663706,5.004663731,5.004663728,5.004663738,5.004663701,5.004663691,5.00466374,5.004663736,5.00466369,5.004663729
+"7748","KIF1B",6.952291084,6.952291775,6.952291075,6.952292452,6.952290947,6.952292995,6.952291855,6.952290697,6.952291101,6.952291302,6.952291636,6.952290307,6.952291451,6.952291133,6.952291517,6.952292109,6.952290712,6.952292143,6.952291848,6.952293104,6.952291681,6.95229053,6.952291715,6.952292106,6.952292061,6.952290736,6.952291481,6.952290796
+"7749","KIF1C",6.181060057,6.181060157,6.181060131,6.181060223,6.181060157,6.181060149,6.181060133,6.181060221,6.181060089,6.181060027,6.181060153,6.181059955,6.181060182,6.181060111,6.181060034,6.181060169,6.181060067,6.181060169,6.181060163,6.181060336,6.181060255,6.181060114,6.181060108,6.18106011,6.181060136,6.181060118,6.181060197,6.181060093
+"7750","KIF20A",3.49296693,3.492967038,3.492967072,3.492967129,3.492967306,3.492967028,3.492967578,3.492966993,3.492967234,3.492967093,3.49296706,3.492967184,3.49296718,3.492966894,3.492967143,3.492967097,3.492966967,3.492967362,3.492967008,3.492967046,3.492967526,3.492967166,3.492967288,3.492966826,3.492966896,3.492967151,3.49296705,3.492967006
+"7751","KIF20B",3.327346235,3.327346112,3.327346217,3.327346134,3.327346139,3.327346166,3.327346276,3.32734617,3.327346242,3.327346111,3.327346187,3.32734611,3.327346164,3.327346433,3.327346216,3.327346114,3.327346149,3.327346263,3.327346184,3.327346103,3.327346227,3.327346132,3.327346308,3.327346227,3.327346108,3.327346105,3.327346136,3.327346415
+"7752","KIF21A",4.30130337,4.301302674,4.301302483,4.301302358,4.301302609,4.30130266,4.301303171,4.301303008,4.301302867,4.301302819,4.301302819,4.301302161,4.301302768,4.301303292,4.301303207,4.301302796,4.301302444,4.301302605,4.301302896,4.301302707,4.301302866,4.301302711,4.301303066,4.301302778,4.301302789,4.301302616,4.301303143,4.301303094
+"7753","KIF21B",7.51899768,7.518997695,7.518997651,7.518997772,7.518997683,7.518997759,7.518997752,7.51899771,7.518997702,7.518997709,7.518997647,7.518997703,7.518997699,7.51899767,7.518997727,7.518997756,7.518997674,7.518997719,7.51899772,7.518997649,7.518997722,7.518997696,7.518997739,7.518997713,7.518997786,7.518997727,7.518997713,7.518997633
+"7754","KIF22",7.1799038725,7.1799043265,7.179903986,7.179904138,7.1799045985,7.1799044685,7.179904262,7.1799041645,7.1799043675,7.179904662,7.179904335,7.1799040425,7.179904416,7.17990413,7.1799045015,7.179903949,7.1799043905,7.179904217,7.179904289,7.179904504,7.179904295,7.1799042255,7.179904193,7.179904322,7.1799040195,7.1799042295,7.1799044085,7.179904142
+"7755","KIF23",4.154868487,4.154868585,4.154868608,4.154868635,4.154868535,4.15486873,4.154868986,4.154868576,4.154868781,4.154868682,4.154868732,4.154868853,4.154868674,4.15486857,4.154868706,4.154868697,4.154868778,4.154868664,4.154868557,4.154868685,4.154868973,4.154868679,4.154868654,4.154868572,4.154868632,4.15486862,4.154868678,4.154868764
+"7756","KIF24",3.786210759,3.786210771,3.786210788,3.786210775,3.786210796,3.786210811,3.786210814,3.786210786,3.786210801,3.786210813,3.78621079,3.786210807,3.786210772,3.786210774,3.786210801,3.786210787,3.78621081,3.786210772,3.786210788,3.786210816,3.786210817,3.786210814,3.786210776,3.786210773,3.786210745,3.786210812,3.786210772,3.786210793
+"7757","KIF25",4.4718902,4.471890216,4.471890841,4.471891035,4.471891056,4.471890977,4.471890526,4.47189127,4.471890289,4.471890862,4.471890657,4.471890971,4.471890517,4.471889715,4.471891194,4.471890487,4.471891258,4.471890962,4.471890588,4.471890924,4.471890811,4.471891387,4.471890648,4.471889444,4.471890482,4.471890938,4.471890301,4.471890092
+"7758","KIF25-AS1",5.243490745,5.243490736,5.243490866,5.243490929,5.243491056,5.243491003,5.243491004,5.243490934,5.243490914,5.243490963,5.243491037,5.24349113,5.243490786,5.243490666,5.243491005,5.243490949,5.243491023,5.243491011,5.243490885,5.243490948,5.243491058,5.243490896,5.243490834,5.243490853,5.24349077,5.243490891,5.243490797,5.243490981
+"7759","KIF26A",5.953973663,5.95397352,5.953973755,5.953973481,5.953974012,5.9539736,5.95397381,5.953973901,5.953973602,5.953973602,5.953973749,5.953974031,5.953973611,5.953973429,5.953973855,5.953973853,5.953973995,5.95397386,5.953973691,5.95397367,5.953973954,5.953973964,5.953973567,5.953973466,5.953973814,5.953973986,5.953973639,5.953973902
+"7760","KIF26B",4.963255176,4.963255169,4.963255225,4.963255178,4.963255238,4.963255169,4.963255206,4.963255208,4.963255202,4.963255202,4.963255235,4.963255226,4.963255183,4.963255153,4.963255218,4.963255201,4.963255221,4.963255199,4.963255196,4.963255189,4.963255215,4.963255222,4.96325519,4.963255169,4.963255191,4.963255227,4.963255183,4.963255197
+"7761","KIF2A",7.572716136,7.57271572,7.57271469,7.572716878,7.572715615,7.572713792,7.572715712,7.572715348,7.572715692,7.572715937,7.572715988,7.572714707,7.572715891,7.572717815,7.572715583,7.572714471,7.572714204,7.572716506,7.572715884,7.572713591,7.572715975,7.572715113,7.572716267,7.572716059,7.57271562,7.57271559,7.572715864,7.572716893
+"7762","KIF2B",4.773909284,4.773909321,4.773909384,4.773909331,4.773909419,4.773909298,4.773909357,4.77390941,4.773909334,4.773909396,4.77390935,4.773909371,4.773909361,4.773909298,4.773909399,4.773909432,4.773909433,4.773909424,4.773909403,4.773909386,4.773909417,4.773909378,4.773909389,4.773909288,4.773909321,4.773909414,4.773909331,4.773909332
+"7763","KIF2C",4.375468376,4.375468323,4.375468547,4.375468399,4.375468578,4.375468356,4.375468696,4.375468394,4.375468484,4.375468447,4.375468553,4.375468519,4.375468393,4.375468418,4.375468561,4.375468589,4.375468469,4.375468416,4.375468458,4.375468563,4.375468789,4.375468384,4.375468503,4.375468448,4.375468346,4.37546844,4.375468424,4.375468478
+"7764","KIF3A",4.656767993,4.65676802,4.656767961,4.656767919,4.656767939,4.656767883,4.656767973,4.656767924,4.656768053,4.656767891,4.656767889,4.656767962,4.65676797,4.656768192,4.656768004,4.656767961,4.656767969,4.656767993,4.656768023,4.656767866,4.656767892,4.656767948,4.656767979,4.656767982,4.656767976,4.656767967,4.656767972,4.656768104
+"7765","KIF3B",6.29687174,6.29687185,6.296871941,6.296871816,6.296871741,6.296871678,6.296871764,6.296871788,6.296871889,6.296871714,6.296871887,6.296871714,6.296871888,6.296871745,6.296871667,6.296871994,6.296871616,6.296871935,6.296871609,6.296871914,6.296871769,6.296871704,6.296871758,6.296871982,6.296872025,6.296872012,6.29687181,6.296871921
+"7766","KIF3C",5.907281786,5.907281827,5.90728181,5.907281842,5.907281796,5.907281783,5.907281808,5.907281812,5.907281822,5.907281812,5.907281824,5.907281818,5.907281805,5.907281783,5.907281806,5.907281834,5.907281827,5.907281835,5.907281817,5.907281787,5.907281801,5.907281808,5.907281823,5.907281831,5.907281839,5.907281814,5.907281805,5.90728177
+"7767","KIF4A",3.93108262,3.931083009,3.931083052,3.931082707,3.931083122,3.931082841,3.931083102,3.931083005,3.931083027,3.931082677,3.931083027,3.931083196,3.931082929,3.931082582,3.931083089,3.931082925,3.931082894,3.93108305,3.931082789,3.931083108,3.931083233,3.931082937,3.931082954,3.931082735,3.931082751,3.931082961,3.931082802,3.931082897
+"7768","KIF5A",4.4971737365,4.497173738,4.4971737685,4.497173774,4.4971737615,4.497173766,4.497173746,4.4971737515,4.497173713,4.4971737625,4.497173736,4.497173798,4.4971737135,4.497173733,4.497173722,4.4971737555,4.497173771,4.4971737765,4.4971737345,4.497173757,4.497173758,4.4971737845,4.497173765,4.4971737385,4.4971737535,4.497173743,4.497173757,4.497173773
+"7769","KIF5B",7.747034083,7.747033827,7.747033382,7.747033579,7.747032939,7.747033047,7.747033385,7.747031889,7.747033051,7.747033332,7.747032991,7.747031325,7.747033187,7.747035947,7.747033779,7.747033613,7.747033101,7.747033335,7.747033855,7.747033223,7.747033827,7.747032775,7.747033896,7.747033504,7.747033409,7.747032711,7.747032966,7.747034866
+"7770","KIF5C",5.092507873,5.092507921,5.092507854,5.0925079,5.092507875,5.092507865,5.0925079,5.092507904,5.092507876,5.092507855,5.092507884,5.092507832,5.092507915,5.092507916,5.092507908,5.09250789,5.092507802,5.092507885,5.092507882,5.092507863,5.092507896,5.092507934,5.092507911,5.092507888,5.092507849,5.092507848,5.092507919,5.092507878
+"7771","KIF6",3.8426518,3.842651912,3.84265186,3.842651938,3.842651807,3.842651874,3.8426518,3.842651795,3.842651858,3.842651867,3.842651849,3.842651831,3.842651821,3.842651822,3.842651864,3.842651806,3.842651909,3.84265185,3.842651808,3.842651871,3.842651819,3.842651864,3.842651917,3.842651871,3.842651923,3.842651852,3.842651911,3.842651807
+"7772","KIF7",5.383071013,5.383071014,5.383071021,5.383071011,5.383071029,5.383070981,5.383071016,5.383071034,5.383070998,5.383071024,5.383071019,5.383071018,5.383070999,5.383070976,5.383071014,5.38307103,5.383071024,5.383071043,5.383071001,5.383071016,5.383071037,5.383071031,5.383070992,5.383070996,5.383071003,5.383071024,5.383071016,5.383071016
+"7773","KIF9",4.179446453,4.179446491,4.179446492,4.179446477,4.179446478,4.179446475,4.179446464,4.179446496,4.179446481,4.179446514,4.179446463,4.179446514,4.179446474,4.179446479,4.17944648,4.179446494,4.179446487,4.179446499,4.179446496,4.179446477,4.179446503,4.179446508,4.179446443,4.179446493,4.179446474,4.179446476,4.179446479,4.1794465
+"7774","KIFAP3",6.186488503,6.18648832,6.186488259,6.186487618,6.186488179,6.186487745,6.186488077,6.186487787,6.18648834,6.186488063,6.186487887,6.186487703,6.186488213,6.186489139,6.186488157,6.186488242,6.186487935,6.186487642,6.186488538,6.186487487,6.186487829,6.186487988,6.186488473,6.186488407,6.186487901,6.186488061,6.186488222,6.186488763
+"7775","KIFBP",5.454695554,5.454695009,5.454694884,5.454695045,5.454694931,5.45469477,5.454695278,5.454694793,5.454695092,5.454695079,5.45469472,5.454694759,5.454695439,5.454695727,5.454695225,5.454695175,5.454694577,5.454695005,5.45469497,5.454694061,5.454695241,5.454695087,5.45469536,5.454695169,5.454694812,5.454694909,5.454695441,5.45469535
+"7776","KIFC1",4.2967327295,4.296732591,4.2967330255,4.2967326775,4.2967328705,4.296732916,4.296732849,4.2967330125,4.296732518,4.2967327725,4.296732984,4.296733107,4.296733046,4.296732085,4.2967330225,4.29673279,4.296732901,4.296733107,4.2967326445,4.2967325235,4.2967331745,4.296732634,4.2967329945,4.2967326895,4.2967326,4.2967330265,4.296732827,4.296732538
+"7777","KIFC2",6.130993943,6.130993732,6.130993985,6.130993841,6.130994288,6.130993828,6.130993966,6.13099413,6.130994038,6.130994124,6.130994033,6.130994357,6.13099401,6.130993638,6.13099422,6.130994011,6.130994267,6.130993963,6.130993886,6.130993968,6.130994077,6.130994207,6.130993928,6.130993974,6.130994119,6.130994061,6.13099382,6.130993989
+"7778","KIFC3",6.169090735,6.169090775,6.169090851,6.169090801,6.169090862,6.169090743,6.169090803,6.169090846,6.169090798,6.16909077,6.169090847,6.169090849,6.169090808,6.169090675,6.16909085,6.16909084,6.169090885,6.169090875,6.169090748,6.169090795,6.169090869,6.169090834,6.169090802,6.169090749,6.169090833,6.16909085,6.169090736,6.169090845
+"7779","KIN",6.167307717,6.167307571,6.167307529,6.167307305,6.167307204,6.167307362,6.167307196,6.167307262,6.167307309,6.167307409,6.167307462,6.167307014,6.167307609,6.167307839,6.167307519,6.167307426,6.167307415,6.16730736,6.16730766,6.167307268,6.167307251,6.167307264,6.16730745,6.167307399,6.167307531,6.167307372,6.167307507,6.167307513
+"7780","KIR3DX1",4.625674496,4.625674512,4.625674514,4.62567451,4.625674508,4.625674508,4.625674501,4.62567449,4.62567451,4.625674498,4.625674518,4.625674496,4.625674515,4.625674481,4.625674506,4.625674512,4.625674507,4.625674516,4.625674493,4.6256745,4.625674485,4.625674507,4.625674511,4.625674506,4.625674517,4.625674496,4.625674517,4.625674499
+"7781","KIRREL1",4.724818339,4.724818335,4.724818337,4.72481834,4.72481835,4.724818346,4.724818334,4.724818352,4.724818333,4.724818347,4.724818354,4.724818355,4.724818347,4.724818319,4.724818361,4.72481834,4.724818359,4.724818348,4.724818323,4.724818338,4.724818352,4.724818349,4.724818318,4.724818325,4.724818337,4.724818342,4.724818331,4.724818318
+"7782","KIRREL2",5.1931517,5.193151657,5.193151862,5.193151732,5.193151914,5.193151813,5.193151733,5.193151841,5.193151749,5.193151826,5.193151831,5.193151904,5.193151755,5.193151748,5.193151886,5.193151847,5.19315191,5.193151896,5.193151786,5.193151796,5.193151875,5.193151849,5.193151696,5.193151791,5.193151816,5.193151761,5.193151713,5.193151801
+"7783","KIRREL3",5.559357555,5.559357544,5.559357603,5.559357592,5.559357684,5.559357516,5.559357619,5.559357701,5.559357612,5.55935758,5.559357658,5.559357691,5.559357597,5.559357527,5.559357664,5.559357631,5.559357734,5.559357735,5.559357619,5.55935758,5.559357628,5.559357649,5.559357581,5.559357546,5.559357623,5.559357647,5.559357574,5.559357593
+"7784","KIRREL3-AS3",5.174249554,5.174249574,5.174249601,5.174249577,5.174249652,5.174249575,5.174249553,5.17424959,5.174249573,5.17424961,5.17424957,5.174249635,5.174249556,5.174249528,5.174249616,5.174249595,5.174249605,5.174249567,5.17424958,5.174249567,5.174249604,5.174249608,5.174249502,5.174249556,5.174249523,5.174249622,5.174249546,5.174249571
+"7785","KISS1",6.0625104,6.062510487,6.06251069,6.062510621,6.062510882,6.062510112,6.062510477,6.062510812,6.062510594,6.062510595,6.062510684,6.062510814,6.06251056,6.062510267,6.062510584,6.062510785,6.062510806,6.062510838,6.062510478,6.062510451,6.06251053,6.062510642,6.062510374,6.06251046,6.062510696,6.062510616,6.062510557,6.062510646
+"7786","KISS1R",6.45218728,6.452187382,6.452187744,6.452187455,6.452187981,6.452187221,6.45218765,6.452187745,6.452187408,6.452187431,6.452187831,6.452187825,6.452187618,6.452187066,6.4521878,6.452187662,6.452187872,6.452187762,6.452187561,6.452187617,6.452187831,6.452187805,6.45218742,6.452187545,6.452187585,6.452187754,6.452187532,6.452187709
+"7787","KIT",4.517738798,4.517739539,4.517739273,4.517739609,4.517739252,4.517738394,4.517739124,4.517739058,4.517738866,4.517738304,4.517739482,4.51773924,4.517739372,4.517739423,4.51773908,4.517739607,4.517739264,4.51773956,4.517739325,4.517738698,4.517738941,4.517739085,4.517738697,4.517738822,4.517739232,4.517739201,4.517739171,4.517739336
+"7788","KITLG",2.670434506,2.670434572,2.670434478,2.67043444,2.670434551,2.670434467,2.670434484,2.670434452,2.670434401,2.67043455,2.67043463,2.670434487,2.67043438,2.670434433,2.670434504,2.670434591,2.670434429,2.670434609,2.670434447,2.670434539,2.670434451,2.670434518,2.6704345,2.670434561,2.670434527,2.67043444,2.670434525,2.670434482
+"7789","KIZ",5.596033829,5.596033845,5.596033819,5.596033823,5.596033786,5.596033792,5.596033824,5.596033829,5.596033837,5.596033835,5.596033802,5.596033767,5.59603384,5.596033829,5.596033808,5.596033818,5.596033793,5.596033832,5.596033837,5.596033774,5.596033818,5.596033811,5.596033833,5.59603385,5.596033798,5.596033804,5.596033843,5.596033815
+"7790","KL",4.523072435,4.523072463,4.523072521,4.523072494,4.523072498,4.523072435,4.523072464,4.523072474,4.523072488,4.523072495,4.523072497,4.523072485,4.523072446,4.523072462,4.523072504,4.523072466,4.52307254,4.523072522,4.5230725,4.523072508,4.523072506,4.523072507,4.523072483,4.523072472,4.523072489,4.523072481,4.523072472,4.523072464
+"7791","KLB",4.26048368,4.260483767,4.26048386,4.260483795,4.260483875,4.260483744,4.260483829,4.260483764,4.260483782,4.260483783,4.260483723,4.260483865,4.260483793,4.260483769,4.260483817,4.260483864,4.260483894,4.26048382,4.260483824,4.260483809,4.26048385,4.260483815,4.260483746,4.260483763,4.260483822,4.260483786,4.260483712,4.260483769
+"7792","KLC1",8.652750508,8.652750436,8.652750088,8.652750426,8.652750104,8.652750374,8.652750297,8.652750273,8.652750241,8.652750271,8.652750022,8.652750074,8.652750278,8.652750743,8.652750306,8.65275035,8.652750024,8.652750108,8.652750288,8.652750403,8.652750197,8.652750189,8.652750316,8.652750384,8.652750032,8.652750263,8.652750395,8.652750388
+"7793","KLC2",6.027474563,6.027474584,6.027474613,6.027474592,6.027474609,6.027474569,6.027474579,6.027474621,6.027474602,6.027474594,6.027474592,6.027474623,6.027474591,6.027474565,6.027474611,6.027474598,6.027474625,6.027474599,6.027474586,6.027474575,6.027474598,6.027474611,6.027474587,6.027474587,6.02747458,6.027474581,6.027474582,6.027474596
+"7794","KLC3",6.49086945,6.490869472,6.490869892,6.490869554,6.490869812,6.4908698,6.490869881,6.490869897,6.490869747,6.490869556,6.490869847,6.490869823,6.490869498,6.490869375,6.490869624,6.490869493,6.49086989,6.49086978,6.490869558,6.490869864,6.490869808,6.490869816,6.490869632,6.490869395,6.49086972,6.490869826,6.490869503,6.490869585
+"7795","KLC4",5.820208928,5.820208936,5.820208923,5.820208934,5.820208928,5.820208937,5.820208925,5.820208931,5.820208934,5.820208927,5.82020893,5.820208924,5.820208931,5.820208928,5.820208925,5.820208931,5.820208933,5.820208934,5.820208929,5.820208933,5.820208922,5.820208937,5.820208934,5.820208915,5.820208924,5.820208932,5.820208926,5.820208927
+"7796","KLF1",7.730244245,7.730244173,7.730246083,7.730245218,7.730245333,7.730245765,7.730245518,7.730246057,7.73024529,7.730245383,7.730246078,7.730247403,7.730243861,7.73024252,7.730245174,7.730244775,7.730246197,7.730245899,7.730244889,7.730245482,7.730245188,7.730245574,7.7302447,7.730245244,7.73024604,7.730246875,7.730243816,7.730245001
+"7797","KLF10",6.4717254,6.471725397,6.471725444,6.471725427,6.471725425,6.471725505,6.471725394,6.471725396,6.47172538,6.471725421,6.471725415,6.471725381,6.471725451,6.471725381,6.471725441,6.471725406,6.471725445,6.471725456,6.47172543,6.471725451,6.471725395,6.471725409,6.471725383,6.471725433,6.47172542,6.471725389,6.471725448,6.47172539
+"7798","KLF11",6.278321195,6.27832111,6.278321174,6.278321053,6.278321293,6.278321184,6.278321127,6.278321161,6.278321093,6.278321233,6.278321191,6.27832108,6.278321256,6.278321039,6.278321162,6.278321136,6.278321207,6.278321085,6.278321257,6.278321039,6.27832112,6.278321141,6.27832111,6.278321253,6.278321211,6.278321137,6.278321241,6.278321126
+"7799","KLF12",7.210306418,7.210305539,7.210304422,7.210304308,7.210304295,7.210304262,7.210305498,7.210304975,7.210306397,7.210305451,7.210303959,7.210304945,7.210305734,7.210306733,7.210305513,7.210304347,7.21030341,7.210303851,7.210304943,7.210303976,7.210305328,7.21030489,7.210306118,7.210305261,7.210304234,7.210305567,7.210305809,7.210306142
+"7800","KLF13",8.409153202,8.409153445,8.409153143,8.409153301,8.409153196,8.409153431,8.409153222,8.409153293,8.409153243,8.409153255,8.409153136,8.409153245,8.409153266,8.409153415,8.409153156,8.4091533,8.409153011,8.409153085,8.409153276,8.409153384,8.409153165,8.409153167,8.409153299,8.409153395,8.409153104,8.409153307,8.409153384,8.409153181
+"7801","KLF14",6.124046552,6.124046618,6.124046665,6.124046646,6.12404684,6.124046637,6.124046719,6.124046746,6.124046666,6.124046669,6.124046702,6.124046809,6.124046658,6.124046503,6.124046751,6.124046618,6.124046791,6.124046716,6.124046715,6.124046648,6.12404674,6.124046752,6.124046642,6.124046574,6.124046627,6.12404675,6.12404661,6.124046652
+"7802","KLF15",5.12231668,5.122316675,5.122316797,5.122316725,5.122316978,5.122316779,5.122316782,5.122316892,5.122316823,5.122316753,5.1223168,5.122316835,5.122316705,5.122316561,5.122316869,5.122316657,5.122316913,5.122316817,5.122316769,5.122316794,5.122316874,5.122316812,5.122316742,5.122316753,5.122316829,5.122316792,5.122316704,5.122316773
+"7803","KLF16",7.125452779,7.12545286,7.125452862,7.125452804,7.125452916,7.125452864,7.125452846,7.125452881,7.125452888,7.125452916,7.125452863,7.125452903,7.125452833,7.125452747,7.125452891,7.12545285,7.125452914,7.125452882,7.125452831,7.125452824,7.125452851,7.125452891,7.12545287,7.125452831,7.125452846,7.125452854,7.125452857,7.125452841
+"7804","KLF17",4.805915205,4.805915212,4.805915235,4.805915178,4.805915309,4.805915186,4.805915146,4.805915302,4.805915276,4.805915223,4.805915288,4.80591533,4.805915248,4.80591514,4.805915263,4.805915247,4.805915286,4.805915256,4.805915205,4.80591524,4.805915207,4.805915312,4.805915225,4.805915197,4.80591523,4.805915227,4.805915201,4.805915149
+"7805","KLF2",9.817148015,9.817149142,9.817147248,9.817148094,9.817147874,9.817148755,9.817147823,9.817148085,9.817148528,9.817148375,9.817147935,9.817147935,9.817148227,9.817148292,9.81714826,9.817148781,9.817147314,9.817148284,9.817148396,9.817148025,9.817147602,9.817147827,9.817148652,9.817148034,9.817147702,9.817147612,9.817148605,9.817148369
+"7806","KLF3",8.372033459,8.37203357,8.372033356,8.372033488,8.372033335,8.372033444,8.372033304,8.372033463,8.372033447,8.372033432,8.372033429,8.372033246,8.372033493,8.372033474,8.372033343,8.372033478,8.372033243,8.372033446,8.372033358,8.37203344,8.372033384,8.372033276,8.372033503,8.372033597,8.372033508,8.372033441,8.372033511,8.372033347
+"7807","KLF3-AS1",5.198147283,5.19814723,5.198147209,5.198147339,5.19814718,5.198147072,5.198147232,5.198147173,5.198147277,5.198147279,5.198147085,5.198147315,5.198147342,5.198147292,5.19814723,5.198147294,5.198147161,5.198147197,5.198147171,5.198147105,5.19814715,5.19814716,5.198147239,5.198147187,5.198147037,5.198147265,5.198147369,5.198147247
+"7808","KLF4",5.954876229,5.95487642,5.954876338,5.954876422,5.954876372,5.954876552,5.954876266,5.954876266,5.954876052,5.954876443,5.95487634,5.954876118,5.954876412,5.954876422,5.954876343,5.954876236,5.954876206,5.954876368,5.954876338,5.954876578,5.954876293,5.954876342,5.95487606,5.954876417,5.954876238,5.954876227,5.954876365,5.954876393
+"7809","KLF5",6.358791041,6.358791175,6.358791096,6.358791101,6.35879132,6.35879114,6.358791247,6.358791217,6.358791132,6.358791126,6.358791197,6.358791435,6.358791185,6.358790899,6.35879129,6.358791261,6.358791416,6.358791324,6.358791278,6.358791164,6.358791288,6.358791248,6.358791066,6.358791057,6.358791252,6.358791241,6.358791048,6.358791267
+"7810","KLF6",8.515968432,8.515969258,8.515967436,8.515968863,8.515967807,8.515967875,8.515968228,8.515967544,8.51596742,8.515967779,8.515968309,8.515966681,8.515968389,8.515968485,8.515968022,8.515968766,8.515967457,8.515968411,8.515968524,8.515968148,8.51596797,8.515967569,8.515968358,8.515968479,8.515968465,8.515967213,8.515968187,8.515968063
+"7811","KLF7",7.953369848,7.953370653,7.953369919,7.953371081,7.953369566,7.953370105,7.953370287,7.953369419,7.953369911,7.953370304,7.95336989,7.953369833,7.953369968,7.95337012,7.953369706,7.953370326,7.953369985,7.953371004,7.953370219,7.953370217,7.953370181,7.953369869,7.953370342,7.953370581,7.953370312,7.953369835,7.953370183,7.953369745
+"7812","KLF8",4.580577642,4.580577615,4.580577584,4.580577625,4.580577588,4.580577523,4.580577554,4.580577531,4.580577564,4.580577602,4.580577618,4.580577547,4.580577598,4.580577534,4.580577617,4.58057754,4.580577564,4.580577597,4.580577642,4.580577517,4.580577536,4.580577553,4.580577568,4.580577612,4.580577629,4.580577536,4.580577595,4.580577568
+"7813","KLF9",7.061112866,7.06111286,7.061112858,7.061112819,7.061112957,7.061112905,7.061112892,7.061112879,7.06111288,7.061112921,7.061112922,7.061112989,7.061112844,7.061112715,7.061112894,7.061112826,7.061112923,7.06111286,7.061112885,7.061112852,7.061112848,7.061112892,7.06111282,7.061112788,7.06111282,7.061112877,7.061112819,7.061112883
+"7814","KLHDC1",5.41029346,5.410293384,5.410293021,5.410292988,5.410293011,5.410292977,5.410293061,5.410293105,5.410293428,5.410293261,5.410293016,5.410293105,5.410293255,5.410293618,5.410293244,5.410293065,5.410292961,5.410292939,5.410293135,5.410292943,5.410292999,5.410293003,5.410293279,5.410293266,5.410292986,5.410293189,5.410293265,5.410293391
+"7815","KLHDC10",5.56070564433333,5.56070564233333,5.56070556066667,5.56070557166667,5.56070556966667,5.56070560966667,5.560705594,5.560705575,5.56070560233333,5.56070560533333,5.56070559766667,5.56070555966667,5.560705602,5.56070566533333,5.560705582,5.56070556866667,5.560705567,5.56070553066667,5.560705604,5.56070561,5.560705558,5.56070557,5.56070560466667,5.56070560866667,5.56070558466667,5.560705603,5.560705602,5.56070559
+"7816","KLHDC2",7.001807425,7.001806787,7.001806988,7.001806739,7.001806639,7.001806325,7.001806859,7.001806921,7.001807095,7.001806798,7.001806423,7.001806799,7.001807028,7.001807594,7.001806831,7.001806874,7.001806696,7.001806586,7.001806899,7.001806598,7.001806753,7.001806901,7.001807015,7.001807105,7.00180646,7.00180682,7.001807065,7.001807276
+"7817","KLHDC3",7.437285563,7.437285575,7.437285518,7.437285503,7.43728542,7.43728553,7.437285454,7.437285511,7.437285545,7.437285559,7.43728543,7.437285453,7.437285556,7.437285617,7.43728547,7.437285467,7.437285432,7.437285427,7.437285458,7.437285436,7.437285452,7.43728549,7.437285526,7.437285538,7.43728545,7.437285501,7.437285555,7.437285484
+"7818","KLHDC4",7.008077556,7.008077517,7.008077485,7.008077362,7.008077427,7.008077531,7.008077494,7.008077537,7.008077644,7.008077467,7.008077298,7.008077393,7.008077539,7.008077522,7.008077538,7.008077528,7.008077364,7.008077369,7.008077448,7.008077576,7.008077413,7.008077504,7.008077575,7.00807741,7.008077318,7.008077586,7.008077553,7.008077387
+"7819","KLHDC7A",6.147690439,6.147690399,6.147690479,6.14769048,6.147690517,6.147690433,6.147690457,6.14769049,6.147690519,6.147690505,6.147690468,6.147690534,6.147690494,6.147690356,6.147690531,6.147690487,6.147690558,6.147690503,6.147690486,6.147690486,6.147690523,6.147690528,6.14769045,6.147690463,6.147690518,6.14769048,6.147690505,6.147690517
+"7820","KLHDC7B",6.077564883,6.077565056,6.077565378,6.077565053,6.07756556,6.07756508,6.077565366,6.077565442,6.077565207,6.077565301,6.077565451,6.077565423,6.077565115,6.077564543,6.077565493,6.077565514,6.077565444,6.077565388,6.077565282,6.07756564,6.077565359,6.077565516,6.077565198,6.077565201,6.077565183,6.077565359,6.077565238,6.077565363
+"7821","KLHDC8A",5.53429386,5.534293896,5.534293924,5.534293878,5.534293911,5.534293906,5.534293896,5.5342939,5.534293886,5.534293887,5.534293914,5.534293925,5.534293892,5.534293823,5.53429389,5.53429386,5.534293915,5.534293921,5.534293887,5.534293895,5.534293874,5.534293922,5.534293881,5.534293871,5.534293887,5.534293917,5.534293889,5.534293888
+"7822","KLHDC8B",5.728928185,5.728928497,5.72892845,5.728928498,5.728928743,5.72892846,5.728928577,5.728928623,5.728928528,5.72892841,5.728928604,5.728928549,5.728928648,5.728928133,5.728928572,5.728928605,5.728928683,5.728928535,5.728928522,5.728928675,5.728928533,5.728928601,5.728928413,5.72892851,5.728928676,5.728928612,5.728928633,5.728928349
+"7823","KLHDC9",4.030025294,4.030025171,4.030025445,4.030025174,4.030025606,4.030025157,4.030025379,4.030025589,4.030025281,4.030024952,4.03002527,4.030025522,4.030025185,4.030025001,4.030025309,4.030025434,4.030025525,4.030025287,4.030025378,4.030025558,4.030025498,4.030025395,4.030025251,4.03002527,4.03002536,4.030025436,4.03002516,4.030025483
+"7824","KLHL1",3.653944039,3.653944034,3.653944049,3.653944041,3.653944065,3.653944056,3.653944057,3.653944066,3.653944043,3.653944071,3.653944049,3.653944062,3.653944039,3.653944047,3.653944055,3.653944032,3.653944057,3.653944054,3.653944043,3.653944052,3.653944054,3.653944052,3.65394404,3.653944033,3.653944038,3.653944055,3.653944048,3.653944038
+"7825","KLHL10",3.32565281,3.32565289,3.325652776,3.325653021,3.325652889,3.325652956,3.325652877,3.325653014,3.325652965,3.325652831,3.325652874,3.325652894,3.325652777,3.325652844,3.325652756,3.325652911,3.325653036,3.325652882,3.325652914,3.3256529,3.325652875,3.325652798,3.325652893,3.325652806,3.325652891,3.325652885,3.325652907,3.325652913
+"7826","KLHL11",6.79295942,6.792959414,6.792959427,6.79295941,6.792959417,6.792959429,6.792959417,6.79295944,6.792959433,6.792959407,6.7929594,6.792959421,6.792959398,6.79295946,6.792959406,6.792959392,6.792959427,6.792959416,6.792959423,6.792959404,6.792959402,6.792959422,6.792959444,6.79295943,6.792959392,6.792959426,6.792959428,6.79295942
+"7827","KLHL12",7.072761792,7.072761797,7.072761516,7.072761615,7.072760887,7.072761125,7.072761108,7.072761435,7.072761484,7.072761332,7.072760987,7.072760941,7.07276159,7.072761691,7.07276108,7.072761581,7.07276084,7.072761293,7.072761404,7.072761442,7.072761409,7.072761397,7.072761623,7.072761742,7.072761133,7.072761383,7.072761508,7.072761563
+"7828","KLHL13",3.871352434,3.871352774,3.871352732,3.871352922,3.871352703,3.871352534,3.871352804,3.871352821,3.871352796,3.871352654,3.87135271,3.871352848,3.871352542,3.871352509,3.871352881,3.871352591,3.871352561,3.871352862,3.871352842,3.871352714,3.871352904,3.871352707,3.871352576,3.871352719,3.871352751,3.871352664,3.871352694,3.871352683
+"7829","KLHL14",4.78740231,4.787402276,4.787402246,4.787402292,4.787402277,4.787402207,4.787402288,4.787402233,4.787402249,4.787402274,4.787402209,4.787402265,4.78740229,4.787402301,4.787402291,4.787402226,4.787402208,4.787402273,4.78740228,4.78740225,4.787402301,4.787402248,4.787402241,4.7874023,4.787402253,4.787402246,4.787402235,4.787402314
+"7830","KLHL15",5.11338143,5.113381445,5.113381395,5.113381379,5.113381371,5.113381375,5.113381368,5.113381364,5.113381413,5.113381418,5.113381378,5.113381391,5.113381395,5.113381439,5.113381333,5.113381396,5.113381276,5.11338138,5.113381373,5.11338129,5.113381361,5.113381307,5.113381426,5.113381401,5.113381343,5.113381375,5.113381428,5.113381397
+"7831","KLHL17",6.532717832,6.532717825,6.532717938,6.532717845,6.53271799,6.532717847,6.532717912,6.532717953,6.532717891,6.532717932,6.532717933,6.532717972,6.532717892,6.532717811,6.532717927,6.532717905,6.532717978,6.532717926,6.53271792,6.53271785,6.532717915,6.532717938,6.532717868,6.53271784,6.532717921,6.532717912,6.532717876,6.5327179
+"7832","KLHL18",6.957088642,6.957088844,6.95708867,6.957088758,6.957088582,6.957088748,6.957088762,6.95708857,6.957088642,6.957088676,6.957088692,6.957088542,6.957088767,6.957088791,6.95708866,6.957088797,6.957088661,6.957088739,6.957088687,6.957088672,6.957088654,6.957088581,6.957088695,6.957088747,6.957088753,6.957088607,6.957088735,6.957088611
+"7833","KLHL2",6.637953723,6.637954313,6.63795347,6.637954905,6.637952708,6.637952829,6.637953713,6.637952662,6.637953506,6.637952945,6.637953885,6.637951829,6.63795337,6.637954264,6.637953233,6.637954625,6.63795325,6.637954108,6.637953533,6.63795344,6.637953241,6.637952769,6.637954115,6.637954418,6.63795378,6.637952696,6.637953157,6.63795318
+"7834","KLHL20",6.571206427,6.571206173,6.571205915,6.571205631,6.571205797,6.571205838,6.571205799,6.571205736,6.571206206,6.571206046,6.571205635,6.571205695,6.57120613,6.571206569,6.571205906,6.571206003,6.571205658,6.571205742,6.571206163,6.571205639,6.571205743,6.571205736,6.57120633,6.571206025,6.571205566,6.571205876,6.571206027,6.571206227
+"7835","KLHL21",6.694684364,6.694684893,6.694684422,6.694685065,6.694684111,6.694684584,6.69468441,6.694684685,6.69468421,6.69468383,6.694684521,6.694683963,6.694684509,6.69468418,6.69468454,6.694684931,6.694684473,6.694684933,6.694684641,6.694684555,6.694684232,6.694684548,6.694684489,6.694684713,6.694684702,6.694684271,6.694684422,6.694684049
+"7836","KLHL22",6.80878856,6.808788625,6.808788623,6.808788619,6.808788597,6.80878856,6.808788598,6.808788661,6.808788634,6.808788569,6.808788533,6.808788608,6.808788633,6.808788635,6.808788589,6.808788661,6.808788471,6.808788611,6.808788615,6.80878866,6.80878859,6.808788629,6.808788616,6.808788636,6.808788648,6.808788679,6.808788666,6.808788646
+"7837","KLHL24",7.400110486,7.40011027,7.400110066,7.400110268,7.400109531,7.400109251,7.400109648,7.400109763,7.400109856,7.400109886,7.400109732,7.400109402,7.400110119,7.400110944,7.400109835,7.400110096,7.400109336,7.400110002,7.400110385,7.400108969,7.400109742,7.400109372,7.40011014,7.400110305,7.400110022,7.400109803,7.400110111,7.400110224
+"7838","KLHL25",5.39660736,5.39660736,5.396607331,5.396607376,5.396607398,5.396607363,5.396607377,5.396607413,5.396607333,5.396607334,5.396607342,5.396607361,5.396607377,5.396607367,5.396607388,5.396607368,5.396607369,5.39660733,5.396607341,5.396607377,5.396607373,5.39660739,5.396607323,5.396607359,5.396607361,5.396607376,5.39660737,5.396607348
+"7839","KLHL26",5.956400351,5.956400547,5.956400468,5.956400448,5.956400696,5.956400359,5.956400455,5.956400598,5.956400451,5.956400443,5.956400586,5.956400522,5.95640057,5.956400312,5.956400617,5.956400469,5.95640063,5.956400533,5.956400417,5.956400476,5.956400601,5.956400538,5.9564005,5.95640042,5.956400381,5.956400472,5.956400437,5.956400451
+"7840","KLHL28",7.50380851,7.503808767,7.503807813,7.503808017,7.503807985,7.503807599,7.503808096,7.503807939,7.503808176,7.503808369,7.503807618,7.503807555,7.503808206,7.503809123,7.503808309,7.503808921,7.503808033,7.50380766,7.503808297,7.50380733,7.503807955,7.503807899,7.503808555,7.503808406,7.503807928,7.503807906,7.503808255,7.503808878
+"7841","KLHL29",4.072326444,4.072326429,4.072326424,4.072326431,4.072326435,4.072326428,4.07232643,4.072326457,4.072326409,4.072326441,4.072326422,4.072326463,4.072326441,4.072326396,4.072326421,4.072326421,4.072326442,4.072326432,4.072326435,4.072326431,4.072326449,4.072326428,4.072326418,4.072326409,4.072326398,4.072326462,4.072326424,4.07232644
+"7842","KLHL3",5.577904361,5.577904806,5.577904455,5.577903996,5.577904292,5.577904274,5.577904084,5.577904086,5.57790521,5.577904448,5.57790391,5.577904488,5.577904763,5.577905048,5.57790426,5.577904878,5.577903618,5.577903972,5.577904596,5.57790372,5.577903784,5.577904478,5.577905296,5.577904824,5.577903693,5.577904827,5.577904697,5.577904609
+"7843","KLHL30",4.980514619,4.980514652,4.980514686,4.98051467,4.980514743,4.980514548,4.980514666,4.980514691,4.980514626,4.980514642,4.980514658,4.980514755,4.980514675,4.980514579,4.980514692,4.98051466,4.980514717,4.980514709,4.980514644,4.980514693,4.98051474,4.980514727,4.980514629,4.980514638,4.980514684,4.980514702,4.980514599,4.980514686
+"7844","KLHL30-AS1",4.235392412,4.235392424,4.235392433,4.235392416,4.235392434,4.23539241,4.235392413,4.235392419,4.235392424,4.235392404,4.235392429,4.23539242,4.23539242,4.235392412,4.235392437,4.235392454,4.235392419,4.235392431,4.235392425,4.235392409,4.235392411,4.235392444,4.235392427,4.235392421,4.235392449,4.235392412,4.235392416,4.23539243
+"7845","KLHL31",4.212337339,4.21233726,4.212337359,4.212337334,4.212337404,4.212337318,4.212337476,4.212337392,4.212337288,4.212337303,4.212337359,4.212337398,4.212337366,4.212337283,4.212337381,4.2123373,4.212337512,4.212337433,4.212337401,4.212337311,4.212337444,4.212337567,4.212337413,4.21233743,4.212337596,4.212337481,4.212337424,4.212337318
+"7846","KLHL32",3.930020969,3.930020978,3.930020987,3.930020998,3.930021,3.930020966,3.930021017,3.930021003,3.930021027,3.930020989,3.930021016,3.930021008,3.930021008,3.930021014,3.930021017,3.930020988,3.930021011,3.930021029,3.930021027,3.930021007,3.930020996,3.930021025,3.930020999,3.930021012,3.930020976,3.930021012,3.930021016,3.930021001
+"7847","KLHL33",5.423677596,5.423677418,5.423678249,5.423677959,5.423678732,5.423677018,5.423677865,5.423678319,5.423678186,5.423678001,5.423677993,5.423678393,5.423678059,5.423677408,5.423678201,5.423678198,5.423678574,5.423678382,5.42367823,5.423677763,5.423678443,5.423678485,5.423677802,5.423677563,5.423678246,5.423678071,5.423677618,5.423678323
+"7848","KLHL34",5.991135203,5.991135174,5.99113536,5.991135289,5.991135538,5.991135239,5.991135446,5.991135418,5.991135196,5.991135388,5.991135304,5.991135449,5.991135327,5.991135189,5.991135417,5.991135266,5.991135443,5.991135372,5.99113528,5.991135362,5.991135332,5.991135518,5.991135326,5.991135274,5.991135339,5.991135338,5.991135344,5.991135351
+"7849","KLHL35",6.020087399,6.020087369,6.02008744,6.020087396,6.020087487,6.02008735,6.020087432,6.020087482,6.020087419,6.020087362,6.020087434,6.020087462,6.020087411,6.020087336,6.020087436,6.02008739,6.020087472,6.020087433,6.020087432,6.020087379,6.020087467,6.020087485,6.020087379,6.020087379,6.020087467,6.020087431,6.020087378,6.020087444
+"7850","KLHL36",7.424775008,7.424774971,7.424774419,7.42477483,7.424774463,7.424774922,7.424774421,7.424774759,7.424774921,7.4247751,7.424774526,7.424774722,7.42477523,7.424775054,7.424774483,7.424774219,7.424774015,7.424774359,7.424774777,7.424774506,7.424774234,7.424774428,7.424774954,7.424775019,7.4247743,7.424774605,7.424775263,7.424774768
+"7851","KLHL38",4.279985533,4.279985386,4.27998563,4.279985609,4.279985599,4.279985813,4.279985552,4.27998563,4.279985521,4.279985656,4.279985727,4.279985593,4.279985689,4.279985648,4.279985629,4.279985648,4.279985873,4.279985839,4.279985721,4.279985621,4.279985666,4.279985722,4.279985748,4.279985765,4.279985604,4.27998563,4.279985654,4.27998575
+"7852","KLHL4",3.060790522,3.060790575,3.06079055,3.060790555,3.060790532,3.060790547,3.060790527,3.060790555,3.060790513,3.060790526,3.060790554,3.060790553,3.060790558,3.060790536,3.060790554,3.06079053,3.060790532,3.060790542,3.060790555,3.060790531,3.060790534,3.060790542,3.060790528,3.060790541,3.060790537,3.060790524,3.060790511,3.060790551
+"7853","KLHL40",4.965491745,4.965491871,4.965491803,4.965491858,4.965492055,4.965491881,4.965491949,4.965491977,4.965491884,4.9654919,4.965491965,4.965491906,4.965491685,4.965491648,4.965491979,4.965491794,4.965492095,4.96549186,4.965491931,4.96549181,4.965491978,4.965491848,4.965491714,4.965491779,4.965491833,4.965491836,4.96549172,4.965491785
+"7854","KLHL41",3.472195189,3.47219519,3.472195212,3.47219518,3.472195176,3.472195154,3.472195156,3.472195204,3.472195236,3.472195159,3.472195202,3.472195233,3.472195199,3.472195178,3.472195176,3.472195187,3.472195192,3.472195199,3.472195144,3.472195189,3.472195175,3.472195197,3.472195193,3.472195191,3.472195214,3.472195176,3.472195168,3.472195239
+"7855","KLHL42",6.564602019,6.564602086,6.56460227,6.564601935,6.564602303,6.564602065,6.564602217,6.564602295,6.564602317,6.564602261,6.564602207,6.564602372,6.564602294,6.564602103,6.564602338,6.564602309,6.564602289,6.564602338,6.564602239,6.564601988,6.564602025,6.564602199,6.564602083,6.564602075,6.564602343,6.564602238,6.564602032,6.564602186
+"7856","KLHL5",5.978350826,5.978350844,5.978350529,5.978350621,5.978350427,5.978350417,5.978350296,5.978350002,5.978350529,5.978350494,5.978350442,5.978350061,5.978350537,5.978351089,5.97835064,5.978350783,5.978350301,5.978350466,5.978350627,5.978350219,5.978350323,5.978350288,5.978350653,5.978350438,5.978350349,5.978350169,5.978350463,5.978350579
+"7857","KLHL6",8.101283787,8.101284362,8.101283895,8.101284198,8.101284407,8.101284415,8.101284011,8.101283956,8.10128443,8.101284437,8.101284085,8.101284263,8.101284338,8.101284616,8.101283754,8.101284259,8.101283569,8.101283745,8.101284534,8.101284201,8.101283879,8.101284135,8.101284376,8.10128439,8.101284095,8.101284226,8.101284395,8.101284476
+"7858","KLHL7",5.397813267,5.397813445,5.39781262,5.397812965,5.397812868,5.397812401,5.397812584,5.397812788,5.397812922,5.39781302,5.397812965,5.397812631,5.397812813,5.397813885,5.397812547,5.397813405,5.397812469,5.397812437,5.397813012,5.397812528,5.397812634,5.397812704,5.397813107,5.397813286,5.397812913,5.397812632,5.397813071,5.397813178
+"7859","KLHL8",6.163629113,6.163629295,6.163629299,6.163629587,6.163628672,6.163628595,6.163629215,6.163628758,6.163628701,6.163628723,6.163628938,6.163628045,6.163628873,6.163629619,6.163628839,6.163629099,6.163628872,6.163628834,6.16362898,6.163628707,6.163628998,6.163628761,6.163628908,6.163629041,6.163628864,6.163628593,6.163628728,6.163629061
+"7860","KLHL9",6.717811669,6.717811099,6.717811083,6.717810607,6.717811098,6.7178102,6.717811054,6.717810386,6.717811311,6.71781131,6.717810465,6.71780998,6.717811337,6.717812998,6.7178111,6.71781062,6.71781041,6.717810048,6.71781121,6.717810543,6.717810984,6.717810892,6.717811495,6.717811202,6.717810294,6.717810386,6.717811077,6.717812158
+"7861","KLK1",5.864377909,5.864377947,5.864378074,5.864378031,5.864378104,5.864378004,5.864378048,5.864378029,5.864377954,5.864377936,5.864378039,5.864378117,5.864378019,5.864377939,5.864378101,5.864378054,5.864378167,5.86437806,5.864378028,5.864378052,5.864378145,5.864378143,5.864377907,5.864377924,5.864377984,5.864378089,5.864377937,5.864378035
+"7862","KLK10",6.175848507,6.175848564,6.17584884,6.175848765,6.175849086,6.175848511,6.175848818,6.175848826,6.175848733,6.17584868,6.175848806,6.175849072,6.175848761,6.175848378,6.175848922,6.175848732,6.175849127,6.175848782,6.175848722,6.175848754,6.175848959,6.175848898,6.175848676,6.175848611,6.175848835,6.17584886,6.175848616,6.175848842
+"7863","KLK11",5.339673788,5.339673868,5.339674357,5.339674318,5.339674593,5.339673937,5.339674343,5.339674386,5.33967396,5.33967425,5.339674484,5.339674385,5.339674135,5.339673685,5.339674494,5.339673991,5.339674576,5.339674478,5.339674327,5.339674197,5.339674501,5.339674387,5.339674148,5.339674085,5.339674301,5.339674225,5.339674081,5.339674147
+"7864","KLK12",4.465814244,4.465814147,4.465814231,4.465814414,4.465814429,4.465814349,4.465814396,4.465814274,4.465814331,4.46581435,4.465814215,4.465814245,4.465814165,4.46581412,4.465814153,4.465814095,4.465814334,4.465814225,4.465814385,4.465814127,4.465814203,4.465814283,4.465814421,4.465814181,4.465814271,4.465814376,4.465814224,4.465814064
+"7865","KLK13",5.027932535,5.027932562,5.027932613,5.027932564,5.027932587,5.027932564,5.027932612,5.027932602,5.027932587,5.027932588,5.02793258,5.027932629,5.027932548,5.027932502,5.027932606,5.027932551,5.027932651,5.027932571,5.027932566,5.027932568,5.027932568,5.027932608,5.027932561,5.027932517,5.027932508,5.02793256,5.027932558,5.027932586
+"7866","KLK14",5.449384201,5.449384526,5.449384677,5.449384531,5.449384518,5.44938447,5.449384395,5.449384658,5.449384464,5.44938429,5.449384627,5.449384697,5.449384518,5.449384353,5.449384624,5.44938464,5.449384666,5.449384633,5.449384299,5.449384614,5.449384708,5.449384665,5.449384626,5.449384548,5.449384779,5.449384596,5.449384499,5.44938451
+"7867","KLK15",5.05961394,5.059613948,5.059614059,5.059614141,5.059614192,5.059613908,5.059613985,5.059614117,5.059614084,5.059614051,5.059613926,5.059614083,5.059614032,5.059614035,5.059614118,5.059614039,5.059614168,5.059614184,5.059613882,5.059614006,5.059614113,5.059614069,5.059613994,5.059614038,5.05961416,5.059614158,5.059613982,5.059614143
+"7868","KLK2",5.150821559,5.150821533,5.150821531,5.150821445,5.150821618,5.150821527,5.150821562,5.15082157,5.150821551,5.150821517,5.150821571,5.150821628,5.150821548,5.150821499,5.150821582,5.150821574,5.150821571,5.150821572,5.150821565,5.150821556,5.150821616,5.150821586,5.15082152,5.150821488,5.150821561,5.150821585,5.150821508,5.150821492
+"7869","KLK3",5.096487414,5.096487376,5.09648737,5.096487289,5.096487658,5.096487242,5.096487448,5.096487429,5.096487371,5.096487395,5.096487502,5.096487466,5.096487199,5.096487076,5.096487533,5.09648728,5.096487604,5.096487439,5.096487452,5.096487282,5.09648752,5.096487698,5.096487027,5.09648723,5.096487319,5.096487574,5.096487085,5.096487467
+"7870","KLK4",5.126525076,5.126525081,5.126525104,5.126525075,5.12652511,5.126525097,5.126525075,5.126525086,5.12652508,5.126525081,5.126525091,5.126525108,5.126525086,5.126525061,5.126525097,5.126525102,5.126525089,5.126525106,5.126525087,5.126525088,5.126525086,5.126525093,5.126525082,5.126525082,5.126525094,5.126525095,5.126525074,5.126525079
+"7871","KLK5",5.170639034,5.17063903,5.170639059,5.170639018,5.170639097,5.17063903,5.17063905,5.170639085,5.170639028,5.170639029,5.17063907,5.170639108,5.170639034,5.170638973,5.170639069,5.170639081,5.170639115,5.17063906,5.170639064,5.17063909,5.170639086,5.170639071,5.170639006,5.170639032,5.170639052,5.170639062,5.170639002,5.170639041
+"7872","KLK6",4.728238733,4.728239095,4.728239216,4.728239047,4.728239267,4.728238918,4.728238951,4.728239057,4.728239239,4.728239237,4.728239222,4.728239307,4.728239014,4.728238819,4.728239353,4.728239093,4.728239308,4.728239078,4.728239364,4.728239133,4.728239225,4.728239272,4.728239067,4.728239216,4.728239081,4.728239153,4.728239143,4.728239236
+"7873","KLK7",4.958340815,4.95834078,4.958340808,4.95834079,4.958341006,4.9583406,4.958340778,4.958340943,4.958340876,4.958340877,4.958341013,4.958341083,4.958340854,4.958340491,4.958341088,4.958340908,4.958341169,4.958341003,4.958340931,4.958340939,4.958341031,4.958340994,4.958340709,4.95834067,4.95834077,4.958340849,4.95834065,4.958340663
+"7874","KLKB1",3.68107395,3.681073764,3.681073754,3.681073834,3.681074064,3.681073736,3.681073892,3.681073845,3.681073873,3.681073791,3.681073776,3.681073973,3.68107377,3.68107392,3.681073835,3.681073896,3.68107381,3.681073753,3.681074061,3.681073821,3.68107389,3.681073873,3.681073914,3.681073833,3.681073741,3.68107382,3.68107387,3.681073846
+"7875","KLKP1",4.74177668,4.741776736,4.741776728,4.741776741,4.741776611,4.741776767,4.741776737,4.741776832,4.741776614,4.741776619,4.741776869,4.74177669,4.741776762,4.741776427,4.741776689,4.741776907,4.7417769,4.741776746,4.741776718,4.741776616,4.741776692,4.741776682,4.741776607,4.741776672,4.741776763,4.741776638,4.741776746,4.741776784
+"7876","KLRA1P",4.007990968,4.00798803,4.007989042,4.007987536,4.007987946,4.007988132,4.007990636,4.007989543,4.00798894,4.007987903,4.007988999,4.007988737,4.007988838,4.007990196,4.007990187,4.007987853,4.007988507,4.007988467,4.007987971,4.007987998,4.007990065,4.007989533,4.007990126,4.007988261,4.007988301,4.007988817,4.00798901,4.007989349
+"7877","KLRB1",5.330711083,5.330710785,5.330710569,5.330710536,5.330709887,5.330710095,5.330710846,5.330710677,5.330710487,5.330710067,5.330710087,5.330709557,5.330711195,5.330711553,5.33071068,5.330710881,5.330710473,5.330710596,5.330710422,5.330709914,5.330710738,5.330710758,5.330710854,5.330710605,5.330710171,5.330710012,5.330710861,5.330711165
+"7878","KLRC1",4.042500234,4.042498863,4.042500212,4.042498791,4.042499159,4.042499232,4.042498988,4.042500387,4.042499444,4.04250009,4.042498677,4.04249889,4.042499317,4.042499154,4.042499533,4.042498592,4.042499544,4.04249898,4.042499163,4.042498737,4.042499295,4.042500183,4.042499154,4.04250025,4.042499117,4.042499207,4.042499565,4.042498867
+"7879","KLRC3",4.670070726,4.670066406,4.670068543,4.670065182,4.670066869,4.670065341,4.670068903,4.670069738,4.670066856,4.670068243,4.670065632,4.670065019,4.6700668,4.670066639,4.670069145,4.670066506,4.670066181,4.670065239,4.670066949,4.670064601,4.670069682,4.670068788,4.670067738,4.670068368,4.670066702,4.670065507,4.670067388,4.670064747
+"7880","KLRC4-KLRK1",4.474627634,4.47462294,4.474626352,4.474624311,4.474624195,4.474624892,4.474626227,4.474627447,4.474625541,4.474627235,4.474624898,4.474624308,4.474626007,4.474625413,4.474626274,4.474625046,4.474624784,4.474625135,4.474625368,4.474624103,4.47462631,4.474626481,4.474626596,4.474626609,4.474626073,4.474624026,4.474625896,4.474624793
+"7881","KLRD1",6.659451614,6.659409593,6.659421203,6.659387941,6.659403043,6.65940142,6.659428245,6.659427496,6.659406194,6.659415046,6.659423401,6.659394108,6.659418993,6.659419261,6.659435381,6.65940527,6.659396987,6.659396629,6.659409025,6.659398668,6.659428539,6.659420267,6.659427556,6.659432432,6.659411264,6.659416298,6.659418204,6.659402138
+"7882","KLRF1",4.67167695,4.671675881,4.671675894,4.671673837,4.671674903,4.671674245,4.671675352,4.671675096,4.671674328,4.671674512,4.671675304,4.671674238,4.671675675,4.671676066,4.671675621,4.671675752,4.671674852,4.67167439,4.671675135,4.671673889,4.671675253,4.671675152,4.67167559,4.67167473,4.671675313,4.671675015,4.67167538,4.671675317
+"7883","KLRG1",8.904432774,7.109807278,7.624886161,7.09033306,7.158924154,7.706759273,8.180433308,8.558851132,7.938029701,7.79511738,7.16495545,7.307692508,8.056841591,8.178892461,8.667087514,7.079187296,7.315532082,7.010431672,7.457312185,7.234720605,8.145489337,8.592922452,8.171570717,8.085010999,7.436860011,7.757208288,8.101060917,7.91121843
+"7884","KLRG2",5.597800976,5.597800981,5.597801045,5.597800998,5.597801196,5.597800897,5.597801067,5.597800996,5.597800961,5.597800901,5.597801025,5.597801112,5.597800998,5.597800884,5.597801083,5.59780112,5.597801159,5.597801198,5.597800955,5.597801048,5.597801185,5.597801136,5.597800931,5.597800871,5.59780106,5.59780115,5.597800875,5.597800921
+"7885","KMO",4.597924398,4.597923474,4.597923683,4.597923856,4.597923677,4.597924055,4.597923769,4.597923081,4.597923136,4.597923904,4.597923636,4.597923479,4.597923497,4.597924645,4.597924145,4.597923686,4.597923611,4.597923742,4.597923912,4.597924631,4.597923544,4.597923543,4.597923235,4.597923838,4.597923498,4.597923808,4.597923287,4.597924218
+"7886","KMT2A",7.2840504625,7.2840502035,7.2840498155,7.2840498215,7.2840501545,7.2840504535,7.2840503235,7.28405004,7.2840505875,7.2840503525,7.284049877,7.284050278,7.284050381,7.28405072,7.2840502485,7.2840500315,7.284049342,7.2840497475,7.284050329,7.2840502965,7.284050172,7.284049997,7.2840503825,7.284050245,7.284050001,7.284050295,7.2840504,7.284050221
+"7887","KMT2B",6.505477047,6.505477356,6.505477116,6.505477417,6.50547719,6.505477543,6.505477274,6.505477204,6.505477266,6.505477252,6.505477253,6.505477161,6.505477353,6.505477138,6.505477148,6.505477214,6.505477109,6.505477459,6.505477111,6.505477455,6.50547721,6.5054773,6.505477292,6.505477222,6.505477355,6.505477259,6.505477232,6.505477043
+"7888","KMT2C",8.182800599,8.182800782,8.182800453,8.182801349,8.182800377,8.182800748,8.182800902,8.182800348,8.182800304,8.18280039,8.182800637,8.182800268,8.182800602,8.182800873,8.182800628,8.182800619,8.182800104,8.182800995,8.182800796,8.182800538,8.182800919,8.182800361,8.182800446,8.182800858,8.182800935,8.182800774,8.182800811,8.182800207
+"7889","KMT2D",7.450805208,7.450805392,7.450805299,7.450805488,7.450805272,7.450805497,7.450805377,7.450805284,7.450805305,7.450805328,7.450805366,7.450805281,7.450805322,7.450805285,7.450805246,7.450805383,7.450805237,7.45080545,7.45080531,7.450805396,7.450805308,7.450805266,7.450805369,7.45080538,7.45080542,7.450805316,7.450805359,7.450805186
+"7890","KMT2E",8.355222096,8.355222092,8.355221727,8.355222061,8.355221859,8.35522182,8.355222005,8.355221828,8.355222027,8.355221841,8.355221888,8.355221627,8.35522192,8.355222329,8.355221988,8.35522199,8.355221573,8.355221956,8.355222062,8.355221552,8.355222065,8.355221839,8.355222102,8.355221969,8.355221996,8.355221945,8.355222035,8.355221991
+"7891","KMT5A",6.311293379,6.3112934055,6.3112933835,6.3112934035,6.3112933825,6.3112934255,6.311293421,6.311293378,6.311293374,6.3112933735,6.311293391,6.311293334,6.3112933665,6.311293351,6.3112933775,6.311293358,6.3112933485,6.3112933825,6.31129342,6.311293384,6.3112933795,6.311293333,6.31129342,6.3112933855,6.311293397,6.311293333,6.31129341,6.3112933855
+"7892","KMT5B",7.021195181,7.021195291,7.021194998,7.021195225,7.021194991,7.021194879,7.021195064,7.021194898,7.02119509,7.021194948,7.021194963,7.021194883,7.021195112,7.021195529,7.021195131,7.021195159,7.021194984,7.021195026,7.021195192,7.02119493,7.021194998,7.021195118,7.021195131,7.021195071,7.021195002,7.021195091,7.021195012,7.021195261
+"7893","KMT5C",6.701683735,6.701683763,6.701683856,6.701683808,6.701683911,6.701683697,6.70168381,6.701683855,6.701683752,6.701683803,6.701683816,6.701683908,6.701683789,6.701683675,6.701683847,6.701683824,6.701683904,6.701683893,6.701683838,6.7016838,6.701683834,6.701683865,6.701683738,6.701683689,6.701683826,6.701683871,6.701683745,6.701683801
+"7894","KNCN",6.16315758,6.163157483,6.16315763,6.163157579,6.163157654,6.163157569,6.16315757,6.163157656,6.163157594,6.163157565,6.163157595,6.163157633,6.163157591,6.163157485,6.163157606,6.163157619,6.163157712,6.163157684,6.163157542,6.163157585,6.163157623,6.163157631,6.163157552,6.163157539,6.163157526,6.16315764,6.163157573,6.163157511
+"7895","KNDC1",5.555368907,5.555368953,5.555369196,5.555369066,5.555369402,5.55536892,5.55536908,5.555369233,5.555369083,5.555369157,5.5553692,5.555369282,5.555368983,5.555368757,5.555369212,5.555369132,5.555369338,5.555369289,5.555369129,5.555369079,5.555369254,5.555369255,5.555369011,5.55536893,5.555369072,5.555369234,5.555368914,5.555369153
+"7896","KNG1",3.642414562,3.642414689,3.642414679,3.642414656,3.642414714,3.64241462,3.642414683,3.642414674,3.642414729,3.64241468,3.642414763,3.642414707,3.6424146,3.642414565,3.642414745,3.64241467,3.6424147,3.642414768,3.642414611,3.642414657,3.642414681,3.642414703,3.642414599,3.642414717,3.64241469,3.642414676,3.642414598,3.642414766
+"7897","KNL1",3.74010941,3.740109534,3.740109593,3.740109461,3.740109515,3.740109536,3.740109773,3.740109457,3.740109629,3.740109505,3.740109561,3.740109577,3.740109587,3.740109504,3.740109456,3.740109417,3.740109627,3.740109546,3.740109517,3.740109591,3.740109671,3.740109498,3.740109637,3.740109547,3.740109545,3.740109492,3.740109524,3.740109587
+"7898","KNOP1",6.010596806,6.010596903,6.010596761,6.010596699,6.010596698,6.010596845,6.010596792,6.010596671,6.010596959,6.010596961,6.010596613,6.010596686,6.010596726,6.010596989,6.010596729,6.010596782,6.010596672,6.010596585,6.010596738,6.010596749,6.010596767,6.010596818,6.010596804,6.01059685,6.010596612,6.010596764,6.010596773,6.010596976
+"7899","KNSTRN",5.754947175,5.754947151,5.754947179,5.754947108,5.754947084,5.754947168,5.754947141,5.754947092,5.754947076,5.754947102,5.754947149,5.754947036,5.754947147,5.754947153,5.75494718,5.754947063,5.754947145,5.754947032,5.7549471,5.754947132,5.754947122,5.754947044,5.754947136,5.754947164,5.75494715,5.754947093,5.754947139,5.754947037
+"7900","KNTC1",5.006126027,5.006125945,5.006125924,5.006125897,5.006125921,5.006125962,5.006126028,5.006125892,5.006126006,5.006125967,5.006125941,5.006125895,5.006125944,5.006126021,5.006125936,5.006125923,5.006125884,5.006125888,5.00612594,5.006125957,5.006125978,5.006125919,5.006125968,5.00612593,5.006125922,5.006125924,5.006125955,5.006125944
+"7901","KPNA1",7.448156979,7.448157193,7.44815655,7.448156978,7.448156359,7.448156331,7.448156801,7.448156558,7.448156485,7.448156528,7.448156327,7.448156034,7.448156589,7.44815737,7.448156774,7.448157344,7.448156086,7.448156579,7.448156812,7.448156635,7.448156768,7.44815648,7.448156845,7.448156971,7.44815685,7.448156731,7.448156672,7.448156629
+"7902","KPNA2",6.494210579,6.494210168,6.494210055,6.494209976,6.494210447,6.494210939,6.494211559,6.494209512,6.494210383,6.494209966,6.494209748,6.49420998,6.494210521,6.494210758,6.494210122,6.494209905,6.494209645,6.494209714,6.494210306,6.494210922,6.494211199,6.494209798,6.494210585,6.494210682,6.494209988,6.494210098,6.494210556,6.494210143
+"7903","KPNA3",6.235385202,6.235385053,6.23538482,6.235385029,6.235384357,6.235385146,6.235384952,6.235384109,6.235385047,6.235385041,6.235384785,6.235384538,6.235385036,6.235385566,6.235385188,6.235384587,6.235384444,6.235384636,6.23538486,6.235384751,6.23538487,6.235384706,6.235385332,6.235385358,6.235384544,6.235384976,6.235384992,6.235385209
+"7904","KPNA4",6.543561351,6.54356143,6.543561192,6.543561352,6.543560947,6.543561006,6.543561117,6.543561198,6.543561024,6.543561087,6.543561228,6.5435606,6.543561247,6.543561628,6.543561288,6.543561336,6.543560971,6.543561329,6.543561284,6.543560941,6.543561331,6.543561033,6.543561245,6.543561224,6.543561372,6.543561052,6.543561104,6.543561233
+"7905","KPNA5",4.890358432,4.890358139,4.890357912,4.890357564,4.890357736,4.89035772,4.890357737,4.890357775,4.890358215,4.890358093,4.890357643,4.890357713,4.89035814,4.890358905,4.890358117,4.890357559,4.890357615,4.890357694,4.890358079,4.890357678,4.890357891,4.890358025,4.890358327,4.890358085,4.890357752,4.890358056,4.890358187,4.890358551
+"7906","KPNA6",7.426506101,7.426506055,7.426506031,7.426506072,7.426506042,7.426506093,7.426506062,7.426506058,7.426506055,7.426506093,7.426505978,7.426506055,7.426506042,7.42650613,7.426506038,7.426505988,7.426505966,7.426506015,7.426506054,7.426505968,7.426506037,7.426506014,7.426506095,7.426506094,7.426506036,7.426506063,7.426506089,7.42650601
+"7907","KPNA7",4.274683927,4.274684002,4.274684074,4.274684068,4.274684075,4.274684012,4.274684018,4.274684101,4.274684032,4.274683956,4.274684103,4.274684094,4.274684062,4.274684014,4.274684093,4.274684148,4.274684129,4.274684016,4.274684096,4.27468403,4.274684116,4.274684097,4.274683988,4.274683944,4.274684044,4.274684008,4.274684,4.274684024
+"7908","KPNB1",8.707717626,8.707717783,8.707717489,8.707718044,8.707717437,8.707718214,8.707717882,8.707717524,8.707717671,8.707717629,8.707717465,8.707717171,8.707717611,8.707717829,8.707717571,8.707717584,8.707717306,8.707717743,8.707717806,8.707718032,8.70771795,8.707717479,8.707717807,8.707717878,8.707717643,8.707717522,8.707717642,8.7077175
+"7909","KPRP",4.326477356,4.32647764,4.326477622,4.326477735,4.326477777,4.326477727,4.326477597,4.32647763,4.326477438,4.326477655,4.32647757,4.326477734,4.326477581,4.326477392,4.326477614,4.326477687,4.326477697,4.326477744,4.326477614,4.326477732,4.326477767,4.326477665,4.326477548,4.326477592,4.326477468,4.326477782,4.326477648,4.326477787
+"7910","KPTN",5.026700369,5.026700438,5.026700465,5.026700472,5.026700461,5.026700515,5.026700427,5.026700514,5.026700427,5.026700528,5.026700475,5.026700469,5.026700398,5.026700366,5.026700442,5.026700442,5.026700465,5.026700501,5.026700503,5.026700562,5.026700475,5.026700499,5.026700497,5.026700497,5.026700439,5.026700489,5.02670044,5.026700398
+"7911","KRAS",7.266446958,7.266446982,7.26644653,7.266446834,7.266446018,7.266446164,7.266446745,7.266446079,7.266446642,7.266446665,7.266446606,7.266445812,7.266446925,7.26644754,7.266446672,7.266446752,7.266446062,7.266447159,7.266446733,7.266446779,7.266446915,7.266446287,7.266446853,7.266446838,7.266446713,7.266446496,7.266446766,7.266447262
+"7912","KRBA1",6.280266229,6.280266302,6.280266442,6.280266384,6.280266464,6.280266186,6.280266298,6.280266468,6.280266366,6.280266257,6.280266511,6.280266483,6.280266399,6.280266303,6.280266459,6.280266377,6.280266504,6.280266452,6.28026636,6.280266478,6.28026642,6.280266486,6.280266345,6.280266358,6.280266365,6.28026639,6.280266324,6.280266401
+"7913","KRBA2",5.477126229,5.477126235,5.47712623,5.477126227,5.477126224,5.477126229,5.477126218,5.477126221,5.477126226,5.477126224,5.477126203,5.477126231,5.47712623,5.477126226,5.477126236,5.477126207,5.477126212,5.477126208,5.477126245,5.477126223,5.477126233,5.477126224,5.47712621,5.477126235,5.47712621,5.477126225,5.477126242,5.47712623
+"7914","KRBOX4",5.440961531,5.440961332,5.440961231,5.440960877,5.440961005,5.440961369,5.440961178,5.440961107,5.44096154,5.44096133,5.440961028,5.440960905,5.440961266,5.440961648,5.440961282,5.440961191,5.440960956,5.440960844,5.440961417,5.440961376,5.440961377,5.440961101,5.44096138,5.440961056,5.440960859,5.440961025,5.440961297,5.440961356
+"7915","KRBOX5",6.347972445,6.34797213,6.347971839,6.347971826,6.347971858,6.347971548,6.347971637,6.347971968,6.347971982,6.347971952,6.347971502,6.347971157,6.347972228,6.347972725,6.347971909,6.347971955,6.347971371,6.347971177,6.347972005,6.347971475,6.347972058,6.347971763,6.347972306,6.347972137,6.347971513,6.347972112,6.347972187,6.347972529
+"7916","KRCC1",5.020507418,5.020507346,5.020507266,5.020507382,5.020507105,5.02050717,5.020507268,5.020507197,5.020507192,5.020506991,5.020506974,5.020506886,5.020507348,5.020507987,5.020507196,5.020507319,5.020507158,5.020507149,5.020507355,5.020507278,5.020507115,5.020507314,5.020507297,5.020507098,5.020506928,5.020507186,5.020507274,5.020507612
+"7917","KREMEN1",6.635127908,6.63513007,6.635125077,6.63512876,6.635125481,6.635135676,6.635131518,6.635127923,6.635132671,6.635132515,6.635127423,6.635120805,6.635125735,6.63512174,6.63512865,6.635128666,6.635125618,6.635127891,6.635129118,6.635137989,6.635130195,6.63512616,6.635136107,6.635137585,6.635129211,6.635123017,6.635126474,6.635123102
+"7918","KREMEN2",6.729680577,6.729680551,6.729680844,6.729680757,6.729681375,6.72968055,6.729681061,6.729681228,6.729680825,6.729680935,6.729680976,6.729681347,6.729680924,6.729680238,6.729681404,6.729680727,6.729681359,6.72968101,6.729680901,6.729680632,6.729681358,6.729681169,6.729680603,6.729680593,6.729680951,6.729681214,6.729680726,6.729680989
+"7919","KRI1",6.979112724,6.979112684,6.979112469,6.979112559,6.979112618,6.979112716,6.979112651,6.979112641,6.979112767,6.979112744,6.979112547,6.9791127,6.979112677,6.979112734,6.979112639,6.979112596,6.979112514,6.979112588,6.979112652,6.979112719,6.979112581,6.979112624,6.979112731,6.97911267,6.97911254,6.979112645,6.97911273,6.979112717
+"7920","KRIT1",6.607764108,6.607763457,6.607763144,6.607763028,6.60776312,6.607763227,6.607763566,6.607762961,6.607763577,6.607763191,6.607762846,6.607762955,6.607763593,6.607764127,6.607763613,6.607763247,6.607763234,6.607762882,6.607763529,6.607763067,6.607763425,6.607763406,6.607763496,6.607763393,6.607763074,6.607763271,6.607763472,6.60776344
+"7921","KRR1",5.189971638,5.189971382,5.189971352,5.189971125,5.189971156,5.189971025,5.189971263,5.189971016,5.189971481,5.189971359,5.189970988,5.189971176,5.189971381,5.189972292,5.189971382,5.189971234,5.189971044,5.189971098,5.189971268,5.189971001,5.189971372,5.18997139,5.189971406,5.189971255,5.189971149,5.189971249,5.189971273,5.189972117
+"7922","KRT1",5.709815764,5.709815844,5.709816352,5.709816237,5.709816267,5.709815414,5.709816345,5.70981592,5.709815609,5.709815465,5.709816112,5.709815987,5.709815757,5.709815592,5.709815862,5.709815596,5.709816314,5.709816235,5.709816171,5.709815205,5.709816106,5.709815723,5.709815519,5.70981541,5.709816106,5.709815786,5.709815966,5.709815801
+"7923","KRT10",5.110605459,5.110605428,5.110605458,5.110605444,5.110605474,5.110605385,5.110605477,5.110605452,5.110605444,5.110605427,5.110605466,5.110605438,5.110605474,5.110605469,5.110605493,5.110605518,5.110605493,5.110605499,5.110605407,5.110605482,5.110605489,5.11060547,5.110605444,5.110605439,5.110605475,5.110605492,5.110605454,5.110605515
+"7924","KRT10-AS1",3.618211466,3.618211299,3.618211406,3.618211279,3.618211254,3.618211295,3.618211357,3.618211482,3.618211327,3.618211375,3.618211271,3.6182112,3.618211307,3.618211551,3.618211323,3.618211384,3.618211303,3.618211233,3.618211359,3.618211289,3.618211284,3.618211461,3.618211539,3.618211377,3.618211266,3.618211336,3.6182114,3.618211472
+"7925","KRT12",3.9450055,3.945005536,3.94500554,3.945005511,3.945005564,3.945005511,3.945005538,3.945005567,3.945005517,3.945005533,3.94500557,3.945005554,3.94500553,3.945005499,3.945005564,3.945005581,3.945005568,3.945005556,3.94500554,3.945005538,3.945005575,3.945005554,3.945005546,3.945005518,3.945005537,3.94500555,3.945005531,3.945005536
+"7926","KRT13",5.512904371,5.512904325,5.51290456,5.512904496,5.51290465,5.512904058,5.512904452,5.512904703,5.512904283,5.512904446,5.512904691,5.51290451,5.512904565,5.512904426,5.512904677,5.51290467,5.5129047,5.512904732,5.512904453,5.512904569,5.512904763,5.512904441,5.512904337,5.512904358,5.512904675,5.512904696,5.512904426,5.512904398
+"7927","KRT14",5.251359851,5.251359862,5.251359818,5.251359868,5.251359948,5.251359841,5.251359863,5.251359883,5.251359855,5.251359875,5.251359879,5.25135995,5.251359873,5.251359826,5.251359924,5.251359896,5.251359928,5.251359883,5.251359896,5.251359896,5.251359956,5.251359928,5.251359833,5.251359853,5.251359851,5.251359894,5.251359851,5.25135987
+"7928","KRT15",4.303072608,4.303072613,4.303072669,4.303072714,4.303072715,4.303072665,4.30307266,4.303072722,4.303072657,4.303072643,4.303072686,4.303072719,4.303072641,4.303072615,4.303072713,4.303072697,4.303072719,4.303072721,4.303072671,4.303072635,4.303072714,4.303072727,4.303072694,4.303072641,4.303072693,4.303072665,4.303072639,4.303072663
+"7929","KRT16",5.515074814,5.515074792,5.515074863,5.515074802,5.515074895,5.5150748,5.515074837,5.515074856,5.515074801,5.515074804,5.51507479,5.515074924,5.515074838,5.515074783,5.515074833,5.515074812,5.515074894,5.515074815,5.515074868,5.515074849,5.515074853,5.515074856,5.515074864,5.515074835,5.515074838,5.515074878,5.515074827,5.515074799
+"7930","KRT17",5.836572826,5.836572965,5.836573399,5.836573204,5.836573468,5.836573135,5.836573408,5.836573191,5.83657332,5.836573128,5.836573304,5.8365734,5.836573307,5.836572829,5.836573377,5.836573378,5.836573404,5.836573379,5.836573338,5.836573233,5.83657349,5.836573313,5.836572885,5.836573035,5.83657315,5.836573302,5.836573194,5.836573242
+"7931","KRT17P5",5.436866951,5.436866277,5.436867428,5.436867072,5.43686766,5.436867741,5.436867634,5.436867444,5.436867162,5.436867324,5.436867691,5.436868137,5.436867854,5.436867112,5.436867283,5.436867368,5.436867637,5.436867632,5.436867217,5.436867322,5.4368676,5.436867159,5.43686729,5.43686693,5.436867464,5.436867769,5.436866652,5.436866554
+"7932","KRT18",6.572593151,6.572593361,6.572593693,6.572593282,6.572593728,6.572592801,6.572593284,6.572593838,6.572593437,6.572593276,6.572593587,6.572593698,6.572593255,6.572592962,6.572593504,6.57259373,6.572593725,6.572593743,6.572593386,6.572593289,6.572593356,6.572593489,6.572593386,6.572593408,6.572593846,6.572593498,6.572593601,6.572593686
+"7933","KRT18P55",5.097600277,5.097600287,5.097600298,5.097600262,5.0976003,5.097600264,5.097600294,5.097600286,5.097600281,5.097600293,5.097600325,5.097600307,5.097600295,5.097600261,5.097600312,5.097600278,5.097600304,5.097600313,5.097600302,5.097600312,5.097600297,5.097600272,5.097600293,5.097600285,5.097600305,5.097600307,5.097600286,5.097600298
+"7934","KRT18P59",3.854476191,3.854476228,3.85447638,3.854476265,3.854476548,3.854476415,3.854476387,3.854476417,3.854476325,3.854476383,3.854476549,3.85447649,3.854476094,3.854476067,3.854476567,3.854476448,3.854476619,3.854476457,3.854476485,3.854476261,3.854476543,3.854476372,3.854476438,3.854476326,3.854476367,3.854476521,3.854476077,3.854476431
+"7935","KRT19",5.31807252,5.318072494,5.318072658,5.318072534,5.318072866,5.318072637,5.318072667,5.318072673,5.318072726,5.318072552,5.31807271,5.318072921,5.318072654,5.318072482,5.318072833,5.318072718,5.318072774,5.318072805,5.318072662,5.31807273,5.318072767,5.31807278,5.318072505,5.31807252,5.318072625,5.318072672,5.318072647,5.318072606
+"7936","KRT2",4.599592725,4.599592606,4.599592628,4.59959267,4.599592701,4.59959269,4.599592702,4.599592762,4.59959267,4.599592661,4.599592775,4.599592625,4.599592714,4.599592652,4.599592719,4.599592733,4.599592808,4.599592804,4.599592769,4.599592754,4.599592747,4.599592803,4.599592652,4.599592686,4.599592714,4.599592749,4.599592648,4.599592707
+"7937","KRT20",4.141565544,4.141565525,4.14156554,4.141565553,4.141565599,4.141565548,4.14156554,4.141565592,4.141565562,4.141565532,4.141565586,4.141565547,4.141565516,4.141565481,4.141565563,4.141565565,4.141565575,4.141565583,4.141565595,4.141565576,4.141565554,4.141565554,4.141565557,4.141565529,4.141565548,4.141565548,4.141565551,4.141565532
+"7938","KRT222",2.791407883,2.791407993,2.791407946,2.791407815,2.791407841,2.791407869,2.791407845,2.791407962,2.791408213,2.791408102,2.791407848,2.791407865,2.791407925,2.791407745,2.79140812,2.791407997,2.791408286,2.791408051,2.791407865,2.791408079,2.7914077,2.791407952,2.791407784,2.791407844,2.791407886,2.79140783,2.791407932,2.79140794
+"7939","KRT23",8.32041433,8.57000723,7.857160466,8.324263515,7.266546951,7.3812555,8.160057416,7.034430866,7.372342225,7.328879127,7.517317136,7.292533047,7.401082556,7.257264919,8.394051581,8.490604412,8.020648385,8.322481966,7.909159096,7.409766659,8.21953882,7.160670205,7.795562725,7.989478257,7.7847201,7.74970414,7.177950269,7.239271762
+"7940","KRT24",3.875512216,3.875512338,3.875512348,3.875512205,3.875512416,3.875512258,3.875512249,3.875512356,3.875512314,3.875512216,3.875512329,3.875512472,3.875512245,3.875512218,3.875512363,3.875512308,3.875512512,3.875512308,3.875512376,3.875512316,3.875512342,3.875512399,3.875512271,3.875512127,3.875512203,3.875512337,3.875512159,3.875512291
+"7941","KRT25",3.81569631,3.815696156,3.815696511,3.815696344,3.815696493,3.815696217,3.815696401,3.815696487,3.815696154,3.815696403,3.815696411,3.815696266,3.815696202,3.8156962,3.815696381,3.815696368,3.815696534,3.815696432,3.815696355,3.815696401,3.815696402,3.815696487,3.81569629,3.815696194,3.815696441,3.815696405,3.815696191,3.815696308
+"7942","KRT26",3.754328214,3.754328202,3.754328291,3.75432831,3.754328326,3.75432828,3.754328233,3.754328318,3.75432823,3.754328262,3.754328341,3.754328279,3.75432828,3.754328244,3.75432829,3.754328332,3.754328382,3.754328339,3.754328242,3.754328176,3.754328367,3.754328382,3.754328212,3.754328185,3.754328288,3.754328237,3.754328331,3.754328187
+"7943","KRT27",4.43314818,4.433148184,4.433148211,4.433148222,4.433148231,4.433148207,4.433148188,4.433148216,4.433148195,4.433148189,4.433148224,4.43314824,4.433148192,4.433148169,4.433148208,4.433148209,4.433148225,4.433148244,4.433148219,4.433148164,4.433148216,4.43314821,4.433148192,4.433148194,4.433148207,4.433148219,4.433148181,4.433148219
+"7944","KRT28",3.133366902,3.133366727,3.133366983,3.133367146,3.133367001,3.133367001,3.133366933,3.133367023,3.133366948,3.133367047,3.133366971,3.133367017,3.133366953,3.133366988,3.133366843,3.133366997,3.133366925,3.133366954,3.133366938,3.133367113,3.133366927,3.133366878,3.13336695,3.133366908,3.133367148,3.133366782,3.133366988,3.133366918
+"7945","KRT3",5.141481723,5.141481721,5.141481854,5.141481833,5.141481911,5.141481668,5.14148178,5.141481856,5.141481748,5.141481774,5.141481846,5.141481879,5.141481816,5.141481706,5.141481879,5.141481803,5.141481872,5.141481866,5.141481794,5.141481747,5.141481899,5.141481889,5.141481742,5.141481731,5.14148189,5.141481858,5.14148173,5.141481865
+"7946","KRT31",4.483445522,4.483445554,4.483445528,4.483445605,4.483445612,4.483445421,4.483445548,4.48344557,4.483445591,4.483445574,4.483445519,4.483445607,4.483445572,4.483445556,4.483445626,4.483445589,4.483445555,4.483445572,4.483445496,4.483445606,4.483445617,4.483445642,4.483445489,4.483445585,4.483445586,4.483445599,4.483445551,4.48344558
+"7947","KRT32",4.681140055,4.681140032,4.681140048,4.681140049,4.681140077,4.681140038,4.681140061,4.681140095,4.681140041,4.681140065,4.681140097,4.681140087,4.681140068,4.681140026,4.681140059,4.681140068,4.681140072,4.681140085,4.681140082,4.681140073,4.681140072,4.68114008,4.681140055,4.681140022,4.681140066,4.681140072,4.681140034,4.681140049
+"7948","KRT33A",5.020821904,5.020821931,5.020821972,5.020822089,5.020821968,5.020821917,5.020822028,5.020822003,5.020821888,5.02082195,5.020821811,5.020821968,5.020822076,5.020821881,5.020821973,5.020821902,5.020821956,5.020822231,5.020822022,5.020822047,5.020822047,5.020822098,5.020821976,5.020821865,5.020822028,5.020821905,5.020821942,5.020821611
+"7949","KRT33B",5.252381164,5.252381099,5.252381427,5.252381131,5.252381424,5.252381335,5.252381281,5.252381445,5.252381097,5.252381435,5.252381279,5.252381406,5.252381148,5.252381207,5.252381353,5.25238127,5.252381532,5.252381319,5.252381295,5.252381381,5.252381323,5.25238139,5.252381257,5.252381134,5.252381203,5.252381243,5.252381242,5.252381147
+"7950","KRT35",4.187834834,4.187834831,4.187834836,4.187834872,4.187834831,4.187834825,4.187834822,4.187834854,4.187834796,4.187834807,4.187834876,4.187834855,4.187834848,4.187834815,4.187834842,4.187834807,4.187834843,4.187834839,4.187834829,4.187834843,4.187834843,4.18783486,4.187834822,4.187834825,4.187834832,4.187834835,4.187834817,4.187834827
+"7951","KRT36",4.190152566,4.190152581,4.190152548,4.190152592,4.190152595,4.190152604,4.190152639,4.190152614,4.190152595,4.190152524,4.19015264,4.19015258,4.190152591,4.190152436,4.190152612,4.190152653,4.190152621,4.190152649,4.190152625,4.190152616,4.190152638,4.190152608,4.190152581,4.190152579,4.190152578,4.190152589,4.190152527,4.190152626
+"7952","KRT37",4.882656778,4.8826569,4.882657076,4.882657058,4.882657103,4.882656805,4.882657073,4.882657138,4.882656786,4.882656644,4.882657156,4.882657162,4.88265704,4.882656896,4.882657077,4.882657012,4.882657161,4.882657288,4.882656982,4.882656611,4.882657193,4.882657121,4.882656954,4.882656777,4.882656974,4.882657129,4.882656792,4.88265705
+"7953","KRT38",4.704222388,4.704222698,4.704222844,4.704222616,4.704223162,4.704222991,4.704222735,4.704222997,4.704222889,4.704222762,4.704222897,4.704223019,4.704222499,4.704222259,4.704223168,4.704223035,4.704223054,4.704223089,4.704222984,4.704222799,4.704223159,4.70422313,4.704222686,4.704222564,4.704222694,4.704223066,4.704222782,4.704222685
+"7954","KRT39",3.99973451,3.999734508,3.999734513,3.999734509,3.999734516,3.999734514,3.99973451,3.999734516,3.999734508,3.999734509,3.999734509,3.999734514,3.999734509,3.999734511,3.999734513,3.99973451,3.999734512,3.999734521,3.99973451,3.999734516,3.999734513,3.999734514,3.999734511,3.999734509,3.999734508,3.999734513,3.99973451,3.99973451
+"7955","KRT4",5.149519084,5.149518886,5.149519088,5.149519103,5.149519138,5.149518839,5.149518985,5.149518979,5.149518917,5.149519014,5.14951894,5.1495191,5.14951891,5.149518737,5.149519181,5.149518982,5.149519207,5.149519155,5.14951908,5.149519011,5.149519123,5.149519039,5.149518779,5.149518908,5.14951895,5.149519075,5.149518901,5.149519067
+"7956","KRT40",4.032141371,4.032141382,4.032141385,4.032141386,4.03214141,4.032141355,4.032141395,4.032141383,4.032141362,4.032141369,4.032141397,4.032141398,4.032141371,4.032141369,4.032141382,4.032141382,4.032141385,4.03214139,4.032141399,4.032141395,4.032141399,4.032141382,4.032141367,4.032141354,4.032141404,4.03214139,4.032141376,4.032141372
+"7957","KRT5",4.932815665,4.932815617,4.932815666,4.932815659,4.932815728,4.932815662,4.932815709,4.932815689,4.932815696,4.932815691,4.932815679,4.932815713,4.932815706,4.932815662,4.93281571,4.932815673,4.932815705,4.932815724,4.932815705,4.932815653,4.932815732,4.932815706,4.932815679,4.932815654,4.932815683,4.932815738,4.932815663,4.932815712
+"7958","KRT6A",4.670965196,4.6709643,4.670965542,4.670963911,4.670964443,4.670963865,4.670964341,4.670964832,4.670964398,4.670964451,4.670964392,4.670965813,4.670964552,4.670964563,4.670964467,4.670965621,4.670964927,4.670964995,4.67096456,4.670963698,4.670964985,4.670964805,4.670964404,4.67096403,4.670964888,4.670964669,4.670963972,4.67096472
+"7959","KRT6B",4.5138335,4.513832546,4.513832996,4.513832906,4.513833511,4.51383328,4.513833262,4.513833932,4.513833151,4.513832711,4.513833027,4.513833286,4.513833367,4.513833403,4.513832888,4.513833261,4.513833691,4.513833327,4.513833085,4.513833197,4.513834001,4.513832831,4.513833043,4.51383314,4.513833348,4.513833336,4.513833435,4.513832949
+"7960","KRT7",5.406782993,5.406783077,5.406783413,5.406783025,5.406783806,5.406783655,5.406783627,5.406783803,5.406783009,5.406783931,5.40678306,5.406783842,5.406783601,5.406782244,5.406783943,5.406783434,5.406783917,5.406783774,5.406783597,5.406783733,5.406783681,5.406783809,5.406783056,5.406783301,5.406783166,5.406783554,5.406783208,5.406783657
+"7961","KRT71",5.186467787,5.186467891,5.186467917,5.186467809,5.186467972,5.18646781,5.186467817,5.186467989,5.186467855,5.186467944,5.186467877,5.186468025,5.186467826,5.186467791,5.186467926,5.186467934,5.186467919,5.186467928,5.186467869,5.186467882,5.186467985,5.186467896,5.18646779,5.186467853,5.186467928,5.186467944,5.186467891,5.186467964
+"7962","KRT72",5.866641686,5.866642009,5.866641756,5.86664204,5.866641907,5.866641829,5.86664173,5.866641917,5.866641984,5.866641868,5.866641922,5.866641956,5.866641922,5.866642062,5.86664182,5.866642027,5.866641735,5.86664205,5.866641776,5.866641757,5.866641777,5.866642048,5.866641906,5.866641818,5.866641957,5.866642034,5.866641996,5.866641977
+"7963","KRT73",5.401808544,5.401809961,5.401808806,5.401809995,5.40180923,5.401809358,5.401808545,5.401809549,5.401809615,5.401809112,5.401809423,5.401809417,5.401809877,5.401810146,5.401808809,5.401809976,5.40180867,5.401809931,5.40180891,5.401809172,5.401808638,5.401809714,5.401809664,5.401808935,5.401809498,5.401809454,5.401809747,5.401809796
+"7964","KRT74",4.53863877,4.538638784,4.538638862,4.538638814,4.538638907,4.538638805,4.538638862,4.538638894,4.538638828,4.538638813,4.53863882,4.538638906,4.538638857,4.538638808,4.538638854,4.53863884,4.538638884,4.538638899,4.538638841,4.538638825,4.538638889,4.538638816,4.538638828,4.538638818,4.538638835,4.538638856,4.538638839,4.538638814
+"7965","KRT75",4.388259817,4.388259814,4.388259802,4.388259823,4.388259815,4.388259786,4.388259821,4.388259862,4.388259812,4.388259865,4.388259768,4.388259858,4.388259836,4.388259785,4.388259834,4.388259861,4.388259841,4.38825985,4.388259801,4.388259825,4.388259822,4.388259802,4.388259795,4.388259815,4.388259805,4.38825983,4.388259802,4.388259816
+"7966","KRT76",4.611906155,4.611905763,4.611906027,4.61190602,4.611906387,4.611906029,4.611906395,4.611906295,4.611906273,4.611906072,4.611906248,4.611906287,4.61190614,4.61190612,4.611906168,4.611906288,4.611906395,4.611906424,4.611906296,4.611906133,4.611906424,4.611906328,4.611906145,4.611905995,4.611906063,4.611906366,4.611905952,4.611906053
+"7967","KRT77",5.238244678,5.238244551,5.238244861,5.238244675,5.238244914,5.238244458,5.238244716,5.238244783,5.238244703,5.238244648,5.238244871,5.2382449,5.238244699,5.238244586,5.238244745,5.238244916,5.238245023,5.23824489,5.238244667,5.238244852,5.238244861,5.238244788,5.238244531,5.238244695,5.238244923,5.23824484,5.238244657,5.23824478
+"7968","KRT78",4.637781869,4.637781897,4.637782107,4.637782025,4.637782247,4.637781865,4.637781967,4.637782191,4.637782174,4.637781992,4.637782295,4.637782297,4.637781987,4.637781732,4.637782083,4.63778209,4.637782297,4.637782197,4.637782025,4.637782058,4.637782136,4.637782125,4.637781936,4.637781978,4.637782225,4.637782109,4.637781898,4.637782074
+"7969","KRT79",5.294692946,5.294692963,5.2946931,5.29469304,5.294693258,5.294692886,5.294693081,5.294693111,5.294693016,5.294693098,5.294693066,5.294693212,5.294692976,5.29469289,5.294693202,5.294693072,5.294693223,5.294693146,5.294693148,5.294693016,5.294693223,5.29469321,5.294693011,5.294692973,5.294693106,5.294693147,5.294693021,5.294693163
+"7970","KRT8",6.213611526,6.213612064,6.213613011,6.213612848,6.213613252,6.213611634,6.213612327,6.213612678,6.213612244,6.213612207,6.213612588,6.213613271,6.213612667,6.21361199,6.213612909,6.213612307,6.213613286,6.213613188,6.213612366,6.213611711,6.213612654,6.213613205,6.213612321,6.213612112,6.213612894,6.213612569,6.213612592,6.213612556
+"7971","KRT80",4.71328354,4.71328352,4.713283579,4.713283505,4.713283643,4.713283584,4.713283638,4.713283648,4.713283509,4.713283625,4.713283652,4.713283711,4.713283573,4.713283388,4.713283609,4.713283484,4.713283742,4.713283649,4.713283565,4.713283651,4.713283638,4.713283749,4.713283647,4.713283445,4.713283569,4.713283692,4.713283594,4.713283527
+"7972","KRT81",5.381474883,5.381474915,5.381474875,5.381474832,5.381474877,5.381474846,5.381474824,5.381474936,5.381474835,5.381474765,5.381474967,5.381475005,5.381474898,5.381474672,5.381475,5.381474889,5.381474982,5.381474807,5.381474934,5.381474862,5.381474947,5.381474924,5.381474896,5.381474875,5.381474943,5.381474876,5.38147485,5.381474866
+"7973","KRT82",4.67373378,4.673733717,4.673733966,4.673733813,4.673734023,4.673733762,4.673733946,4.673734124,4.673733955,4.67373403,4.673734002,4.673733952,4.673733883,4.673733684,4.673734072,4.673733681,4.673734075,4.673734121,4.67373396,4.673733965,4.67373389,4.673734086,4.673733914,4.67373379,4.673733947,4.673733906,4.67373375,4.673733867
+"7974","KRT83",5.109950797,5.109950555,5.109950957,5.10995064,5.109951168,5.109950452,5.109951263,5.109951326,5.109950743,5.109950589,5.109951099,5.10995097,5.109950979,5.109950738,5.109950996,5.109950875,5.109951192,5.109951108,5.109950991,5.109950809,5.10995136,5.109951156,5.109950393,5.109950563,5.109950899,5.109951107,5.109950752,5.109951078
+"7975","KRT84",5.106684128,5.106684113,5.106684215,5.106684196,5.106684256,5.106684119,5.106684211,5.106684209,5.106684185,5.106684141,5.106684209,5.106684275,5.106684166,5.106684137,5.106684247,5.106684157,5.106684234,5.106684242,5.106684176,5.10668418,5.106684249,5.10668425,5.106684141,5.106684143,5.106684177,5.106684246,5.106684159,5.106684189
+"7976","KRT85",4.445017607,4.445017575,4.445017559,4.445017587,4.445017703,4.44501759,4.445017661,4.445017647,4.445017629,4.445017624,4.445017596,4.445017712,4.445017557,4.445017603,4.445017699,4.445017641,4.445017729,4.44501762,4.445017634,4.445017628,4.445017712,4.445017683,4.445017646,4.445017589,4.445017639,4.445017652,4.445017586,4.445017665
+"7977","KRT87P",4.849745454,4.849745687,4.849746203,4.849746097,4.849746445,4.849745478,4.849745837,4.84974613,4.849745952,4.849745924,4.849746053,4.849746167,4.849746355,4.849745937,4.849746019,4.84974608,4.849746322,4.849746551,4.849746037,4.84974604,4.849746231,4.849746208,4.84974595,4.849745889,4.849746525,4.849746316,4.849745688,4.849746155
+"7978","KRT8P41",4.996206751,4.996206742,4.996206934,4.996206913,4.996206925,4.996206696,4.99620681,4.996207049,4.996206882,4.996206912,4.996207027,4.996207006,4.996206775,4.996206675,4.996207042,4.996207133,4.996206935,4.996207246,4.996206877,4.996206914,4.996207027,4.996206883,4.996206743,4.996206667,4.996207052,4.996207117,4.996206837,4.996207031
+"7979","KRT9",4.185166524,4.185166508,4.185166667,4.185166646,4.185166632,4.185166439,4.185166582,4.185166665,4.185166606,4.185166496,4.185166595,4.185166751,4.185166622,4.185166472,4.185166631,4.185166671,4.185166593,4.185166713,4.185166423,4.185166639,4.185166674,4.185166608,4.185166594,4.185166617,4.18516669,4.185166721,4.185166527,4.185166628
+"7980","KRTAP10-1",7.174871479,7.174871401,7.174871887,7.174871204,7.174872642,7.174871964,7.17487238,7.17487235,7.174871919,7.174872245,7.17487225,7.174872402,7.174871669,7.174870885,7.174872333,7.174871494,7.174872816,7.174871998,7.174871995,7.174872149,7.174872287,7.174872432,7.174871473,7.174871782,7.174871849,7.174872015,7.174871476,7.174871815
+"7981","KRTAP10-10",6.626231304,6.626231265,6.626231459,6.626231335,6.626231662,6.626231378,6.626231426,6.626231522,6.626231388,6.626231366,6.626231425,6.626231571,6.626231339,6.62623114,6.626231554,6.62623138,6.626231655,6.626231403,6.62623142,6.626231393,6.62623152,6.626231552,6.626231279,6.626231305,6.626231396,6.626231485,6.6262313,6.626231398
+"7982","KRTAP10-11",6.17633422,6.176334134,6.176334094,6.176334021,6.176334581,6.176334092,6.176334294,6.176334509,6.176334256,6.176334218,6.176334407,6.176334536,6.176334361,6.176333852,6.17633435,6.176334037,6.176334673,6.176334056,6.176334338,6.176334271,6.176334534,6.176334473,6.176334212,6.176333947,6.176334156,6.17633417,6.176334057,6.176334309
+"7983","KRTAP10-12",7.393470391,7.393470332,7.393470554,7.393470656,7.393471013,7.393470793,7.393470762,7.393470653,7.393470572,7.393470901,7.393470679,7.393470947,7.393470726,7.393469882,7.393470824,7.393470438,7.393470934,7.393470475,7.393470764,7.393470621,7.393470724,7.39347082,7.393470454,7.393470454,7.393470255,7.393470779,7.393470719,7.393470489
+"7984","KRTAP10-2",7.134167598,7.134167848,7.134167717,7.134167772,7.134168219,7.134168008,7.134167766,7.13416795,7.134167979,7.13416818,7.134167949,7.134168249,7.134167639,7.134167171,7.134168098,7.134167769,7.134168363,7.13416782,7.13416772,7.134167959,7.134167845,7.134168197,7.134167713,7.13416765,7.134167584,7.134167801,7.134167755,7.134167849
+"7985","KRTAP10-3",6.081503622,6.081503818,6.081503884,6.081503599,6.081503841,6.081503922,6.081503776,6.081503793,6.08150375,6.081503907,6.081503842,6.081503641,6.081503638,6.081503587,6.081503823,6.081503677,6.081504091,6.081503839,6.081503875,6.081503997,6.081503905,6.081503985,6.081503767,6.081503731,6.08150363,6.08150389,6.08150388,6.081503797
+"7986","KRTAP10-4",6.698741139,6.698741444,6.698741793,6.698741012,6.698742221,6.69874072,6.69874131,6.698742436,6.698740961,6.698741643,6.698741634,6.698741891,6.698740844,6.698740181,6.698741762,6.698741876,6.698742255,6.698741835,6.698741783,6.698741699,6.698742309,6.698742293,6.698740939,6.698740351,6.698741357,6.698741649,6.698740637,6.698741321
+"7987","KRTAP10-5",5.482063409,5.482063354,5.482063446,5.482063318,5.482063649,5.482063306,5.482063476,5.482063576,5.482063328,5.482063369,5.482063499,5.482063614,5.482063437,5.482063286,5.482063591,5.482063571,5.482063506,5.482063493,5.482063429,5.482063466,5.482063579,5.482063579,5.482063312,5.482063263,5.482063578,5.482063588,5.48206332,5.482063403
+"7988","KRTAP10-7",5.347214923,5.347214897,5.347214983,5.347214967,5.347215133,5.347215071,5.347215044,5.347215083,5.347214983,5.347215095,5.347215056,5.347215199,5.347214999,5.347214865,5.347215199,5.347214963,5.347215256,5.347214994,5.347215161,5.347215049,5.34721517,5.347215133,5.347214987,5.347214857,5.34721487,5.347215086,5.347214848,5.347215075
+"7989","KRTAP10-8",5.809509374,5.80950915,5.809509388,5.809509293,5.809509605,5.80950907,5.809509228,5.80950984,5.809509336,5.809509331,5.809509219,5.80950932,5.809509335,5.809508823,5.809509722,5.809509401,5.809509761,5.809509388,5.809509179,5.809509401,5.809509489,5.809509788,5.809509387,5.80950877,5.809509193,5.809509448,5.809509291,5.809509324
+"7990","KRTAP10-9",6.24156584,6.241565656,6.241565803,6.241565762,6.241565906,6.241565805,6.241565902,6.241565852,6.241565646,6.241565783,6.241565854,6.241566067,6.241565627,6.24156566,6.241565851,6.241565741,6.24156606,6.241565799,6.241565825,6.241565835,6.241565911,6.241565767,6.241565711,6.241565483,6.24156566,6.241565814,6.241565742,6.241565801
+"7991","KRTAP11-1",4.349843104,4.349843061,4.349843175,4.349843185,4.349843287,4.349843106,4.349843183,4.349843284,4.349843168,4.349843084,4.349843122,4.349843282,4.349843212,4.349843146,4.349843297,4.349843102,4.349843354,4.349843187,4.349843047,4.349843257,4.34984326,4.349843259,4.349842973,4.349843058,4.34984309,4.349843029,4.349843234,4.349843041
+"7992","KRTAP12-1",4.92829849,4.928298705,4.928298525,4.928298642,4.928298492,4.928298961,4.928298575,4.928298855,4.928299164,4.928298946,4.928299029,4.928298706,4.928298773,4.928298528,4.928298604,4.928298835,4.92829879,4.928298264,4.928298675,4.928298841,4.928298105,4.928298605,4.928298672,4.928298952,4.928298491,4.92829848,4.928298575,4.928298767
+"7993","KRTAP12-2",5.394113125,5.39411307,5.394113175,5.394113152,5.394113298,5.394113083,5.394113172,5.394113148,5.39411314,5.394113148,5.394113153,5.39411331,5.394113138,5.394113082,5.394113239,5.394113224,5.394113253,5.394113237,5.394113343,5.394113137,5.394113265,5.394113225,5.394113046,5.394113045,5.394113207,5.39411336,5.394113213,5.394113168
+"7994","KRTAP12-3",6.721643571,6.721643507,6.721643701,6.721643638,6.721643907,6.721643574,6.721643733,6.721643925,6.721643604,6.721643699,6.72164372,6.721643825,6.721643643,6.721643256,6.721643796,6.721643657,6.721643931,6.721643815,6.721643792,6.72164358,6.721643721,6.721643915,6.721643595,6.721643403,6.721643685,6.721643796,6.721643675,6.721643623
+"7995","KRTAP12-4",6.89422573,6.894225884,6.894225901,6.894225798,6.894225945,6.894225759,6.894225868,6.894225938,6.894225792,6.894225867,6.894225846,6.894225934,6.894225879,6.894225804,6.894225948,6.89422596,6.894226014,6.894225933,6.894225867,6.894225926,6.894225913,6.894225962,6.894225817,6.89422582,6.894225848,6.894225824,6.894225861,6.89422581
+"7996","KRTAP13-1",3.350914232,3.350914321,3.35091428,3.350914315,3.350914316,3.350914322,3.350914252,3.350914341,3.350914296,3.350914346,3.350914366,3.35091427,3.35091426,3.350914225,3.350914243,3.350914347,3.350914329,3.350914319,3.350914295,3.350914286,3.350914272,3.350914296,3.350914285,3.350914333,3.350914372,3.350914288,3.350914248,3.350914229
+"7997","KRTAP13-2",2.687262254,2.687262249,2.687262181,2.687262255,2.687262243,2.687262221,2.687262213,2.687262263,2.687262259,2.687262232,2.687262239,2.68726239,2.68726229,2.687262237,2.687262216,2.687262218,2.687262217,2.68726219,2.687262245,2.687262287,2.687262218,2.687262231,2.687262297,2.687262243,2.687262319,2.68726222,2.687262245,2.68726224
+"7998","KRTAP13-3",3.827624624,3.82762479,3.827624615,3.827624685,3.827624822,3.827624565,3.827624687,3.827624855,3.827624409,3.827624468,3.827624663,3.827624455,3.82762478,3.827624279,3.827624796,3.827624587,3.827624886,3.827624419,3.827624787,3.827624716,3.82762478,3.827624858,3.827624489,3.827624401,3.827624606,3.827624641,3.827624597,3.827624594
+"7999","KRTAP13-4",4.623358297,4.623358307,4.623358305,4.623358311,4.623358327,4.623358303,4.623358315,4.623358326,4.623358301,4.623358319,4.623358316,4.623358319,4.62335833,4.623358286,4.623358312,4.623358299,4.623358329,4.623358327,4.623358308,4.623358316,4.623358323,4.623358336,4.623358283,4.623358287,4.623358306,4.623358302,4.623358308,4.623358312
+"8000","KRTAP15-1",3.508867367,3.508867082,3.508867523,3.508867372,3.508867552,3.508867451,3.508867399,3.508867421,3.50886743,3.508867408,3.508867514,3.508867679,3.508867443,3.50886726,3.508867553,3.508867461,3.508867591,3.508867756,3.508867473,3.508867794,3.508867692,3.508867511,3.508867393,3.508867399,3.508867651,3.508867364,3.508867511,3.50886733
+"8001","KRTAP17-1",5.360177411,5.360177454,5.360177437,5.360177451,5.360177512,5.360177442,5.360177468,5.360177487,5.360177477,5.360177492,5.360177433,5.360177506,5.360177483,5.360177408,5.360177516,5.360177498,5.360177493,5.360177477,5.360177474,5.360177427,5.360177521,5.360177509,5.36017748,5.360177435,5.360177502,5.360177511,5.360177448,5.360177445
+"8002","KRTAP19-1",4.134144713,4.134144738,4.13414476,4.134144773,4.134144785,4.134144762,4.134144738,4.134144788,4.134144829,4.134144801,4.134144752,4.134144975,4.134144783,4.134144801,4.134144799,4.13414481,4.134144926,4.134144769,4.134144782,4.134144733,4.13414474,4.134144781,4.134144745,4.134144782,4.134144837,4.134144804,4.134144768,4.134144806
+"8003","KRTAP19-2",3.585230639,3.585230687,3.585230735,3.585230688,3.585230731,3.585230588,3.585230708,3.585230679,3.585230679,3.585230717,3.585230732,3.585230702,3.585230665,3.585230632,3.585230709,3.58523075,3.585230723,3.585230736,3.585230669,3.585230716,3.585230699,3.585230723,3.585230647,3.585230673,3.58523075,3.585230656,3.585230669,3.585230688
+"8004","KRTAP19-3",4.054765808,4.054765828,4.054765823,4.054765816,4.054765813,4.05476584,4.054765836,4.054765835,4.054765827,4.054765836,4.054765834,4.05476584,4.054765827,4.054765824,4.054765817,4.05476582,4.054765864,4.054765821,4.054765832,4.05476584,4.05476582,4.054765834,4.05476583,4.054765835,4.054765819,4.054765817,4.05476584,4.054765817
+"8005","KRTAP19-4",3.076899779,3.076899839,3.076899737,3.076899737,3.076899812,3.07689976,3.076899875,3.076899983,3.076899824,3.076899741,3.076899935,3.076899865,3.076899838,3.076899765,3.076899869,3.076899862,3.076899867,3.076899787,3.076899823,3.076899769,3.076899741,3.076899839,3.076899761,3.076899891,3.07690005,3.076899723,3.076899924,3.076900201
+"8006","KRTAP19-5",5.063336763,5.063336743,5.063336759,5.063336739,5.0633368,5.063336795,5.063336731,5.063336765,5.063336728,5.063336757,5.063336795,5.063336776,5.063336776,5.063336733,5.063336725,5.063336718,5.06333676,5.0633368,5.063336745,5.063336768,5.063336777,5.063336729,5.063336749,5.063336702,5.063336737,5.063336759,5.063336742,5.063336745
+"8007","KRTAP19-6",3.197162298,3.197162648,3.197162657,3.197162427,3.197162636,3.197162718,3.197162446,3.197162588,3.197162573,3.197162645,3.197162549,3.197162486,3.197162542,3.197162468,3.197162535,3.197162521,3.197162634,3.197162588,3.197162491,3.197162485,3.197162501,3.197162635,3.197162451,3.19716258,3.197162361,3.197162461,3.197162491,3.197162546
+"8008","KRTAP19-7",3.632892461,3.63289249,3.632892493,3.632892539,3.632892543,3.632892489,3.632892511,3.632892529,3.632892473,3.632892498,3.632892495,3.632892539,3.632892527,3.632892442,3.63289249,3.632892539,3.632892533,3.632892506,3.632892481,3.632892506,3.632892489,3.632892516,3.632892469,3.632892461,3.632892474,3.632892483,3.632892475,3.632892504
+"8009","KRTAP19-8",3.313661603,3.313661604,3.313661602,3.313661624,3.313661629,3.313661617,3.313661638,3.313661599,3.313661635,3.313661602,3.313661608,3.313661708,3.313661602,3.313661604,3.313661607,3.313661605,3.313661606,3.313661611,3.313661596,3.313661615,3.313661615,3.313661624,3.313661591,3.313661613,3.313661613,3.313661596,3.313661624,3.313661605
+"8010","KRTAP20-1",3.630761257,3.630761552,3.630761439,3.630761523,3.630761501,3.630761303,3.63076136,3.630761555,3.630761498,3.630761428,3.630761571,3.630761483,3.630761298,3.630761584,3.630761712,3.630761491,3.630761746,3.630761414,3.630761561,3.630761541,3.630761512,3.630761812,3.630761265,3.630761209,3.63076176,3.630761442,3.630761298,3.630761756
+"8011","KRTAP20-2",4.094772986,4.094772969,4.09477298,4.094772971,4.09477299,4.094772998,4.09477298,4.094773004,4.094772983,4.094772974,4.094772971,4.094772991,4.094773001,4.094772971,4.094772992,4.094772968,4.094772997,4.094773001,4.094772985,4.094772961,4.094772978,4.094772992,4.094772948,4.094772964,4.094772952,4.094772994,4.09477298,4.094772953
+"8012","KRTAP20-3",3.454308932,3.454308823,3.454309001,3.454309212,3.454308989,3.454309015,3.454309207,3.454309108,3.454308883,3.454309011,3.454308931,3.454309117,3.454308946,3.454308787,3.454309083,3.454309031,3.454308947,3.454309089,3.454309213,3.454309179,3.454309012,3.454309069,3.454309249,3.454309006,3.45430889,3.454308828,3.45430906,3.45430939
+"8013","KRTAP20-4",3.893248373,3.893248398,3.893248482,3.893248438,3.893248485,3.893248387,3.893248418,3.893248486,3.89324841,3.893248401,3.893248498,3.893248512,3.893248423,3.893248428,3.893248452,3.893248422,3.893248479,3.893248413,3.893248492,3.893248417,3.89324846,3.893248458,3.893248389,3.893248408,3.893248457,3.893248459,3.893248406,3.893248404
+"8014","KRTAP21-1",3.288080896,3.288080668,3.288080486,3.288080552,3.288081891,3.2880807955,3.288081334,3.2880812635,3.2880807175,3.288080866,3.2880811945,3.2880821045,3.2880809135,3.288080905,3.2880813315,3.2880814415,3.288081368,3.2880815155,3.288082166,3.288081303,3.2880813715,3.2880810205,3.2880810635,3.2880810275,3.2880805325,3.2880811795,3.2880809145,3.288080894
+"8015","KRTAP21-2",3.657660493,3.657660532,3.65766069,3.657660585,3.657660765,3.657660723,3.657660663,3.657660798,3.657660834,3.657660633,3.657660672,3.657660742,3.657660616,3.657660541,3.657660705,3.657660627,3.657660844,3.657660712,3.657660718,3.65766075,3.65766085,3.657660719,3.657660691,3.657660504,3.657660669,3.657660623,3.657660394,3.657660515
+"8016","KRTAP22-1",4.730678078,4.730678108,4.730678217,4.730678134,4.7306782,4.730678057,4.730678197,4.730678169,4.730678154,4.73067815,4.730678134,4.730678219,4.730678159,4.730678055,4.730678215,4.7306782,4.730678238,4.730678218,4.730678168,4.730678162,4.730678209,4.730678224,4.730678165,4.730678121,4.73067823,4.730678163,4.730678116,4.730678132
+"8017","KRTAP23-1",5.114665042,5.11466506,5.114665081,5.114665063,5.114665077,5.114665056,5.114665066,5.114665064,5.114665068,5.114665042,5.114665061,5.114665059,5.114665053,5.114665043,5.11466508,5.114665079,5.114665063,5.114665084,5.114665074,5.11466506,5.114665087,5.114665065,5.114665056,5.114665042,5.114665056,5.114665082,5.114665034,5.114665051
+"8018","KRTAP24-1",4.58533506,4.585335052,4.585335099,4.585335072,4.585335145,4.585335135,4.585335121,4.585335197,4.585335068,4.585335068,4.585335139,4.585335204,4.585335072,4.58533499,4.585335131,4.585335111,4.585335156,4.58533513,4.585335123,4.585335109,4.58533516,4.585335161,4.58533511,4.585335063,4.585335117,4.58533512,4.585335081,4.58533512
+"8019","KRTAP26-1",4.081834751,4.081834685,4.081834816,4.081834727,4.081834782,4.081834765,4.081834816,4.081834769,4.081834757,4.081834759,4.081834788,4.081834823,4.081834713,4.081834706,4.081834832,4.081834824,4.081834879,4.081834819,4.08183482,4.081834752,4.081834769,4.081834771,4.081834708,4.081834731,4.081834763,4.08183481,4.081834738,4.081834759
+"8020","KRTAP27-1",3.829148368,3.829148293,3.829148383,3.829148409,3.829148393,3.82914827,3.829148384,3.829148298,3.829148294,3.829148312,3.829148344,3.829148342,3.829148338,3.829148269,3.829148326,3.829148366,3.829148357,3.829148376,3.829148325,3.829148358,3.82914844,3.829148339,3.829148285,3.829148288,3.829148351,3.829148435,3.829148329,3.829148371
+"8021","KRTAP3-1",4.471801843,4.47180184,4.471801893,4.471801894,4.471801912,4.471801925,4.47180192,4.471801931,4.471801941,4.471801906,4.471801916,4.471801957,4.471801911,4.471801853,4.471801886,4.471801913,4.471801965,4.471801899,4.471801873,4.471801896,4.471801877,4.471801962,4.471801902,4.471801817,4.471801863,4.471801891,4.471801894,4.471801897
+"8022","KRTAP3-3",3.284484437,3.284484446,3.284484486,3.284484481,3.284484459,3.284484475,3.284484461,3.284484477,3.284484431,3.284484487,3.284484499,3.284484538,3.28448447,3.284484435,3.28448446,3.284484473,3.284484496,3.284484492,3.284484492,3.284484508,3.284484461,3.284484473,3.28448447,3.284484465,3.284484518,3.284484449,3.284484464,3.284484449
+"8023","KRTAP4-1",4.935012748,4.935012696,4.935012768,4.935012695,4.935012836,4.935012708,4.935012739,4.935012775,4.935012698,4.935012721,4.935012719,4.935012827,4.93501268,4.935012609,4.935012799,4.93501273,4.935012908,4.935012715,4.935012788,4.935012713,4.935012807,4.935012815,4.935012719,4.935012687,4.93501277,4.935012794,4.935012689,4.935012794
+"8024","KRTAP4-2",6.231293192,6.23129291,6.231293343,6.231293224,6.231293715,6.231293058,6.231293478,6.231293577,6.231293222,6.231293242,6.231293391,6.231293614,6.231293327,6.23129301,6.231293662,6.231293312,6.231293858,6.231293525,6.231293382,6.231293383,6.231293646,6.231293659,6.231293097,6.231293074,6.231293193,6.23129345,6.231293166,6.23129319
+"8025","KRTAP4-3",5.00993191,5.009931878,5.009931918,5.009931946,5.009931939,5.009931927,5.009931915,5.009931923,5.009931897,5.009931898,5.009931912,5.00993191,5.009931902,5.00993188,5.009931911,5.009931898,5.009931924,5.009931926,5.009931891,5.009931918,5.009931933,5.009931917,5.009931891,5.009931876,5.009931915,5.009931922,5.009931897,5.00993192
+"8026","KRTAP4-4",5.541149491,5.541149342,5.541149443,5.541149462,5.541149553,5.541149469,5.541149492,5.541149481,5.541149403,5.541149481,5.541149136,5.541149518,5.541149407,5.541149287,5.541149459,5.541149376,5.541149254,5.541149231,5.541149481,5.541149374,5.541149456,5.541149452,5.541149328,5.54114926,5.541149404,5.541149448,5.541149391,5.541149493
+"8027","KRTAP4-5",4.712963193,4.712963393,4.712962856,4.712963051,4.712962992,4.712963035,4.712963317,4.712962659,4.712963246,4.712962907,4.712962886,4.712963411,4.712963154,4.712962937,4.71296344,4.712962989,4.712963653,4.712963289,4.712963203,4.712963176,4.71296315,4.712963262,4.712963271,4.712962646,4.712963387,4.712962957,4.712963102,4.712963366
+"8028","KRTAP5-1",7.427844218,7.427844078,7.427845284,7.427844574,7.427845573,7.427843578,7.427844815,7.427845448,7.427845076,7.427844514,7.427845006,7.427845222,7.427844909,7.427843808,7.427845305,7.427845296,7.427845379,7.427845234,7.427844835,7.427844116,7.427845641,7.427845642,7.427844185,7.427844532,7.427844661,7.427845213,7.427844652,7.427844966
+"8029","KRTAP5-10",7.093569394,7.093569323,7.093569711,7.093569203,7.093569964,7.09356863,7.09356947,7.093570033,7.093569532,7.093569371,7.093569624,7.093569935,7.093569762,7.093569196,7.093569805,7.093570043,7.093570141,7.093569776,7.093569611,7.093569564,7.093570022,7.093570075,7.093569289,7.09356927,7.093569629,7.09356994,7.093569685,7.093569895
+"8030","KRTAP5-11",6.020946376,6.020946441,6.020946496,6.020946453,6.020946591,6.02094634,6.020946488,6.02094655,6.020946432,6.020946343,6.020946509,6.020946572,6.020946504,6.020946356,6.020946533,6.020946559,6.020946606,6.020946568,6.02094646,6.020946475,6.020946592,6.020946515,6.020946369,6.020946367,6.02094654,6.020946473,6.020946414,6.020946463
+"8031","KRTAP5-2",6.057910033,6.057909878,6.057909829,6.057910009,6.057910138,6.057909962,6.05791005,6.057910042,6.057909736,6.057909754,6.057909939,6.057909893,6.057909872,6.057909413,6.057909999,6.057910063,6.05791017,6.057909936,6.057910084,6.05790996,6.057910052,6.057910088,6.057909649,6.057909699,6.057909752,6.057909916,6.05790988,6.057909923
+"8032","KRTAP5-3",8.139075155,8.139256061,8.142731101,8.140765405,8.142026447,8.136898021,8.140298113,8.142136667,8.139917747,8.139693514,8.142357064,8.141683096,8.14021754,8.137358639,8.1407349,8.141280178,8.143310703,8.142158314,8.140598422,8.139490145,8.140864623,8.142096845,8.139736204,8.13967556,8.142807039,8.139428846,8.140541599,8.14034949
+"8033","KRTAP5-4",5.088894473,5.088894325,5.088894417,5.088894295,5.088894771,5.088894511,5.088894647,5.088894911,5.088894567,5.088894411,5.08889454,5.088894688,5.088894456,5.088894308,5.088894673,5.088894651,5.088894713,5.088894566,5.088894434,5.088894529,5.088894646,5.088894927,5.088894581,5.088894119,5.088894323,5.088894447,5.08889435,5.088894309
+"8034","KRTAP5-5",5.880684638,5.880684518,5.880684727,5.88068486,5.880684768,5.880684681,5.880684733,5.880684755,5.880684397,5.880684737,5.880684859,5.880684553,5.880684764,5.880684751,5.880684872,5.88068492,5.880684924,5.880684669,5.880684734,5.880684736,5.880684854,5.880684905,5.880684733,5.880684529,5.880684842,5.880684812,5.880684593,5.880684797
+"8035","KRTAP5-6",5.143022238,5.143022266,5.143022187,5.14302225,5.143022293,5.143022202,5.143022256,5.14302218,5.143022112,5.143022245,5.143022198,5.143022301,5.143022317,5.143022064,5.143022337,5.143022137,5.14302229,5.143022221,5.143022323,5.143022191,5.143022336,5.143022284,5.143022025,5.143022171,5.143022269,5.143022302,5.143022148,5.14302234
+"8036","KRTAP5-7",7.50490014,7.504900173,7.504900215,7.504900279,7.504900328,7.504900027,7.50490031,7.504900403,7.504900053,7.504899996,7.50490031,7.504900301,7.504900216,7.504899868,7.504900346,7.504900368,7.504900396,7.504900306,7.504900327,7.504900248,7.50490048,7.504900478,7.504900125,7.504900017,7.504900271,7.504900319,7.50490016,7.504900212
+"8037","KRTAP5-8",4.794953466,4.794953496,4.794953555,4.794953487,4.794953553,4.794953432,4.794953553,4.79495358,4.794953595,4.794953553,4.794953532,4.794953485,4.794953515,4.794953462,4.794953498,4.794953552,4.7949536,4.79495355,4.794953526,4.794953661,4.79495351,4.794953533,4.794953466,4.794953518,4.794953491,4.794953449,4.794953544,4.794953496
+"8038","KRTAP5-9",5.398743861,5.398743904,5.398743957,5.398743956,5.398744205,5.398743693,5.398744087,5.398743994,5.398743951,5.398744031,5.398744184,5.398744017,5.398743925,5.398744002,5.398744015,5.398743875,5.398743897,5.398744079,5.398744066,5.398743997,5.398744154,5.39874413,5.39874383,5.398743678,5.398744018,5.398743976,5.398743926,5.398743865
+"8039","KRTAP5-AS1",5.017004563,5.017004641,5.017004553,5.017004606,5.01700462,5.017004495,5.017004644,5.017004689,5.017004524,5.017004549,5.017004512,5.017004575,5.017004592,5.017004596,5.017004628,5.017004642,5.017004632,5.017004584,5.017004613,5.017004536,5.017004636,5.017004677,5.017004623,5.017004437,5.017004618,5.017004597,5.017004571,5.017004663
+"8040","KRTAP6-1",5.381910915,5.381910945,5.38191109,5.381910993,5.381911028,5.38191107,5.381911058,5.381911031,5.381911005,5.381911007,5.381911143,5.381911198,5.381911007,5.381910889,5.381911063,5.381911039,5.381911129,5.381910986,5.381911042,5.381911076,5.381910961,5.381911011,5.38191101,5.381910965,5.381910991,5.381910939,5.381911061,5.381911072
+"8041","KRTAP6-2",4.775990506,4.775990521,4.775990601,4.775990604,4.775990622,4.775990547,4.775990623,4.775990624,4.775990593,4.775990576,4.775990583,4.775990601,4.775990605,4.775990547,4.775990691,4.775990535,4.775990593,4.77599059,4.775990597,4.775990582,4.775990582,4.775990617,4.775990591,4.775990576,4.775990613,4.775990577,4.775990544,4.775990601
+"8042","KRTAP6-3",5.152761006,5.152760999,5.15276108,5.152760987,5.152761177,5.15276094,5.15276112,5.152761179,5.152760888,5.152761055,5.152761066,5.152761163,5.152761009,5.152760986,5.152761172,5.152761134,5.152761173,5.152761133,5.152761123,5.152761063,5.152761205,5.152761209,5.15276102,5.152760943,5.152761065,5.152761101,5.152760996,5.152760993
+"8043","KRTAP7-1",3.897635411,3.89763534,3.897635377,3.897635399,3.897635391,3.897635388,3.897635333,3.897635362,3.897635273,3.89763533,3.897635287,3.897635202,3.897635296,3.897635403,3.897635342,3.897635388,3.897635299,3.897635399,3.89763539,3.897635406,3.897635452,3.897635383,3.897635372,3.897635327,3.897635433,3.897635299,3.89763536,3.897635226
+"8044","KRTAP8-1",4.789654582,4.789654584,4.789654594,4.789654628,4.789654618,4.789654623,4.789654582,4.789654639,4.789654609,4.78965462,4.78965462,4.789654621,4.789654614,4.789654545,4.789654642,4.78965457,4.789654692,4.789654621,4.789654611,4.789654644,4.789654624,4.789654642,4.789654602,4.789654601,4.789654623,4.789654642,4.789654595,4.789654621
+"8045","KRTAP9-1",4.722849313,4.722849012,4.72284991,4.722849266,4.722849858,4.722849714,4.722849024,4.72284956,4.722849149,4.722849606,4.722849362,4.722849304,4.72284945,4.722849107,4.722848942,4.722849373,4.722849545,4.722849136,4.722849302,4.722849609,4.722849754,4.722849871,4.722849395,4.722849262,4.722849124,4.722849573,4.722849601,4.722849339
+"8046","KRTAP9-3",4.360447157,4.360447214,4.360447349,4.360447453,4.360447477,4.360447603,4.360447429,4.360447369,4.360447282,4.360447215,4.360447718,4.360447515,4.360447247,4.360447151,4.360447394,4.360447148,4.360447453,4.360447382,4.360447437,4.36044711,4.360447583,4.360447684,4.360447519,4.360447059,4.360446685,4.360447285,4.3604476,4.36044677
+"8047","KRTCAP2",6.649348432,6.649348464,6.649348444,6.64934829,6.649348287,6.649348394,6.649348359,6.649348334,6.649348414,6.649348416,6.649348237,6.649348248,6.649348415,6.649348413,6.649348335,6.649348329,6.649348281,6.649348206,6.649348352,6.649348292,6.649348344,6.649348311,6.649348404,6.6493484,6.649348202,6.649348311,6.649348406,6.649348312
+"8048","KRTCAP3",6.415357337,6.41535732,6.415357415,6.415357395,6.415357449,6.415357312,6.415357392,6.415357406,6.415357393,6.415357389,6.415357389,6.415357429,6.415357385,6.415357312,6.415357409,6.415357384,6.415357428,6.415357404,6.415357384,6.415357349,6.4153574,6.415357425,6.415357344,6.415357348,6.415357401,6.415357416,6.415357372,6.415357388
+"8049","KRTDAP",4.63026499,4.630265096,4.630265112,4.630265127,4.630265414,4.630265199,4.630265213,4.630265245,4.63026511,4.630265117,4.630265253,4.630265346,4.630265181,4.630264886,4.630265244,4.63026519,4.630265431,4.630265335,4.630265222,4.630265143,4.630265348,4.630265336,4.630265149,4.630265105,4.630265224,4.630265176,4.630265105,4.630265189
+"8050","KSR1",6.90335034,6.903350418,6.903350362,6.903350425,6.9033504,6.903350539,6.903350421,6.903350341,6.903350347,6.90335046,6.903350428,6.90335024,6.903350319,6.903350348,6.903350304,6.903350346,6.903350349,6.903350255,6.903350419,6.903350571,6.903350375,6.903350326,6.903350304,6.903350451,6.903350419,6.903350275,6.903350395,6.903350307
+"8051","KSR2",5.290691028,5.290691046,5.290691147,5.29069112,5.290691346,5.290691032,5.290691111,5.290691268,5.29069118,5.29069119,5.29069123,5.290691247,5.290691092,5.29069097,5.290691271,5.290691207,5.290691291,5.290691191,5.290691125,5.290691214,5.290691223,5.290691172,5.290691101,5.290691033,5.290691149,5.29069112,5.290691051,5.290691294
+"8052","KTN1",5.481114399,5.481114305,5.481114153,5.481114041,5.481114032,5.481113875,5.481114061,5.481113995,5.481114179,5.481114308,5.481114027,5.481113826,5.481114146,5.481115025,5.481114291,5.481114134,5.481113888,5.481113921,5.48111424,5.481113983,5.481114246,5.48111413,5.481114212,5.481114177,5.481114019,5.481114151,5.481114217,5.481114673
+"8053","KTN1-AS1",5.187072846,5.187072875,5.187072951,5.187072919,5.187072962,5.187072875,5.187072923,5.187072966,5.187072938,5.187072945,5.187072936,5.187072984,5.187072938,5.187072903,5.187072913,5.187072929,5.187072961,5.187072941,5.187072885,5.187072906,5.187072967,5.18707293,5.187072881,5.187072916,5.187072954,5.187072929,5.187072915,5.187072896
+"8054","KU-MEL-3",3.572451817,3.572451788,3.572451947,3.572451816,3.57245185,3.572451792,3.572451899,3.572451897,3.572451863,3.572451906,3.572451935,3.572451819,3.57245186,3.572451812,3.57245178,3.572451865,3.572451882,3.572451926,3.572451731,3.57245188,3.572451936,3.572451773,3.572451908,3.572451729,3.572451794,3.57245186,3.572451776,3.572451933
+"8055","KXD1",7.29337308,7.293372958,7.293373031,7.293373144,7.293373049,7.293373005,7.293373092,7.293373248,7.293373078,7.293373036,7.29337316,7.293373161,7.293373116,7.293372916,7.293373137,7.29337302,7.293373249,7.293373087,7.293373121,7.29337303,7.293373184,7.293373264,7.293373003,7.293373051,7.293373075,7.293373194,7.293373049,7.293373149
+"8056","KY",5.468710642,5.468710701,5.468710757,5.468710974,5.468710867,5.468710863,5.468710786,5.468710814,5.468710667,5.468710565,5.468710771,5.468710664,5.468710739,5.468710507,5.468710931,5.468710775,5.468710546,5.468711062,5.468710736,5.468710878,5.468710876,5.468710925,5.46871061,5.468710592,5.46871084,5.468710753,5.468710731,5.468710664
+"8057","KYAT1",5.645025079,5.645025161,5.645025149,5.645025218,5.645025158,5.645025185,5.645025199,5.645025223,5.645025163,5.645025166,5.645025126,5.645025151,5.645025208,5.645025115,5.645025177,5.645025175,5.645025184,5.645025146,5.645025149,5.64502517,5.645025183,5.645025234,5.645025199,5.645025205,5.645025166,5.645025193,5.645025152,5.645025158
+"8058","KYNU",5.838296116,5.83829568,5.838295914,5.838295135,5.838295455,5.838295811,5.838295036,5.838294967,5.838294571,5.83829546,5.838295228,5.838294083,5.838296054,5.838296331,5.838295674,5.838295172,5.838295967,5.83829517,5.838295786,5.838296083,5.838295282,5.838295172,5.838294445,5.838295444,5.838294951,5.838295067,5.838295733,5.838295337
+"8059","L1CAM",4.856931932,4.85693195,4.85693199,4.856931972,4.856932012,4.856931899,4.856931977,4.856932002,4.856932004,4.856931954,4.856932,4.856932006,4.856931951,4.856931913,4.856931986,4.856931983,4.856932017,4.856932017,4.85693196,4.856931963,4.856931998,4.856932008,4.856931959,4.856931964,4.856932005,4.856931986,4.85693195,4.856932004
+"8060","L1CAM-AS1",5.932127436,5.932127381,5.932127492,5.932127403,5.932127638,5.932127423,5.932127463,5.932127499,5.932127474,5.9321274,5.932127519,5.932127618,5.932127467,5.932127317,5.932127596,5.932127472,5.932127576,5.932127592,5.932127519,5.932127467,5.932127605,5.932127515,5.932127379,5.932127344,5.932127487,5.932127523,5.93212737,5.932127449
+"8061","L1TD1",3.137902979,3.137902995,3.137902999,3.137902997,3.137902986,3.137903019,3.137903,3.137902998,3.13790302,3.137903012,3.137903008,3.137903018,3.13790301,3.137903017,3.137903009,3.137903002,3.137903015,3.137902989,3.137902994,3.137903014,3.137902975,3.137902998,3.137903,3.137903011,3.13790299,3.137902987,3.137903021,3.137903011
+"8062","L2HGDH",4.578909683,4.578909627,4.578909526,4.578909632,4.578909634,4.578909513,4.578909711,4.578909565,4.578909667,4.578909624,4.578909623,4.578909574,4.578909596,4.578909673,4.578909591,4.578909638,4.578909771,4.578909701,4.578909683,4.578909618,4.57890964,4.57890959,4.578909745,4.578909589,4.578909578,4.578909697,4.578909597,4.578909711
+"8063","L3HYPDH",5.222734983,5.222734969,5.222735019,5.222734935,5.222735023,5.222734977,5.222735014,5.22273499,5.222734981,5.222735022,5.222735005,5.222735014,5.222734999,5.222735004,5.222734978,5.222734979,5.222734946,5.222734992,5.222734974,5.22273497,5.222734977,5.22273501,5.222734993,5.222734997,5.222734954,5.222734991,5.222735002,5.222734983
+"8064","L3MBTL1",5.443733367,5.443733229,5.443733402,5.4437334,5.443733437,5.443733288,5.443733394,5.44373346,5.443733454,5.443733398,5.443733365,5.443733363,5.443733395,5.443733334,5.443733441,5.443733399,5.443733383,5.443733402,5.443733371,5.443733337,5.443733437,5.443733472,5.443733405,5.443733315,5.443733422,5.443733449,5.443733441,5.443733348
+"8065","L3MBTL2",6.856096791,6.856096832,6.856096802,6.856096754,6.856096785,6.856096852,6.856096788,6.856096816,6.856096816,6.856096828,6.856096765,6.856096784,6.856096801,6.856096816,6.856096782,6.856096787,6.856096766,6.856096755,6.856096813,6.856096776,6.856096745,6.856096772,6.856096842,6.85609682,6.856096786,6.856096782,6.856096809,6.856096814
+"8066","L3MBTL3",7.104874426,7.10487302,7.104871274,7.104871723,7.104871334,7.104874291,7.104873914,7.104872574,7.104873454,7.104872666,7.104871072,7.104870817,7.104872212,7.104873687,7.104873867,7.10487252,7.104870789,7.104871899,7.104871975,7.104873385,7.104873731,7.104873264,7.104873192,7.104872818,7.104871681,7.104872181,7.104872877,7.104873191
+"8067","L3MBTL4",5.103884554,5.103884403,5.103884213,5.103884264,5.103884029,5.10388438,5.10388424,5.103883981,5.10388431,5.103884149,5.103884336,5.103884147,5.103884301,5.103884371,5.103884183,5.103884374,5.103884032,5.103884395,5.103884252,5.103884327,5.103883928,5.103883918,5.103884347,5.103884079,5.103884289,5.103884133,5.103884432,5.10388421
+"8068","LACC1",3.78251739,3.782517486,3.782517468,3.782517485,3.782517508,3.782517612,3.782517484,3.782517392,3.782517348,3.7825174,3.782517498,3.782517489,3.782517609,3.782517792,3.782517353,3.782517685,3.782517447,3.782517255,3.782517495,3.78251764,3.782517343,3.782517569,3.782517643,3.782517532,3.782517439,3.782517372,3.782517365,3.782517617
+"8069","LACRT",4.588865289,4.588865248,4.588865323,4.588865368,4.588865418,4.588865159,4.588865356,4.588865338,4.588865308,4.588865271,4.588865348,4.588865409,4.588865288,4.588865205,4.58886539,4.588865389,4.588865408,4.588865439,4.588865303,4.588865333,4.588865329,4.588865451,4.588865273,4.58886525,4.588865373,4.588865357,4.588865277,4.588865383
+"8070","LACTB",6.592560178,6.592560085,6.592560011,6.592560005,6.592559881,6.592560243,6.592559983,6.592559997,6.592559885,6.592559953,6.592560045,6.59255973,6.592559951,6.592560088,6.592560035,6.592559932,6.592559898,6.59255998,6.592559931,6.592560227,6.592559908,6.592559921,6.592559983,6.592559987,6.592560031,6.592559834,6.592559943,6.592559983
+"8071","LACTB2",4.160351488,4.160351471,4.160351413,4.160351422,4.160351377,4.160351443,4.160351449,4.160351436,4.160351439,4.160351415,4.160351384,4.160351373,4.160351414,4.16035145,4.160351389,4.160351541,4.160351411,4.160351413,4.160351436,4.160351432,4.160351373,4.160351408,4.160351455,4.160351432,4.16035142,4.160351355,4.160351476,4.160351435
+"8072","LAD1",5.305852557,5.305852558,5.305852806,5.305852664,5.305853111,5.305852669,5.305852722,5.305852854,5.305852862,5.305852709,5.305852752,5.305853033,5.305852728,5.305852692,5.305852991,5.305852741,5.305853143,5.305852813,5.305852546,5.305852833,5.305852967,5.305852982,5.305852693,5.305852686,5.305852712,5.305852793,5.305852916,5.305852905
+"8073","LAG3",6.229569377,6.229569186,6.229569437,6.229569261,6.229569836,6.229569283,6.229569656,6.229569566,6.229569473,6.229569477,6.229569441,6.229569782,6.229569385,6.229569049,6.229569714,6.229569332,6.229569753,6.229569409,6.229569547,6.229569475,6.229569669,6.229569695,6.229569349,6.229569209,6.22956929,6.229569631,6.229569277,6.229569488
+"8074","LAGE3",6.348402949,6.348402956,6.348402952,6.348402936,6.348402941,6.348402957,6.348402938,6.348402932,6.348402964,6.348402952,6.34840294,6.34840294,6.348402947,6.348402959,6.348402949,6.348402937,6.348402952,6.348402918,6.348402952,6.348402955,6.348402938,6.348402955,6.348402953,6.348402957,6.34840294,6.34840295,6.348402954,6.348402956
+"8075","LAIR1",7.595848223,7.595848516,7.595848312,7.595847447,7.595848058,7.595848368,7.595848128,7.595847575,7.595848516,7.595848814,7.595848093,7.595847938,7.595848602,7.595848823,7.59584766,7.595847974,7.595847386,7.595847299,7.595847777,7.595848606,7.595847904,7.595847927,7.595848432,7.595848119,7.595847975,7.595848202,7.595848329,7.595848215
+"8076","LAIR2",5.595937906,5.595937916,5.59593819,5.595937426,5.59593814,5.595937859,5.59593807,5.595938192,5.595937417,5.595937383,5.595937938,5.595937653,5.595937796,5.595937258,5.595937925,5.595938026,5.595938468,5.595938098,5.595938024,5.595937924,5.595938357,5.595938311,5.595937541,5.595937192,5.595937612,5.595938028,5.595937949,5.595937498
+"8077","LALBA",3.096228607,3.096228513,3.096228527,3.096228579,3.096228555,3.096228752,3.096228643,3.096228729,3.096228517,3.096228746,3.096228509,3.096228478,3.096228509,3.096228454,3.096228411,3.0962287,3.096228908,3.09622856,3.096228526,3.09622864,3.09622848,3.096228607,3.09622858,3.096228441,3.096228701,3.096228606,3.096228559,3.096228583
+"8078","LAMA1",4.294831485,4.294831477,4.294831489,4.29483149,4.29483151,4.294831484,4.294831505,4.294831498,4.294831487,4.294831491,4.294831492,4.294831503,4.294831493,4.294831475,4.29483151,4.294831501,4.294831508,4.294831503,4.294831497,4.294831494,4.294831508,4.294831502,4.294831487,4.294831487,4.294831494,4.2948315,4.294831491,4.294831496
+"8079","LAMA2",4.341919093,4.341919068,4.341919071,4.341919082,4.341919096,4.341919087,4.3419191,4.341919105,4.341919084,4.341919068,4.341919082,4.3419191,4.34191909,4.341919089,4.341919094,4.341919086,4.341919099,4.341919093,4.341919097,4.341919089,4.341919097,4.341919111,4.341919087,4.341919071,4.341919088,4.341919096,4.341919084,4.341919087
+"8080","LAMA3",4.397742897,4.3977429,4.397742902,4.397742899,4.397742912,4.3977429,4.397742904,4.397742909,4.397742902,4.397742905,4.397742907,4.397742911,4.397742902,4.397742891,4.397742906,4.397742903,4.397742914,4.397742912,4.397742903,4.397742903,4.397742906,4.397742905,4.397742898,4.3977429,4.397742907,4.397742906,4.3977429,4.397742901
+"8081","LAMA4",3.752399442,3.752399457,3.752399493,3.752399472,3.752399464,3.752399517,3.752399475,3.752399502,3.752399432,3.752399442,3.752399548,3.752399485,3.752399456,3.75239943,3.752399472,3.752399466,3.752399486,3.752399462,3.752399434,3.752399494,3.752399456,3.752399515,3.752399457,3.752399454,3.752399472,3.752399456,3.752399462,3.752399461
+"8082","LAMA5",5.99492489,5.994924876,5.99492517,5.99492503,5.994925597,5.994924938,5.994925108,5.994925298,5.994925095,5.994925225,5.994925307,5.994925417,5.994925063,5.99492465,5.994925414,5.994925054,5.994925593,5.994925329,5.994925278,5.994925121,5.994925452,5.994925334,5.994924966,5.994924945,5.994925283,5.994925315,5.994925062,5.994924986
+"8083","LAMB1",4.190952474,4.190952473,4.190952509,4.190952504,4.190952509,4.190952484,4.190952516,4.190952505,4.190952486,4.190952476,4.190952506,4.190952506,4.190952489,4.190952457,4.190952505,4.190952521,4.190952525,4.190952522,4.19095251,4.190952488,4.190952506,4.190952523,4.190952503,4.190952463,4.190952489,4.190952504,4.190952502,4.190952475
+"8084","LAMB2",5.423235019,5.423234972,5.423235069,5.423235022,5.423235094,5.423235009,5.423235026,5.423235083,5.423235001,5.423235027,5.423235052,5.423235093,5.423234986,5.423234983,5.423235098,5.423234935,5.423235095,5.423235083,5.423235031,5.423235024,5.423235117,5.423235093,5.423234933,5.423234953,5.423235066,5.423235071,5.42323501,5.423235062
+"8085","LAMB3",4.6072799,4.607279992,4.607280185,4.607280013,4.607280275,4.607280056,4.60728008,4.607280137,4.607280238,4.607279996,4.607280068,4.607279859,4.607280046,4.60727944,4.607280239,4.60727998,4.607280318,4.60728025,4.607280258,4.607280407,4.607280401,4.607280301,4.607279927,4.607279827,4.607280121,4.60728009,4.607279993,4.607280337
+"8086","LAMB4",3.491589162,3.491589173,3.491589177,3.491589192,3.491589231,3.491589195,3.491589213,3.491589205,3.491589175,3.491589207,3.491589203,3.491589255,3.491589218,3.49158917,3.491589212,3.491589194,3.491589216,3.4915892,3.491589197,3.491589224,3.491589226,3.491589222,3.491589207,3.491589226,3.491589175,3.491589191,3.491589205,3.491589181
+"8087","LAMC1",4.291222753,4.291222692,4.291222643,4.291222697,4.291222755,4.291222743,4.291222683,4.291222654,4.29122262,4.291222696,4.291222642,4.291222644,4.291222669,4.291222788,4.291222755,4.291222653,4.291222756,4.291222738,4.291222712,4.291222677,4.291222744,4.291222666,4.291222557,4.291222646,4.291222695,4.291222739,4.291222606,4.291222803
+"8088","LAMC2",3.926503909,3.92650389,3.926503961,3.926503931,3.926503968,3.926503898,3.926503954,3.926503954,3.926503932,3.926503945,3.926503945,3.926503986,3.92650394,3.926503928,3.92650395,3.926503911,3.926503972,3.926503941,3.926503957,3.926503938,3.926503949,3.926503965,3.926503935,3.926503917,3.926503929,3.926503928,3.926503942,3.926503926
+"8089","LAMC3",5.948614524,5.948614518,5.948614575,5.948614631,5.948614641,5.948614525,5.948614507,5.948614681,5.948614577,5.94861449,5.948614654,5.94861469,5.948614567,5.948614447,5.948614717,5.948614652,5.948614682,5.948614686,5.948614587,5.948614607,5.948614648,5.948614659,5.948614459,5.948614472,5.948614646,5.948614624,5.948614617,5.948614632
+"8090","LAMP1",8.578262969,8.578263579,8.578262697,8.578263273,8.578262865,8.578263289,8.578262941,8.578262867,8.578263241,8.578263342,8.578262849,8.578262701,8.57826294,8.578263458,8.578262904,8.578263602,8.578262699,8.578262962,8.57826302,8.57826339,8.578262756,8.578262828,8.578263188,8.578263546,8.578262794,8.578262837,8.578263122,8.578263
+"8091","LAMP2",8.710109454,8.710109846,8.710108974,8.710110498,8.71010801,8.710108437,8.710108805,8.710108498,8.710107565,8.710108062,8.710108975,8.710107181,8.710108797,8.710109262,8.710108988,8.710109713,8.710108781,8.710109845,8.710109471,8.710108517,8.710108879,8.710108452,8.710108841,8.710109278,8.710109382,8.710108442,8.710108578,8.710108422
+"8092","LAMP3",5.254968789,5.254969103,5.254969201,5.254968963,5.254969646,5.254970963,5.25496872,5.25496889,5.254969008,5.254969182,5.254968433,5.254969044,5.254968738,5.254968514,5.25496851,5.254968994,5.254969073,5.254968866,5.254969416,5.254970811,5.25496855,5.254968785,5.254969114,5.254969063,5.254968523,5.254968794,5.254968816,5.254968758
+"8093","LAMP5",4.610891388,4.610891391,4.610891579,4.610891491,4.610891511,4.610891453,4.610891466,4.610891512,4.610891437,4.610891546,4.61089151,4.610891509,4.610891449,4.610891489,4.61089149,4.61089144,4.610891605,4.610891435,4.610891514,4.610891454,4.610891441,4.610891506,4.610891476,4.61089154,4.610891474,4.610891551,4.610891424,4.610891475
+"8094","LAMTOR1",7.714546351,7.71454643,7.714546604,7.714546831,7.714546252,7.714546853,7.714546137,7.714546276,7.714546558,7.714546733,7.714546795,7.71454611,7.714546208,7.714546132,7.714546063,7.71454627,7.7145466,7.714546863,7.714546409,7.714546766,7.714546017,7.714546301,7.714546582,7.714546655,7.714546644,7.714546283,7.714546216,7.714546211
+"8095","LAMTOR2",5.472831934,5.472831852,5.472831936,5.47283185,5.472831916,5.472831906,5.472831889,5.472831948,5.472831766,5.472831948,5.472831923,5.472831866,5.47283181,5.472831858,5.472831824,5.472831877,5.47283191,5.472831955,5.472831913,5.472831977,5.472831924,5.472831908,5.472831923,5.47283192,5.472831951,5.472831885,5.47283197,5.472831768
+"8096","LAMTOR3",5.406181937,5.406181952,5.40618181,5.406181854,5.40618159,5.406181767,5.406181821,5.406181609,5.40618173,5.406181841,5.406181721,5.406181379,5.406181653,5.406182256,5.406181803,5.406181732,5.40618184,5.406181824,5.406181944,5.406181646,5.406181885,5.406181627,5.406182032,5.406181766,5.406181955,5.406181691,5.406181721,5.406182086
+"8097","LAMTOR4",7.170330668,7.170331383,7.170330899,7.170331355,7.170330734,7.170331023,7.170331088,7.170330798,7.170330909,7.170330538,7.17033097,7.17033083,7.170330894,7.170330894,7.17033068,7.170331553,7.170330783,7.170331164,7.170331049,7.170331297,7.170331098,7.170330867,7.170331016,7.170330931,7.170330997,7.170330961,7.17033085,7.1703307
+"8098","LAMTOR5",6.388672162,6.388672164,6.388672094,6.388672183,6.388671997,6.388672129,6.3886721,6.388672113,6.388672131,6.388672122,6.388672095,6.388672046,6.388672093,6.388672164,6.388672091,6.388672189,6.388672072,6.388672106,6.388672123,6.388672225,6.388672127,6.388672093,6.388672137,6.388672169,6.388672073,6.388672117,6.388672109,6.388672052
+"8099","LAMTOR5P1",5.036665583,5.036665571,5.036665557,5.036665577,5.036665558,5.036665574,5.036665565,5.036665569,5.036665587,5.03666557,5.036665562,5.036665556,5.036665579,5.036665577,5.036665561,5.036665596,5.036665559,5.036665569,5.036665563,5.036665566,5.036665572,5.036665553,5.036665589,5.036665595,5.036665564,5.036665572,5.03666557,5.036665572
+"8100","LANCL1",6.28716031,6.287159715,6.287159273,6.287159075,6.287158926,6.287159393,6.287159727,6.287159387,6.287160482,6.287159745,6.287158535,6.287159411,6.287159775,6.287160433,6.287159539,6.28715907,6.287158512,6.287158454,6.287159389,6.287159332,6.287159109,6.287159475,6.287160395,6.287159882,6.287158497,6.287159757,6.287160328,6.287160469
+"8101","LANCL2",6.258927039,6.258927032,6.258926937,6.258926783,6.258926926,6.258927079,6.258927015,6.258926838,6.258927045,6.258927071,6.258926856,6.258926984,6.258926891,6.258927014,6.258926884,6.258926842,6.258926827,6.258926838,6.25892684,6.258927012,6.258926967,6.258926859,6.258927017,6.258926937,6.25892687,6.258927003,6.258927051,6.258926998
+"8102","LANCL3",4.517922978,4.517923101,4.517923044,4.517923226,4.51792311,4.517923075,4.51792307,4.517923043,4.517923112,4.517923113,4.517923052,4.517923047,4.517923038,4.517922978,4.51792306,4.517923086,4.517923039,4.517923236,4.517923049,4.517923001,4.517923036,4.517923078,4.517923057,4.517923054,4.517923097,4.517923018,4.517923117,4.517923034
+"8103","LAP3",6.787493471,6.787493711,6.787493994,6.787492955,6.787492739,6.787497454,6.787492923,6.787492496,6.7874931,6.787493266,6.787492526,6.78749233,6.787493366,6.787492861,6.787492831,6.787493706,6.787493965,6.787491909,6.787492463,6.78749654,6.787492767,6.78749239,6.787493259,6.787493366,6.787492235,6.787492723,6.787492924,6.787491838
+"8104","LAPTM4A",8.70320741,8.70320735,8.703206688,8.703206478,8.70320633,8.703206605,8.703206641,8.703206269,8.703206073,8.703206915,8.703206345,8.703205548,8.703206593,8.703207395,8.703206399,8.703207114,8.703206414,8.703205936,8.703206796,8.703207269,8.703206657,8.703206184,8.703206545,8.703207052,8.703206255,8.703206067,8.703206298,8.703206529
+"8105","LAPTM4B",5.332641295,5.33264171,5.332640991,5.332641621,5.33264147,5.332641331,5.332641459,5.332641404,5.332641668,5.332641441,5.332641545,5.332641418,5.332641362,5.3326417,5.332641219,5.332641564,5.332641374,5.332641697,5.332641178,5.332641626,5.332641422,5.332641415,5.332641886,5.332641495,5.332641139,5.332641499,5.332641595,5.332641341
+"8106","LAPTM5",11.63221771,11.63221829,11.63221706,11.63221808,11.63221696,11.63221777,11.63221748,11.63221681,11.63221702,11.63221742,11.63221659,11.63221617,11.63221726,11.63221819,11.63221776,11.63221754,11.63221741,11.63221765,11.63221742,11.63221771,11.63221753,11.63221745,11.63221751,11.63221801,11.63221673,11.63221659,11.63221711,11.63221756
+"8107","LARGE1",5.338819943,5.338819555,5.338819433,5.338819657,5.338819688,5.33881987,5.338819593,5.338819396,5.338819448,5.338819606,5.338819425,5.338819441,5.338819467,5.338819627,5.338820076,5.338819306,5.338819466,5.338819588,5.338819595,5.338819502,5.338819314,5.338819428,5.338819184,5.338819571,5.338819189,5.338819521,5.33881937,5.33881964
+"8108","LARGE2",6.331830103,6.331830095,6.331830097,6.331830112,6.331830152,6.33183011,6.331830129,6.331830144,6.331830106,6.33183014,6.331830147,6.331830112,6.331830106,6.331830099,6.33183014,6.331830125,6.331830152,6.331830158,6.331830129,6.331830153,6.331830146,6.331830148,6.331830089,6.331830101,6.331830128,6.331830161,6.331830102,6.331830124
+"8109","LARP1",7.702781773,7.702781796,7.702781694,7.702781361,7.702781825,7.70278265,7.702781874,7.702781879,7.702782259,7.702782087,7.70278202,7.702782125,7.702782195,7.702782238,7.702781664,7.702781414,7.702781471,7.702781333,7.702781541,7.702782251,7.702781731,7.702781682,7.702782001,7.702782049,7.702781662,7.702782144,7.702782239,7.702782028
+"8110","LARP1B",4.126087824,4.126087897,4.126087852,4.126087821,4.126087849,4.126087786,4.126087791,4.126087888,4.126087894,4.126087807,4.126087811,4.12608785,4.126087898,4.12608797,4.126087828,4.126087872,4.126087773,4.126087784,4.126087841,4.126087755,4.126087875,4.126087849,4.126087959,4.126087872,4.126087898,4.126087895,4.1260878,4.126087931
+"8111","LARP4",6.275281821,6.27528111,6.275281217,6.275281115,6.27528115,6.275281344,6.27528138,6.275280931,6.275281617,6.275281206,6.275281122,6.275280809,6.275281501,6.27528249,6.275281342,6.275281107,6.275280713,6.275280648,6.275281414,6.275281352,6.275281452,6.275281256,6.275281673,6.275281607,6.27528013,6.275281185,6.275281365,6.275281963
+"8112","LARP4B",7.907858219,7.907858276,7.907858135,7.907858235,7.907858048,7.907858214,7.907858195,7.907858121,7.907858216,7.907858212,7.907858091,7.907857974,7.907858216,7.907858378,7.907858138,7.907858187,7.90785807,7.907858032,7.907858161,7.907858253,7.907858157,7.907858059,7.907858187,7.907858238,7.907858139,7.907858166,7.90785819,7.907858157
+"8113","LARP6",5.142175505,5.14217552,5.142175581,5.142175538,5.142175634,5.142175554,5.142175602,5.142175586,5.142175589,5.142175603,5.142175655,5.142175655,5.14217556,5.142175463,5.142175653,5.142175618,5.142175697,5.142175637,5.142175595,5.142175625,5.14217559,5.142175589,5.142175581,5.142175592,5.142175605,5.142175634,5.142175582,5.142175579
+"8114","LARP7",4.447112783,4.447112668,4.447112715,4.447112673,4.447112617,4.447112609,4.447112716,4.447112514,4.447112668,4.447112724,4.447112656,4.44711249,4.447112708,4.447113087,4.447112747,4.447112759,4.447112683,4.447112652,4.447112788,4.447112819,4.44711266,4.447112493,4.447112845,4.447112666,4.447112719,4.447112711,4.447112665,4.447112922
+"8115","LARS1",7.410337489,7.410337137,7.410336288,7.410335798,7.410336446,7.410336073,7.410336266,7.410335757,7.410337359,7.410336566,7.410335674,7.410335752,7.410337005,7.410338427,7.410336675,7.410336597,7.410335196,7.410335274,7.410336865,7.410335269,7.410336311,7.410335698,7.410337126,7.410336238,7.410335329,7.410336748,7.410337007,7.410337451
+"8116","LARS2",6.533722589,6.533722507,6.53372251,6.533722404,6.533722512,6.533722509,6.533722522,6.533722468,6.533722588,6.533722586,6.53372241,6.533722496,6.533722589,6.533722612,6.533722486,6.533722482,6.533722413,6.533722327,6.533722584,6.53372248,6.533722495,6.533722544,6.533722567,6.533722566,6.533722317,6.5337225,6.533722593,6.533722544
+"8117","LAS1L",6.669479091,6.669479209,6.669479003,6.669478913,6.669479004,6.669479038,6.669479124,6.669479057,6.669479243,6.669479144,6.66947884,6.669479046,6.669479112,6.669479394,6.669479049,6.669479136,6.669478807,6.669478885,6.669479025,6.669479022,6.669479072,6.669478995,6.669479204,6.669479045,6.669478758,6.669479119,6.669479114,6.669479144
+"8118","LASP1",9.327508423,9.327509518,9.327507948,9.327509393,9.327507801,9.327509172,9.327508527,9.327508556,9.327508315,9.327508399,9.327508583,9.327507077,9.327508556,9.327508276,9.327508401,9.32750919,9.327507851,9.327508964,9.327508425,9.327509502,9.327508389,9.327508537,9.327508788,9.327508936,9.327508881,9.327507939,9.32750874,9.327507925
+"8119","LAT",7.693665161,7.693665302,7.693665147,7.693664843,7.693665038,7.693665838,7.693665348,7.693665496,7.693666578,7.693666218,7.693664799,7.693665649,7.693666073,7.69366577,7.693665092,7.69366486,7.693664662,7.69366507,7.693665482,7.693664532,7.693665073,7.693665791,7.693666295,7.693665885,7.69366499,7.693665918,7.693666062,7.693665747
+"8120","LAT2",7.897530215,7.897530569,7.89753027,7.897531661,7.897528619,7.89753135,7.897530233,7.897530435,7.897529376,7.897529682,7.897530046,7.897529214,7.897530108,7.897529928,7.897530418,7.89753072,7.897530536,7.897531264,7.897529677,7.897530851,7.897530212,7.897530959,7.897530148,7.89753056,7.897530685,7.897529781,7.897529992,7.897529826
+"8121","LATS1",6.679801642,6.67980105,6.679800934,6.679800966,6.679800794,6.679801338,6.679801038,6.679800995,6.679801336,6.679801105,6.679800912,6.679800874,6.679801355,6.67980154,6.679800938,6.679800757,6.679800522,6.67980057,6.679801004,6.67980125,6.679801092,6.679801007,6.679801035,6.679801094,6.679800976,6.679801016,6.67980135,6.679801254
+"8122","LATS2",6.898521585,6.898521589,6.898521669,6.898521813,6.898521942,6.898521788,6.89852182,6.898521608,6.898521444,6.898521712,6.898521812,6.898521862,6.898521643,6.898521177,6.898521826,6.898521663,6.898522077,6.898521932,6.898521827,6.898521996,6.898521739,6.898521722,6.898521508,6.898521522,6.89852184,6.898521749,6.898521742,6.898521583
+"8123","LAX1",6.47631596,6.476315375,6.476315408,6.476315314,6.476315459,6.476315598,6.476315996,6.47631581,6.47631575,6.476315489,6.476315211,6.476315365,6.476315844,6.476315882,6.476315699,6.476314711,6.476315002,6.476314978,6.476315351,6.476315188,6.476315843,6.476315709,6.476315809,6.476315907,6.476315504,6.476315888,6.476316111,6.476315824
+"8124","LAYN",4.065390047,4.065390042,4.065390071,4.065390056,4.06539007,4.065390027,4.065390069,4.065390075,4.065390061,4.065390044,4.065390082,4.065390076,4.065390075,4.065390054,4.065390059,4.065390055,4.06539008,4.065390064,4.065390068,4.065390052,4.065390068,4.065390064,4.065390058,4.065390035,4.065390059,4.065390064,4.065390026,4.065390053
+"8125","LBH",7.509392386,7.50939204,7.509391931,7.509391293,7.509391416,7.509391862,7.50939212,7.509392168,7.509392498,7.509392311,7.509391377,7.509392051,7.509392111,7.509392718,7.509392224,7.509391631,7.509391546,7.509391465,7.509391761,7.509391642,7.509391897,7.509391899,7.509392419,7.509391997,7.509391248,7.509392276,7.509392413,7.509392253
+"8126","LBP",4.031154653,4.031154712,4.031154664,4.031154722,4.031154879,4.031154636,4.03115471,4.031154761,4.0311546,4.031154665,4.031154625,4.031154762,4.031154648,4.031154584,4.031154755,4.031154703,4.03115481,4.03115469,4.031154696,4.031154649,4.031154757,4.031154644,4.031154596,4.031154652,4.031154699,4.03115474,4.031154725,4.031154729
+"8127","LBR",9.895589184,10.07806563,9.561882929,10.1742682,9.541621415,9.739932675,9.988347756,9.579722106,9.672029946,9.558955472,9.597758235,9.452417687,9.646824297,10.0421486,10.00905869,10.10880928,9.706546967,9.965357874,10.00135085,9.920637334,10.05451987,9.535633986,9.961259805,10.02845666,9.813106431,9.649621143,9.586811563,9.829365419
+"8128","LBX1",5.992149817,5.992149785,5.992149928,5.992149862,5.99215002,5.992149901,5.992149943,5.992149985,5.992149892,5.992149975,5.992150001,5.992150022,5.992149923,5.99214965,5.992150021,5.99214979,5.992150058,5.992149904,5.992149945,5.992149877,5.992149915,5.992149957,5.992149859,5.992149773,5.992149914,5.992149929,5.992149932,5.992149857
+"8129","LBX2",5.850005567,5.850005395,5.850005891,5.850005525,5.850006091,5.850005919,5.850005949,5.850005866,5.850005742,5.850006177,5.850006012,5.850006102,5.850005726,5.85000521,5.850005918,5.850005488,5.850006201,5.850006043,5.850005815,5.850005839,5.850005881,5.850006026,5.850005773,5.850005522,5.850005737,5.850005787,5.850005809,5.850005901
+"8130","LCA5",3.651451394,3.651451524,3.651451381,3.651451343,3.651451429,3.651451442,3.65145132,3.651451364,3.651451356,3.651451375,3.651451568,3.651451554,3.651451397,3.651451335,3.651451372,3.65145153,3.651451428,3.651451526,3.65145154,3.651451467,3.651451346,3.651451332,3.651451417,3.651451465,3.651451454,3.651451419,3.651451371,3.651451439
+"8131","LCA5L",3.382991611,3.382991653,3.38299172,3.382991618,3.382991601,3.382991628,3.382991578,3.382991639,3.382991633,3.382991627,3.382991664,3.382991642,3.382991553,3.382991516,3.382991641,3.382991633,3.382991587,3.382991746,3.382991629,3.382991659,3.382991599,3.382991584,3.382991585,3.382991598,3.382991647,3.382991589,3.382991605,3.382991546
+"8132","LCAL1",3.919649706,3.919649595,3.919649377,3.919649421,3.91964971,3.919649367,3.919649482,3.919649417,3.919649484,3.919649189,3.919650187,3.919649808,3.919649765,3.919649179,3.919649484,3.919649541,3.919649439,3.919649624,3.91964981,3.919649403,3.919649609,3.919649221,3.919649227,3.919649333,3.919649745,3.919649064,3.919649622,3.919649447
+"8133","LCE1A",7.307451674,7.307451701,7.307451753,7.307451701,7.30745176,7.307451568,7.307451659,7.307451741,7.307451715,7.307451682,7.307451711,7.307451728,7.307451708,7.30745164,7.307451685,7.307451784,7.307451759,7.307451771,7.307451688,7.307451674,7.307451683,7.307451737,7.307451707,7.307451708,7.307451754,7.30745171,7.307451706,7.307451715
+"8134","LCE1B",3.587314828,3.587314523,3.587314967,3.587314591,3.587314814,3.587314917,3.58731469,3.587315076,3.587314927,3.587314916,3.587314916,3.587314995,3.587314855,3.587314768,3.587314924,3.587314737,3.587315199,3.58731496,3.587315155,3.587314753,3.587315132,3.587314931,3.587314395,3.587314758,3.587314883,3.587314965,3.587314917,3.587315206
+"8135","LCE1C",5.718067914,5.718068162,5.718068474,5.718068284,5.718068462,5.718067296,5.718068076,5.718068357,5.718068148,5.718068301,5.71806845,5.718068244,5.718068281,5.718068149,5.718068165,5.718068455,5.718068194,5.718068485,5.718067887,5.718068079,5.718068171,5.718068247,5.718068132,5.718068486,5.718068534,5.718068325,5.718068312,5.718068065
+"8136","LCE1D",7.739827606,7.739827582,7.73982791,7.739827659,7.739827841,7.73982734,7.739827629,7.739827801,7.739827685,7.739827664,7.739827867,7.739827756,7.739827735,7.739827558,7.739827848,7.739827893,7.739827803,7.73982787,7.739827566,7.739827718,7.739827898,7.739827773,7.739827608,7.73982777,7.739827989,7.739827833,7.739827796,7.739827699
+"8137","LCE1E",6.407380097,6.407380168,6.407380236,6.407380169,6.407380314,6.407379954,6.407380254,6.407380232,6.407380099,6.407380083,6.407380212,6.407380307,6.40738015,6.407379953,6.407380394,6.407380311,6.407380433,6.407380339,6.407380201,6.407380144,6.407380335,6.407380438,6.407380128,6.407380143,6.407380226,6.407380226,6.407380139,6.407380052
+"8138","LCE1F",7.604169884,7.604169958,7.604170263,7.604170055,7.60417039,7.604170386,7.604170243,7.604170303,7.604170194,7.604170281,7.60417033,7.604170676,7.604170066,7.604169646,7.604170232,7.604170093,7.604170462,7.604170213,7.604170263,7.604170245,7.604170128,7.60417018,7.604170045,7.604169976,7.604170203,7.604170133,7.604170177,7.604170176
+"8139","LCE2A",6.51683269,6.516832629,6.516833139,6.5168329,6.516833305,6.516832558,6.516832893,6.516833292,6.516832899,6.516832925,6.516833127,6.516833532,6.516833025,6.516832324,6.516833219,6.516833063,6.516833448,6.516833286,6.516833119,6.516832938,6.516833281,6.516833379,6.516832707,6.516832788,6.516832873,6.516833147,6.516832838,6.516832937
+"8140","LCE2B",6.517920481,6.517920383,6.517921488,6.517921147,6.517921805,6.517920254,6.517920979,6.517922014,6.517920131,6.517920062,6.517921609,6.517922417,6.517920739,6.517919487,6.517920968,6.517920811,6.517922147,6.517921541,6.517921159,6.517920695,6.517921144,6.517921452,6.51792089,6.517919919,6.517921016,6.517921338,6.517921404,6.517920176
+"8141","LCE2C",3.967066278,3.967065499,3.967065748,3.967065915,3.967066413,3.967065818,3.967066085,3.967066193,3.967065842,3.967065954,3.967066183,3.967066107,3.967066407,3.967065693,3.967066622,3.967065657,3.967066448,3.967066155,3.967066099,3.967066197,3.967066258,3.967066102,3.967066114,3.967065594,3.967065645,3.967065986,3.967066116,3.967065629
+"8142","LCE2D",4.627541934,4.627541887,4.627541918,4.627542001,4.62754209,4.627541878,4.627541992,4.627542057,4.627541924,4.627541915,4.627541988,4.627542015,4.627541846,4.627541959,4.627542041,4.627541945,4.627542031,4.62754204,4.627542008,4.62754197,4.627542009,4.627542028,4.627541936,4.627542003,4.627542022,4.627542028,4.62754191,4.627541853
+"8143","LCE3A",6.414598771,6.414598585,6.414598991,6.414598899,6.414599408,6.414598543,6.414599117,6.414599195,6.414598712,6.414598666,6.414598789,6.414599101,6.414599143,6.414598445,6.414599327,6.414599047,6.414599315,6.414599333,6.414599082,6.414598958,6.414599396,6.414599252,6.414598779,6.414598644,6.414598791,6.414599284,6.414598831,6.414599128
+"8144","LCE3B",7.074637245,7.074637227,7.074637563,7.074637357,7.074637845,7.074637403,7.074637685,7.074637743,7.074637483,7.074637384,7.074637487,7.074637733,7.074637537,7.074637235,7.074637737,7.074637663,7.074637836,7.074637656,7.074637564,7.074637538,7.074637818,7.074637676,7.074637419,7.074637262,7.074637323,7.074637724,7.074637479,7.074637423
+"8145","LCE3C",5.651794531,5.651794538,5.651794561,5.65179455,5.651794575,5.651794538,5.651794559,5.651794562,5.651794545,5.651794553,5.651794551,5.651794559,5.651794542,5.651794531,5.651794562,5.651794561,5.651794598,5.651794572,5.651794563,5.651794554,5.651794564,5.651794573,5.651794537,5.65179455,5.651794553,5.651794532,5.651794523,5.651794555
+"8146","LCE3D",5.095574044,5.095573807,5.09557439,5.095574166,5.095574376,5.095574205,5.095574217,5.095574344,5.095574171,5.095574318,5.095574196,5.095574211,5.095574179,5.095573818,5.095574363,5.095574051,5.09557462,5.095573989,5.095574371,5.095574183,5.095574492,5.095574325,5.095573743,5.095573929,5.095574134,5.095574234,5.095574346,5.0955742
+"8147","LCE3E",5.915010183,5.915010069,5.915010369,5.915010273,5.915010384,5.915010317,5.915010292,5.91501028,5.915010282,5.915010102,5.915010386,5.915010317,5.915010256,5.91501003,5.915010237,5.915010127,5.915010485,5.915010318,5.915010246,5.915010068,5.915010338,5.915010408,5.91501009,5.915010156,5.915010444,5.915010164,5.915010383,5.915010129
+"8148","LCE4A",5.281098237,5.281098327,5.281098287,5.281098241,5.281098186,5.281098452,5.281098243,5.281098366,5.281098337,5.28109836,5.281098318,5.281098374,5.281098267,5.28109821,5.281098287,5.281098245,5.281098514,5.281098229,5.281098373,5.281098259,5.281098149,5.281098246,5.281098377,5.281098255,5.281098291,5.281098231,5.281098294,5.281098358
+"8149","LCE5A",5.699984676,5.699984617,5.699984736,5.699984626,5.699984805,5.699984657,5.699984714,5.699984718,5.699984744,5.699984729,5.69998472,5.699984788,5.699984732,5.69998463,5.699984755,5.699984672,5.699984801,5.699984719,5.699984717,5.699984672,5.699984797,5.699984782,5.699984661,5.699984615,5.699984689,5.699984758,5.699984693,5.699984682
+"8150","LCK",8.284486652,8.284486103,8.284485592,8.284485381,8.284485763,8.284486412,8.284486427,8.284486754,8.284487794,8.284486861,8.284484807,8.284486512,8.284487105,8.284487159,8.284486474,8.284485391,8.284485035,8.284485422,8.284486072,8.284485358,8.284486141,8.284487065,8.284487424,8.284486091,8.284484704,8.284486815,8.284487113,8.284486972
+"8151","LCLAT1",6.022767459,6.022767545,6.022767329,6.022767107,6.022766969,6.022767175,6.022767226,6.022766743,6.022767509,6.022767079,6.022766881,6.022766795,6.02276726,6.022768418,6.022767259,6.02276754,6.022767144,6.022767098,6.022766934,6.022767331,6.022767172,6.022766956,6.022767604,6.022767483,6.02276674,6.022767115,6.022767143,6.022768067
+"8152","LCMT1",6.712021463,6.712021421,6.712021338,6.712021236,6.71202123,6.71202135,6.712021439,6.712021246,6.712021535,6.71202146,6.712021264,6.712021238,6.712021508,6.712021537,6.712021282,6.712021423,6.712021142,6.712021016,6.71202138,6.712021229,6.712021316,6.712021314,6.712021421,6.712021458,6.712021141,6.712021348,6.712021582,6.712021199
+"8153","LCMT2",5.745712013,5.745711796,5.745711624,5.745711406,5.745711016,5.7457115,5.745711403,5.745711582,5.74571201,5.745711571,5.745710988,5.74571165,5.74571181,5.745712022,5.745711418,5.745711378,5.745710994,5.745711012,5.745711469,5.745711443,5.745711348,5.745711376,5.745712007,5.745711701,5.745711012,5.745711677,5.745711764,5.745712122
+"8154","LCN1",5.1718830445,5.1718834965,5.171883685,5.1718835885,5.1718839215,5.171883721,5.17188368,5.171883726,5.17188341,5.171883826,5.171883315,5.171883597,5.171883405,5.171883328,5.171883832,5.171883844,5.1718841,5.171883721,5.171883744,5.1718833805,5.171883779,5.171883798,5.1718831495,5.1718836065,5.1718835925,5.171883456,5.171883373,5.1718834075
+"8155","LCN10",6.177660873,6.177660762,6.177660805,6.177660813,6.177660937,6.1776608,6.177660854,6.17766091,6.177660773,6.177660787,6.177660891,6.177660871,6.177660828,6.177660752,6.177660914,6.177660785,6.177660906,6.177660901,6.177660887,6.177660906,6.177660905,6.177660911,6.177660766,6.177660713,6.177660842,6.177660845,6.17766079,6.177660811
+"8156","LCN12",5.997722367,5.997722378,5.997722499,5.997722418,5.997722478,5.997722374,5.99772245,5.997722463,5.997722394,5.997722423,5.997722486,5.997722481,5.997722424,5.997722322,5.997722454,5.997722419,5.997722559,5.997722502,5.997722456,5.997722433,5.997722456,5.997722506,5.997722389,5.997722396,5.997722505,5.997722487,5.997722428,5.997722454
+"8157","LCN15",4.62642064,4.626420636,4.626420692,4.626420692,4.626420709,4.626420636,4.626420661,4.626420696,4.626420698,4.626420648,4.626420706,4.626420699,4.62642067,4.626420601,4.626420697,4.6264207,4.626420704,4.626420723,4.626420693,4.626420678,4.626420707,4.626420708,4.62642062,4.626420638,4.626420683,4.626420684,4.626420638,4.626420672
+"8158","LCN2",6.48839542,6.488393407,6.488398415,6.488395668,6.488395687,6.488395847,6.488399696,6.488394867,6.48839245,6.488393658,6.488397471,6.488395237,6.488393885,6.488391822,6.488395896,6.488393054,6.488399566,6.488395648,6.48839382,6.488395741,6.488399558,6.488395279,6.488393087,6.488394224,6.488396107,6.488395839,6.488393809,6.488391136
+"8159","LCN6",5.627851949,5.627851975,5.627852164,5.627852104,5.627852415,5.627851851,5.627852142,5.627852277,5.62785213,5.627852031,5.627852243,5.62785227,5.627852113,5.627851801,5.6278523,5.627852314,5.627852473,5.62785234,5.62785214,5.627852081,5.627852418,5.627852202,5.627851854,5.627851973,5.627852221,5.627852215,5.627852118,5.627852249
+"8160","LCN8",4.8167543275,4.8167542815,4.816754189,4.816754321,4.8167546935,4.816754177,4.816754542,4.816754513,4.816754156,4.816754287,4.816754289,4.8167546725,4.816754409,4.8167539955,4.816754481,4.8167543585,4.816754649,4.8167543525,4.8167544545,4.816754391,4.8167545645,4.8167545395,4.816754154,4.816754296,4.8167542975,4.8167544315,4.816754418,4.816754301
+"8161","LCN9",4.343488411,4.343488407,4.34348843,4.343488426,4.343488432,4.34348842,4.343488408,4.343488404,4.343488419,4.343488423,4.343488445,4.343488455,4.343488425,4.343488388,4.343488427,4.343488404,4.343488464,4.343488452,4.343488433,4.343488421,4.343488411,4.34348841,4.34348841,4.343488398,4.343488448,4.343488405,4.343488415,4.343488406
+"8162","LCNL1",5.846391933,5.846391876,5.846392162,5.846391866,5.846392356,5.846391815,5.8463921,5.846392323,5.846392156,5.846391934,5.846392109,5.846392466,5.846392036,5.846391608,5.846392124,5.846392173,5.846392493,5.846392128,5.846392047,5.846392072,5.846392255,5.846392375,5.84639185,5.846391895,5.846392053,5.846392157,5.846392033,5.846392072
+"8163","LCOR",6.7312530585,6.7312534235,6.731253055,6.731253346,6.7312528805,6.7312527665,6.7312530075,6.7312526865,6.731253065,6.7312529005,6.731252908,6.731252415,6.731252901,6.7312536205,6.731252944,6.7312532075,6.7312528035,6.7312530725,6.731253106,6.73125272,6.731252933,6.7312528055,6.7312532845,6.7312531965,6.7312531845,6.731252897,6.731253176,6.73125338
+"8164","LCORL",5.434513618,5.434513611,5.434513615,5.434513604,5.434513609,5.434513595,5.434513595,5.434513597,5.434513597,5.434513615,5.434513594,5.434513585,5.434513619,5.434513641,5.434513615,5.434513593,5.434513578,5.434513586,5.434513605,5.434513585,5.434513599,5.434513603,5.434513605,5.434513622,5.434513598,5.434513595,5.434513611,5.434513632
+"8165","LCP1",11.29073539,11.29073506,11.29072633,11.29073806,11.29072937,11.29073829,11.29073523,11.2907281,11.29072608,11.29072936,11.29072771,11.29071852,11.29072957,11.29073823,11.29073359,11.29073058,11.29072591,11.2907313,11.29073574,11.29073572,11.29073662,11.29072949,11.29073236,11.29073529,11.29073113,11.29072593,11.2907288,11.29072873
+"8166","LCP2",9.809104502,9.809104342,9.809103921,9.809104354,9.809104019,9.809104994,9.80910437,9.809104218,9.809104146,9.80910401,9.809104063,9.809103735,9.809104596,9.809104368,9.809104398,9.809103877,9.809103638,9.809104148,9.809104371,9.80910514,9.809104559,9.809104337,9.809104428,9.80910415,9.809104432,9.809104226,9.809104476,9.809104259
+"8167","LCT",4.206574123,4.206574128,4.20657416,4.20657413,4.206574156,4.206574117,4.206574121,4.206574152,4.206574126,4.20657413,4.206574139,4.20657416,4.206574137,4.206574116,4.206574145,4.20657415,4.206574156,4.206574135,4.206574128,4.206574132,4.206574166,4.20657415,4.206574123,4.206574138,4.206574126,4.206574132,4.206574137,4.206574143
+"8168","LCTL",4.188431051,4.188431079,4.188431177,4.188431108,4.188431144,4.188431082,4.188431107,4.188431131,4.188431071,4.188431053,4.188431129,4.188431114,4.18843111,4.188431032,4.188431103,4.188431163,4.188431149,4.188431155,4.188431112,4.18843111,4.188431144,4.188431146,4.188431063,4.188431078,4.188431104,4.188431141,4.18843111,4.188431121
+"8169","LDAF1",6.046986589,6.0469865,6.046986405,6.046986355,6.046986435,6.046986301,6.046986402,6.046986348,6.046986381,6.046986597,6.046986242,6.04698605,6.04698654,6.046986589,6.046986622,6.046986594,6.046986228,6.046986427,6.046986395,6.046986356,6.046986335,6.046986525,6.046986637,6.046986489,6.046986388,6.046986257,6.046986617,6.046986477
+"8170","LDAH",5.187118977,5.187118835,5.187118393,5.187118565,5.18711837,5.187118735,5.18711863,5.18711877,5.187119043,5.187118941,5.187118473,5.187118429,5.18711875,5.187119095,5.187118641,5.187118585,5.187118339,5.187118427,5.187118651,5.187118566,5.187118676,5.187118583,5.187118967,5.187118793,5.187118666,5.187118625,5.187118952,5.187118884
+"8171","LDB1",8.254309269,8.254309224,8.254309216,8.254309244,8.254309092,8.254309315,8.254309235,8.254309208,8.254309273,8.254309353,8.254308998,8.254309161,8.254309299,8.254309359,8.25430915,8.254308953,8.254309055,8.254309213,8.254309231,8.254309218,8.254309097,8.254309199,8.254309305,8.254309239,8.254309241,8.254309271,8.254309398,8.254309202
+"8172","LDB2",4.507521644,4.507521715,4.507521688,4.507521806,4.507521803,4.507521676,4.507521667,4.507521714,4.50752171,4.507521644,4.507521824,4.507521851,4.507521745,4.507521755,4.507521689,4.507521739,4.507521869,4.507521855,4.507521682,4.507521711,4.507521761,4.507521606,4.507521657,4.507521722,4.507521784,4.507521672,4.507521684,4.507521685
+"8173","LDB3",4.777606786,4.777606742,4.777606822,4.77760677,4.777606897,4.777606825,4.777606806,4.777606922,4.777606829,4.777606917,4.777606877,4.777606849,4.777606849,4.777606616,4.777606849,4.777606823,4.777606878,4.777606858,4.777606824,4.777606859,4.777606835,4.777606814,4.777606753,4.7776068,4.777606808,4.777606839,4.777606793,4.777606798
+"8174","LDHA",8.633394311,8.633398985,8.633390799,8.633386203,8.633389254,8.633395474,8.633409424,8.633383412,8.633396259,8.633394878,8.633385254,8.633374866,8.633395552,8.633410518,8.633391479,8.633387703,8.633386496,8.633376722,8.63339079,8.633395078,8.633403143,8.633389888,8.633397519,8.633394201,8.633373907,8.633381983,8.633393444,8.63339605
+"8175","LDHAL6A",3.556288196,3.556288192,3.556288205,3.556288182,3.556288217,3.556288216,3.556288204,3.556288217,3.556288193,3.556288186,3.556288215,3.556288219,3.556288182,3.556288195,3.5562882,3.556288231,3.556288196,3.556288185,3.556288194,3.556288219,3.556288199,3.556288247,3.5562882,3.556288196,3.556288209,3.556288208,3.556288203,3.55628821
+"8176","LDHAL6B",4.116712152,4.116712146,4.11671221,4.116712185,4.116712338,4.116712287,4.116712161,4.116712265,4.116712218,4.116712253,4.116712267,4.116712307,4.116712099,4.11671206,4.116712286,4.116712208,4.116712197,4.116712235,4.116712293,4.116712236,4.116712272,4.116712229,4.116712198,4.11671208,4.116712242,4.116712349,4.116712135,4.11671232
+"8177","LDHB",8.786183343,8.901597619,8.423869569,8.249018229,8.492965186,8.691747757,8.586825231,8.472857852,9.305914938,8.949256474,8.047736484,8.518715273,8.708421822,9.433514294,8.484104841,8.821573428,8.023177532,8.231796681,8.854594273,8.744469246,8.577971068,8.692162666,9.199176269,8.642770743,8.123747853,8.583639611,8.801060522,8.974941946
+"8178","LDHC",2.910592301,2.91059235,2.910592337,2.910592335,2.910592352,2.910592296,2.910592335,2.910592316,2.910592336,2.910592333,2.910592337,2.910592333,2.910592325,2.910592295,2.910592329,2.91059232,2.910592327,2.910592315,2.910592322,2.910592297,2.910592363,2.91059234,2.910592369,2.910592371,2.910592321,2.910592309,2.910592309,2.91059231
+"8179","LDHD",5.723831872,5.723831895,5.723831923,5.723831894,5.723831927,5.723831863,5.723831958,5.723831923,5.723831926,5.723831904,5.723831938,5.723831948,5.723831884,5.723831848,5.723831938,5.723831907,5.723831941,5.723831953,5.723831939,5.723831885,5.723831927,5.723831947,5.723831897,5.723831864,5.723831943,5.723831936,5.723831928,5.723831933
+"8180","LDLR",6.670425405,6.670425744,6.67042513,6.670424946,6.670425071,6.670425678,6.670424874,6.670425428,6.6704251,6.670425126,6.670425609,6.670424839,6.670425602,6.670425352,6.670425128,6.670425405,6.67042496,6.670425111,6.670424852,6.6704257,6.670425158,6.670425079,6.670425136,6.670424885,6.670425158,6.670425282,6.670425398,6.670425375
+"8181","LDLRAD1",5.080015346,5.080015343,5.080015389,5.080015367,5.080015471,5.080015251,5.080015281,5.080015416,5.080015362,5.080015358,5.080015466,5.080015473,5.080015313,5.080015178,5.080015359,5.0800154,5.080015443,5.080015466,5.080015385,5.080015392,5.080015494,5.080015483,5.080015218,5.080015328,5.080015428,5.080015391,5.080015347,5.08001537
+"8182","LDLRAD2",5.54533777,5.545337761,5.545337753,5.545337777,5.545337818,5.545337812,5.545337779,5.545337775,5.545337788,5.545337784,5.545337822,5.545337822,5.54533777,5.545337704,5.545337806,5.545337811,5.545337812,5.545337808,5.545337796,5.545337804,5.545337784,5.545337789,5.545337759,5.545337754,5.54533777,5.545337822,5.545337791,5.54533779
+"8183","LDLRAD3",6.113071345,6.113071336,6.113071384,6.113071387,6.113071381,6.113071343,6.113071353,6.11307138,6.11307134,6.113071357,6.113071378,6.113071373,6.113071363,6.113071321,6.113071365,6.113071347,6.113071383,6.11307137,6.113071352,6.113071363,6.113071379,6.113071359,6.113071333,6.113071346,6.113071339,6.113071355,6.113071363,6.113071335
+"8184","LDLRAD4",6.264429267,6.264429267,6.264429271,6.264429227,6.264429299,6.264429266,6.264429285,6.264429294,6.264429292,6.264429308,6.264429256,6.264429315,6.264429316,6.264429279,6.264429294,6.264429262,6.264429317,6.264429264,6.264429283,6.264429262,6.264429287,6.264429285,6.264429283,6.264429268,6.264429224,6.264429274,6.26442927,6.264429287
+"8185","LDLRAP1",7.308549475,7.308552493,7.308549543,7.308550846,7.308551546,7.308549627,7.308550251,7.308550664,7.308558022,7.308554519,7.308547941,7.308556284,7.308554217,7.308554317,7.30854711,7.308548995,7.308547954,7.308550304,7.308551281,7.308545337,7.308545699,7.308550983,7.308555692,7.308552002,7.308546337,7.308553944,7.308554598,7.308551724
+"8186","LDOC1",5.467026341,5.467026341,5.467026351,5.467026332,5.467026348,5.467026331,5.467026327,5.467026311,5.467026339,5.467026284,5.467026276,5.467026366,5.467026346,5.467026349,5.467026303,5.467026329,5.46702638,5.467026333,5.46702636,5.4670263,5.467026348,5.467026335,5.467026303,5.467026291,5.467026304,5.467026347,5.467026356,5.467026368
+"8187","LEAP2",4.651731716,4.651731692,4.651731692,4.651731691,4.651731776,4.651731768,4.651731763,4.651731727,4.651731761,4.651731764,4.651731697,4.651731798,4.651731737,4.65173178,4.651731772,4.651731677,4.651731705,4.651731679,4.651731634,4.651731706,4.651731785,4.651731774,4.651731691,4.651731618,4.651731696,4.651731749,4.651731697,4.651731734
+"8188","LECT2",3.84731421,3.847314227,3.847314194,3.84731421,3.84731424,3.847314216,3.847314207,3.847314251,3.847314213,3.847314223,3.847314211,3.847314224,3.847314163,3.84731417,3.847314228,3.847314202,3.847314228,3.847314199,3.847314218,3.847314238,3.847314215,3.847314204,3.847314225,3.847314177,3.847314243,3.847314196,3.847314173,3.847314169
+"8189","LEF1",8.678398927,8.848200094,8.430319553,8.384432077,8.771510115,8.607702025,8.333392522,8.605843929,9.66850227,9.354171807,7.965185694,9.339196301,9.061568087,9.448027872,8.232196704,8.398044612,7.891821348,8.231773501,8.744814313,8.515824096,8.130503312,8.568660728,9.296392329,8.857551611,7.934301028,9.25470048,9.123060522,9.171283387
+"8190","LEFTY1",6.453210921,6.453210676,6.453211643,6.45321129,6.453212404,6.45321097,6.45321166,6.453211876,6.453211281,6.453210952,6.453211771,6.453212039,6.453211558,6.453210722,6.453211969,6.453211365,6.453212255,6.453211948,6.453211847,6.453211498,6.453211833,6.453212044,6.453211256,6.4532107,6.453211608,6.453211562,6.453211088,6.453211574
+"8191","LEFTY2",6.458630615,6.458630614,6.458630701,6.458630642,6.458630963,6.458630709,6.458630818,6.458630893,6.458630632,6.458630597,6.45863069,6.458630816,6.4586307,6.458630472,6.458630823,6.45863088,6.458630904,6.458630818,6.458630773,6.458630738,6.458630909,6.458630933,6.458630636,6.458630646,6.458630899,6.45863086,6.458630651,6.458630706
+"8192","LEKR1",3.669925919,3.669925863,3.669925985,3.66992594,3.66992595,3.669925891,3.669925908,3.66992598,3.66992594,3.669925956,3.669925967,3.669925993,3.669925932,3.669926052,3.669925991,3.669925944,3.669925984,3.669925992,3.669925865,3.669925906,3.669925942,3.669925935,3.669925963,3.669925924,3.669925925,3.669925928,3.669925935,3.669925947
+"8193","LELP1",4.976143154,4.976143108,4.976143171,4.976143197,4.976143295,4.976143228,4.976143189,4.976143272,4.976143121,4.976143182,4.976143135,4.976143245,4.976143158,4.976143014,4.976143207,4.976143242,4.976143254,4.976143145,4.976143162,4.976143194,4.976143276,4.976143264,4.976143198,4.97614313,4.976143169,4.976143207,4.976143197,4.976143177
+"8194","LEMD1",3.661215998,3.661216009,3.661216021,3.661216035,3.661216007,3.661216046,3.661216013,3.661216016,3.661216019,3.661216019,3.661216026,3.661216012,3.661216,3.661216019,3.661216012,3.661216028,3.661216018,3.661216035,3.661216003,3.661216018,3.661216007,3.661216015,3.66121603,3.661216027,3.661216039,3.661216009,3.661216006,3.661216004
+"8195","LEMD2",7.626585986,7.626585952,7.626585913,7.626585925,7.626585925,7.626585966,7.626585965,7.626585914,7.626585954,7.62658593,7.626585849,7.626585931,7.626585955,7.626585933,7.626585935,7.62658597,7.626585872,7.626585895,7.626585926,7.626585943,7.626585918,7.62658593,7.626585919,7.626585902,7.62658587,7.626585942,7.626585975,7.626585897
+"8196","LEMD3",6.638676512,6.63867629,6.638675526,6.638675709,6.638675677,6.63867575,6.63867594,6.638675327,6.63867607,6.638676059,6.63867578,6.638675069,6.638676317,6.638677173,6.638676017,6.638676142,6.638675343,6.638675807,6.638676244,6.638675643,6.638675988,6.638675859,6.638676514,6.638676122,6.638676044,6.638675885,6.638676453,6.638676707
+"8197","LENEP",5.15693654,5.156936544,5.156936534,5.156936552,5.156936539,5.156936549,5.156936551,5.156936554,5.156936558,5.156936545,5.156936536,5.156936546,5.15693654,5.15693651,5.156936535,5.156936545,5.156936555,5.15693656,5.156936551,5.156936549,5.156936538,5.156936559,5.156936543,5.156936562,5.156936546,5.156936529,5.156936541,5.156936532
+"8198","LENG1",5.93773103,5.93773114,5.937731061,5.937731021,5.937730985,5.937731014,5.93773098,5.93773107,5.937731075,5.937730936,5.937731035,5.937731056,5.937731149,5.937731031,5.937731126,5.937731267,5.937731018,5.937731087,5.937731017,5.937730949,5.937731023,5.937730991,5.937731084,5.937731061,5.937731119,5.937731021,5.937731143,5.937731138
+"8199","LENG8",8.368229051,8.36822876,8.368228757,8.368228835,8.368228554,8.368229318,8.368228968,8.368228877,8.368229319,8.368229236,8.368228759,8.368229248,8.368229481,8.368229025,8.368228703,8.368228529,8.368228476,8.368228839,8.368228662,8.36822922,8.368228952,8.368229135,8.368228803,8.36822883,8.368228763,8.368229201,8.368229268,8.368228908
+"8200","LENG9",6.158568857,6.158568873,6.158568902,6.158568896,6.158568949,6.158568871,6.158568906,6.158568909,6.158568918,6.158568899,6.15856893,6.158568945,6.158568882,6.158568819,6.158568936,6.158568901,6.158568959,6.158568914,6.158568908,6.15856889,6.158568919,6.158568927,6.158568897,6.158568872,6.158568898,6.158568909,6.158568884,6.158568899
+"8201","LEO1",5.27870026,5.278700216,5.278700085,5.278700126,5.278700107,5.278700129,5.278700183,5.278700105,5.278700175,5.278700159,5.278700129,5.278700076,5.278700221,5.278700343,5.278700193,5.278700222,5.2787,5.278700091,5.278700202,5.278700101,5.27870014,5.278700102,5.278700316,5.278700162,5.278700133,5.278700152,5.278700224,5.278700232
+"8202","LEP",4.729694481,4.729694463,4.729694671,4.729694664,4.729694716,4.729694563,4.729694616,4.729694633,4.729694569,4.729694617,4.729694701,4.729694691,4.729694569,4.729694514,4.729694693,4.729694565,4.729694698,4.729694699,4.729694582,4.729694684,4.72969473,4.729694693,4.729694576,4.729694657,4.72969467,4.729694704,4.729694543,4.729694644
+"8203","LEPROTL1",8.594956759,8.594956649,8.594956186,8.594956411,8.594956047,8.594956142,8.594956178,8.594956367,8.594956891,8.594956354,8.594955681,8.594956391,8.594956416,8.594957158,8.594955887,8.594956379,8.594955974,8.594955599,8.594956465,8.594955628,8.594955914,8.594956267,8.594956809,8.594956482,8.594955779,8.594956435,8.594956423,8.594956635
+"8204","LETM1",6.591146468,6.59114649,6.591146406,6.591146328,6.591146405,6.591146446,6.591146443,6.591146495,6.591146545,6.591146504,6.591146356,6.591146383,6.591146468,6.591146496,6.59114638,6.591146459,6.591146439,6.591146349,6.59114644,6.591146293,6.5911464,6.591146412,6.591146491,6.59114637,6.591146384,6.591146426,6.591146483,6.591146443
+"8205","LETM2",5.188804919,5.188804896,5.18880489,5.188805284,5.188804553,5.188804764,5.188805006,5.18880471,5.188804678,5.188804567,5.188804517,5.188804686,5.188804731,5.188804707,5.188805038,5.188804903,5.188804755,5.188805328,5.188804966,5.188804614,5.188805018,5.188804944,5.188804718,5.188804834,5.188804972,5.188804823,5.188804619,5.18880446
+"8206","LETMD1",7.429319011,7.429318799,7.429318871,7.429318571,7.429318796,7.429318833,7.429318911,7.429318795,7.429319048,7.429319004,7.429318655,7.429318911,7.429318991,7.429319091,7.429318773,7.429318693,7.429318807,7.429318495,7.429318944,7.429318804,7.429318856,7.42931882,7.429318977,7.429318905,7.429318676,7.429318805,7.429318928,7.429318939
+"8207","LEXM",4.963400504,4.963400469,4.963400486,4.96340049,4.963400501,4.963400442,4.963400461,4.963400505,4.963400488,4.963400497,4.963400533,4.963400494,4.963400473,4.963400454,4.963400507,4.963400504,4.96340051,4.963400474,4.963400481,4.963400501,4.963400482,4.963400493,4.963400501,4.963400495,4.963400524,4.963400504,4.96340047,4.963400458
+"8208","LFNG",7.633730225,7.633730997,7.633730584,7.633730663,7.633731109,7.633730773,7.633730448,7.63373065,7.633730748,7.633731044,7.633730911,7.633730456,7.633731104,7.633731014,7.633730045,7.633730683,7.633730561,7.633730416,7.633731075,7.633730774,7.633730184,7.633730446,7.633730696,7.633730881,7.633730911,7.633730583,7.633731157,7.633730972
+"8209","LGALS1",8.788243388,8.788243425,8.788244224,8.788242754,8.788244351,8.788244174,8.788244014,8.788242242,8.78824251,8.788244678,8.788243773,8.788243292,8.788243723,8.788243729,8.788243172,8.788242881,8.788243737,8.788242064,8.788243807,8.788243353,8.788243519,8.788243239,8.788242335,8.788243547,8.788242388,8.788243204,8.788243621,8.788242832
+"8210","LGALS12",6.66179951,6.661801113,6.661799959,6.661801085,6.661801809,6.661800089,6.6618004,6.661800365,6.661800386,6.661800845,6.661802003,6.661799439,6.661800229,6.661800489,6.66179945,6.66180012,6.661799474,6.661800216,6.661801653,6.661799861,6.661800098,6.661798958,6.661800327,6.661800713,6.66180163,6.66180043,6.661800899,6.661800218
+"8211","LGALS13",3.208341127,3.208341173,3.208341137,3.20834123,3.208341187,3.208341227,3.208341174,3.208341236,3.208341187,3.208341195,3.208341207,3.208341259,3.208341186,3.208341187,3.208341178,3.20834123,3.20834122,3.208341238,3.208341198,3.208341186,3.208341177,3.208341176,3.20834117,3.20834121,3.208341247,3.208341213,3.208341193,3.208341202
+"8212","LGALS14",3.716145985,3.716146005,3.716146181,3.716146447,3.716146269,3.716145985,3.716146148,3.716146057,3.716145918,3.716146177,3.71614648,3.716146473,3.716146158,3.716145894,3.716145906,3.716146062,3.716146288,3.716146046,3.716146112,3.716146304,3.716145983,3.716145997,3.716146362,3.716145781,3.716146111,3.716146134,3.716145899,3.716146017
+"8213","LGALS16",3.113112065,3.113112067,3.113112071,3.113112093,3.113112123,3.113112136,3.113112148,3.113112094,3.113112159,3.113112099,3.113112168,3.113112095,3.113112116,3.113112138,3.113112119,3.113112146,3.11311218,3.113112094,3.113112172,3.11311213,3.113112131,3.113112122,3.113112143,3.113112078,3.113112186,3.113112119,3.113112083,3.113112141
+"8214","LGALS17A",3.811088132,3.811088168,3.811088178,3.811088205,3.811088187,3.811088267,3.811088161,3.81108819,3.811088209,3.811088222,3.811088243,3.811088221,3.811088195,3.811088173,3.811088191,3.811088189,3.811088182,3.811088163,3.811088195,3.81108819,3.81108816,3.811088205,3.811088195,3.811088185,3.811088206,3.811088194,3.811088169,3.811088187
+"8215","LGALS2",5.912715183,5.912712606,5.912712444,5.912712961,5.912714871,5.91271433,5.912714312,5.912712087,5.91271141,5.912716802,5.91271531,5.912714786,5.912714273,5.912712698,5.912715385,5.912711847,5.912713469,5.912712921,5.912714377,5.912714424,5.912714533,5.912713048,5.912710611,5.912715709,5.912714739,5.912715033,5.912713964,5.912712871
+"8216","LGALS3",7.391318431,7.391318117,7.39131843,7.391318193,7.391318425,7.391318756,7.391318504,7.39131873,7.391318449,7.391318581,7.391318425,7.391318663,7.391318297,7.391317989,7.3913184,7.391318006,7.39131838,7.391318381,7.391318244,7.391318712,7.391318494,7.391318574,7.391318512,7.39131846,7.391318378,7.39131864,7.39131823,7.391318064
+"8217","LGALS3BP",6.710197792,6.710197981,6.710197982,6.710197557,6.710198326,6.710199209,6.710197965,6.71019811,6.710198792,6.710198441,6.710197566,6.710198021,6.710198188,6.710197757,6.710197685,6.710198052,6.710198014,6.710197765,6.710198286,6.710198994,6.710197598,6.710198248,6.710198615,6.710198242,6.710197794,6.710198064,6.710198233,6.710197643
+"8218","LGALS4",5.696091382,5.696091406,5.696091406,5.696091394,5.696091432,5.696091381,5.696091403,5.696091439,5.696091415,5.696091419,5.696091412,5.696091425,5.696091404,5.696091389,5.696091429,5.696091417,5.696091426,5.696091418,5.696091391,5.696091399,5.696091421,5.696091435,5.696091408,5.696091406,5.696091428,5.696091434,5.696091383,5.696091405
+"8219","LGALS8",7.226832709,7.226832715,7.226832636,7.226832681,7.22683267,7.226832742,7.226832708,7.226832695,7.226832745,7.226832736,7.226832691,7.226832627,7.226832748,7.2268328,7.226832634,7.226832655,7.22683253,7.226832564,7.22683273,7.22683276,7.226832697,7.226832676,7.226832746,7.226832733,7.226832671,7.22683267,7.226832727,7.226832719
+"8220","LGALS8-AS1",5.302197365,5.302197346,5.302197372,5.302197364,5.302197464,5.302197371,5.302197416,5.302197468,5.302197398,5.302197422,5.302197405,5.302197446,5.302197432,5.302197298,5.302197474,5.302197411,5.302197549,5.302197397,5.302197424,5.302197406,5.30219749,5.302197451,5.302197387,5.302197344,5.302197404,5.302197386,5.302197377,5.302197399
+"8221","LGALS9",5.350140916,5.350141055,5.350140826,5.350140905,5.350141247,5.35014194,5.350140967,5.350140328,5.350140766,5.350141358,5.350140708,5.350140653,5.35014072,5.35014101,5.35014089,5.350140736,5.35014107,5.35014087,5.350141193,5.350141217,5.350141007,5.35014083,5.350141012,5.350141428,5.350140743,5.350140965,5.350140861,5.35014102
+"8222","LGALSL",6.842252537,7.217103711,6.694449759,7.879082753,7.160135097,7.379871407,7.263773474,6.531491202,6.364412194,7.104792343,7.516723981,6.961257257,6.403567856,6.465267964,7.023503515,7.072406852,6.831892059,7.838216117,7.221773336,7.51711802,7.375454766,6.623575626,6.841601748,7.25587277,7.526295986,7.15594963,6.573699936,6.70913093
+"8223","LGI1",3.25252486,3.252524898,3.252524891,3.252524985,3.25252495,3.252524923,3.252524915,3.252524915,3.252524891,3.252524883,3.252524902,3.252524908,3.252524831,3.252524835,3.252524902,3.252524914,3.252524997,3.252524875,3.252524911,3.252524961,3.252524844,3.252524915,3.252525031,3.252524921,3.252524825,3.252524856,3.252524941,3.252524919
+"8224","LGI2",4.517675033,4.517675088,4.517675108,4.517675043,4.517675136,4.5176751,4.517675149,4.517675165,4.517675088,4.517675083,4.517675037,4.517675166,4.517675079,4.517675016,4.517675142,4.517675122,4.51767515,4.517675108,4.517675113,4.517675094,4.517675126,4.517675148,4.51767511,4.517675073,4.517675076,4.517675107,4.517675082,4.517675118
+"8225","LGI3",5.214403777,5.214403778,5.214404047,5.214403669,5.214403905,5.214403956,5.214403789,5.214403858,5.214403815,5.214403742,5.214403978,5.214404135,5.214403832,5.214403682,5.214403804,5.214403969,5.214403963,5.214404008,5.214403778,5.214403788,5.21440381,5.214403835,5.2144038,5.214403763,5.214404009,5.214403895,5.214403752,5.214403875
+"8226","LGI4",4.987421991,4.987422108,4.9874222,4.987422,4.987422414,4.987422256,4.987422212,4.987422113,4.987421941,4.987422184,4.987422239,4.987422271,4.987422078,4.987421697,4.987422282,4.987422116,4.987422282,4.987422446,4.987422383,4.987422334,4.987422298,4.987422398,4.987422269,4.987421997,4.987422224,4.987422029,4.987422264,4.987422177
+"8227","LGMN",5.601411748,5.601411801,5.601411783,5.601411777,5.601411783,5.601411777,5.601411742,5.601411747,5.601411798,5.60141182,5.601411765,5.601411792,5.601411722,5.601411808,5.601411709,5.601411754,5.601411759,5.601411743,5.601411816,5.601411805,5.601411779,5.601411748,5.601411808,5.601411804,5.601411759,5.601411825,5.601411806,5.601411758
+"8228","LGR4",4.309234789,4.309234776,4.309234864,4.309234802,4.309234908,4.309234815,4.309234865,4.309234882,4.309234828,4.309234867,4.309234854,4.30923487,4.309234885,4.309234823,4.309234914,4.309234809,4.309234945,4.309234844,4.309234907,4.30923481,4.309234881,4.309234847,4.309234808,4.309234791,4.309234883,4.309234863,4.309234784,4.309234841
+"8229","LGR5",3.649460738,3.64946079,3.649460831,3.649460871,3.649460849,3.649460882,3.649460826,3.649460874,3.64946083,3.649460825,3.649460819,3.649460869,3.649460891,3.6494608,3.649460806,3.649460818,3.649460862,3.649460807,3.649460888,3.649460802,3.649460859,3.649460871,3.649460815,3.649460822,3.649460798,3.649460788,3.649460843,3.64946085
+"8230","LGR6",5.051004491,5.05100422,5.051004507,5.051004263,5.051004358,5.051004343,5.051004423,5.051004689,5.051004185,5.051004188,5.05100452,5.051004331,5.051004604,5.051004235,5.051004447,5.051004173,5.051004338,5.051004317,5.051004282,5.05100421,5.051004431,5.051004638,5.051004159,5.051004306,5.051004543,5.051004409,5.051004594,5.05100433
+"8231","LGSN",3.392481532,3.392481589,3.392481515,3.392481452,3.392481533,3.392481644,3.392481659,3.392481665,3.392481487,3.392481556,3.392481485,3.392481485,3.392481468,3.392481609,3.392481636,3.392481608,3.392481584,3.392481604,3.392481599,3.39248166,3.392481546,3.392481521,3.39248156,3.392481486,3.392481541,3.392481466,3.392481566,3.39248157
+"8232","LHB",6.402801201,6.402801186,6.40280151,6.402801258,6.402801699,6.402801352,6.402801467,6.402801671,6.402801323,6.402801357,6.402801292,6.402801523,6.402801085,6.402800763,6.402801997,6.402801481,6.402801878,6.402801513,6.402801531,6.402801311,6.402801461,6.402801574,6.402801265,6.402800257,6.402801402,6.402801576,6.40280157,6.402801388
+"8233","LHCGR",3.872958303,3.872958115,3.872958242,3.872958274,3.872958282,3.872958119,3.872958223,3.872958363,3.87295814,3.872958243,3.872958362,3.872958306,3.872958193,3.872958038,3.872958202,3.872958127,3.872958225,3.872958381,3.872958358,3.872958298,3.872958374,3.872958289,3.87295815,3.872958121,3.872958236,3.872958281,3.872958202,3.872958139
+"8234","LHFPL1",3.619664301,3.619664187,3.619664501,3.619664402,3.619664435,3.619664384,3.619664368,3.619664384,3.619664342,3.619664256,3.619664461,3.619664331,3.619664417,3.619664265,3.61966432,3.619664384,3.61966433,3.619664343,3.619664338,3.619664351,3.619664493,3.619664541,3.619664548,3.619664399,3.619664437,3.61966433,3.6196644,3.619664296
+"8235","LHFPL2",6.501660472,6.501660872,6.501660088,6.501661113,6.501661477,6.501664428,6.501660182,6.501659372,6.501659619,6.501659959,6.50166025,6.501658941,6.501659677,6.501659503,6.501659934,6.501660614,6.501660152,6.50165997,6.501661111,6.501664022,6.501659399,6.501659583,6.501660224,6.501660551,6.501658588,6.501658081,6.501659581,6.501658469
+"8236","LHFPL3",4.352225148,4.352225162,4.352225178,4.352225164,4.352225179,4.352225144,4.352225172,4.352225208,4.352225149,4.352225161,4.352225149,4.352225199,4.352225177,4.352225149,4.352225185,4.352225138,4.352225197,4.352225231,4.352225136,4.352225196,4.352225226,4.352225201,4.352225154,4.352225116,4.352225187,4.352225166,4.352225077,4.352225123
+"8237","LHFPL4",6.114450951,6.114451137,6.114450936,6.114450951,6.114451502,6.114451071,6.114451389,6.114451343,6.114450994,6.114451353,6.114451281,6.114451381,6.114451135,6.114450696,6.114451479,6.114451286,6.114451594,6.114451167,6.114451292,6.114451201,6.114451438,6.114451326,6.11445103,6.114450987,6.114451168,6.114451233,6.114451017,6.114451224
+"8238","LHFPL5",4.385889097,4.385889099,4.385889099,4.385889072,4.385889136,4.385889082,4.385889104,4.385889095,4.385889097,4.385889117,4.385889124,4.385889075,4.385889108,4.385889102,4.385889107,4.385889137,4.385889164,4.385889099,4.385889106,4.385889132,4.385889134,4.385889113,4.385889094,4.385889089,4.385889119,4.385889094,4.385889056,4.385889109
+"8239","LHFPL6",5.205461995,5.205461981,5.20546204,5.205462008,5.205462092,5.205462006,5.205462031,5.205462027,5.205462028,5.205462018,5.205462043,5.205462068,5.205462012,5.205461957,5.205462029,5.205462039,5.20546207,5.205462053,5.205462053,5.205462014,5.205462047,5.205462061,5.205462004,5.205462008,5.205462007,5.205462039,5.205461994,5.205461997
+"8240","LHFPL7",4.065216172,4.06521623,4.065216251,4.065216239,4.065216231,4.065216205,4.065216235,4.065216222,4.065216181,4.065216202,4.065216258,4.065216224,4.065216185,4.065216144,4.065216185,4.065216296,4.065216234,4.06521623,4.065216141,4.065216196,4.065216194,4.065216193,4.065216153,4.06521622,4.065216222,4.065216175,4.065216212,4.065216196
+"8241","LHPP",6.851308097,6.851308106,6.851308115,6.85130809,6.851308084,6.851308107,6.851308086,6.851308095,6.851308093,6.851308104,6.851308077,6.851308096,6.851308104,6.85130808,6.851308083,6.851308074,6.851308095,6.851308088,6.851308089,6.851308125,6.851308078,6.851308107,6.85130807,6.851308089,6.85130807,6.851308101,6.851308106,6.851308086
+"8242","LHX1",5.563002733,5.563002538,5.563002913,5.563002948,5.563003118,5.563002917,5.563002921,5.563003115,5.563002728,5.563003009,5.563003141,5.563003149,5.563002904,5.56300237,5.563002955,5.56300278,5.563002938,5.56300294,5.56300293,5.563002946,5.563002993,5.563002909,5.563002822,5.563002589,5.563002851,5.56300292,5.563002785,5.563002535
+"8243","LHX2",5.254297483,5.254297482,5.254297529,5.254297515,5.254297561,5.254297462,5.254297516,5.254297575,5.254297502,5.254297519,5.254297495,5.254297575,5.254297504,5.254297426,5.254297565,5.254297528,5.254297563,5.254297535,5.254297528,5.25429751,5.254297545,5.254297535,5.254297473,5.254297493,5.254297511,5.254297548,5.254297484,5.254297509
+"8244","LHX3",6.033824853,6.033824878,6.033824954,6.033824843,6.033824953,6.033824855,6.033824866,6.033824978,6.033824855,6.033824855,6.033824914,6.033825,6.033824874,6.033824767,6.03382492,6.03382496,6.033824989,6.033824953,6.03382488,6.033824923,6.033824848,6.033824957,6.033824898,6.033824853,6.033824926,6.033824874,6.033824828,6.033824973
+"8245","LHX4",4.907099203,4.907099234,4.907099351,4.90709931,4.90709933,4.907099332,4.907099197,4.907099221,4.907099257,4.907099319,4.907099388,4.907099433,4.907099271,4.907099147,4.907099307,4.907099336,4.90709934,4.907099343,4.907099279,4.907099294,4.907099258,4.907099345,4.907099276,4.90709933,4.907099301,4.907099252,4.907099297,4.907099231
+"8246","LHX5",5.752891458,5.752891609,5.752891705,5.752891372,5.752891807,5.75289141,5.752891589,5.752891655,5.752891595,5.752891635,5.752891724,5.752891874,5.752891581,5.752891397,5.752891619,5.752891711,5.752891761,5.752891927,5.752891456,5.752891608,5.752891614,5.752891734,5.752891551,5.752891538,5.752891822,5.752891638,5.752891509,5.752891775
+"8247","LHX6",5.499854648,5.49985456,5.499854851,5.499854717,5.499855254,5.499854848,5.499854931,5.499854981,5.499854772,5.49985475,5.499854855,5.499855153,5.499854533,5.499854332,5.499855102,5.499854683,5.499855353,5.49985498,5.499855004,5.499854847,5.49985518,5.49985509,5.499854839,5.499854459,5.49985446,5.49985482,5.499854847,5.499855178
+"8248","LHX8",4.044128361,4.04412841,4.04412851,4.044128387,4.044128401,4.044128384,4.044128424,4.044128409,4.044128432,4.044128454,4.044128443,4.044128529,4.044128428,4.044128365,4.044128476,4.044128396,4.044128409,4.044128527,4.044128407,4.044128475,4.044128447,4.044128471,4.044128282,4.044128352,4.044128425,4.044128405,4.044128445,4.044128491
+"8249","LHX9",4.668030394,4.668030393,4.668030417,4.66803041,4.668030428,4.668030406,4.668030405,4.668030414,4.668030407,4.668030405,4.668030403,4.668030414,4.668030405,4.668030394,4.668030414,4.668030431,4.668030422,4.668030423,4.6680304,4.668030403,4.668030419,4.668030422,4.668030402,4.668030404,4.668030404,4.668030416,4.668030411,4.668030408
+"8250","LIAS",4.411247404,4.411247388,4.411247376,4.41124739,4.411247369,4.411247374,4.411247381,4.411247376,4.411247386,4.41124739,4.411247375,4.411247387,4.411247377,4.411247416,4.411247379,4.411247377,4.411247361,4.411247341,4.411247393,4.411247387,4.411247374,4.411247375,4.411247384,4.411247371,4.411247344,4.411247378,4.411247399,4.411247377
+"8251","LIF",4.329726429,4.329726414,4.329726427,4.329726427,4.329726446,4.329726452,4.329726448,4.329726433,4.329726449,4.329726406,4.329726418,4.329726436,4.329726428,4.32972638,4.329726434,4.329726403,4.329726447,4.329726401,4.329726424,4.329726442,4.32972643,4.329726439,4.329726432,4.329726419,4.329726406,4.329726442,4.329726413,4.329726417
+"8252","LIF-AS2",5.214933525,5.214933525,5.214933538,5.214933527,5.214933542,5.214933541,5.214933531,5.21493353,5.214933531,5.214933532,5.214933535,5.21493354,5.214933538,5.214933527,5.21493355,5.214933543,5.214933541,5.214933544,5.21493353,5.214933546,5.214933542,5.214933544,5.214933529,5.214933531,5.214933545,5.21493354,5.214933541,5.214933523
+"8253","LIFR",3.151632001,3.151632122,3.151632141,3.151632098,3.151632116,3.151632207,3.151632081,3.15163203,3.151632067,3.1516321,3.15163222,3.151632065,3.151632012,3.151632087,3.151632116,3.151632153,3.151632197,3.151632182,3.151632095,3.151632183,3.151632118,3.15163203,3.15163221,3.151632121,3.15163208,3.151632019,3.151632072,3.151632199
+"8254","LIG1",6.54267142,6.542671307,6.542671233,6.542671098,6.542671386,6.542671452,6.542671575,6.542671297,6.542671531,6.542671514,6.542671345,6.542671428,6.542671454,6.542671369,6.54267129,6.542671234,6.542671276,6.542671443,6.542671362,6.542671397,6.542671409,6.542671432,6.542671526,6.542671245,6.542671374,6.542671472,6.542671469,6.542671508
+"8255","LIG3",6.514569409,6.514569712,6.514569546,6.514568953,6.514569358,6.514569452,6.514569486,6.51456948,6.514569823,6.514569511,6.514569215,6.51456959,6.514569696,6.514569635,6.514569241,6.5145694,6.514568941,6.514569127,6.514569645,6.514568621,6.514569508,6.514569457,6.514569198,6.51456946,6.514569288,6.51456969,6.514569706,6.514569295
+"8256","LIG4",5.975188139,5.975188168,5.975188074,5.975188096,5.975187914,5.975188091,5.975188168,5.975187962,5.975188036,5.975188128,5.975188119,5.975188066,5.975188081,5.975188405,5.975187947,5.975188072,5.975187961,5.975187927,5.975188088,5.975187781,5.975188019,5.975188041,5.975188057,5.975188007,5.975188098,5.97518798,5.97518809,5.975188325
+"8257","LILRA1",8.027341621,8.027341757,8.027341282,8.02734222,8.0273412,8.027341866,8.027341785,8.02734122,8.027340483,8.027340722,8.027341975,8.027340562,8.027341674,8.027340814,8.027341052,8.027341398,8.027341095,8.027341476,8.027341029,8.027341843,8.027341726,8.027341095,8.027341006,8.027341229,8.02734186,8.02734089,8.027341731,8.027339965
+"8258","LILRA2",7.796021394,7.796839446,7.79567498,7.797193657,7.795310536,7.795723728,7.79598412,7.796008259,7.795304311,7.795229954,7.796225717,7.79459643,7.796253872,7.795746819,7.795864951,7.796732967,7.79553051,7.796967647,7.795722349,7.796288597,7.795990299,7.795969126,7.795924283,7.795875051,7.796706684,7.795559397,7.795883855,7.794879825
+"8259","LILRA3",7.461623075,7.46162438,7.461623418,7.461625042,7.461624969,7.461626427,7.461624839,7.461622728,7.461622772,7.461624048,7.461620973,7.461622752,7.461624149,7.461623934,7.461623499,7.461624491,7.46162436,7.461624948,7.461625465,7.461626549,7.461624964,7.461623332,7.461623225,7.461624459,7.461621088,7.461623353,7.461624417,7.461623449
+"8260","LILRA4",5.845956827,5.845956885,5.84595694,5.845956903,5.845956951,5.845956795,5.845956837,5.845956804,5.845956839,5.845956893,5.845956892,5.845956903,5.845956881,5.845956826,5.845956818,5.845956871,5.845956928,5.845956941,5.845956863,5.845956835,5.84595686,5.845956873,5.845956881,5.845956937,5.845956848,5.845956879,5.845956844,5.845956879
+"8261","LILRA5",6.882619558,6.882619598,6.88261932,6.882620644,6.882619041,6.882622353,6.882620197,6.882616414,6.882620554,6.882619429,6.882621179,6.882617015,6.882619676,6.882618994,6.88262034,6.882619416,6.882620246,6.882620132,6.882621387,6.882622307,6.882619891,6.882617091,6.882621705,6.882620438,6.882621781,6.882618613,6.882618913,6.882619553
+"8262","LILRA6",8.620167676,8.620168107,8.6201677235,8.6201686125,8.6201675385,8.6201683395,8.6201678765,8.620167608,8.6201674925,8.6201680395,8.62016827,8.6201665415,8.620167931,8.6201674655,8.6201677075,8.6201680105,8.6201680485,8.620168518,8.620167884,8.620168032,8.6201679315,8.6201675495,8.6201679155,8.6201683425,8.620168606,8.6201672465,8.6201678195,8.6201669255
+"8263","LILRB1",7.246087235,7.246087231,7.246087268,7.246087385,7.246087147,7.246087405,7.246087313,7.246087073,7.246086804,7.246086957,7.246087428,7.246086888,7.246087425,7.246087218,7.246087158,7.246086994,7.246087394,7.246087238,7.246087114,7.24608733,7.246087366,7.246087229,7.246086891,7.24608709,7.246087279,7.246086891,7.246087367,7.246087006
+"8264","LILRB2",8.358770666,8.358758016,8.358777508,8.358812371,8.35873576,8.358801538,8.358775493,8.3587375,8.358719281,8.358725987,8.358831201,8.358720989,8.358781883,8.358740796,8.358755585,8.358760396,8.358785797,8.358792314,8.35875419,8.358809187,8.358775099,8.358744122,8.358746811,8.358757118,8.35884287,8.358761582,8.358775152,8.358728594
+"8265","LILRB4",6.484543426,6.484543379,6.484543757,6.484543405,6.484543752,6.484543909,6.484543423,6.484542763,6.48454328,6.484543681,6.484543366,6.484543236,6.484543388,6.484543513,6.484543318,6.484542858,6.484543512,6.484543073,6.484543471,6.484543947,6.484543327,6.484543061,6.484542945,6.484543508,6.484543241,6.484543204,6.484543233,6.484543282
+"8266","LILRB5",5.463197993,5.463198049,5.463198053,5.463198057,5.463198034,5.463198044,5.463198052,5.463198029,5.463198033,5.463198041,5.463198075,5.463198044,5.463198014,5.463197995,5.463198038,5.463198067,5.463198056,5.46319807,5.463198023,5.463198063,5.463198053,5.46319805,5.463198018,5.463198044,5.463198064,5.463198012,5.463198055,5.463198023
+"8267","LILRP2",5.096916141,5.096916358,5.096916233,5.096916528,5.096916604,5.096916316,5.096916556,5.096916293,5.096916393,5.096916225,5.096916497,5.096916528,5.096916541,5.096916133,5.096916404,5.096916434,5.096916422,5.096916533,5.096916386,5.096916436,5.096916521,5.09691649,5.096916195,5.096916206,5.096916381,5.096916556,5.096916345,5.096916411
+"8268","LIM2",5.89182085,5.891821008,5.89182106,5.891821007,5.89182135,5.891820747,5.891821221,5.891821244,5.891821047,5.89182114,5.891821385,5.891821362,5.891821099,5.891820792,5.891821358,5.891821163,5.891821443,5.891821294,5.891821151,5.891821024,5.891821203,5.891821301,5.891820962,5.891821031,5.891821041,5.891821222,5.891821027,5.891821246
+"8269","LIMA1",4.79199868,4.791998635,4.791998636,4.79199859,4.791998643,4.791998622,4.791998661,4.79199864,4.791998685,4.791998646,4.791998585,4.791998612,4.791998627,4.7919987,4.791998687,4.791998606,4.791998563,4.791998609,4.791998652,4.791998604,4.791998665,4.791998667,4.791998698,4.791998655,4.791998639,4.791998646,4.791998606,4.791998713
+"8270","LIMCH1",3.722535736,3.72253575,3.722535761,3.722535746,3.722535755,3.722535767,3.722535738,3.722535775,3.722535755,3.722535758,3.722535751,3.722535757,3.72253575,3.722535734,3.722535757,3.722535758,3.722535766,3.722535765,3.722535754,3.72253576,3.722535757,3.722535767,3.722535781,3.722535742,3.722535767,3.722535749,3.722535757,3.722535759
+"8271","LIMD1",6.967681291,6.967681295,6.967681239,6.967681216,6.967681261,6.967681294,6.967681319,6.967681244,6.967681252,6.967681326,6.967681227,6.967681235,6.967681296,6.967681295,6.967681258,6.967681255,6.967681189,6.967681238,6.967681277,6.967681213,6.967681297,6.967681215,6.967681247,6.967681324,6.967681248,6.967681285,6.967681324,6.967681252
+"8272","LIMD1-AS1",3.53700292866667,3.53700327066667,3.53700296433333,3.537003212,3.537002429,3.53700329033333,3.537002853,3.53700281133333,3.53700270166667,3.53700284666667,3.53700340133333,3.537001344,3.53700263633333,3.53700295133333,3.53700235766667,3.537003241,3.53700219766667,3.53700327166667,3.53700373533333,3.53700398266667,3.53700238866667,3.53700311466667,3.53700380866667,3.537003313,3.537003959,3.53700250566667,3.537002237,3.53700255133333
+"8273","LIMD2",8.472302418,8.472302473,8.472302346,8.472302513,8.472302468,8.472302627,8.472302486,8.472302438,8.472302599,8.472302446,8.472302425,8.472302472,8.472302524,8.472302336,8.472302437,8.472302363,8.472302353,8.472302383,8.472302534,8.472302501,8.47230239,8.47230247,8.472302459,8.472302455,8.472302458,8.472302454,8.472302587,8.472302461
+"8274","LIME1",7.737760278,7.737760429,7.737760617,7.737760291,7.737760702,7.737760465,7.7377606,7.737760677,7.737760699,7.737760573,7.737760575,7.737760697,7.737760543,7.737760244,7.737760672,7.73776053,7.737760684,7.7377606,7.737760536,7.737760386,7.737760538,7.737760712,7.737760538,7.737760442,7.737760515,7.737760575,7.737760463,7.737760538
+"8275","LIMK1",7.410718193,7.410718437,7.410717971,7.410718147,7.410718027,7.410718854,7.410718259,7.41071822,7.410718168,7.410718247,7.410717882,7.410717694,7.4107182,7.410717941,7.410718076,7.410718242,7.410717956,7.410717898,7.410717808,7.410718461,7.410718189,7.410718177,7.410718333,7.410718464,7.410717894,7.41071791,7.410718281,7.410717922
+"8276","LIMK2",8.549205791,9.022696225,8.459966471,9.124554637,8.417825688,9.27768485,8.708247103,8.693584617,8.717159939,8.743442144,8.635957815,8.097340013,8.708914661,8.442115265,8.672288492,9.015650915,8.561767892,9.161546044,8.896837274,9.451734376,8.664149585,8.677987311,8.980070174,8.996407493,8.952916952,8.218555352,8.715159119,8.294281964
+"8277","LIMS1",8.867193619,8.867199639,8.867193532,8.867202603,8.867197224,8.867189213,8.867196709,8.867190326,8.867193949,8.867199239,8.86720006,8.867195802,8.867197468,8.867195542,8.867193669,8.867197332,8.867191967,8.867203275,8.867194316,8.86719139,8.867199072,8.86718926,8.867195512,8.867204614,8.8672023,8.867197426,8.86719566,8.867192557
+"8278","LIMS2",5.777626843,5.777626908,5.777627081,5.777627,5.777627244,5.777627124,5.777626947,5.777626995,5.777627079,5.777627167,5.777627142,5.777627146,5.77762703,5.777626709,5.777627145,5.77762711,5.777627179,5.777627163,5.777627045,5.777627065,5.777627188,5.777627287,5.777627016,5.777626922,5.777627201,5.777626999,5.777626963,5.777626918
+"8279","LIN28A",4.603514156,4.603514083,4.603513918,4.603513925,4.603514711,4.603514115,4.603514295,4.603514346,4.603513942,4.603513619,4.603514208,4.603514494,4.603514206,4.60351359,4.603514304,4.603514005,4.603514486,4.60351399,4.603514271,4.603514308,4.603514665,4.603514047,4.603513814,4.603513989,4.603514116,4.603514367,4.603513805,4.603514225
+"8280","LIN28B",3.103401909,3.103401989,3.103401878,3.103401872,3.103401953,3.103401891,3.103401976,3.103401952,3.103401876,3.103401848,3.103401975,3.103401938,3.10340192,3.103401877,3.103401973,3.103401949,3.103402015,3.10340192,3.103401998,3.103401997,3.103401918,3.103401876,3.103401905,3.103401876,3.10340193,3.103401948,3.103401867,3.103401943
+"8281","LIN37",7.000372956,7.000372947,7.000372999,7.000373009,7.00037302,7.000373019,7.000372988,7.000373001,7.000373004,7.000372982,7.000373002,7.000373006,7.00037296,7.00037292,7.000373014,7.000372962,7.00037305,7.000373006,7.000373004,7.000372985,7.000373015,7.000373028,7.000372973,7.000372977,7.000372982,7.000373001,7.000373005,7.000372986
+"8282","LIN52",6.116871181,6.116871156,6.116871164,6.116871136,6.116871151,6.116871147,6.116871146,6.116871154,6.116871164,6.116871152,6.116871166,6.116871135,6.116871177,6.116871185,6.116871155,6.116871144,6.116871154,6.116871119,6.116871145,6.116871166,6.116871168,6.116871175,6.116871169,6.116871185,6.116871156,6.116871141,6.116871166,6.116871198
+"8283","LIN54",5.924166623,5.924166626,5.924166628,5.924166628,5.924166601,5.924166621,5.924166609,5.924166617,5.924166628,5.924166621,5.924166616,5.924166607,5.924166626,5.924166642,5.924166615,5.924166608,5.924166599,5.924166635,5.924166631,5.924166605,5.924166601,5.924166606,5.924166628,5.924166627,5.924166626,5.924166619,5.924166618,5.924166623
+"8284","LIN7A",6.107963666,6.107963951,6.107962965,6.107964931,6.107963139,6.107963271,6.107963236,6.107962452,6.1079625,6.107963026,6.107963803,6.107961494,6.107963472,6.107963562,6.107963889,6.107963625,6.107963346,6.107964491,6.107964244,6.107963054,6.107963251,6.107962886,6.107964044,6.107964197,6.107964155,6.107962842,6.107963104,6.107962991
+"8285","LIN7B",6.274582185,6.274582143,6.274582202,6.274582203,6.274582274,6.274582135,6.274582219,6.274582232,6.274582192,6.274582198,6.274582244,6.274582214,6.274582179,6.27458212,6.274582241,6.274582175,6.274582212,6.274582212,6.274582199,6.274582167,6.274582232,6.274582229,6.27458214,6.274582123,6.274582228,6.274582269,6.274582162,6.274582197
+"8286","LIN7C",5.471686748,5.471686071,5.471686027,5.471685596,5.471685415,5.471683901,5.47168488,5.471684844,5.471685946,5.471685982,5.471684679,5.471683989,5.471685501,5.471688475,5.471685508,5.471684696,5.471685647,5.471684922,5.471685804,5.471684002,5.471684804,5.471685137,5.471686595,5.471685874,5.471684813,5.471684914,5.471684769,5.471687559
+"8287","LIN9",4.140892505,4.140892328,4.140892381,4.140892398,4.140892406,4.140892322,4.140892453,4.140892307,4.140892374,4.140892433,4.140892336,4.140892373,4.140892376,4.14089252,4.140892382,4.140892309,4.140892388,4.140892341,4.140892385,4.140892255,4.140892367,4.140892414,4.140892456,4.140892393,4.140892342,4.140892418,4.140892408,4.140892514
+"8288","LINC00028",4.146795336,4.146795278,4.146795334,4.1467955,4.146795463,4.146795444,4.146795295,4.146795196,4.14679525,4.146795364,4.146795247,4.146795373,4.146795338,4.146795283,4.146795355,4.14679544,4.146795317,4.146795504,4.146795368,4.146795387,4.146795381,4.14679533,4.146795323,4.146795368,4.146795342,4.146795369,4.146795299,4.14679547
+"8289","LINC00029",4.896476147,4.896476143,4.896476182,4.896476152,4.896476233,4.896476151,4.896476188,4.896476193,4.896476191,4.896476159,4.896476182,4.896476185,4.896476147,4.896476137,4.896476207,4.896476192,4.896476217,4.896476194,4.896476179,4.89647619,4.896476204,4.896476195,4.896476161,4.896476166,4.89647618,4.89647619,4.896476134,4.896476179
+"8290","LINC00052",3.428749887,3.42875015,3.428749971,3.428750092,3.428750048,3.428750095,3.428749911,3.428750058,3.428749944,3.428749895,3.428750041,3.428749872,3.428750027,3.428749935,3.428749995,3.428749823,3.428749911,3.428750086,3.428749969,3.428749962,3.428750042,3.428750074,3.428749874,3.428749889,3.428750057,3.428749965,3.428749885,3.428750027
+"8291","LINC00114",4.285995695,4.285995706,4.285995687,4.285995672,4.285995691,4.28599568,4.285995674,4.285995681,4.285995721,4.285995688,4.285995734,4.285995748,4.285995715,4.285995662,4.285995697,4.285995746,4.285995747,4.285995705,4.285995681,4.285995667,4.285995696,4.285995699,4.285995726,4.285995669,4.28599573,4.285995681,4.285995713,4.285995701
+"8292","LINC00115",6.769932544,6.769932644,6.769932592,6.769932473,6.769932553,6.769932574,6.769932521,6.769932601,6.769932607,6.7699325,6.76993259,6.769932628,6.769932587,6.769932782,6.769932657,6.769932566,6.769932583,6.769932564,6.769932655,6.769932571,6.769932548,6.769932685,6.769932531,6.769932541,6.769932426,6.769932563,6.769932551,6.769932729
+"8293","LINC00158",3.125183346,3.125183369,3.125183355,3.125183362,3.125183318,3.125183415,3.125183328,3.125183323,3.125183387,3.125183358,3.125183395,3.125183364,3.125183311,3.125183347,3.125183368,3.125183385,3.125183325,3.125183356,3.125183342,3.125183358,3.125183367,3.125183354,3.125183338,3.125183353,3.125183325,3.125183348,3.1251833,3.125183364
+"8294","LINC00161",3.167836928,3.167836906,3.167836899,3.16783691,3.167836948,3.167836913,3.167836945,3.167836956,3.16783688,3.167836961,3.167836912,3.167836962,3.167836892,3.167836959,3.16783698,3.167836925,3.16783693,3.167836922,3.167836925,3.16783693,3.167836931,3.167836938,3.167836914,3.167836886,3.167836912,3.167836923,3.167836911,3.167836957
+"8295","LINC00173",6.704649544,6.70464966,6.704649683,6.704649712,6.704649649,6.70464966,6.704649668,6.704649614,6.704649563,6.704649576,6.704649693,6.704649673,6.704649624,6.704649568,6.704649611,6.704649698,6.704649687,6.70464971,6.704649676,6.704649649,6.70464968,6.704649689,6.704649653,6.704649624,6.704649708,6.704649619,6.704649605,6.704649556
+"8296","LINC00174",5.580333442,5.580333454,5.580333429,5.580333424,5.58033345,5.580333449,5.580333443,5.580333446,5.580333429,5.580333413,5.580333415,5.58033346,5.58033344,5.580333402,5.580333422,5.580333432,5.580333417,5.580333406,5.580333447,5.580333447,5.58033344,5.580333418,5.580333419,5.580333428,5.580333422,5.580333453,5.580333432,5.580333416
+"8297","LINC00189",4.103279124,4.102855392,4.102634013,4.102596329,4.102591328,4.1032716,4.102562297,4.102593005,4.102715898,4.10246836,4.102744096,4.102704858,4.10293889,4.102435194,4.103087241,4.102876412,4.102579027,4.102561926,4.102664026,4.103330792,4.102578378,4.102541873,4.102701339,4.102491628,4.102738516,4.102799092,4.102955066,4.10244117
+"8298","LINC00200",4.411761183,4.4117612,4.411761205,4.411761176,4.41176121,4.411761204,4.411761216,4.411761225,4.411761226,4.411761185,4.411761173,4.411761172,4.411761213,4.41176119,4.411761202,4.411761212,4.411761236,4.41176121,4.411761187,4.411761208,4.411761205,4.411761225,4.4117612,4.41176118,4.411761165,4.411761193,4.411761247,4.411761201
+"8299","LINC00207",5.039420422,5.039420497,5.03942066,5.039420392,5.039420702,5.039420157,5.03942056,5.039420442,5.039420547,5.039420373,5.039420669,5.039420673,5.039420493,5.039420351,5.039420546,5.039420785,5.039420757,5.039420779,5.039420628,5.039420558,5.039420676,5.039420795,5.039420485,5.039420415,5.039420586,5.039420704,5.039420418,5.039420652
+"8300","LINC00208",3.611701548,3.611701592,3.611701662,3.611701549,3.611701496,3.611701615,3.611701531,3.611701569,3.611701563,3.611701581,3.611701646,3.611701672,3.611701515,3.611701558,3.611701565,3.611701584,3.61170158,3.611701581,3.611701494,3.611701635,3.611701597,3.611701586,3.61170146,3.61170153,3.611701559,3.611701566,3.611701501,3.611701457
+"8301","LINC00221",3.215844868,3.215844837,3.215844886,3.215844914,3.215844831,3.215844859,3.215844842,3.215844865,3.215844876,3.215844841,3.215844874,3.215844832,3.215844837,3.215844848,3.215844867,3.215844878,3.215844945,3.215844867,3.215844876,3.215844854,3.215844844,3.21584486,3.21584483,3.215844843,3.215844853,3.215844843,3.215844849,3.215844875
+"8302","LINC00242",3.751357526,3.751357674,3.751357652,3.751357618,3.751357721,3.75135764,3.751357672,3.751357719,3.751357628,3.751357715,3.751357569,3.751357646,3.751357605,3.751357591,3.75135757,3.751357764,3.751357636,3.751357629,3.751357626,3.751357685,3.751357633,3.75135763,3.751357591,3.75135764,3.751357644,3.75135768,3.751357574,3.7513578
+"8303","LINC00260",5.705681984,5.705681882,5.705681869,5.705681719,5.705681567,5.705681971,5.705681839,5.705681785,5.705681868,5.705681639,5.705681857,5.705681447,5.705681909,5.705681565,5.705681893,5.705681812,5.705681542,5.705681879,5.70568189,5.705681877,5.705681838,5.705681797,5.705681963,5.705681867,5.705681782,5.705681642,5.70568176,5.705681637
+"8304","LINC00268",6.414430443,6.414429819,6.4144299295,6.414429074,6.4144301495,6.414430728,6.4144298665,6.4144313905,6.414432017,6.414429171,6.414430752,6.414429403,6.4144308015,6.4144314175,6.4144296105,6.4144298685,6.4144311425,6.414429459,6.414430909,6.4144313495,6.4144296185,6.414429605,6.4144321145,6.414430914,6.4144307735,6.414430363,6.414430801,6.414431236
+"8305","LINC00272",3.866902273,3.866902539,3.866902464,3.866902378,3.866902396,3.866902399,3.866902371,3.866902445,3.866902456,3.866902446,3.86690263,3.866902542,3.866902483,3.866902365,3.866902468,3.866902505,3.866902462,3.86690248,3.866902422,3.866902411,3.866902524,3.866902498,3.866902361,3.866902283,3.866902654,3.866902388,3.866902407,3.866902423
+"8306","LINC00299",5.299825475,5.299825682,5.299825465,5.299825414,5.299825468,5.299825486,5.299825295,5.299825328,5.299825392,5.299825262,5.299825594,5.299825412,5.299825475,5.299825347,5.29982535,5.299825589,5.299825352,5.29982541,5.299825415,5.299825431,5.299825287,5.299825228,5.299825518,5.299825415,5.29982551,5.299825576,5.299825451,5.299825343
+"8307","LINC00301",2.806932126,2.806932185,2.806932304,2.806932148,2.806932497,2.806932388,2.806932258,2.806932423,2.806932351,2.806932373,2.806932489,2.806932368,2.806932127,2.806932198,2.806932279,2.806932234,2.80693238,2.806932418,2.806932222,2.806932217,2.806932241,2.806932361,2.806932119,2.80693219,2.806932389,2.806932419,2.806932132,2.806932271
+"8308","LINC00302",3.732082314,3.732082322,3.732082349,3.732082316,3.732082321,3.732082271,3.732082325,3.732082336,3.732082307,3.732082318,3.732082337,3.732082349,3.732082311,3.732082325,3.732082329,3.732082338,3.732082337,3.732082331,3.732082326,3.732082334,3.732082366,3.732082346,3.732082337,3.732082328,3.732082339,3.732082318,3.732082309,3.732082328
+"8309","LINC00303",4.447377271,4.447377322,4.447377308,4.44737736,4.447377514,4.447377357,4.447377354,4.447377336,4.447377323,4.447377419,4.447377366,4.447377511,4.447377308,4.447377224,4.44737744,4.447377375,4.447377532,4.447377386,4.447377371,4.447377397,4.447377369,4.447377429,4.447377354,4.447377327,4.447377346,4.447377339,4.447377286,4.447377341
+"8310","LINC00304",5.392671126,5.392671129,5.392671159,5.392671142,5.392671171,5.392671135,5.392671134,5.39267118,5.392671152,5.392671151,5.392671154,5.392671151,5.392671136,5.392671134,5.392671177,5.39267116,5.392671165,5.392671175,5.392671117,5.392671149,5.39267116,5.39267116,5.39267114,5.392671148,5.392671136,5.392671171,5.392671156,5.39267116
+"8311","LINC00305",3.665766703,3.66576689,3.665766993,3.665766826,3.665766974,3.665766885,3.665766751,3.665766982,3.665766977,3.665766956,3.665766881,3.665766997,3.665766811,3.665766712,3.665766775,3.665767081,3.665766921,3.665766821,3.665766788,3.665766894,3.665766751,3.665766798,3.665766757,3.66576685,3.665767024,3.66576684,3.665766931,3.665766908
+"8312","LINC00308",3.12244077,3.122440773,3.122440795,3.122440779,3.122440778,3.122440776,3.122440796,3.122440783,3.12244077,3.122440765,3.122440778,3.122440783,3.122440769,3.122440769,3.122440778,3.122440788,3.122440809,3.122440791,3.122440792,3.122440783,3.122440779,3.122440788,3.122440803,3.122440766,3.122440803,3.122440792,3.122440786,3.122440772
+"8313","LINC00310",4.532511426,4.532511454,4.532511383,4.532511442,4.532511487,4.532511432,4.532511461,4.532511519,4.532511474,4.532511461,4.532511431,4.532511411,4.532511385,4.532511441,4.532511451,4.53251151,4.532511453,4.532511538,4.532511423,4.53251135,4.532511482,4.532511503,4.532511427,4.532511569,4.532511502,4.532511459,4.532511421,4.532511453
+"8314","LINC00311",5.067061775,5.067061841,5.067061983,5.067061912,5.067062036,5.06706199,5.067061896,5.067061964,5.067062015,5.067061954,5.067062012,5.067062088,5.067061943,5.067061894,5.067062018,5.067061885,5.067062023,5.067061982,5.067061864,5.067062006,5.06706196,5.067061991,5.067061939,5.067061957,5.067062063,5.067061958,5.067061945,5.067061912
+"8315","LINC00312",2.885634017,2.885634027,2.885634065,2.885634077,2.885633864,2.885634137,2.885633838,2.885634027,2.885634135,2.885633936,2.885633913,2.885634056,2.885633969,2.885633873,2.88563388,2.885633873,2.885634238,2.885633977,2.885633801,2.885634047,2.885634033,2.885633989,2.885633942,2.885633807,2.885634122,2.885634115,2.885633823,2.88563402
+"8316","LINC00313",5.177493229,5.177493226,5.177493239,5.177493142,5.177493278,5.177493264,5.17749319,5.1774933,5.177493308,5.177493275,5.177493306,5.177493371,5.177493274,5.177493123,5.177493289,5.177493369,5.177493349,5.177493316,5.177493198,5.177493228,5.1774933,5.177493258,5.177493172,5.177493279,5.17749325,5.177493312,5.177493179,5.177493269
+"8317","LINC00314",2.800647821,2.800647831,2.800647824,2.800647839,2.800647826,2.800647828,2.800647809,2.800647828,2.800647828,2.800647834,2.800647834,2.800647833,2.800647827,2.800647819,2.800647823,2.800647818,2.800647824,2.800647833,2.800647826,2.800647818,2.800647817,2.800647821,2.800647837,2.800647822,2.80064782,2.800647811,2.800647832,2.800647821
+"8318","LINC00315",4.977996076,4.977996003,4.977996062,4.977996124,4.977996226,4.977996159,4.977996207,4.977996216,4.977996093,4.977996124,4.977996145,4.977996253,4.977996043,4.977995961,4.97799624,4.977996097,4.977996356,4.977996147,4.977996172,4.977996208,4.97799615,4.977996201,4.977996066,4.977996078,4.977996141,4.977996142,4.9779961,4.977996147
+"8319","LINC00319",4.726614588,4.726614578,4.726614603,4.726614549,4.726614685,4.726614555,4.726614587,4.726614707,4.726614631,4.726614612,4.726614644,4.726614659,4.726614565,4.726614553,4.72661465,4.726614625,4.726614722,4.72661464,4.726614649,4.726614608,4.726614711,4.726614675,4.726614617,4.72661455,4.726614607,4.726614622,4.726614523,4.726614621
+"8320","LINC00324",5.546519123,5.546519096,5.546519098,5.546519098,5.546519086,5.54651913,5.546519095,5.546519085,5.546519113,5.546519097,5.546519086,5.546519105,5.546519108,5.54651912,5.546519107,5.546519095,5.546519107,5.546519098,5.54651909,5.546519135,5.546519097,5.546519083,5.546519111,5.546519083,5.54651909,5.546519096,5.546519109,5.546519096
+"8321","LINC00326",3.010860091,3.010860109,3.010860075,3.010860095,3.010860107,3.010860068,3.010860109,3.010860108,3.010860103,3.010860098,3.010860112,3.010860081,3.01086008,3.010860079,3.010860072,3.010860118,3.010860076,3.010860085,3.010860078,3.010860091,3.010860089,3.010860096,3.010860071,3.010860087,3.010860117,3.010860083,3.010860105,3.010860082
+"8322","LINC00328",6.373489869,6.373489672,6.373489663,6.3734896285,6.373489828,6.373489752,6.3734897775,6.3734898475,6.3734898215,6.373489821,6.3734898835,6.37348992,6.373489695,6.373489933,6.373489875,6.3734896695,6.3734897585,6.3734897545,6.373489764,6.3734899905,6.373490095,6.3734898675,6.3734898115,6.373489827,6.3734897125,6.3734900355,6.3734896365,6.373489991
+"8323","LINC00334",4.963628193,4.963627885,4.963628195,4.963628294,4.963628348,4.963627919,4.963628243,4.963628498,4.963628431,4.963628322,4.963627861,4.963628613,4.963628054,4.963628341,4.963628323,4.963628479,4.963628256,4.963629011,4.963628506,4.963628307,4.963628222,4.963628655,4.963628502,4.963627992,4.963627928,4.963628369,4.963627938,4.963628381
+"8324","LINC00336",5.365740824,5.365740815,5.365740856,5.365740827,5.365740863,5.365740827,5.365740829,5.365740846,5.365740833,5.365740841,5.365740838,5.365740856,5.36574083,5.365740811,5.36574086,5.365740832,5.365740863,5.365740857,5.365740822,5.365740853,5.365740837,5.365740858,5.365740844,5.365740842,5.365740837,5.365740858,5.365740829,5.365740839
+"8325","LINC00339",6.250819432,6.250814858,6.250813001,6.250815159,6.25081426,6.250816613,6.250816725,6.250814145,6.250814353,6.250818414,6.250812037,6.250817104,6.25081415,6.250814396,6.250819784,6.250815762,6.250812708,6.250813969,6.250813278,6.25081754,6.250816174,6.250813985,6.250814969,6.250818979,6.250813396,6.250816826,6.25081406,6.250812792
+"8326","LINC00452",5.100028076,5.100028096,5.100028126,5.100028133,5.100028143,5.10002817,5.100028147,5.100028152,5.100028157,5.100028158,5.100028153,5.100028187,5.100028141,5.100028093,5.100028161,5.100028082,5.100028161,5.100028128,5.100028119,5.100028126,5.100028132,5.100028155,5.100028127,5.100028125,5.100028128,5.100028114,5.100028139,5.100028104
+"8327","LINC00467",3.775369068,3.775368962,3.775369128,3.775369063,3.775369281,3.775369107,3.775369124,3.775369035,3.775368971,3.775369057,3.775368948,3.775369337,3.775369133,3.775369173,3.775369047,3.775369214,3.775369228,3.775369156,3.775369266,3.775369005,3.77536917,3.775369091,3.775369064,3.77536915,3.775369042,3.775369188,3.775369122,3.775369148
+"8328","LINC00469",4.318574529,4.318574445,4.318574494,4.318574363,4.318574471,4.318574436,4.318574629,4.318574647,4.318574522,4.318574449,4.318574594,4.318574573,4.318574476,4.318574306,4.318574571,4.318574381,4.31857471,4.318574527,4.318574328,4.318574376,4.318574448,4.318574795,4.318574472,4.318574515,4.318574392,4.318574568,4.318574341,4.318574544
+"8329","LINC00470",2.652518714,2.652518923,2.652518973,2.652518798,2.65251904,2.652518803,2.652518781,2.652518941,2.652518804,2.652518866,2.652519006,2.65251899,2.652518884,2.652518881,2.652518817,2.65251894,2.652518821,2.652518938,2.652518876,2.652518945,2.652518968,2.652518765,2.652518859,2.652518897,2.652518824,2.652518787,2.652518879,2.652518741
+"8330","LINC00471",3.97248261,3.972482652,3.972482624,3.972482649,3.972482663,3.972482621,3.972482664,3.972482647,3.972482713,3.972482639,3.972482676,3.972482684,3.972482644,3.972482647,3.972482668,3.972482689,3.972482654,3.972482644,3.972482634,3.972482649,3.972482645,3.972482666,3.972482685,3.972482629,3.972482621,3.972482667,3.972482658,3.972482678
+"8331","LINC00472",4.401603532,4.401603576,4.401603546,4.401603589,4.401603617,4.401603642,4.401603552,4.40160358,4.401603581,4.401603583,4.401603659,4.401603732,4.401603591,4.401603534,4.401603634,4.401603594,4.401603633,4.40160372,4.401603649,4.401603629,4.401603553,4.40160365,4.401603557,4.401603484,4.40160359,4.401603642,4.40160357,4.401603576
+"8332","LINC00474",3.567869334,3.567869338,3.567869357,3.567869341,3.567869372,3.567869335,3.567869343,3.56786936,3.567869378,3.567869347,3.567869351,3.56786937,3.567869351,3.567869334,3.567869375,3.567869359,3.567869364,3.567869374,3.56786938,3.567869358,3.567869378,3.56786937,3.567869354,3.567869349,3.567869357,3.567869366,3.567869354,3.567869389
+"8333","LINC00477",4.455964515,4.455964535,4.455964602,4.455964506,4.455964627,4.455964568,4.455964636,4.455964651,4.455964547,4.455964684,4.455964565,4.455964659,4.4559646,4.455964533,4.455964707,4.455964564,4.45596464,4.45596459,4.455964625,4.455964673,4.45596466,4.455964545,4.455964563,4.455964639,4.455964515,4.455964617,4.455964635,4.455964511
+"8334","LINC00479",5.25903832,5.259038363,5.259038448,5.259038363,5.259038501,5.259038394,5.259038409,5.25903847,5.259038379,5.259038417,5.259038474,5.259038518,5.259038412,5.259038332,5.259038492,5.259038417,5.259038467,5.259038517,5.259038407,5.259038444,5.259038514,5.259038486,5.259038398,5.25903837,5.259038327,5.259038454,5.259038382,5.259038414
+"8335","LINC00482",5.759227624,5.759227655,5.759227702,5.75922768,5.759227749,5.759227704,5.759227724,5.759227753,5.7592277,5.759227673,5.759227706,5.759227701,5.759227682,5.759227634,5.75922776,5.759227728,5.759227769,5.759227726,5.759227696,5.759227731,5.759227796,5.75922776,5.759227677,5.759227669,5.759227694,5.759227725,5.759227721,5.759227673
+"8336","LINC00487",4.701222365,4.701222384,4.701222418,4.701222384,4.701222426,4.701222394,4.701222382,4.701222399,4.701222387,4.701222388,4.701222408,4.701222423,4.701222379,4.701222347,4.701222394,4.701222406,4.701222407,4.70122239,4.701222375,4.701222427,4.701222399,4.701222409,4.701222378,4.701222396,4.70122239,4.701222404,4.701222391,4.701222393
+"8337","LINC00504",3.94177339,3.941773307,3.941773338,3.941773351,3.941773376,3.941773324,3.94177334,3.941773343,3.941773306,3.941773262,3.941773345,3.941773316,3.941773334,3.941773334,3.941773362,3.94177334,3.941773381,3.941773429,3.941773318,3.94177335,3.941773326,3.9417734,3.941773307,3.941773296,3.94177335,3.941773368,3.941773356,3.941773295
+"8338","LINC00518",3.777971513,3.777971568,3.777971554,3.777971675,3.777971611,3.777971609,3.777971482,3.777971635,3.7779716,3.777971647,3.77797157,3.777971621,3.777971663,3.777971642,3.777971568,3.777971632,3.777971484,3.777971568,3.777971606,3.777971598,3.777971509,3.777971561,3.77797153,3.777971566,3.777971597,3.777971525,3.777971521,3.777971561
+"8339","LINC00523",4.879075012,4.879074994,4.879075439,4.879075207,4.879075465,4.879075201,4.87907512,4.879075457,4.879075293,4.879074975,4.879075154,4.879075194,4.879075397,4.879074595,4.879075281,4.879075183,4.879075509,4.879075267,4.879075233,4.879075254,4.879075357,4.879075224,4.87907498,4.879075012,4.879075435,4.879075234,4.87907525,4.879075178
+"8340","LINC00525",4.461096835,4.461096952,4.461097017,4.461096941,4.461097055,4.461096978,4.461096997,4.461097008,4.461096987,4.461097052,4.46109707,4.461097105,4.461096939,4.461096948,4.461096985,4.461096979,4.46109704,4.461096977,4.461097007,4.461097055,4.461097073,4.461097037,4.461096946,4.46109693,4.461097018,4.46109706,4.461096998,4.461096963
+"8341","LINC00526",4.891328517,4.891328484,4.89132865,4.891328586,4.891328687,4.891328358,4.891328543,4.891328642,4.891328556,4.891328575,4.891328715,4.891328669,4.891328458,4.891328252,4.891328668,4.891328667,4.891328694,4.891328703,4.891328621,4.891328448,4.891328627,4.891328612,4.891328463,4.891328573,4.891328636,4.891328605,4.891328432,4.891328664
+"8342","LINC00528",6.759888148,6.759888584,6.759888036,6.759888177,6.759887832,6.759888547,6.759888278,6.759888064,6.759888093,6.759888076,6.759888082,6.759887507,6.759888281,6.759888144,6.759888084,6.759888483,6.759887859,6.759888154,6.759888304,6.759888595,6.759888158,6.759888205,6.759888283,6.759888282,6.759888479,6.759887994,6.759888259,6.759888112
+"8343","LINC00529",2.372491286,2.37249131,2.372491325,2.372491313,2.372491305,2.372491354,2.3724913,2.372491336,2.372491329,2.372491368,2.372491342,2.372491342,2.372491355,2.372491325,2.372491332,2.372491382,2.372491359,2.372491368,2.372491301,2.372491321,2.372491309,2.372491339,2.372491324,2.372491294,2.372491354,2.372491314,2.372491293,2.372491302
+"8344","LINC00544",4.571364001,4.571364007,4.571363998,4.57136398,4.57136402,4.571363976,4.571364008,4.571364015,4.571363995,4.571363991,4.571363986,4.571364,4.571364004,4.571364001,4.571364013,4.571364017,4.571364019,4.571364,4.571364013,4.571363983,4.571364016,4.571364,4.571364004,4.57136399,4.571363983,4.571363995,4.571363995,4.57136401
+"8345","LINC00574",4.877942481,4.877942473,4.877942587,4.877942517,4.877942612,4.87794241,4.877942564,4.8779425,4.877942437,4.877942441,4.877942725,4.877942616,4.87794247,4.877942435,4.877942618,4.877942498,4.877942648,4.877942697,4.877942542,4.877942659,4.877942597,4.877942633,4.877942368,4.87794251,4.87794265,4.877942519,4.877942502,4.877942581
+"8346","LINC00575",3.568464507,3.568464465,3.568464529,3.568464433,3.568464555,3.568464467,3.56846449,3.568464579,3.568464535,3.56846449,3.568464455,3.56846461,3.568464521,3.568464487,3.568464474,3.568464505,3.568464573,3.568464571,3.56846451,3.568464516,3.568464546,3.568464486,3.568464484,3.568464518,3.568464566,3.568464523,3.568464415,3.568464541
+"8347","LINC00596",3.766796011,3.766796056,3.766796122,3.76679602,3.766796112,3.766796113,3.766796028,3.766796147,3.7667961,3.766796029,3.766795982,3.766796052,3.76679609,3.766796106,3.766796059,3.766796055,3.766796038,3.76679627,3.76679604,3.766796082,3.766796086,3.766796131,3.76679606,3.7667961,3.766796042,3.766796177,3.766795977,3.766796139
+"8348","LINC00597",3.885463889,3.885463892,3.885463859,3.885463847,3.88546384,3.885463788,3.885463897,3.885463888,3.885463906,3.88546385,3.885463947,3.885463817,3.885463897,3.885463914,3.885463763,3.885463848,3.885463909,3.88546383,3.885463866,3.885463764,3.885463852,3.885463925,3.885463714,3.885463824,3.885463807,3.88546391,3.885463964,3.885463823
+"8349","LINC00598",4.279232014,4.279231905,4.279231842,4.27923196,4.279232115,4.279231836,4.279232017,4.279231989,4.279232086,4.279231844,4.279231773,4.279232028,4.279231912,4.27923191,4.279232068,4.279231934,4.279232134,4.279231973,4.279231971,4.279232117,4.27923216,4.279232209,4.27923189,4.279231774,4.279231721,4.279232005,4.27923193,4.279231884
+"8350","LINC00602",5.186902259,5.186902246,5.186902264,5.186902262,5.186902361,5.186902217,5.186902297,5.186902388,5.186902307,5.186902263,5.186902302,5.18690244,5.186902286,5.186902237,5.186902335,5.186902253,5.186902393,5.186902383,5.186902285,5.18690229,5.18690234,5.186902371,5.186902312,5.186902304,5.18690231,5.18690228,5.186902293,5.186902287
+"8351","LINC00612",4.216030499,4.216030477,4.216030503,4.216030452,4.216030472,4.2160305,4.216030494,4.216030499,4.216030482,4.216030497,4.216030491,4.216030483,4.216030479,4.216030469,4.216030493,4.216030478,4.2160305,4.216030473,4.216030486,4.216030502,4.216030486,4.21603051,4.216030496,4.216030479,4.216030489,4.216030487,4.216030494,4.216030487
+"8352","LINC00615",4.082909712,4.08290973,4.082909746,4.082909758,4.082909777,4.082909723,4.082909708,4.082909752,4.082909771,4.082909762,4.082909766,4.08290982,4.082909714,4.082909705,4.08290971,4.082909803,4.082909823,4.082909791,4.082909783,4.082909781,4.08290975,4.08290984,4.08290971,4.082909783,4.082909766,4.082909767,4.082909765,4.082909746
+"8353","LINC00638",5.145515805,5.145515721,5.145515779,5.145515739,5.145515725,5.145515787,5.145515701,5.145515699,5.145515849,5.145515741,5.14551573,5.145515829,5.145515662,5.145515765,5.14551571,5.145515731,5.145515668,5.145515786,5.145515646,5.145515595,5.145515661,5.145515703,5.145515741,5.145515785,5.145515583,5.145515772,5.145515785,5.145515841
+"8354","LINC00643",3.6754134545,3.6754134735,3.6754135,3.6754135335,3.675413471,3.67541344,3.675413472,3.675413481,3.6754135355,3.675413468,3.6754134925,3.6754135305,3.675413435,3.675413468,3.675413494,3.675413545,3.675413564,3.6754135435,3.6754135465,3.6754135005,3.675413485,3.675413485,3.6754133705,3.675413516,3.675413499,3.6754135045,3.67541352,3.675413481
+"8355","LINC00649",6.286561875,6.286561428,6.286561825,6.286561801,6.286561798,6.286561892,6.286561965,6.286562092,6.286561898,6.286561716,6.286561153,6.286561618,6.286561931,6.28656192,6.286561784,6.286561609,6.286561837,6.286561671,6.286561984,6.286561942,6.286561854,6.286562181,6.286561978,6.286561763,6.286561575,6.286561724,6.286561924,6.286561739
+"8356","LINC00652",4.432027324,4.432027348,4.432027372,4.432027466,4.432027412,4.432027447,4.432027436,4.43202743,4.432027394,4.432027412,4.432027412,4.43202744,4.432027442,4.432027327,4.432027431,4.432027405,4.432027491,4.432027483,4.432027379,4.432027424,4.432027381,4.432027461,4.432027392,4.432027409,4.432027429,4.432027403,4.432027366,4.432027371
+"8357","LINC00656",5.096710173,5.096710172,5.096710576,5.096710377,5.096710795,5.096710638,5.096710615,5.096710348,5.096710514,5.096710587,5.096710467,5.096710579,5.096710506,5.096710138,5.096710693,5.096710521,5.096710615,5.096710639,5.096710579,5.096710487,5.096710868,5.096710477,5.096710302,5.096710294,5.096710526,5.096710538,5.09671041,5.096710512
+"8358","LINC00661",4.318831107,4.318831129,4.31883112,4.318831121,4.318831162,4.318831158,4.318831132,4.318831158,4.318831139,4.318831147,4.318831158,4.318831195,4.318831115,4.318831095,4.318831155,4.318831153,4.318831169,4.318831141,4.318831149,4.318831141,4.31883114,4.318831159,4.318831127,4.318831132,4.318831138,4.318831154,4.318831121,4.318831151
+"8359","LINC00665",4.004925513,4.004925542,4.004925519,4.00492551,4.004925518,4.00492552,4.004925546,4.004925535,4.004925531,4.004925508,4.004925518,4.004925527,4.004925549,4.00492552,4.004925518,4.004925525,4.004925547,4.004925518,4.004925535,4.004925512,4.004925528,4.004925527,4.004925485,4.004925518,4.004925491,4.004925538,4.004925522,4.004925516
+"8360","LINC00670",3.556490362,3.556490303,3.556490378,3.556490396,3.556490509,3.556490407,3.556490361,3.556490474,3.556490405,3.55649041,3.556490277,3.556490573,3.55649028,3.556490366,3.556490474,3.556490448,3.556490421,3.556490396,3.556490466,3.556490455,3.556490488,3.55649044,3.5564904,3.556490349,3.55649046,3.556490424,3.556490372,3.556490384
+"8361","LINC00671",5.657238764,5.657238772,5.657238976,5.65723896,5.657239042,5.657238768,5.657238945,5.657238931,5.657238918,5.657238852,5.657238974,5.657238825,5.657238856,5.657238658,5.657239029,5.657238873,5.657239012,5.657238968,5.657238888,5.657238753,5.65723904,5.657239061,5.657238758,5.657238721,5.657239064,5.657239037,5.657238664,5.657238803
+"8362","LINC00687",5.010707098,5.010707198,5.010707329,5.010707215,5.01070731,5.010707028,5.010707174,5.0107073,5.010707241,5.010707124,5.010707332,5.010707361,5.010707164,5.010707076,5.010707262,5.010707318,5.010707395,5.010707318,5.01070718,5.01070723,5.010707213,5.010707314,5.01070712,5.010707267,5.010707345,5.0107072,5.010707062,5.010707316
+"8363","LINC00839",5.805369204,5.805369142,5.805369454,5.805369224,5.80536965,5.805369366,5.805369368,5.805369491,5.805369386,5.805369335,5.805369511,5.8053695,5.805369356,5.805369162,5.805369573,5.805369368,5.805369583,5.805369583,5.805369368,5.80536937,5.805369574,5.805369538,5.805369284,5.805369263,5.805369384,5.805369467,5.805369345,5.805369425
+"8364","LINC00851",4.247571751,4.247571752,4.24757178,4.247571763,4.247571807,4.24757175,4.247571795,4.247571828,4.247571774,4.247571784,4.247571781,4.247571842,4.247571761,4.247571722,4.247571817,4.247571768,4.247571798,4.247571806,4.247571813,4.247571777,4.2475718,4.247571774,4.247571784,4.247571728,4.247571794,4.247571808,4.247571764,4.247571788
+"8365","LINC00852",6.610041349,6.610041406,6.610040891,6.610041585,6.610040425,6.610041217,6.61004148,6.610041923,6.610041314,6.610040923,6.610041233,6.610040977,6.610041826,6.610041257,6.610041087,6.610041085,6.610040633,6.610040687,6.610041036,6.61004159,6.610041102,6.610041441,6.610040933,6.61004074,6.610041314,6.610040902,6.610041765,6.610040354
+"8366","LINC00885",4.133786363,4.133786355,4.133786376,4.133786356,4.133786389,4.133786384,4.133786361,4.133786401,4.13378638,4.133786381,4.133786394,4.133786465,4.133786341,4.133786348,4.13378638,4.133786345,4.133786446,4.133786384,4.133786367,4.133786389,4.13378635,4.133786404,4.133786411,4.133786413,4.133786364,4.133786396,4.133786379,4.133786363
+"8367","LINC00896",5.547811634,5.547811688,5.547811682,5.54781167,5.547811698,5.547811583,5.547811639,5.547811691,5.54781165,5.547811616,5.547811673,5.547811685,5.547811687,5.547811605,5.547811677,5.547811659,5.547811664,5.547811706,5.547811656,5.547811659,5.547811659,5.54781167,5.547811658,5.547811676,5.547811692,5.547811687,5.547811646,5.547811678
+"8368","LINC00898",4.41261699,4.412616983,4.412617006,4.412616985,4.412617008,4.412616985,4.412617001,4.412617011,4.412616995,4.412617005,4.412617007,4.412617018,4.412616998,4.412616978,4.412617011,4.412616986,4.412617027,4.412617013,4.412617008,4.412616993,4.412617,4.412616999,4.412616996,4.412616994,4.412616996,4.412616996,4.412616983,4.412617007
+"8369","LINC00905",4.830744202,4.830744273,4.830744214,4.83074429,4.830744437,4.830744247,4.830744338,4.830744375,4.830744293,4.830744266,4.830744351,4.830744405,4.83074428,4.830744249,4.830744352,4.830744346,4.830744411,4.83074433,4.830744264,4.83074431,4.83074441,4.83074439,4.830744224,4.830744204,4.830744281,4.830744358,4.830744288,4.830744306
+"8370","LINC00910",3.8541783255,3.8541783895,3.8541784385,3.854178466,3.8541784705,3.8541783325,3.8541783625,3.8541781925,3.854178397,3.8541783485,3.8541780055,3.854178585,3.854178241,3.854178261,3.8541783895,3.8541783265,3.854178582,3.854178341,3.8541783555,3.854178361,3.8541779365,3.8541783785,3.854178247,3.8541783505,3.8541782995,3.854178375,3.8541782515,3.8541782585
+"8371","LINC00917",5.505456758,5.505456824,5.505456347,5.505456468,5.505455716,5.505457674,5.505456419,5.505455712,5.505455576,5.505456446,5.505456467,5.505456847,5.505456446,5.505455264,5.505455504,5.505456709,5.505456108,5.505457023,5.505456095,5.505455968,5.505455357,5.505455666,5.505455777,5.505455316,5.505455865,5.505456078,5.505455872,5.505455782
+"8372","LINC00921",7.353573489,7.353573495,7.353573501,7.353573521,7.353573454,7.353573416,7.353573473,7.353573467,7.353573484,7.353573447,7.353573464,7.353573445,7.353573483,7.353573491,7.353573454,7.353573485,7.35357346,7.35357348,7.353573522,7.353573422,7.353573464,7.35357345,7.353573522,7.353573522,7.353573479,7.353573461,7.353573469,7.353573456
+"8373","LINC00943",3.917681349,3.917681364,3.917681354,3.917681339,3.917681353,3.917681348,3.91768136,3.917681377,3.917681328,3.917681357,3.917681377,3.917681358,3.91768136,3.917681356,3.917681365,3.91768135,3.917681357,3.917681362,3.917681376,3.917681371,3.917681369,3.917681372,3.917681336,3.917681362,3.917681356,3.917681364,3.917681341,3.917681362
+"8374","LINC00951",4.24672272,4.24672266,4.246722792,4.246722699,4.246722782,4.246722646,4.246722658,4.246722716,4.246722723,4.24672259,4.246722745,4.246722827,4.2467227,4.246722646,4.246722737,4.246722772,4.246722806,4.246722747,4.246722825,4.246722712,4.246722736,4.246722795,4.246722697,4.246722704,4.24672268,4.246722777,4.246722655,4.246722698
+"8375","LINC00965",5.666392806,5.66639297775,5.6663926255,5.66639280725,5.66639304575,5.6663928375,5.66639257375,5.66639285475,5.6663928195,5.6663928165,5.666392648,5.6663931145,5.6663928465,5.66639285675,5.6663928705,5.66639275525,5.66639279675,5.6663924985,5.66639298975,5.666392866,5.6663925465,5.6663929865,5.66639270925,5.66639264675,5.666392665,5.66639316375,5.6663930025,5.66639268125
+"8376","LINC00994",3.704498297,3.704498393,3.704498578,3.704498545,3.704498259,3.704498444,3.704498583,3.704498667,3.704498743,3.704498595,3.704498445,3.704498611,3.704498494,3.704498251,3.704498438,3.70449856,3.704498485,3.704498267,3.704498403,3.704498464,3.70449831,3.704498477,3.704498239,3.70449841,3.704498177,3.704498209,3.704498658,3.704498328
+"8377","LINC00999",6.984536004,6.984536135,6.984535969,6.984536279,6.98453591,6.984536068,6.984536186,6.984536107,6.984535906,6.984535877,6.984536193,6.984535872,6.984536012,6.984535694,6.98453602,6.984536,6.984536024,6.984536309,6.98453593,6.984536417,6.98453619,6.98453603,6.984535974,6.984536049,6.984536285,6.984536052,6.984535906,6.984535704
+"8378","LINC01001",8.083941134,8.083941168,8.083941315,8.083941196,8.083941438,8.083941529,8.083941612,8.083941642,8.083941409,8.083941456,8.083941685,8.083941732,8.083941245,8.083940714,8.083941732,8.08394149,8.083941897,8.083941505,8.083941545,8.083941717,8.083941692,8.083941599,8.083941258,8.083941101,8.083941558,8.083941539,8.083941374,8.083941454
+"8379","LINC01011",5.670924286,5.670924318,5.670924387,5.670924402,5.670924412,5.670924382,5.67092436,5.670924367,5.670924381,5.670924394,5.670924416,5.67092441,5.67092438,5.670924323,5.670924361,5.670924366,5.670924381,5.670924432,5.670924382,5.670924432,5.670924373,5.67092438,5.670924315,5.670924372,5.670924371,5.670924384,5.670924335,5.67092438
+"8380","LINC01089",6.948015711,6.948015766,6.948015918,6.948015709,6.948015781,6.94801547,6.948015572,6.948016227,6.948016186,6.948015906,6.948015834,6.948016262,6.948015922,6.948015695,6.948015756,6.948015833,6.948015763,6.948015714,6.948015649,6.948015924,6.948015769,6.948015986,6.948015721,6.948016009,6.948016028,6.948016008,6.94801591,6.948015685
+"8381","LINC01101",4.213822004,4.213822058,4.213822046,4.213822043,4.213822068,4.213822047,4.213822025,4.213822065,4.213822074,4.213822057,4.213822042,4.213822077,4.213822045,4.213822034,4.21382206,4.21382205,4.213822081,4.213822059,4.213822045,4.213822043,4.213822062,4.213822029,4.213822043,4.213822042,4.21382201,4.21382204,4.213822045,4.213822059
+"8382","LINC01116",4.764595223,4.764595372,4.764595494,4.764595395,4.764595626,4.764595465,4.764595453,4.764595629,4.764595403,4.764595449,4.7645956,4.764595767,4.764595485,4.764595103,4.764595452,4.76459558,4.764595829,4.764595639,4.764595555,4.764595231,4.764595313,4.764595623,4.764595346,4.764595406,4.764595536,4.764595496,4.764595405,4.764595409
+"8383","LINC01121",3.367202669,3.367202683,3.367202688,3.367202674,3.367202689,3.367202677,3.367202682,3.367202702,3.367202672,3.3672027,3.367202688,3.367202719,3.367202681,3.367202669,3.367202688,3.367202674,3.367202706,3.367202697,3.367202686,3.367202675,3.367202679,3.367202678,3.367202683,3.367202671,3.36720267,3.367202693,3.367202674,3.367202672
+"8384","LINC01124",4.362432983,4.362433077,4.362432935,4.362433032,4.362433152,4.362432962,4.362433009,4.362432996,4.362432974,4.362432991,4.362433042,4.362432963,4.36243304,4.362432923,4.362433026,4.362433048,4.362433129,4.362433035,4.362433003,4.362433057,4.362433027,4.362433162,4.362432989,4.362432918,4.362432946,4.362433088,4.362432939,4.362433045
+"8385","LINC01126",5.384668661,5.384668657,5.384668644,5.384668655,5.384668552,5.38466863,5.384668648,5.384668604,5.384668641,5.384668566,5.384668603,5.384668582,5.384668524,5.384668699,5.384668667,5.384668682,5.384668667,5.384668611,5.384668587,5.384668703,5.384668639,5.38466865,5.384668647,5.384668596,5.384668598,5.384668625,5.384668633,5.384668632
+"8386","LINC01128",5.281940087,5.281940464,5.281939938,5.281939432,5.281939698,5.281939737,5.28193986,5.281940171,5.281940204,5.281939914,5.281939359,5.281940356,5.281940294,5.281939628,5.281939961,5.281939454,5.281938717,5.281939654,5.281939191,5.281939403,5.281939935,5.281939694,5.281940069,5.281939435,5.281939787,5.28193993,5.281940143,5.281939741
+"8387","LINC01138",5.604454904,5.604454761,5.604454725,5.604454696,5.604454669,5.604455113,5.604455018,5.60445461,5.604454707,5.604454677,5.604454667,5.604454464,5.604454875,5.604454756,5.604454799,5.604454997,5.604454565,5.604454743,5.604454713,5.604455342,5.604454782,5.604454642,5.604454792,5.604454677,5.604454753,5.604454614,5.604454878,5.604454695
+"8388","LINC01140",4.0286768575,4.02867683,4.028676995,4.0286768665,4.0286769425,4.0286769285,4.0286769145,4.028677,4.028676957,4.0286769,4.0286768185,4.0286769805,4.028676877,4.0286768445,4.028676993,4.028676884,4.028676966,4.028676918,4.0286769555,4.0286768245,4.028676964,4.0286768795,4.0286768075,4.028676872,4.0286769065,4.0286769585,4.0286769335,4.028677022
+"8389","LINC01145",6.242215609,6.242215535,6.242215519,6.242215419,6.24221543,6.24221563,6.242215555,6.242215541,6.242215603,6.242215451,6.242215469,6.242215513,6.242215502,6.242215193,6.242215523,6.242215563,6.242215503,6.242215331,6.242215295,6.24221557,6.242215526,6.242215657,6.242215245,6.242215453,6.242215386,6.242215498,6.24221555,6.242215297
+"8390","LINC01152",2.137730223,2.137730226,2.137730224,2.137730238,2.137730189,2.137730216,2.137730197,2.137730214,2.137730233,2.137730254,2.137730233,2.137730268,2.137730207,2.137730196,2.137730198,2.137730207,2.137730218,2.137730219,2.137730224,2.137730208,2.137730206,2.137730207,2.137730221,2.137730204,2.137730223,2.137730196,2.137730229,2.137730231
+"8391","LINC01164",5.460239965,5.460239944,5.460239957,5.46023994,5.460240126,5.460239897,5.460240119,5.46024009,5.460240028,5.460240003,5.460240017,5.46024008,5.460240048,5.460239803,5.460240131,5.460240015,5.460240148,5.460240154,5.460240055,5.46024,5.460240094,5.460240173,5.460239927,5.460239896,5.460240053,5.460240152,5.460239901,5.460240015
+"8392","LINC01165",4.11842217,4.118422176,4.118422222,4.118422156,4.118422229,4.118422181,4.118422195,4.118422237,4.11842222,4.118422212,4.118422225,4.118422179,4.118422217,4.118422247,4.118422258,4.118422258,4.118422201,4.118422172,4.11842218,4.118422259,4.118422246,4.118422225,4.118422187,4.118422224,4.118422234,4.118422264,4.118422206,4.118422195
+"8393","LINC01260",4.898071523,4.898071497,4.898071596,4.898071489,4.898071662,4.898071586,4.898071578,4.898071646,4.898071599,4.89807162,4.898071624,4.898071657,4.898071585,4.898071539,4.898071699,4.898071571,4.898071692,4.898071528,4.898071632,4.898071588,4.898071608,4.89807168,4.898071639,4.898071538,4.898071578,4.898071633,4.898071514,4.898071648
+"8394","LINC01270",6.251045312,6.251042245,6.251042614,6.251047333,6.251043931,6.251042369,6.251043155,6.251041982,6.251044338,6.251042731,6.251044965,6.251042483,6.251042879,6.251042475,6.251045862,6.251042488,6.251044337,6.251046496,6.251044651,6.251044374,6.251043646,6.251041896,6.251044911,6.251043803,6.25104469,6.251043004,6.251043106,6.251042465
+"8395","LINC01341",4.58318408,4.583184214,4.583184224,4.583184186,4.583184156,4.583184194,4.58318407,4.583184098,4.583184174,4.583184234,4.58318413,4.583184359,4.583184065,4.583183976,4.583184182,4.58318415,4.583184268,4.583184243,4.58318416,4.583184205,4.583184169,4.583184172,4.583184152,4.583184043,4.583184148,4.583184169,4.583184138,4.583184183
+"8396","LINC01356",5.280793653,5.280793663,5.280793692,5.280793487,5.280793537,5.280793605,5.280793379,5.280793603,5.280793414,5.28079354,5.280793543,5.280793364,5.280793509,5.280793005,5.280793252,5.280793643,5.280793614,5.280793537,5.280793696,5.28079313,5.280793504,5.280793674,5.280793429,5.280793466,5.280793881,5.28079354,5.280793672,5.28079344
+"8397","LINC01366",4.101773908,4.101773912,4.101773936,4.101773925,4.101773919,4.101773974,4.101773935,4.101773904,4.101773949,4.101773923,4.101773924,4.10177392,4.101773948,4.101773891,4.101773966,4.101773905,4.101773939,4.101773924,4.101773967,4.10177395,4.101773951,4.101773946,4.101773939,4.10177392,4.101773908,4.101773942,4.101773914,4.101773917
+"8398","LINC01405",5.555037573,5.555037555,5.555037763,5.555037732,5.555038057,5.555037645,5.555037864,5.55503784,5.55503779,5.555037764,5.555037824,5.555037941,5.555037618,5.555037454,5.555037901,5.555037863,5.555038072,5.555037767,5.555037712,5.555037712,5.555037801,5.555037869,5.55503768,5.555037579,5.555037717,5.555037881,5.555037631,5.555037704
+"8399","LINC01446",3.284635459,3.284635534,3.284635501,3.284635548,3.284635479,3.284635549,3.284635493,3.284635503,3.284635502,3.284635522,3.284635538,3.284635506,3.284635483,3.2846355,3.28463547,3.284635468,3.284635539,3.284635518,3.284635568,3.284635508,3.284635516,3.284635571,3.284635574,3.284635523,3.28463549,3.284635525,3.284635476,3.28463553
+"8400","LINC01465",5.876865822,5.87686582,5.876865892,5.876865846,5.876865939,5.87686581,5.876865865,5.876865869,5.876865871,5.876865905,5.876865935,5.876865938,5.876865889,5.876865835,5.876865916,5.876865906,5.876865932,5.87686594,5.876865857,5.876865817,5.876865942,5.876865877,5.876865851,5.876865838,5.876865891,5.876865921,5.876865839,5.876865898
+"8401","LINC01503",5.100143016,5.100143018,5.100143069,5.100143011,5.100143075,5.100143007,5.100143035,5.100143048,5.100143026,5.100143069,5.100143087,5.100143073,5.100143017,5.100142963,5.100143055,5.100143063,5.100143113,5.10014311,5.100143031,5.100143068,5.100143055,5.100143088,5.100143032,5.100143049,5.100143048,5.100143031,5.100143,5.100143091
+"8402","LINC01512",4.392250959,4.392250992,4.392250976,4.392250946,4.392250957,4.392250904,4.392250919,4.392250955,4.392250988,4.392250972,4.392250967,4.392251002,4.392250928,4.392250923,4.392250979,4.392250977,4.392251021,4.392251017,4.392250959,4.392250941,4.392250981,4.392250965,4.392250927,4.39225093,4.392250988,4.392250957,4.392250958,4.392250928
+"8403","LINC01521",5.121003132,5.121003114,5.121003143,5.121003141,5.121003176,5.121003179,5.121003235,5.1210032,5.121003227,5.121003197,5.121003209,5.121003251,5.121003113,5.121003066,5.121003203,5.121003145,5.121003249,5.121003197,5.121003119,5.121003165,5.121003186,5.121003198,5.121003084,5.121003133,5.121003176,5.121003156,5.121003046,5.121003195
+"8404","LINC01530",3.921396214,3.92139632,3.921396371,3.9213964,3.92139644,3.921396331,3.921396372,3.921396461,3.921396258,3.921396471,3.921396225,3.921396381,3.92139627,3.92139622,3.921396335,3.921396473,3.921396465,3.921396373,3.921396285,3.921396282,3.921396461,3.921396508,3.921396275,3.921396333,3.92139638,3.921396407,3.921396445,3.921396309
+"8405","LINC01547",5.575679148,5.575679156,5.575679215,5.575679192,5.5756792785,5.575679209,5.5756791945,5.5756792055,5.5756791955,5.575679233,5.575679207,5.57567927,5.5756792035,5.5756791255,5.5756792545,5.5756792035,5.5756792595,5.575679229,5.575679193,5.5756792475,5.5756792275,5.575679238,5.57567917,5.5756791735,5.5756791835,5.575679232,5.5756791595,5.575679209
+"8406","LINC01549",2.717775647,2.717775936,2.717775768,2.717776052,2.717776058,2.71777575,2.717775705,2.717776141,2.717775961,2.717775776,2.71777611,2.717775936,2.717775711,2.717775663,2.717775961,2.717775827,2.717776013,2.717775958,2.717775947,2.71777575,2.717775934,2.717775742,2.71777585,2.717775883,2.717776151,2.717775803,2.717776021,2.717775623
+"8407","LINC01551",3.590774777,3.590774743,3.59077479,3.590774787,3.590774777,3.590774753,3.590774798,3.590774769,3.590774782,3.590774782,3.590774797,3.59077477,3.590774747,3.590774774,3.590774775,3.590774752,3.590774794,3.590774781,3.590774767,3.590774791,3.590774775,3.590774798,3.590774786,3.590774748,3.59077478,3.590774766,3.590774772,3.590774754
+"8408","LINC01554",4.619070697,4.619070705,4.619070969,4.619070673,4.619071154,4.619070736,4.619071009,4.619070898,4.619070843,4.619071156,4.61907099,4.619071254,4.619070614,4.61907026,4.619071059,4.61907064,4.619071305,4.619070984,4.619071108,4.619070761,4.619071116,4.61907101,4.61907068,4.619070407,4.619070558,4.619071138,4.619070695,4.619070778
+"8409","LINC01555",3.701744453,3.701744481,3.701744512,3.70174445,3.701744567,3.701744291,3.701744627,3.701744579,3.70174451,3.701744513,3.701744551,3.701744701,3.701744619,3.701744475,3.701744679,3.701744524,3.70174457,3.701744614,3.701744547,3.701744369,3.701744645,3.701744656,3.701744332,3.701744307,3.701744441,3.70174451,3.701744482,3.701744531
+"8410","LINC01556",4.145694126,4.145694178,4.145694237,4.14569416,4.145694254,4.145694148,4.14569415,4.145694242,4.14569417,4.145694141,4.145694155,4.145694201,4.145694149,4.145694144,4.145694197,4.145694154,4.145694203,4.145694235,4.14569417,4.145694217,4.145694244,4.145694214,4.145694127,4.145694151,4.145694244,4.145694168,4.145694142,4.145694152
+"8411","LINC01558",4.363151508,4.363151543,4.363151616,4.363151347,4.363151717,4.363151602,4.363151549,4.363151569,4.363151506,4.363151773,4.363151619,4.363151784,4.363151416,4.363151391,4.363151668,4.363151638,4.363151775,4.363151589,4.363151681,4.363151742,4.363151566,4.363151622,4.363151491,4.363151441,4.363151457,4.363151611,4.363151554,4.363151468
+"8412","LINC01559",3.347860175,3.347860198,3.347860205,3.347860211,3.347860195,3.347860189,3.347860202,3.347860178,3.347860189,3.347860175,3.347860195,3.347860232,3.347860185,3.347860168,3.347860186,3.347860189,3.347860203,3.347860214,3.347860192,3.347860194,3.347860201,3.347860197,3.347860196,3.347860177,3.347860211,3.347860178,3.347860202,3.347860186
+"8413","LINC01560",5.500781437,5.50078142,5.500781414,5.500781225,5.500781394,5.500781187,5.500781302,5.500781088,5.500781195,5.500781197,5.500781401,5.500781133,5.500781346,5.500781391,5.500781325,5.500781438,5.500781279,5.500781241,5.500781342,5.500781262,5.500781471,5.500781271,5.500781326,5.500781381,5.500781365,5.500781411,5.500781432,5.500781596
+"8414","LINC01561",4.808898711,4.808898635,4.808898711,4.808898769,4.808898738,4.808898543,4.808898628,4.80889875,4.80889873,4.808898634,4.808898637,4.808898771,4.808898726,4.808898681,4.808898803,4.808898738,4.808898724,4.808898673,4.808898782,4.808898712,4.808898696,4.808898788,4.808898584,4.80889856,4.808898712,4.808898648,4.808898618,4.808898659
+"8415","LINC01565",5.619112665,5.619112898,5.619113071,5.619112938,5.619113384,5.619112655,5.619112971,5.619113147,5.619112983,5.619112937,5.619113172,5.619113105,5.61911298,5.619112653,5.619113197,5.619113162,5.619113271,5.619113213,5.619112955,5.619112964,5.619113225,5.6191133,5.61911282,5.619112837,5.619113155,5.619113214,5.619112824,5.619113004
+"8416","LINC01567",4.093426526,4.093426552,4.093426536,4.093426549,4.093426566,4.093426543,4.093426558,4.093426571,4.093426515,4.093426537,4.093426545,4.093426533,4.093426535,4.093426506,4.093426563,4.093426555,4.093426549,4.09342656,4.093426566,4.093426529,4.093426561,4.093426537,4.093426525,4.093426518,4.093426548,4.093426539,4.093426524,4.093426532
+"8417","LINC01587",4.447192447,4.447192294,4.447192421,4.447192363,4.4471926,4.447192249,4.447192491,4.447192465,4.447192443,4.447192369,4.447192495,4.447192613,4.447192317,4.447192245,4.447192497,4.447192221,4.44719257,4.447192493,4.447192408,4.44719227,4.447192565,4.447192573,4.447192315,4.447192316,4.447192403,4.447192528,4.447192363,4.447192465
+"8418","LINC01588",5.060458034,5.060457988,5.060458003,5.060458009,5.060458025,5.060458009,5.060458007,5.060458026,5.060458027,5.060457999,5.06045799,5.06045803,5.060458011,5.060458016,5.060458027,5.060458002,5.060458009,5.060458002,5.060458007,5.060458021,5.060458027,5.060458017,5.060458007,5.060458006,5.060458006,5.060458037,5.060458009,5.060458006
+"8419","LINC01597",4.89496328066667,4.89496331733333,4.89496345366667,4.89496293733333,4.894963638,4.89496333866667,4.894963476,4.89496353933333,4.89496313166667,4.89496312333333,4.89496328633333,4.894963785,4.89496325333333,4.89496298266667,4.89496356733333,4.894962816,4.89496343,4.89496358266667,4.89496328733333,4.89496338133333,4.894963655,4.894963367,4.894963069,4.894963319,4.89496339266667,4.894963486,4.89496321566667,4.89496341666667
+"8420","LINC01599",5.947069342,5.947069479,5.94706862,5.947070176,5.947068718,5.947069859,5.947069361,5.947069065,5.947069427,5.947069139,5.947068691,5.947069168,5.947069522,5.947069388,5.947069418,5.947069316,5.947068676,5.947069919,5.947069454,5.94706986,5.947069299,5.947069172,5.947069823,5.947069728,5.947069394,5.947069145,5.947069741,5.947069153
+"8421","LINC01600",4.405901463,4.405901459,4.405901435,4.405901476,4.405901477,4.405901482,4.405901467,4.405901477,4.405901447,4.405901509,4.405901417,4.405901476,4.405901436,4.405901455,4.405901487,4.405901494,4.405901497,4.405901479,4.405901497,4.405901464,4.405901443,4.405901475,4.405901478,4.405901461,4.405901442,4.405901479,4.405901457,4.405901441
+"8422","LINC01602",3.83596989,3.835969884,3.83596991,3.835969935,3.835969917,3.835969856,3.835969904,3.835969977,3.83596993,3.835969851,3.835970016,3.835969914,3.835969892,3.835969842,3.835969908,3.835969959,3.835969907,3.835969934,3.835970016,3.835969961,3.835969948,3.835969948,3.835969894,3.835969913,3.835969882,3.835969937,3.835969857,3.835969882
+"8423","LINC01620",4.369180583,4.369180519,4.369180835,4.369180766,4.369180803,4.369180689,4.36918076,4.369180721,4.369180606,4.369180883,4.369180627,4.369180789,4.369180429,4.369180493,4.369180777,4.369180702,4.36918083,4.369180872,4.369180822,4.369180776,4.369180641,4.369180802,4.369180709,4.369180504,4.369180835,4.369180636,4.369180696,4.36918056
+"8424","LINC01657",4.260634705,4.260634852,4.260634843,4.260634918,4.260635056,4.260634962,4.260634798,4.260635042,4.260634796,4.260634749,4.260634767,4.260634996,4.260634884,4.260634709,4.260634849,4.260634826,4.260635015,4.260635149,4.260634752,4.260634797,4.26063487,4.260634875,4.260634795,4.26063468,4.260634787,4.260634803,4.26063458,4.260634643
+"8425","LINC01667",3.921764117,3.921764226,3.921764319,3.921764175,3.921764352,3.921763962,3.921764538,3.921764267,3.921764112,3.921764326,3.921764674,3.921764363,3.921764402,3.921764111,3.921764447,3.92176465,3.921764247,3.921764278,3.92176462,3.921764693,3.921764444,3.921764254,3.921764267,3.921763982,3.921764315,3.921764366,3.921764221,3.921764327
+"8426","LINC01699",3.59244622,3.592446243,3.592446252,3.592446248,3.59244626,3.592446241,3.592446265,3.592446239,3.592446256,3.59244626,3.592446228,3.592446287,3.592446241,3.592446244,3.592446259,3.592446246,3.59244626,3.59244626,3.592446261,3.592446248,3.59244627,3.592446269,3.592446252,3.592446221,3.592446213,3.59244626,3.59244625,3.592446258
+"8427","LINC01711",4.714253735,4.714253758,4.714253755,4.714253691,4.714253825,4.714253729,4.714253771,4.714253764,4.71425372,4.714253675,4.71425375,4.714253789,4.714253706,4.714253672,4.714253801,4.714253793,4.714253845,4.714253761,4.714253785,4.714253702,4.71425381,4.714253812,4.714253681,4.714253722,4.714253718,4.714253782,4.714253685,4.714253738
+"8428","LINC01854",5.0714356,5.071435632,5.071435648,5.071435661,5.0714357,5.071435554,5.071435669,5.071435659,5.071435659,5.071435593,5.071435636,5.071435626,5.071435659,5.071435572,5.071435705,5.071435606,5.071435618,5.071435702,5.071435679,5.071435648,5.071435682,5.071435737,5.071435555,5.071435545,5.07143565,5.071435645,5.071435621,5.071435576
+"8429","LINC01869",5.62658973,5.626589758,5.626589742,5.626589748,5.626589748,5.626589756,5.626589746,5.626589758,5.626589769,5.626589732,5.626589788,5.626589751,5.626589738,5.626589731,5.626589762,5.626589746,5.626589764,5.626589749,5.62658973,5.626589772,5.626589726,5.626589763,5.626589749,5.626589771,5.626589748,5.62658974,5.626589766,5.626589729
+"8430","LINC01879",3.445759781,3.44575979,3.445759766,3.445759892,3.445759823,3.445759763,3.44575984,3.44575986,3.445759754,3.445759755,3.445759777,3.445759797,3.445759742,3.445759813,3.445759748,3.445759803,3.445759798,3.445759818,3.445759788,3.445759741,3.445759851,3.44575973,3.445759727,3.445759749,3.445759745,3.445759911,3.445759746,3.445759793
+"8431","LINC01931",2.813648873,2.813648899,2.813648931,2.813648955,2.81364897,2.813648971,2.81364894,2.81364895,2.813648901,2.813648945,2.813648906,2.813648956,2.813648904,2.813648909,2.81364896,2.813648893,2.813648963,2.813648895,2.813648976,2.813648909,2.813648856,2.813649006,2.813648949,2.813648945,2.813648961,2.813648903,2.813648919,2.813648902
+"8432","LINC01940",4.55155832,4.551558626,4.551558577,4.551558095,4.551558312,4.551558251,4.551558374,4.551558622,4.551558282,4.551558378,4.551558664,4.551558624,4.551558314,4.551558119,4.551558607,4.551558476,4.551558604,4.551558658,4.551558446,4.551558631,4.551558482,4.551558428,4.551558356,4.551558349,4.551558401,4.55155842,4.551558295,4.55155846
+"8433","LINC01949",4.73813133,4.738131372,4.738131709,4.738131697,4.738131837,4.738131326,4.738131504,4.738131843,4.738131718,4.738131398,4.738131593,4.738131671,4.738131639,4.738131448,4.738131364,4.738131529,4.73813146,4.738131599,4.738131491,4.738131379,4.738131957,4.738131557,4.738131397,4.738131771,4.73813175,4.73813171,4.738131698,4.738131482
+"8434","LINC01951",4.110002709,4.110002712,4.110002777,4.110002721,4.110002783,4.110002748,4.110002775,4.110002801,4.11000275,4.110002756,4.110002755,4.110002758,4.110002733,4.110002724,4.110002805,4.110002709,4.110002822,4.110002774,4.110002781,4.110002739,4.110002801,4.110002779,4.110002732,4.110002736,4.110002776,4.110002753,4.110002731,4.110002763
+"8435","LINC01963",6.414127908,6.414127906,6.414127693,6.414127848,6.414127758,6.414127702,6.41412793,6.414127921,6.414127808,6.414127806,6.414127735,6.414127943,6.414127977,6.414128223,6.414127878,6.414127919,6.414127739,6.414127747,6.414127839,6.414127775,6.414127894,6.414127857,6.414127903,6.414127794,6.414127868,6.414127876,6.414127876,6.414128073
+"8436","LINC01973",3.80455325,3.804553294,3.804553319,3.804553289,3.804553294,3.804553259,3.804553297,3.804553275,3.804553264,3.804553271,3.804553293,3.804553277,3.804553295,3.804553265,3.80455326,3.804553336,3.804553301,3.804553261,3.804553245,3.804553314,3.80455329,3.804553288,3.804553305,3.804553276,3.80455328,3.80455329,3.804553258,3.804553294
+"8437","LINC01998",3.111502701,3.111502708,3.111502708,3.111502719,3.111502715,3.111502713,3.111502695,3.111502694,3.11150272,3.111502712,3.11150272,3.111502697,3.111502699,3.111502686,3.111502701,3.111502701,3.111502709,3.111502718,3.111502694,3.111502709,3.111502687,3.111502688,3.111502708,3.111502708,3.111502705,3.111502699,3.111502706,3.111502701
+"8438","LINC02072",3.911339919,3.911340088,3.911340205,3.911340124,3.911340323,3.911340074,3.911340098,3.91134024,3.911340016,3.911340051,3.911340268,3.911340129,3.911340154,3.911340075,3.911340201,3.911340216,3.911340282,3.911340114,3.911340128,3.911340232,3.91134034,3.911340213,3.911339819,3.911340105,3.911340325,3.911340351,3.911340141,3.911340053
+"8439","LINC02076",7.840769132,7.840769577,7.840769937,7.840769793,7.840770313,7.840769802,7.840769718,7.840769992,7.840770044,7.840770158,7.840769851,7.840770557,7.840769557,7.84076884,7.840769915,7.84076958,7.840770387,7.840769976,7.840769914,7.840769661,7.84076985,7.840770384,7.84076978,7.840769357,7.8407695,7.840769745,7.840769881,7.840769949
+"8440","LINC02145",4.649547644,4.649548289,4.649548159,4.649548085,4.649548196,4.649548265,4.649548136,4.649548066,4.649547817,4.649548085,4.649548086,4.649548488,4.649548093,4.649548137,4.649548014,4.649548234,4.6495482,4.649547985,4.649548086,4.649548327,4.649548168,4.649548227,4.649547985,4.649548154,4.649547857,4.649548348,4.64954798,4.649548267
+"8441","LINC02167",7.57651905,7.576519327,7.576519734,7.576519318,7.576519674,7.576518949,7.576519424,7.576519742,7.576519411,7.576519474,7.576519566,7.576519635,7.576519539,7.576519053,7.57651958,7.576519664,7.576519798,7.576519676,7.576519291,7.576519306,7.576519448,7.576519702,7.576519359,7.576519609,7.576519785,7.576519493,7.576519331,7.576519412
+"8442","LINC02198",5.893179402,5.893179422,5.893179438,5.893179424,5.893179423,5.893179431,5.893179415,5.893179438,5.893179439,5.893179443,5.893179437,5.893179435,5.893179416,5.893179388,5.893179428,5.893179436,5.89317946,5.893179439,5.893179407,5.893179449,5.893179424,5.89317943,5.89317943,5.893179428,5.893179421,5.893179429,5.893179411,5.893179417
+"8443","LINC02210",5.399960742,5.39996049,5.399960557,5.399959995,5.399960321,5.39996048,5.399960408,5.399960467,5.399960885,5.399960669,5.399960341,5.399960364,5.399960718,5.399960788,5.3999604,5.399960184,5.399960267,5.399960345,5.399960472,5.39996042,5.399960237,5.399960187,5.399960813,5.399960466,5.399960691,5.399960484,5.399960782,5.399960543
+"8444","LINC02249",4.413685892,4.413685876,4.41368589,4.413685895,4.413685919,4.413685874,4.413685909,4.413685926,4.413685894,4.413685883,4.413685894,4.413685893,4.413685888,4.413685875,4.41368589,4.413685875,4.413685891,4.413685906,4.413685917,4.413685864,4.413685913,4.413685922,4.413685871,4.413685871,4.413685914,4.413685874,4.413685869,4.413685867
+"8445","LINC02291",2.839720104,2.839720107,2.839720174,2.839720311,2.83972001,2.839720284,2.839720064,2.839720135,2.839720066,2.839720128,2.839720174,2.839720099,2.839720122,2.83972014,2.839720154,2.839720238,2.839720108,2.839720217,2.839720222,2.839720083,2.839720157,2.839720168,2.839720133,2.839720121,2.839720133,2.839720078,2.839720093,2.83972018
+"8446","LINC02324",3.583227203,3.583227219,3.583227271,3.583227293,3.583227146,3.583226994,3.583227192,3.583227159,3.583227256,3.583227209,3.583227123,3.583227014,3.583227239,3.583227236,3.583227191,3.583227263,3.583227139,3.583227273,3.583227179,3.58322713,3.583227037,3.583227109,3.583227285,3.583227238,3.583227085,3.583227168,3.583226986,3.583227191
+"8447","LINC02363",5.235054171,5.235054207,5.235054184,5.235054214,5.235054199,5.235054214,5.235054188,5.23505419,5.235054151,5.235054195,5.235054218,5.235054168,5.235054161,5.235054168,5.235054193,5.235054188,5.235054195,5.235054197,5.235054164,5.235054226,5.235054215,5.235054185,5.235054192,5.235054196,5.235054209,5.235054178,5.235054173,5.235054165
+"8448","LINC02370",5.492483459,5.492483342,5.492483241,5.492483089,5.492483804,5.492483116,5.492483962,5.492483937,5.492483659,5.492482885,5.492483263,5.492483758,5.49248356,5.492483106,5.49248407,5.492483916,5.492484076,5.492483525,5.492483479,5.492483465,5.492484095,5.492484068,5.492483302,5.492482966,5.492483429,5.492483807,5.492483156,5.492483531
+"8449","LINC02487",3.558636405,3.558636569,3.55863668,3.558636531,3.55863688,3.558636456,3.558636676,3.558636438,3.558636907,3.55863662,3.558636509,3.558636807,3.558636598,3.558636578,3.558636524,3.558636554,3.558636912,3.558636935,3.558636807,3.55863664,3.558636532,3.558636676,3.558636553,3.558636447,3.558636552,3.55863657,3.558636769,3.558636637
+"8450","LINC02520",5.193006005,5.193008353,5.193005114,5.193009186,5.193004176,5.193009522,5.193005629,5.193007031,5.193008645,5.193008728,5.193006224,5.193008077,5.193010161,5.193003507,5.19300659,5.19300811,5.193005368,5.193009457,5.193004028,5.193009945,5.19300463,5.193006639,5.193008199,5.193008761,5.193006736,5.193007546,5.193009653,5.1930042
+"8451","LINC02538",4.509956482,4.509956531,4.509956536,4.509956526,4.50995651,4.509956493,4.509956525,4.509956554,4.509956516,4.509956526,4.509956518,4.509956549,4.5099565,4.509956468,4.509956543,4.509956554,4.50995654,4.509956541,4.509956524,4.509956506,4.50995654,4.509956539,4.5099565,4.509956494,4.509956481,4.50995652,4.509956529,4.50995648
+"8452","LINC02610",5.522178126,5.522178131,5.522178132,5.522178134,5.522178155,5.522178087,5.522178095,5.522178165,5.522178129,5.522178119,5.52217816,5.522178145,5.522178112,5.52217811,5.522178143,5.52217816,5.522178139,5.522178164,5.522178124,5.522178129,5.522178118,5.522178122,5.522178125,5.5221781,5.522178133,5.52217813,5.522178134,5.522178117
+"8453","LINC02687",4.727084661,4.727084691,4.727084719,4.727084696,4.72708477,4.727084695,4.727084679,4.727084734,4.727084734,4.727084711,4.727084687,4.727084752,4.727084711,4.72708465,4.727084733,4.727084703,4.727084772,4.727084745,4.727084722,4.727084704,4.727084741,4.727084755,4.727084702,4.727084697,4.727084711,4.72708472,4.727084696,4.727084774
+"8454","LINC02693",4.607087154,4.607087215,4.607087184,4.607087135,4.607087131,4.607087229,4.60708718,4.607087177,4.607087161,4.607087165,4.607087147,4.60708725,4.60708715,4.607087182,4.607087204,4.607087206,4.60708724,4.607087204,4.607087162,4.607087251,4.607087195,4.607087228,4.607087152,4.607087205,4.607087129,4.607087211,4.607087153,4.607087195
+"8455","LINC02694",5.34376895,5.343768833,5.343768988,5.343768865,5.343769058,5.343768644,5.343769007,5.343769102,5.343768798,5.343768993,5.343769022,5.34376914,5.34376898,5.343768713,5.343769031,5.343769059,5.343769052,5.343769118,5.343769013,5.343768974,5.343769147,5.343769097,5.343768919,5.343768863,5.343769021,5.343768991,5.343768909,5.34376901
+"8456","LINC02716",6.517986175,6.517986182,6.517986248,6.517986175,6.517986224,6.517986194,6.517986217,6.517986206,6.51798619,6.517986226,6.517986273,6.517986284,6.517986227,6.51798616,6.517986207,6.517986163,6.517986219,6.517986259,6.51798618,6.517986204,6.517986228,6.517986232,6.517986139,6.51798617,6.517986254,6.517986246,6.517986217,6.51798617
+"8457","LINC02724",4.958658397,4.958658398,4.958658258,4.958658252,4.958658534,4.958658469,4.958658309,4.958658331,4.958658485,4.958658492,4.958658128,4.958658548,4.958658451,4.958658189,4.958658412,4.958657964,4.958658403,4.958658436,4.958658356,4.958658581,4.958658391,4.95865838,4.958658222,4.958658159,4.958658134,4.958658505,4.958658475,4.958658408
+"8458","LINC02817",4.109215949,4.109215906,4.109216123,4.109215748,4.109216144,4.109215939,4.109215919,4.109215933,4.109216135,4.109215882,4.109215875,4.109216078,4.109216023,4.109215803,4.109216111,4.109216234,4.109216219,4.109216002,4.109215993,4.109216054,4.109215963,4.109216156,4.109216078,4.10921598,4.109216119,4.109216037,4.109215976,4.109216155
+"8459","LINC02870",4.440364213,4.440364226,4.440364232,4.440364204,4.440364227,4.440364229,4.440364235,4.44036424,4.440364222,4.440364216,4.440364233,4.4403642,4.440364216,4.440364191,4.440364245,4.440364216,4.440364241,4.440364239,4.44036422,4.440364226,4.440364232,4.440364225,4.440364212,4.440364222,4.440364209,4.440364225,4.440364215,4.440364208
+"8460","LINC02872",5.017359675,5.017359728,5.017359716,5.017359694,5.017359756,5.017359734,5.017359707,5.017359719,5.017359744,5.017359754,5.017359731,5.017359724,5.017359736,5.017359696,5.017359729,5.017359695,5.017359739,5.017359723,5.017359705,5.017359738,5.017359728,5.01735976,5.017359724,5.017359675,5.017359707,5.017359735,5.017359684,5.017359703
+"8461","LINC02873",4.385940196,4.385939897,4.385940079,4.385940287,4.385940136,4.385940081,4.385940136,4.38594024,4.385940188,4.385940169,4.385939922,4.385940363,4.385940038,4.385939765,4.385940402,4.385940022,4.385940379,4.385940335,4.385940269,4.385940019,4.385940315,4.385940245,4.385940057,4.385940172,4.385939966,4.385940213,4.385940155,4.385940229
+"8462","LINC02875",5.164120274,5.164120157,5.164120281,5.164120068,5.164120671,5.164120171,5.164120428,5.164120359,5.164120337,5.164120309,5.164120534,5.164120517,5.164120267,5.164119978,5.164120646,5.16412041,5.164120408,5.164120586,5.164120484,5.164120508,5.164120573,5.164120322,5.16412,5.164120281,5.164120231,5.164120455,5.1641202,5.164120542
+"8463","LINC02877",3.565089038,3.5650894,3.565090777,3.565089676,3.56509021,3.565089948,3.565089316,3.565089641,3.565089534,3.565090231,3.565090219,3.565089875,3.56509018,3.565089195,3.565088995,3.565090779,3.565090167,3.565090843,3.565090896,3.565089315,3.565089803,3.565090372,3.565089394,3.56508938,3.565089248,3.56509105,3.565089972,3.56509092
+"8464","LINC02878",5.024360524,5.024360502,5.024360517,5.024360479,5.024360663,5.024360455,5.024360536,5.02436053,5.024360509,5.024360524,5.024360504,5.024360678,5.024360523,5.024360495,5.024360496,5.024360466,5.024360635,5.024360526,5.024360561,5.024360468,5.024360548,5.024360605,5.024360583,5.024360383,5.024360528,5.024360581,5.024360478,5.024360475
+"8465","LINC02880",3.611941373,3.611941388,3.611941386,3.61194139,3.611941411,3.611941381,3.611941392,3.6119414,3.611941396,3.611941412,3.611941412,3.611941415,3.611941387,3.611941379,3.611941401,3.611941372,3.6119414,3.611941396,3.611941399,3.6119414,3.61194141,3.611941419,3.611941362,3.611941423,3.611941422,3.61194141,3.611941393,3.611941397
+"8466","LINC02893",3.671658593,3.671658734,3.671658756,3.671658796,3.671658647,3.671658639,3.671658592,3.671658621,3.671658519,3.6716587,3.671658548,3.671658367,3.671658672,3.671658513,3.671658693,3.67165888,3.67165882,3.67165843,3.671658712,3.671658884,3.671658414,3.671658376,3.671658674,3.671658499,3.671658637,3.671658463,3.671658742,3.671658612
+"8467","LINC02897",5.783068153,5.783068231,5.783068246,5.783068052,5.783068328,5.783068116,5.783068161,5.783068363,5.783068188,5.783068175,5.783068328,5.783068343,5.783068181,5.783068071,5.783068322,5.783068318,5.78306834,5.783068381,5.783068285,5.7830682,5.783068311,5.783068258,5.783068159,5.783068206,5.783068232,5.783068227,5.783068144,5.783068306
+"8468","LINC02899",4.945509738,4.945509475,4.945509051,4.945509769,4.945509784,4.945509749,4.945509212,4.945510156,4.94550929,4.945509682,4.94551025,4.945509821,4.945509772,4.945508242,4.945509602,4.945509832,4.945509598,4.945509266,4.945509674,4.94550988,4.945509558,4.945509845,4.945509361,4.945509603,4.945509316,4.945509801,4.945509442,4.94550935
+"8469","LINC02901",4.509502216,4.509502219,4.50950271,4.509502638,4.509503276,4.509502541,4.509503205,4.509503774,4.509502469,4.509503034,4.509502729,4.509503615,4.509502163,4.509502456,4.509503355,4.509503431,4.509503395,4.509502907,4.509502252,4.509503376,4.509503106,4.509503098,4.509502983,4.509502898,4.509503152,4.509503347,4.509501654,4.509502832
+"8470","LINC02903",3.267217645,3.267217795,3.267217742,3.267217828,3.267217731,3.267217725,3.2672178,3.267217626,3.267217852,3.267217728,3.267217628,3.267217725,3.267217707,3.267217746,3.267217816,3.267217886,3.267217788,3.267217807,3.267217854,3.267217882,3.267217832,3.267217713,3.267217847,3.267217789,3.26721777,3.267217825,3.26721776,3.267217943
+"8471","LINC02904",4.84756414,4.847564055,4.847564136,4.847564163,4.847564143,4.847564274,4.847564221,4.847564266,4.847564054,4.847564161,4.847564053,4.847564087,4.847564107,4.847564038,4.847564205,4.84756407,4.847564149,4.847564185,4.847564098,4.847564209,4.847564164,4.847564129,4.847564031,4.847564152,4.847564104,4.84756407,4.847564031,4.847564089
+"8472","LINC02905",4.398219406,4.398219353,4.398219407,4.398219426,4.398219465,4.398219365,4.398219428,4.398219474,4.398219386,4.398219384,4.398219381,4.398219438,4.398219354,4.398219388,4.398219451,4.398219471,4.398219529,4.398219423,4.398219416,4.398219405,4.398219494,4.398219459,4.398219403,4.398219344,4.398219422,4.398219409,4.398219436,4.398219442
+"8473","LINC02907",5.41091704,5.410916969,5.410917026,5.410917026,5.410917076,5.410917031,5.410917044,5.41091708,5.410917016,5.410917019,5.410917052,5.410917036,5.41091698,5.410916988,5.410917031,5.410917046,5.410917067,5.41091705,5.410917053,5.410917034,5.410917051,5.410917063,5.410916965,5.410916973,5.41091705,5.410917049,5.410916999,5.410917023
+"8474","LINC02908",6.199858953,6.199858876,6.19985899,6.199858985,6.199859002,6.199858876,6.199859006,6.199858979,6.199858837,6.199858807,6.199859054,6.199858928,6.199858984,6.199858773,6.199858992,6.199859023,6.199859095,6.199859094,6.199858976,6.199858991,6.19985911,6.19985893,6.199858904,6.199858898,6.199859017,6.199859046,6.199858851,6.199858864
+"8475","LINC02910",5.745481065,5.74548115,5.745480965,5.745481104,5.745480962,5.745480933,5.745480983,5.745481113,5.745480867,5.745481012,5.745480958,5.745480875,5.74548098,5.74548099,5.745480913,5.74548118,5.745480877,5.745480963,5.745481134,5.745480857,5.745480947,5.745480995,5.745481041,5.745481109,5.74548116,5.745481022,5.74548094,5.745480873
+"8476","LINC02912",4.090410331,4.090410237,4.090410402,4.090410235,4.090410479,4.090410211,4.090410382,4.09041034,4.090410374,4.090410406,4.090410394,4.090410452,4.090410333,4.090410267,4.090410391,4.090410387,4.090410405,4.090410433,4.090410296,4.090410326,4.090410388,4.09041047,4.09041031,4.090410321,4.090410386,4.090410313,4.090410388,4.090410427
+"8477","LINC02913",5.332759437,5.332759541,5.332759505,5.332759552,5.332759519,5.33275932,5.332759434,5.332759389,5.332759491,5.332759574,5.332759566,5.332759413,5.332759491,5.332759559,5.33275951,5.332759528,5.332759483,5.332759533,5.332759487,5.332759519,5.332759481,5.332759486,5.3327594,5.332759574,5.332759554,5.332759485,5.332759529,5.332759371
+"8478","LINC02914",4.773643056,4.77364307,4.773643091,4.773643088,4.773643093,4.77364304,4.77364306,4.773643093,4.773643084,4.773643071,4.773643093,4.773643094,4.773643055,4.773643046,4.773643079,4.773643086,4.773643075,4.773643096,4.773643075,4.77364307,4.773643058,4.773643091,4.77364304,4.773643079,4.773643117,4.773643071,4.77364305,4.773643062
+"8479","LINC02915",3.509036142,3.509036195,3.509036184,3.509036252,3.509036163,3.509036181,3.50903619,3.509036152,3.509036188,3.509036168,3.509036178,3.509036204,3.509036177,3.509036182,3.509036182,3.509036167,3.5090362,3.509036238,3.509036183,3.509036175,3.509036156,3.509036122,3.509036124,3.509036162,3.509036249,3.509036183,3.509036169,3.509036214
+"8480","LINC02939",7.9712224,7.971222472,7.971222641,7.971222506,7.971222805,7.97122238,7.971222563,7.971222736,7.97122262,7.971222609,7.971222743,7.971222732,7.971222555,7.971222279,7.971222645,7.971222632,7.971222699,7.971222739,7.971222497,7.971222517,7.971222574,7.971222623,7.971222469,7.971222516,7.971222689,7.971222593,7.971222517,7.971222636
+"8481","LINC02961",4.297058729,4.297058735,4.29705877,4.297058762,4.297058747,4.29705874,4.297058727,4.297058764,4.297058754,4.297058756,4.297058762,4.297058762,4.297058731,4.297058719,4.297058756,4.297058722,4.297058768,4.297058752,4.297058721,4.297058778,4.297058764,4.297058771,4.29705875,4.29705875,4.297058753,4.297058737,4.297058745,4.29705872
+"8482","LINC02983",7.213006013,7.213006038,7.213006191,7.213006015,7.21300641,7.213005967,7.213006247,7.21300628,7.21300619,7.21300613,7.213006268,7.21300641,7.213006186,7.213005953,7.213006346,7.213006179,7.21300639,7.213006254,7.213006086,7.213006043,7.213006362,7.21300642,7.213006132,7.213006047,7.213006195,7.213006165,7.213005982,7.213006184
+"8483","LINC02991",3.940652292,3.940652284,3.940652335,3.940652384,3.940652315,3.940652121,3.940652298,3.940652293,3.940652328,3.940652392,3.940652206,3.940652279,3.940652211,3.940652229,3.940652311,3.940652253,3.940652323,3.94065222,3.94065234,3.940652362,3.94065238,3.94065238,3.940652302,3.94065219,3.940652443,3.940652344,3.94065227,3.940652442
+"8484","LINC03009",7.8958532,7.895853414,7.895853276,7.895853195,7.895853268,7.895853189,7.895853234,7.895853362,7.895853363,7.895853188,7.895853245,7.89585332,7.895853256,7.895853278,7.895853246,7.895853422,7.895853279,7.895853246,7.895853238,7.895853201,7.895853257,7.895853198,7.895853313,7.895853241,7.895853234,7.895853332,7.895853404,7.895853317
+"8485","LINC03030",5.260049257,5.260049275,5.26004958,5.260049471,5.260049552,5.260049546,5.260049546,5.260049445,5.260049369,5.260049597,5.260049535,5.260049402,5.260049448,5.260049146,5.260049442,5.260049424,5.26004933,5.260049501,5.260049488,5.260049621,5.260049555,5.260049523,5.260049377,5.260049214,5.260049548,5.260049544,5.26004953,5.260049142
+"8486","LINC03040",4.79309116,4.793091172,4.793091188,4.79309113,4.793091195,4.793091119,4.793091159,4.793091181,4.793091146,4.793091148,4.793091175,4.793091251,4.793091138,4.793091122,4.793091168,4.793091187,4.793091211,4.793091182,4.79309115,4.793091162,4.793091169,4.793091169,4.793091145,4.793091122,4.793091183,4.793091186,4.793091144,4.79309118
+"8487","LINC03042",4.115260224,4.115260162,4.115260127,4.115260204,4.115260218,4.115260097,4.11526019,4.115260172,4.115260102,4.11526025,4.115260254,4.115260272,4.115260316,4.115260209,4.115260207,4.115260187,4.115260356,4.115260252,4.115260106,4.115260258,4.115260255,4.115260216,4.115260073,4.115260253,4.115260201,4.115260219,4.115260225,4.11526027
+"8488","LINC03043",3.448706912,3.448706867,3.448706931,3.448706901,3.448706917,3.448706942,3.448706909,3.448706898,3.448706908,3.448706893,3.448706931,3.448707007,3.4487069,3.448706916,3.448706905,3.448706909,3.448707013,3.448706923,3.448706983,3.448706881,3.448706958,3.448706914,3.448706894,3.448706881,3.448706921,3.448706887,3.448706897,3.448706886
+"8489","LINC03048",6.287929667,6.287929624,6.287930003,6.287929735,6.287929982,6.287929665,6.287929939,6.287929919,6.287929891,6.287929665,6.287929973,6.287930052,6.28792999,6.287929648,6.287929968,6.287929754,6.287930096,6.287929985,6.287929681,6.287929859,6.287930015,6.287929816,6.287929742,6.287929559,6.287929983,6.287930035,6.287929686,6.287929833
+"8490","LINGO1",4.558791035,4.558791173,4.558791199,4.558791345,4.558791305,4.558791037,4.558791213,4.558791242,4.558791246,4.558791183,4.558791254,4.558791471,4.55879125,4.558791044,4.558791338,4.558791213,4.558791382,4.558791314,4.558791276,4.558791157,4.558791292,4.558791367,4.558791125,4.55879112,4.55879126,4.558791256,4.558791127,4.558791264
+"8491","LINGO2",3.733459442,3.733459445,3.733459991,3.733459463,3.733459642,3.73345946,3.733459274,3.733459627,3.733459711,3.733459715,3.733459604,3.733459537,3.73345959,3.733459703,3.733459641,3.733459574,3.733459808,3.733459493,3.733459612,3.733459415,3.733459646,3.733459661,3.733459621,3.733459536,3.733459498,3.733459528,3.733459426,3.733459643
+"8492","LINGO3",6.193753032,6.193753011,6.193753205,6.193753435,6.193753479,6.193753437,6.193753173,6.193753214,6.193753137,6.19375293,6.193753471,6.19375349,6.193753084,6.193752613,6.193752971,6.193753025,6.19375304,6.193753425,6.193753479,6.193753525,6.193753213,6.193753166,6.193752932,6.193753297,6.193753411,6.193753142,6.193753058,6.193752581
+"8493","LINS1",5.948953662,5.948953244,5.948953089,5.948953232,5.948953095,5.948953238,5.948953482,5.948953291,5.948953581,5.948953345,5.948953054,5.94895347,5.948953412,5.948953773,5.948953282,5.948953179,5.948953,5.948953054,5.948953387,5.948953005,5.948953266,5.948953376,5.948953577,5.948953367,5.94895299,5.948953508,5.948953405,5.948953444
+"8494","LIPC",3.879028089,3.879028091,3.879028117,3.879028099,3.879028109,3.879028119,3.879028092,3.87902811,3.879028099,3.879028123,3.879028092,3.879028122,3.879028115,3.879028081,3.879028086,3.879028074,3.879028088,3.879028102,3.87902811,3.879028129,3.879028084,3.879028101,3.8790281,3.879028106,3.879028107,3.879028105,3.879028114,3.8790281
+"8495","LIPE",6.12909398,6.129093936,6.129094093,6.129094021,6.12909418,6.129093894,6.12909401,6.129094078,6.129093975,6.129093827,6.129093861,6.129094186,6.129094161,6.129094071,6.129094148,6.129093917,6.129094036,6.129094216,6.129093835,6.12909392,6.129094278,6.129094099,6.129093994,6.129093915,6.129094006,6.129094133,6.129094138,6.129094062
+"8496","LIPF",2.273039035,2.273038988,2.273039089,2.273039178,2.273038927,2.273039118,2.273038908,2.273039141,2.273038944,2.27303902,2.273038957,2.273039026,2.27303897,2.273038931,2.273038899,2.273038996,2.273038983,2.273038888,2.273039045,2.273038922,2.273038977,2.273038954,2.273039137,2.273038998,2.273038949,2.273038905,2.273038959,2.27303886
+"8497","LIPG",4.378126059,4.378126313,4.378126172,4.378126254,4.378126484,4.378126296,4.378126474,4.378126503,4.378126344,4.378126496,4.378126339,4.378126619,4.378126384,4.378126226,4.378126603,4.378126317,4.378126452,4.378126472,4.378126304,4.378126082,4.378126455,4.378126514,4.378126312,4.378126249,4.378125974,4.378126417,4.378126258,4.378126303
+"8498","LIPH",3.966094322,3.966094603,3.966094639,3.966094712,3.966094547,3.966094522,3.966094456,3.96609446,3.966094347,3.966094672,3.966094783,3.966094554,3.966094423,3.966094319,3.966094479,3.966094519,3.966094486,3.96609492,3.966094552,3.966094358,3.966094488,3.966094405,3.966094489,3.966094495,3.966094801,3.966094414,3.966094428,3.966094412
+"8499","LIPI",2.787524067,2.787523988,2.787523911,2.787524172,2.787524269,2.787523968,2.787524192,2.787524127,2.787524142,2.787524091,2.787524271,2.787524597,2.787523941,2.787523937,2.787524087,2.787524,2.787524475,2.78752393,2.787524039,2.787524001,2.787524143,2.787524145,2.787523938,2.787524087,2.787524277,2.787524231,2.787524127,2.787524276
+"8500","LIPJ",3.020580744,3.020580798,3.020580812,3.020580865,3.020580812,3.020580732,3.020580831,3.02058075,3.020580755,3.020580751,3.020580934,3.020580733,3.02058078,3.020580804,3.020580804,3.020580797,3.020580895,3.02058081,3.020580846,3.020580781,3.020580797,3.020580737,3.020580809,3.020580772,3.020580808,3.020580785,3.020580778,3.020580801
+"8501","LIPK",2.936829227,2.936829999,2.936829536,2.9368296,2.93682951,2.936829923,2.936829036,2.936830264,2.936829452,2.936829809,2.936830979,2.936829559,2.936830255,2.936829578,2.936829034,2.936831071,2.936829963,2.93683039,2.936830114,2.936830913,2.936829315,2.936830571,2.936828985,2.936830606,2.936830593,2.93682967,2.936828695,2.936830882
+"8502","LIPM",3.799044338,3.799044347,3.799044389,3.799044362,3.79904434,3.799044329,3.79904438,3.799044367,3.799044325,3.799044389,3.799044442,3.799044415,3.799044362,3.799044301,3.799044381,3.799044325,3.799044405,3.799044433,3.799044375,3.799044437,3.799044378,3.7990444,3.799044354,3.799044354,3.799044409,3.799044324,3.799044352,3.799044378
+"8503","LIPN",5.151505468,5.151456901,5.151331137,5.151529854,5.151311793,5.15136751,5.151054819,5.150986079,5.151117607,5.151144499,5.151611685,5.151143984,5.151123977,5.151603273,5.151242586,5.151353596,5.151367191,5.151417808,5.151445632,5.151445894,5.151242135,5.150991081,5.151271616,5.151168035,5.151699555,5.151113226,5.151246394,5.151316241
+"8504","LIPT1",4.596420321,4.596420326,4.596420294,4.596420244,4.596420138,4.596420201,4.596420201,4.596420229,4.596420341,4.596420174,4.596420226,4.596420133,4.596420208,4.596420324,4.596420172,4.59642023,4.596420243,4.596420139,4.596420269,4.596420182,4.596420235,4.596420215,4.596420241,4.596420191,4.596420246,4.596420177,4.596420217,4.596420383
+"8505","LIPT2",5.524059472,5.524059409,5.524059466,5.524059511,5.52405952,5.524059472,5.524059484,5.524059459,5.524059475,5.524059438,5.52405944,5.524059542,5.524059496,5.524059496,5.524059486,5.524059479,5.524059564,5.524059486,5.524059489,5.524059541,5.524059528,5.524059539,5.524059487,5.524059504,5.524059483,5.524059545,5.524059503,5.524059513
+"8506","LIPT2-AS1",4.080873627,4.08087363,4.080873646,4.080873622,4.080873639,4.080873623,4.080873629,4.080873636,4.080873639,4.080873624,4.080873619,4.080873631,4.080873625,4.080873653,4.080873634,4.080873617,4.080873649,4.08087363,4.08087363,4.080873623,4.080873626,4.080873639,4.080873652,4.080873627,4.080873624,4.080873637,4.080873636,4.08087365
+"8507","LITAF",10.40578423,10.57898716,9.374644726,10.78199566,10.04353956,10.35383613,10.23426864,10.3263869,10.24811345,10.12262992,10.16885903,9.701945451,10.25818186,10.32958507,10.42792158,10.49883709,9.604261212,10.69210595,10.41079075,10.67383595,10.31644907,10.44744917,10.50393542,10.43241789,10.29306735,10.06224267,10.23708061,10.15917689
+"8508","LIX1",3.684153194,3.684153153,3.684153148,3.684153231,3.684153232,3.684153161,3.684153156,3.684153184,3.684153201,3.684153192,3.684153146,3.68415318,3.684153149,3.68415316,3.684153203,3.684153173,3.684153185,3.684153226,3.684153231,3.684153153,3.684153209,3.684153212,3.684153165,3.684153144,3.684153191,3.684153109,3.684153173,3.684153243
+"8509","LIX1L",7.659083544,7.659083591,7.659083495,7.659083554,7.659083537,7.659083531,7.659083525,7.659083554,7.659083541,7.659083553,7.659083533,7.659083511,7.659083547,7.659083575,7.659083523,7.659083564,7.659083439,7.659083525,7.659083522,7.659083504,7.659083488,7.659083537,7.659083547,7.659083526,7.65908352,7.659083508,7.659083542,7.659083551
+"8510","LKAAEAR1",6.875167547,6.875167417,6.875167657,6.875167397,6.875167864,6.875167541,6.875167582,6.875167448,6.875167571,6.87516757,6.87516772,6.875168082,6.875167412,6.875167001,6.875167655,6.87516771,6.87516795,6.875167625,6.875167674,6.875167627,6.87516766,6.87516775,6.875167303,6.875167211,6.875167454,6.875167618,6.875167478,6.87516757
+"8511","LLCFC1",5.227144207,5.227144194,5.227144325,5.227144369,5.227144329,5.227144192,5.227144285,5.22714437,5.227144245,5.2271443,5.227144372,5.227144428,5.227144298,5.227144066,5.227144321,5.227144399,5.227144418,5.227144465,5.227144298,5.227144225,5.227144276,5.227144374,5.227144234,5.227144207,5.227144351,5.227144297,5.227144192,5.227144345
+"8512","LLGL1",5.955418252,5.95541824,5.955418244,5.95541822,5.955418261,5.955418258,5.955418252,5.955418266,5.955418247,5.955418237,5.955418228,5.955418251,5.95541825,5.955418225,5.955418262,5.955418261,5.955418267,5.955418259,5.955418244,5.955418256,5.955418252,5.955418275,5.955418228,5.955418216,5.95541827,5.955418248,5.95541826,5.955418215
+"8513","LLGL2",6.050346453,6.050346527,6.050346448,6.050346404,6.050346406,6.050346412,6.050346465,6.050346638,6.050346421,6.0503465,6.050346573,6.050346411,6.05034662,6.05034643,6.05034656,6.050346526,6.050346427,6.050346354,6.050346422,6.050346325,6.0503465,6.050346655,6.050346352,6.050346436,6.050346484,6.050346559,6.050346562,6.050346495
+"8514","LLPH",6.3608859785,6.3608859765,6.3608855655,6.3608853185,6.3608849405,6.3608851305,6.3608850445,6.360885032,6.36088551,6.360885019,6.3608851225,6.3608841355,6.3608854515,6.360886405,6.360885129,6.360886008,6.3608850455,6.3608856815,6.360885054,6.360885363,6.360884874,6.360885304,6.3608858105,6.3608855455,6.360885564,6.360885139,6.360885547,6.360885673
+"8515","LMAN1",6.564228091,6.564227994,6.564226571,6.564227466,6.564226906,6.564227655,6.564227938,6.564227122,6.56422787,6.564227475,6.564226598,6.564226841,6.564227801,6.564228587,6.564227578,6.564227434,6.564226184,6.564227,6.564227145,6.564227269,6.564227728,6.564226835,6.564228012,6.564227665,6.564226543,6.564227551,6.564227769,6.564227972
+"8516","LMAN1L",5.389242199,5.389242307,5.389242333,5.389242237,5.389242439,5.3892422,5.389242297,5.389242393,5.389242309,5.38924226,5.389242333,5.389242366,5.389242261,5.389242197,5.389242356,5.389242231,5.389242356,5.389242396,5.38924234,5.389242323,5.389242375,5.389242378,5.389242274,5.389242228,5.389242333,5.38924232,5.389242213,5.389242227
+"8517","LMAN2",8.546981593,8.546982047,8.546981358,8.546981391,8.546980858,8.546982032,8.546981684,8.546981211,8.546981669,8.546981626,8.546981231,8.546980638,8.546981705,8.546981923,8.546981391,8.54698173,8.546980945,8.546981308,8.546981555,8.546982219,8.546981403,8.546981198,8.546981869,8.546981961,8.54698081,8.546981415,8.546981586,8.546981392
+"8518","LMAN2L",5.731695408,5.731695429,5.731695372,5.731695379,5.731695367,5.731695374,5.731695376,5.731695377,5.731695396,5.731695411,5.731695302,5.731695322,5.731695398,5.73169547,5.731695342,5.731695397,5.731695297,5.7316954,5.731695384,5.731695414,5.73169534,5.731695352,5.731695365,5.731695421,5.731695365,5.73169534,5.731695378,5.731695413
+"8519","LMBR1",7.382359604,7.382359812,7.382358086,7.382359072,7.382358545,7.38235904,7.382359191,7.382358862,7.382359137,7.382359094,7.382358409,7.382359178,7.382359213,7.382360454,7.382358999,7.38235953,7.382358004,7.382358432,7.382359484,7.382359076,7.382358785,7.382359146,7.382359552,7.382359316,7.382358658,7.382359106,7.382359231,7.382359689
+"8520","LMBR1L",7.121523844,7.121523931,7.121523867,7.121523901,7.121523819,7.121523896,7.121523861,7.121523919,7.121523845,7.121523921,7.121523754,7.121523906,7.121523922,7.121523916,7.12152381,7.12152395,7.1215238,7.121523842,7.12152393,7.12152384,7.121523844,7.121523904,7.121523838,7.121523877,7.121523835,7.121523886,7.121523957,7.121523906
+"8521","LMBRD1",7.030167202,7.030167205,7.030166607,7.030166864,7.030165198,7.030164944,7.030165424,7.030165429,7.030165457,7.030165249,7.030166025,7.030163906,7.030166148,7.030168383,7.030166291,7.030167378,7.030166174,7.030166415,7.030166726,7.03016553,7.030165863,7.030165448,7.030166799,7.030166442,7.030166438,7.030165486,7.030165685,7.030167137
+"8522","LMBRD2",5.584017424,5.58401718,5.584016939,5.584016851,5.584016997,5.584016601,5.584016992,5.584016831,5.584017025,5.584017122,5.584016721,5.584016487,5.584017141,5.584017551,5.58401686,5.584016961,5.584016713,5.584016902,5.584017039,5.584016668,5.584016927,5.584016739,5.58401736,5.584016977,5.584016951,5.584016761,5.584017102,5.584017351
+"8523","LMCD1",5.822200084,5.822200109,5.822200115,5.822200078,5.822200127,5.822200085,5.822200095,5.822200121,5.822200118,5.82220011,5.822200121,5.822200121,5.8222001,5.82220008,5.822200112,5.822200127,5.822200126,5.822200116,5.822200096,5.822200105,5.822200092,5.822200117,5.822200105,5.82220012,5.822200101,5.822200115,5.822200096,5.822200109
+"8524","LMF1",6.776392157,6.776392067,6.776392101,6.776391942,6.776392089,6.776392164,6.776391938,6.776392173,6.776392156,6.7763921,6.776392029,6.776392216,6.776392091,6.776392167,6.776392151,6.776392073,6.776392042,6.77639193,6.776392101,6.776391992,6.776391906,6.776392194,6.776392068,6.776392013,6.776391902,6.77639211,6.776392105,6.776392148
+"8525","LMF2",6.97097341,6.970973432,6.970973407,6.970973409,6.970973394,6.97097345,6.970973407,6.970973422,6.970973415,6.970973404,6.970973384,6.970973382,6.970973427,6.970973406,6.970973385,6.970973431,6.970973378,6.970973385,6.970973397,6.970973434,6.970973378,6.97097341,6.970973419,6.97097341,6.970973395,6.970973386,6.970973446,6.97097339
+"8526","LMLN",4.75553515,4.755535146,4.755535102,4.755535111,4.755535137,4.755535138,4.755535128,4.755535174,4.755535208,4.755535158,4.755535099,4.755535085,4.755535183,4.755535181,4.755535122,4.75553512,4.755535101,4.755535145,4.755535172,4.755535075,4.755535121,4.755535164,4.755535149,4.755535147,4.755535119,4.755535176,4.75553516,4.755535162
+"8527","LMNA",5.791905254,5.791905338,5.791905294,5.791905332,5.791905334,5.791905245,5.791905278,5.791905312,5.791905243,5.791905303,5.791905353,5.791905345,5.791905266,5.791905259,5.791905305,5.791905314,5.791905357,5.791905367,5.791905296,5.791905306,5.791905317,5.791905253,5.791905226,5.791905303,5.791905295,5.791905303,5.791905292,5.791905278
+"8528","LMNB1",6.86611859,6.866119648,6.866118303,6.866119412,6.866118237,6.86612125,6.866120412,6.86611815,6.86611952,6.866119008,6.866118495,6.866117398,6.86611858,6.86611967,6.866118648,6.866119365,6.866118069,6.866119334,6.866118926,6.866121802,6.866120535,6.866118455,6.866120166,6.866119181,6.866119271,6.866118287,6.866119057,6.866118612
+"8529","LMNB2",6.568513735,6.568513735,6.568513758,6.56851373,6.568513772,6.568513745,6.568513768,6.568513755,6.568513749,6.568513745,6.568513764,6.568513777,6.568513753,6.568513729,6.568513769,6.568513752,6.568513762,6.56851376,6.568513742,6.568513761,6.568513766,6.568513759,6.568513738,6.568513732,6.568513752,6.568513765,6.568513738,6.56851375
+"8530","LMNTD1",2.856376663,2.856376834,2.856376887,2.856376696,2.856376866,2.85637678,2.856376719,2.856376835,2.856376677,2.856377009,2.856376899,2.856376944,2.856376864,2.856376929,2.856376676,2.856376915,2.856376748,2.856376782,2.856376681,2.856376797,2.856376752,2.85637678,2.856376737,2.856376785,2.856377089,2.856376782,2.856376941,2.856376828
+"8531","LMNTD2",6.689099947,6.689099897,6.689099973,6.689099984,6.689100054,6.689100022,6.689099964,6.689100016,6.689099989,6.689100012,6.689100033,6.689100042,6.689099985,6.689099886,6.689100008,6.689099974,6.689100059,6.689099996,6.68909995,6.689099994,6.689099988,6.689100017,6.689099925,6.689099927,6.689099958,6.689100003,6.689099996,6.689099974
+"8532","LMNTD2-AS1",4.900691415,4.90069135,4.900691484,4.90069125,4.900691466,4.90069136,4.900691515,4.900691368,4.900691425,4.900691313,4.900691371,4.900691575,4.900691222,4.900691398,4.900691507,4.900691253,4.900691438,4.900691436,4.900691392,4.900691333,4.900691505,4.900691595,4.900691195,4.900691353,4.900691276,4.900691294,4.900691204,4.900691038
+"8533","LMO1",5.557139109,5.557139153,5.557139206,5.557139216,5.557139247,5.557139178,5.55713917,5.557139185,5.557139156,5.557139194,5.557139326,5.557139291,5.557139147,5.55713907,5.557139239,5.557139177,5.55713932,5.557139297,5.557139266,5.557139246,5.557139218,5.557139169,5.557139126,5.557139137,5.557139202,5.55713924,5.55713919,5.557139223
+"8534","LMO2",6.816218125,6.81621815,6.816218164,6.816218151,6.816218145,6.816218167,6.816218121,6.816218122,6.816218099,6.816218139,6.81621816,6.816218122,6.816218142,6.816218112,6.816218152,6.816218172,6.816218175,6.816218134,6.816218172,6.816218206,6.816218123,6.816218168,6.816218117,6.816218142,6.816218142,6.81621811,6.816218125,6.816218134
+"8535","LMO3",4.011645852,4.011645952,4.011645973,4.011645975,4.011645983,4.011646016,4.011645914,4.011645937,4.011645985,4.011645987,4.011645913,4.011645971,4.01164596,4.011645875,4.01164594,4.011645998,4.011645959,4.011645926,4.011645967,4.011645943,4.011645904,4.011645936,4.01164592,4.011645916,4.011645909,4.011645893,4.01164594,4.011645938
+"8536","LMO4",5.819145154,5.81914513,5.819145097,5.819145091,5.819145094,5.819145141,5.819145161,5.819145041,5.819145001,5.819145023,5.819145138,5.819144826,5.819145166,5.81914522,5.819145129,5.819145155,5.819145003,5.819145075,5.819145179,5.819145236,5.819145114,5.819145104,5.819145186,5.819145122,5.819145078,5.819145065,5.819145182,5.819145081
+"8537","LMO7",4.582300443,4.582300456,4.582300431,4.582300411,4.582300399,4.582300397,4.582300419,4.582300427,4.582300564,4.582300447,4.582300375,4.582300457,4.582300452,4.582300529,4.582300421,4.582300432,4.582300353,4.582300415,4.582300443,4.582300408,4.58230038,4.582300437,4.582300527,4.582300404,4.582300386,4.582300487,4.582300439,4.582300452
+"8538","LMO7DN",4.994644358,4.994644381,4.994644458,4.994644387,4.994644492,4.994644078,4.994644427,4.994644412,4.994644373,4.994644209,4.994644493,4.994644463,4.994644453,4.994644161,4.994644578,4.994644247,4.994644627,4.994644513,4.994644555,4.994644579,4.994644503,4.994644555,4.994644191,4.994644289,4.994644528,4.99464447,4.994644425,4.994644367
+"8539","LMOD1",4.862579266,4.862579303,4.862579335,4.862579272,4.862579364,4.862579286,4.862579318,4.862579355,4.862579371,4.862579339,4.86257935,4.862579395,4.862579311,4.862579272,4.862579331,4.862579353,4.86257937,4.862579361,4.862579285,4.862579355,4.862579348,4.862579322,4.86257932,4.862579303,4.862579371,4.862579339,4.862579288,4.862579329
+"8540","LMOD2",4.711307731,4.711307856,4.711307932,4.711307848,4.711307849,4.711307672,4.71130775,4.711307924,4.711307833,4.711307769,4.711307874,4.711307916,4.71130776,4.711307665,4.711307809,4.711307937,4.711307942,4.7113079,4.711307758,4.71130769,4.711307778,4.711307913,4.711307859,4.711307781,4.711307913,4.711307833,4.711307812,4.711307752
+"8541","LMOD3",3.005339856,3.005339961,3.005339811,3.005339736,3.00534004,3.005339767,3.005339915,3.005339978,3.005339947,3.005339855,3.005339795,3.005339942,3.005339869,3.005339889,3.005339822,3.005339957,3.005339953,3.005339899,3.005339868,3.005339916,3.005339964,3.005339914,3.005339832,3.005339726,3.005339883,3.005339843,3.005339779,3.005339888
+"8542","LMTK2",7.162691416,7.162691367,7.162691134,7.162691862,7.162691035,7.162692584,7.162691571,7.162691246,7.162691389,7.162691407,7.162690952,7.16269098,7.162691383,7.162691541,7.162691686,7.162691457,7.162691155,7.162691691,7.162691615,7.162692827,7.162691429,7.162691209,7.162691687,7.162691714,7.162691621,7.162691474,7.162691399,7.16269127
+"8543","LMTK3",6.515652467,6.515652526,6.515652584,6.515652549,6.515652654,6.515652408,6.515652541,6.515652662,6.515652568,6.515652566,6.515652602,6.515652685,6.515652549,6.515652432,6.515652615,6.515652619,6.515652711,6.515652641,6.515652556,6.515652583,6.515652636,6.515652687,6.515652566,6.515652561,6.515652627,6.515652645,6.515652544,6.515652631
+"8544","LMX1A",5.598599883,5.598599945,5.598599994,5.598599927,5.598600148,5.598599912,5.598600051,5.598600099,5.598599948,5.598599944,5.598600058,5.598600144,5.598599982,5.598599837,5.598600062,5.598600028,5.59860016,5.598600097,5.598600034,5.59859999,5.598600093,5.598600178,5.598599906,5.598599877,5.598600017,5.598600084,5.598599937,5.598600003
+"8545","LMX1B",5.506540998,5.506541047,5.506541088,5.506541071,5.506541151,5.506541059,5.506541103,5.506541092,5.5065411,5.50654112,5.50654114,5.506541136,5.506541101,5.506541034,5.506541116,5.506541138,5.506541137,5.506541167,5.506541073,5.506541093,5.506541115,5.506541103,5.506541019,5.506541098,5.506541105,5.506541098,5.50654107,5.506541076
+"8546","LNCRI",6.072460464,6.072460664,6.072460852,6.072460408,6.072461001,6.072460452,6.07246071,6.072460804,6.072460713,6.072460686,6.072460744,6.072460884,6.072460646,6.072460303,6.072460797,6.072460962,6.07246092,6.072460949,6.072460704,6.072460651,6.072460853,6.07246073,6.072460526,6.072460617,6.072460611,6.072460881,6.072460541,6.072460699
+"8547","LNPEP",8.149346984,8.149346435,8.149345966,8.149345246,8.149345788,8.149345635,8.14934639,8.149345599,8.149346447,8.149346612,8.14934554,8.149346034,8.149346277,8.149348146,8.14934625,8.14934594,8.149344849,8.149345087,8.149346449,8.149345208,8.149346492,8.149345716,8.149346628,8.149345985,8.149345566,8.14934651,8.149346149,8.149346882
+"8548","LNPK",6.3675982,6.367598182,6.367598159,6.367598035,6.36759793,6.36759791,6.367598145,6.367597935,6.367597997,6.367598175,6.367598139,6.36759788,6.367598028,6.367598421,6.367598023,6.367597923,6.367597957,6.36759786,6.367598012,6.367597816,6.367598074,6.367597829,6.367598279,6.367598202,6.367598091,6.367597902,6.367598126,6.367598063
+"8549","LNX1",4.082756235,4.08275627,4.082756266,4.082756267,4.082756268,4.082756257,4.082756236,4.082756248,4.082756266,4.082756256,4.082756306,4.082756234,4.082756227,4.082756214,4.082756303,4.082756276,4.082756297,4.082756244,4.082756227,4.082756258,4.082756272,4.082756194,4.082756222,4.082756245,4.082756227,4.082756294,4.082756179,4.082756263
+"8550","LNX2",6.381427526,6.381427516,6.381426935,6.381426993,6.381427122,6.381427031,6.381427258,6.381427236,6.38142737,6.381427258,6.381426973,6.381426981,6.381427545,6.381427736,6.381427358,6.381427111,6.381426977,6.381426932,6.38142717,6.381427238,6.381427135,6.381427186,6.381427535,6.381427391,6.381426899,6.381427302,6.381427268,6.381427293
+"8551","LOC100127955",5.579272667,5.579272839,5.579273197,5.579272882,5.579273587,5.57927308,5.579273077,5.579273224,5.579273195,5.579273268,5.579273124,5.579273526,5.57927306,5.57927297,5.579273328,5.579273094,5.579273411,5.579273409,5.579273221,5.579273315,5.579273412,5.579273128,5.579273043,5.579272906,5.579272936,5.579273192,5.579273184,5.57927324
+"8552","LOC100128288",5.608722759,5.608722742,5.608722664,5.608722718,5.608722739,5.608722762,5.608722706,5.608722731,5.608722739,5.608722727,5.608722725,5.608722773,5.60872275,5.60872276,5.608722735,5.608722746,5.608722686,5.608722696,5.608722747,5.608722741,5.608722736,5.608722731,5.608722764,5.608722768,5.608722777,5.608722743,5.608722758,5.608722746
+"8553","LOC100128310",4.751620221,4.751620317,4.751620116,4.751620211,4.751620294,4.751620108,4.751620099,4.751620246,4.75162044,4.751620138,4.751620167,4.751620304,4.751620012,4.751620444,4.751620166,4.751620309,4.751620324,4.751620154,4.751620212,4.751620214,4.751620153,4.751620292,4.751620416,4.751620034,4.75162019,4.751620198,4.75162019,4.751620426
+"8554","LOC100128398",5.722822344,5.722822264,5.722822301,5.722822303,5.722822292,5.72282231,5.722822341,5.722822264,5.722822333,5.722822334,5.722822318,5.72282224,5.722822303,5.722822319,5.72282233,5.722822277,5.722822317,5.722822348,5.722822289,5.722822275,5.722822293,5.722822311,5.722822369,5.722822297,5.722822223,5.722822317,5.722822346,5.722822334
+"8555","LOC100128653",5.142995015,5.142994864,5.142994954,5.142994983,5.142995298,5.142995178,5.142995084,5.142995159,5.142995175,5.142995009,5.142995072,5.142995124,5.142995027,5.142994811,5.142995226,5.142995097,5.142995138,5.142995188,5.142995114,5.142995156,5.142995282,5.142995234,5.142994812,5.142994732,5.142995091,5.142995074,5.142995063,5.142995209
+"8556","LOC100128988",3.066872726,3.066872809,3.066872729,3.066872901,3.066872732,3.066872802,3.066872832,3.066872735,3.066872757,3.066872776,3.06687278,3.066872741,3.066872836,3.066872694,3.066872774,3.066872754,3.06687281,3.0668727,3.066872868,3.066872729,3.066872771,3.066872899,3.066872766,3.066872728,3.066872697,3.066872736,3.066872782,3.066872719
+"8557","LOC100129434",4.786557817,4.786557773,4.786557909,4.786557848,4.786558045,4.786558027,4.786557819,4.786557993,4.786557876,4.786557942,4.78655799,4.786557775,4.786557868,4.78655789,4.786558028,4.78655797,4.786558329,4.786557776,4.786557893,4.786558006,4.78655791,4.786558057,4.786557797,4.786557828,4.786557981,4.786557888,4.786557969,4.786557971
+"8558","LOC100129455",4.245273275,4.245273275,4.245273294,4.245273317,4.245273362,4.245273255,4.245273312,4.245273338,4.245273255,4.24527329,4.245273293,4.245273356,4.245273316,4.245273251,4.245273286,4.245273318,4.245273334,4.245273359,4.245273324,4.245273309,4.245273326,4.245273316,4.245273269,4.245273256,4.245273323,4.245273335,4.245273317,4.245273316
+"8559","LOC100129534",4.750534886,4.750534881,4.750534903,4.750534864,4.750534922,4.750534931,4.750534878,4.750534939,4.750534874,4.750534887,4.75053493,4.75053495,4.750534864,4.750534872,4.750534904,4.750534911,4.750534937,4.750534877,4.75053488,4.750534927,4.750534913,4.75053493,4.750534879,4.750534811,4.750534822,4.750534902,4.750534897,4.750534915
+"8560","LOC100129540",4.935372741,4.935372667,4.935372735,4.935372405,4.935372758,4.935371898,4.935372199,4.935372625,4.935372788,4.935372496,4.935372905,4.935372976,4.935372598,4.935372654,4.935372885,4.935373006,4.93537298,4.935372812,4.935372869,4.935372372,4.935373098,4.935372666,4.935372457,4.935372381,4.935372644,4.935373122,4.935372591,4.93537254
+"8561","LOC100130331",9.423339683,9.423339824,9.423339431,9.423339809,9.423339672,9.423340019,9.423339767,9.423339836,9.423339866,9.423340015,9.423339685,9.423339435,9.423339848,9.423339926,9.423339546,9.423339744,9.423339304,9.423339738,9.423339502,9.423340147,9.423339684,9.423339665,9.423339637,9.423339855,9.423339566,9.423339642,9.423339881,9.423339853
+"8562","LOC100130691",4.54533839,4.545338318,4.54533838,4.545338229,4.545338222,4.545338425,4.545338291,4.545338367,4.545338373,4.545338359,4.545338158,4.545338271,4.545338267,4.54533856,4.5453383,4.545338216,4.545338153,4.545338322,4.545338314,4.545338247,4.54533829,4.545338204,4.545338217,4.54533844,4.545338415,4.545338437,4.54533839,4.545338366
+"8563","LOC100130872",6.754619802,6.754619772,6.754619836,6.754619824,6.754619865,6.754619761,6.754619806,6.754619945,6.754619762,6.754619781,6.754619834,6.754619861,6.754619798,6.754619608,6.754619865,6.75461982,6.754619847,6.754619853,6.75461977,6.754619806,6.754619841,6.754619857,6.754619774,6.754619753,6.754619811,6.754619853,6.754619766,6.754619727
+"8564","LOC100131496",3.995192299,3.995192352,3.995192323,3.995192383,3.995192461,3.995192352,3.99519239,3.995192324,3.995192323,3.995192379,3.99519229,3.995192494,3.995192327,3.995192363,3.995192435,3.995192374,3.995192456,3.99519237,3.995192375,3.995192381,3.995192433,3.99519245,3.995192363,3.995192406,3.995192322,3.995192423,3.995192358,3.995192272
+"8565","LOC100131943",3.937647222,3.937646772,3.937647154,3.937647198,3.937646958,3.937646984,3.93764724,3.937647009,3.937646782,3.93764706,3.937647285,3.937647331,3.937647246,3.937646944,3.937647314,3.937647013,3.937647404,3.937647011,3.937647027,3.937647166,3.937647326,3.937647198,3.937647281,3.937646786,3.937646814,3.937647095,3.937647126,3.937647111
+"8566","LOC100132356",6.312497587,6.312497521,6.312497564,6.312497532,6.312497589,6.312497736,6.312497614,6.312497745,6.312497777,6.312497553,6.312497601,6.31249789,6.312497701,6.312497593,6.312497626,6.312497459,6.312497585,6.31249757,6.312497619,6.312497672,6.31249757,6.312497625,6.312497793,6.312497557,6.312497446,6.312497662,6.312497759,6.312497667
+"8567","LOC100132686",5.210831481,5.210831495,5.210831478,5.210831462,5.210831435,5.210831446,5.210831451,5.210831421,5.210831445,5.21083147,5.21083142,5.210831474,5.210831436,5.21083148,5.210831461,5.210831492,5.21083145,5.210831471,5.210831471,5.210831454,5.210831425,5.210831448,5.210831446,5.210831475,5.210831453,5.210831456,5.210831426,5.210831432
+"8568","LOC100134868",5.0474666395,5.0474672205,5.047465843,5.04746626,5.047465737,5.0474657975,5.047466873,5.04746615,5.0474656815,5.047466078,5.047466812,5.0474664205,5.047466665,5.0474660245,5.047466651,5.0474662165,5.0474669305,5.0474667245,5.047466081,5.0474665745,5.0474668515,5.047466269,5.0474655285,5.047466097,5.047466568,5.0474668385,5.0474664535,5.04746542
+"8569","LOC100287290",4.498454111,4.49845425,4.498454013,4.498454138,4.498454106,4.498454011,4.498453932,4.498454127,4.498453812,4.498453928,4.498454054,4.498454055,4.498454157,4.498454103,4.49845402,4.498454216,4.498454151,4.498453994,4.498454046,4.498453961,4.49845393,4.498454078,4.498453954,4.498453954,4.498453975,4.498453985,4.498454023,4.498453827
+"8570","LOC100287792",4.68496352,4.684963562,4.684963547,4.684963535,4.684963565,4.684963545,4.684963548,4.684963536,4.684963543,4.684963519,4.684963565,4.684963619,4.684963522,4.684963494,4.68496356,4.684963551,4.684963564,4.68496357,4.68496356,4.684963548,4.68496354,4.684963552,4.684963527,4.684963525,4.68496354,4.684963543,4.684963524,4.684963545
+"8571","LOC100288208",3.497024591,3.497024617,3.49702463,3.497024603,3.497024688,3.497024976,3.497024599,3.497024697,3.497024645,3.497024723,3.497024622,3.497024825,3.497024754,3.497024652,3.49702475,3.497024729,3.497024687,3.497024504,3.497024642,3.497024662,3.497024751,3.497024681,3.497024567,3.497024539,3.497024667,3.497024757,3.497024722,3.497024468
+"8572","LOC100288254",2.911592765,2.91159275,2.911592772,2.911592847,2.911592801,2.91159276,2.911592756,2.911592733,2.911592701,2.911592695,2.9115929,2.911592803,2.911592774,2.911592775,2.911592751,2.911592745,2.911592918,2.911592817,2.911592843,2.91159278,2.911592796,2.911592768,2.911592779,2.911592781,2.911592759,2.91159269,2.911592741,2.911592809
+"8573","LOC100289580",4.676387388,4.676387374,4.676387234,4.676387345,4.676387509,4.676387428,4.67638741,4.676387408,4.676387289,4.676387308,4.676387453,4.676387506,4.676387376,4.676387265,4.676387494,4.676387478,4.676387528,4.676387404,4.676387441,4.676387325,4.676387514,4.676387543,4.676387258,4.676387385,4.67638734,4.676387465,4.676387415,4.676387335
+"8574","LOC100419773",3.403811932,3.403811991,3.403812561,3.403813675,3.403813385,3.403811003,3.403812026,3.403812972,3.403812531,3.403812886,3.403812188,3.403814709,3.403813193,3.403812719,3.403813288,3.403812484,3.403814071,3.403812361,3.4038134,3.403812795,3.403813507,3.403812901,3.403812995,3.403812128,3.40381238,3.403813366,3.403813585,3.403813503
+"8575","LOC100420587",3.803957398,3.803957278,3.80395741,3.803957522,3.803957411,3.803957467,3.803957346,3.803957534,3.803957272,3.803957431,3.803957599,3.803957723,3.803957269,3.803957021,3.803957245,3.803957473,3.803957381,3.803957488,3.803957167,3.803957507,3.803957272,3.80395748,3.803957311,3.80395754,3.803957525,3.803957575,3.803957312,3.803957111
+"8576","LOC100506271",4.730113683,4.730113708,4.730113748,4.730113877,4.730113966,4.730113662,4.73011389,4.730113877,4.730113614,4.730113702,4.73011385,4.730113957,4.73011381,4.730113662,4.730113939,4.730113902,4.730113887,4.730113939,4.730113892,4.730113757,4.730113977,4.730113947,4.730113707,4.73011369,4.730113876,4.730113884,4.730113796,4.73011378
+"8577","LOC100506422",3.342802659,3.342802668,3.342802763,3.342802716,3.342802685,3.342802675,3.342802662,3.342802698,3.342802679,3.342802789,3.342802761,3.342802716,3.342802705,3.342802694,3.342802681,3.342802603,3.342802671,3.342802793,3.342802726,3.342802776,3.342802736,3.342802671,3.342802628,3.342802808,3.342802618,3.342802721,3.342802762,3.34280269
+"8578","LOC100506730",4.481276153,4.481276114,4.48127617,4.481276209,4.481276174,4.48127615,4.481276206,4.481276148,4.481276253,4.481276196,4.481276125,4.481276187,4.481276189,4.481276193,4.481276159,4.481276187,4.481276201,4.481276219,4.481276157,4.481276221,4.481276251,4.481276255,4.481276107,4.481276155,4.481276176,4.481276295,4.481276187,4.481276226
+"8579","LOC101927770",6.337162253,6.33716221,6.33716222,6.337162256,6.337162242,6.337162216,6.33716227,6.337162252,6.33716223,6.337162172,6.337162247,6.337162221,6.337162267,6.337162202,6.337162262,6.337162217,6.337162275,6.337162278,6.337162266,6.33716227,6.337162299,6.337162262,6.337162204,6.337162171,6.337162263,6.337162239,6.337162225,6.337162226
+"8580","LOC101928068",6.703115095,6.70311506,6.703115189,6.703115067,6.703115279,6.703115083,6.703115162,6.703115205,6.703115087,6.703115198,6.703115249,6.703115278,6.703115173,6.703115003,6.703115219,6.703114924,6.703115196,6.70311521,6.703115171,6.70311523,6.703115196,6.703115155,6.70311508,6.703115022,6.70311511,6.703115182,6.703115114,6.703115108
+"8581","LOC101928697",4.879051069,4.879051063,4.879051064,4.879051111,4.87905108,4.879051035,4.879051082,4.879051101,4.879051033,4.879051067,4.879051113,4.879051115,4.879051082,4.879050987,4.879051081,4.879051083,4.879051081,4.87905111,4.879051087,4.879051106,4.879051137,4.879051104,4.879051028,4.879050989,4.879051063,4.879051073,4.879051065,4.879051062
+"8582","LOC101928953",4.986870477,4.986870428,4.986870737,4.986870718,4.986870731,4.986870361,4.986870793,4.986870737,4.98687075,4.986870586,4.986870628,4.986870873,4.986870652,4.986870603,4.9868707,4.986870572,4.986870906,4.986870674,4.986870681,4.986870791,4.986870644,4.986870833,4.986870587,4.98687057,4.986870627,4.98687076,4.986870608,4.986870611
+"8583","LOC101928957",5.938848954,5.938848981,5.93884909,5.938849067,5.938849253,5.938849017,5.938849031,5.938849132,5.93884896,5.93884906,5.938849176,5.938849145,5.938848987,5.938848901,5.938849091,5.938849162,5.938849139,5.938849248,5.938849,5.938849088,5.938848958,5.938849108,5.93884894,5.938848922,5.938849196,5.93884907,5.938848913,5.938849082
+"8584","LOC101929762",3.93417347,3.934173494,3.934173449,3.934173424,3.934173509,3.93417345,3.934173469,3.934173479,3.934173498,3.934173469,3.934173472,3.934173493,3.934173504,3.934173517,3.934173476,3.934173492,3.934173467,3.934173501,3.934173478,3.93417346,3.934173467,3.934173487,3.934173467,3.934173454,3.934173469,3.934173485,3.934173459,3.934173493
+"8585","LOC102723566",7.183474155,7.183474222,7.18347428,7.183474158,7.183474355,7.183474117,7.183474306,7.183474297,7.183474238,7.183474175,7.183474321,7.183474391,7.183474272,7.183474086,7.183474348,7.183474224,7.18347434,7.183474325,7.183474242,7.183474224,7.183474361,7.18347434,7.1834742,7.183474197,7.183474286,7.183474356,7.183474254,7.183474232
+"8586","LOC102723701",5.456230518,5.456229875,5.456230816,5.456230055,5.456231259,5.456229537,5.456230581,5.456230799,5.456230504,5.456230576,5.456230807,5.456231329,5.456230467,5.456230327,5.45623129,5.456230891,5.456230988,5.456231038,5.456230346,5.456230759,5.456231328,5.456231028,5.456230063,5.456230167,5.45623087,5.456231246,5.456230324,5.456230818
+"8587","LOC102723968",5.409398586,5.409398894,5.409399054,5.409398786,5.40939885,5.409398637,5.409398568,5.409399294,5.409398581,5.409398589,5.409398413,5.409398811,5.409398909,5.409398851,5.409399177,5.409398881,5.409399076,5.409399236,5.4093988,5.409398704,5.40939862,5.409399551,5.409399095,5.409398943,5.409398895,5.409399396,5.409399359,5.409398511
+"8588","LOC102724194",6.416904513,6.416904588,6.416904642,6.416904521,6.416904631,6.416904382,6.416904547,6.416904646,6.416904597,6.416904538,6.416904613,6.416904682,6.416904531,6.416904429,6.416904617,6.416904642,6.416904711,6.416904683,6.416904498,6.416904609,6.416904625,6.416904647,6.41690453,6.416904592,6.416904662,6.416904633,6.416904514,6.416904603
+"8589","LOC102724485",2.508509319,2.508509325,2.508509349,2.508509377,2.508509362,2.50850936,2.50850933,2.508509376,2.508509335,2.508509346,2.508509381,2.508509401,2.508509373,2.50850934,2.508509344,2.508509339,2.508509348,2.508509351,2.508509392,2.508509385,2.508509309,2.508509352,2.508509326,2.508509396,2.508509383,2.508509345,2.508509355,2.50850934
+"8590","LOC102724971",6.048583237,6.04858292,6.048582759,6.048583262,6.048583352,6.048582936,6.048583852,6.048582961,6.048583069,6.048583264,6.048583061,6.048583039,6.048583403,6.048582893,6.048583247,6.048582934,6.048582981,6.048583235,6.048583186,6.048582614,6.048583773,6.048582894,6.048583131,6.048583091,6.048582913,6.048583245,6.048583487,6.048583077
+"8591","LOC105369183",6.577340547,6.57734053,6.577340757,6.577340703,6.577340762,6.577340348,6.577340587,6.577340835,6.577340713,6.577340624,6.577340724,6.57734075,6.577340653,6.577340541,6.577340696,6.577340679,6.57734086,6.577340797,6.577340587,6.57734064,6.577340676,6.577340766,6.577340627,6.577340618,6.577340849,6.577340618,6.577340691,6.577340681
+"8592","LOC105369209",4.441617142,4.441617211,4.44161724,4.441617276,4.441617333,4.441617216,4.441617294,4.441617223,4.441617218,4.441617198,4.441617242,4.441617388,4.441617248,4.441617208,4.441617319,4.441617294,4.441617335,4.441617317,4.441617287,4.441617307,4.441617336,4.441617312,4.441617226,4.441617254,4.441617272,4.441617195,4.44161718,4.441617282
+"8593","LOC105370686",5.703925093,5.703925192,5.703925214,5.703925214,5.703925197,5.703925276,5.703925166,5.703925218,5.703925173,5.703925251,5.703925215,5.70392524,5.703925193,5.703925126,5.703925205,5.703925172,5.703925271,5.703925194,5.7039252,5.703925217,5.703925137,5.703925193,5.703925195,5.703925179,5.703925136,5.703925163,5.703925173,5.703925198
+"8594","LOC105370706",4.063862867,4.063862849,4.063862851,4.063862863,4.063862859,4.063862845,4.063862846,4.063862849,4.063862858,4.063862872,4.063862863,4.063862853,4.063862858,4.063862826,4.063862842,4.06386283,4.063862876,4.063862855,4.063862831,4.063862857,4.063862859,4.063862873,4.063862856,4.063862852,4.063862848,4.063862844,4.063862893,4.063862844
+"8595","LOC105370792",4.869279067,4.869279014,4.86927898,4.869279172,4.869279178,4.869279023,4.869279161,4.869279335,4.869278945,4.869278973,4.869278974,4.869279189,4.869279058,4.869278954,4.869279053,4.869279004,4.869279052,4.86927911,4.869278773,4.869279068,4.869279246,4.869279185,4.869278924,4.869278984,4.869279024,4.869279048,4.869278974,4.869278992
+"8596","LOC105371114",4.608721053,4.608721238,4.608721504,4.608721236,4.608721972,4.608721451,4.608721714,4.608721547,4.608721479,4.608721681,4.608721839,4.60872171,4.608721384,4.608721033,4.608721921,4.608721266,4.608722283,4.608721594,4.608721842,4.608721432,4.60872198,4.608721788,4.608721471,4.608721256,4.60872181,4.608721986,4.608721207,4.60872173
+"8597","LOC105372990",4.505069924,4.505069805,4.505069908,4.505069902,4.505069908,4.505069865,4.50506986,4.505069875,4.505069914,4.505069922,4.505069809,4.505069946,4.505069878,4.505069835,4.505069884,4.505069972,4.505070053,4.505069881,4.505069858,4.505069953,4.505069937,4.505069944,4.505069903,4.505069839,4.505069914,4.505069913,4.505069883,4.505069892
+"8598","LOC105373042",4.65107029,4.65107034,4.651070389,4.651070363,4.651070408,4.651070284,4.651070335,4.651070359,4.651070332,4.651070348,4.651070291,4.651070412,4.651070361,4.65107024,4.651070374,4.651070419,4.651070413,4.651070367,4.651070335,4.651070323,4.65107038,4.651070387,4.651070241,4.651070302,4.651070391,4.65107039,4.651070349,4.651070341
+"8599","LOC105374857",3.582921964,3.582921914,3.582922048,3.582922052,3.58292212,3.582922146,3.582922024,3.582921889,3.582921852,3.582922,3.58292208,3.582922253,3.582922123,3.582922085,3.582922135,3.582922139,3.58292213,3.582922147,3.582922014,3.582922099,3.582922155,3.582922057,3.582922005,3.582921892,3.582922171,3.582922062,3.582922161,3.582922128
+"8600","LOC105375091",4.069815085,4.06981514,4.069815114,4.069815146,4.069815386,4.069815002,4.069815219,4.069815254,4.069815247,4.069815201,4.069815279,4.069815171,4.069815148,4.069815127,4.06981516,4.069815154,4.06981532,4.069815271,4.069815193,4.069815102,4.069815301,4.069815176,4.069815062,4.069815135,4.069815038,4.069815236,4.06981516,4.069815197
+"8601","LOC105376485",4.122972244,4.122972272,4.122972367,4.122972229,4.122972372,4.122972227,4.122972338,4.12297232,4.122972268,4.122972328,4.12297239,4.122972289,4.122972251,4.122972214,4.122972355,4.12297247,4.122972331,4.122972404,4.122972242,4.122972337,4.122972367,4.122972442,4.122972222,4.122972276,4.122972443,4.122972343,4.122972259,4.122972213
+"8602","LOC105377596",3.850907361,3.850907289,3.850907674,3.850907384,3.850907717,3.850907352,3.850907369,3.850907409,3.850907597,3.850907504,3.850907612,3.850907558,3.85090748,3.85090737,3.850907492,3.850907409,3.850907383,3.850907551,3.850907447,3.850907269,3.850907391,3.850907458,3.850907571,3.850907411,3.850907677,3.850907383,3.850907509,3.850907544
+"8603","LOC105378085",4.908364548,4.908364691,4.908364632,4.908364558,4.908364581,4.908364591,4.908364616,4.908364564,4.908364617,4.908364583,4.908364583,4.908364576,4.908364502,4.908364524,4.908364577,4.908364739,4.908364572,4.908364545,4.908364561,4.908364594,4.908364638,4.908364596,4.908364595,4.908364511,4.908364617,4.908364603,4.908364465,4.908364405
+"8604","LOC107984399",4.828106088,4.828106058,4.828106188,4.828106088,4.828106268,4.828106131,4.828106164,4.828106177,4.828106139,4.828106134,4.828106287,4.828106203,4.828106072,4.828106064,4.828106154,4.828106213,4.828106251,4.828106221,4.828106154,4.828106147,4.82810612,4.828106243,4.828106043,4.828106031,4.828106063,4.82810608,4.828106063,4.828106152
+"8605","LOC107984974",6.1297191425,6.1297190205,6.1297190035,6.1297189805,6.129718738,6.12971899,6.1297189795,6.129718962,6.129719261,6.129719187,6.1297191185,6.129719076,6.129718979,6.1297191545,6.1297189755,6.1297189025,6.129718853,6.129718915,6.129718958,6.129718968,6.129718804,6.129718911,6.1297192925,6.129719025,6.129718858,6.129719027,6.129719057,6.1297189695
+"8606","LOC107985946",5.957569116,5.957569328,5.957569313,5.957569607,5.957570733,5.957569987,5.957569775,5.957570017,5.957569331,5.957570091,5.957569759,5.957570192,5.95756938,5.957567953,5.957569967,5.95756952,5.957569526,5.957569825,5.957569897,5.957569495,5.957570241,5.957569779,5.957569282,5.957569204,5.957569645,5.957570153,5.957569498,5.957569621
+"8607","LOC107987020",7.313943968,7.313943965,7.313943255,7.313943447,7.313944485,7.3139442,7.313943803,7.313943938,7.31394352,7.313943831,7.313944191,7.313944007,7.313943586,7.313943119,7.313944327,7.313943894,7.313944041,7.313943579,7.313943971,7.313943999,7.313944313,7.313944021,7.313943414,7.313943812,7.31394319,7.313943677,7.313943751,7.313943511
+"8608","LOC148696",5.204562784,5.204562918,5.204562985,5.204563108,5.204562942,5.204562961,5.204562894,5.204563028,5.204562878,5.204562979,5.204562755,5.204562885,5.204562818,5.204562904,5.204562919,5.204562983,5.204562942,5.204563169,5.204562997,5.204563095,5.204562964,5.204563076,5.204562903,5.204562855,5.204562872,5.204562782,5.204562941,5.204563113
+"8609","LOC151760",4.161057012,4.161057184,4.161057017,4.161057345,4.161057469,4.16105732,4.161057097,4.161057298,4.161057477,4.161057344,4.161057261,4.161057249,4.161057035,4.161056891,4.161057195,4.161057106,4.16105724,4.161057104,4.161057214,4.161057247,4.161057343,4.161057417,4.161057163,4.161056907,4.161057182,4.161057157,4.161056979,4.16105731
+"8610","LOC162137",6.107288016,6.107288177,6.107288469,6.107288172,6.107288799,6.10728811,6.107288406,6.107288567,6.107288296,6.107288506,6.107288507,6.107288752,6.107288437,6.107287832,6.107288683,6.107288296,6.107288709,6.107288416,6.107288368,6.107288337,6.107288789,6.107288578,6.107288057,6.107288221,6.10728853,6.107288537,6.107288175,6.107288372
+"8611","LOC202181",5.823812702,5.823812396,5.82381274,5.823812271,5.823812817,5.823812671,5.823812754,5.823812634,5.823812733,5.823812944,5.823812522,5.823812772,5.823812536,5.823812755,5.823812729,5.823812286,5.823812651,5.823812297,5.823812719,5.823812688,5.823812574,5.823812619,5.823812619,5.823812596,5.823812576,5.82381274,5.823812597,5.82381224
+"8612","LOC220077",6.900159011,6.900159015,6.900159009,6.900158914,6.900159218,6.900159043,6.900159137,6.900159223,6.900159017,6.900159061,6.90015916,6.900159165,6.900159102,6.900158952,6.900159177,6.900159041,6.90015921,6.900159146,6.900159134,6.900159018,6.900159188,6.900159304,6.900159042,6.900158936,6.90015914,6.900159139,6.90015893,6.900159086
+"8613","LOC284009",5.554889046,5.554888987,5.554888924,5.554889031,5.554889096,5.554888947,5.554889029,5.55488913,5.554889165,5.554889127,5.554889087,5.554889116,5.55488909,5.554888937,5.55488887,5.554889058,5.554888936,5.554888951,5.554888995,5.554889103,5.55488902,5.554888985,5.554889024,5.554889029,5.554889017,5.554889058,5.554889169,5.554889
+"8614","LOC284379",4.206880609,4.20688058,4.206880624,4.20688063,4.206880643,4.206880634,4.20688062,4.206880633,4.206880661,4.206880572,4.20688063,4.206880589,4.206880598,4.206880588,4.206880603,4.206880607,4.206880671,4.20688059,4.206880614,4.20688062,4.206880618,4.206880645,4.206880624,4.206880605,4.206880636,4.206880613,4.206880621,4.20688061
+"8615","LOC284581",5.28333894,5.283338752,5.283338543,5.283338889,5.28333876,5.283338756,5.283338888,5.283338702,5.283339048,5.283338852,5.283338824,5.28333884,5.283338752,5.283338786,5.283338829,5.283338801,5.283338706,5.283338709,5.283338818,5.283338606,5.283338897,5.283338901,5.28333902,5.283338747,5.283338766,5.28333875,5.283339004,5.283338876
+"8616","LOC284788",3.070054746,3.070054932,3.070054639,3.070054923,3.070054623,3.070054846,3.07005497,3.070054678,3.070054816,3.070054845,3.070054809,3.070054752,3.070054597,3.070054783,3.070054657,3.070054711,3.070054792,3.070055056,3.070054669,3.070054956,3.070054733,3.070054817,3.070054759,3.070054871,3.070054789,3.07005464,3.070054821,3.07005479
+"8617","LOC284912",5.30372636,5.303726723,5.303727431,5.303727275,5.303727813,5.303727476,5.303727446,5.303727218,5.303727081,5.303727247,5.303727739,5.303727687,5.303726879,5.303726516,5.303727772,5.303727144,5.303727794,5.3037274,5.303727027,5.303727491,5.303727487,5.303727564,5.303727027,5.30372722,5.303726884,5.303727308,5.303727299,5.303726972
+"8618","LOC285097",4.649983648,4.649984223,4.649982068,4.649983931,4.649983817,4.649982575,4.649983656,4.649982881,4.649983171,4.649982446,4.649983067,4.649984498,4.64998398,4.64998295,4.649983461,4.649983284,4.649982947,4.649982962,4.649983547,4.649983,4.649982776,4.649983231,4.649983293,4.649982906,4.649982934,4.649983619,4.649983489,4.649982642
+"8619","LOC286359",3.935781005,3.935781049,3.935781027,3.935781029,3.935781067,3.935780979,3.935781326,3.935781081,3.935781268,3.935781188,3.935781183,3.93578143,3.93578121,3.935781064,3.935781189,3.935781218,3.935781147,3.935781323,3.935781092,3.935781295,3.935781256,3.935781217,3.935781158,3.935781096,3.935781391,3.935781167,3.93578092,3.935781183
+"8620","LOC339059",5.333353595,5.333353588,5.333353889,5.333353719,5.333353774,5.33335365,5.333353663,5.333353826,5.33335368,5.333353632,5.333353778,5.333353677,5.33335367,5.333353545,5.333353701,5.333353796,5.333353743,5.333353724,5.333353757,5.333353767,5.333353566,5.333353712,5.333353675,5.33335381,5.333353699,5.333353806,5.333353744,5.333353647
+"8621","LOC375196",5.530967187,5.530967173,5.530967177,5.530967143,5.530967286,5.530967217,5.530967253,5.530967223,5.53096718,5.530967231,5.530967273,5.530967308,5.530967169,5.530967106,5.530967186,5.530967181,5.530967297,5.530967229,5.530967245,5.530967252,5.530967181,5.530967201,5.530967163,5.530967134,5.530967147,5.530967166,5.530967156,5.530967183
+"8622","LOC388282",4.978713276,4.978713291,4.978713308,4.978713288,4.978713309,4.978713304,4.978713293,4.978713298,4.978713294,4.978713299,4.978713308,4.978713298,4.978713286,4.978713274,4.978713302,4.978713277,4.978713313,4.9787133,4.978713293,4.978713305,4.978713296,4.978713314,4.978713302,4.978713299,4.978713276,4.978713283,4.978713279,4.978713282
+"8623","LOC389199",6.231051167,6.231051142,6.231051228,6.231051184,6.231051443,6.231051308,6.231051331,6.231051209,6.23105124,6.231051344,6.231051349,6.231051444,6.231051256,6.231050932,6.231051364,6.231051152,6.231051442,6.231051315,6.231051369,6.231051206,6.23105129,6.231051382,6.231051191,6.23105115,6.231051276,6.231051358,6.23105125,6.231051209
+"8624","LOC389834",6.077320895,6.077111656,6.079803441,6.078172477,6.079651291,6.079988268,6.077963517,6.07952356,6.080970905,6.080268314,6.079852995,6.077731122,6.079258681,6.080112009,6.077443117,6.07770097,6.079309229,6.07824842,6.080042063,6.079989149,6.07802957,6.079544397,6.080599387,6.080433255,6.080006664,6.078243585,6.079625298,6.079638801
+"8625","LOC389895",5.82579453,5.825794412,5.825794496,5.825794321,5.825795003,5.825794148,5.825794804,5.825794703,5.825794404,5.825794495,5.825794604,5.825794829,5.825794509,5.825794206,5.825794747,5.825794722,5.825795038,5.825795,5.825794572,5.825794757,5.825794922,5.825794482,5.825794363,5.825794025,5.825794523,5.825794782,5.825794408,5.825794837
+"8626","LOC392364",4.976005875,4.976005885,4.976005915,4.976006011,4.976006074,4.976006018,4.976006001,4.976005997,4.976006012,4.976005975,4.97600601,4.976005974,4.976006001,4.97600594,4.976005948,4.976005911,4.976006016,4.976005979,4.976005995,4.976006032,4.976006023,4.976005983,4.976005978,4.976005971,4.976006064,4.976005922,4.976005997,4.976006059
+"8627","LOC399900",5.870138251,5.870138794,5.870138606,5.870138794,5.870138236,5.870138354,5.870138664,5.870138349,5.870138528,5.870138455,5.870138374,5.870138253,5.870138393,5.870138648,5.870138216,5.870139,5.870138726,5.870138791,5.870138338,5.870138878,5.870138505,5.870138405,5.870138693,5.870138863,5.87013854,5.870138279,5.870138398,5.870138288
+"8628","LOC399975",2.8551892,2.855188938,2.855189435,2.855189172,2.855187987,2.855189777,2.855188248,2.855189149,2.855188281,2.855189895,2.855188235,2.855189523,2.855189245,2.855189012,2.855188505,2.855188071,2.855188896,2.855189916,2.855189264,2.855189266,2.855188609,2.855189328,2.855189409,2.855188167,2.855189441,2.855189626,2.855190488,2.855189095
+"8629","LOC400464",6.349993637,6.3499936,6.349993537,6.349993545,6.34999352,6.34999355,6.349993536,6.349993574,6.349993672,6.349993624,6.34999348,6.34999358,6.349993563,6.34999362,6.349993595,6.349993608,6.349993497,6.34999348,6.349993591,6.349993488,6.349993543,6.349993581,6.349993623,6.34999359,6.349993528,6.34999352,6.349993634,6.34999354
+"8630","LOC400499",6.393501751,6.393502804,6.393500705,6.393503277,6.393499342,6.393502325,6.393503211,6.393502004,6.393499634,6.393500649,6.393503354,6.393499894,6.3935013,6.393499968,6.393502111,6.393502825,6.393499301,6.393503659,6.393501529,6.393501563,6.393503161,6.393501311,6.393501057,6.393501262,6.393503206,6.393500949,6.393501705,6.393499367
+"8631","LOC400867",4.542471217,4.54247118,4.542471696,4.542471585,4.542471629,4.542471312,4.542471546,4.542471699,4.542471499,4.542471324,4.542471568,4.54247153,4.542471451,4.542471253,4.542471473,4.542471333,4.542471635,4.542471685,4.542471374,4.542471473,4.542471539,4.542471525,4.542471286,4.542471687,4.542471624,4.542471561,4.542471332,4.54247156
+"8632","LOC400940",4.304750012,4.304750059,4.304750135,4.304750081,4.304750101,4.304750069,4.304750045,4.304750151,4.304750061,4.30475019,4.304750029,4.30475008,4.304750049,4.304750047,4.304750148,4.304750106,4.304750195,4.304750167,4.304750014,4.304750107,4.304750024,4.304750114,4.304750089,4.304750059,4.304750131,4.304750079,4.304750013,4.304750066
+"8633","LOC401127",4.869074497,4.869074611,4.869074673,4.869074553,4.869074779,4.869074813,4.869074699,4.869074726,4.86907472,4.869074737,4.86907469,4.869074715,4.869074594,4.869074508,4.869074602,4.869074707,4.869074976,4.869074799,4.869074627,4.86907455,4.869074724,4.869074632,4.869074755,4.869074526,4.869074629,4.869074537,4.869074552,4.869074483
+"8634","LOC401191",3.689446787,3.689446787,3.689446811,3.689446797,3.689446813,3.689446781,3.689446789,3.689446782,3.689446814,3.689446814,3.689446781,3.68944681,3.68944677,3.689446776,3.68944679,3.689446797,3.68944681,3.689446814,3.6894468,3.68944679,3.68944681,3.689446793,3.689446789,3.689446781,3.689446799,3.689446784,3.689446807,3.689446788
+"8635","LOC401261",7.621619195,7.621618941,7.621618684,7.621618711,7.621617438,7.621618324,7.621618416,7.621618216,7.621618262,7.62161804,7.621618334,7.621617927,7.621618732,7.621619635,7.62161783,7.621618967,7.621617976,7.621618312,7.62161823,7.621618977,7.621618425,7.621618712,7.621618972,7.621618598,7.621618575,7.621618687,7.621618858,7.621618631
+"8636","LOC401357",6.576141203,6.576140898,6.576141091,6.576141571,6.576140996,6.576141232,6.576141073,6.576141232,6.57614053,6.576141106,6.576141182,6.576140993,6.576141145,6.57614063,6.57614122,6.57614073,6.576140498,6.576141142,6.576141359,6.576141994,6.576141578,6.576140937,6.576140997,6.576141147,6.576141697,6.576141275,6.57614129,6.576140936
+"8637","LOC401557",4.220703336,4.220703341,4.220703352,4.22070335,4.220703366,4.220703345,4.220703358,4.22070337,4.220703355,4.220703333,4.220703351,4.220703372,4.220703336,4.220703334,4.220703374,4.220703361,4.220703396,4.220703361,4.220703343,4.220703347,4.220703354,4.220703369,4.220703335,4.220703343,4.22070338,4.220703362,4.220703342,4.220703349
+"8638","LOC401589",4.504594287,4.504594127,4.504594286,4.504594064,4.50459424,4.504594185,4.504594305,4.504594168,4.504594168,4.504594373,4.504594286,4.504594334,4.504594099,4.504593906,4.504594393,4.504594332,4.504594494,4.504594302,4.504594336,4.504594201,4.504594285,4.504594355,4.504594257,4.504594376,4.504594156,4.504594094,4.504594088,4.504594207
+"8639","LOC403312",4.742786917,4.742786987,4.742787142,4.742786787,4.742787788,4.742787073,4.742787397,4.742787352,4.742787259,4.742787521,4.742787416,4.742787717,4.74278709,4.742786076,4.742787407,4.74278725,4.742787613,4.742787417,4.742787158,4.742787183,4.742787315,4.742787289,4.742787123,4.742786854,4.742787092,4.74278736,4.742787037,4.742787322
+"8640","LOC407835",6.746136047,6.746135979,6.746136298,6.74613608,6.746136564,6.746135847,6.746136217,6.746136476,6.74613615,6.746136409,6.746136433,6.746136656,6.746136134,6.746135864,6.746136472,6.746136268,6.746136537,6.746136357,6.746136149,6.746136197,6.746136265,6.746136345,6.746136163,6.746136126,6.74613632,6.746136298,6.746136151,6.746136292
+"8641","LOC440300",5.406480179,5.40648017,5.4064802505,5.40648018,5.406480342,5.406480203,5.406480152,5.4064803035,5.4064801045,5.406480209,5.4064801675,5.4064803515,5.406480212,5.406480114,5.406480316,5.406480218,5.4064803225,5.4064802725,5.406480173,5.406480216,5.4064804015,5.406480345,5.40648005,5.406480131,5.406480248,5.40648025,5.4064801825,5.4064802775
+"8642","LOC440311",8.777056254,8.865556685,8.471348904,8.104821287,8.527972951,8.550058488,8.462577229,8.574347659,9.157727261,9.152320185,8.356210346,8.524338926,8.88329523,9.337998417,8.356980644,8.633264507,8.55146281,8.07833291,8.527162157,7.815807654,8.35438018,8.813524291,9.101078753,8.893005119,8.141763919,8.590289474,8.821236986,9.24747549
+"8643","LOC440313",4.564408579,4.564408387,4.564408693,4.56440854,4.564408774,4.564408525,4.564408543,4.564408695,4.56440861,4.564408499,4.564408566,4.564408834,4.564408594,4.564408475,4.56440877,4.564408618,4.564408706,4.564408785,4.564408586,4.564408746,4.564408743,4.564408694,4.564408536,4.564408519,4.564408596,4.564408699,4.564408573,4.564408688
+"8644","LOC440570",5.388060157,5.38806004,5.388060172,5.388060111,5.388060121,5.388060208,5.388060109,5.388060062,5.388060151,5.388060228,5.388060085,5.388060084,5.388060045,5.388060053,5.388060174,5.388060173,5.388060108,5.388060077,5.3880601,5.388060207,5.388060048,5.388060129,5.388060174,5.388060082,5.388060101,5.38806016,5.38806013,5.388060016
+"8645","LOC440700",3.757423426,3.757423433,3.757423475,3.757423466,3.757423465,3.757423407,3.757423513,3.757423344,3.757423415,3.757423487,3.757423357,3.757423502,3.75742343,3.757423397,3.757423557,3.757423534,3.757423499,3.757423509,3.757423465,3.757423473,3.757423525,3.757423485,3.757423481,3.757423442,3.757423441,3.757423419,3.757423373,3.757423445
+"8646","LOC440742",3.542484419,3.542484433,3.542484405,3.542484407,3.54248444,3.542484445,3.542484418,3.542484417,3.54248442,3.542484413,3.542484408,3.542484432,3.542484413,3.542484405,3.542484419,3.542484431,3.542484442,3.542484432,3.54248443,3.542484425,3.54248441,3.54248442,3.542484427,3.542484446,3.542484416,3.542484396,3.542484399,3.542484404
+"8647","LOC441179",4.922198687,4.922198696,4.922198714,4.922198709,4.922198697,4.922198694,4.922198677,4.922198713,4.922198706,4.922198699,4.92219874,4.922198712,4.922198685,4.922198623,4.922198708,4.922198691,4.922198714,4.922198771,4.922198701,4.922198721,4.922198684,4.922198709,4.922198717,4.922198672,4.922198721,4.922198659,4.922198701,4.922198713
+"8648","LOC441239",6.217394068,6.217394093,6.217394805,6.217394632,6.217395339,6.217393955,6.217394658,6.217394723,6.217394708,6.217394392,6.217394843,6.217395173,6.217394594,6.217393721,6.217394854,6.217394421,6.217395373,6.217394518,6.217394666,6.217394396,6.217394839,6.217394965,6.217393942,6.217394253,6.217394655,6.217394696,6.21739437,6.217394709
+"8649","LOC441666",2.008615714,2.00861613,2.008615804,2.0086155405,2.0086162805,2.0086162315,2.0086160835,2.0086158275,2.0086158075,2.0086165965,2.008616859,2.008616191,2.00861592,2.008615585,2.0086160015,2.008616006,2.00861618,2.008616576,2.008615997,2.0086158445,2.0086159875,2.008616693,2.008615866,2.0086160265,2.008615896,2.008615723,2.008615798,2.008615968
+"8650","LOC442028",4.370599353,4.370599489,4.370599268,4.370598706,4.370600085,4.370599169,4.370599453,4.37059922,4.370598835,4.370599633,4.370599901,4.370599952,4.370599398,4.370598847,4.370599663,4.370599536,4.370600009,4.370599005,4.370599169,4.370598635,4.370600103,4.370599679,4.370599524,4.370599038,4.370599339,4.370599946,4.370599327,4.370599735
+"8651","LOC442132",5.6660481695,5.666048896,5.6660487635,5.6660496665,5.6660499725,5.666048296,5.6660498685,5.666049936,5.6660464125,5.666047132,5.6660493645,5.666047403,5.666048026,5.666046984,5.666049897,5.6660482835,5.6660498685,5.6660482995,5.666049659,5.6660492365,5.6660504775,5.666050141,5.6660486915,5.6660489455,5.666047805,5.6660505225,5.666046751,5.666048462
+"8652","LOC554206",5.123710011,5.123710032,5.123709965,5.123709982,5.123709901,5.123709976,5.123709921,5.123710025,5.123709964,5.12370993,5.12370993,5.123709973,5.123709996,5.123710002,5.12370999,5.123710025,5.123709943,5.123709997,5.123709924,5.12371003,5.123709922,5.123709959,5.123709969,5.123709983,5.123709885,5.123710005,5.123709985,5.123709994
+"8653","LOC613206",5.11039983,5.11039952,5.110400103,5.110399998,5.110400042,5.110400122,5.110400109,5.110400043,5.110399956,5.110399868,5.110400144,5.110400488,5.110399879,5.110399939,5.110400066,5.110399708,5.110400211,5.110400078,5.110400159,5.110400047,5.11040022,5.11039992,5.110399825,5.110399839,5.110399911,5.110400106,5.110400017,5.110399944
+"8654","LOC613266",4.811377687,4.811377703,4.81137772,4.81137767,4.811377704,4.811377729,4.811377705,4.811377714,4.811377687,4.811377695,4.811377726,4.811377739,4.811377643,4.811377646,4.811377735,4.811377672,4.811377739,4.811377692,4.811377709,4.811377728,4.811377637,4.811377699,4.811377664,4.811377705,4.81137768,4.811377686,4.811377638,4.811377647
+"8655","LOC642484",3.694907235,3.694907227,3.694907301,3.694907316,3.694907417,3.69490723,3.694907346,3.694907383,3.694907196,3.694907295,3.694907279,3.694907368,3.694907351,3.694907195,3.694907434,3.694907427,3.694907502,3.694907327,3.694907307,3.694907344,3.694907405,3.694907479,3.694907357,3.694907281,3.694907225,3.694907338,3.694907263,3.694907471
+"8656","LOC642696",4.158101675,4.15810166,4.158101705,4.158101647,4.158101701,4.158101669,4.158101668,4.158101695,4.158101662,4.158101671,4.158101671,4.158101685,4.158101698,4.158101643,4.158101684,4.158101676,4.158101719,4.158101685,4.158101703,4.158101697,4.158101705,4.158101719,4.158101669,4.158101649,4.158101698,4.158101682,4.15810168,4.158101661
+"8657","LOC643406",4.518779428,4.518779492,4.51877969,4.518779488,4.518779825,4.518779396,4.518779653,4.518779828,4.518779385,4.518779363,4.518779542,4.518779703,4.518779424,4.518779256,4.518779567,4.518779744,4.51878011,4.518779725,4.518779559,4.518779568,4.51877972,4.518779684,4.518779311,4.518779327,4.518779583,4.518779358,4.518779378,4.518779622
+"8658","LOC644936",6.563954515,6.563954511,6.563954514,6.563954839,6.563954522,6.563954612,6.563954383,6.563954574,6.563954314,6.563954526,6.56395461,6.563954355,6.563954732,6.56395431,6.563954435,6.563954187,6.563954635,6.563954814,6.56395455,6.563954763,6.563954484,6.563954564,6.563954468,6.563954531,6.563954679,6.563954589,6.563954678,6.563954154
+"8659","LOC645188",2.682039894,2.682039882,2.682040027,2.682039908,2.682039937,2.682040029,2.682039966,2.682039925,2.682040017,2.682039761,2.68203997,2.682040086,2.682039836,2.682039794,2.68203993,2.682039942,2.682040033,2.682039737,2.682040144,2.68203988,2.682039908,2.682040108,2.682040027,2.682039771,2.682039675,2.682039888,2.682039934,2.682040269
+"8660","LOC645261",4.146197158,4.146197152,4.146197285,4.146197309,4.146197208,4.146197208,4.146197209,4.146197291,4.14619723,4.14619709,4.146197236,4.14619719,4.146197316,4.146197132,4.146197234,4.14619722,4.146197372,4.146197223,4.146197247,4.146197182,4.146197239,4.146197292,4.146197216,4.146197301,4.14619723,4.146197219,4.146197318,4.146197239
+"8661","LOC646214",4.86317777,4.863177971,4.863177799,4.86317806,4.863177504,4.863177768,4.863177783,4.863177652,4.863177612,4.863177781,4.86317789,4.863177708,4.863177864,4.863178008,4.863177666,4.863177849,4.863177346,4.863178226,4.863177657,4.863177986,4.863177806,4.86317759,4.863177703,4.863178065,4.863178011,4.86317776,4.863177646,4.863177959
+"8662","LOC646471",5.776998762,5.776998558,5.7769988,5.776998699,5.776998947,5.77699871,5.776998758,5.776998797,5.776998698,5.776998729,5.776998851,5.776998822,5.776998693,5.776998574,5.776998824,5.776998732,5.776998887,5.776998788,5.776998768,5.776998795,5.7769989,5.776998874,5.776998599,5.776998661,5.776998783,5.776998847,5.776998761,5.776998756
+"8663","LOC646813",4.841189366,4.841189267,4.841189331,4.841189327,4.841189384,4.841189195,4.841189381,4.841189295,4.841189323,4.841189322,4.841189317,4.841189254,4.84118935,4.841189379,4.841189345,4.841189277,4.841189397,4.841189278,4.841189322,4.841189329,4.84118941,4.841189314,4.841189373,4.841189299,4.841189355,4.841189375,4.841189372,4.84118935
+"8664","LOC646870",6.211577279,6.2115772,6.211577116,6.211577514,6.211576949,6.211577228,6.211577365,6.211577261,6.21157727,6.21157732,6.211577192,6.211577196,6.211577288,6.21157721,6.211577109,6.211577361,6.211577175,6.211577364,6.211577296,6.211577324,6.211577135,6.211577205,6.211577312,6.211577436,6.211577379,6.211577288,6.211577351,6.211576893
+"8665","LOC646903",4.24759906,4.247599112,4.247599085,4.247599079,4.247599034,4.247599089,4.247599022,4.247599119,4.247599076,4.247599028,4.247599087,4.24759905,4.247599018,4.247599026,4.247599032,4.247599109,4.247599044,4.247599042,4.247599026,4.247599047,4.247599063,4.247598989,4.247599097,4.247598997,4.247599068,4.247599081,4.247599105,4.247598983
+"8666","LOC652276",6.167742595,6.167742854,6.167742738,6.167742724,6.167742882,6.167742549,6.167742485,6.167742789,6.167742588,6.167742655,6.167742793,6.16774284,6.167742678,6.167742653,6.167742642,6.167743126,6.167742852,6.167742825,6.167742629,6.167742727,6.167742594,6.167742711,6.167742735,6.167742825,6.167742622,6.167742713,6.167742851,6.167742697
+"8667","LOC654780",5.485208241,5.485208305,5.485208288,5.485208336,5.48520831,5.485208378,5.485208278,5.485208212,5.485208333,5.485208333,5.485208268,5.485208325,5.485208284,5.485208329,5.485208234,5.485208326,5.485208363,5.485208364,5.485208381,5.485208366,5.485208244,5.485208263,5.485208289,5.485208375,5.485208358,5.485208254,5.485208365,5.485208326
+"8668","LOC728024",5.018569026,5.018568891,5.018569028,5.018569308,5.018569435,5.018569343,5.018569468,5.018568984,5.018569042,5.018568555,5.018568632,5.018569035,5.018569259,5.018568942,5.018568911,5.018568514,5.01856893,5.01856861,5.018569415,5.018568731,5.018569134,5.018569516,5.018569148,5.018568982,5.018569212,5.018568714,5.018568878,5.018569008
+"8669","LOC731157",4.657663767,4.657663743,4.657663762,4.657663778,4.657663737,4.657663757,4.657663771,4.657663776,4.657663758,4.657663745,4.657663741,4.657663779,4.657663772,4.657663777,4.657663749,4.657663758,4.657663771,4.657663764,4.657663798,4.657663773,4.657663782,4.657663778,4.657663764,4.657663771,4.657663776,4.657663773,4.657663764,4.657663772
+"8670","LOC93463",4.301849044,4.301849079,4.301849169,4.301849099,4.301849016,4.301849109,4.301849118,4.301849117,4.301849073,4.301849132,4.301849002,4.301849145,4.301849037,4.301849123,4.301849039,4.301849094,4.30184912,4.301849044,4.301849063,4.301849044,4.301849125,4.301849182,4.301849064,4.301849147,4.301849112,4.301849082,4.301849045,4.301849052
+"8671","LOC93622",7.33968538,7.339685511,7.339685439,7.339685279,7.339685343,7.339685324,7.33968528,7.339685267,7.339685557,7.339685275,7.33968518,7.339685344,7.33968539,7.339685568,7.339685416,7.339685543,7.339685335,7.339685297,7.339685475,7.339685263,7.339685296,7.339685457,7.339685487,7.339685356,7.339685345,7.339685413,7.33968542,7.339685559
+"8672","LONP1",6.14672001,6.146720034,6.146719998,6.146720005,6.146719995,6.146720019,6.14671999,6.146720011,6.14672002,6.146720051,6.14672002,6.146720006,6.146720032,6.146720047,6.146719986,6.146719941,6.146719992,6.14671998,6.146720004,6.146719939,6.146719981,6.146720027,6.146720028,6.146720005,6.146719928,6.146720056,6.146720073,6.146719951
+"8673","LONP2",7.921973331,7.921973372,7.92197283,7.921973107,7.9219731,7.921972769,7.92197319,7.921973188,7.921973573,7.921973291,7.921973059,7.921973178,7.92197335,7.92197401,7.92197309,7.921973039,7.921972496,7.921972672,7.921973267,7.921973059,7.921973339,7.921973247,7.921973481,7.921973283,7.921973034,7.921973484,7.921973467,7.921973659
+"8674","LONRF1",6.713066942,6.713067077,6.713066922,6.713066997,6.713066889,6.713066907,6.713066853,6.713066865,6.713066908,6.713066897,6.713066956,6.713066692,6.713066998,6.713067118,6.713066968,6.713067065,6.713066848,6.713067005,6.713066983,6.713067012,6.713066855,6.713066843,6.713066912,6.713066961,6.713067079,6.713066787,6.713066986,6.713067042
+"8675","LONRF2",4.40138163,4.401381652,4.401381656,4.401381564,4.401381714,4.401381614,4.401381664,4.401381727,4.401381674,4.401381658,4.401381709,4.401381731,4.401381665,4.401381592,4.401381721,4.401381679,4.401381805,4.401381754,4.40138164,4.401381663,4.401381668,4.40138173,4.401381606,4.401381616,4.401381672,4.401381686,4.401381607,4.401381619
+"8676","LONRF3",5.953187513,5.95318768,5.953187514,5.953187682,5.95318752,5.953187513,5.953187482,5.953187565,5.953187485,5.953187446,5.95318739,5.953187585,5.953187645,5.953187618,5.953187479,5.953187659,5.953187583,5.9531876,5.953187573,5.953187565,5.953187532,5.953187539,5.953187609,5.953187435,5.953187476,5.953187504,5.953187603,5.953187521
+"8677","LORICRIN",4.669630189,4.669630167,4.669630202,4.669630134,4.669630325,4.669630163,4.669630182,4.669630262,4.669630175,4.669630179,4.669630217,4.669630231,4.669630215,4.669630205,4.669630173,4.669630215,4.669630232,4.669630248,4.669630161,4.669630188,4.669630247,4.669630234,4.66963022,4.669630199,4.669630218,4.6696302,4.6696302,4.669630165
+"8678","LOX",3.625069572,3.62506954,3.625069467,3.625069483,3.625069484,3.625069513,3.625069481,3.625069464,3.625069483,3.625069486,3.62506952,3.625069569,3.625069467,3.62506945,3.62506947,3.62506949,3.625069517,3.625069546,3.625069479,3.625069534,3.625069486,3.625069543,3.625069452,3.625069418,3.625069541,3.62506949,3.625069453,3.625069542
+"8679","LOXHD1",4.990177091,4.990176879,4.990177132,4.990177164,4.990177119,4.990177135,4.990176829,4.990176916,4.990176572,4.990177161,4.990177069,4.990176934,4.990176981,4.990176358,4.990177193,4.990177014,4.990177175,4.990177229,4.990177174,4.990177333,4.990176931,4.990176912,4.990176731,4.990177074,4.99017727,4.990176994,4.990176935,4.990176666
+"8680","LOXL1",6.896196331,6.896196421,6.896196606,6.89619664,6.896196891,6.896196713,6.896196679,6.896196725,6.896196408,6.896196526,6.896196653,6.896196988,6.896196543,6.896195972,6.896196739,6.896196513,6.896196797,6.896196787,6.896196745,6.896196387,6.89619676,6.896196705,6.896196353,6.896196316,6.896196529,6.896196761,6.896196458,6.896196553
+"8681","LOXL2",5.632977206,5.632977164,5.632977217,5.632977231,5.632977223,5.632977124,5.632977237,5.632977259,5.632977129,5.632977192,5.632977206,5.632977228,5.632977218,5.632977113,5.632977219,5.632977188,5.632977247,5.632977238,5.63297717,5.632977125,5.632977245,5.632977202,5.632977159,5.632977161,5.632977168,5.632977238,5.632977194,5.632977179
+"8682","LOXL3",5.765569195,5.765569195,5.765569199,5.765569199,5.765569219,5.765569194,5.765569203,5.765569199,5.765569189,5.765569204,5.765569228,5.765569196,5.765569201,5.765569173,5.765569202,5.765569217,5.765569217,5.765569211,5.765569193,5.765569209,5.765569214,5.765569207,5.765569184,5.765569204,5.765569203,5.765569199,5.765569186,5.765569183
+"8683","LOXL4",5.031283238,5.031283285,5.031283331,5.03128329,5.031283326,5.031283218,5.031283257,5.031283303,5.031283266,5.03128324,5.031283316,5.031283327,5.031283285,5.031283227,5.031283291,5.031283286,5.031283327,5.031283304,5.03128327,5.03128328,5.031283296,5.031283303,5.031283261,5.03128325,5.031283301,5.031283289,5.031283276,5.031283283
+"8684","LPA",4.583770148,4.583770153,4.583770181,4.583770183,4.583770193,4.583770247,4.583770169,4.583770126,4.583770138,4.583770187,4.583770165,4.58377023,4.583770119,4.583770106,4.583770147,4.583770178,4.58377019,4.583770149,4.583770182,4.583770263,4.583770183,4.583770173,4.583770173,4.583770137,4.583770104,4.583770187,4.58377017,4.583770133
+"8685","LPAL2",5.480088592,5.480088194,5.480088462,5.480088168,5.480088805,5.480088304,5.480088712,5.480088601,5.480088592,5.480088342,5.480088201,5.480088875,5.480088465,5.480088484,5.480088838,5.480088602,5.480088926,5.480088572,5.480088503,5.480088415,5.48008887,5.480088855,5.480088299,5.480088376,5.480088412,5.480088717,5.480088358,5.480088845
+"8686","LPAR1",5.290348388,5.290348334,5.290348265,5.290347675,5.290348232,5.290348833,5.290348719,5.290347425,5.29034795,5.290348006,5.290348045,5.290347729,5.290348643,5.290348393,5.29034793,5.290348074,5.290348107,5.290347792,5.290348623,5.290349013,5.290348639,5.290347906,5.29034799,5.290347905,5.290348157,5.290347765,5.290348658,5.290348125
+"8687","LPAR2",7.791769382,7.791770394,7.791769634,7.791771736,7.791769307,7.79177089,7.791769956,7.791769698,7.791770198,7.79176919,7.791770465,7.791769664,7.79177004,7.791769575,7.791769228,7.791770814,7.791769583,7.79177113,7.791770414,7.791770493,7.791769885,7.791769754,7.791770378,7.791769888,7.791770846,7.791769864,7.791770422,7.791769105
+"8688","LPAR3",4.649337027,4.649337038,4.649336998,4.649337044,4.649337092,4.64933701,4.649337093,4.649337095,4.649337058,4.649337046,4.649337012,4.649337087,4.649337007,4.649336986,4.649337079,4.649337118,4.649337106,4.649337057,4.649337009,4.649336993,4.649337078,4.649337066,4.649337054,4.64933698,4.649336995,4.649337082,4.649336993,4.649337132
+"8689","LPAR4",4.105237631,4.105237637,4.105237687,4.105237678,4.105237704,4.105237636,4.10523766,4.105237666,4.105237639,4.10523764,4.105237696,4.105237695,4.105237621,4.105237641,4.105237647,4.105237666,4.105237728,4.105237721,4.105237689,4.105237694,4.105237673,4.105237657,4.105237652,4.105237687,4.105237694,4.105237665,4.105237642,4.105237675
+"8690","LPAR5",6.941137831,6.941137784,6.941137826,6.941137796,6.941137904,6.941137788,6.941137816,6.941137879,6.941137854,6.941137808,6.941137803,6.94113793,6.941137846,6.941137792,6.941137905,6.941137815,6.941137873,6.941137877,6.94113789,6.941137708,6.941137826,6.941137914,6.941137773,6.941137808,6.941137849,6.941137868,6.941137843,6.941137858
+"8691","LPAR6",5.427866869,5.427865064,5.427864738,5.427860729,5.427864213,5.427862373,5.427865894,5.427861249,5.427865469,5.427865481,5.42786317,5.427861329,5.427864786,5.427871648,5.427864748,5.427864237,5.427866193,5.427861424,5.427865364,5.42786458,5.427866528,5.427863524,5.427866168,5.427864013,5.42786242,5.427861703,5.427863481,5.427869804
+"8692","LPCAT1",8.214015764,8.214015944,8.214015691,8.214015969,8.21401535,8.214015928,8.214015756,8.214015779,8.214015653,8.214015707,8.214015703,8.214015034,8.214015851,8.214015805,8.214015768,8.214015874,8.214015595,8.214015839,8.214015538,8.214015392,8.214015615,8.214015714,8.214015767,8.21401593,8.214015639,8.21401549,8.214015845,8.214015724
+"8693","LPCAT2",8.883916902,9.243272385,8.530950837,9.14530112,8.811173956,9.501050624,8.901784121,8.794888364,8.704379636,8.710999293,8.951082805,8.074712817,8.801465448,8.838063695,8.717987678,9.117169654,8.520951042,8.864925623,8.980015362,9.43280205,8.872066904,8.62462431,9.069064171,9.034394607,9.053671545,8.335539177,8.778327761,8.567537939
+"8694","LPCAT3",8.290545636,8.290546062,8.290544925,8.290545953,8.290545249,8.290545485,8.290545031,8.290544364,8.290545405,8.290545882,8.290544835,8.290544388,8.290544362,8.290545172,8.290544978,8.290545924,8.290544407,8.29054553,8.290545921,8.290545338,8.290544165,8.290544486,8.290546087,8.290546546,8.29054554,8.290544746,8.290545154,8.29054449
+"8695","LPCAT4",6.552073262,6.552073432,6.552073258,6.552073432,6.552073304,6.552073409,6.55207338,6.552073377,6.552073401,6.552073367,6.552073287,6.552073396,6.552073383,6.552073349,6.552073454,6.552073474,6.552073275,6.552073451,6.552073392,6.552073295,6.552073309,6.552073404,6.55207333,6.552073266,6.55207331,6.552073333,6.552073347,6.552073179
+"8696","LPGAT1",7.798607473,7.798607699,7.79860697,7.798607667,7.798607225,7.798607327,7.798607443,7.79860706,7.798607152,7.798607014,7.79860755,7.798606751,7.798607365,7.79860765,7.798607375,7.798607696,7.79860712,7.798607458,7.798607638,7.798607165,7.798607573,7.798607037,7.798607452,7.798607729,7.798607662,7.798607037,7.798607021,7.798607448
+"8697","LPIN1",7.519916663,7.519916426,7.519916389,7.519916046,7.519916525,7.519916726,7.519916749,7.519916304,7.519916891,7.519916765,7.519916049,7.519916349,7.519916728,7.519916864,7.519916295,7.519915933,7.519915763,7.519915918,7.519916534,7.519916012,7.519916592,7.519916371,7.519916791,7.51991631,7.519916081,7.519916502,7.519916716,7.519916623
+"8698","LPIN2",8.50610497,8.506103777,8.506103718,8.50610561,8.506103846,8.506106344,8.506103951,8.506104579,8.506104138,8.506103339,8.506103639,8.506103614,8.506105486,8.506104149,8.506104261,8.506103792,8.506102455,8.506104365,8.506104422,8.506106025,8.50610405,8.506104385,8.506104342,8.506104059,8.506104437,8.506104361,8.506105166,8.506103295
+"8699","LPIN3",4.857137503,4.857137193,4.857137498,4.857137463,4.857137412,4.857137276,4.857137422,4.857137362,4.857137195,4.857137436,4.857137554,4.857137377,4.857137423,4.857137332,4.85713738,4.857137465,4.857137451,4.857137474,4.857137268,4.85713767,4.857137464,4.857137345,4.857137234,4.857137347,4.857137472,4.857137689,4.857137205,4.857137361
+"8700","LPL",4.354855597,4.354855727,4.354855879,4.35485594,4.354855857,4.354855828,4.354855902,4.354855864,4.354855764,4.35485572,4.35485579,4.354856004,4.354855795,4.354855632,4.354855776,4.354855893,4.35485603,4.354855938,4.354855805,4.354855751,4.354855945,4.354855954,4.354855812,4.354855627,4.354855833,4.354855891,4.35485587,4.35485576
+"8701","LPO",4.642397248,4.642397272,4.642397279,4.642397275,4.642397307,4.642397269,4.642397274,4.642397279,4.642397277,4.642397261,4.642397307,4.642397301,4.642397269,4.642397236,4.642397296,4.642397294,4.642397305,4.642397294,4.642397266,4.642397279,4.642397286,4.642397299,4.642397273,4.642397272,4.642397293,4.642397294,4.642397283,4.642397294
+"8702","LPP",7.858812991,7.858812496,7.858811274,7.858812761,7.858811204,7.85881366,7.858812355,7.858811956,7.858811554,7.858811531,7.858811701,7.858811046,7.85881225,7.858811665,7.858812245,7.858811812,7.858810877,7.858812336,7.858811794,7.858813964,7.858812194,7.858811848,7.858812134,7.858812387,7.858812389,7.858812083,7.858812187,7.858811469
+"8703","LPXN",8.391664099,8.39166237,8.391662133,8.391662444,8.391662498,8.391663697,8.391662936,8.391663012,8.391662781,8.391663326,8.391661848,8.391662319,8.391663461,8.391663177,8.391663196,8.391661068,8.391661419,8.391661663,8.391662765,8.391663072,8.391662624,8.391662963,8.391662735,8.391663,8.391662121,8.391663599,8.391664001,8.39166218
+"8704","LRAT",3.985218354,3.985218394,3.985218422,3.985218399,3.9852185,3.98521845,3.98521845,3.985218489,3.985218454,3.98521848,3.985218446,3.985218472,3.985218428,3.985218393,3.985218468,3.985218403,3.985218537,3.985218447,3.985218436,3.985218447,3.985218484,3.985218462,3.985218381,3.9852184,3.985218428,3.985218439,3.985218402,3.985218447
+"8705","LRATD1",6.180265142,6.180265038,6.180265371,6.180265194,6.180265787,6.180265016,6.180265448,6.180265518,6.180265183,6.18026545,6.18026559,6.180265633,6.180265415,6.18026485,6.180265674,6.180265405,6.180265798,6.180265253,6.180265374,6.180265126,6.180265504,6.180265588,6.180265216,6.180264888,6.180265251,6.180265449,6.180265317,6.180265286
+"8706","LRATD2",4.970934765,4.970934447,4.970934481,4.970934568,4.970934684,4.970934685,4.970934503,4.970934585,4.970934696,4.970934603,4.970934728,4.970934672,4.970934557,4.97093498,4.970934697,4.970934427,4.970934546,4.970934667,4.970934788,4.970934682,4.970934674,4.9709348,4.970934888,4.970934551,4.970934469,4.97093444,4.970934578,4.970935094
+"8707","LRBA",7.261040157,7.261039737,7.261039392,7.261039642,7.261039519,7.261039595,7.261039755,7.261039536,7.261039851,7.26103984,7.261039493,7.261039551,7.261039879,7.261040225,7.261039748,7.261039521,7.261039084,7.26103951,7.261039793,7.261039255,7.261039707,7.261039574,7.261039942,7.261039846,7.261039465,7.26103982,7.261039896,7.261039852
+"8708","LRCH1",6.074563704,6.074563568,6.074563422,6.074563419,6.074563395,6.074563565,6.07456346,6.074563328,6.074563305,6.074563689,6.07456327,6.074563233,6.07456366,6.07456373,6.074563492,6.074563313,6.074563182,6.07456333,6.074563641,6.074563531,6.074563332,6.074563457,6.07456361,6.074563522,6.074563271,6.074563472,6.074563623,6.074563569
+"8709","LRCH2",3.124958699,3.124958758,3.124958769,3.124958741,3.124958744,3.124958728,3.124958712,3.124958686,3.12495874,3.124958751,3.124958721,3.124958825,3.124958801,3.124958707,3.124958736,3.12495876,3.124958775,3.124958772,3.124958868,3.124958795,3.124958765,3.124958667,3.124958799,3.124958697,3.12495874,3.12495874,3.124958751,3.124958783
+"8710","LRCH3",7.225497061,7.225496885,7.225496829,7.225496834,7.225496845,7.225496923,7.225496891,7.225496742,7.225496979,7.225496986,7.225496795,7.225496869,7.225497132,7.225497217,7.22549699,7.225496897,7.225496719,7.225496835,7.225497019,7.225496889,7.225496942,7.225496863,7.22549706,7.225496987,7.225496905,7.225497018,7.225497083,7.225497034
+"8711","LRFN1",6.123566044,6.123566124,6.123566217,6.1235662,6.123566165,6.123566067,6.123566088,6.123566148,6.123566045,6.12356614,6.12356617,6.12356621,6.123566095,6.123566013,6.123566154,6.123566275,6.123566196,6.123566239,6.123566148,6.123566102,6.123566086,6.123566157,6.123566129,6.123566131,6.123566198,6.123566056,6.123566046,6.123566045
+"8712","LRFN2",4.163293681,4.163293615,4.163293704,4.163293614,4.163293892,4.163293493,4.163293875,4.163293886,4.163293741,4.163293719,4.163293766,4.163293793,4.163293615,4.163293557,4.163293826,4.163293801,4.163293827,4.163293897,4.163293733,4.163293724,4.163294011,4.163293884,4.163293727,4.163293782,4.163293872,4.163293783,4.163293681,4.163293836
+"8713","LRFN3",5.119235773,5.119235592,5.119235593,5.119235382,5.119235584,5.119235867,5.119235671,5.11923578,5.11923582,5.119235837,5.119235704,5.119235766,5.11923577,5.119235719,5.119235868,5.119235653,5.119235659,5.11923573,5.119235566,5.119235625,5.11923557,5.119235828,5.119235686,5.11923579,5.119235507,5.119235718,5.119235828,5.119235793
+"8714","LRFN4",6.249657884,6.249657896,6.249657929,6.249657996,6.249658134,6.249657827,6.249657846,6.249658072,6.249657768,6.249657862,6.249657964,6.249657956,6.249658033,6.249657765,6.249658024,6.2496579,6.24965804,6.249657896,6.249657938,6.249657925,6.249657941,6.249657924,6.249657697,6.249657681,6.249657794,6.249658031,6.249657805,6.249657862
+"8715","LRFN5",4.49949274,4.4994927,4.499492791,4.499492698,4.499492797,4.499492744,4.499492741,4.499492804,4.499492744,4.49949279,4.499492775,4.499492788,4.499492733,4.49949269,4.499492773,4.499492749,4.499492814,4.499492771,4.499492759,4.499492743,4.499492775,4.499492793,4.499492733,4.49949274,4.499492743,4.499492756,4.499492759,4.499492748
+"8716","LRG1",7.345288998,7.345292444,7.345290359,7.345292626,7.345288835,7.345290644,7.345291072,7.345290606,7.345290601,7.34528979,7.345290376,7.345287524,7.34528986,7.345290418,7.345289962,7.345292918,7.34529126,7.345292102,7.345291351,7.345292445,7.345289945,7.345289901,7.345291547,7.345292215,7.345290762,7.345288651,7.345290007,7.345289594
+"8717","LRGUK",3.818849106,3.818849101,3.818849154,3.81884911,3.818849185,3.818849179,3.81884916,3.818849115,3.818849115,3.818849173,3.81884919,3.81884916,3.818849133,3.81884912,3.818849121,3.81884921,3.818849159,3.818849209,3.818849159,3.818849212,3.81884914,3.818849101,3.818849209,3.818849114,3.818849136,3.818849125,3.818849131,3.818849205
+"8718","LRIF1",5.414299815,5.414299391,5.414299412,5.414299869,5.414298888,5.41429919,5.414299539,5.414299468,5.414299428,5.414299119,5.414299407,5.414299602,5.414299661,5.414300372,5.414299672,5.414299245,5.414299109,5.41429998,5.414299442,5.414299298,5.414299555,5.414299291,5.41429962,5.414299383,5.414299576,5.414299483,5.414299797,5.414299922
+"8719","LRIG1",6.556027379,6.556027442,6.556027283,6.556027343,6.556027452,6.556027537,6.556027511,6.556027368,6.556027436,6.556027431,6.556027407,6.556027298,6.55602752,6.556027465,6.556027452,6.556027453,6.556027285,6.556027389,6.556027476,6.5560274,6.556027448,6.556027437,6.556027428,6.556027408,6.55602734,6.556027411,6.556027512,6.556027453
+"8720","LRIG2",6.309022173,6.309022034,6.309021864,6.309021794,6.309021841,6.309021651,6.309022041,6.309021704,6.309022096,6.309022042,6.309021749,6.309021788,6.309022007,6.309022384,6.309021787,6.309021802,6.309021384,6.309021623,6.309021915,6.30902121,6.309021774,6.309021848,6.309022241,6.309022031,6.309021708,6.309022029,6.309021893,6.309022186
+"8721","LRIG3",3.739172385,3.739172322,3.739172382,3.73917246,3.739172454,3.739172368,3.739172453,3.739172396,3.739172417,3.73917246,3.739172496,3.739172462,3.739172378,3.739172226,3.739172401,3.739172377,3.739172515,3.739172351,3.739172414,3.739172526,3.739172462,3.739172351,3.739172405,3.739172366,3.73917236,3.739172388,3.739172329,3.739172369
+"8722","LRIT1",4.648019658,4.648019728,4.648019746,4.64801978,4.648019787,4.648019768,4.648019755,4.648019764,4.648019729,4.648019751,4.648019698,4.64801975,4.648019686,4.648019637,4.648019748,4.648019757,4.64801979,4.648019761,4.648019686,4.648019752,4.648019752,4.64801977,4.648019718,4.648019747,4.648019858,4.648019767,4.648019711,4.648019732
+"8723","LRIT2",3.937296241,3.937295976,3.937296169,3.937296216,3.937296297,3.937296017,3.937296335,3.937296169,3.937296007,3.937295814,3.937296281,3.937296284,3.937296167,3.937295772,3.937296146,3.937296101,3.937295958,3.937296496,3.937296121,3.937296536,3.93729619,3.937296006,3.937296155,3.937296072,3.937296199,3.937296233,3.93729604,3.937296369
+"8724","LRIT3",3.579928756,3.579928673,3.579928835,3.579928803,3.579928817,3.579928758,3.579928776,3.579928818,3.57992874,3.579928872,3.579928914,3.579929021,3.579928801,3.579928651,3.579928831,3.579928795,3.579928729,3.579928706,3.57992871,3.57992885,3.579928833,3.579928865,3.579928676,3.579928639,3.579928841,3.579928802,3.579928759,3.579928808
+"8725","LRMDA",5.172720808,5.1727208,5.17272081,5.172720866,5.172720842,5.172720871,5.17272083,5.17272085,5.17272079,5.172720843,5.172720854,5.172720851,5.172720859,5.172720803,5.172720836,5.172720807,5.17272081,5.172720817,5.172720834,5.172720876,5.172720806,5.172720829,5.172720794,5.172720853,5.172720864,5.172720841,5.172720868,5.172720784
+"8726","LRP1",6.865463614,6.865464171,6.865463891,6.865464132,6.865464232,6.865464383,6.865464038,6.865463459,6.865463361,6.8654644,6.865464377,6.86546369,6.865463731,6.865464219,6.865463741,6.865463911,6.865463906,6.865463892,6.865463891,6.86546405,6.8654639,6.865463497,6.865463241,6.865464221,6.865464115,6.865463659,6.86546386,6.865463304
+"8727","LRP10",8.753209044,8.754065956,8.753487939,8.754820947,8.752910581,8.754789915,8.753696562,8.753804015,8.753633187,8.753301063,8.753650684,8.752609714,8.753441409,8.753002616,8.753483436,8.753907909,8.753781452,8.75437102,8.753611255,8.754471331,8.753300955,8.753797946,8.753917864,8.753981773,8.753986787,8.7531519,8.753581694,8.752707214
+"8728","LRP11",5.160010237,5.160010249,5.160010251,5.160009994,5.160010639,5.160010234,5.16001039,5.160010627,5.160010386,5.160010438,5.160010342,5.160010447,5.160010315,5.160010114,5.160010534,5.160010128,5.160010742,5.160010381,5.160010454,5.160010327,5.160010518,5.160010593,5.160010077,5.160009869,5.160010203,5.160010571,5.160010181,5.160010381
+"8729","LRP12",4.04134111,4.041341177,4.041341093,4.041341155,4.041341129,4.041341083,4.041341091,4.041341071,4.041341077,4.04134112,4.041341188,4.041341048,4.041341109,4.04134112,4.041341141,4.041341084,4.041341071,4.041341182,4.041341176,4.041341111,4.041341141,4.04134109,4.041341142,4.04134117,4.041341132,4.041341108,4.041341093,4.041341135
+"8730","LRP1B",3.292272294,3.292272311,3.292272351,3.292272306,3.292272336,3.292272295,3.292272281,3.292272375,3.292272343,3.29227229,3.292272334,3.292272388,3.292272257,3.292272297,3.292272308,3.292272388,3.292272329,3.292272294,3.29227232,3.292272281,3.292272314,3.292272327,3.292272255,3.292272283,3.29227232,3.292272317,3.292272295,3.292272325
+"8731","LRP2",3.606512348,3.606512349,3.606512415,3.606512421,3.606512498,3.606512416,3.60651244,3.606512499,3.606512445,3.606512493,3.606512463,3.60651242,3.606512409,3.606512317,3.606512432,3.606512362,3.606512427,3.606512449,3.606512488,3.606512381,3.606512447,3.606512475,3.606512363,3.606512318,3.60651238,3.606512443,3.606512405,3.606512385
+"8732","LRP2BP",3.652633974,3.652634376,3.652634343,3.652634168,3.652633959,3.652633944,3.652634213,3.652634051,3.652634187,3.652634234,3.652634278,3.652634048,3.652633867,3.652634216,3.65263412,3.652634015,3.652634231,3.652634371,3.652634172,3.652634018,3.652634204,3.652634366,3.652634228,3.652633896,3.652634009,3.652634126,3.65263408,3.652634148
+"8733","LRP3",6.281038638,6.281038742,6.281038832,6.281038799,6.281038927,6.281038745,6.281038896,6.281038827,6.281038731,6.281038747,6.281038834,6.281038816,6.281038762,6.281038589,6.281038918,6.281038877,6.281038916,6.281038906,6.281038792,6.28103881,6.281038932,6.281038877,6.28103869,6.281038722,6.281038803,6.281038793,6.281038725,6.281038684
+"8734","LRP4",5.026033156,5.026033167,5.02603318,5.026033163,5.0260332,5.026033164,5.026033161,5.026033174,5.02603317,5.026033166,5.026033176,5.026033189,5.026033177,5.02603312,5.026033185,5.026033182,5.026033198,5.026033179,5.026033174,5.026033176,5.026033187,5.026033183,5.026033155,5.026033158,5.026033173,5.026033185,5.026033162,5.026033172
+"8735","LRP5",4.651302972,4.65130302,4.651303006,4.651302982,4.651303041,4.651302986,4.651302979,4.651302953,4.65130301,4.651302953,4.651303024,4.651302912,4.65130302,4.651302936,4.651303042,4.651303075,4.651303018,4.651302974,4.651302943,4.651303037,4.65130302,4.651303072,4.65130296,4.651303027,4.651303022,4.651303029,4.651302998,4.651302958
+"8736","LRP5L",6.166091225,6.166091193,6.166091233,6.166091227,6.166091234,6.166091234,6.166091238,6.166091233,6.166091184,6.166091191,6.166091239,6.166091239,6.166091215,6.166091158,6.166091253,6.166091237,6.166091237,6.166091196,6.166091272,6.166091235,6.166091259,6.166091248,6.166091194,6.166091216,6.166091232,6.166091237,6.16609124,6.166091206
+"8737","LRP6",4.57899879,4.578998994,4.578999179,4.578999477,4.5789986,4.57899878,4.578998707,4.578999615,4.578999498,4.578999583,4.578998668,4.579000274,4.578999038,4.578999862,4.578998584,4.57899921,4.578999383,4.578999338,4.578999008,4.578998552,4.578999115,4.578999648,4.578999333,4.578998993,4.578999141,4.578999567,4.578999436,4.57899958
+"8738","LRP8",6.05557061,6.055570388,6.055570372,6.055570571,6.055570219,6.055570547,6.055570492,6.055570387,6.05557053,6.055570463,6.055570194,6.055570421,6.055570199,6.055570432,6.055570479,6.055570164,6.05557029,6.05557055,6.055570281,6.055570702,6.055570407,6.055570339,6.055570371,6.05557038,6.055570476,6.055570489,6.055570349,6.055570277
+"8739","LRPAP1",8.199673964,8.199674021,8.199673963,8.199674101,8.199673996,8.199674057,8.199674091,8.19967398,8.199674059,8.199674028,8.19967404,8.199673989,8.199674035,8.199674063,8.199673994,8.199673996,8.199673982,8.199674025,8.199674008,8.199674,8.199674027,8.199673998,8.19967409,8.199674088,8.199674005,8.199674011,8.199674055,8.199674028
+"8740","LRPPRC",7.062469519,7.062468897,7.062468667,7.062468332,7.062468454,7.062468602,7.062468795,7.062468317,7.062469264,7.062469106,7.062468507,7.062468153,7.062469067,7.062470439,7.062468929,7.062468657,7.062468446,7.062468201,7.062468901,7.062467797,7.06246866,7.062468694,7.062469368,7.062468838,7.062468062,7.062468729,7.062469029,7.062469774
+"8741","LRR1",4.616347828,4.616347793,4.616347847,4.616347813,4.616347801,4.616347802,4.616347841,4.616347781,4.616347838,4.616347815,4.616347839,4.616347839,4.616347818,4.616347817,4.616347809,4.616347816,4.616347834,4.616347804,4.616347825,4.61634787,4.61634782,4.616347793,4.616347849,4.616347853,4.616347851,4.616347817,4.616347811,4.616347814
+"8742","LRRC1",4.508126197,4.508126352,4.508126161,4.508126141,4.50812629,4.508126205,4.508126242,4.508126166,4.508126338,4.508126295,4.508126172,4.508126503,4.508126302,4.50812637,4.508126348,4.508126184,4.508126183,4.50812631,4.508126164,4.508125937,4.508126176,4.508126176,4.50812644,4.508126299,4.508126196,4.508126182,4.508126281,4.508126208
+"8743","LRRC10",4.150835789,4.150835779,4.150835804,4.150835665,4.150835823,4.150835786,4.15083586,4.150835822,4.150835772,4.150835781,4.150835875,4.150835814,4.150835724,4.150835771,4.150835827,4.150835849,4.150835893,4.150835851,4.150835822,4.150835812,4.150835853,4.150835879,4.150835785,4.150835783,4.150835784,4.150835759,4.150835764,4.15083579
+"8744","LRRC14",6.533622487,6.533622768,6.533622556,6.533622575,6.533622689,6.533622616,6.533622527,6.533622641,6.53362279,6.533622731,6.533622457,6.533622609,6.533622766,6.533622691,6.533622586,6.533622524,6.533622525,6.533622562,6.53362267,6.533622484,6.533622554,6.533622756,6.533622584,6.53362255,6.533622451,6.533622472,6.533622828,6.533622601
+"8745","LRRC14B",4.728877886,4.728877848,4.728877826,4.728877828,4.72887796,4.728877891,4.728877896,4.728877962,4.728877871,4.728877906,4.728877846,4.728877947,4.728877933,4.728877832,4.728878024,4.728877907,4.728877988,4.728877958,4.728877934,4.728877982,4.728878049,4.728877988,4.728877896,4.728877897,4.728877861,4.728877923,4.72887781,4.728877789
+"8746","LRRC15",6.781811451,6.781811424,6.781811484,6.78181148,6.781811483,6.781811493,6.781811477,6.781811503,6.781811456,6.781811471,6.7818115,6.781811528,6.781811451,6.781811338,6.781811501,6.781811498,6.781811524,6.781811511,6.781811513,6.781811463,6.781811419,6.781811484,6.781811455,6.781811422,6.781811465,6.781811487,6.781811491,6.781811483
+"8747","LRRC17",3.818365344,3.81836537,3.818365349,3.818365341,3.818365376,3.818365332,3.818365359,3.818365353,3.818365375,3.818365349,3.818365371,3.818365352,3.818365332,3.81836535,3.818365372,3.818365366,3.818365377,3.818365372,3.818365347,3.818365346,3.818365361,3.818365355,3.818365359,3.818365358,3.818365373,3.818365336,3.818365357,3.818365364
+"8748","LRRC18",4.209452544,4.209452544,4.209452568,4.209452574,4.20945255,4.209452551,4.209452563,4.209452528,4.209452533,4.209452535,4.209452544,4.209452566,4.209452536,4.209452538,4.20945257,4.209452521,4.209452564,4.209452574,4.209452572,4.209452558,4.209452576,4.209452572,4.209452547,4.209452519,4.209452583,4.209452542,4.209452539,4.20945255
+"8749","LRRC19",2.297565856,2.297565882,2.297565833,2.297565851,2.297565838,2.297565864,2.297565824,2.297565868,2.29756586,2.297565858,2.297565864,2.297565906,2.297565853,2.297565861,2.297565818,2.29756588,2.297565884,2.297565871,2.297565845,2.297565842,2.297565843,2.297565876,2.2975659,2.297565888,2.297565855,2.297565842,2.297565866,2.297565878
+"8750","LRRC2",3.190546493,3.190546466,3.190546417,3.190546542,3.190546806,3.190546399,3.190546487,3.190546737,3.190546517,3.190546605,3.190546923,3.190546657,3.190546456,3.190546371,3.190546488,3.190546499,3.190546797,3.190546798,3.19054647,3.19054653,3.190546661,3.190546504,3.190546572,3.190546353,3.19054669,3.190546448,3.190546592,3.190546488
+"8751","LRRC2-AS1",4.715571232,4.715571208,4.715571621,4.715571451,4.715571391,4.715571304,4.71557132,4.715571679,4.71557147,4.715571259,4.715571504,4.715571636,4.715571235,4.715571171,4.715571429,4.71557154,4.715571583,4.715571694,4.715571393,4.715571344,4.715571446,4.715571588,4.715571454,4.715571332,4.715571482,4.715571464,4.715571086,4.715571385
+"8752","LRRC20",6.033268545,6.033268542,6.033268575,6.033268565,6.033268652,6.033268594,6.033268634,6.033268621,6.033268579,6.033268569,6.033268621,6.033268636,6.033268575,6.033268507,6.033268612,6.033268575,6.033268624,6.033268611,6.033268609,6.033268576,6.033268596,6.033268585,6.033268568,6.033268548,6.033268624,6.033268602,6.033268581,6.033268593
+"8753","LRRC23",5.195444048,5.195444048,5.195444062,5.195444034,5.195444044,5.195444019,5.195444052,5.195444051,5.195444038,5.195444021,5.195444039,5.195444072,5.19544405,5.195444042,5.195444044,5.195444071,5.195444055,5.195444065,5.195444035,5.195444032,5.19544406,5.195444057,5.195444044,5.195444033,5.19544406,5.195444047,5.19544404,5.195444058
+"8754","LRRC25",8.880551407,8.880734419,8.880623613,8.880794827,8.880636606,8.880689886,8.880589206,8.88056143,8.880531996,8.880610197,8.880641127,8.880479312,8.880677281,8.880547146,8.880499489,8.880654471,8.880653865,8.880746886,8.880652814,8.880616686,8.880594238,8.880616597,8.880595498,8.880634836,8.880654953,8.880558749,8.880668364,8.880495638
+"8755","LRRC26",7.665616719,7.665616813,7.665617444,7.665617229,7.665618011,7.665617202,7.665617644,7.665617574,7.6656173,7.665617389,7.665617608,7.665617869,7.665617114,7.665616488,7.665617653,7.66561713,7.66561797,7.665617596,7.665617493,7.665617059,7.665617734,7.665617764,7.665617136,7.66561681,7.665617302,7.665617572,7.665617283,7.665617334
+"8756","LRRC27",5.707747669,5.707747646,5.707747704,5.707747679,5.707747693,5.707747664,5.707747664,5.707747694,5.707747621,5.70774768,5.707747695,5.707747707,5.707747677,5.707747608,5.707747677,5.707747669,5.707747715,5.707747653,5.707747666,5.707747633,5.707747689,5.707747674,5.707747654,5.707747635,5.70774767,5.707747693,5.707747677,5.707747645
+"8757","LRRC28",6.36676582,6.366765822,6.366765701,6.366765735,6.366765639,6.366765665,6.366765791,6.366765678,6.366765767,6.366765862,6.36676579,6.366765717,6.366765777,6.366765805,6.366765647,6.366765771,6.366765654,6.366765694,6.366765758,6.366765697,6.366765634,6.366765711,6.366765843,6.366765883,6.366765803,6.366765791,6.366765818,6.366765704
+"8758","LRRC3",6.199561441,6.199561427,6.199561427,6.199561422,6.199561463,6.199561443,6.199561438,6.199561472,6.199561433,6.199561441,6.19956144,6.199561459,6.199561446,6.199561411,6.199561457,6.199561443,6.199561478,6.199561447,6.199561464,6.199561451,6.19956144,6.199561449,6.199561436,6.199561419,6.199561443,6.199561434,6.199561438,6.199561425
+"8759","LRRC31",3.007756952,3.007756997,3.007756947,3.007756882,3.007756869,3.007757013,3.007756893,3.007756903,3.007756937,3.007756896,3.007756926,3.00775684,3.007756852,3.007756906,3.007756977,3.007756933,3.007756979,3.00775699,3.007756917,3.007756896,3.007756908,3.007756885,3.007756925,3.007756892,3.007756964,3.007756865,3.007756862,3.007756877
+"8760","LRRC32",5.71565788,5.715657814,5.715658011,5.715657907,5.715658168,5.715657909,5.715658089,5.715658116,5.715657791,5.715658021,5.715658225,5.715658427,5.715657889,5.715657674,5.715658048,5.715657869,5.715658168,5.715658127,5.715657894,5.715657924,5.715658146,5.715657991,5.715657761,5.715657896,5.715658028,5.715658219,5.715657726,5.715657918
+"8761","LRRC34",3.361762482,3.361762311,3.361762385,3.361762259,3.361762412,3.361762329,3.361762245,3.36176221,3.36176245,3.361762514,3.361762341,3.361762537,3.361762238,3.361762422,3.361762496,3.361762449,3.361762546,3.36176251,3.361762354,3.361762316,3.361762513,3.361762557,3.361762533,3.361762633,3.36176218,3.361762417,3.361762298,3.361762834
+"8762","LRRC36",3.886088999,3.886088926,3.886089025,3.886088901,3.886089076,3.886088925,3.886088924,3.886089136,3.886088982,3.886088929,3.886088916,3.886089172,3.886088863,3.886088739,3.886089,3.886088852,3.886089097,3.886088877,3.886088858,3.886088863,3.886088895,3.886088916,3.886088907,3.886089019,3.886088908,3.886089081,3.886088993,3.88608892
+"8763","LRRC37A11P",3.857689916,3.857689875,3.857689922,3.857689994,3.857689978,3.857689938,3.857689985,3.857690088,3.857689955,3.857689826,3.857689955,3.857690019,3.857689849,3.857689906,3.857690111,3.85769004,3.857689972,3.857689946,3.857690047,3.857690024,3.857690035,3.857690023,3.857689803,3.857689993,3.857690024,3.85768996,3.857689837,3.857690003
+"8764","LRRC37A5P",3.732786248,3.732786213,3.732786378,3.732786211,3.732786243,3.732786374,3.732786343,3.732786392,3.732786275,3.732786313,3.732786301,3.732786351,3.732786344,3.732786286,3.732786364,3.732786378,3.732786405,3.732786305,3.732786345,3.732786336,3.732786333,3.732786388,3.732786392,3.732786293,3.732786279,3.732786362,3.732786195,3.732786242
+"8765","LRRC37A6P",3.639265064,3.639265252,3.639265513,3.639265047,3.639265399,3.639265012,3.639265261,3.639265287,3.63926533,3.639265345,3.639265292,3.639265239,3.639265173,3.639265115,3.639265309,3.639265136,3.639265358,3.639265276,3.639265203,3.639265416,3.639265299,3.639265331,3.639265185,3.639265375,3.639265214,3.639265103,3.639265118,3.639264977
+"8766","LRRC37B",6.456555652,6.456555557,6.456554793,6.456555509,6.456554976,6.456555095,6.456555272,6.456554915,6.456555375,6.456555151,6.456555297,6.456555218,6.456555646,6.456555626,6.456555356,6.456555356,6.456554519,6.456555263,6.456555434,6.456555446,6.456555586,6.456555108,6.456555169,6.456555491,6.456555618,6.456555448,6.456555365,6.456554842
+"8767","LRRC38",5.074309272,5.074309351,5.074309373,5.074309403,5.074309438,5.074309365,5.074309439,5.074309433,5.074309431,5.07430936,5.074309413,5.074309438,5.074309332,5.074309283,5.074309402,5.074309444,5.074309481,5.074309423,5.074309444,5.074309415,5.07430937,5.074309443,5.07430928,5.074309309,5.074309368,5.074309384,5.074309286,5.07430937
+"8768","LRRC39",2.756987191,2.756987229,2.756987138,2.756987175,2.756987146,2.756987094,2.756987154,2.756987233,2.756987117,2.756987131,2.756987175,2.756987194,2.756987173,2.756987201,2.756987212,2.756987186,2.756987289,2.756987129,2.756987188,2.756987183,2.756987207,2.756987075,2.756987205,2.756987171,2.756987125,2.75698723,2.756987149,2.756987212
+"8769","LRRC3B",5.129720899,5.129720822,5.129721045,5.129720898,5.129721119,5.129720876,5.129720973,5.129721001,5.129720902,5.129720911,5.129721059,5.12972106,5.129720829,5.129720741,5.12972105,5.129720869,5.129721051,5.129721075,5.1297209,5.129720957,5.129721059,5.129721035,5.129720847,5.129720851,5.129720986,5.129721041,5.129720879,5.129720864
+"8770","LRRC4",6.271799494,6.271800313,6.271799604,6.271801246,6.271799017,6.271800559,6.271800658,6.27179934,6.27179953,6.27179978,6.271799612,6.271799107,6.271799387,6.271799077,6.27179982,6.271800178,6.271799446,6.271800912,6.271800248,6.271800763,6.271800403,6.271799517,6.271800368,6.271800927,6.271800409,6.271798961,6.271799668,6.271799151
+"8771","LRRC40",4.857549132,4.857548597,4.857548446,4.857548437,4.857548463,4.857548435,4.857548519,4.857548024,4.857548695,4.857548434,4.857548463,4.857548133,4.857548483,4.857549443,4.857548427,4.857548691,4.857548317,4.857548051,4.857548485,4.857548356,4.857548488,4.857548409,4.857548544,4.857548626,4.857548246,4.85754861,4.857548579,4.857549047
+"8772","LRRC41",6.632856349,6.632856363,6.63285629,6.63285609,6.632856119,6.632856332,6.632856242,6.632856202,6.632856425,6.63285639,6.632855962,6.632856346,6.632856318,6.632856399,6.632856141,6.632856242,6.632856057,6.632856029,6.632856121,6.632856198,6.632856103,6.632856144,6.632856289,6.632856219,6.632855993,6.632856271,6.632856311,6.632856297
+"8773","LRRC42",5.620184493,5.62018446,5.620184506,5.620184475,5.62018452,5.620184498,5.620184498,5.620184492,5.620184496,5.620184504,5.62018449,5.62018451,5.620184489,5.620184457,5.6201845,5.620184475,5.620184506,5.620184507,5.620184502,5.620184499,5.620184503,5.620184496,5.620184478,5.620184488,5.620184484,5.620184499,5.620184497,5.620184497
+"8774","LRRC43",4.449818279,4.449818527,4.449818475,4.449818366,4.44981863,4.449818632,4.449818369,4.449818606,4.449818446,4.449818266,4.44981829,4.449818538,4.44981836,4.449818162,4.449818625,4.449818711,4.449818617,4.449818478,4.449818539,4.44981868,4.449818569,4.449818621,4.449818214,4.449818363,4.449818358,4.449818751,4.449818453,4.449818539
+"8775","LRRC45",5.737614631,5.737614653,5.737614689,5.737614588,5.737614705,5.737614593,5.737614678,5.737614702,5.737614665,5.737614644,5.737614669,5.737614697,5.737614639,5.73761457,5.737614694,5.73761469,5.737614698,5.737614683,5.73761465,5.73761462,5.737614694,5.737614685,5.737614656,5.737614631,5.737614645,5.737614691,5.737614598,5.737614686
+"8776","LRRC46",4.66262422,4.662624187,4.662624408,4.66262433,4.662624385,4.662624347,4.662624283,4.662624446,4.662624373,4.662624337,4.662624433,4.662624418,4.66262429,4.662624253,4.662624289,4.66262433,4.662624382,4.662624503,4.662624376,4.662624437,4.662624342,4.662624427,4.662624387,4.662624218,4.66262451,4.662624371,4.662624334,4.662624314
+"8777","LRRC47",7.070949802,7.070949796,7.070949532,7.070949659,7.070949564,7.070949695,7.070949446,7.070949593,7.070949749,7.070949683,7.070949326,7.070949401,7.070949765,7.070949873,7.07094974,7.070949686,7.070949418,7.070949608,7.070949592,7.070949854,7.070949436,7.070949647,7.070949618,7.070949813,7.070949504,7.07094974,7.070949963,7.070949606
+"8778","LRRC49",3.428401853,3.428401824,3.428401856,3.4284018,3.428401943,3.428401822,3.428401867,3.428401913,3.428401893,3.428401862,3.428401872,3.428401993,3.428401853,3.428401786,3.428401912,3.428401961,3.428401931,3.42840186,3.428401803,3.428401915,3.428401915,3.428401923,3.428401808,3.428401822,3.428401822,3.428401828,3.42840186,3.428401961
+"8779","LRRC4B",5.792531309,5.792531361,5.792532637,5.792531555,5.792532833,5.792531733,5.792532163,5.79253244,5.792532223,5.79253241,5.792532326,5.792532857,5.792531834,5.792530863,5.792532523,5.792531948,5.792532645,5.792532201,5.792532064,5.792531704,5.792532589,5.792532535,5.792531952,5.792531584,5.792531864,5.792532674,5.792531438,5.792532294
+"8780","LRRC4C",3.875437025,3.875436957,3.875437145,3.875437118,3.875436724,3.875436876,3.87543682,3.875436922,3.875436922,3.875436929,3.875437005,3.875437244,3.875436911,3.875436835,3.87543706,3.875437051,3.875436854,3.875437061,3.875436938,3.875437044,3.875436958,3.875437072,3.875437207,3.875436989,3.875437187,3.875437044,3.87543708,3.875437179
+"8781","LRRC52",4.208745035,4.208745041,4.208745048,4.208745037,4.208745061,4.20874503,4.208745052,4.208745058,4.208745049,4.208745054,4.208745051,4.208745057,4.20874505,4.208745033,4.208745051,4.208745059,4.208745069,4.208745057,4.208745044,4.208745057,4.20874507,4.208745051,4.208745047,4.20874505,4.208745047,4.208745055,4.208745035,4.208745043
+"8782","LRRC53",3.826352651,3.82635279,3.826352944,3.826352776,3.826352736,3.82635268,3.826352598,3.826352908,3.826352852,3.826352767,3.826352773,3.826353252,3.826352638,3.826352623,3.826352948,3.826352669,3.826352991,3.826352953,3.826352439,3.826352884,3.826352711,3.826352848,3.826352855,3.826352683,3.826352937,3.826352949,3.826352896,3.826352604
+"8783","LRRC55",4.820081586,4.820081511,4.820081583,4.820081644,4.820081717,4.820081626,4.82008168,4.820081593,4.820081589,4.820081625,4.820081617,4.820081787,4.820081526,4.820081524,4.820081638,4.820081688,4.820081759,4.820081565,4.820081665,4.820081668,4.820081718,4.820081645,4.820081599,4.820081478,4.820081513,4.820081705,4.820081582,4.820081571
+"8784","LRRC56",5.749111492,5.74911148,5.749111523,5.749111494,5.749111575,5.749111484,5.749111524,5.749111544,5.749111534,5.749111567,5.749111549,5.749111615,5.749111498,5.749111405,5.74911153,5.749111518,5.749111547,5.749111539,5.749111506,5.749111517,5.749111524,5.749111545,5.749111492,5.749111504,5.749111529,5.749111577,5.749111536,5.74911151
+"8785","LRRC57",6.205339084,6.205339095,6.205339077,6.205339123,6.205339103,6.205339097,6.205339091,6.205339092,6.20533906,6.205339071,6.205339093,6.205339084,6.205339113,6.205339086,6.205339094,6.205339071,6.205339096,6.205339097,6.205339139,6.205339062,6.2053391,6.20533911,6.205339094,6.205339076,6.205339091,6.205339106,6.205339081,6.205339093
+"8786","LRRC58",6.615449583,6.61544927,6.615449263,6.615449026,6.615449251,6.615449346,6.615449449,6.615449116,6.61544926,6.615449456,6.615449178,6.615449238,6.615449542,6.615449646,6.615449227,6.615449048,6.615448984,6.615448722,6.61544936,6.615449478,6.615449311,6.615449087,6.615449445,6.615449457,6.615449148,6.615449341,6.615449419,6.615449527
+"8787","LRRC59",8.035894037,8.035893995,8.035893923,8.035894038,8.035893963,8.035894218,8.035894134,8.035893707,8.0358935,8.035893795,8.035893768,8.035893578,8.03589414,8.035893975,8.035893435,8.035893707,8.035893574,8.035894033,8.035893844,8.035893598,8.035893963,8.035893641,8.035893702,8.035893676,8.035893834,8.035893742,8.035894013,8.035893992
+"8788","LRRC61",5.863510125,5.863510102,5.863510134,5.86351012,5.863510174,5.863510143,5.863510148,5.863510163,5.863510068,5.8635101,5.863510128,5.863510151,5.863510152,5.863509997,5.863510138,5.863510136,5.863510166,5.863510086,5.863510095,5.863510135,5.863510136,5.863510153,5.863510073,5.863510082,5.863510133,5.86351008,5.863510094,5.863509987
+"8789","LRRC63",3.455210309,3.455210459,3.455210382,3.455210461,3.455210455,3.455210587,3.455210295,3.455210338,3.455210318,3.455210345,3.455210355,3.455210364,3.455210195,3.455210353,3.455210307,3.455210363,3.455210417,3.455210195,3.455210384,3.455210329,3.45521038,3.455210318,3.45521048,3.455210382,3.45521044,3.455210213,3.455210443,3.455210352
+"8790","LRRC66",2.995721066,2.995721035,2.995721045,2.995721031,2.995721053,2.995721051,2.995721046,2.995721031,2.995721056,2.995721058,2.995721044,2.995721033,2.995721031,2.995721058,2.995721049,2.995721044,2.995721078,2.995721039,2.995721037,2.995721049,2.995721023,2.995721049,2.995721046,2.995721028,2.995721046,2.995721032,2.995721044,2.995721058
+"8791","LRRC7",3.751703842,3.751704015,3.751704008,3.751704071,3.751704118,3.751703883,3.751703973,3.751703921,3.751704128,3.751704263,3.751704053,3.751704281,3.751704258,3.751704007,3.751703897,3.751703981,3.751704107,3.751704099,3.751704063,3.751703969,3.751704038,3.751704058,3.751704032,3.751704273,3.751703878,3.751704159,3.751704203,3.751703839
+"8792","LRRC71",4.840599506,4.840599573,4.840599577,4.840599547,4.84059961,4.840599517,4.840599568,4.840599575,4.840599579,4.840599506,4.840599601,4.840599615,4.840599533,4.840599508,4.840599605,4.840599549,4.84059964,4.840599627,4.840599558,4.840599534,4.840599597,4.840599577,4.840599521,4.840599579,4.840599573,4.840599565,4.840599511,4.840599553
+"8793","LRRC73",4.94156018,4.941560193,4.94156019,4.941560199,4.941560209,4.941560187,4.94156018,4.941560207,4.941560181,4.941560181,4.9415602,4.94156022,4.941560201,4.941560147,4.941560199,4.941560213,4.941560217,4.941560174,4.94156018,4.94156019,4.94156019,4.94156021,4.941560194,4.941560203,4.941560208,4.941560195,4.941560183,4.941560203
+"8794","LRRC74A",4.387926431,4.387926406,4.387926444,4.387926446,4.387926449,4.387926432,4.387926445,4.387926447,4.387926429,4.387926452,4.38792645,4.38792648,4.387926435,4.387926402,4.387926448,4.387926407,4.38792648,4.387926442,4.387926449,4.387926424,4.387926462,4.38792643,4.387926416,4.387926423,4.387926433,4.387926443,4.387926434,4.387926432
+"8795","LRRC74B",4.135675145,4.135675184,4.135675227,4.135675131,4.135675421,4.135675367,4.135675377,4.135675388,4.135675309,4.135675091,4.135675281,4.13567537,4.135675193,4.135675181,4.135675351,4.135675337,4.13567547,4.135675375,4.135675224,4.135675421,4.135675173,4.135675219,4.135675225,4.135675211,4.135675264,4.135675293,4.135675248,4.135675253
+"8796","LRRC75A",6.275689132,6.275689298,6.275689431,6.27568939,6.275689193,6.275689445,6.27568921,6.275689313,6.275689299,6.275689278,6.275689305,6.275689347,6.275689239,6.275689099,6.275689337,6.275689283,6.275689465,6.275689426,6.275689396,6.275689415,6.27568926,6.275689378,6.275689313,6.275689229,6.275689278,6.275689329,6.275689278,6.275689156
+"8797","LRRC75B",5.643242104,5.643242072,5.64324224,5.643242179,5.64324242,5.643242151,5.643242319,5.643242341,5.643242227,5.643242201,5.643242252,5.643242376,5.643242213,5.64324197,5.64324232,5.643242209,5.643242381,5.643242435,5.643242276,5.643242206,5.643242285,5.643242307,5.643242122,5.643242162,5.64324224,5.64324226,5.643242206,5.643242244
+"8798","LRRC8A",7.260114606,7.260114755,7.260115017,7.260114712,7.2601151,7.260114794,7.260114944,7.260115194,7.26011492,7.260114817,7.26011494,7.260114977,7.260114938,7.260114518,7.260114925,7.260114835,7.260115007,7.260114994,7.260114754,7.260114872,7.260115,7.26011502,7.260114749,7.260114816,7.260115048,7.260115056,7.260114904,7.260114887
+"8799","LRRC8B",6.112144558,6.11214452,6.112144375,6.11214463,6.112144492,6.112144351,6.112144548,6.11214447,6.112144542,6.112144546,6.1121444,6.112144411,6.112144624,6.112144574,6.112144488,6.112144511,6.112144327,6.112144595,6.112144572,6.112144455,6.112144513,6.112144416,6.112144512,6.112144542,6.112144499,6.112144463,6.112144647,6.1121445
+"8800","LRRC8C",7.157281773,7.157281546,7.157281322,7.157281242,7.157281376,7.157281306,7.157281637,7.15728138,7.157281857,7.157281605,7.157281217,7.157281476,7.157281594,7.157281921,7.157281359,7.157281259,7.157280982,7.157281149,7.157281566,7.15728124,7.15728133,7.157281555,7.157281728,7.157281441,7.157281116,7.157281425,7.157281717,7.15728174
+"8801","LRRC8D",7.45177933,7.451779295,7.451779298,7.451779012,7.451779205,7.451779085,7.451779242,7.451779052,7.451779249,7.451779305,7.451779001,7.45177916,7.451779137,7.451779551,7.451779114,7.451779042,7.451779082,7.451778971,7.451779235,7.451778992,7.451779139,7.451779115,7.451779213,7.451779237,7.451779072,7.451779182,7.451779221,7.451779304
+"8802","LRRC8E",4.594985185,4.594985146,4.594985271,4.594985136,4.594985257,4.594985142,4.594985168,4.594985153,4.59498522,4.594985204,4.594985254,4.594985222,4.594985192,4.594985148,4.594985194,4.594985224,4.594985298,4.594985274,4.594985168,4.594985221,4.594985152,4.594985271,4.594985208,4.594985143,4.594985217,4.594985244,4.594985179,4.594985161
+"8803","LRRC9",2.402135472,2.402135609,2.402135492,2.402135554,2.402135527,2.402135543,2.402135525,2.402135537,2.402135533,2.402135507,2.402135481,2.40213554,2.402135539,2.402135548,2.40213548,2.402135606,2.402135538,2.4021356,2.402135523,2.402135515,2.402135483,2.402135529,2.402135586,2.402135494,2.40213555,2.402135496,2.402135535,2.402135572
+"8804","LRRCC1",3.368062575,3.368062387,3.368062369,3.36806248,3.368062433,3.368062375,3.368062462,3.3680624,3.368062673,3.368062562,3.368062471,3.368062429,3.368062537,3.368062699,3.368062485,3.368062441,3.368062544,3.368062485,3.368062395,3.36806247,3.368062476,3.368062462,3.368062504,3.36806248,3.368062464,3.368062412,3.368062449,3.368062659
+"8805","LRRD1",3.225989065,3.225989086,3.225989078,3.225989079,3.225989079,3.225989071,3.225989072,3.225989084,3.225989074,3.225989065,3.225989072,3.225989119,3.22598907,3.225989105,3.22598908,3.225989104,3.225989093,3.225989086,3.225989089,3.225989075,3.225989069,3.225989098,3.225989077,3.225989083,3.225989099,3.225989103,3.225989073,3.225989106
+"8806","LRRFIP1",7.9672347585,8.0508242182,7.9301966141,7.972497615,7.9405003889,7.9596007295,7.9347942185,7.9615955301,7.9547728046,7.9519362228,7.9517034548,7.8969617298,7.9657521867,7.9891487457,7.965277792,8.0563170663,7.9400433376,7.9876538838,7.9978719689,7.7983588419,7.9260374546,7.9535271789,7.9788020463,7.9776931393,7.9768388325,7.9175881372,7.9590980981,7.9503743172
+"8807","LRRFIP2",6.454608502,6.454608785,6.454608425,6.454608153,6.454607922,6.454608485,6.454608298,6.454607622,6.454608259,6.45460788,6.454608351,6.454607573,6.454608249,6.454608754,6.454607963,6.454608877,6.454607578,6.454607867,6.454608486,6.454608455,6.454608209,6.454607855,6.454608492,6.454608494,6.454608296,6.454607804,6.454608208,6.454608179
+"8808","LRRIQ1",2.861669213,2.861669256,2.861669423,2.861669266,2.861669387,2.861669465,2.861669527,2.861669455,2.861669408,2.861669418,2.861669575,2.861669272,2.861669504,2.861669266,2.861669421,2.861669423,2.861669583,2.861669362,2.861669402,2.861669277,2.861669273,2.86166938,2.86166936,2.861669336,2.861669479,2.861669399,2.861669369,2.861669379
+"8809","LRRIQ3",2.3434241985,2.34342431,2.3434244355,2.3434244315,2.343424259,2.343424198,2.343424209,2.343424281,2.343424383,2.343424417,2.343424211,2.343424273,2.3434242465,2.343424225,2.3434242065,2.3434243615,2.343424364,2.343424364,2.3434243845,2.3434242155,2.343424161,2.3434242355,2.343424263,2.3434242115,2.3434243135,2.3434241185,2.343424246,2.343424237
+"8810","LRRIQ4",3.525917427,3.525917418,3.525917418,3.525917417,3.525917488,3.525917453,3.525917467,3.525917452,3.525917446,3.525917417,3.525917442,3.525917467,3.525917434,3.525917404,3.525917454,3.525917484,3.525917471,3.525917464,3.525917439,3.525917522,3.525917452,3.525917473,3.525917418,3.52591742,3.525917421,3.525917466,3.525917406,3.525917462
+"8811","LRRK1",6.377837771,6.377838086,6.377837833,6.377838201,6.377837985,6.377838083,6.377838131,6.377837927,6.37783787,6.377838032,6.377838078,6.37783778,6.377837926,6.377837864,6.377837803,6.377838116,6.377837628,6.377838027,6.377838046,6.377837818,6.377838034,6.377837807,6.377837766,6.37783806,6.377838203,6.377837695,6.377837889,6.377837677
+"8812","LRRK2",9.680708777,9.711509156,9.427336471,10.04778028,8.992126866,9.869181983,9.65182098,9.435678145,9.156204054,9.229814423,9.530542851,8.645934533,9.440905128,9.549360287,9.618764392,9.805257249,9.408174431,9.738350175,9.63311967,10.09563514,9.783421067,9.476727241,9.536528623,9.706530073,9.789701467,9.068144695,9.369184121,9.19337038
+"8813","LRRN1",4.034944544,4.034944981,4.034944608,4.034944985,4.034944648,4.03494508,4.034945021,4.034944631,4.034944881,4.034944787,4.034944779,4.034944994,4.034944843,4.034944701,4.034944683,4.034945073,4.034944624,4.034944968,4.034944783,4.034945045,4.034944906,4.03494471,4.034944817,4.034945043,4.034944887,4.034944934,4.034944858,4.03494442
+"8814","LRRN2",5.423524685,5.423524734,5.423524941,5.423524789,5.423525031,5.423524798,5.423524926,5.423525,5.423524906,5.423524895,5.423524855,5.423524966,5.423524898,5.423524659,5.423524959,5.423524893,5.423525005,5.42352488,5.423524818,5.423524863,5.423525014,5.423524933,5.423524747,5.423524738,5.423524831,5.423524932,5.423524753,5.423524874
+"8815","LRRN3",5.285198597,5.285200716,5.285199461,5.285197004,5.285198524,5.285197331,5.285196131,5.285198289,5.285200211,5.285199461,5.285196326,5.28520084,5.285200045,5.285201759,5.28519727,5.285198801,5.28519787,5.285197596,5.285198608,5.285197429,5.285195593,5.285199234,5.285199925,5.285198868,5.285195691,5.285201195,5.285199851,5.285201326
+"8816","LRRN4",5.042280526,5.042280486,5.04228057,5.042280497,5.042280624,5.042280491,5.042280664,5.042280622,5.04228051,5.042280499,5.042280554,5.042280712,5.04228056,5.042280376,5.042280684,5.042280461,5.042280649,5.042280593,5.042280561,5.042280598,5.042280702,5.042280642,5.042280496,5.042280539,5.042280623,5.042280598,5.04228052,5.04228045
+"8817","LRRN4CL",5.31217781,5.312177741,5.312177823,5.312177795,5.312177935,5.312177833,5.312177869,5.312177862,5.312177832,5.312177838,5.312177789,5.312177938,5.312177823,5.312177714,5.312177901,5.312177787,5.312177925,5.312177842,5.312177865,5.312177844,5.312177876,5.31217788,5.312177792,5.312177761,5.312177779,5.312177839,5.312177763,5.312177857
+"8818","LRRTM1",4.143497913,4.143497959,4.143497906,4.14349795,4.143497991,4.143497997,4.143497944,4.143497982,4.143497944,4.143497925,4.143497946,4.143497968,4.143497922,4.143497888,4.14349796,4.143497944,4.143497984,4.143498006,4.143497871,4.143497934,4.143497987,4.143498037,4.143497919,4.143497931,4.143497953,4.143497944,4.143497921,4.143497978
+"8819","LRRTM2",3.384011152,3.384011166,3.38401111,3.38401127,3.384011266,3.384011213,3.384011163,3.384011181,3.384011265,3.384011143,3.384011275,3.384011196,3.384011195,3.384010903,3.384011154,3.384011179,3.384011267,3.384011201,3.384011324,3.384011014,3.384011253,3.384011165,3.38401121,3.384011158,3.38401143,3.384011135,3.38401106,3.38401116
+"8820","LRRTM3",4.270751724,4.270751733,4.270751745,4.270751748,4.270751755,4.270751727,4.270751758,4.270751742,4.270751732,4.270751721,4.270751754,4.270751769,4.270751738,4.270751713,4.270751768,4.270751749,4.270751762,4.270751747,4.270751764,4.270751725,4.270751757,4.27075175,4.270751718,4.270751722,4.270751741,4.270751735,4.270751702,4.270751746
+"8821","LRRTM4",3.884168019,3.884168026,3.884168067,3.884168001,3.884168088,3.884168013,3.884168111,3.884168076,3.88416803,3.88416796,3.884168001,3.88416813,3.884167985,3.884167987,3.884168093,3.884168072,3.884168085,3.88416812,3.884168038,3.884168087,3.884168114,3.884168011,3.884168013,3.88416797,3.884168053,3.884168079,3.884168006,3.884168017
+"8822","LRSAM1",5.570881343,5.570881368,5.570881327,5.570881386,5.570881367,5.570881376,5.570881356,5.570881357,5.570881363,5.570881371,5.570881381,5.570881327,5.570881373,5.570881374,5.570881345,5.570881378,5.570881342,5.570881354,5.570881378,5.570881378,5.570881352,5.570881364,5.570881363,5.570881373,5.570881384,5.570881364,5.570881371,5.570881327
+"8823","LRTM1",4.554560186,4.55456012,4.554560196,4.554560188,4.55456025,4.55456023,4.554560231,4.554560275,4.554560177,4.554560227,4.554560118,4.554560207,4.554560185,4.554560175,4.554560278,4.554560233,4.554560262,4.554560266,4.554560223,4.554560297,4.5545603,4.55456023,4.554560147,4.554560197,4.554560214,4.554560254,4.554560149,4.554560257
+"8824","LRTM2",5.428354361,5.42835436,5.428354383,5.428354386,5.42835438,5.428354359,5.428354376,5.428354395,5.428354382,5.428354376,5.428354378,5.428354365,5.428354379,5.428354346,5.428354367,5.428354368,5.428354382,5.428354385,5.42835436,5.428354375,5.428354361,5.428354386,5.428354378,5.428354377,5.428354376,5.428354382,5.428354383,5.42835437
+"8825","LRWD1",6.614132413,6.614132591,6.614132574,6.614132597,6.614132491,6.614132508,6.614132383,6.614132484,6.614132452,6.614132455,6.614132582,6.614132525,6.614132538,6.614132442,6.614132572,6.614132653,6.614132585,6.614132668,6.614132509,6.614132526,6.614132478,6.614132446,6.614132476,6.614132487,6.614132566,6.614132532,6.614132511,6.614132472
+"8826","LSAMP",4.414318589,4.414318558,4.414318686,4.414318501,4.414319,4.414318617,4.414318772,4.414318727,4.414318721,4.414318898,4.414318701,4.414318978,4.414318708,4.414318386,4.414318776,4.414318726,4.414318934,4.41431887,4.414318704,4.414318631,4.414319094,4.414318949,4.414318518,4.414318406,4.414318585,4.414318901,4.414318565,4.414318738
+"8827","LSG1",6.813587643,6.813587511,6.813587463,6.813587407,6.81358739,6.813587434,6.813587511,6.813587332,6.813587755,6.813587448,6.813587027,6.813587247,6.813587452,6.813588215,6.813587528,6.813587311,6.813587231,6.813587165,6.813587408,6.813587358,6.813587459,6.813587451,6.813587605,6.813587544,6.813587016,6.813587458,6.813587673,6.813587935
+"8828","LSM1",5.677248358,5.67724837,5.677248346,5.677248334,5.677248339,5.677248379,5.677248331,5.677248362,5.677248371,5.677248337,5.677248341,5.677248362,5.677248361,5.677248375,5.67724837,5.67724834,5.67724836,5.677248327,5.677248356,5.677248348,5.677248355,5.677248365,5.677248381,5.67724835,5.677248332,5.677248348,5.677248335,5.677248354
+"8829","LSM10",6.995898565,6.995898581,6.995898744,6.995898461,6.995898226,6.995898403,6.995898396,6.995898541,6.995898208,6.995898046,6.995897792,6.995898142,6.995898572,6.995898732,6.995898361,6.995898508,6.995898047,6.995898284,6.995898019,6.995898846,6.995898253,6.995898302,6.995898533,6.995898453,6.995897926,6.995898438,6.995898708,6.995897868
+"8830","LSM11",5.739249218,5.739249193,5.739249238,5.739249181,5.739249262,5.739249214,5.739249223,5.739249248,5.739249184,5.739249194,5.739249198,5.739249242,5.739249232,5.739249193,5.739249252,5.739249188,5.739249232,5.739249208,5.739249192,5.739249192,5.739249248,5.739249203,5.73924921,5.739249195,5.739249154,5.7392492,5.739249221,5.739249216
+"8831","LSM12",7.073050163,7.073050147,7.073050069,7.073050055,7.073050007,7.073050162,7.073050052,7.073050123,7.073050174,7.073050155,7.073049988,7.073049964,7.073050137,7.073050193,7.073050039,7.07305006,7.073049928,7.073049962,7.07305005,7.073050223,7.073050121,7.073050062,7.073050221,7.073050193,7.073050054,7.073050096,7.073050155,7.073050131
+"8832","LSM14A",8.668723488,8.668723557,8.66872332,8.668723355,8.668723197,8.668723337,8.66872336,8.668723305,8.66872344,8.668723409,8.668723151,8.668723089,8.668723441,8.668723942,8.668723443,8.668723414,8.668723238,8.668723262,8.66872339,8.668723304,8.66872335,8.668723318,8.668723551,8.668723525,8.668723292,8.668723402,8.668723352,8.668723717
+"8833","LSM14B",5.35306751766667,5.353067454,5.35306760233333,5.35306759566667,5.35306764866667,5.35306758266667,5.35306758266667,5.35306758666667,5.353067646,5.35306749533333,5.35306754166667,5.353067689,5.353067602,5.35306749466667,5.353067614,5.35306755133333,5.35306766133333,5.353067635,5.35306761866667,5.353067639,5.35306763966667,5.35306761566667,5.35306751233333,5.35306757766667,5.35306760233333,5.35306759366667,5.35306754966667,5.35306750733333
+"8834","LSM2",5.662274864,5.662274999,5.662275043,5.662275005,5.662274763,5.662274988,5.662275005,5.662274819,5.662275113,5.662274973,5.662274937,5.66227481,5.662275086,5.662275191,5.662274944,5.662274826,5.662274632,5.662274806,5.662274972,5.662275019,5.6622749,5.662274896,5.662275148,5.662275037,5.66227471,5.662274877,5.662275143,5.662274991
+"8835","LSM3",4.710160342,4.710160154,4.710160253,4.710160181,4.710160203,4.710160073,4.710160476,4.710159864,4.710159941,4.710160199,4.710160395,4.71016022,4.710160135,4.710160041,4.710159963,4.710160412,4.710159948,4.710160056,4.710160041,4.710160174,4.71016014,4.710160153,4.710159968,4.710159793,4.710160511,4.710160233,4.710160245,4.71016037
+"8836","LSM4",7.976652717,7.976652667,7.976652665,7.976652641,7.976652711,7.976652873,7.976652802,7.976652621,7.976652866,7.976652846,7.976652631,7.976652696,7.976652763,7.976652791,7.976652719,7.976652614,7.976652651,7.976652565,7.97665273,7.976652693,7.976652721,7.976652716,7.976652782,7.976652715,7.976652598,7.976652699,7.976652789,7.97665283
+"8837","LSM5",3.892919949,3.892919833,3.892919941,3.892919858,3.89291983,3.892919653,3.892919758,3.892919803,3.89291996,3.892919746,3.8929198,3.892919725,3.892919825,3.89292027,3.892919944,3.892919758,3.892919821,3.892919803,3.892919813,3.892919583,3.892919806,3.892919865,3.892920006,3.892919868,3.89291958,3.892919987,3.892919922,3.892920062
+"8838","LSM6",5.718215247,5.718215181,5.718215178,5.718215178,5.718215071,5.718215187,5.718215153,5.718215099,5.718215195,5.718215216,5.718215146,5.71821513,5.718215216,5.718215271,5.71821517,5.718215191,5.718215134,5.718215136,5.718215161,5.718215155,5.718215179,5.718215108,5.718215199,5.718215185,5.718215145,5.718215192,5.71821521,5.718215251
+"8839","LSM7",5.678932774,5.678932162,5.67893315,5.678932965,5.678933139,5.678932791,5.678933348,5.678933449,5.678933497,5.678932938,5.678933106,5.678933013,5.678933189,5.678932983,5.678933564,5.678932489,5.678933132,5.67893306,5.678933011,5.678933314,5.678933498,5.678933182,5.678933115,5.678932265,5.678932971,5.678933145,5.678932702,5.678932935
+"8840","LSM8",5.702006009,5.702005533,5.702005252,5.702004496,5.702004747,5.702003905,5.702004655,5.702004329,5.702005218,5.702004806,5.702004421,5.702003606,5.702004941,5.702006919,5.702005109,5.702005413,5.702004545,5.70200417,5.702005287,5.702003868,5.702004405,5.702004786,5.702005837,5.702005527,5.702004787,5.702004368,5.70200506,5.702006347
+"8841","LSMEM1",4.870896532,4.870896887,4.870896422,4.870897173,4.87089624,4.870896474,4.870896855,4.870896255,4.870896226,4.870896049,4.870896597,4.870895917,4.870896462,4.870896573,4.870896566,4.870897082,4.87089656,4.870896818,4.870896692,4.870896487,4.87089696,4.870896538,4.870896678,4.8708967,4.870896803,4.870896176,4.870896484,4.870896133
+"8842","LSMEM2",5.557248881,5.557248923,5.557248906,5.557249025,5.557249158,5.557248907,5.557249102,5.557249046,5.557249005,5.55724891,5.557249013,5.557249154,5.557248866,5.557248856,5.557249069,5.557249093,5.55724913,5.55724909,5.557248898,5.557248923,5.557249058,5.557249128,5.557248856,5.557248946,5.557248942,5.55724905,5.557248942,5.55724904
+"8843","LSP1",9.266118231,9.266123011,9.26612546,9.266135025,9.266124075,9.266127291,9.266127871,9.266123477,9.266120543,9.266121112,9.266126088,9.266113021,9.26612739,9.266114712,9.26612009,9.266122456,9.266125164,9.266130523,9.266126786,9.266126628,9.266127453,9.266122169,9.266120298,9.266126252,9.266129418,9.266124061,9.266126942,9.266114513
+"8844","LSP1P3",4.863657566,4.863657578,4.863657679,4.863657607,4.863657612,4.863657627,4.86365761,4.863657597,4.863657603,4.863657598,4.863657606,4.863657542,4.863657563,4.863657599,4.863657585,4.863657634,4.863657526,4.863657609,4.863657568,4.863657597,4.863657592,4.863657597,4.863657621,4.863657588,4.863657636,4.863657587,4.863657577,4.863657629
+"8845","LSP1P4",7.286435801,7.286436029,7.286436436,7.2864362,7.286436355,7.286435269,7.286435874,7.286436415,7.286436143,7.286436047,7.286436504,7.286436329,7.286436146,7.286435742,7.28643617,7.286436509,7.286436468,7.286436527,7.286435987,7.286436084,7.286435907,7.286436215,7.286436032,7.286436408,7.286436624,7.286436424,7.286436041,7.286436413
+"8846","LSR",6.788621848,6.788621914,6.788621819,6.788621793,6.788622009,6.788621885,6.788621854,6.788622043,6.788622081,6.788621928,6.788621849,6.788621899,6.788621821,6.788621915,6.788621836,6.788621958,6.788621926,6.788621992,6.788621823,6.788621976,6.788621826,6.788622074,6.788621968,6.78862179,6.788621877,6.788621989,6.78862187,6.78862197
+"8847","LSS",6.540433926,6.540433889,6.540433903,6.540433772,6.540433976,6.540433963,6.54043392,6.540433926,6.540433922,6.540433933,6.54043386,6.540433976,6.540433938,6.540433957,6.540433937,6.540433844,6.540433927,6.540433797,6.540433941,6.540433953,6.540433904,6.540433911,6.540433938,6.540433905,6.540433837,6.54043395,6.54043393,6.540433887
+"8848","LST1",8.986610595,8.98661088,8.986610744,8.98661093,8.986610384,8.986611034,8.986610644,8.986610362,8.98661035,8.986610545,8.986610628,8.986609993,8.986610674,8.98661059,8.986610482,8.986610978,8.986610826,8.986610608,8.986610596,8.986611402,8.986610606,8.986610573,8.986610487,8.986610966,8.986610629,8.986610317,8.986610578,8.986610548
+"8849","LTA",5.918418229,5.918418305,5.918418504,5.918418453,5.9184188255,5.918418819,5.918418329,5.918418716,5.918418683,5.9184186565,5.918418254,5.9184187495,5.9184188595,5.9184181675,5.9184186465,5.9184182835,5.9184190795,5.9184185355,5.9184188805,5.918418818,5.918418616,5.918418781,5.918418574,5.918418554,5.918418305,5.918418358,5.9184187255,5.9184186155
+"8850","LTA4H",8.932243402,8.932203654,8.932212141,8.932175878,8.932134869,8.932171626,8.932175567,8.932069611,8.932094234,8.932144926,8.932166054,8.93205143,8.932225467,8.932290755,8.932166103,8.932148663,8.93215466,8.93211633,8.932123095,8.932163036,8.932198965,8.932107718,8.932078164,8.932138711,8.932138632,8.932118765,8.932226197,8.932148641
+"8851","LTB",9.35529599,9.355296824,9.355295687,9.355295809,9.355296174,9.355295992,9.355295817,9.355295517,9.355296968,9.355296409,9.355295227,9.355295736,9.355296167,9.355296643,9.355296048,9.355296713,9.355295605,9.355295599,9.355296542,9.355296186,9.355295604,9.355296124,9.35529663,9.355295987,9.355295069,9.355295771,9.355296336,9.355296725
+"8852","LTBP1",5.972935253,5.972938927,5.972937474,5.972941923,5.972938554,5.972935223,5.972937511,5.972937001,5.972936934,5.972940543,5.972940473,5.972938568,5.972936342,5.972935109,5.972936995,5.97293836,5.972938164,5.972942214,5.972937856,5.972934977,5.972937693,5.972936223,5.972937757,5.972941379,5.972940191,5.972938356,5.972936977,5.972936973
+"8853","LTBP2",5.484288223,5.484288246,5.484288296,5.484288257,5.4842883,5.484288242,5.484288263,5.484288287,5.484288267,5.484288268,5.484288277,5.484288287,5.484288266,5.484288221,5.484288297,5.484288281,5.4842883,5.484288289,5.484288262,5.484288273,5.484288293,5.48428828,5.484288261,5.484288266,5.484288303,5.484288277,5.484288239,5.484288282
+"8854","LTBP3",7.37308252,7.373082356,7.373082412,7.373082522,7.373082583,7.373082652,7.373082495,7.373082769,7.373082856,7.373082982,7.373082219,7.373082995,7.373082706,7.373082695,7.37308257,7.373082462,7.373082366,7.373082453,7.373082547,7.37308246,7.373082408,7.373082889,7.373082607,7.373082563,7.373082315,7.373082831,7.373082606,7.373082525
+"8855","LTBP4",6.721532822,6.721532832,6.721532841,6.72153283,6.721532866,6.721532839,6.721532846,6.721532847,6.721532846,6.721532855,6.721532849,6.721532864,6.721532838,6.721532799,6.721532849,6.721532836,6.72153285,6.72153285,6.721532845,6.721532843,6.721532851,6.721532854,6.721532829,6.72153282,6.721532838,6.721532851,6.721532838,6.721532846
+"8856","LTBR",7.021977624,7.021977624,7.021977638,7.021977681,7.021977629,7.021977754,7.021977569,7.021977671,7.021977601,7.021977642,7.021977711,7.021977577,7.021977662,7.021977554,7.021977635,7.021977587,7.021977645,7.021977658,7.021977596,7.021977674,7.021977604,7.021977696,7.021977566,7.021977641,7.021977681,7.021977547,7.021977645,7.021977523
+"8857","LTF",7.278685622,6.330083664,7.791062236,6.589745664,6.023927986,6.699834577,8.23421554,5.94195071,6.082255055,5.8031907,6.98528023,6.84858645,5.612004733,5.443613935,7.432860709,5.776484025,7.77850783,6.3177451,5.835037824,6.774000114,8.26414682,6.322399181,5.768763733,5.86090703,6.462262327,6.890263358,5.635361415,5.216255266
+"8858","LTK",5.901490254,5.901490391,5.901490488,5.901490467,5.901490591,5.901490177,5.901490502,5.901490469,5.901490441,5.901490288,5.901490477,5.901490654,5.901490506,5.901490108,5.901490411,5.901490561,5.901490612,5.9014905,5.901490286,5.901490233,5.901490523,5.901490618,5.901490304,5.901490196,5.901490379,5.901490502,5.901490425,5.901490469
+"8859","LTN1",6.189015508,6.189015181,6.189015265,6.189015124,6.189014769,6.189014663,6.189014984,6.189014683,6.189014953,6.18901483,6.189015074,6.189014197,6.189015104,6.189015909,6.189015214,6.18901493,6.189015012,6.189014807,6.18901519,6.189014539,6.189014999,6.18901493,6.189015135,6.18901513,6.189014816,6.189014946,6.189015073,6.189015625
+"8860","LTO1",6.0999792845,6.099979291,6.0999792995,6.099979283,6.0999792665,6.099979295,6.0999792545,6.099979262,6.099979364,6.099979273,6.0999792765,6.09997935,6.099979334,6.099979247,6.099979304,6.0999792415,6.099979192,6.099979264,6.099979308,6.0999793215,6.0999793085,6.099979316,6.099979305,6.099979208,6.099979292,6.0999793395,6.0999792755,6.0999792975
+"8861","LTV1",5.610893377,5.61089301,5.610893234,5.610892917,5.610892439,5.610892704,5.610893053,5.610892727,5.610893302,5.61089312,5.61089295,5.610892816,5.610893276,5.610893756,5.610893147,5.610892857,5.610892717,5.610892522,5.610892943,5.61089307,5.610892941,5.610892772,5.610893208,5.610893112,5.610892676,5.610893168,5.610893165,5.610893361
+"8862","LUC7L",7.450108278,7.450108089,7.450107866,7.450107888,7.450107794,7.450108181,7.450108198,7.45010801,7.450108376,7.450108055,7.450107939,7.450108226,7.450108295,7.45010842,7.45010797,7.450108104,7.450107857,7.45010769,7.450108171,7.450107777,7.450108233,7.450108066,7.450108095,7.450108076,7.450107591,7.450108202,7.450108256,7.450108167
+"8863","LUC7L3",7.548292078,7.548234443,7.54818283,7.548164079,7.548105598,7.54804893,7.548128319,7.548099478,7.548233848,7.548172565,7.548101838,7.548116397,7.548204869,7.548408012,7.548166241,7.548264629,7.548084441,7.548089079,7.548199447,7.548097254,7.548174834,7.548112037,7.548225353,7.548194399,7.548108833,7.548160239,7.548222,7.548271487
+"8864","LUM",2.535735892,2.535736075,2.535736254,2.535736253,2.535736045,2.535736153,2.535735999,2.535735958,2.535736066,2.535736029,2.535736044,2.535736192,2.535735792,2.535735959,2.535736059,2.53573598,2.535736096,2.535736097,2.535735968,2.535736049,2.535735924,2.535735935,2.535736051,2.535736046,2.535735942,2.535735893,2.535735954,2.535735917
+"8865","LURAP1",5.647804371,5.647804233,5.64780431,5.647804404,5.647804462,5.647804391,5.647804445,5.647804474,5.647804403,5.647804447,5.647804469,5.647804503,5.647804411,5.647804286,5.647804507,5.647804408,5.647804546,5.647804511,5.647804431,5.647804462,5.647804497,5.64780445,5.647804417,5.647804373,5.647804358,5.647804401,5.647804398,5.647804446
+"8866","LURAP1L",5.312287408,5.312287422,5.312287428,5.312287415,5.312287436,5.312287389,5.312287417,5.312287435,5.312287424,5.312287415,5.312287433,5.312287431,5.312287411,5.312287399,5.312287427,5.312287446,5.312287439,5.312287425,5.312287416,5.312287421,5.312287424,5.312287424,5.312287418,5.312287419,5.312287418,5.312287428,5.312287415,5.312287429
+"8867","LUZP1",5.9447219,5.94472187,5.944721863,5.944721901,5.944721882,5.944721914,5.944721905,5.94472187,5.944721917,5.944721906,5.944721903,5.944721854,5.944721888,5.944721934,5.944721918,5.944721873,5.944721845,5.944721871,5.944721871,5.944721819,5.944721884,5.944721904,5.944721902,5.944721897,5.944721895,5.944721863,5.944721885,5.944721924
+"8868","LUZP2",3.797204651,3.797204701,3.797204685,3.797204701,3.797204668,3.79720479,3.797204691,3.797204754,3.797204726,3.797204674,3.797204724,3.797204772,3.797204737,3.797204668,3.797204668,3.797204723,3.797204819,3.797204744,3.797204695,3.797204696,3.797204671,3.797204703,3.797204692,3.797204722,3.797204714,3.797204662,3.797204701,3.797204688
+"8869","LUZP4",3.005376914,3.005377015,3.005377061,3.005377043,3.00537709,3.005377061,3.005377025,3.005376967,3.00537704,3.005377084,3.005377124,3.005377142,3.005377086,3.005376983,3.005377052,3.00537697,3.005377055,3.005377051,3.005377044,3.005377065,3.005376988,3.005377066,3.005377143,3.005376957,3.005377063,3.005376977,3.005377,3.00537711
+"8870","LVRN",3.335792852,3.335792854,3.335792853,3.335792835,3.335792884,3.335792843,3.335792878,3.335792869,3.335792831,3.335792829,3.335792852,3.335792863,3.335792852,3.335792836,3.33579287,3.335792875,3.335792862,3.335792876,3.335792835,3.335792858,3.335792851,3.335792858,3.335792826,3.335792852,3.335792861,3.335792861,3.335792829,3.33579285
+"8871","LXN",4.161704478,4.161704146,4.161704347,4.16170447,4.161704237,4.161704249,4.161704322,4.161704329,4.161703994,4.161704504,4.161704553,4.161704285,4.16170438,4.161704472,4.161704299,4.161704209,4.161704279,4.161704469,4.161704352,4.16170412,4.161704338,4.161704291,4.16170443,4.161704461,4.161704604,4.161704091,4.161704302,4.161704385
+"8872","LY6D",5.830002392,5.830002343,5.830002471,5.830002282,5.830003242,5.830002547,5.830002955,5.830002721,5.830002505,5.830002781,5.830002651,5.830003006,5.830002439,5.830001951,5.830002883,5.830002444,5.830003227,5.830002512,5.830002626,5.830002466,5.830002974,5.830002961,5.830002503,5.83000223,5.830002725,5.830002836,5.830002356,5.830002736
+"8873","LY6E",8.300576426,8.387623895,8.238503307,7.847507636,8.97272817,9.429836526,8.284648807,8.146466807,8.26293253,8.318257467,7.809847231,7.87811048,8.327767014,8.249609606,8.171982739,8.134139922,8.133842266,7.622190979,8.961687313,9.191141609,8.118916068,8.206623257,8.254503445,8.180936363,7.722771203,7.869111155,8.327778182,7.965142441
+"8874","LY6G5B",6.7955820025,6.795581764,6.79558162,6.795582128,6.795581204,6.795582309,6.795582173,6.7955820085,6.7955820255,6.7955819465,6.79558134,6.7955821585,6.7955818885,6.7955818645,6.7955813185,6.795581472,6.795581571,6.7955814375,6.795582028,6.7955816675,6.795582026,6.795581937,6.7955819755,6.795581956,6.795581648,6.795582061,6.795581941,6.795581412
+"8875","LY6G5C",5.3002352995,5.3002350095,5.3002355335,5.3002351795,5.3002353385,5.3002356115,5.3002352255,5.300235389,5.3002351815,5.3002354485,5.300235026,5.300235379,5.30023518,5.30023507,5.3002352565,5.30023546,5.3002353385,5.3002351645,5.300235273,5.300235532,5.3002352145,5.3002353765,5.300235367,5.3002355475,5.300235266,5.3002353475,5.300235282,5.300235098
+"8876","LY6G6C",4.0552330365,4.0552332145,4.0552330405,4.0552331275,4.055233376,4.0552332525,4.055233126,4.0552331305,4.0552331485,4.055232923,4.055233266,4.0552332055,4.055232979,4.0552330985,4.055233125,4.055232958,4.0552331915,4.0552333645,4.05523326,4.055233234,4.055233111,4.0552332095,4.055233214,4.05523313,4.055233271,4.055233565,4.055233449,4.0552333435
+"8877","LY6G6D",4.5585404865,4.558540362,4.558540422,4.5585406555,4.5585407485,4.5585404625,4.5585407055,4.558540544,4.558540459,4.5585405555,4.558540805,4.5585408355,4.558540339,4.5585403635,4.5585407195,4.5585406895,4.5585407745,4.558540704,4.558540575,4.5585406595,4.558540733,4.558540561,4.558540402,4.5585404455,4.558540906,4.558540588,4.5585403915,4.558540754
+"8878","LY6G6E",5.748317259,5.748317222,5.748317325,5.748317468,5.748317589,5.74831734,5.748317439,5.74831746,5.74831713,5.748317196,5.748317611,5.748317598,5.748317429,5.748317084,5.74831751,5.748317522,5.748317695,5.748317648,5.748317451,5.7483175,5.748317606,5.748317638,5.74831721,5.748317307,5.748317585,5.748317498,5.748317248,5.748317381
+"8879","LY6G6F",6.260907865,6.260907962,6.26090791,6.260908305,6.260908078,6.260907901,6.260907975,6.260907899,6.26090772,6.260908151,6.260908122,6.260908032,6.260908002,6.260907652,6.260907861,6.260908109,6.260908142,6.260908295,6.260907921,6.260907856,6.260907991,6.260907943,6.260907883,6.260908234,6.260908175,6.260908013,6.26090796,6.260907752
+"8880","LY6H",5.760233299,5.760233351,5.760233383,5.760233363,5.760233513,5.760233401,5.760233397,5.760233443,5.760233398,5.76023339,5.760233389,5.760233486,5.760233364,5.760233262,5.760233459,5.760233431,5.760233516,5.760233409,5.760233439,5.760233413,5.760233462,5.760233442,5.7602334,5.760233336,5.760233396,5.760233438,5.760233355,5.760233412
+"8881","LY6K",4.813432561,4.813432559,4.813432664,4.813432612,4.813432715,4.813432613,4.813432664,4.813432609,4.813432626,4.813432618,4.813432645,4.813432649,4.813432591,4.81343253,4.813432673,4.813432623,4.813432634,4.813432673,4.813432612,4.813432584,4.813432637,4.813432699,4.813432634,4.813432571,4.813432655,4.813432591,4.813432558,4.813432571
+"8882","LY86",6.748650259,6.748647876,6.748649734,6.748648686,6.748648884,6.748648288,6.748647653,6.748648091,6.748646881,6.748649591,6.74864835,6.748648195,6.748649295,6.748650265,6.748648751,6.748647391,6.748648649,6.748647357,6.748648189,6.74864878,6.748647483,6.748648387,6.748647063,6.748649382,6.748648008,6.748648373,6.74864884,6.748648243
+"8883","LY86-AS1",5.820625324,5.820625376,5.820625201,5.820625567,5.820625698,5.82062551,5.820625604,5.820625376,5.82062499,5.820625386,5.820625087,5.820625318,5.820625387,5.820624984,5.820625324,5.820625059,5.820625556,5.820625378,5.820625229,5.820625201,5.820625728,5.820625072,5.820625473,5.820625387,5.820625046,5.820625262,5.820625198,5.82062548
+"8884","LY9",7.271156883,7.271156325,7.271155404,7.271155858,7.271156113,7.271156741,7.271156689,7.271156753,7.271157398,7.271157229,7.271155761,7.271156918,7.271157368,7.271157425,7.271156881,7.271156112,7.271155107,7.271155996,7.27115664,7.271156408,7.271156519,7.271157297,7.271157395,7.271156753,7.271156259,7.271157015,7.271157443,7.271156959
+"8885","LY96",4.653210729,4.653210735,4.653210885,4.653210982,4.653210468,4.653210604,4.65321052,4.653210577,4.653210371,4.653210415,4.653210669,4.653210263,4.653210746,4.653210724,4.653210727,4.653210613,4.653210941,4.653210799,4.653210738,4.653210805,4.653210711,4.653210484,4.653210662,4.653210747,4.653210864,4.653210412,4.653210763,4.653210423
+"8886","LYAR",5.874509523,5.874509187,5.874508724,5.874508659,5.874508876,5.874508534,5.874509061,5.874508569,5.874509044,5.874508551,5.874508915,5.874508258,5.874508945,5.874509861,5.87450862,5.874508966,5.874507985,5.87450825,5.874508942,5.874508447,5.874509252,5.874508859,5.874509542,5.874509314,5.874508972,5.874508904,5.874509465,5.87450911
+"8887","LYG2",3.635006268,3.63500634,3.635006372,3.63500632,3.635006335,3.635006369,3.635006325,3.635006369,3.635006379,3.635006381,3.635006344,3.635006308,3.635006325,3.63500632,3.635006327,3.635006326,3.635006396,3.635006363,3.635006313,3.635006347,3.635006241,3.635006371,3.635006354,3.635006391,3.635006331,3.635006269,3.635006307,3.635006369
+"8888","LYL1",7.787133702,7.787133627,7.78713521,7.787134099,7.787134361,7.787134504,7.787134166,7.787134778,7.787134177,7.787134337,7.787134588,7.787135448,7.787133593,7.787132975,7.78713378,7.787133567,7.787135012,7.787134367,7.787133937,7.787134471,7.78713384,7.787134278,7.787134056,7.787134064,7.787134729,7.787135284,7.787134093,7.787133915
+"8889","LYN",10.55725331,10.80224665,10.37347298,10.82973501,10.30638187,10.83853376,10.45617492,10.3509031,10.28136986,10.42916636,10.44313903,9.924913684,10.4674377,10.54003707,10.48741604,10.68000318,10.33554212,10.73011969,10.5278038,10.98228924,10.50339178,10.30439054,10.51571501,10.68334965,10.54462144,10.21690225,10.43925018,10.28899356
+"8890","LYPD1",5.342987279,5.342987276,5.342987279,5.342987275,5.34298731,5.342987291,5.342987278,5.342987301,5.342987288,5.34298729,5.342987312,5.3429873,5.342987285,5.342987262,5.342987296,5.342987283,5.342987303,5.342987299,5.34298728,5.342987297,5.342987279,5.342987294,5.342987291,5.342987266,5.342987291,5.34298729,5.342987296,5.342987289
+"8891","LYPD2",6.926071841,6.926071873,6.926072074,6.926071926,6.926072014,6.926071942,6.926071984,6.926071979,6.926071927,6.926071983,6.926071954,6.926072075,6.926071967,6.926071667,6.926072023,6.926071869,6.926072187,6.926071947,6.926071885,6.926071927,6.926072045,6.926071992,6.926071741,6.926071787,6.926071869,6.926071994,6.926071889,6.926071987
+"8892","LYPD3",6.238353214,6.238353234,6.238353231,6.238353238,6.238353237,6.238353224,6.238353226,6.238353227,6.238353234,6.238353228,6.238353237,6.238353233,6.238353228,6.238353201,6.238353224,6.238353234,6.238353241,6.238353239,6.238353227,6.238353225,6.238353226,6.238353228,6.238353233,6.238353229,6.238353236,6.238353225,6.238353224,6.238353233
+"8893","LYPD4",4.452855571,4.452855566,4.452855596,4.452855595,4.452855616,4.452855555,4.452855592,4.452855593,4.452855587,4.452855568,4.452855583,4.452855598,4.452855598,4.452855571,4.452855604,4.45285561,4.452855622,4.452855619,4.45285559,4.452855594,4.452855599,4.452855607,4.452855597,4.452855577,4.452855594,4.452855585,4.45285557,4.452855588
+"8894","LYPD5",5.375222943,5.375223043,5.375223124,5.375222846,5.375223242,5.375223027,5.375223013,5.375223192,5.375223057,5.375223077,5.375223129,5.375223148,5.375223032,5.375222735,5.375223281,5.375223044,5.375223284,5.375223057,5.375223016,5.375223318,5.375223144,5.375223081,5.375222941,5.375222995,5.37522298,5.375223175,5.375222904,5.375223105
+"8895","LYPD6",4.082517105,4.082517072,4.082517128,4.082517099,4.0825171,4.082517127,4.082517113,4.082517126,4.082517113,4.082517107,4.082517116,4.082517129,4.082517127,4.082517106,4.082517089,4.082517095,4.082517138,4.082517128,4.082517098,4.082517124,4.082517121,4.08251714,4.0825171,4.082517093,4.082517093,4.082517111,4.08251709,4.082517099
+"8896","LYPD6B",4.77480217,4.774802121,4.774802145,4.774802156,4.774802185,4.774802149,4.77480214,4.774802174,4.774802134,4.774802148,4.774802124,4.774802192,4.774802143,4.774802125,4.774802153,4.77480215,4.774802166,4.774802175,4.774802166,4.774802139,4.774802168,4.774802168,4.774802181,4.774802154,4.774802163,4.774802153,4.774802144,4.774802132
+"8897","LYPLA1",6.877497369,6.877497054,6.877497138,6.877496931,6.877496605,6.877497363,6.877497242,6.877496991,6.877497016,6.8774972,6.877496826,6.877496481,6.877497185,6.877497254,6.877496838,6.877497036,6.877496683,6.877496602,6.877497036,6.877497544,6.87749698,6.87749675,6.877497317,6.877497431,6.877496884,6.877496618,6.877497309,6.877496872
+"8898","LYPLA2",8.195987223,8.195987111,8.195987431,8.195987104,8.19598833,8.19598747,8.195987975,8.195987501,8.195987547,8.195987695,8.195987754,8.195987982,8.195987457,8.195986838,8.195987986,8.1959876,8.19598817,8.195987512,8.195987933,8.195987598,8.195988027,8.195987879,8.195987417,8.195987149,8.195987428,8.195987688,8.195987446,8.195987594
+"8899","LYPLAL1",4.687964498,4.68796425,4.687964114,4.68796408,4.687963875,4.687963841,4.687963955,4.687963702,4.687964053,4.687963811,4.687963979,4.687963812,4.68796401,4.687964575,4.687963986,4.687963975,4.687963901,4.687964072,4.687964206,4.687963855,4.687963994,4.687963819,4.687964217,4.687964217,4.687964233,4.68796397,4.687963953,4.687964408
+"8900","LYRM1",5.871276995,5.871277027,5.871276886,5.871277032,5.871276908,5.871277046,5.871276949,5.871276977,5.871276966,5.871277049,5.871276918,5.871276944,5.871276954,5.871277038,5.871276916,5.871276895,5.871276839,5.871276938,5.871277005,5.871277078,5.871276935,5.87127691,5.871277008,5.871277033,5.871276989,5.871276938,5.871276971,5.871277001
+"8901","LYRM2",5.714160758,5.7141606935,5.714160666,5.714160432,5.714160436,5.714160221,5.7141605,5.714160409,5.7141608,5.714161092,5.714160758,5.714160431,5.714160702,5.71416125,5.7141607525,5.7141605775,5.714160866,5.7141603765,5.71416067,5.714160061,5.714160681,5.714160812,5.7141609835,5.714160656,5.7141604335,5.714160478,5.714160462,5.7141612675
+"8902","LYRM4",5.104917212,5.104917059,5.1049171,5.104917006,5.104917095,5.104917068,5.104917123,5.104917069,5.10491716,5.104917133,5.104917029,5.104917189,5.104917067,5.104917146,5.104917147,5.104917034,5.104917093,5.104917027,5.104917084,5.104917135,5.104917098,5.104917111,5.104917155,5.104917138,5.10491711,5.104917133,5.104917067,5.104917141
+"8903","LYRM7",4.196593532,4.19659351,4.19659352,4.196593485,4.19659347,4.196593502,4.196593498,4.196593481,4.196593505,4.196593528,4.196593504,4.196593475,4.196593529,4.196593598,4.196593513,4.196593484,4.196593502,4.196593497,4.196593499,4.196593474,4.196593508,4.196593495,4.196593518,4.19659352,4.196593504,4.196593513,4.196593531,4.196593559
+"8904","LYRM9",4.017698643,4.017698839,4.017698499,4.017698275,4.017698528,4.017698739,4.017698659,4.017698595,4.017699158,4.017698574,4.017698398,4.017698831,4.017698613,4.017698988,4.01769876,4.017699054,4.017698463,4.017698125,4.017698821,4.017698676,4.017698151,4.01769857,4.017698673,4.017698578,4.0176987,4.017699043,4.017698853,4.017699262
+"8905","LYSET",8.113554922,8.113554971,8.113555074,8.113554872,8.113555045,8.113554768,8.113554943,8.113555059,8.113555015,8.11355501,8.113555034,8.113554941,8.113555056,8.113554985,8.113555024,8.113555046,8.113555021,8.113555033,8.113554909,8.113554986,8.113554995,8.113555015,8.113554936,8.113555043,8.11355505,8.113555024,8.113554948,8.113555037
+"8906","LYSMD1",4.923400892,4.923400898,4.923400886,4.923400898,4.923400897,4.923400873,4.923400897,4.923400895,4.923400915,4.923400905,4.923400875,4.923400919,4.923400891,4.923400883,4.923400882,4.923400886,4.923400899,4.923400901,4.923400893,4.923400906,4.92340091,4.923400891,4.923400908,4.923400872,4.923400866,4.923400879,4.9234009,4.9234009
+"8907","LYSMD2",6.340393728,6.340393657,6.340393742,6.340393703,6.340393649,6.340393845,6.340393709,6.340393637,6.34039374,6.340393764,6.340393689,6.340393466,6.340393739,6.340393727,6.340393703,6.340393649,6.340393671,6.340393684,6.340393737,6.340393882,6.340393705,6.340393679,6.340393709,6.340393715,6.340393698,6.340393558,6.340393669,6.340393652
+"8908","LYSMD3",6.211017372,6.211016838,6.211016773,6.211016517,6.211016004,6.21101587,6.211016579,6.211015758,6.211016729,6.211016756,6.211016509,6.211015547,6.211016461,6.211018473,6.211016843,6.211016581,6.211016664,6.211016513,6.211016616,6.211015597,6.211016879,6.211016744,6.211017147,6.211016776,6.211016766,6.211016292,6.211016456,6.211018241
+"8909","LYSMD4",5.766570147,5.766570031,5.76657015,5.766570135,5.766570095,5.766570088,5.766570114,5.766570209,5.766570161,5.766570123,5.766570149,5.766570157,5.766570193,5.766570142,5.766570038,5.766570069,5.766570144,5.766570137,5.766570144,5.766570085,5.766570041,5.766570154,5.76657022,5.766570238,5.766570129,5.766570106,5.766570266,5.76657011
+"8910","LYST",9.153086794,9.153086714,9.153081277,9.15308882,9.153078586,9.153081255,9.153088217,9.153079679,9.15307639,9.153080963,9.15308434,9.153073446,9.153082639,9.153088055,9.153084386,9.153086365,9.153078784,9.153083621,9.153086512,9.153085766,9.153090604,9.153080505,9.153081897,9.153086417,9.153087392,9.153081008,9.153083326,9.153081482
+"8911","LYVE1",4.1622305,4.162230598,4.16223034,4.162230657,4.162230566,4.162230061,4.162230477,4.162230455,4.162230568,4.162230239,4.162230502,4.162230119,4.162230491,4.162230482,4.162230649,4.16223067,4.162230423,4.162230552,4.162230544,4.162230407,4.162230569,4.162230471,4.162230411,4.162230503,4.162230671,4.162230361,4.162230516,4.162230339
+"8912","LYZ",11.80911162,11.65867917,11.65705966,11.05417919,11.69649978,11.51172468,11.45240818,10.74348555,10.83298796,11.72311029,11.56917724,10.96053263,11.38302916,12.14853379,11.69246126,11.37138274,11.52052417,10.54158899,11.77894098,11.78185795,11.55646011,10.94056336,10.74702789,11.58560652,11.40079886,11.16948352,11.28251328,11.63963362
+"8913","LYZL1",2.944768614,2.944768639,2.944768633,2.944768611,2.944768622,2.94476869,2.944768686,2.944768667,2.944768623,2.944768668,2.944768724,2.944768692,2.944768655,2.944768649,2.944768684,2.944768624,2.944768686,2.9447687,2.944768625,2.944768668,2.944768682,2.944768665,2.944768708,2.944768587,2.944768656,2.944768651,2.944768681,2.944768642
+"8914","LYZL2",2.872757669,2.872757672,2.872757663,2.872757712,2.87275771,2.87275762,2.872757807,2.872757681,2.87275763,2.872757688,2.872757569,2.87275767,2.872757623,2.872757519,2.872757701,2.87275773,2.872757742,2.87275768,2.872757742,2.872757738,2.872757647,2.872757702,2.872757598,2.872757646,2.872757616,2.872757615,2.872757564,2.872757672
+"8915","LYZL4",4.58310779,4.583107729,4.583107899,4.583107852,4.58310803,4.583107779,4.583107916,4.583107948,4.583107878,4.58310792,4.583107939,4.583108141,4.583107757,4.583107564,4.583107976,4.583107782,4.583108027,4.583107899,4.58310792,4.583107826,4.583108076,4.583107879,4.583107717,4.583107682,4.583107882,4.583107981,4.583107723,4.583107956
+"8916","LYZL6",3.335565038,3.33556514,3.335565135,3.335565102,3.335565201,3.335565042,3.335565095,3.335565165,3.335565221,3.335565166,3.3355652,3.335565256,3.335565018,3.335565144,3.335565149,3.335565191,3.335565114,3.335565257,3.335565173,3.33556514,3.335565045,3.335565106,3.335565116,3.335565104,3.335565184,3.335565096,3.335565224,3.335565099
+"8917","LZIC",6.619103974,6.619103958,6.619103952,6.619103898,6.619103809,6.619103759,6.619103841,6.619103793,6.619103938,6.619103866,6.61910384,6.619103662,6.619103916,6.619104135,6.6191039,6.619103949,6.619103693,6.619103842,6.619103923,6.619103705,6.619103863,6.619103727,6.619103988,6.619103933,6.619103838,6.619103786,6.619103867,6.61910397
+"8918","LZTFL1",4.333476712,4.333476696,4.333476644,4.333476654,4.333476509,4.333476668,4.333476686,4.333476621,4.333476667,4.333476602,4.333476687,4.333476525,4.333476688,4.333476829,4.333476605,4.333476588,4.333476647,4.333476655,4.333476641,4.333476582,4.333476638,4.333476711,4.333476716,4.333476712,4.333476667,4.333476663,4.333476661,4.3334767
+"8919","LZTR1",6.845738786,6.84573875,6.845738755,6.845738772,6.845738787,6.845738788,6.84573878,6.845738775,6.845738754,6.845738809,6.845738732,6.845738784,6.845738784,6.845738776,6.845738772,6.84573876,6.845738741,6.845738719,6.845738789,6.845738741,6.845738716,6.845738816,6.845738727,6.845738747,6.845738772,6.84573878,6.84573877,6.845738783
+"8920","LZTS1",5.710809334,5.710809359,5.710809437,5.710809365,5.710809535,5.710809328,5.710809436,5.71080945,5.710809461,5.71080937,5.71080943,5.710809428,5.710809394,5.710809282,5.710809463,5.710809428,5.710809506,5.710809462,5.710809376,5.710809372,5.710809432,5.710809522,5.710809273,5.710809387,5.710809378,5.710809359,5.710809378,5.710809445
+"8921","LZTS1-AS1",3.943910521,3.943910525,3.94391054,3.943910537,3.943910553,3.943910522,3.943910537,3.943910524,3.943910519,3.943910534,3.943910534,3.943910536,3.943910521,3.943910523,3.943910539,3.943910539,3.943910549,3.943910531,3.943910522,3.943910528,3.943910535,3.943910518,3.943910522,3.94391053,3.943910544,3.943910525,3.943910527,3.94391053
+"8922","LZTS2",6.47517303,6.475173108,6.475173233,6.475173193,6.475173382,6.475173055,6.475173137,6.475173269,6.475173152,6.475173073,6.475173268,6.47517328,6.475173167,6.475172992,6.475173264,6.475173254,6.475173311,6.475173336,6.47517307,6.475173034,6.475173161,6.475173291,6.475173062,6.475173092,6.475173141,6.475173269,6.475173043,6.475173221
+"8923","LZTS3",6.222215394,6.222215419,6.222215447,6.222215455,6.222215537,6.222215401,6.222215459,6.222215467,6.222215458,6.222215429,6.222215479,6.222215521,6.222215421,6.222215327,6.222215495,6.22221548,6.22221554,6.22221552,6.222215511,6.22221543,6.222215474,6.222215488,6.222215366,6.222215416,6.222215467,6.222215459,6.222215415,6.222215463
+"8924","M1AP",5.199394042,5.199394043,5.199394075,5.199394061,5.199394052,5.199394036,5.199394051,5.199394068,5.199394036,5.199394056,5.199394068,5.199394043,5.199394047,5.199393997,5.199394051,5.199394058,5.199394069,5.19939408,5.199394037,5.199394072,5.199394053,5.199394062,5.199394044,5.199394057,5.199394061,5.199394046,5.199394047,5.199394051
+"8925","M6PR",9.257524897,9.257355135,9.256841167,9.256758754,9.257304547,9.257386552,9.257269092,9.256651613,9.257077146,9.257545661,9.256453784,9.25635101,9.257408967,9.258413952,9.256990469,9.25701465,9.256616027,9.256088437,9.257332898,9.257528501,9.257009419,9.256902069,9.257364931,9.257306843,9.256492813,9.256680162,9.257169659,9.257868898
+"8926","MAB21L1",4.069956059,4.069956025,4.069956039,4.069956074,4.06995609,4.069956044,4.069956057,4.069956122,4.069956044,4.069956102,4.069956007,4.069956175,4.069956046,4.069956006,4.069956089,4.06995601,4.069956181,4.069956125,4.069956053,4.069956124,4.069956093,4.069956134,4.069956007,4.069956045,4.069956026,4.069956006,4.069956007,4.069956093
+"8927","MAB21L2",4.340194917,4.340194939,4.340194919,4.340194911,4.340194959,4.340194934,4.340194908,4.340194952,4.340194941,4.340194934,4.340194922,4.340194919,4.340194946,4.340194899,4.340194943,4.340194919,4.340194913,4.340194925,4.340194892,4.340194933,4.340194927,4.340194946,4.340194939,4.340194912,4.34019489,4.340194904,4.340194952,4.340194942
+"8928","MAB21L3",4.280238636,4.280238892,4.280238643,4.280238972,4.280238653,4.280238815,4.280238758,4.280238827,4.280238662,4.280238708,4.280238877,4.28023856,4.280238669,4.280238751,4.28023884,4.280238819,4.28023877,4.28023878,4.280238593,4.280239032,4.280238687,4.280238671,4.280238657,4.280238903,4.280238963,4.28023849,4.280238577,4.280238689
+"8929","MAB21L4",5.497106729,5.497106744,5.497106773,5.497106764,5.49710684,5.497106742,5.497106818,5.49710681,5.497106742,5.497106739,5.497106787,5.497106803,5.497106765,5.497106758,5.497106824,5.497106776,5.497106836,5.497106777,5.497106756,5.497106785,5.497106824,5.497106826,5.497106793,5.497106759,5.497106801,5.49710683,5.497106742,5.497106755
+"8930","MACC1",4.053413636,4.053414022,4.053413813,4.053413417,4.05341397,4.053414046,4.053413879,4.053413802,4.053413864,4.053413824,4.053414023,4.053414225,4.053414059,4.053413682,4.053414089,4.053413747,4.053414018,4.05341394,4.053413931,4.053413974,4.053414001,4.053414056,4.053413496,4.053413575,4.053413897,4.053413859,4.053413878,4.053414299
+"8931","MACF1",6.9809101175,6.9809096765,6.980909538,6.980909665,6.980909687,6.9809098945,6.980909873,6.9809095585,6.9809099215,6.9809098295,6.980909675,6.9809094105,6.980909846,6.9809101025,6.980909885,6.980909613,6.9809092415,6.9809095455,6.9809098405,6.9809095505,6.9809098755,6.9809097125,6.9809099075,6.9809098515,6.980909532,6.980909684,6.980909904,6.98090978
+"8932","MACIR",4.623038357,4.623038657,4.62303848,4.623038506,4.623038255,4.623038141,4.623038578,4.623038315,4.623038388,4.623038412,4.623038515,4.623038152,4.623038361,4.623038575,4.623038125,4.623038678,4.623038246,4.623038421,4.62303803,4.623038166,4.62303844,4.62303809,4.623038252,4.623038421,4.623038525,4.623038337,4.623038224,4.623038404
+"8933","MACO1",6.811370133,6.811370283,6.811369978,6.811369955,6.811369834,6.811369971,6.811369861,6.811369938,6.811370494,6.811370193,6.811370075,6.811369866,6.811370162,6.811370687,6.811370253,6.811370644,6.81136945,6.811369562,6.811370067,6.811369355,6.811369874,6.811369897,6.811370505,6.811370538,6.811369979,6.811370218,6.811370006,6.811370646
+"8934","MACROD1",6.205294838,6.205294925,6.205295052,6.205294939,6.205295137,6.20529495,6.205294952,6.20529506,6.20529497,6.205295027,6.205295008,6.205295073,6.205294986,6.205294823,6.205295063,6.205294956,6.205295123,6.205294988,6.205294931,6.20529492,6.205295098,6.205295049,6.20529491,6.205294988,6.205295074,6.205295018,6.205294912,6.205295037
+"8935","MACROD2",4.152906684,4.152906668,4.152906701,4.152906683,4.152906717,4.152906708,4.152906737,4.152906698,4.152906678,4.152906698,4.152906711,4.152906737,4.152906696,4.152906609,4.152906731,4.152906711,4.152906751,4.152906739,4.152906682,4.152906685,4.152906713,4.152906741,4.152906702,4.152906648,4.152906686,4.152906712,4.152906662,4.152906754
+"8936","MACROD2-IT1",3.84837943,3.848379435,3.848379608,3.84837951,3.848379519,3.848379394,3.848379507,3.848379502,3.848379577,3.848379469,3.848379648,3.848379654,3.848379484,3.848379466,3.84837955,3.848379521,3.848379627,3.848379581,3.848379482,3.848379552,3.848379471,3.848379542,3.848379529,3.848379404,3.848379473,3.848379484,3.848379473,3.848379597
+"8937","MACROH2A1",8.409593579,8.409593583,8.409593542,8.409593656,8.409593404,8.409593694,8.409593676,8.4095934,8.409593402,8.409593573,8.409593495,8.409593277,8.409593624,8.409593627,8.409593472,8.409593432,8.409593396,8.40959346,8.409593533,8.409593585,8.409593503,8.409593467,8.409593446,8.409593599,8.409593454,8.409593434,8.409593566,8.40959344
+"8938","MACROH2A2",5.344341218,5.344341231,5.344341231,5.344341218,5.344341233,5.344341227,5.344341218,5.344341227,5.344341222,5.344341238,5.344341226,5.34434125,5.344341233,5.344341214,5.34434124,5.344341245,5.344341247,5.344341253,5.344341229,5.344341232,5.344341232,5.344341241,5.344341231,5.344341217,5.344341229,5.344341239,5.344341208,5.34434123
+"8939","MAD1L1",6.804417021,6.804417029,6.804417027,6.804417029,6.804417029,6.804417026,6.804417022,6.804417031,6.80441702,6.804417027,6.804417028,6.804417021,6.804417037,6.804417026,6.804417024,6.804417038,6.804417033,6.804417032,6.804417027,6.804417037,6.804417031,6.804417016,6.804417021,6.804417018,6.804417027,6.804417035,6.80441703,6.804417033
+"8940","MAD2L1",3.944071492,3.94407149,3.944071507,3.944071473,3.944071366,3.944071352,3.944071539,3.944071445,3.944071541,3.944071413,3.944071409,3.944071363,3.944071581,3.944071664,3.944071469,3.944071321,3.944071445,3.94407139,3.944071538,3.944071442,3.944071511,3.944071441,3.94407159,3.944071422,3.944071384,3.944071525,3.944071427,3.944071587
+"8941","MAD2L1BP",5.686482342,5.686482307,5.686482314,5.686482378,5.686482316,5.686482352,5.686482356,5.686482343,5.686482295,5.686482325,5.686482303,5.68648233,5.686482337,5.686482325,5.686482305,5.68648232,5.686482258,5.686482278,5.686482361,5.68648239,5.686482327,5.686482306,5.686482351,5.686482363,5.686482309,5.686482316,5.686482319,5.686482331
+"8942","MAD2L2",6.721060195,6.721060208,6.721060157,6.721060127,6.721060131,6.721060248,6.721060167,6.721060154,6.721060127,6.721060216,6.721060084,6.721060131,6.72106016,6.721060141,6.721060188,6.721060258,6.721060196,6.721060059,6.721060213,6.721060228,6.72106015,6.721060143,6.721060226,6.721060203,6.721060157,6.721060074,6.721060103,6.721060183
+"8943","MADCAM1",7.071422087,7.071422097,7.071422125,7.071422073,7.071422205,7.071422107,7.071422142,7.071422217,7.071422148,7.07142212,7.071422139,7.071422201,7.071422082,7.071422014,7.071422182,7.071422156,7.071422234,7.071422158,7.071422138,7.071422116,7.071422161,7.071422153,7.071422119,7.07142203,7.071422103,7.071422167,7.07142211,7.071422138
+"8944","MADD",7.658995375,7.658995424,7.65899532,7.658995323,7.658995384,7.6589954,7.658995321,7.65899529,7.658995383,7.658995443,7.658995332,7.658995342,7.658995381,7.65899541,7.658995346,7.658995372,7.658995226,7.658995314,7.658995369,7.658995377,7.658995277,7.658995327,7.658995337,7.658995404,7.658995331,7.658995368,7.658995386,7.65899533
+"8945","MAEA",7.977791048,7.977791182,7.977790582,7.977791525,7.977790676,7.977791054,7.977790998,7.977790687,7.97779099,7.977790997,7.977790866,7.977790639,7.977790867,7.977790995,7.977791006,7.977791193,7.977790731,7.977791281,7.977791047,7.97779108,7.97779098,7.977790769,7.977791209,7.977791233,7.977790922,7.977790795,7.977790827,7.977790814
+"8946","MAEL",3.109610379,3.10961038,3.109610385,3.10961039,3.109610392,3.109610404,3.109610388,3.109610393,3.109610395,3.109610392,3.109610386,3.109610393,3.109610395,3.109610388,3.109610394,3.10961038,3.10961039,3.109610392,3.109610399,3.109610384,3.109610384,3.109610391,3.109610385,3.109610384,3.109610377,3.109610372,3.109610389,3.109610386
+"8947","MAF",6.12728926,6.127289058,6.127288885,6.127288975,6.127289051,6.127289137,6.127288977,6.127288984,6.127289033,6.127288714,6.127289008,6.127288618,6.127289037,6.127289115,6.127289195,6.127289168,6.127288932,6.127288958,6.12728908,6.127289196,6.127289013,6.127289056,6.127289009,6.127288988,6.127288856,6.12728897,6.127289104,6.127289049
+"8948","MAF1",8.190702834,8.190702631,8.190705009,8.1907037,8.190702944,8.190705406,8.19070278,8.190704853,8.190703435,8.19070352,8.190703041,8.190703952,8.190703251,8.190701569,8.1907023,8.190701592,8.190704387,8.190703298,8.19070248,8.19070372,8.19070213,8.190704107,8.190703334,8.190703659,8.190703072,8.190703978,8.190703555,8.190701631
+"8949","MAFA",6.798984355,6.798984508,6.798985037,6.79898453,6.79898495,6.798984576,6.798984871,6.798984847,6.798984877,6.79898468,6.798984942,6.798984992,6.798984625,6.798983897,6.79898491,6.798984921,6.798985106,6.798984971,6.798984736,6.798984738,6.798984861,6.798985053,6.798984446,6.798984592,6.798984877,6.798984803,6.798984243,6.798984841
+"8950","MAFB",6.690142282,6.690142235,6.690142336,6.69014226,6.69014233,6.690142463,6.69014226,6.690142171,6.690142151,6.690142276,6.6901423,6.690142098,6.690142391,6.690142323,6.690142307,6.690142267,6.690142409,6.690142195,6.690142227,6.690142382,6.69014231,6.690142282,6.690142179,6.690142307,6.690142286,6.690142217,6.690142376,6.690142216
+"8951","MAFF",5.598902133,5.598902125,5.598902131,5.598902132,5.598902154,5.598902155,5.598902121,5.598902143,5.598902137,5.59890214,5.598902145,5.598902143,5.598902119,5.598902106,5.598902163,5.598902136,5.598902137,5.598902138,5.598902111,5.59890215,5.59890214,5.598902141,5.59890214,5.598902106,5.598902114,5.598902125,5.598902141,5.59890213
+"8952","MAFG",6.41649491866667,6.41649493733333,6.416494942,6.41649503766667,6.416494877,6.41649506666667,6.41649503933333,6.416494943,6.41649479766667,6.41649506933333,6.41649501466667,6.416494852,6.41649482933333,6.416494868,6.41649500566667,6.416494946,6.41649474166667,6.416494925,6.416494845,6.416495016,6.41649500166667,6.41649480466667,6.41649480966667,6.416494965,6.41649500233333,6.41649489833333,6.41649487066667,6.416494755
+"8953","MAFK",6.232029476,6.23202949,6.232029509,6.23202948,6.232029494,6.232029501,6.232029498,6.232029503,6.232029486,6.232029488,6.232029492,6.232029512,6.232029496,6.232029474,6.232029494,6.232029495,6.232029501,6.232029503,6.23202949,6.232029478,6.232029491,6.232029499,6.232029491,6.232029473,6.232029491,6.232029506,6.232029492,6.232029486
+"8954","MAG",4.78170504,4.781705025,4.781705056,4.78170507,4.781705079,4.781705062,4.781705062,4.781705063,4.781705072,4.781705068,4.781705082,4.781705091,4.781705034,4.781705011,4.781705058,4.781705075,4.781705094,4.781705076,4.781705063,4.781705044,4.781705053,4.781705083,4.781705063,4.781705035,4.781705057,4.781705058,4.781705043,4.781705051
+"8955","MAGEA1",4.397530034,4.397530045,4.397530083,4.397530081,4.397530083,4.397530046,4.397530048,4.397530074,4.397530077,4.397530068,4.397530077,4.397530087,4.397530073,4.397530053,4.397530089,4.397530025,4.397530131,4.397530088,4.397530052,4.397530071,4.397530093,4.39753007,4.397530075,4.397530055,4.39753005,4.397530102,4.39753003,4.39753007
+"8956","MAGEA11",3.7671306,3.76713069,3.767130822,3.767130721,3.76713075,3.767130725,3.767130749,3.767130734,3.767130682,3.767130739,3.767130679,3.767130763,3.767130648,3.767130592,3.767130805,3.76713076,3.767130891,3.767130751,3.76713073,3.767130641,3.76713079,3.767130763,3.767130671,3.767130693,3.767130678,3.767130794,3.767130631,3.767130678
+"8957","MAGEA4",4.25628036,4.256280648,4.256280441,4.256280519,4.256280495,4.256280392,4.256280342,4.256280503,4.256280436,4.256280434,4.2562807,4.25628047,4.256280511,4.256280312,4.256280427,4.256280618,4.256280571,4.256280595,4.256280452,4.256280526,4.256280542,4.25628062,4.256280486,4.25628047,4.256280723,4.256280515,4.256280419,4.256280543
+"8958","MAGEA8",6.149401666,6.149401701,6.149401853,6.149401843,6.14940204,6.14940141,6.149401838,6.14940185,6.149401765,6.149401677,6.149401741,6.149401905,6.149401735,6.14940155,6.149401965,6.149402023,6.149402006,6.149402001,6.149401857,6.149401803,6.149401942,6.149402037,6.149401504,6.149401722,6.149401913,6.14940197,6.149401663,6.149401849
+"8959","MAGEB10",4.016244094,4.016244106,4.01624413,4.016244118,4.016244136,4.016244113,4.016244124,4.016244132,4.016244115,4.016244107,4.016244141,4.016244148,4.016244118,4.016244097,4.016244137,4.016244121,4.016244148,4.016244131,4.016244133,4.016244129,4.016244149,4.016244133,4.016244104,4.016244109,4.016244134,4.016244134,4.016244111,4.016244108
+"8960","MAGEB16",3.658170407,3.658170572,3.65817053,3.658170296,3.658170521,3.658170441,3.658170633,3.658170619,3.658170566,3.658170452,3.658170938,3.658170547,3.658170405,3.658170486,3.658170489,3.658170562,3.658170516,3.658170622,3.658170497,3.658170573,3.658170432,3.658170511,3.658170616,3.658170357,3.658170377,3.658170487,3.658170493,3.658170603
+"8961","MAGEB17",5.163781383,5.163781445,5.16378142,5.163781422,5.163781432,5.16378133,5.163781409,5.163781466,5.16378144,5.163781416,5.16378145,5.163781492,5.163781422,5.163781385,5.163781456,5.163781487,5.163781429,5.163781489,5.163781387,5.163781465,5.163781447,5.163781491,5.163781433,5.163781471,5.163781469,5.16378147,5.163781423,5.163781409
+"8962","MAGEB18",3.814006739,3.814006766,3.814006747,3.814006764,3.814006742,3.814006755,3.814006677,3.814006752,3.814006773,3.814006731,3.814006778,3.814006745,3.814006735,3.814006726,3.814006747,3.814006733,3.814006723,3.814006768,3.814006731,3.814006732,3.81400673,3.814006727,3.814006745,3.814006761,3.814006755,3.814006735,3.814006745,3.814006735
+"8963","MAGEB2",3.669505539,3.669505563,3.669505602,3.669505563,3.669505561,3.66950555,3.669505581,3.669505557,3.669505577,3.669505577,3.669505563,3.669505565,3.669505583,3.66950558,3.669505584,3.669505554,3.669505601,3.669505584,3.669505558,3.669505576,3.669505576,3.669505586,3.669505586,3.669505589,3.669505561,3.669505575,3.669505575,3.669505552
+"8964","MAGEB3",4.182494463,4.182494429,4.182494499,4.182494476,4.182494504,4.18249447,4.182494517,4.182494558,4.182494485,4.182494463,4.182494555,4.182494511,4.182494481,4.182494434,4.182494529,4.182494466,4.182494527,4.182494436,4.182494531,4.182494537,4.182494461,4.182494597,4.182494425,4.182494485,4.182494525,4.182494497,4.182494483,4.182494444
+"8965","MAGEB5",3.220198081,3.22019811,3.220198161,3.220198153,3.220198206,3.220198143,3.220198129,3.220198136,3.220198232,3.220198118,3.220198107,3.22019824,3.220198166,3.220198049,3.220198151,3.220198145,3.220198217,3.22019817,3.220198114,3.220198174,3.220198199,3.220198232,3.2201981,3.220198083,3.220198192,3.220198131,3.220198075,3.220198148
+"8966","MAGEB6",4.279302196,4.279302369,4.27930239,4.279302131,4.279302385,4.279302486,4.279302308,4.279302478,4.279302222,4.279302519,4.279302227,4.279302732,4.279302409,4.279302266,4.279302531,4.279301986,4.279302492,4.279302278,4.279302412,4.279302503,4.279302531,4.279302592,4.27930235,4.279302377,4.279302443,4.279302541,4.279302455,4.279302502
+"8967","MAGEC1",4.098979767,4.098979812,4.098979885,4.098979905,4.098979938,4.09897983,4.098979789,4.098979826,4.098979808,4.09897988,4.098979856,4.098979938,4.098979761,4.098979827,4.098979865,4.098979914,4.098979957,4.0989798,4.098979812,4.0989798,4.09897981,4.098979901,4.098979883,4.098979829,4.09897987,4.098979809,4.098979807,4.098979848
+"8968","MAGEC2",3.847311279,3.847311297,3.847311303,3.847311329,3.847311324,3.847311283,3.847311314,3.847311311,3.84731134,3.847311354,3.847311328,3.8473113,3.847311308,3.847311295,3.847311344,3.847311321,3.847311316,3.847311371,3.847311336,3.847311326,3.84731133,3.847311331,3.847311333,3.847311335,3.84731132,3.847311335,3.847311312,3.847311348
+"8969","MAGEC3",4.335430815,4.335430763,4.335431024,4.335430843,4.335430833,4.335430656,4.335430763,4.335430879,4.3354307,4.335430855,4.335430888,4.335431114,4.33543068,4.33543046,4.335430938,4.335430915,4.335430838,4.335430914,4.335430704,4.335430696,4.33543089,4.335430735,4.335430358,4.335430654,4.335430765,4.335430873,4.335430685,4.335430695
+"8970","MAGED1",6.103961071,6.103961086,6.103961091,6.103961071,6.10396111,6.103961132,6.103961123,6.103961121,6.10396116,6.103961146,6.103961028,6.103961177,6.103961121,6.103961139,6.103961091,6.10396106,6.103961079,6.103961064,6.103961113,6.103961064,6.103961095,6.103961115,6.103961145,6.103961105,6.103961074,6.103961153,6.103961131,6.103961102
+"8971","MAGED2",6.80566675,6.805666807,6.805666675,6.805666803,6.805666744,6.805666681,6.805666741,6.805666598,6.805666748,6.805666801,6.805666778,6.805666703,6.805666785,6.805666806,6.80566672,6.805666755,6.805666542,6.805666783,6.805666831,6.805666725,6.805666714,6.805666727,6.805666782,6.805666791,6.805666753,6.805666776,6.805666824,6.805666708
+"8972","MAGEE1",5.5489061,5.548905915,5.548905832,5.5489058,5.548906153,5.548906026,5.548905919,5.5489063,5.548905982,5.548905914,5.548905829,5.548906157,5.548906076,5.548905899,5.548906234,5.548905775,5.548906193,5.548905749,5.548906153,5.548906027,5.548906214,5.548906329,5.548905849,5.548905962,5.54890573,5.54890625,5.548906115,5.54890611
+"8973","MAGEE2",3.873149313,3.873149341,3.873149362,3.873149335,3.873149326,3.873149292,3.873149356,3.873149353,3.873149323,3.873149306,3.873149344,3.873149358,3.873149268,3.873149273,3.87314934,3.87314932,3.873149332,3.873149394,3.873149374,3.873149392,3.873149329,3.873149339,3.873149294,3.873149292,3.873149316,3.873149338,3.873149304,3.873149335
+"8974","MAGEF1",7.245947079,7.245947084,7.245947135,7.245947053,7.24594726,7.245947085,7.24594709,7.245947164,7.245947098,7.245947167,7.245947176,7.245947201,7.245947099,7.245946983,7.245947192,7.245947186,7.245947179,7.24594712,7.245947116,7.245947057,7.245947133,7.245947175,7.245947092,7.245947067,7.245947102,7.245947185,7.245947142,7.245947222
+"8975","MAGEH1",5.099415857,5.099415858,5.099415766,5.099415864,5.099415787,5.099415858,5.099415894,5.09941599,5.099415956,5.099415856,5.099416023,5.099416062,5.099415846,5.099415829,5.099415907,5.099415793,5.099415902,5.09941575,5.099415853,5.099415909,5.099415882,5.099415879,5.099415992,5.099415789,5.099415781,5.099415937,5.099415927,5.099415979
+"8976","MAGEL2",4.733355153,4.733355192,4.73335516,4.733355145,4.733355219,4.733355152,4.733355151,4.733355101,4.733355111,4.733355123,4.733355133,4.733355163,4.733355186,4.733355116,4.733355167,4.733355179,4.733355186,4.733355172,4.733355152,4.733355162,4.733355148,4.733355175,4.733355132,4.733355152,4.73335511,4.733355134,4.733355113,4.733355148
+"8977","MAGI1",4.460666791,4.460666829,4.46066678,4.460666826,4.460666892,4.460666802,4.460666811,4.460666845,4.460666874,4.460666849,4.460666828,4.460666867,4.460666884,4.460666756,4.460666857,4.460666827,4.460666893,4.460666883,4.460666836,4.460666854,4.46066686,4.460666893,4.460666733,4.460666818,4.460666877,4.460666884,4.460666811,4.460666902
+"8978","MAGI2",4.463216602,4.463216662,4.463216777,4.463216759,4.463216873,4.463216721,4.463216661,4.463216827,4.463216771,4.463216821,4.46321686,4.463216962,4.46321666,4.46321663,4.46321681,4.463216749,4.463216783,4.463216839,4.463216689,4.46321666,4.463216761,4.463216759,4.463216623,4.463216647,4.463216696,4.463216763,4.463216712,4.463216826
+"8979","MAGI3",4.430518416,4.430518416,4.430518368,4.430518402,4.430518436,4.430518425,4.430518416,4.430518406,4.430518419,4.43051841,4.43051841,4.430518398,4.430518428,4.43051841,4.430518442,4.430518398,4.430518407,4.430518424,4.430518437,4.430518422,4.430518414,4.430518429,4.430518421,4.430518391,4.430518411,4.430518428,4.430518403,4.430518412
+"8980","MAGIX",5.00118954,5.00118936,5.001189708,5.0011896,5.001189914,5.001189778,5.001189672,5.001189708,5.001189656,5.001189873,5.001189576,5.001189701,5.001189728,5.001189244,5.001189684,5.001189558,5.00118963,5.001189866,5.001189541,5.001189611,5.001189688,5.001189794,5.001189566,5.001189578,5.001189571,5.001189662,5.001189517,5.001189534
+"8981","MAGOH",5.263076976,5.263076632,5.263077103,5.2630768,5.263076401,5.263076332,5.263076826,5.263076421,5.263076883,5.263076583,5.263076182,5.263076432,5.263076613,5.263077437,5.263076728,5.263076696,5.263076671,5.263076496,5.263076606,5.263076599,5.263077051,5.263076657,5.263077258,5.263076814,5.26307629,5.26307683,5.26307683,5.263077426
+"8982","MAGOHB",5.912769911,5.9127697,5.912769736,5.912769396,5.912769368,5.912769476,5.912769772,5.912769808,5.912769767,5.912769719,5.912769569,5.912769616,5.912769924,5.912770027,5.91276976,5.912769669,5.912769472,5.91276941,5.912769564,5.912769379,5.912769636,5.912769627,5.912769759,5.912769847,5.912769479,5.912769847,5.912769744,5.912769865
+"8983","MAGT1",6.597017518,6.597017451,6.597017362,6.597017149,6.597017233,6.597017214,6.597017165,6.597017225,6.597017304,6.597017229,6.597017105,6.597016982,6.59701733,6.597017698,6.597017299,6.597017402,6.597017131,6.59701708,6.597017301,6.59701722,6.597017254,6.597017128,6.597017423,6.597017325,6.597017142,6.597017208,6.59701733,6.597017477
+"8984","MAJIN",3.951208123,3.951208392,3.951208329,3.951208388,3.951208352,3.951208445,3.9512082,3.95120832,3.951208497,3.951208451,3.951208334,3.951208543,3.951208243,3.951208115,3.951208318,3.951208292,3.951208342,3.9512084,3.951208232,3.951208512,3.95120844,3.951208466,3.951208492,3.951208137,3.951208534,3.951208234,3.951208062,3.951208391
+"8985","MAK",5.960546513,5.967010988,5.960465927,5.967602413,5.959526778,5.960448697,5.956409045,5.958948169,5.954287454,5.959932718,5.961926012,5.955081743,5.961688138,5.962099948,5.959212188,5.965486551,5.95975368,5.967216421,5.962585643,5.962333319,5.956122757,5.958954223,5.955833106,5.96391858,5.964102987,5.95535898,5.962244069,5.959768984
+"8986","MAK16",5.317033949,5.31703353,5.317033484,5.317033173,5.317033208,5.31703362,5.317033263,5.317032951,5.317033983,5.317033466,5.317033401,5.317033266,5.317033615,5.317034384,5.317033522,5.317033392,5.317032784,5.317033402,5.317033281,5.317033602,5.317033626,5.317033258,5.317034014,5.317033782,5.317033447,5.31703355,5.317033664,5.31703411
+"8987","MAL",7.858536423,8.344371209,7.682400975,7.54335572,7.98376523,7.914308464,7.568507586,7.69350921,8.613882266,8.347275717,7.468943325,8.124927543,8.134145681,8.465132009,7.529851676,7.890330727,7.472929481,7.459480617,8.056753925,7.800696314,7.273442437,7.660957536,8.425002338,8.070152871,7.5286881,7.906978258,8.22396918,8.186787989
+"8988","MAL2",4.358828893,4.358829144,4.358829074,4.358829154,4.358829213,4.358829076,4.358829089,4.358829255,4.35882903,4.358829102,4.358829247,4.358829101,4.35882912,4.358828938,4.358829016,4.358829176,4.358829241,4.35882904,4.358829075,4.358829046,4.358829077,4.358829131,4.358829037,4.358829017,4.358829085,4.358829113,4.3588291,4.358829106
+"8989","MALAT1",12.34644964,12.40975346,12.16039719,12.20776968,11.8856596,11.37672052,11.6872815,11.60839324,12.13497098,11.80207691,12.02455226,11.176234,12.00375556,13.03738054,12.01321291,12.38285167,11.87888592,12.16321443,12.36528461,11.69875243,11.88611309,11.77327376,12.32878864,11.94813602,12.10300049,11.84884038,12.0400137,12.78546815
+"8990","MALL",5.276310097,5.276310121,5.276310102,5.276310125,5.276310111,5.276310129,5.276310112,5.276310121,5.276310104,5.276310117,5.276310118,5.276310123,5.276310108,5.2763101,5.276310118,5.276310121,5.276310133,5.276310116,5.276310104,5.276310123,5.276310107,5.27631011,5.276310116,5.27631012,5.276310114,5.276310104,5.276310113,5.276310114
+"8991","MALSU1",6.939810056,6.939810052,6.939810039,6.939810019,6.939810029,6.939810033,6.939810042,6.939810035,6.93981004,6.939810023,6.939810022,6.939810019,6.939810043,6.939810049,6.939810038,6.939810036,6.939810022,6.939810025,6.939810032,6.939810033,6.939810019,6.939810061,6.939810042,6.939810027,6.939810004,6.939810032,6.939810034,6.939810047
+"8992","MALT1",6.907374267,6.907373255,6.907373466,6.907373108,6.907373371,6.907372791,6.907373385,6.907372798,6.907373381,6.907373568,6.907372942,6.907372948,6.907373626,6.90737495,6.907373431,6.907373211,6.907372566,6.907372515,6.907373893,6.907372678,6.907373255,6.907373466,6.907373675,6.907373256,6.907373003,6.907373311,6.907373632,6.907374342
+"8993","MAMDC2",3.927356158,3.927356126,3.927356226,3.927356191,3.927356284,3.927356167,3.927356237,3.92735629,3.927356187,3.927356194,3.927356228,3.92735623,3.927356211,3.9273561,3.927356199,3.927356262,3.927356281,3.927356276,3.927356206,3.927356191,3.927356259,3.927356222,3.927356168,3.927356113,3.927356207,3.927356202,3.927356163,3.927356229
+"8994","MAMDC4",5.79302919,5.793029186,5.793029231,5.793029227,5.793029298,5.793029178,5.793029273,5.793029277,5.793029218,5.79302923,5.793029263,5.79302929,5.793029227,5.79302915,5.793029267,5.793029233,5.793029283,5.793029271,5.793029243,5.793029251,5.793029299,5.793029287,5.793029184,5.793029186,5.793029218,5.793029278,5.793029218,5.793029231
+"8995","MAML2",7.369911462,7.369911194,7.369911121,7.369911307,7.369911222,7.369911703,7.369911155,7.369911253,7.36991187,7.369911555,7.369910514,7.369911469,7.369911518,7.36991187,7.369911053,7.36991079,7.369910684,7.369911018,7.369911439,7.369911689,7.369910956,7.369911067,7.369911654,7.369911443,7.369911028,7.36991171,7.369911596,7.369911577
+"8996","MAML3",6.773947614,6.773947847,6.773947608,6.773947896,6.773947536,6.773947861,6.773947613,6.77394765,6.77394756,6.77394766,6.773947717,6.773947589,6.773947693,6.773947598,6.773947502,6.773947709,6.773947568,6.77394774,6.773947655,6.773947803,6.773947601,6.773947648,6.77394768,6.773947791,6.773947797,6.773947687,6.773947672,6.773947546
+"8997","MAMLD1",5.041555369,5.041555454,5.041555585,5.041555555,5.041555738,5.041555558,5.041555576,5.041555709,5.041555591,5.041555607,5.041555613,5.041555628,5.041555493,5.041555451,5.041555513,5.041555413,5.041555647,5.041555543,5.041555483,5.041555643,5.041555634,5.041555672,5.041555444,5.041555564,5.041555521,5.041555604,5.041555527,5.041555538
+"8998","MAMSTR",5.890213585,5.890213638,5.890213647,5.89021359,5.890213728,5.89021367,5.890213637,5.890213642,5.890213652,5.890213621,5.890213736,5.890213724,5.890213652,5.890213553,5.890213687,5.890213661,5.890213733,5.890213667,5.890213624,5.890213654,5.890213646,5.890213655,5.890213573,5.890213607,5.89021362,5.890213625,5.890213596,5.890213608
+"8999","MAN1A1",7.573521869,7.573522835,7.573521105,7.573521923,7.573521033,7.573521352,7.573521617,7.573521059,7.573521255,7.573521302,7.573521814,7.573520129,7.573521354,7.573521525,7.57352185,7.573522419,7.573521034,7.573521895,7.57352156,7.573521238,7.573521469,7.573520908,7.573521843,7.573522084,7.57352227,7.573520509,7.57352131,7.573521213
+"9000","MAN1A2",6.652371688,6.652371538,6.652371046,6.652371144,6.652370954,6.652370988,6.652371348,6.652371008,6.652371353,6.652371449,6.652371023,6.652370595,6.652371464,6.652372135,6.652371417,6.652370908,6.652370649,6.65237096,6.652371224,6.652370798,6.652371375,6.652371065,6.652371676,6.65237124,6.652370923,6.652371218,6.652371365,6.652371613
+"9001","MAN1B1",6.868428948,6.868428939,6.868428973,6.868428943,6.868428993,6.868428971,6.868428956,6.868428986,6.868428953,6.868428965,6.868428971,6.868428994,6.868428953,6.868428927,6.868428979,6.868428952,6.868428977,6.868428955,6.868428961,6.868428976,6.868428976,6.868428984,6.868428935,6.868428958,6.868428947,6.868428983,6.868428947,6.868428959
+"9002","MAN1C1",7.044186811,7.044186875,7.044186808,7.044186797,7.044186868,7.0441869,7.044186665,7.0441868,7.044186941,7.044186934,7.044186741,7.044186953,7.04418685,7.044186861,7.044186834,7.044186847,7.044186751,7.044186826,7.044186805,7.044186793,7.044186718,7.044186807,7.044186843,7.044186829,7.044186677,7.04418689,7.044186862,7.044186846
+"9003","MAN2A1",7.271271724,7.271271408,7.271270815,7.271270966,7.271270572,7.271271411,7.271271344,7.271270702,7.271271577,7.271271289,7.271270424,7.271270387,7.271271784,7.271272277,7.271271331,7.271271018,7.271270328,7.271270393,7.271271432,7.271271728,7.271271704,7.271270543,7.271271655,7.271271437,7.271270513,7.271271299,7.271272068,7.271271668
+"9004","MAN2A2",7.924889855,7.924889839,7.924890998,7.924890762,7.924889267,7.924890965,7.924890389,7.924890092,7.924890158,7.924889912,7.924890307,7.924890068,7.924890127,7.924889624,7.924889666,7.924889768,7.924890734,7.924890621,7.924889648,7.924890804,7.924890145,7.924890059,7.924890292,7.924890268,7.924890357,7.924890189,7.924890064,7.92488945
+"9005","MAN2B1",8.04555163,8.045551661,8.045551613,8.045551568,8.045551567,8.045551689,8.045551582,8.045551544,8.045551575,8.045551719,8.045551575,8.045551579,8.045551642,8.045551681,8.045551534,8.045551595,8.0455516,8.045551471,8.04555154,8.045551678,8.04555158,8.045551587,8.045551527,8.045551667,8.045551575,8.045551582,8.04555164,8.045551575
+"9006","MAN2B2",7.154084373,7.154084425,7.154084367,7.154084436,7.154084372,7.154084425,7.15408438,7.154084378,7.154084388,7.154084398,7.154084392,7.154084362,7.154084406,7.154084395,7.15408439,7.154084397,7.154084384,7.154084408,7.154084385,7.154084374,7.154084385,7.154084399,7.154084397,7.154084432,7.154084425,7.154084377,7.154084407,7.154084375
+"9007","MAN2C1",7.396340246,7.396340077,7.396340105,7.396340227,7.396340141,7.396340182,7.396340063,7.396340193,7.396340247,7.396340111,7.396340088,7.396340384,7.396340261,7.396340194,7.396340072,7.396340053,7.39633991,7.396340087,7.396340185,7.396339903,7.396339985,7.396340107,7.396340043,7.39633999,7.396340023,7.396340348,7.396340263,7.39634011
+"9008","MANBA",7.420769826,7.420770161,7.420769439,7.420770344,7.420769166,7.420768872,7.420769637,7.42076841,7.420768322,7.420769415,7.420770207,7.420768057,7.420769255,7.420769774,7.420769369,7.420770181,7.420768954,7.4207695,7.420769597,7.42076864,7.420769592,7.420768487,7.420768888,7.420769934,7.420769774,7.420769184,7.420769422,7.420768506
+"9009","MANBAL",6.31084345,6.310843493,6.310843501,6.310843377,6.310843261,6.310843542,6.310843346,6.310843141,6.310843426,6.310843257,6.310843258,6.310843258,6.310843474,6.310843522,6.310843216,6.310843429,6.310843335,6.310843332,6.310843376,6.310843523,6.310843313,6.310843408,6.310843423,6.310843383,6.310843401,6.31084338,6.310843503,6.31084335
+"9010","MANEA",5.191988789,5.191988427,5.191988038,5.191987765,5.191988242,5.191988323,5.191988997,5.191987911,5.191988866,5.191988358,5.191987949,5.191988031,5.191988674,5.191989269,5.19198826,5.19198769,5.19198812,5.191987838,5.191988561,5.191987875,5.191988801,5.191987856,5.191988911,5.191988303,5.191987305,5.191988089,5.19198871,5.191989027
+"9011","MANEAL",5.84131562,5.841315655,5.841315673,5.84131561,5.841315665,5.841315657,5.841315637,5.841315683,5.841315662,5.841315667,5.841315613,5.841315671,5.841315617,5.84131559,5.84131565,5.841315656,5.841315712,5.841315661,5.841315655,5.84131566,5.841315653,5.841315644,5.841315614,5.841315658,5.841315657,5.841315676,5.841315642,5.841315674
+"9012","MANF",7.911937964,7.911938007,7.911938012,7.911937954,7.911938004,7.911938011,7.911938052,7.911938001,7.911937987,7.911938016,7.911937978,7.911937979,7.911938,7.911937996,7.911938033,7.911938054,7.911938036,7.911937946,7.911937966,7.911937929,7.911938017,7.911938022,7.911937996,7.911937974,7.911937944,7.911937975,7.911938004,7.911937999
+"9013","MANSC1",6.837240929,6.837241136,6.837242652,6.837245051,6.837238908,6.837238606,6.837240765,6.837239063,6.837239808,6.837239631,6.837242063,6.837239403,6.837240728,6.837239618,6.837240794,6.837240961,6.837242215,6.837243928,6.837241776,6.837238758,6.83724028,6.837239704,6.837242061,6.837242661,6.837243093,6.837241385,6.837240557,6.837239188
+"9014","MAOA",3.859647032,3.859647004,3.859647049,3.859647081,3.859647053,3.85964706,3.859646992,3.859646999,3.859647022,3.859647062,3.859647053,3.859647089,3.859647014,3.859647014,3.859647057,3.859647015,3.859647058,3.859647023,3.859647019,3.859647023,3.859647035,3.859647061,3.859647017,3.859647096,3.859647045,3.859646939,3.859646909,3.859647056
+"9015","MAOB",4.012656736,4.012656814,4.012656855,4.012656927,4.012656947,4.012656735,4.012656861,4.01265687,4.012656814,4.012656901,4.012657033,4.012656876,4.012656704,4.012656752,4.012656887,4.012656855,4.012656848,4.012657004,4.012656816,4.012656768,4.01265687,4.012656892,4.012656792,4.012656855,4.012656971,4.012656816,4.012656762,4.012656779
+"9016","MAP10",4.993229176,4.993229308,4.993229199,4.993229193,4.993229383,4.993229301,4.993229174,4.993229239,4.993229353,4.993229286,4.9932293,4.993229496,4.993229193,4.993229096,4.993229355,4.993229173,4.993229438,4.993229257,4.993229248,4.993229324,4.993229321,4.99322931,4.993229237,4.993229262,4.993229289,4.993229348,4.993229056,4.993229253
+"9017","MAP1B",4.143956034,4.143956131,4.143956181,4.143956104,4.143956182,4.143956081,4.143956253,4.143956142,4.143956048,4.143956222,4.14395618,4.143956204,4.143956144,4.143956006,4.143956154,4.143956175,4.143956313,4.143956184,4.143956146,4.143956174,4.143956228,4.143956129,4.143956061,4.143956117,4.143956094,4.143956192,4.143956098,4.143956239
+"9018","MAP1LC3A",5.358623124,5.358623136,5.35862316,5.358623163,5.358623143,5.358623158,5.35862314,5.35862314,5.358623132,5.358623128,5.358623147,5.35862315,5.358623136,5.358623116,5.358623151,5.358623135,5.358623152,5.358623173,5.358623145,5.358623145,5.358623152,5.358623152,5.358623134,5.358623108,5.35862315,5.358623153,5.358623142,5.358623148
+"9019","MAP1LC3B",6.914967561,6.914967558,6.914967646,6.914967798,6.914967256,6.914967593,6.914967466,6.914967616,6.914967298,6.914967476,6.914967523,6.914967501,6.914967496,6.914967466,6.914967523,6.914967477,6.914967584,6.914967661,6.914967612,6.914967605,6.914967574,6.91496741,6.914967493,6.914967566,6.914967574,6.914967555,6.914967477,6.91496752
+"9020","MAP1LC3C",4.816975743,4.816975768,4.816975805,4.816975636,4.816975882,4.816975687,4.816975814,4.816975867,4.816975918,4.816975839,4.816975781,4.816975926,4.81697577,4.816975735,4.816975853,4.816975708,4.81697598,4.816975826,4.816975724,4.816975806,4.816975956,4.816975808,4.81697569,4.816975562,4.816975809,4.816975902,4.816975765,4.816975831
+"9021","MAP1S",6.99014959,6.990149634,6.99014962,6.990149635,6.990149649,6.990149621,6.990149613,6.990149633,6.99014964,6.990149628,6.990149631,6.99014963,6.99014961,6.99014956,6.990149628,6.99014964,6.990149654,6.990149657,6.990149645,6.990149666,6.990149628,6.99014964,6.990149611,6.990149616,6.990149621,6.990149612,6.990149619,6.990149591
+"9022","MAP2",3.347181667,3.347181603,3.347181705,3.347181684,3.347181719,3.347181647,3.347181647,3.347181712,3.347181679,3.347181769,3.347181677,3.347181787,3.34718163,3.347181659,3.347181777,3.347181696,3.347181744,3.347181717,3.347181688,3.34718167,3.347181719,3.347181713,3.347181633,3.347181679,3.347181737,3.347181668,3.347181714,3.347181713
+"9023","MAP2K1",8.025675375,8.025675595,8.025674983,8.025675428,8.02567513,8.025675322,8.025675094,8.025675092,8.025675133,8.02567556,8.025674966,8.025674764,8.025675514,8.025675646,8.025675063,8.025675495,8.025674857,8.02567496,8.025675201,8.025675408,8.025674848,8.025674922,8.025675309,8.025675481,8.025674638,8.025674956,8.025675417,8.025674996
+"9024","MAP2K2",8.360562821,8.360563143,8.360563571,8.360563343,8.360563391,8.360563406,8.360563293,8.360563667,8.360563546,8.360563585,8.360563634,8.360563469,8.360563336,8.360562813,8.360563476,8.360563407,8.360563462,8.36056341,8.360563198,8.36056356,8.36056301,8.360563606,8.360563433,8.360563512,8.360563653,8.360563331,8.360563313,8.360563262
+"9025","MAP2K3",8.793277455,8.873795764,9.319967098,8.907182017,8.646231891,9.159880274,8.846408847,9.458686155,9.258731529,9.129605348,9.111189558,9.731802236,8.946991941,8.353477125,8.883004843,8.513861555,9.097764203,8.913541791,8.529842906,8.940801514,8.629231532,9.21750713,9.092576817,9.088468131,9.079032625,9.748618754,9.120352118,8.596784
+"9026","MAP2K4",6.97590839,6.975908609,6.97590801,6.975908402,6.975907554,6.975907431,6.975907529,6.97590776,6.975907363,6.975907516,6.975907856,6.975906948,6.975908047,6.975908847,6.975907954,6.97590831,6.975907861,6.975908635,6.975908538,6.975907953,6.975908022,6.975907642,6.975908159,6.975908221,6.975908239,6.975907539,6.975907912,6.975908016
+"9027","MAP2K5",6.239697461,6.23969744,6.239697312,6.239697202,6.239697338,6.239697245,6.239697324,6.239697364,6.239697331,6.239697279,6.23969719,6.239697141,6.239697491,6.239697537,6.239697156,6.239697382,6.239696987,6.239697112,6.239697393,6.239697268,6.239697273,6.239697305,6.239697206,6.239697274,6.239697226,6.239697288,6.239697457,6.239697329
+"9028","MAP2K6",6.461547126,6.46154745,6.461546372,6.461547441,6.461546404,6.461545954,6.461546801,6.461545898,6.461546871,6.461546433,6.461546555,6.461545773,6.461546418,6.461547521,6.461546596,6.46154746,6.461545523,6.461546201,6.461547291,6.46154693,6.461546365,6.461545923,6.461547289,6.461547692,6.461546287,6.461546305,6.46154618,6.461546928
+"9029","MAP2K7",6.108037771,6.108037996,6.108038412,6.108038433,6.108038389,6.108038314,6.108037729,6.108038242,6.10803826,6.108038177,6.108038376,6.108038478,6.108037962,6.108037462,6.108038173,6.108038009,6.108038569,6.10803842,6.108038087,6.108037994,6.108037878,6.108038244,6.108038055,6.108038095,6.108038386,6.108038249,6.108038125,6.10803798
+"9030","MAP3K1",9.299231833,9.299232233,9.299231098,9.29923169,9.29923207,9.299231773,9.299231612,9.299230497,9.299231523,9.299231884,9.299231084,9.299230612,9.299231956,9.29923306,9.299232056,9.299231957,9.299231278,9.299231411,9.29923266,9.299230466,9.299231681,9.299231086,9.299231821,9.299232273,9.299231443,9.299231647,9.299232157,9.299232454
+"9031","MAP3K10",6.68133081,6.681330822,6.681330864,6.681330828,6.681330899,6.681330858,6.681330855,6.681330916,6.681330848,6.681330887,6.68133088,6.681330881,6.681330847,6.681330732,6.681330885,6.681330847,6.681330917,6.681330851,6.681330847,6.681330802,6.681330842,6.681330882,6.681330811,6.68133078,6.681330841,6.68133087,6.681330821,6.681330853
+"9032","MAP3K11",7.626618345,7.626618383,7.626618275,7.626618556,7.626618175,7.626618581,7.62661829,7.6266184,7.626618217,7.62661824,7.626618381,7.626618168,7.626618392,7.626618182,7.62661818,7.626618379,7.62661823,7.626618357,7.626618285,7.626618424,7.626618185,7.626618308,7.626618169,7.626618329,7.626618398,7.626618207,7.626618428,7.626618144
+"9033","MAP3K12",6.04094881,6.040948772,6.04094874,6.040948777,6.040948785,6.040948839,6.040948779,6.040948813,6.040948818,6.040948838,6.040948825,6.040948802,6.0409488,6.040948766,6.040948805,6.040948805,6.040948744,6.040948797,6.040948805,6.04094876,6.04094875,6.040948783,6.040948837,6.040948804,6.040948766,6.040948768,6.040948813,6.040948792
+"9034","MAP3K13",3.697587007,3.697587015,3.697587048,3.697587044,3.697587062,3.697587037,3.697587066,3.697587047,3.697587049,3.697587063,3.69758706,3.697587051,3.697587041,3.697587033,3.697587018,3.697587027,3.697587076,3.697587072,3.697587047,3.697587025,3.697587054,3.697587062,3.697587039,3.697587027,3.69758704,3.69758704,3.69758705,3.697587075
+"9035","MAP3K14",6.519656736,6.519656728,6.519656734,6.519656737,6.519656702,6.519656747,6.519656754,6.519656724,6.519656727,6.519656725,6.519656733,6.519656711,6.519656742,6.519656736,6.519656729,6.519656694,6.519656716,6.519656707,6.519656727,6.519656724,6.519656728,6.519656747,6.519656724,6.519656723,6.51965671,6.519656745,6.519656737,6.519656732
+"9036","MAP3K14-AS1",6.021007151,6.021007199,6.021007178,6.021007193,6.021007183,6.021007188,6.021007107,6.021007234,6.021007173,6.021007198,6.021007163,6.021007233,6.021007191,6.021007166,6.021007213,6.021007174,6.02100715,6.021007241,6.021007166,6.021007217,6.02100718,6.021007234,6.021007199,6.021007175,6.021007155,6.021007207,6.021007203,6.021007201
+"9037","MAP3K15",4.201651684,4.201651743,4.20165178,4.20165176,4.201651734,4.201651693,4.201651695,4.201651619,4.201651709,4.201651744,4.201651616,4.201651731,4.201651779,4.201651664,4.201651765,4.201651818,4.201651741,4.201651794,4.201651725,4.201651734,4.201651679,4.201651709,4.201651611,4.201651645,4.201651782,4.201651688,4.201651763,4.201651702
+"9038","MAP3K19",2.74962729,2.749627328,2.749627341,2.749627321,2.749627322,2.749627361,2.749627317,2.749627338,2.749627316,2.749627346,2.749627342,2.749627309,2.749627327,2.749627276,2.749627319,2.749627314,2.749627319,2.749627329,2.749627313,2.749627325,2.749627312,2.749627311,2.749627321,2.749627308,2.749627328,2.749627316,2.749627289,2.749627314
+"9039","MAP3K2",7.740328903,7.740329387,7.740327987,7.740330594,7.740327243,7.740327459,7.740328637,7.740327561,7.740327194,7.740327845,7.740328168,7.74032624,7.740328495,7.740329116,7.740328506,7.740329637,7.740327649,7.740329788,7.740329227,7.740327485,7.740328534,7.740327509,7.740328689,7.740329318,7.740329247,7.740328154,7.740328525,7.740327824
+"9040","MAP3K20",4.603804596,4.603804679,4.603804258,4.603804355,4.603804422,4.603804364,4.60380438,4.603804292,4.603804282,4.603804464,4.60380435,4.60380415,4.603804362,4.603804621,4.603804493,4.603804522,4.603804163,4.603804386,4.603804452,4.603804426,4.603804495,4.603804228,4.603804298,4.603804551,4.603804341,4.603804329,4.603804301,4.60380441
+"9041","MAP3K21",5.009196971,5.00919693,5.009196985,5.009196951,5.009197019,5.009196918,5.009196955,5.009196971,5.00919694,5.009196972,5.009196999,5.009196999,5.009196948,5.009196932,5.009197,5.009196939,5.009196994,5.009196986,5.009196954,5.009196954,5.009196983,5.009196972,5.009196937,5.009196932,5.009196961,5.009196955,5.009196942,5.009196975
+"9042","MAP3K3",8.367750002,8.367750458,8.367750071,8.36775071,8.367749997,8.367750403,8.367750235,8.367750045,8.367749681,8.367749937,8.367750379,8.367749772,8.367750227,8.367749937,8.367750035,8.367750375,8.367749903,8.367750292,8.367750115,8.367749949,8.367750089,8.367749895,8.367750051,8.367750547,8.367750331,8.36774978,8.367750054,8.36774956
+"9043","MAP3K4",7.228615337,7.228615126,7.228614974,7.228614882,7.228614898,7.228614866,7.228615236,7.228615006,7.228615248,7.22861515,7.228614654,7.228615087,7.228615163,7.228615535,7.228615052,7.228615006,7.228614489,7.228614754,7.228615174,7.228614635,7.228615083,7.228615049,7.228615326,7.228615096,7.228614756,7.228615025,7.228615263,7.228615231
+"9044","MAP3K4-AS1",7.0446309,7.044630704,7.044631527,7.04463062,7.044632134,7.044630619,7.044631426,7.044631964,7.04463147,7.044631439,7.04463153,7.044631992,7.044631261,7.044630258,7.044631936,7.044631447,7.044632405,7.044631681,7.044631235,7.044631157,7.044631778,7.044631854,7.044631032,7.044630999,7.044631099,7.044631819,7.044630788,7.044631501
+"9045","MAP3K5",8.384606057,8.384605952,8.384605358,8.384606438,8.38460534,8.384605722,8.38460591,8.384605296,8.384605023,8.384605306,8.38460554,8.384604565,8.384605765,8.384605549,8.384605817,8.384606056,8.38460526,8.384605985,8.384606208,8.384605969,8.384606056,8.384605227,8.384605723,8.384605943,8.38460604,8.384605474,8.384605751,8.384605211
+"9046","MAP3K6",5.93647757,5.93647772,5.936477674,5.936477719,5.936477836,5.93647771,5.936477742,5.936477809,5.936477716,5.936477684,5.936477726,5.936477778,5.936477749,5.93647765,5.936477776,5.936477722,5.9364777,5.936477823,5.936477778,5.936477707,5.936477791,5.9364778,5.936477634,5.936477616,5.936477781,5.936477822,5.936477651,5.936477739
+"9047","MAP3K7",7.062230346,7.062230306,7.062230011,7.062230016,7.062229962,7.06222995,7.06222996,7.062230008,7.062230211,7.062230047,7.062229911,7.062229852,7.062230196,7.062230562,7.062230091,7.062230259,7.062229879,7.062229881,7.062230122,7.062229982,7.062230062,7.062229891,7.062230309,7.062230169,7.062230031,7.062230029,7.062230239,7.062230282
+"9048","MAP3K7CL",6.092988342,6.092988134,6.092988402,6.092987855,6.092988317,6.092987871,6.092988135,6.092988327,6.092988281,6.092988285,6.092987953,6.092988654,6.092988456,6.092988323,6.092988398,6.092987774,6.092988413,6.09298804,6.092988256,6.092988063,6.092988138,6.092988173,6.092988337,6.092988281,6.092988072,6.092988552,6.092988291,6.092988397
+"9049","MAP3K8",6.947681088,6.947681001,6.947680959,6.947681062,6.94768097,6.947681088,6.947681085,6.947680992,6.947680958,6.947680983,6.947680991,6.947680871,6.947681014,6.947681054,6.947681062,6.94768097,6.947681057,6.947681019,6.947681006,6.947681072,6.947681023,6.947680997,6.947681005,6.947681106,6.947680993,6.947680942,6.947681068,6.947680962
+"9050","MAP3K9",5.391584453,5.391584516,5.39158465,5.391584639,5.391584805,5.391584423,5.391584793,5.391584718,5.391584639,5.391584657,5.391584413,5.39158478,5.391584584,5.391584607,5.391584759,5.391584724,5.391584751,5.391584799,5.39158452,5.391584489,5.391584735,5.391584706,5.391584563,5.391584605,5.391584599,5.391584711,5.391584558,5.391584667
+"9051","MAP4",6.287028104,6.287028042,6.287028033,6.287027992,6.287028061,6.287028188,6.287028086,6.287028013,6.28702807,6.287028114,6.287028012,6.287028003,6.287028092,6.287028109,6.287028047,6.28702798,6.287028001,6.287027965,6.287028084,6.287028139,6.287028103,6.287028052,6.287028033,6.287028059,6.287028,6.287028081,6.287028143,6.287028019
+"9052","MAP4K1",6.706789617,6.706789434,6.706789471,6.706789435,6.706789461,6.70678963,6.706789685,6.706789506,6.70678959,6.706789526,6.706789476,6.706789472,6.706789579,6.706789594,6.70678956,6.706789251,6.706789329,6.706789361,6.706789476,6.706789277,6.706789551,6.706789517,6.706789573,6.706789495,6.706789381,6.706789526,6.706789557,6.706789498
+"9053","MAP4K2",6.801976916,6.801976933,6.80197695,6.801976998,6.801976972,6.801976955,6.801976977,6.801976973,6.801976989,6.801976965,6.801976967,6.801976972,6.801976987,6.801976942,6.801976941,6.801976957,6.801976948,6.801977023,6.801977002,6.801976879,6.801976963,6.801976957,6.801976967,6.801976958,6.801976985,6.801976956,6.801976972,6.80197693
+"9054","MAP4K3",4.96270128,4.962701214,4.962701178,4.962701183,4.962701127,4.962701192,4.962701205,4.962701174,4.962701171,4.962701237,4.962701134,4.962701144,4.962701233,4.962701295,4.962701192,4.962701166,4.962701143,4.9627011,4.962701219,4.962701152,4.96270117,4.962701202,4.96270126,4.962701214,4.962701122,4.962701168,4.962701244,4.962701248
+"9055","MAP4K4",8.103305643,8.103306162,8.103305153,8.10330675,8.103304705,8.103305568,8.103306345,8.103304623,8.103305452,8.103305772,8.103305444,8.103304894,8.103305421,8.103306181,8.103305529,8.103306512,8.103305007,8.103306296,8.103306206,8.103306365,8.103306299,8.103304832,8.103306234,8.103306862,8.103306223,8.103305893,8.103305689,8.103305693
+"9056","MAP4K5",6.456907419,6.456907102,6.456907041,6.456906901,6.456907071,6.45690666,6.456907112,6.456907086,6.456906898,6.456906933,6.456907288,6.456906721,6.456907188,6.456907485,6.456907039,6.456906772,6.456906673,6.456906898,6.45690713,6.456906738,6.456907082,6.456906863,6.456907174,6.456907188,6.456907019,6.456906968,6.456907175,6.4569072
+"9057","MAP6",4.416404408,4.416404398,4.416404436,4.416404427,4.416404472,4.416404449,4.41640448,4.41640445,4.416404444,4.416404414,4.416404472,4.416404484,4.416404429,4.416404392,4.416404473,4.416404444,4.416404506,4.416404464,4.416404445,4.416404447,4.416404462,4.416404456,4.416404411,4.416404423,4.416404439,4.416404449,4.416404455,4.416404451
+"9058","MAP6D1",6.500758599,6.500758591,6.500758669,6.500758617,6.500758715,6.500758644,6.500758683,6.500758683,6.500758669,6.500758672,6.500758668,6.500758683,6.500758706,6.500758553,6.500758706,6.500758682,6.500758698,6.500758697,6.500758667,6.500758661,6.500758685,6.500758675,6.500758645,6.500758682,6.500758684,6.500758632,6.500758602,6.500758678
+"9059","MAP7",4.749424705,4.749424766,4.749424946,4.749424867,4.749424724,4.749424804,4.749424811,4.749424896,4.749424782,4.749424872,4.749424995,4.749424844,4.749424852,4.74942485,4.749424798,4.749424996,4.749424974,4.74942502,4.749424756,4.749424923,4.749424811,4.749424812,4.749424578,4.749424854,4.749424796,4.749424858,4.749424955,4.749424881
+"9060","MAP7D1",8.035564038,8.035564414,8.035564335,8.0355646,8.03556442,8.035564603,8.035564418,8.035564297,8.035564512,8.03556447,8.035564692,8.035564439,8.035564359,8.0355642,8.035564411,8.035564513,8.035564514,8.035564488,8.035564355,8.035564556,8.035564435,8.03556444,8.035564521,8.035564331,8.035564376,8.035564464,8.035564473,8.03556439
+"9061","MAP7D2",4.07540695,4.075407215,4.075406676,4.075407169,4.075407061,4.075406811,4.075407075,4.075406952,4.075407129,4.075407157,4.075407103,4.075406936,4.075406966,4.075407081,4.075407106,4.075407083,4.075406861,4.075407122,4.075407006,4.075406681,4.075407067,4.075406855,4.075407015,4.075406961,4.075407161,4.07540688,4.075406951,4.075406942
+"9062","MAP7D3",4.785146887,4.785146917,4.785146759,4.785146658,4.785146676,4.785146832,4.785146936,4.785146685,4.785146785,4.785146701,4.785146721,4.785146944,4.785146745,4.785146834,4.785146811,4.78514659,4.785146681,4.785146544,4.785146842,4.785146869,4.785146802,4.785146662,4.785146801,4.785146775,4.785146668,4.785146721,4.78514691,4.785147016
+"9063","MAP9",3.195834804,3.195834822,3.195834818,3.195834831,3.19583481,3.195834819,3.195834828,3.195834819,3.195834817,3.195834818,3.195834842,3.195834818,3.195834826,3.19583481,3.195834822,3.195834806,3.195834834,3.195834819,3.19583483,3.195834807,3.195834799,3.195834819,3.19583482,3.19583481,3.195834819,3.195834812,3.19583482,3.19583481
+"9064","MAPK1",9.418336703,9.418337102,9.418336134,9.418337306,9.418335645,9.418336426,9.418336262,9.418335925,9.418335837,9.418336109,9.418336245,9.41833544,9.418336315,9.418336375,9.418336501,9.418336863,9.418336153,9.418336926,9.418336357,9.418335974,9.418336266,9.418335803,9.418336469,9.418336812,9.418336567,9.418336225,9.418336243,9.418335852
+"9065","MAPK10",3.912807243,3.91280738,3.912807343,3.912807284,3.912807363,3.912807274,3.912807247,3.912807278,3.91280723,3.912807333,3.912807308,3.91280731,3.91280729,3.912807201,3.912807203,3.912807267,3.912807235,3.912807258,3.912807254,3.912807343,3.912807207,3.912807392,3.912807281,3.912807217,3.912807388,3.912807318,3.912807284,3.912807316
+"9066","MAPK11",5.850251164,5.850251072,5.850251218,5.850251134,5.850251434,5.850251073,5.850251267,5.850251326,5.850251183,5.850251204,5.850251272,5.850251392,5.850251213,5.850251069,5.850251437,5.850251063,5.850251432,5.850251274,5.850251211,5.850251269,5.850251278,5.850251362,5.850251096,5.850251015,5.850251244,5.850251339,5.850251176,5.850251195
+"9067","MAPK12",5.534504964,5.534504987,5.534504994,5.53450498,5.534505024,5.53450495,5.534505011,5.53450501,5.534504988,5.53450499,5.534505003,5.53450501,5.534504985,5.534504964,5.534505022,5.534505015,5.534505014,5.534505004,5.534504969,5.534505018,5.534505035,5.534505032,5.534504974,5.534504982,5.534505006,5.534505009,5.534504974,5.534505005
+"9068","MAPK13",7.567054463,7.567054756,7.567054351,7.567054936,7.567054199,7.567054294,7.56705461,7.567054511,7.567054408,7.567054311,7.567054532,7.567054489,7.567054312,7.567054495,7.567054405,7.567054858,7.56705426,7.567054815,7.567054448,7.567054103,7.567054542,7.567054401,7.567054696,7.567054655,7.567054719,7.567054408,7.56705434,7.567054421
+"9069","MAPK14",8.244896922,8.245436505,8.243324881,8.245906907,8.243360716,8.24487044,8.244577458,8.24373697,8.244346574,8.244397813,8.244294216,8.242686233,8.243950328,8.244478477,8.244252003,8.245372627,8.243354512,8.245126515,8.244778341,8.246151948,8.244577971,8.244218825,8.245502457,8.245772847,8.244475042,8.24355637,8.24409562,8.243707313
+"9070","MAPK15",6.21627842,6.216278419,6.216278438,6.216278435,6.216278496,6.216278398,6.216278444,6.216278477,6.216278452,6.216278437,6.216278433,6.216278483,6.216278455,6.216278366,6.216278479,6.216278445,6.216278479,6.216278467,6.216278454,6.216278435,6.216278482,6.216278473,6.216278413,6.216278397,6.216278449,6.216278473,6.216278434,6.216278429
+"9071","MAPK1IP1L",7.895890523,7.895890465,7.895890075,7.895890354,7.895890466,7.895890657,7.895890494,7.895890305,7.895890336,7.895890327,7.89589021,7.895890122,7.895890498,7.89589066,7.895890447,7.895890156,7.89589015,7.89589032,7.895890445,7.895890448,7.895890403,7.895890317,7.895890525,7.895890291,7.895890206,7.895890332,7.895890519,7.895890502
+"9072","MAPK3",8.41686716,8.416867876,8.416867211,8.41686795,8.416867226,8.416867616,8.416867559,8.416867504,8.416867354,8.41686728,8.416867409,8.416867163,8.416867489,8.416867134,8.416867036,8.416867803,8.416866914,8.416867734,8.416867657,8.416867626,8.416867626,8.416867499,8.416867476,8.416867591,8.416867676,8.416867293,8.416867428,8.416867087
+"9073","MAPK4",5.184250964,5.184250708,5.184251376,5.184250849,5.184251779,5.18425108,5.184251383,5.18425153,5.184251219,5.184251246,5.184251381,5.184251605,5.18425112,5.184250753,5.184251558,5.184250998,5.184251638,5.184251503,5.184251452,5.18425097,5.18425164,5.184251547,5.184250825,5.184251,5.184251015,5.1842515,5.184251207,5.18425135
+"9074","MAPK6",4.821499449,4.821499431,4.821499436,4.821499381,4.821499329,4.8214993,4.821499434,4.821499305,4.82149945,4.821499355,4.821499389,4.821499371,4.821499406,4.821499522,4.821499401,4.821499379,4.821499396,4.821499345,4.82149942,4.821499371,4.821499401,4.821499364,4.821499376,4.821499396,4.821499355,4.82149937,4.821499429,4.821499495
+"9075","MAPK7",5.967073613,5.967073602,5.967073622,5.967073565,5.96707367,5.967073622,5.967073638,5.967073662,5.967073623,5.96707365,5.967073626,5.967073657,5.967073612,5.967073597,5.967073646,5.967073634,5.967073634,5.967073625,5.967073645,5.967073554,5.967073634,5.967073664,5.967073599,5.967073627,5.967073655,5.967073625,5.967073619,5.967073622
+"9076","MAPK8",6.179630654,6.179630923,6.179630699,6.17962968,6.179629914,6.179629203,6.17963004,6.179629656,6.179630238,6.179630325,6.17962969,6.179629038,6.179630538,6.179632164,6.17963048,6.17963051,6.17962994,6.179629559,6.179630264,6.179629201,6.179630005,6.179629909,6.179630706,6.179630704,6.179629826,6.179630227,6.17963059,6.179631074
+"9077","MAPK8IP1",5.597935945,5.597936128,5.597936131,5.597935934,5.597936039,5.597936253,5.597935966,5.597936017,5.597935672,5.5979359,5.597936139,5.597936312,5.59793577,5.597935536,5.597936035,5.597935865,5.597936328,5.597935931,5.597935972,5.597935795,5.597935883,5.59793604,5.597935654,5.597935644,5.597935789,5.5979359,5.59793582,5.597935814
+"9078","MAPK8IP2",5.581633737,5.581633841,5.581633999,5.581633859,5.581634066,5.58163385,5.581633937,5.581633883,5.58163383,5.581633873,5.581633994,5.581634034,5.581633854,5.581633689,5.581633992,5.581633896,5.581634013,5.581633928,5.581633881,5.581633978,5.581633938,5.581633942,5.581633753,5.581633913,5.581633918,5.581634012,5.581633926,5.581633832
+"9079","MAPK8IP3",7.213391117,7.213391091,7.213391119,7.213391121,7.21339113,7.213391094,7.213391105,7.213391153,7.213391115,7.213391079,7.213391111,7.213391157,7.213391123,7.21339109,7.213391106,7.213391112,7.213391118,7.21339113,7.213391119,7.213391086,7.21339111,7.21339112,7.213391116,7.213391124,7.213391122,7.213391171,7.213391128,7.213391097
+"9080","MAPK9",6.529098447,6.529098564,6.529098217,6.529098001,6.529097516,6.529098006,6.529098014,6.52909831,6.529098442,6.529098317,6.529097841,6.529097825,6.529098449,6.529098847,6.529097964,6.529098179,6.529097449,6.529097695,6.529098123,6.529097877,6.52909791,6.529098022,6.52909842,6.529098422,6.529098127,6.529098353,6.529098361,6.52909833
+"9081","MAPKAP1",7.57268036,7.572680161,7.572679962,7.572679923,7.572679955,7.572680153,7.572680072,7.57268008,7.572680182,7.572680424,7.572679949,7.572679526,7.572680354,7.572680626,7.572680181,7.572679655,7.572679535,7.572679866,7.572680143,7.572679683,7.572680079,7.572680074,7.572680134,7.572680213,7.572679925,7.572680176,7.572680208,7.572680298
+"9082","MAPKAPK2",7.865065901,7.865066233,7.865066087,7.86506656,7.865065927,7.865066395,7.865066251,7.865066022,7.865065886,7.865066012,7.865065983,7.865065502,7.865066112,7.865065923,7.865065941,7.865066085,7.865065898,7.865066418,7.865066175,7.865066259,7.865065937,7.865065879,7.865066035,7.865066297,7.865066201,7.865065925,7.865066044,7.865065879
+"9083","MAPKAPK3",7.956139873,7.95614002,7.956139921,7.956139993,7.956139808,7.956140123,7.956139844,7.956139983,7.956139632,7.956140039,7.956139764,7.956139641,7.956140024,7.956139811,7.956139698,7.956139815,7.956139807,7.956139706,7.956139761,7.956140087,7.956139802,7.956139993,7.956139548,7.956139934,7.956139837,7.956139727,7.956140035,7.956139635
+"9084","MAPKAPK5",6.594341023,6.594340932,6.594340565,6.594340312,6.59434047,6.594340676,6.594340563,6.594340631,6.594340902,6.594340958,6.594340467,6.594340566,6.594340985,6.594341106,6.594340259,6.594340681,6.594340301,6.594339939,6.594340748,6.594340815,6.594340605,6.594340333,6.59434092,6.594340992,6.594340254,6.594340825,6.594341079,6.594340782
+"9085","MAPKAPK5-AS1",4.517603183,4.517603205,4.517603017,4.517602778,4.517603135,4.517602531,4.517602959,4.517602856,4.517603406,4.517603138,4.517603054,4.517603098,4.517603128,4.517603948,4.517602955,4.517603278,4.517602899,4.517602781,4.517603131,4.517602642,4.517602978,4.517603266,4.517603191,4.517602964,4.517602842,4.51760326,4.517603218,4.517603278
+"9086","MAPKBP1",6.098354739,6.098354752,6.098354747,6.098354743,6.09835475,6.098354752,6.098354752,6.098354773,6.098354758,6.098354757,6.09835475,6.098354756,6.098354757,6.098354744,6.09835476,6.098354732,6.098354754,6.098354751,6.098354763,6.098354741,6.098354751,6.098354769,6.098354759,6.098354752,6.098354739,6.098354766,6.098354737,6.098354758
+"9087","MAPRE1",9.061228268,9.061228488,9.061227895,9.061228054,9.061227265,9.061227705,9.061227443,9.061227515,9.061227706,9.061227587,9.061227656,9.061226967,9.061228126,9.061228667,9.061227234,9.061228475,9.061226667,9.061227578,9.061227921,9.0612281,9.061227417,9.061227075,9.061227715,9.061228118,9.061227885,9.06122788,9.061228029,9.061227921
+"9088","MAPRE2",7.438670294,7.438670315,7.438669962,7.43867005,7.438669896,7.438670297,7.438669953,7.438669847,7.438670228,7.438670391,7.438669852,7.438669773,7.438670066,7.438670474,7.438670109,7.43867007,7.438669765,7.438670113,7.438670152,7.438669971,7.438670081,7.438669869,7.438670297,7.438670302,7.43866995,7.438670204,7.438670161,7.438670285
+"9089","MAPRE3",4.652368962,4.65236893,4.65236896,4.652368964,4.652368949,4.65236897,4.652368959,4.652368937,4.652368948,4.652368933,4.652368984,4.652368943,4.652368933,4.652368934,4.65236895,4.652368918,4.652368943,4.652368974,4.652368964,4.652368923,4.652368927,4.652368955,4.652368953,4.652368933,4.652368971,4.652368922,4.652368933,4.652368913
+"9090","MAPT",4.542941932,4.542941962,4.542942001,4.542942095,4.542942094,4.542942096,4.542942099,4.542942097,4.542942012,4.542942067,4.542941942,4.542942136,4.542942076,4.542941965,4.542942142,4.542942043,4.542942088,4.542942032,4.542942144,4.542942074,4.542942083,4.542942068,4.542941965,4.54294199,4.542942033,4.542942118,4.542942046,4.542942094
+"9091","MAPT-AS1",5.433164975,5.433165186,5.433165604,5.43316512,5.433165533,5.433164864,5.433165312,5.433165516,5.43316541,5.433165373,5.433165375,5.433165559,5.433165265,5.433164952,5.433165488,5.433165406,5.433165382,5.433165518,5.433165188,5.433165164,5.43316528,5.433165425,5.433165198,5.433165176,5.433165432,5.433165616,5.433165077,5.433165527
+"9092","MARCHF1",6.125557576,6.125556317,6.125556832,6.125556806,6.125556859,6.125556533,6.125556872,6.125555955,6.125555628,6.125557032,6.125557016,6.125555972,6.125556677,6.125557435,6.125556735,6.125555677,6.125556255,6.125556147,6.125556837,6.125556747,6.12555657,6.125556313,6.125555706,6.125556567,6.125556346,6.125556006,6.125556636,6.125556998
+"9093","MARCHF10",3.963893129,3.963893173,3.963893176,3.963893164,3.963893154,3.963893164,3.963893166,3.963893199,3.963893165,3.963893151,3.96389319,3.963893201,3.963893122,3.963893134,3.96389318,3.963893178,3.963893223,3.963893176,3.963893186,3.963893193,3.963893145,3.963893165,3.963893194,3.963893145,3.963893189,3.963893166,3.96389317,3.963893165
+"9094","MARCHF11",3.1825494365,3.182549461,3.1825496045,3.182549466,3.1825494995,3.182549575,3.1825495235,3.1825495145,3.1825496225,3.1825495335,3.182549712,3.182549555,3.1825496095,3.1825494645,3.182549466,3.182549692,3.1825496355,3.1825494685,3.182549475,3.1825495585,3.1825495635,3.1825494465,3.1825495835,3.182549469,3.182549551,3.1825494645,3.1825495045,3.1825494405
+"9095","MARCHF2",8.232919898,8.189079131,9.097098789,8.450334036,8.33426614,9.233417211,8.18369525,8.880110254,8.72023537,8.518755598,8.814255866,8.850816501,8.006742106,7.464913856,8.168005312,7.694079375,9.00964775,8.542113459,8.078722525,9.029030544,7.852946154,8.513394794,8.732856863,8.719284239,8.882342508,8.725659095,7.990971818,7.784548456
+"9096","MARCHF3",6.015156336,6.015156277,6.01515621,6.015156312,6.015156111,6.015156407,6.015156491,6.015156286,6.015156547,6.015156385,6.015156119,6.015156672,6.015156257,6.015156353,6.015156394,6.015156083,6.015156071,6.015156126,6.015156384,6.015156264,6.015156463,6.015156239,6.015156423,6.015156539,6.015156226,6.015156699,6.015156346,6.015156394
+"9097","MARCHF4",5.555986143,5.555986177,5.555986188,5.555986189,5.555986174,5.55598618,5.555986153,5.555986194,5.555986202,5.555986188,5.555986193,5.555986208,5.555986186,5.555986118,5.555986174,5.555986187,5.555986234,5.555986193,5.555986164,5.555986219,5.555986162,5.555986196,5.555986166,5.555986165,5.555986195,5.555986167,5.555986176,5.555986204
+"9098","MARCHF5",6.281318341,6.281318428,6.28131822,6.281318201,6.281318096,6.281318248,6.28131816,6.281318137,6.281318206,6.281318269,6.281318123,6.28131798,6.281318157,6.28131845,6.281318275,6.281318362,6.281318144,6.281318193,6.281318211,6.281318307,6.281318203,6.281318136,6.281318335,6.281318326,6.281318153,6.281318026,6.281318236,6.28131834
+"9099","MARCHF6",8.624980179,8.624980288,8.624980025,8.624980065,8.624979564,8.624979827,8.624980012,8.624980135,8.624980105,8.624980017,8.624979851,8.624980046,8.624980055,8.624980283,8.624979901,8.62498024,8.624979676,8.624979843,8.624979955,8.624979962,8.624979964,8.624979968,8.624980049,8.624980118,8.624979842,8.624980146,8.624980124,8.624979857
+"9100","MARCHF7",8.760489107,8.760071031,8.759848821,8.760419141,8.759401049,8.759374237,8.759979236,8.759342702,8.759545792,8.759592547,8.759727155,8.75885946,8.760045811,8.760717674,8.760090838,8.760003703,8.759675224,8.759995645,8.760416233,8.759655266,8.76029873,8.759582735,8.760012965,8.759955746,8.759954202,8.759618775,8.759814853,8.76022289
+"9101","MARCHF8",9.703317941,9.342337961,10.20965582,9.635899945,9.651661706,10.27527068,9.89965318,10.09123502,9.925669918,9.910078156,10.13306207,10.30697769,9.092984563,9.432737847,9.899256153,8.755644036,10.14339601,9.63212276,9.302715136,9.929602724,9.768625562,9.839074789,9.747872714,9.80579712,10.03192412,10.33377373,9.400621448,9.576122944
+"9102","MARCHF9",6.274515892,6.274515852,6.274515811,6.27451568,6.274515915,6.274516039,6.274515884,6.274515889,6.27451596,6.274515888,6.274515677,6.274516016,6.274516,6.274516083,6.274515807,6.274515787,6.274515529,6.274515679,6.274515845,6.27451541,6.274515732,6.274515928,6.274515987,6.274515749,6.274515505,6.27451583,6.274516064,6.274516013
+"9103","MARCKS",8.551419665,8.551420971,8.551419821,8.551420796,8.551419715,8.551419188,8.551419112,8.551418422,8.551418657,8.551418893,8.551419591,8.551417632,8.551419859,8.551419109,8.551419542,8.551420449,8.551419616,8.551420628,8.551419996,8.551418733,8.55141961,8.551419061,8.551419435,8.551419674,8.551419732,8.55141843,8.551419676,8.551418652
+"9104","MARCKSL1",9.378085875,9.37808606,9.378085959,9.378085981,9.378085961,9.378085984,9.378085876,9.37808597,9.378085981,9.378086001,9.37808602,9.378085948,9.378085995,9.378085911,9.378085894,9.378085937,9.37808594,9.378085952,9.378085947,9.378086001,9.378085828,9.378085959,9.378085979,9.37808599,9.378085966,9.378085937,9.378086033,9.378085994
+"9105","MARCO",6.412453615,6.41245367,6.412453736,6.412453562,6.412453749,6.412453535,6.412453349,6.412453711,6.412453428,6.412453743,6.412453594,6.41245375,6.412453571,6.412453487,6.412453668,6.412453782,6.412453789,6.412453743,6.412453503,6.412453883,6.412453643,6.412453766,6.412453444,6.412453755,6.412453736,6.412453556,6.412453497,6.41245368
+"9106","MARF1",9.318046976,9.318047127,9.318047076,9.318047139,9.318046918,9.318047121,9.31804717,9.318046988,9.318047103,9.318047062,9.318047177,9.318047134,9.318046907,9.318047146,9.318047068,9.318047015,9.318046883,9.318047078,9.318047023,9.31804669,9.318047143,9.318046806,9.318047126,9.318047103,9.3180473,9.31804733,9.318047034,9.318046943
+"9107","MARK1",3.734713276,3.734713445,3.734713561,3.734713515,3.734713481,3.734713338,3.734713473,3.734713426,3.734713557,3.734713559,3.734713659,3.734713578,3.73471349,3.734713433,3.734713524,3.734713539,3.734713742,3.734713878,3.734713398,3.734713394,3.734713567,3.734713666,3.734713455,3.734713459,3.734713575,3.734713451,3.734713487,3.734713761
+"9108","MARK2",8.075399638,8.075399915,8.075399521,8.075400256,8.075399489,8.075399914,8.075399727,8.075399555,8.075399378,8.075399456,8.075399749,8.075399285,8.075399796,8.075399625,8.075399526,8.075399664,8.075399308,8.075400068,8.075399758,8.075399842,8.075399702,8.075399452,8.0753997,8.075399647,8.075399932,8.075399593,8.07539979,8.075399333
+"9109","MARK3",7.771283573,7.771283561,7.771283625,7.771283653,7.771283425,7.77128341,7.771283695,7.77128367,7.771283644,7.771283465,7.77128349,7.771283439,7.771283612,7.771283729,7.771283591,7.771283408,7.771283599,7.771283494,7.771283491,7.771283283,7.77128368,7.771283627,7.771283673,7.771283566,7.771283532,7.77128368,7.771283569,7.771283626
+"9110","MARK4",6.599770935,6.599770935,6.599771019,6.599770978,6.599771055,6.599770976,6.599770966,6.599771041,6.599770974,6.599770983,6.599771049,6.599771029,6.599770977,6.599770883,6.599770973,6.599771025,6.599771053,6.599771021,6.599771006,6.599770972,6.599770955,6.599771038,6.599770942,6.599770927,6.599771037,6.599770981,6.59977099,6.599770953
+"9111","MARS1",8.091777406,8.091777499,8.091777371,8.091777684,8.091776347,8.091777763,8.091777862,8.09177731,8.091777475,8.091777241,8.091777214,8.091777114,8.091777477,8.091777535,8.091777083,8.091777598,8.09177698,8.091777254,8.09177691,8.091777815,8.091777737,8.0917775,8.091777359,8.091777373,8.091777445,8.091777408,8.091777596,8.091777061
+"9112","MARS2",5.968042917,5.968042954,5.968042349,5.968041928,5.968041985,5.968042186,5.968042768,5.968042294,5.968043017,5.968042325,5.968041831,5.968042265,5.968042982,5.968043001,5.968042425,5.96804235,5.968042284,5.96804155,5.968042145,5.968041702,5.968042265,5.968042362,5.968042837,5.968042506,5.968042132,5.968042645,5.968043103,5.968042357
+"9113","MARVELD1",6.687904101,6.687904097,6.687904155,6.687904084,6.687904128,6.687904012,6.687904055,6.687904152,6.687904059,6.687904046,6.687904156,6.687904081,6.687904078,6.687903957,6.687904098,6.68790411,6.68790412,6.687904098,6.687904037,6.687904129,6.687904015,6.687904081,6.687904022,6.687904048,6.687904134,6.687904117,6.687904093,6.687904061
+"9114","MARVELD2",3.85014732,3.85014737,3.850147379,3.850147341,3.850147368,3.850147304,3.850147328,3.850147363,3.85014737,3.850147337,3.850147334,3.850147467,3.850147331,3.850147276,3.850147437,3.850147419,3.850147399,3.850147463,3.850147366,3.85014734,3.850147303,3.850147318,3.850147321,3.850147363,3.850147339,3.850147303,3.850147323,3.850147385
+"9115","MARVELD3",5.859241578,5.859241678,5.859242295,5.859241894,5.859242238,5.859241505,5.85924185,5.859242189,5.85924206,5.859242036,5.859242029,5.859242252,5.859241952,5.859241327,5.859241887,5.85924202,5.859242221,5.859242074,5.859241882,5.859241662,5.859241663,5.859242077,5.859241868,5.859241968,5.859242279,5.859241679,5.859241913,5.859242003
+"9116","MAS1",2.936129638,2.936129652,2.936129664,2.936129637,2.93612965,2.936129663,2.936129679,2.936129641,2.936129655,2.936129701,2.936129657,2.936129656,2.93612967,2.936129639,2.936129669,2.936129661,2.93612967,2.936129654,2.93612966,2.936129656,2.936129666,2.936129655,2.936129645,2.936129647,2.936129648,2.93612964,2.936129633,2.936129666
+"9117","MAS1L",3.756468786,3.756468609,3.75646869,3.756468919,3.756468736,3.756468833,3.75646881,3.756468609,3.756468771,3.756468801,3.756468737,3.756469093,3.756468682,3.756468621,3.756468766,3.756468733,3.756468975,3.756468729,3.756468733,3.756468621,3.75646879,3.756468731,3.756468748,3.756468573,3.756468755,3.75646872,3.756468783,3.756468834
+"9118","MASP1",4.409795443,4.409795459,4.409795471,4.409795438,4.409795507,4.409795465,4.40979544,4.409795439,4.409795461,4.40979546,4.409795499,4.409795515,4.409795434,4.409795441,4.409795474,4.409795453,4.409795496,4.40979551,4.409795438,4.409795502,4.409795488,4.409795493,4.409795442,4.409795467,4.409795423,4.409795459,4.409795459,4.409795461
+"9119","MASP2",4.619842164,4.619842131,4.619842199,4.619842175,4.619842216,4.61984224,4.619842188,4.6198422,4.619842169,4.619842206,4.619842168,4.619842217,4.619842167,4.619842129,4.619842197,4.619842192,4.619842252,4.619842279,4.6198422,4.619842193,4.619842221,4.619842253,4.6198421,4.61984216,4.619842191,4.619842159,4.619842196,4.619842201
+"9120","MAST1",4.886909138,4.886909372,4.886909503,4.886909409,4.886909451,4.886909267,4.886909157,4.886909472,4.886909539,4.886909294,4.886909651,4.886909691,4.88690924,4.886909176,4.886909577,4.886909542,4.886909694,4.886909571,4.886909379,4.886909507,4.886909556,4.886909596,4.88690939,4.886909247,4.886909432,4.886909508,4.886909209,4.886909473
+"9121","MAST2",5.862270026,5.862270004,5.862269996,5.862269988,5.862270047,5.862270036,5.862270048,5.86227006,5.862270009,5.862270031,5.862270087,5.862270093,5.862270026,5.862269954,5.862270104,5.862270016,5.8622701,5.862270029,5.862270053,5.86227,5.862270105,5.862270095,5.86226992,5.862269978,5.862269996,5.862270056,5.862269987,5.862270052
+"9122","MAST3",8.186189335,8.186189828,8.186189581,8.186190764,8.186189115,8.186190097,8.186189593,8.186189876,8.186189283,8.186189547,8.186189684,8.186189181,8.186189627,8.186188902,8.186189534,8.186189813,8.186189631,8.18619053,8.186189499,8.186189847,8.186189603,8.186189388,8.186189755,8.186190001,8.186190188,8.186189771,8.186189532,8.186188764
+"9123","MAST4",5.818782425,5.818782511,5.818782422,5.818782508,5.818782506,5.818782423,5.818782462,5.818782471,5.818782549,5.818782513,5.818782509,5.818782504,5.818782503,5.818782486,5.818782455,5.818782464,5.818782442,5.818782524,5.818782472,5.818782467,5.81878244,5.818782495,5.818782519,5.818782486,5.81878249,5.818782501,5.818782514,5.81878252
+"9124","MASTL",4.949987617,4.949987365,4.949987767,4.949986641,4.949985378,4.949987197,4.949984994,4.94998519,4.949985338,4.949986749,4.949987338,4.949984395,4.949985912,4.949988325,4.949986767,4.949986996,4.949986257,4.94998665,4.949985098,4.949987304,4.949985567,4.949985369,4.949985337,4.949986925,4.949987001,4.949984815,4.949984951,4.949987539
+"9125","MAT1A",4.543546218,4.543546309,4.543546483,4.54354637,4.543546516,4.543546126,4.543546424,4.543546359,4.543546291,4.543546355,4.543546467,4.543546543,4.543546169,4.543546022,4.54354653,4.543546345,4.543546447,4.543546514,4.543546324,4.543546477,4.543546526,4.54354647,4.543546298,4.543546174,4.543546431,4.543546418,4.543546186,4.54354634
+"9126","MAT2A",8.708206565,8.708206177,8.708206336,8.708205963,8.708206141,8.708206092,8.708206363,8.708206234,8.708206315,8.708206246,8.708206008,8.708206127,8.708206409,8.708206855,8.708206211,8.708205886,8.708205895,8.708205597,8.708206107,8.708206118,8.708206316,8.708206094,8.708206217,8.708206135,8.708205752,8.708206227,8.708206436,8.70820629
+"9127","MAT2B",7.284495148,7.284495106,7.284494827,7.284494983,7.284494696,7.284494993,7.284494745,7.284494895,7.284494922,7.284494699,7.284494642,7.284494545,7.284495046,7.284495334,7.284494843,7.284495064,7.284494495,7.284494745,7.284494864,7.284494877,7.284494796,7.284494812,7.284494976,7.284494955,7.284494716,7.284494958,7.28449491,7.284495123
+"9128","MATCAP1",5.517967845,5.51796779,5.517967947,5.517967885,5.517967982,5.517968029,5.517967892,5.517967902,5.517968046,5.517968083,5.51796801,5.517968192,5.517967776,5.517967703,5.517967971,5.517967896,5.517967987,5.51796791,5.517968054,5.517968041,5.51796788,5.517968055,5.517967967,5.517967883,5.517967962,5.517967819,5.517967902,5.517967875
+"9129","MATCAP2",4.595529866,4.595529875,4.595529879,4.595529871,4.595529909,4.595529858,4.59552988,4.5955299,4.595529869,4.59552989,4.595529896,4.59552991,4.595529908,4.595529837,4.595529916,4.595529908,4.595529924,4.595529928,4.59552989,4.595529885,4.595529912,4.595529924,4.595529859,4.595529863,4.595529895,4.595529904,4.595529867,4.595529889
+"9130","MATK",6.362126888,6.362126804,6.362126895,6.362126623,6.362126854,6.362126755,6.362126855,6.362127034,6.362126833,6.362126858,6.362126887,6.362126747,6.362126812,6.362126807,6.362127002,6.362126859,6.362126889,6.362126826,6.362126745,6.362126727,6.362126832,6.36212703,6.362126877,6.362126903,6.362126889,6.362126919,6.362126914,6.362126936
+"9131","MATN1",4.604301382,4.604301361,4.604301368,4.604301394,4.60430141,4.604301377,4.604301379,4.604301384,4.60430137,4.604301382,4.60430136,4.604301396,4.604301389,4.604301382,4.604301394,4.60430139,4.604301414,4.604301383,4.604301373,4.604301388,4.604301402,4.604301392,4.604301372,4.604301383,4.604301375,4.604301393,4.604301381,4.604301387
+"9132","MATN1-AS1",5.240446414,5.240446295,5.240446402,5.24044649,5.240446458,5.240446421,5.240446403,5.240446452,5.240446404,5.240446359,5.240446358,5.240446485,5.24044639,5.240446352,5.240446434,5.240446373,5.240446385,5.240446464,5.240446409,5.240446462,5.240446439,5.240446446,5.240446406,5.24044637,5.240446382,5.240446465,5.240446438,5.240446373
+"9133","MATN2",4.60868438,4.608684395,4.608684506,4.608684403,4.608684526,4.608684466,4.608684524,4.60868445,4.60868447,4.608684469,4.608684545,4.60868448,4.608684507,4.608684312,4.608684513,4.608684513,4.608684581,4.608684461,4.608684445,4.608684428,4.608684548,4.608684575,4.608684393,4.608684411,4.608684507,4.608684519,4.608684465,4.608684481
+"9134","MATN3",4.025845962,4.025845968,4.025846054,4.02584613,4.025846149,4.025846108,4.025846115,4.025845958,4.025845876,4.025846113,4.025845961,4.025846139,4.025846013,4.025845837,4.025846013,4.025846077,4.025846057,4.025846027,4.02584606,4.025845975,4.025845993,4.025846016,4.025846109,4.025845984,4.025846093,4.025845972,4.025845846,4.025845981
+"9135","MATN4",5.383199603,5.383199664,5.38319965,5.383199376,5.383200013,5.383199664,5.383199869,5.383199939,5.383199846,5.383199687,5.383199735,5.383200078,5.383199628,5.38319954,5.383199992,5.38319961,5.383200208,5.383199981,5.383199618,5.383199782,5.383200093,5.383200054,5.383199505,5.383199435,5.383199852,5.383199888,5.383199465,5.383199603
+"9136","MAU2",7.280980949,7.280981479,7.280981011,7.280981327,7.280980779,7.280981519,7.280981124,7.280981071,7.280981181,7.280981219,7.280980912,7.280980906,7.280981124,7.280980953,7.280981068,7.280981487,7.280981071,7.280981272,7.280981188,7.2809814,7.280980969,7.280981149,7.280981339,7.280981377,7.280981162,7.280981031,7.280981118,7.280980899
+"9137","MAVS",7.197926771,7.197926777,7.197926786,7.197926766,7.197926762,7.197926821,7.197926771,7.197926788,7.197926791,7.197926801,7.197926744,7.197926781,7.197926792,7.197926768,7.197926767,7.197926741,7.197926736,7.197926749,7.197926737,7.19792681,7.197926758,7.197926758,7.197926776,7.197926776,7.19792677,7.197926781,7.197926798,7.197926744
+"9138","MAX",8.054722518,8.054722527,8.054722467,8.054722579,8.054722513,8.054722603,8.054722489,8.054722517,8.05472251,8.054722524,8.054722509,8.05472249,8.054722534,8.054722545,8.054722501,8.054722482,8.054722464,8.054722554,8.054722535,8.054722509,8.054722497,8.054722516,8.054722545,8.054722566,8.054722543,8.054722528,8.054722541,8.054722488
+"9139","MAZ",7.641175406,7.641175622,7.641175452,7.641175478,7.641175668,7.64117541,7.641175542,7.641175523,7.641175669,7.641175768,7.641175519,7.641175631,7.641175503,7.641175243,7.641175601,7.641175523,7.641175638,7.641175443,7.641175421,7.641175345,7.641175638,7.641175605,7.641175497,7.64117542,7.641175465,7.641175526,7.641175442,7.64117555
+"9140","MB",4.758638659,4.758638646,4.758638805,4.758638744,4.758638787,4.758638627,4.75863877,4.758638852,4.758638761,4.758638785,4.758638873,4.758638741,4.7586386,4.75863869,4.75863876,4.758638797,4.758638873,4.758638889,4.758638695,4.758638781,4.758638831,4.758638763,4.758638715,4.758638728,4.758638901,4.758638759,4.758638677,4.758638719
+"9141","MB21D2",5.299124989,5.299125183,5.299125031,5.299125084,5.299125248,5.29912504,5.29912526,5.299124783,5.299125195,5.299124922,5.299125056,5.299125153,5.299125285,5.299125325,5.299125158,5.29912514,5.299125262,5.299124872,5.299125361,5.299125179,5.299125109,5.299124864,5.299124946,5.299124901,5.299124781,5.299125126,5.299125198,5.299125278
+"9142","MBD1",7.758412006,7.758411982,7.758412005,7.75841199,7.758411963,7.75841202,7.758411989,7.758411971,7.758412016,7.758412005,7.758411967,7.758411947,7.758412015,7.758412,7.758411982,7.758411954,7.758411966,7.758411995,7.758412003,7.758411966,7.758411971,7.758411987,7.758411999,7.758412003,7.75841198,7.758412008,7.758412013,7.758411974
+"9143","MBD2",8.049132593,8.049132472,8.049132454,8.049132526,8.049132416,8.049132559,8.049132436,8.049132352,8.049132429,8.049132495,8.049132458,8.049132107,8.049132461,8.049132645,8.049132528,8.049132335,8.049132335,8.049132434,8.049132502,8.049132584,8.049132504,8.04913239,8.049132451,8.049132566,8.049132444,8.049132371,8.049132544,8.049132548
+"9144","MBD3",6.707108261,6.707108268,6.707108322,6.707108266,6.707108346,6.707108299,6.707108289,6.707108359,6.707108331,6.707108322,6.707108318,6.707108349,6.707108312,6.707108261,6.707108319,6.707108289,6.707108344,6.707108298,6.707108271,6.707108324,6.707108314,6.707108363,6.707108308,6.707108279,6.707108265,6.707108323,6.707108294,6.707108313
+"9145","MBD3L1",2.820389075,2.820389086,2.820389076,2.820389082,2.82038908,2.820389066,2.820389081,2.820389055,2.820389113,2.82038909,2.820389081,2.820389091,2.82038907,2.820389083,2.820389118,2.82038911,2.820389159,2.820389094,2.82038907,2.82038908,2.820389105,2.820389079,2.820389082,2.820389082,2.820389082,2.820389104,2.820389065,2.82038907
+"9146","MBD4",6.84433913,6.844339048,6.844339026,6.844339151,6.844338879,6.84433911,6.844339097,6.844338915,6.84433887,6.844339044,6.844339006,6.844338812,6.844339034,6.844339316,6.844339057,6.844338964,6.844338914,6.844338992,6.844339029,6.844339184,6.844339129,6.844338998,6.844338984,6.84433906,6.844339043,6.84433901,6.84433907,6.844339132
+"9147","MBD5",6.04174306,6.041743047,6.041743033,6.041743052,6.041743051,6.041743085,6.041743047,6.041743063,6.041743065,6.04174306,6.04174303,6.041743058,6.041743062,6.041743079,6.041743045,6.041743057,6.041743029,6.041743051,6.041743049,6.041743063,6.041743052,6.041743052,6.041743067,6.041743068,6.041743051,6.041743071,6.041743065,6.041743054
+"9148","MBD6",7.252984596,7.25298468,7.252984842,7.252985097,7.252984385,7.252985171,7.252984715,7.252984618,7.252984687,7.252984651,7.252984775,7.252984705,7.252984723,7.252984444,7.252984549,7.252984752,7.252984832,7.252984925,7.252984703,7.252985153,7.252984795,7.252984891,7.252984711,7.252984732,7.252985001,7.252984663,7.252984729,7.252984407
+"9149","MBIP",5.207873667,5.207873301,5.207873434,5.207873315,5.20787342,5.207872988,5.207873404,5.207873342,5.207873671,5.207873395,5.207873346,5.207873219,5.207873602,5.20787372,5.20787347,5.207873429,5.207873189,5.207873408,5.207873735,5.207873332,5.207873583,5.207873539,5.207873532,5.207873166,5.207873533,5.207873602,5.207873509,5.20787359
+"9150","MBL2",4.644138162,4.644138185,4.644138464,4.644138353,4.644138517,4.644138458,4.644138342,4.64413839,4.64413841,4.64413822,4.644138357,4.644138385,4.644138277,4.644138332,4.644138402,4.644138356,4.644138423,4.644138535,4.644138202,4.644138426,4.644138388,4.644138331,4.644138341,4.644138249,4.644138419,4.644138367,4.644138431,4.644138379
+"9151","MBLAC1",5.848060967,5.848060993,5.848061009,5.848061007,5.848061028,5.848060989,5.848060984,5.84806097,5.848060989,5.848061006,5.848061005,5.848061008,5.848061008,5.848060968,5.848061023,5.848061009,5.84806105,5.848061026,5.848060985,5.848061022,5.848061013,5.848061035,5.848060984,5.848060997,5.848061005,5.848061016,5.848061003,5.84806102
+"9152","MBLAC2",5.494126652,5.494126646,5.494126634,5.494126555,5.494126644,5.494126625,5.494126652,5.494126652,5.494126683,5.494126678,5.494126638,5.494126669,5.494126615,5.494126778,5.494126691,5.494126625,5.494126696,5.494126641,5.494126649,5.494126596,5.494126639,5.494126691,5.494126691,5.494126627,5.494126611,5.494126646,5.494126638,5.49412675
+"9153","MBNL1",9.700658107,9.700657279,9.700656964,9.700657364,9.700656973,9.700657646,9.700657527,9.700657109,9.700657573,9.700657599,9.700656969,9.700656778,9.700657988,9.700658585,9.700657551,9.700656535,9.700656537,9.700657267,9.700657263,9.700657654,9.700657886,9.700657183,9.700657755,9.70065771,9.700656823,9.700657647,9.700657867,9.7006579
+"9154","MBNL2",7.17370909,7.173708735,7.173708541,7.173708651,7.173708681,7.173708195,7.173708815,7.173708535,7.173708613,7.173708615,7.173708457,7.173708601,7.173708867,7.173709056,7.173708811,7.173708543,7.173708406,7.173708575,7.173708752,7.173708411,7.173708812,7.173708512,7.173708773,7.173708664,7.173708664,7.17370886,7.173708921,7.17370892
+"9155","MBNL3",9.388709407,9.041265905,9.660494477,9.222055947,9.255970652,9.722299632,9.359087444,9.937150178,9.645449074,9.556226641,9.548369827,10.0059852,9.475192931,8.97746971,9.362043992,8.470686874,9.275568376,9.373842026,8.832306187,9.517520133,9.158415087,9.620128332,9.503569001,9.500249003,9.45628694,9.952949398,9.759810387,9.156593753
+"9156","MBOAT1",7.833227791,7.833228271,7.833227327,7.833228235,7.833227179,7.833227511,7.833227542,7.833227381,7.833227374,7.833227316,7.833227778,7.833226669,7.833227444,7.833228062,7.833227547,7.833228198,7.833226941,7.83322752,7.833228101,7.833227873,7.833227586,7.833227429,7.833227728,7.833227732,7.833228122,7.833227135,7.833227453,7.833227369
+"9157","MBOAT2",6.702353123,6.702353193,6.702353245,6.702353414,6.702352815,6.702353601,6.702353165,6.702352988,6.702353198,6.702352963,6.702352971,6.70235228,6.70235294,6.702353067,6.702352835,6.70235302,6.702352845,6.702353122,6.702353101,6.702353928,6.702353093,6.702352856,6.702353321,6.70235339,6.702353201,6.702352566,6.702353006,6.702352803
+"9158","MBOAT4",3.806273102,3.806273054,3.806273132,3.806272568,3.80627291,3.806273094,3.806273209,3.806272894,3.806272807,3.806273415,3.806273245,3.806273317,3.806273043,3.806272862,3.806272968,3.806273288,3.806273073,3.806273112,3.806273124,3.806273095,3.806273176,3.806273205,3.806272874,3.806272758,3.806272582,3.806273315,3.806273154,3.806273126
+"9159","MBOAT7",9.772255971,10.25244256,9.80600722,10.40839919,9.750495549,10.02837837,9.858153784,9.949835476,9.776777335,9.672908072,9.941285058,9.378171812,9.866026143,9.661610112,9.778588164,10.18443335,9.865936955,10.26933308,9.98674738,10.16497096,9.778867183,10.00575596,9.929005064,9.972344801,10.04067608,9.557443279,9.83999363,9.602549502
+"9160","MBP",7.298576553,7.298576943,7.298576333,7.298577219,7.298576316,7.298576391,7.298576573,7.298576608,7.298575932,7.298576459,7.298576692,7.298576073,7.298576643,7.298576326,7.29857668,7.298576899,7.298576292,7.298577093,7.298576656,7.298576334,7.298576489,7.298576521,7.298576564,7.29857676,7.298576866,7.298576327,7.298576618,7.298576236
+"9161","MBTD1",6.36706721,6.367067151,6.367067037,6.367067131,6.367066922,6.367066843,6.36706705,6.36706693,6.367067054,6.367067048,6.367066874,6.367066879,6.367067087,6.367067294,6.367067065,6.367067116,6.367066817,6.367066941,6.367067193,6.367066744,6.367066997,6.367066987,6.367067138,6.367067178,6.36706693,6.36706706,6.367067124,6.367067102
+"9162","MBTPS1",7.885592199,7.885592027,7.885591871,7.885591887,7.885591996,7.885592064,7.885592023,7.885592066,7.885592238,7.885592078,7.885591823,7.885592077,7.885592133,7.885592237,7.885591985,7.885591822,7.885591789,7.885591818,7.885592048,7.885591841,7.885591908,7.885591982,7.885592105,7.88559206,7.885591808,7.885592155,7.885592052,7.885592096
+"9163","MBTPS2",5.306680656,5.306680643,5.306680433,5.306680031,5.306680299,5.30668036,5.306680496,5.306680229,5.306680649,5.306680667,5.306680054,5.306680541,5.306680284,5.306680874,5.306680618,5.306680346,5.306680139,5.30668017,5.306680448,5.306680482,5.306680508,5.306680645,5.306680567,5.306680443,5.306680157,5.306680468,5.306680554,5.306680915
+"9164","MC1R",5.938926824,5.93892638,5.938926977,5.938926747,5.938927003,5.938926252,5.938926802,5.938927038,5.938926389,5.938926822,5.938926784,5.938927103,5.938926771,5.93892637,5.938926756,5.938927007,5.938926978,5.938926824,5.938926862,5.938926457,5.938927176,5.938927129,5.938926703,5.938926539,5.938926744,5.938927011,5.938926783,5.938926905
+"9165","MC2R",3.481841074,3.481841113,3.481841113,3.481841176,3.481841186,3.481841188,3.481841187,3.481841175,3.481841117,3.481841124,3.481841145,3.481841142,3.481841199,3.481841121,3.481841128,3.481841191,3.481841201,3.481841178,3.481841216,3.481841159,3.481841157,3.481841155,3.481841175,3.481841098,3.481841119,3.481841109,3.481841145,3.48184113
+"9166","MC3R",4.48104548,4.481045339,4.481045557,4.481045433,4.48104561,4.481045664,4.481045528,4.481045547,4.481045618,4.481045636,4.481045568,4.481045718,4.481045273,4.481045361,4.481045666,4.481045733,4.481045506,4.48104532,4.481045401,4.48104557,4.48104564,4.481045526,4.481045553,4.481045306,4.48104548,4.481045648,4.481045562,4.481045571
+"9167","MC4R",4.522299405,4.522299424,4.522299531,4.522299501,4.522299402,4.522299083,4.522299358,4.522299836,4.52229948,4.522299203,4.52229958,4.522299455,4.52229942,4.5222991,4.522299439,4.522299572,4.522299325,4.522299497,4.52229936,4.522299398,4.522299383,4.522299372,4.522299404,4.522299279,4.522299583,4.52229934,4.52229949,4.522299403
+"9168","MC5R",4.236326684,4.236326515,4.236326814,4.236326517,4.236327057,4.236326481,4.236326926,4.236326747,4.236326703,4.236326422,4.236326727,4.2363268,4.236326648,4.236326377,4.2363268,4.236326882,4.236327137,4.236326864,4.236326652,4.236326891,4.236326914,4.236326912,4.236326822,4.236326745,4.236326504,4.236326703,4.236326591,4.23632673
+"9169","MCAM",4.87280428,4.87280419,4.872804376,4.872804338,4.87280436,4.872804315,4.872804355,4.872804412,4.872804309,4.872804332,4.872804394,4.872804378,4.872804308,4.872804274,4.872804367,4.872804368,4.872804428,4.872804386,4.872804311,4.872804359,4.872804372,4.872804386,4.87280433,4.872804259,4.872804352,4.872804364,4.872804274,4.872804332
+"9170","MCAT",6.837430961,6.837430971,6.837430957,6.837430947,6.837430949,6.837430948,6.837430948,6.837430959,6.837430968,6.837430956,6.837430951,6.837430949,6.83743097,6.837430954,6.837430947,6.837430953,6.837430959,6.837430939,6.837430954,6.837430947,6.837430937,6.837430946,6.837430956,6.837430944,6.837430953,6.837430946,6.837430975,6.837430942
+"9171","MCC",4.906182179,4.906182017,4.906181898,4.90618208,4.906182341,4.906181893,4.906182099,4.906181981,4.906182219,4.906181863,4.906182025,4.906182053,4.906182021,4.906182235,4.906182348,4.90618222,4.906182352,4.906182282,4.90618217,4.906182025,4.906182385,4.906182259,4.906182227,4.906182101,4.906182114,4.906182274,4.906182135,4.906182221
+"9172","MCCC1",6.318987155,6.318987139,6.31898696,6.318986971,6.318986946,6.318986908,6.318986834,6.318986941,6.318987204,6.318986913,6.318986831,6.318987026,6.318987011,6.318987552,6.31898706,6.318986958,6.318986745,6.318986659,6.318987023,6.318986811,6.318986848,6.318986989,6.318987096,6.318987097,6.318986833,6.318987177,6.318987134,6.318987311
+"9173","MCCC2",6.365793266,6.365793117,6.365793128,6.365792964,6.365793005,6.365793192,6.365793302,6.365792982,6.365793267,6.365793011,6.365792877,6.365792964,6.365793242,6.36579344,6.365793204,6.365792947,6.365792802,6.365792968,6.365793178,6.365793177,6.36579323,6.365793026,6.365793242,6.365793211,6.365793057,6.365793202,6.365793322,6.365793244
+"9174","MCCD1",5.90265272,5.9026531545,5.9026531975,5.902653107,5.902653321,5.9026529615,5.9026528295,5.902653044,5.902652798,5.9026528555,5.902652821,5.902653248,5.902652926,5.9026526185,5.902653146,5.9026533395,5.902653085,5.9026530565,5.902653212,5.9026531215,5.902653291,5.9026532235,5.902652714,5.9026529505,5.9026532115,5.9026531995,5.90265287,5.9026529355
+"9175","MCEE",4.548245798,4.548245706,4.548245792,4.54824565,4.548245607,4.548245699,4.548245642,4.548245653,4.548245715,4.548245776,4.548245602,4.548245456,4.548245799,4.548245937,4.548245683,4.548245827,4.548245795,4.54824556,4.548245787,4.548245566,4.548245552,4.548245775,4.548245804,4.548245841,4.548245654,4.548245715,4.548245894,4.548245779
+"9176","MCEMP1",6.200642311,6.200642123,6.200642223,6.200642674,6.200642135,6.200642308,6.200642359,6.200641905,6.200642133,6.20064233,6.200642296,6.200641968,6.20064217,6.200641993,6.200642482,6.200642196,6.200642405,6.200642536,6.200642215,6.20064257,6.200642318,6.200641993,6.200642449,6.200642532,6.200642193,6.200642062,6.200642053,6.200641828
+"9177","MCF2",3.525836356,3.525836338,3.525836321,3.525836288,3.525836353,3.525836324,3.525836355,3.525836325,3.525836343,3.525836295,3.525836377,3.52583634,3.525836315,3.52583635,3.525836373,3.525836393,3.525836347,3.525836333,3.525836303,3.525836333,3.525836321,3.525836308,3.525836329,3.525836393,3.525836315,3.525836295,3.525836287,3.525836338
+"9178","MCF2L",5.68098653,5.680986524,5.680986551,5.680986543,5.680986575,5.68098653,5.680986507,5.68098658,5.680986539,5.680986557,5.680986607,5.680986575,5.680986561,5.680986511,5.680986555,5.680986573,5.680986563,5.680986592,5.680986535,5.680986561,5.680986543,5.68098657,5.680986509,5.680986546,5.680986555,5.680986572,5.680986533,5.680986586
+"9179","MCF2L2",4.710905966,4.710905927,4.710905894,4.710905909,4.710905933,4.71090593,4.710905894,4.71090592,4.71090593,4.710905913,4.710905905,4.710905899,4.710905924,4.710905886,4.710905928,4.710905913,4.710905875,4.710905891,4.710905939,4.710905933,4.710905884,4.710905914,4.710905926,4.710905901,4.710905881,4.710905895,4.710905921,4.710905908
+"9180","MCFD2",5.820349643,5.820349411,5.820349136,5.820349261,5.820349443,5.820349247,5.820349459,5.820349342,5.820349491,5.820349621,5.820349594,5.820349368,5.820349445,5.820350066,5.820349284,5.820348843,5.820349312,5.820349387,5.82034932,5.820348832,5.820349492,5.820349214,5.820349422,5.820349564,5.820349088,5.820349235,5.820349544,5.820349726
+"9181","MCHR1",5.268076845,5.268076717,5.268076771,5.268076748,5.268076874,5.268076782,5.268076783,5.26807685,5.268076761,5.268076723,5.268076759,5.268076853,5.268076774,5.268076698,5.268076877,5.268076833,5.26807691,5.268076868,5.268076787,5.26807685,5.268076855,5.268076811,5.268076744,5.268076761,5.26807677,5.2680768,5.268076759,5.268076798
+"9182","MCHR2",4.551181564,4.551181586,4.551181598,4.551181581,4.551181612,4.551181577,4.551181579,4.551181574,4.551181576,4.551181586,4.551181603,4.551181609,4.551181569,4.551181558,4.551181575,4.551181582,4.551181582,4.551181561,4.551181583,4.551181585,4.551181588,4.55118157,4.551181568,4.551181565,4.551181596,4.551181589,4.551181557,4.551181594
+"9183","MCL1",11.25658126,11.54335874,10.94044719,11.50796877,10.91195518,11.20220462,11.01653447,10.99516982,10.98329138,10.91374918,11.11762046,10.43029096,11.11501396,11.33039968,11.08792539,11.39117253,10.89770086,11.36433883,11.28201328,11.33714192,11.09442955,10.91500761,11.28362116,11.24120687,11.16649584,10.74996917,11.10012683,11.09359881
+"9184","MCM10",4.573738445,4.573738378,4.573738531,4.573738399,4.573738613,4.57373846,4.573738665,4.573738504,4.573738523,4.573738513,4.573738452,4.573738504,4.573738505,4.573738311,4.573738522,4.573738491,4.573738587,4.573738536,4.573738517,4.573738541,4.573738717,4.573738503,4.573738589,4.573738471,4.573738579,4.573738529,4.573738448,4.573738548
+"9185","MCM2",5.675453084,5.675453097,5.675453219,5.675453158,5.675453217,5.675453334,5.675453628,5.675453074,5.675453452,5.675453217,5.675453004,5.675453252,5.675453293,5.675453123,5.675453088,5.675453111,5.675453288,5.675453182,5.675453263,5.675453415,5.67545341,5.67545313,5.675453364,5.675453175,5.675452955,5.675453192,5.675453137,5.675453238
+"9186","MCM3",6.213683496,6.213683476,6.213683064,6.213682868,6.213683207,6.213683481,6.213683828,6.213683208,6.213683767,6.213683629,6.213683128,6.213683213,6.213683508,6.213683845,6.213683311,6.213683295,6.21368307,6.213682754,6.21368335,6.213683389,6.213683603,6.21368336,6.213683586,6.21368344,6.213682924,6.213683473,6.213683608,6.213683646
+"9187","MCM3AP",7.113349433,7.113349407,7.113349373,7.113349398,7.113349345,7.113349439,7.11334942,7.113349342,7.11334941,7.113349437,7.113349362,7.1133494,7.113349404,7.113349456,7.113349366,7.11334937,7.113349304,7.113349319,7.113349408,7.113349429,7.113349389,7.113349362,7.113349387,7.113349418,7.113349329,7.113349419,7.113349438,7.113349373
+"9188","MCM3AP-AS1",5.052976951,5.052976897,5.052976986,5.052976939,5.052977016,5.052976884,5.05297698,5.052976994,5.052976946,5.052976999,5.052976977,5.052977007,5.052976973,5.052976991,5.052976988,5.052976981,5.052976983,5.052976984,5.052976917,5.052976957,5.052976991,5.052976966,5.05297695,5.052976949,5.052976944,5.052976965,5.052976952,5.052976987
+"9189","MCM4",5.429511664,5.429511842,5.429511839,5.429511773,5.429511688,5.429512526,5.429513051,5.429511445,5.429512382,5.429512174,5.429511809,5.429511724,5.429512038,5.429511834,5.42951171,5.429511742,5.429511655,5.429511414,5.429511752,5.42951236,5.42951278,5.429511605,5.429512481,5.429511905,5.429511277,5.429511704,5.429511914,5.429511829
+"9190","MCM5",7.498828621,7.498828713,7.498828442,7.498828691,7.498828276,7.4988289,7.498829355,7.498828347,7.498829111,7.49882878,7.498828494,7.498828451,7.498828707,7.498829001,7.498828552,7.498828538,7.498828088,7.498828466,7.49882853,7.498828041,7.498828993,7.498828201,7.498828914,7.49882889,7.498828449,7.498828566,7.498828693,7.498828821
+"9191","MCM6",5.653178681,5.653178675,5.653178403,5.653178591,5.653178503,5.653178798,5.653179006,5.653178244,5.653179007,5.653178492,5.653178263,5.653178479,5.653178588,5.653178865,5.653178571,5.653178327,5.653178227,5.653178483,5.653178637,5.653178647,5.653178904,5.653178281,5.653179048,5.653178433,5.653178291,5.6531784,5.653178515,5.65317868
+"9192","MCM7",7.007826902,7.007826813,7.007826765,7.007826589,7.007826552,7.007826984,7.007827513,7.007826628,7.007827293,7.007826973,7.007826553,7.0078268,7.007826991,7.007827067,7.007826691,7.007826928,7.007826512,7.007826429,7.007826693,7.007826795,7.007827314,7.007826696,7.007827119,7.007826954,7.007826541,7.007827075,7.00782692,7.007826961
+"9193","MCM8",4.926710391,4.926710258,4.926710084,4.926710016,4.92671001,4.926710204,4.92671046,4.926710233,4.926710177,4.926710009,4.926710127,4.926710114,4.926710284,4.926710495,4.926710261,4.926710213,4.926710038,4.926710071,4.926710073,4.926710278,4.926710475,4.926710109,4.926710384,4.926710114,4.926710202,4.926710186,4.926710304,4.926710271
+"9194","MCM9",6.1992559575,6.199255925,6.1992558935,6.199255912,6.1992558565,6.1992559785,6.199255977,6.1992558105,6.19925595,6.199255956,6.199255952,6.1992556945,6.19925596,6.1992560685,6.199255897,6.1992559305,6.1992558125,6.1992558585,6.19925593,6.199255955,6.1992559215,6.199255837,6.199255947,6.199256007,6.199255948,6.1992558395,6.199255914,6.199255987
+"9195","MCMBP",8.085241069,8.085240895,8.085240324,8.085240914,8.085240452,8.085240901,8.085240866,8.08524028,8.085240572,8.085240688,8.085240314,8.08524007,8.085240761,8.085241176,8.08524085,8.085240873,8.085240336,8.085240571,8.085240918,8.085241248,8.085240823,8.085240568,8.085240983,8.085241067,8.085240687,8.085240472,8.085240631,8.08524077
+"9196","MCMDC2",3.134267627,3.134267596,3.134267709,3.13426764,3.134267638,3.134267677,3.134267634,3.134267645,3.134267688,3.13426762,3.134267643,3.134267681,3.134267594,3.134267664,3.134267701,3.134267632,3.134267737,3.134267597,3.134267636,3.13426767,3.134267607,3.134267681,3.134267612,3.134267641,3.134267706,3.134267618,3.134267551,3.134267741
+"9197","MCOLN1",8.188652615,7.958502401,8.552286793,8.5267537,8.488992036,8.798697411,8.189697246,8.946716969,8.772024664,8.304887297,8.251548949,8.554720954,8.142464922,7.814127518,8.321536167,7.698915044,8.345830043,8.52443478,8.317210856,8.554369953,8.003390688,8.6244363,8.65368829,8.289135719,8.258994872,8.432814623,8.200412496,7.948850381
+"9198","MCOLN2",5.728024001,5.728022316,5.728022786,5.728022667,5.728022983,5.728023637,5.728023843,5.728023452,5.728023258,5.728022805,5.728023229,5.728022729,5.728023578,5.72802356,5.728023751,5.728022328,5.728022558,5.728023096,5.728023084,5.728023706,5.728023767,5.728023425,5.728023386,5.728022962,5.728023023,5.728023065,5.728023425,5.728023357
+"9199","MCOLN3",4.076128469,4.076128447,4.076128463,4.076128462,4.076128466,4.076128461,4.076128456,4.076128469,4.076128528,4.076128446,4.076128453,4.076128511,4.07612846,4.076128481,4.076128466,4.07612847,4.07612846,4.076128463,4.076128474,4.076128497,4.076128457,4.076128466,4.076128516,4.076128459,4.076128453,4.076128452,4.076128467,4.076128506
+"9200","MCPH1",6.033562127,6.033562031,6.033561912,6.033562017,6.033562011,6.033562005,6.033561943,6.033561926,6.033562142,6.03356208,6.033561985,6.033561849,6.033562086,6.033562167,6.033562052,6.033562011,6.033561984,6.033561932,6.03356211,6.033561912,6.033562021,6.033561988,6.033562105,6.033562063,6.033562,6.033561997,6.033562045,6.033562076
+"9201","MCPH1-AS1",3.46587662,3.465876832,3.465876869,3.465876773,3.46587671,3.465876893,3.46587666,3.465876725,3.465876757,3.465876758,3.465876576,3.465876663,3.465876673,3.465876641,3.465876509,3.465876661,3.465876783,3.465876618,3.46587677,3.465876642,3.465876631,3.465876741,3.465876722,3.465876824,3.465876836,3.465876663,3.465876814,3.465876656
+"9202","MCRIP1",6.102553803,6.102553708,6.102553732,6.102553738,6.102553829,6.102553923,6.102553764,6.102553839,6.102553724,6.102553922,6.102553649,6.102553945,6.102553879,6.1025537,6.102553781,6.102553662,6.102553978,6.102553734,6.102553787,6.102553644,6.102553595,6.102553844,6.102553735,6.102553703,6.102553527,6.10255372,6.102553822,6.102553772
+"9203","MCRIP2",6.306923068,6.306922495,6.306923092,6.306922684,6.30692347,6.306922465,6.306923374,6.306923032,6.306923133,6.306923261,6.306922994,6.306923367,6.306922974,6.306922116,6.306923284,6.306922958,6.306923545,6.306923247,6.306922772,6.30692306,6.306923464,6.306923405,6.306922879,6.306922496,6.306923264,6.306923101,6.306922939,6.30692297
+"9204","MCRS1",6.823869535,6.823869518,6.823869411,6.823869437,6.823869501,6.82386963,6.823869551,6.823869498,6.82386948,6.823869667,6.823869537,6.823869385,6.82386966,6.823869541,6.823869443,6.823869334,6.823869385,6.823869301,6.823869484,6.823869565,6.823869377,6.823869592,6.823869522,6.823869527,6.823869512,6.823869484,6.823869611,6.823869476
+"9205","MCTP1",6.843227682,6.843227869,6.843227015,6.843227591,6.843226642,6.843227503,6.843227434,6.843226808,6.843226793,6.843227501,6.843227242,6.843226085,6.843227312,6.843227635,6.843227182,6.843227639,6.843226913,6.843227432,6.843227482,6.843228465,6.843227617,6.843226908,6.843227295,6.843228268,6.843227668,6.843226631,6.843227103,6.843226819
+"9206","MCTP2",8.472015479,8.472067923,8.47168675,8.472385667,8.471566039,8.472016869,8.472121962,8.471930888,8.471824643,8.471834379,8.471810885,8.471565949,8.471799038,8.471878848,8.471946726,8.472125441,8.47167697,8.472312304,8.472048069,8.472017307,8.472143246,8.471867916,8.472211078,8.472204052,8.472082905,8.471862792,8.471764517,8.471636609
+"9207","MCTS1",5.516867168,5.516866672,5.516866828,5.516866607,5.516866275,5.516866219,5.516866409,5.516866591,5.516867128,5.516866669,5.516865716,5.516865425,5.516867219,5.5168676,5.516866865,5.516866529,5.516866038,5.516866292,5.516866693,5.516866138,5.516866531,5.51686637,5.516867164,5.516866558,5.516866773,5.516866581,5.516866882,5.51686685
+"9208","MCU",6.170674022,6.170674067,6.170674005,6.170674103,6.170673989,6.170674071,6.170674098,6.170673953,6.170674,6.170674022,6.170674082,6.170673915,6.170674,6.170674048,6.170673931,6.170673941,6.17067401,6.170674056,6.170674053,6.170674035,6.170674036,6.170674033,6.170673987,6.170674072,6.170674056,6.170674014,6.170674039,6.170673982
+"9209","MCUB",6.901228138,6.90122761,6.901226896,6.901226421,6.901226756,6.901226566,6.901227559,6.901226887,6.901228311,6.901227583,6.901226192,6.901227135,6.901228094,6.901229277,6.901226974,6.90122702,6.901225747,6.90122624,6.901227189,6.901226674,6.901227352,6.90122717,6.901228176,6.901227807,6.901226386,6.901227551,6.901228092,6.901228363
+"9210","MCUR1",5.679989128,5.679989124,5.679989129,5.679989152,5.679989154,5.679989087,5.679989142,5.679989108,5.679989134,5.679989117,5.67998916,5.679989121,5.679989131,5.679989133,5.679989121,5.679989128,5.679989112,5.679989157,5.679989113,5.679989114,5.679989156,5.6799891,5.679989148,5.679989148,5.67998917,5.679989155,5.679989127,5.679989116
+"9211","MDC1",5.787659102,5.787659,5.787659015,5.787659041,5.787659052,5.787659152,5.787659114,5.787659049,5.787659094,5.787659114,5.787659029,5.787659129,5.787659113,5.787659168,5.787659155,5.787658995,5.787658967,5.787659043,5.787659055,5.787659059,5.787659082,5.787659087,5.787659166,5.787659106,5.787659053,5.787659116,5.787659102,5.787659103
+"9212","MDFI",6.354234791,6.35423491,6.354235522,6.354235038,6.354235499,6.354234688,6.3542347,6.354235242,6.354235186,6.354235269,6.354235361,6.354235181,6.354235161,6.354234605,6.354235212,6.354235152,6.354235445,6.354235448,6.354235045,6.354235023,6.354235102,6.354235398,6.354234857,6.354235214,6.354235457,6.354235255,6.35423496,6.35423513
+"9213","MDFIC",7.717807341,7.717807277,7.717807226,7.717807237,7.71780732,7.717807205,7.717807295,7.717807221,7.717807316,7.717807308,7.71780727,7.717807235,7.7178073,7.717807326,7.717807322,7.717807263,7.717807242,7.717807245,7.717807307,7.717807177,7.717807294,7.717807247,7.717807295,7.717807278,7.717807251,7.717807257,7.717807315,7.717807325
+"9214","MDGA1",5.055232557,5.05523275,5.055232621,5.055232112,5.055232983,5.055232051,5.055232839,5.055232659,5.055232597,5.055232032,5.055232827,5.055232657,5.055232659,5.055232622,5.055232609,5.055232515,5.055232524,5.055232299,5.055232836,5.05523222,5.055232814,5.055232748,5.055232594,5.055232057,5.055232861,5.0552327,5.055232727,5.055232579
+"9215","MDGA2",3.664693498,3.664693615,3.66469354,3.664693602,3.664693641,3.664693634,3.664693612,3.66469366,3.664693607,3.664693585,3.664693564,3.664693861,3.66469352,3.664693597,3.664693649,3.664693548,3.664693711,3.664693587,3.664693628,3.664693623,3.664693639,3.664693638,3.664693644,3.664693574,3.664693544,3.664693571,3.664693617,3.664693606
+"9216","MDH1",5.750294753,5.750294697,5.75029471,5.750294654,5.750294646,5.750294732,5.750294826,5.750294616,5.750294673,5.750294656,5.750294685,5.750294516,5.750294757,5.750294929,5.750294722,5.750294591,5.750294645,5.750294551,5.750294737,5.750294577,5.750294734,5.750294684,5.750294721,5.750294725,5.750294538,5.750294611,5.75029467,5.750294693
+"9217","MDH1B",3.106696987,3.10669713,3.106697141,3.106697271,3.106697191,3.106697053,3.106696969,3.106697232,3.106697159,3.106697079,3.106697305,3.106697243,3.106697127,3.106697096,3.106697177,3.106697319,3.106697091,3.106697248,3.106697189,3.106697118,3.106697099,3.106697241,3.106697078,3.106697239,3.106697205,3.106697137,3.106697135,3.106697314
+"9218","MDH2",8.717178923,8.717178547,8.717178587,8.717178086,8.717178656,8.717179455,8.71717885,8.717178338,8.717179254,8.717179324,8.71717807,8.71717869,8.71717912,8.717179043,8.717178522,8.717177431,8.717178234,8.717177588,8.717178707,8.71717915,8.7171787,8.71717843,8.717178937,8.717178827,8.717177844,8.717178647,8.717179023,8.717178379
+"9219","MDK",7.60264186,7.602641916,7.60264212,7.602641936,7.602642179,7.602641703,7.602641968,7.6026421,7.602642022,7.602641902,7.602642105,7.602642195,7.60264195,7.602641605,7.602642055,7.602642082,7.602642286,7.602642142,7.602641881,7.602641831,7.602641976,7.602642166,7.602641909,7.602641878,7.602642171,7.602641967,7.602641873,7.602642055
+"9220","MDM1",4.843486609,4.843486639,4.843486599,4.843486623,4.843486598,4.843486585,4.843486632,4.843486598,4.8434866,4.843486652,4.843486631,4.843486534,4.843486659,4.843486669,4.843486559,4.84348665,4.843486569,4.84348655,4.84348666,4.843486551,4.843486591,4.843486565,4.843486659,4.843486653,4.843486627,4.843486602,4.843486645,4.843486607
+"9221","MDM2",7.546675928,7.546676284,7.546675875,7.546676045,7.546675137,7.546675118,7.546675832,7.546675164,7.54667495,7.546674898,7.546675941,7.54667455,7.546674478,7.546676435,7.546674741,7.546675659,7.54667551,7.546675123,7.546675278,7.546674889,7.546675519,7.546675041,7.546675428,7.546675422,7.546675696,7.546675056,7.546674552,7.546675718
+"9222","MDM4",8.231540217,8.231539737,8.231539857,8.231539982,8.231539393,8.231539723,8.231539512,8.231539537,8.231539561,8.231539379,8.231539579,8.231539479,8.231540037,8.23154022,8.231539825,8.231539486,8.231539238,8.231539599,8.23153996,8.231539762,8.231539776,8.231539645,8.231539802,8.231539573,8.231539588,8.231539966,8.231539924,8.231539634
+"9223","MDN1",6.714133437,6.714133346,6.714133027,6.714133106,6.714133331,6.714133372,6.714133426,6.714133086,6.71413355,6.714133399,6.714133074,6.714133366,6.714133412,6.714133665,6.714133282,6.714133115,6.714132804,6.714133173,6.714133348,6.714133063,6.714133394,6.714133259,6.714133491,6.714133304,6.714133069,6.714133442,6.714133511,6.71413341
+"9224","MDS2",5.811153288,5.811153284,5.811153291,5.811153294,5.811153293,5.811153278,5.811153281,5.811153296,5.811153297,5.811153302,5.811153286,5.8111533,5.811153294,5.811153294,5.811153305,5.811153295,5.811153283,5.8111533,5.81115328,5.811153298,5.811153294,5.811153302,5.811153291,5.811153292,5.81115328,5.811153296,5.811153282,5.81115329
+"9225","ME1",4.23880944,4.238809468,4.238809532,4.238809437,4.238809489,4.238809418,4.23880948,4.238809442,4.238809396,4.238809399,4.238809415,4.238809523,4.238809473,4.238809393,4.238809449,4.238809502,4.238809417,4.238809457,4.238809403,4.238809435,4.238809462,4.238809578,4.238809342,4.238809332,4.238809366,4.238809429,4.238809374,4.238809428
+"9226","ME2",8.062071768,8.062071874,8.062071185,8.062071151,8.06207046,8.062071931,8.062071352,8.062070794,8.062071064,8.062071204,8.062070894,8.062069481,8.062070815,8.062072778,8.062071506,8.062071598,8.062071149,8.062070499,8.062071356,8.062072064,8.062071272,8.062071164,8.062071627,8.062071337,8.06207155,8.062070384,8.062071374,8.0620718
+"9227","ME3",5.203001324,5.203001317,5.203001374,5.203001332,5.203001407,5.20300131,5.203001333,5.203001388,5.203001344,5.203001354,5.203001347,5.203001392,5.203001339,5.20300126,5.203001384,5.203001324,5.20300144,5.20300139,5.203001339,5.203001345,5.203001357,5.203001401,5.203001305,5.203001291,5.203001362,5.203001371,5.203001349,5.203001357
+"9228","MEA1",6.8931884,6.893188411,6.893188418,6.893188395,6.893188397,6.893188385,6.893188387,6.89318841,6.893188413,6.893188409,6.893188406,6.893188383,6.893188406,6.893188394,6.893188393,6.89318841,6.893188405,6.893188421,6.893188386,6.893188367,6.893188366,6.893188408,6.893188389,6.893188424,6.893188424,6.893188403,6.893188385,6.893188416
+"9229","MEAF6",6.777141208,6.777140876,6.777140806,6.777140476,6.777140621,6.777140212,6.777140724,6.777140646,6.777140897,6.777140686,6.777140765,6.77714073,6.777140951,6.777141121,6.777140934,6.77714068,6.777140468,6.777140483,6.77714079,6.777140578,6.777140522,6.777140927,6.777141045,6.777140954,6.777140819,6.777140875,6.777140992,6.777140962
+"9230","MEAK7",5.592623621,5.592623948,5.592624294,5.592623784,5.592624175,5.592624177,5.592623947,5.592623944,5.592624236,5.592624224,5.592623985,5.592624061,5.592623922,5.592623835,5.592624081,5.592624086,5.592623843,5.592624147,5.592624104,5.592624037,5.592623988,5.592624076,5.592624262,5.592624194,5.592624107,5.592624202,5.592623881,5.592623903
+"9231","MECOM",4.2051322055,4.205132242,4.2051322495,4.2051321775,4.2051322925,4.205132228,4.205132216,4.205132258,4.2051322405,4.2051322845,4.205132318,4.205132239,4.205132194,4.205132187,4.205132251,4.2051322215,4.2051322995,4.205132285,4.205132268,4.2051322945,4.205132293,4.205132309,4.205132258,4.2051321995,4.205132251,4.2051322475,4.2051322445,4.205132215
+"9232","MECR",6.14742915,6.147428954,6.147429129,6.1474287,6.147429081,6.147429006,6.147428985,6.147429128,6.1474291,6.147429054,6.147429025,6.14742908,6.147429211,6.147428956,6.147429059,6.147429122,6.147429135,6.147429036,6.147428886,6.147429052,6.147429097,6.147429102,6.14742901,6.147428944,6.14742889,6.147429141,6.147429036,6.147428996
+"9233","MED1",6.971597168,6.971597112,6.971597139,6.971597146,6.971597052,6.971597156,6.971597176,6.971597009,6.971597219,6.971597182,6.971597093,6.971597042,6.971597107,6.971597354,6.971597165,6.971596968,6.971597009,6.97159702,6.971597113,6.971597055,6.971597094,6.971596997,6.971597176,6.971597159,6.971597025,6.971597125,6.971597208,6.971597211
+"9234","MED10",6.284308289,6.284308239,6.284307967,6.284307432,6.284307221,6.284307883,6.284307736,6.28430749,6.284307938,6.28430821,6.284307818,6.284307363,6.284308053,6.284308565,6.284307427,6.284308073,6.284307357,6.28430756,6.284307915,6.284308205,6.284307258,6.284307399,6.284308245,6.284308032,6.284307897,6.284307806,6.284307957,6.284307803
+"9235","MED11",5.954787105,5.954787059,5.954787109,5.954787127,5.95478708,5.954787123,5.954787106,5.954787054,5.954787117,5.954787095,5.954787099,5.954787064,5.954787095,5.954787078,5.954787086,5.954787075,5.954787099,5.954787102,5.954787097,5.954787022,5.954787076,5.954787081,5.954787087,5.954787089,5.954787082,5.954787081,5.954787084,5.954787056
+"9236","MED12",7.51658958,7.516589475,7.516589204,7.516589683,7.516589221,7.516589904,7.516589562,7.516589242,7.516589452,7.516589613,7.516589487,7.516589363,7.516589382,7.516589608,7.516589439,7.516589275,7.516589123,7.516589454,7.516589312,7.516589764,7.516589456,7.516589336,7.51658954,7.516589582,7.516589644,7.516589429,7.516589465,7.516589165
+"9237","MED12L",4.44106412,4.441064143,4.441064175,4.44106415,4.441064182,4.441064198,4.441064173,4.441064131,4.441064123,4.441064157,4.441064174,4.441064143,4.441064135,4.441064107,4.441064161,4.441064127,4.441064185,4.441064156,4.441064148,4.441064192,4.44106417,4.441064137,4.441064158,4.441064131,4.441064141,4.441064136,4.441064123,4.441064126
+"9238","MED13",8.231273691,8.231273705,8.231273362,8.231273691,8.23127343,8.231273867,8.2312739,8.231273395,8.231273667,8.23127352,8.231273477,8.231273085,8.231273544,8.231274155,8.231273774,8.23127338,8.23127321,8.231273389,8.231273854,8.231272483,8.231273804,8.231273442,8.231273833,8.231273721,8.231273717,8.231273419,8.231273612,8.231273514
+"9239","MED13L",8.999203632,8.999204181,8.999203755,8.999204262,8.999203698,8.999204198,8.999204049,8.999203672,8.999203662,8.999203846,8.999203873,8.999203487,8.999203877,8.999203746,8.99920367,8.999203963,8.999203528,8.99920395,8.999203909,8.999204261,8.999203984,8.999203543,8.999203738,8.999203963,8.999204092,8.999203858,8.999203911,8.999203349
+"9240","MED14",7.182272705,7.182272688,7.182272522,7.18227262,7.182272627,7.182272601,7.182272723,7.182272487,7.182272696,7.182272716,7.182272532,7.18227251,7.182272665,7.182272735,7.182272623,7.182272608,7.182272356,7.182272516,7.182272673,7.182272454,7.182272607,7.182272512,7.182272664,7.182272691,7.182272544,7.182272574,7.182272691,7.182272574
+"9241","MED15",8.224396684,8.224396688,8.224396657,8.224396649,8.224396615,8.224396788,8.224396733,8.224396691,8.224396705,8.224396702,8.224396624,8.224396654,8.224396686,8.224396642,8.224396669,8.224396664,8.224396624,8.224396615,8.224396629,8.224396759,8.224396701,8.224396653,8.224396693,8.22439668,8.224396631,8.224396685,8.224396708,8.22439663
+"9242","MED16",7.304200514,7.304200577,7.304200624,7.304200551,7.304200541,7.304200667,7.304200611,7.304200502,7.304200609,7.304200644,7.30420054,7.304200527,7.304200601,7.304200491,7.304200544,7.30420056,7.304200607,7.304200554,7.304200549,7.304200633,7.304200559,7.304200539,7.304200558,7.304200622,7.304200514,7.304200519,7.3042006,7.30420047
+"9243","MED17",6.484375689,6.484375277,6.484374465,6.484375202,6.484374995,6.484375179,6.484375225,6.484374868,6.484375184,6.484374815,6.484374847,6.484374631,6.484375558,6.484376253,6.48437521,6.484374836,6.484374371,6.48437477,6.484375268,6.484375663,6.484375066,6.484374798,6.484375122,6.484375125,6.48437478,6.484374935,6.484375358,6.4843755
+"9244","MED18",5.265534539,5.265534647,5.265534675,5.265534586,5.265534473,5.265534637,5.265534608,5.265534529,5.265534603,5.265534569,5.265534638,5.26553443,5.265534562,5.265534504,5.265534556,5.265534615,5.265534597,5.26553454,5.265534542,5.265534578,5.265534467,5.265534597,5.265534598,5.265534604,5.26553456,5.265534453,5.265534646,5.265534597
+"9245","MED19",5.122975335,5.12297545,5.12297534,5.122975279,5.122975513,5.122975515,5.122975332,5.122975453,5.122975346,5.122975532,5.122975364,5.122975519,5.122975424,5.122975445,5.122975469,5.122975426,5.122975472,5.122975494,5.122975486,5.122975161,5.122975487,5.122975455,5.122975269,5.122975329,5.122975411,5.122975472,5.12297543,5.122975418
+"9246","MED20",6.141179255,6.141179215,6.141179199,6.141179249,6.141179219,6.141179241,6.141179203,6.141179222,6.141179216,6.141179219,6.141179255,6.141179145,6.141179199,6.141179245,6.141179232,6.141179238,6.141179253,6.141179205,6.141179218,6.141179209,6.141179208,6.141179225,6.141179188,6.141179237,6.141179222,6.14117921,6.141179246,6.141179224
+"9247","MED21",5.675240248,5.675239305,5.675239553,5.675239591,5.67523963,5.675239296,5.675239796,5.675239319,5.67523975,5.675239662,5.675239559,5.675239329,5.675239975,5.675240683,5.675239966,5.675238865,5.675239415,5.675239574,5.675239863,5.675239164,5.675239854,5.675239669,5.675240065,5.675239619,5.675239267,5.675239544,5.675240052,5.675240359
+"9248","MED22",6.959401781,6.959401753,6.959401824,6.959401848,6.959401829,6.959401831,6.95940181,6.959401847,6.95940181,6.95940181,6.959401749,6.959401842,6.959401837,6.959401751,6.959401826,6.959401765,6.959401815,6.959401805,6.959401825,6.959401814,6.95940181,6.959401855,6.95940178,6.959401773,6.959401764,6.959401848,6.95940183,6.959401731
+"9249","MED23",7.296353055,7.296352856,7.296352752,7.29635285,7.296352772,7.296352726,7.296352852,7.296352662,7.296352876,7.29635284,7.296352746,7.296352654,7.296352891,7.296353001,7.296352893,7.296352882,7.296352709,7.296352702,7.296352863,7.296352584,7.296352795,7.29635268,7.296352915,7.296352907,7.296352807,7.296352813,7.296352909,7.296352851
+"9250","MED24",7.142051681,7.142051556,7.142051578,7.142051463,7.142051514,7.142052125,7.142051936,7.142051387,7.142052017,7.142052085,7.142051027,7.142051452,7.142051915,7.142051824,7.142051652,7.142051279,7.142051482,7.142051329,7.142051611,7.142051772,7.142051708,7.142051675,7.142051868,7.142051737,7.142051227,7.142051787,7.142051879,7.142051744
+"9251","MED25",7.601745285,7.601745895,7.601746495,7.601746261,7.601745438,7.601746639,7.601745924,7.601746803,7.601745804,7.601744986,7.601746203,7.601746351,7.601745096,7.60174447,7.601745394,7.601745686,7.601746255,7.601746275,7.601745435,7.601746298,7.601745533,7.60174619,7.601745949,7.60174533,7.601746284,7.601745884,7.601745336,7.60174479
+"9252","MED26",5.788630163,5.788630161,5.788630303,5.788630218,5.788630398,5.788630274,5.788630273,5.788630269,5.788630153,5.788630241,5.788630331,5.78863028,5.788630242,5.788630145,5.788630355,5.788630173,5.788630408,5.788630249,5.788630314,5.788630194,5.78863025,5.788630272,5.788630164,5.788630163,5.788630204,5.78863027,5.788630147,5.788630288
+"9253","MED27",4.674501303,4.674501378,4.674501187,4.674501215,4.674501274,4.67450129,4.674501337,4.674501148,4.674501329,4.674501132,4.674501189,4.674501334,4.674501085,4.674501348,4.674501248,4.674501245,4.674501255,4.674501122,4.674501349,4.67450142,4.674501193,4.674501203,4.67450123,4.674501223,4.67450115,4.674501165,4.67450132,4.674501287
+"9254","MED28",7.810813073,7.810813083,7.810813051,7.810813073,7.810812935,7.81081303,7.810813011,7.810812901,7.810813037,7.810813071,7.810812916,7.810812884,7.810813026,7.810813164,7.81081306,7.810813104,7.810812989,7.810812977,7.810813045,7.810813015,7.810813011,7.81081297,7.81081309,7.810813051,7.810813032,7.810812995,7.810812963,7.810813147
+"9255","MED29",6.22385303,6.223852962,6.223853074,6.22385319,6.223853048,6.223853183,6.223853074,6.223853057,6.223853061,6.223853181,6.223852943,6.223853044,6.223853211,6.223853087,6.223853133,6.223852799,6.223853122,6.223852955,6.223853006,6.223852937,6.223853238,6.223853117,6.223853125,6.223853082,6.223853023,6.223853092,6.223853068,6.223853139
+"9256","MED30",4.377122467,4.377122655,4.377122531,4.37712224,4.377122363,4.377122253,4.377122362,4.377122248,4.377122428,4.377122344,4.377122164,4.377122109,4.377122399,4.377122589,4.377122445,4.377122159,4.37712232,4.377122548,4.377122332,4.377122446,4.377122171,4.377122212,4.377122568,4.377122261,4.377122253,4.377122001,4.37712218,4.377122587
+"9257","MED31",5.542274545,5.542274496,5.542274401,5.542274457,5.542274349,5.542274429,5.54227444,5.542274341,5.542274463,5.542274405,5.542274197,5.542274264,5.542274453,5.542274603,5.542274414,5.542274481,5.54227435,5.542274386,5.542274403,5.542274504,5.542274405,5.542274403,5.542274466,5.542274489,5.542274367,5.542274324,5.542274441,5.542274459
+"9258","MED4",6.211086953,6.211086907,6.211086622,6.21108657,6.21108591,6.211085832,6.21108623,6.211086426,6.211086621,6.211086461,6.211086331,6.211085903,6.211086728,6.211087536,6.211086438,6.211086907,6.211086428,6.211086615,6.211086594,6.211086612,6.211086394,6.211086561,6.211086754,6.211086909,6.211086715,6.21108635,6.211086605,6.211087001
+"9259","MED6",6.337746553,6.337746453,6.337746221,6.337746272,6.33774597,6.337745922,6.337746114,6.337746137,6.337746261,6.337746208,6.33774615,6.337745869,6.337746429,6.337746699,6.33774621,6.337746439,6.337746002,6.337746114,6.337746237,6.337746009,6.337746104,6.337746157,6.337746378,6.337746273,6.337746151,6.337746162,6.337746378,6.337746322
+"9260","MED7",5.755324888,5.755324757,5.755324825,5.755324704,5.755324369,5.755324101,5.755324584,5.755324664,5.755324618,5.755324613,5.755324587,5.755324392,5.755324785,5.755325256,5.755324626,5.755324682,5.755324672,5.75532475,5.755324632,5.755324498,5.755324628,5.755324815,5.755324726,5.755324781,5.755324697,5.75532456,5.75532467,5.755324964
+"9261","MED8",5.996350728,5.996350696,5.996350519,5.996350713,5.996350556,5.996350674,5.996350637,5.996350474,5.99635062,5.996350592,5.996350553,5.996350514,5.996350619,5.99635075,5.996350644,5.996350615,5.996350494,5.996350622,5.996350571,5.996350634,5.996350537,5.996350603,5.996350653,5.996350683,5.996350618,5.996350593,5.996350729,5.996350561
+"9262","MED9",5.986324159,5.986324146,5.98632427,5.986324219,5.986324534,5.986324056,5.986324433,5.986324363,5.986323992,5.986324152,5.986324186,5.98632438,5.986324238,5.986323887,5.986324325,5.986324169,5.986324354,5.986324421,5.986324298,5.986324251,5.986324517,5.986324406,5.986324109,5.986324095,5.986324144,5.986324386,5.986324118,5.98632423
+"9263","MEDAG",4.175253482,4.175253459,4.175253493,4.175253463,4.175253523,4.17525348,4.17525349,4.175253501,4.175253454,4.175253465,4.175253473,4.175253528,4.175253478,4.175253452,4.175253525,4.175253523,4.175253512,4.175253549,4.175253496,4.17525345,4.175253514,4.175253495,4.17525346,4.17525346,4.175253465,4.175253501,4.175253452,4.17525347
+"9264","MEF2A",7.582910732,7.582910904,7.582910852,7.582911025,7.582910745,7.582911052,7.582910666,7.582910542,7.582910939,7.582911098,7.582910997,7.582910566,7.58291067,7.582910904,7.582910449,7.582910584,7.582910337,7.582910632,7.582910778,7.582911029,7.582910546,7.58291033,7.582910822,7.58291112,7.582910849,7.582910604,7.582910666,7.582910531
+"9265","MEF2C",7.255677352,7.25567677,7.255676484,7.255675933,7.255676032,7.255675812,7.255676131,7.255675578,7.255674963,7.255676613,7.255675793,7.25567552,7.255676058,7.255677847,7.255676743,7.255675946,7.25567614,7.255676355,7.255676679,7.255676164,7.255676309,7.255675538,7.2556753,7.255676694,7.255676002,7.255676243,7.255675845,7.255677674
+"9266","MEF2D",7.238929759,7.238929795,7.238929771,7.238929811,7.238929748,7.238929844,7.238929782,7.238929786,7.238929771,7.238929787,7.238929766,7.238929755,7.238929782,7.23892976,7.238929777,7.238929779,7.238929775,7.238929794,7.238929774,7.238929819,7.23892976,7.238929765,7.23892979,7.23892978,7.238929779,7.238929767,7.238929788,7.238929732
+"9267","MEFV",8.726968214,8.727292139,8.727005604,8.727437721,8.726827676,8.727566506,8.72715378,8.72713026,8.726915127,8.727078175,8.727164653,8.726903241,8.727152761,8.727085623,8.727092455,8.727246062,8.727060993,8.727411002,8.726902221,8.727468613,8.727113228,8.727162339,8.727091834,8.72717283,8.727280747,8.727096768,8.727146206,8.727055623
+"9268","MEG3",5.124889382,5.124889654,5.124889506,5.124889426,5.124889522,5.124889481,5.124889463,5.12488966,5.124889488,5.124889536,5.124889692,5.124889731,5.124889486,5.124889414,5.12488956,5.12488952,5.124889564,5.124889493,5.124889388,5.124889524,5.124889523,5.124889571,5.124889474,5.124889498,5.124889615,5.124889583,5.124889463,5.124889546
+"9269","MEGF10",4.359584822,4.359584828,4.359584929,4.35958481,4.359584978,4.35958497,4.359584832,4.359585054,4.359584754,4.35958476,4.359584978,4.359585008,4.359584682,4.359584605,4.359584985,4.359585133,4.359585081,4.35958511,4.359584811,4.359584937,4.359584983,4.359584904,4.359584821,4.359584564,4.359584814,4.359584898,4.359584701,4.359584815
+"9270","MEGF11",5.707959773,5.707959786,5.707959816,5.707959767,5.707959888,5.70795987,5.707959925,5.707959919,5.707959786,5.707959874,5.707959805,5.707959956,5.70795978,5.70795958,5.707960059,5.707959884,5.707960018,5.707959997,5.707959909,5.707959827,5.707959983,5.707959967,5.707959681,5.707959692,5.707959797,5.707959877,5.707959717,5.707959674
+"9271","MEGF6",6.870272692,6.870272724,6.870272736,6.870272713,6.870272778,6.870272625,6.870272713,6.87027277,6.870272732,6.870272711,6.870272764,6.870272779,6.870272751,6.870272665,6.87027275,6.870272751,6.870272799,6.870272794,6.870272745,6.870272728,6.870272764,6.870272789,6.870272697,6.870272695,6.870272746,6.870272774,6.870272742,6.870272724
+"9272","MEGF8",5.646243234,5.6462431135,5.6462432645,5.6462433825,5.6462432335,5.6462431335,5.64624319,5.6462432825,5.646243147,5.6462432615,5.646243336,5.6462433845,5.6462431645,5.6462431835,5.6462433585,5.6462433475,5.646243321,5.6462433065,5.6462430845,5.646243155,5.6462432775,5.646243393,5.6462432205,5.6462432815,5.64624316,5.646243145,5.6462432385,5.646243211
+"9273","MEGF9",9.685212483,9.812240679,9.436978607,10.28208737,9.504346957,10.01080116,9.919997159,9.487901846,9.437370271,9.562482123,9.663045134,9.278337148,9.540668773,9.522293514,9.827310316,9.894920542,9.673904311,10.07297995,9.907976266,10.05462688,9.953290985,9.536068006,9.809132802,9.96482147,9.876267905,9.389009571,9.450458564,9.336776994
+"9274","MEI1",5.078058321,5.0780583,5.078058294,5.078058267,5.078058315,5.078058265,5.078058301,5.078058295,5.078058311,5.078058273,5.078058297,5.078058278,5.078058321,5.078058301,5.078058306,5.078058296,5.078058274,5.07805829,5.078058298,5.078058308,5.078058307,5.078058312,5.078058298,5.078058305,5.078058276,5.0780583,5.078058291,5.078058305
+"9275","MEIG1",2.510955594,2.51095564,2.510955579,2.510955586,2.510955609,2.510955567,2.5109556,2.510955585,2.510955623,2.510955611,2.510955603,2.510955597,2.510955543,2.510955582,2.510955577,2.510955623,2.510955632,2.510955609,2.510955634,2.510955581,2.510955592,2.510955564,2.510955596,2.510955599,2.510955606,2.510955601,2.510955553,2.510955603
+"9276","MEIOB",3.012649866,3.012649945,3.012649853,3.012649968,3.012649897,3.012649906,3.012649951,3.012649926,3.012649903,3.012649854,3.012649948,3.012649896,3.012649879,3.012649915,3.012649881,3.012649884,3.012649993,3.012649979,3.012649921,3.012649917,3.012649877,3.01264988,3.012649943,3.012649833,3.012649949,3.012649821,3.012649933,3.012650009
+"9277","MEIOC",2.68588265,2.685882673,2.685882656,2.685882691,2.685882669,2.685882664,2.68588264,2.685882672,2.685882665,2.685882661,2.685882644,2.685882654,2.685882662,2.685882654,2.685882664,2.685882676,2.685882685,2.685882679,2.685882684,2.685882669,2.68588267,2.68588266,2.685882651,2.685882649,2.685882673,2.685882655,2.68588265,2.685882664
+"9278","MEIS1",4.736267928,4.73626798,4.736268156,4.736268258,4.736268066,4.736267633,4.736267919,4.736268102,4.736267921,4.736267998,4.736268046,4.736267916,4.736267907,4.736268028,4.736267958,4.736267938,4.736267891,4.736268407,4.736267914,4.736267845,4.736267747,4.736267973,4.736267985,4.736268231,4.736268183,4.73626798,4.736267964,4.736268116
+"9279","MEIS2",3.888700534,3.888700548,3.888700567,3.888700546,3.888700575,3.888700559,3.88870054,3.888700582,3.888700552,3.888700572,3.888700577,3.888700577,3.888700552,3.888700524,3.888700541,3.888700585,3.888700606,3.888700578,3.888700581,3.888700558,3.888700567,3.888700563,3.888700565,3.888700556,3.888700567,3.888700543,3.888700579,3.888700553
+"9280","MEIS3",5.967943649,5.967943735,5.967943744,5.967943618,5.967943761,5.96794381,5.967943694,5.967943805,5.967943742,5.967943509,5.967943746,5.967943707,5.96794363,5.967943566,5.96794369,5.967943682,5.967943711,5.967943682,5.967943742,5.967943863,5.967943733,5.967943802,5.967943742,5.967943795,5.967943804,5.967943712,5.967943685,5.967943656
+"9281","MELK",3.78282247,3.782822468,3.782822523,3.782822411,3.782822495,3.782822561,3.782822729,3.782822485,3.782822617,3.782822454,3.782822469,3.78282253,3.782822471,3.782822486,3.782822484,3.782822389,3.782822497,3.782822507,3.782822476,3.782822606,3.782822701,3.782822503,3.782822632,3.782822553,3.782822524,3.782822499,3.782822504,3.782822496
+"9282","MELTF",5.753381512,5.753381497,5.753381534,5.753381494,5.753381654,5.753381463,5.753381558,5.753381617,5.753381566,5.753381501,5.753381599,5.753381604,5.753381546,5.7533814,5.753381645,5.753381578,5.753381607,5.753381532,5.753381554,5.753381463,5.753381622,5.753381624,5.753381506,5.753381444,5.753381552,5.753381636,5.75338153,5.753381544
+"9283","MEMO1",6.2547619055,6.254761954,6.254761987,6.2547619795,6.254761995,6.254761955,6.2547619925,6.254761992,6.2547619815,6.254762005,6.2547620935,6.254762043,6.2547620725,6.2547619765,6.254762037,6.254762035,6.25476197,6.2547620235,6.2547619815,6.254761967,6.254762023,6.2547620135,6.25476203,6.254762056,6.254762054,6.2547620505,6.2547620235,6.254761985
+"9284","MEN1",6.210070068,6.210070001,6.210070111,6.210070084,6.210070153,6.210070125,6.210070142,6.210070034,6.210070128,6.210070122,6.210070013,6.210070162,6.210070183,6.210070122,6.210070122,6.210070002,6.210070119,6.210070004,6.210070053,6.210070006,6.210070129,6.210070055,6.210070055,6.210070119,6.21007006,6.210070185,6.21007013,6.210070109
+"9285","MEOX1",5.327551501,5.327551529,5.327551581,5.327551553,5.3275516,5.327551509,5.327551547,5.327551605,5.327551603,5.327551552,5.327551546,5.32755155,5.327551537,5.327551511,5.327551557,5.327551565,5.327551634,5.327551608,5.327551518,5.327551591,5.32755156,5.327551579,5.327551549,5.327551577,5.327551545,5.327551509,5.327551547,5.327551548
+"9286","MEOX2",5.221963953,5.221963914,5.22196397,5.221963945,5.221964,5.221963987,5.221963956,5.221963991,5.221963971,5.221963946,5.221963992,5.221963998,5.221963941,5.221963896,5.221963996,5.221963974,5.221963993,5.221963985,5.221963969,5.221963967,5.221963974,5.221963961,5.221963939,5.221963915,5.221963955,5.22196399,5.221963926,5.22196396
+"9287","MEP1A",4.325009812,4.325009797,4.325009862,4.325009863,4.325009844,4.325009768,4.325009741,4.325009871,4.325009796,4.325009842,4.325009896,4.325009916,4.325009775,4.325009725,4.325009771,4.3250099,4.325009859,4.325009862,4.32500981,4.325009781,4.325009791,4.325009867,4.325009799,4.325009795,4.325009848,4.325009839,4.325009843,4.325009856
+"9288","MEP1B",3.175811399,3.175811418,3.175811408,3.175811449,3.175811419,3.175811411,3.175811406,3.1758114,3.175811434,3.175811415,3.175811415,3.175811445,3.175811422,3.175811371,3.175811397,3.175811425,3.175811486,3.175811412,3.175811439,3.175811412,3.175811444,3.175811428,3.175811431,3.175811427,3.175811418,3.175811401,3.175811414,3.17581144
+"9289","MEPCE",7.474262535,7.47426255,7.474262525,7.474262548,7.474262538,7.474262543,7.474262536,7.474262534,7.474262541,7.474262544,7.474262524,7.474262535,7.474262544,7.474262538,7.474262526,7.47426254,7.474262533,7.474262539,7.474262541,7.474262521,7.474262525,7.474262523,7.474262542,7.474262542,7.474262526,7.474262543,7.474262539,7.474262532
+"9290","MEPE",3.298956297,3.298956348,3.298956505,3.29895649,3.298956651,3.298956383,3.298956659,3.29895651,3.298956481,3.29895652,3.298956644,3.298956758,3.298956477,3.298956471,3.298956605,3.298956501,3.298956674,3.298956607,3.298956438,3.298956432,3.298956622,3.298956694,3.298956491,3.298956466,3.298956566,3.298956575,3.298956386,3.298956631
+"9291","MERTK",5.095214892,5.095214799,5.09521375,5.095213611,5.095214734,5.095214395,5.095214554,5.095213068,5.095212541,5.095214665,5.095213817,5.095213893,5.095213882,5.095214085,5.095214398,5.095214251,5.095213993,5.095213335,5.095214571,5.095214222,5.095214417,5.095213656,5.09521315,5.095214481,5.095213872,5.09521407,5.09521363,5.095213984
+"9292","MESD",6.956065314,6.956065282,6.956065227,6.956065199,6.956065209,6.956065251,6.956065268,6.956065245,6.956065284,6.956065241,6.956065157,6.956065213,6.95606528,6.956065321,6.956065255,6.956065209,6.95606517,6.956065165,6.956065234,6.956065245,6.956065205,6.956065199,6.95606528,6.95606525,6.956065207,6.956065258,6.956065304,6.956065284
+"9293","MESP1",6.801584827,6.801584787,6.801584951,6.801584766,6.801585062,6.801584901,6.80158492,6.801585006,6.801584861,6.801584838,6.801584963,6.801585088,6.801584874,6.801584632,6.801584958,6.801584836,6.801585052,6.801584996,6.801584869,6.801584965,6.801585004,6.801584945,6.801584832,6.80158478,6.801584914,6.801585032,6.801584912,6.801584834
+"9294","MESP2",6.461647026,6.4616471,6.461647406,6.461647255,6.461647473,6.461647168,6.461647294,6.461647456,6.461647246,6.461647463,6.461647398,6.461647515,6.461647308,6.461646819,6.461647369,6.461647217,6.461647569,6.461647355,6.461647251,6.46164706,6.461647407,6.461647427,6.461647217,6.461647152,6.461647319,6.46164736,6.461647168,6.461647109
+"9295","MEST",5.442707177,5.442707324,5.442707284,5.442707404,5.442707158,5.442707147,5.442707237,5.442707273,5.442707296,5.442707197,5.44270733,5.442707481,5.442707209,5.44270726,5.442707279,5.442707273,5.442707229,5.442707402,5.442707221,5.442707184,5.442707234,5.442707256,5.442707274,5.442707248,5.442707345,5.442707343,5.442707136,5.442707217
+"9296","MET",3.55294104,3.552941137,3.552941139,3.552941069,3.552941138,3.552941175,3.552941161,3.55294118,3.552941133,3.552941152,3.552941084,3.552941197,3.552941104,3.552941032,3.552941121,3.552941054,3.55294115,3.552941211,3.552941105,3.552941108,3.552941145,3.552941093,3.552941063,3.552941202,3.552941078,3.552941097,3.552941064,3.552941057
+"9297","METAP1",7.260953812,7.260953537,7.260953068,7.260952348,7.260952718,7.260952537,7.260953306,7.260952566,7.260953364,7.260953157,7.260952558,7.260952112,7.260953386,7.26095462,7.260952904,7.260953018,7.260952227,7.260951496,7.260953169,7.260951769,7.26095297,7.260952522,7.260953501,7.260953546,7.260952408,7.260953069,7.260953415,7.260953285
+"9298","METAP1D",4.280380084,4.2803799,4.280379952,4.28038026,4.280380345,4.280380081,4.280380159,4.28038016,4.280380353,4.280380132,4.280379978,4.280380417,4.280380177,4.280380501,4.280380101,4.28037998,4.280380065,4.280380148,4.280380046,4.280380114,4.280380169,4.280380121,4.280380281,4.280380187,4.280380201,4.280380446,4.280380202,4.280380316
+"9299","METAP2",5.920177743,5.920177515,5.920177491,5.920177426,5.920177402,5.920177498,5.920177553,5.92017745,5.920177724,5.920177586,5.920177321,5.92017741,5.920177528,5.920178086,5.920177609,5.920177536,5.920177288,5.920177272,5.920177491,5.920177287,5.920177516,5.920177491,5.920177673,5.92017768,5.920177402,5.920177481,5.920177583,5.920177857
+"9300","METRN",6.631402801,6.631402917,6.631403054,6.631402933,6.631403161,6.631403043,6.631402922,6.631403005,6.63140299,6.631403197,6.63140315,6.631403163,6.631402884,6.631402641,6.631403048,6.631402716,6.631403094,6.631403046,6.631402934,6.631403139,6.631403027,6.631403061,6.631402928,6.63140287,6.631402919,6.631403019,6.631403055,6.631402929
+"9301","METRNL",6.775072612,6.775072836,6.775072721,6.775072769,6.77507278,6.775072701,6.775072603,6.775072694,6.775072639,6.775072699,6.775072877,6.77507266,6.775072731,6.77507271,6.775072654,6.775072844,6.775072693,6.775072791,6.775072779,6.775072757,6.775072711,6.775072529,6.775072602,6.775072759,6.775072793,6.775072663,6.775072667,6.775072651
+"9302","METTL1",4.657993392,4.657993428,4.657993462,4.657993408,4.657993416,4.657993447,4.657993403,4.657993425,4.657993426,4.657993417,4.657993426,4.657993387,4.657993422,4.657993377,4.657993427,4.657993414,4.657993435,4.657993462,4.657993402,4.657993379,4.657993371,4.657993449,4.657993375,4.657993376,4.657993422,4.657993439,4.657993396,4.657993399
+"9303","METTL13",6.621814592,6.621814795,6.621814455,6.621814347,6.621814443,6.621814653,6.621814647,6.621814417,6.62181473,6.621814664,6.621814316,6.62181434,6.621814674,6.6218148,6.621814565,6.621814613,6.621814317,6.621814227,6.621814574,6.621814508,6.621814537,6.621814549,6.621814658,6.62181458,6.621814237,6.621814504,6.621814551,6.62181463
+"9304","METTL14",5.673651413,5.673651345,5.673651338,5.673651235,5.673651255,5.673651171,5.67365123,5.673651168,5.673651372,5.673651243,5.673651336,5.673650956,5.673651305,5.673651696,5.673651416,5.673651316,5.673651249,5.673651249,5.67365131,5.673651138,5.673651257,5.673651265,5.673651359,5.67365129,5.673651213,5.6736513,5.673651249,5.673651487
+"9305","METTL15",5.2588151265,5.2588150975,5.2588148635,5.2588147735,5.2588147325,5.258814728,5.2588148105,5.258814774,5.2588148895,5.2588149025,5.2588148345,5.2588146705,5.258815064,5.258815136,5.258814831,5.2588147775,5.258814613,5.25881483,5.2588149495,5.2588145955,5.25881486,5.258814756,5.2588149045,5.2588148645,5.2588147525,5.258814792,5.2588150365,5.2588150485
+"9306","METTL16",6.106455235,6.106455217,6.106454779,6.106454776,6.106454803,6.106454843,6.106454855,6.106454953,6.106455296,6.106455116,6.106454594,6.106454921,6.106455253,6.106455764,6.106455112,6.106454658,6.106454487,6.106454715,6.106454955,6.106455094,6.106454915,6.106454957,6.106455208,6.106455278,6.10645471,6.106455239,6.106455121,6.106455302
+"9307","METTL17",6.304599379,6.304599298,6.304599313,6.304599259,6.304599237,6.304599315,6.304599342,6.304599314,6.304599357,6.304599335,6.304599239,6.304599333,6.304599395,6.304599402,6.304599306,6.304599283,6.304599193,6.304599178,6.304599294,6.304599212,6.30459937,6.304599352,6.304599322,6.304599224,6.304599238,6.304599359,6.304599367,6.304599278
+"9308","METTL18",4.29705481,4.297054541,4.297054783,4.297054588,4.29705466,4.297054457,4.297054524,4.297054573,4.297054849,4.297054629,4.297054477,4.297054722,4.297054694,4.297055139,4.29705477,4.297054797,4.297054774,4.297054721,4.297054523,4.297054576,4.297054567,4.297054676,4.297054846,4.297054608,4.297054774,4.297054572,4.297054649,4.297055126
+"9309","METTL21A",5.732153274,5.732153288,5.732153297,5.732153266,5.73215329,5.732153245,5.732153258,5.732153283,5.732153286,5.732153283,5.732153276,5.732153232,5.732153289,5.732153316,5.732153291,5.732153267,5.732153281,5.732153261,5.732153288,5.73215327,5.732153258,5.732153282,5.73215328,5.732153278,5.732153273,5.732153269,5.732153298,5.732153307
+"9310","METTL21C",3.705380271,3.70538028,3.70538029,3.705380274,3.705380279,3.705380279,3.705380274,3.705380292,3.705380286,3.705380283,3.705380272,3.705380302,3.705380279,3.705380249,3.70538028,3.705380277,3.70538029,3.705380282,3.70538027,3.705380284,3.705380274,3.705380277,3.705380269,3.705380265,3.705380287,3.70538028,3.705380282,3.705380293
+"9311","METTL21EP",4.201332899,4.201332862,4.201332822,4.201332858,4.201332845,4.201332821,4.201332799,4.201332852,4.201332852,4.201332804,4.201332894,4.201332872,4.201332862,4.201332874,4.201332863,4.201332847,4.201332858,4.20133289,4.201332876,4.201332851,4.201332844,4.201332876,4.201332815,4.20133282,4.201332889,4.201332889,4.201332837,4.201332862
+"9312","METTL22",6.509903065,6.50990309,6.509902971,6.509903075,6.509902876,6.509903103,6.509903013,6.509902923,6.509903017,6.509902954,6.509902922,6.509903036,6.509903054,6.509903004,6.509902781,6.509902926,6.509902948,6.509902861,6.509902987,6.509902896,6.509902824,6.509903069,6.509903145,6.509903171,6.509902959,6.509903052,6.509903082,6.509902796
+"9313","METTL23",6.751630303,6.751629911,6.751629805,6.751629291,6.751629429,6.751629935,6.751629707,6.751629439,6.751630132,6.751629944,6.751629538,6.751629207,6.751629993,6.751630237,6.751629822,6.751629547,6.751629117,6.751629528,6.751629864,6.751629819,6.751629421,6.751629968,6.75163014,6.751629862,6.751629564,6.751629938,6.751630082,6.751629882
+"9314","METTL24",3.457059513,3.457059493,3.457059462,3.457059537,3.45705949,3.457059519,3.457059476,3.457059524,3.457059462,3.457059489,3.457059511,3.457059483,3.457059505,3.457059498,3.457059503,3.457059523,3.457059508,3.457059507,3.457059507,3.457059457,3.457059508,3.457059511,3.457059471,3.457059485,3.457059473,3.457059527,3.457059518,3.457059479
+"9315","METTL25",5.597846192,5.597846084,5.597845851,5.597845626,5.597845595,5.597844882,5.597845848,5.59784561,5.59784567,5.597845808,5.597845356,5.597845329,5.597845827,5.59784672,5.597845896,5.597846012,5.597845694,5.597845434,5.597846021,5.597845124,5.597845647,5.597845911,5.597845721,5.597845714,5.597845565,5.597845316,5.597845784,5.597846363
+"9316","METTL25B",6.024467132,6.024467031,6.024467308,6.024467164,6.02446744,6.02446713,6.024467316,6.024467188,6.024467143,6.024467071,6.024467181,6.024467223,6.024467038,6.02446684,6.024467351,6.024467093,6.024467392,6.024467219,6.024467219,6.024467175,6.024467349,6.024467473,6.024467095,6.024466961,6.024466994,6.02446724,6.024467034,6.024467259
+"9317","METTL26",6.58713122,6.587131217,6.587131227,6.587131215,6.587131233,6.587131221,6.587131219,6.587131241,6.587131229,6.587131228,6.587131231,6.587131234,6.587131233,6.587131197,6.587131231,6.587131216,6.587131237,6.587131213,6.587131235,6.587131211,6.587131229,6.587131235,6.587131206,6.587131216,6.587131218,6.587131238,6.587131214,6.587131221
+"9318","METTL27",5.886743513,5.886743391,5.886743859,5.88674368,5.886743971,5.886743717,5.886743815,5.886743824,5.886743746,5.886743633,5.886743617,5.886743885,5.886743509,5.886743307,5.886743787,5.886743691,5.886744013,5.886743798,5.886743719,5.886743503,5.886743848,5.886743915,5.886743533,5.886743482,5.886743646,5.88674389,5.886743637,5.886743823
+"9319","METTL2A",5.832251941,5.832251332,5.832250898,5.832251535,5.832251757,5.832251234,5.832251508,5.832251378,5.832251773,5.832251902,5.832251478,5.832251732,5.832251636,5.832251868,5.832251522,5.832251397,5.832251472,5.832251137,5.832251545,5.8322504,5.832251828,5.832251325,5.832251771,5.832251823,5.832251495,5.832251606,5.832251731,5.83225182
+"9320","METTL2B",5.981787875,5.9817875205,5.9817874875,5.9817877075,5.981787739,5.981787626,5.981787597,5.981787434,5.9817877605,5.981787834,5.981787549,5.98178777,5.981787642,5.981787955,5.9817878315,5.9817875235,5.981787303,5.981787396,5.981787705,5.9817874215,5.981787638,5.9817875715,5.98178785,5.9817877295,5.9817876725,5.981787867,5.9817877495,5.9817875785
+"9321","METTL3",6.882761585,6.882761178,6.882760985,6.882760873,6.882760602,6.8827612,6.882761276,6.882760974,6.882761424,6.882761383,6.882760939,6.882760972,6.882761507,6.882761861,6.882760913,6.882760995,6.882760619,6.882760666,6.882761071,6.882760443,6.882761155,6.882761214,6.882761355,6.882761186,6.882760629,6.88276131,6.882761434,6.882761185
+"9322","METTL4",6.445208546,6.445208315,6.445208129,6.445208156,6.445208098,6.445208128,6.445208248,6.445208191,6.445208292,6.445208075,6.445208041,6.445208006,6.4452083,6.445208638,6.445208229,6.445208286,6.445207955,6.445208068,6.445208257,6.445208128,6.445208233,6.445208282,6.445208408,6.445208122,6.445208111,6.445208131,6.445208201,6.44520845
+"9323","METTL5",6.8707368,6.870736573,6.870736399,6.870736087,6.870736304,6.870736305,6.870736402,6.87073631,6.870736789,6.870736596,6.870736272,6.870736061,6.870736722,6.870737106,6.870736508,6.870736592,6.870736446,6.870736387,6.870736498,6.870736743,6.870736573,6.870736385,6.870736611,6.870736577,6.870736381,6.870736537,6.870736646,6.870736803
+"9324","METTL6",6.090206659,6.09020658,6.090206434,6.090206415,6.090206212,6.090206547,6.090206555,6.090206456,6.090206673,6.090206622,6.09020634,6.090206262,6.090206585,6.090206703,6.09020628,6.090206449,6.090206206,6.090206106,6.090206636,6.090205737,6.090206428,6.090206405,6.090206678,6.090206436,6.090206406,6.0902065,6.090206516,6.090206635
+"9325","METTL7A",6.710469315,6.710469612,6.71046972,6.710469493,6.71046964,6.710468558,6.710469649,6.710468271,6.710468347,6.710469975,6.710469929,6.710468883,6.710469651,6.710470451,6.710468691,6.710468848,6.710469092,6.710468857,6.710469571,6.710468198,6.710469592,6.710468825,6.71046875,6.710469769,6.710469497,6.710469073,6.710469823,6.710470135
+"9326","METTL7B",5.479467777,5.479467739,5.479467804,5.47946778,5.479467879,5.479467884,5.479467876,5.479467905,5.479467868,5.479467676,5.479467877,5.479467987,5.479467784,5.479467628,5.479467906,5.479467889,5.479467942,5.479467942,5.479467901,5.479467889,5.479467816,5.479467906,5.47946775,5.47946771,5.479467758,5.479467872,5.479467791,5.479467863
+"9327","METTL8",4.968229047,4.968229038,4.968228997,4.968228993,4.968229024,4.968229021,4.96822902,4.968228981,4.968229026,4.968228992,4.968229038,4.96822903,4.96822904,4.968229072,4.968229036,4.96822902,4.968229018,4.968228999,4.968229023,4.968228999,4.968229029,4.968229039,4.968229038,4.968229,4.968228982,4.968229039,4.968229013,4.968229047
+"9328","METTL9",8.464015723,8.464015668,8.46401568,8.464015656,8.464015567,8.46401556,8.464015748,8.464015634,8.464015638,8.46401555,8.464015533,8.464015569,8.464015558,8.464015852,8.46401566,8.464015671,8.464015714,8.464015569,8.464015672,8.464015668,8.464015719,8.464015693,8.46401571,8.464015671,8.464015561,8.464015578,8.46401551,8.464015731
+"9329","MEX3B",5.490524852,5.490524853,5.490524853,5.490524858,5.490524867,5.490524849,5.490524858,5.490524856,5.490524851,5.490524853,5.490524858,5.49052488,5.490524857,5.490524834,5.49052486,5.490524851,5.490524866,5.490524864,5.490524852,5.490524848,5.490524861,5.490524865,5.490524842,5.49052484,5.490524856,5.490524865,5.490524851,5.490524846
+"9330","MEX3C",7.291055993,7.291055796,7.291055773,7.291055773,7.29105581,7.291055482,7.291055798,7.291055857,7.291055913,7.291055728,7.291055704,7.291055698,7.291055844,7.29105593,7.291055822,7.291055819,7.291055724,7.291055694,7.291055811,7.291055694,7.291055709,7.291055719,7.29105597,7.291055968,7.291055654,7.291055852,7.291055963,7.291056123
+"9331","MEX3D",6.36816483,6.368164819,6.368165116,6.368164785,6.368165177,6.368165007,6.368164996,6.368165149,6.368165012,6.368165087,6.368165063,6.368165202,6.368165029,6.368164551,6.368165136,6.368165,6.368165237,6.368164954,6.368165077,6.368165037,6.368165024,6.368165092,6.368164949,6.368164819,6.368164906,6.368165098,6.368164867,6.368164992
+"9332","MFAP1",5.957442113,5.957442264,5.957441748,5.957442017,5.957441655,5.95744264,5.957441967,5.957441528,5.957441949,5.957442269,5.957441871,5.9574417,5.957442008,5.957442623,5.957441912,5.957442421,5.957441528,5.957441739,5.95744186,5.957442476,5.95744173,5.957441584,5.957442065,5.957442332,5.957441614,5.957441546,5.957441965,5.957442098
+"9333","MFAP2",5.362332655,5.362332694,5.362332693,5.362332674,5.362332712,5.36233269,5.362332676,5.362332714,5.362332708,5.362332689,5.362332717,5.36233276,5.36233269,5.362332643,5.362332747,5.362332694,5.362332748,5.362332706,5.362332728,5.362332682,5.362332716,5.362332744,5.362332696,5.362332683,5.362332677,5.362332739,5.362332694,5.362332684
+"9334","MFAP3",6.35028527,6.350285248,6.350285038,6.350285059,6.350285004,6.350285042,6.350284977,6.350285016,6.350285051,6.350284883,6.350284919,6.350284715,6.350285057,6.350285395,6.350285027,6.350285046,6.350284865,6.350284914,6.350285065,6.350284913,6.350284976,6.350284936,6.350285078,6.350285214,6.350284849,6.350284832,6.350284972,6.350285241
+"9335","MFAP3L",5.145219982,5.14522097,5.145220437,5.145221902,5.145220619,5.145220661,5.145220549,5.145220201,5.145219754,5.145221096,5.145221341,5.145220762,5.145220166,5.14522008,5.145220446,5.145220316,5.145220904,5.145222101,5.145220336,5.145220487,5.145220466,5.145220272,5.145220266,5.14522136,5.145221718,5.145221258,5.145220222,5.14522078
+"9336","MFAP4",4.612826347,4.61282651,4.612826642,4.612826445,4.612826865,4.612826548,4.612826743,4.612826773,4.612826705,4.612826696,4.612826848,4.612826854,4.612826427,4.612826326,4.612826604,4.612826649,4.612826836,4.612826684,4.612826735,4.612826675,4.612826643,4.612826878,4.612826621,4.612826517,4.612826612,4.612826699,4.612826492,4.612826553
+"9337","MFAP5",3.731224174,3.731223929,3.731223979,3.731223935,3.731224063,3.731224203,3.731223921,3.731224103,3.731224097,3.73122407,3.731224025,3.731224319,3.731224064,3.731223884,3.731224247,3.731224141,3.731223978,3.731224036,3.731224142,3.731224134,3.731224,3.731223996,3.731224068,3.731224008,3.731224105,3.731223939,3.731224017,3.731223995
+"9338","MFF",6.526062833,6.526062725,6.526062612,6.526062617,6.526062553,6.526062572,6.526062661,6.526062623,6.526062756,6.526062636,6.52606259,6.526062414,6.526062637,6.52606285,6.526062613,6.526062634,6.526062277,6.526062398,6.526062644,6.526062582,6.526062651,6.526062508,6.526062761,6.526062676,6.526062667,6.526062594,6.526062708,6.526062636
+"9339","MFGE8",6.060426409,6.06042638,6.060426329,6.060426299,6.060426461,6.060426419,6.060426403,6.060426443,6.060426506,6.060426515,6.060426317,6.060426546,6.060426398,6.060426454,6.060426457,6.060426326,6.060426385,6.060426397,6.060426371,6.060426352,6.060426403,6.060426459,6.060426406,6.060426401,6.060426319,6.06042648,6.060426382,6.060426488
+"9340","MFHAS1",6.764632086,6.764632115,6.76463212,6.764632153,6.76463211,6.76463222,6.764632163,6.764632099,6.764632171,6.764632172,6.764631988,6.764632103,6.764632177,6.76463209,6.764632027,6.76463208,6.764631993,6.764632145,6.764632102,6.764632134,6.764632117,6.764632048,6.764632194,6.764632099,6.764632109,6.764632073,6.764632179,6.764632068
+"9341","MFN1",6.961975121,6.961974809,6.961974434,6.96197468,6.961974284,6.96197377,6.961974727,6.961974254,6.961974952,6.961974678,6.961974763,6.961973509,6.961974674,6.961975968,6.961974436,6.961974621,6.961973781,6.961974446,6.961974803,6.961973591,6.961974414,6.96197414,6.961975232,6.961974881,6.961974776,6.961974398,6.961974555,6.961975321
+"9342","MFN2",8.204228797,8.204229144,8.204228364,8.204229935,8.204227958,8.204228298,8.204228968,8.204229235,8.204227681,8.204228161,8.204229248,8.204228597,8.204228035,8.204228839,8.204229348,8.204228726,8.204227796,8.204229484,8.204228301,8.204227567,8.204228629,8.204228902,8.204227605,8.204229024,8.204229695,8.20422901,8.204228034,8.20422791
+"9343","MFNG",8.335058953,8.335059015,8.335059032,8.335059007,8.335058855,8.335058907,8.335058878,8.335059057,8.335059064,8.335059006,8.335058775,8.335058939,8.335059219,8.33505919,8.335058662,8.335058623,8.33505874,8.335058679,8.335058926,8.335058355,8.335058606,8.335059078,8.335058895,8.335058959,8.335058652,8.335058913,8.335059086,8.335059056
+"9344","MFSD1",8.657540106,8.657540294,8.657539551,8.657539742,8.657539236,8.65753814,8.657538753,8.657538241,8.657538489,8.657539421,8.657540033,8.657538414,8.657538881,8.657540349,8.657538835,8.657540013,8.657539269,8.657538695,8.657539749,8.657537866,8.657538437,8.65753816,8.657538902,8.657540353,8.657539724,8.657538576,8.657538947,8.657539268
+"9345","MFSD10",7.827811322,7.827811301,7.82781133,7.827811294,7.827811266,7.827811233,7.827811382,7.827811372,7.827811323,7.827811328,7.827811245,7.827811284,7.827811359,7.827811244,7.827811294,7.827811313,7.827811325,7.82781128,7.827811298,7.827811223,7.827811343,7.827811395,7.827811349,7.827811314,7.827811192,7.827811182,7.827811308,7.827811219
+"9346","MFSD11",6.194614074,6.194614055,6.194614039,6.194614047,6.194613997,6.19461405,6.194614058,6.194614028,6.194614049,6.194614056,6.194614006,6.194613985,6.194614072,6.19461406,6.19461404,6.194614037,6.194613995,6.194613996,6.194614061,6.194614022,6.194614015,6.194613984,6.194614043,6.19461405,6.194614022,6.194614014,6.194614068,6.194614022
+"9347","MFSD12",7.36424841,7.364248487,7.364248611,7.364248426,7.364248511,7.36424871,7.364248464,7.364248613,7.364248572,7.364248528,7.364248417,7.364248681,7.364248559,7.36424837,7.364248423,7.364248523,7.364248732,7.364248457,7.364248487,7.364248452,7.36424837,7.364248634,7.364248425,7.364248482,7.364248456,7.364248487,7.364248549,7.36424845
+"9348","MFSD13A",5.766802494,5.766802478,5.766802508,5.766802489,5.766802539,5.76680252,5.766802544,5.766802527,5.766802515,5.766802499,5.766802532,5.766802541,5.766802517,5.766802484,5.766802545,5.766802544,5.766802544,5.766802535,5.766802517,5.766802519,5.766802543,5.766802542,5.76680249,5.766802498,5.766802525,5.766802524,5.766802485,5.766802519
+"9349","MFSD14A",8.506403908,8.506404221,8.506402974,8.506403519,8.506402834,8.506404139,8.506403282,8.506403373,8.506403524,8.506403047,8.506402565,8.506402525,8.506403301,8.506404548,8.506403435,8.506403839,8.506402784,8.506403291,8.506403236,8.506404285,8.506403273,8.506403109,8.506403883,8.506403795,8.506403065,8.506402918,8.506403272,8.50640399
+"9350","MFSD14B",8.466191006,8.466233827,8.4661678275,8.4661826745,8.4661171875,8.466272147,8.466198625,8.4661515855,8.4661669285,8.4661616225,8.4661472385,8.4661248745,8.4661918725,8.4662359705,8.4661483175,8.4662186345,8.4661643305,8.466166036,8.4662049645,8.466310701,8.466213513,8.466146137,8.4662192915,8.4662301895,8.46616042,8.466155897,8.4661915735,8.466169463
+"9351","MFSD2A",5.207952695,5.207952741,5.207952885,5.207952733,5.207952943,5.207952931,5.207952853,5.207952801,5.207952804,5.207952753,5.20795275,5.207952664,5.207952798,5.207952575,5.207952945,5.207952749,5.207953074,5.20795264,5.20795279,5.207952906,5.207952827,5.207952852,5.207952592,5.207952783,5.207952669,5.207952573,5.207952837,5.207952494
+"9352","MFSD2B",6.055652807,6.0556528715,6.0556541975,6.0556532495,6.0556533745,6.0556537245,6.055653456,6.055653745,6.055653679,6.0556535485,6.0556539645,6.055653975,6.055652725,6.055651577,6.0556534935,6.055652594,6.0556538985,6.05565348,6.0556528325,6.055653318,6.0556528045,6.0556538725,6.0556536645,6.055653632,6.055653821,6.05565324,6.055652758,6.055652624
+"9353","MFSD3",6.153107858,6.153107858,6.153107902,6.153107679,6.153107899,6.153107864,6.153107837,6.153107726,6.153107818,6.153107764,6.153107708,6.153107817,6.153107854,6.153107637,6.153107786,6.153107768,6.153107716,6.153107615,6.153107794,6.153107789,6.153107802,6.15310785,6.153107816,6.153107742,6.153107747,6.153107791,6.153107853,6.153107784
+"9354","MFSD4A",4.933357287,4.933357243,4.933357334,4.933357329,4.933357354,4.933357308,4.933357327,4.93335737,4.933357303,4.933357277,4.933357308,4.933357362,4.933357308,4.933357278,4.933357303,4.933357311,4.933357324,4.933357326,4.933357304,4.933357288,4.933357339,4.933357323,4.933357291,4.933357253,4.933357342,4.933357326,4.933357323,4.933357307
+"9355","MFSD4B",6.917583325,6.91758344,6.917583009,6.917582785,6.917582829,6.917582889,6.917583034,6.91758306,6.917583294,6.917582871,6.917583047,6.917582814,6.917583296,6.917583745,6.917582893,6.91758337,6.917582715,6.917582757,6.917583333,6.917582862,6.917582826,6.917583026,6.917583126,6.91758306,6.91758273,6.917582994,6.917583241,6.917583288
+"9356","MFSD5",5.948546204,5.948546844,5.948546465,5.948545982,5.948546411,5.948546256,5.948546512,5.948546509,5.948546309,5.948546324,5.948545238,5.948546106,5.94854617,5.948546533,5.948546272,5.948547097,5.948546115,5.948545956,5.948546209,5.948546725,5.948546111,5.948546828,5.948546359,5.948546502,5.948546121,5.948545942,5.948546645,5.948546203
+"9357","MFSD6",6.804875642,6.804875575,6.804875328,6.804875241,6.804875213,6.804875439,6.804875712,6.804875527,6.804875778,6.804875564,6.804874944,6.804875453,6.804875506,6.804875621,6.804875409,6.804875074,6.804874978,6.804875119,6.804875358,6.804875469,6.804875398,6.804875423,6.804875754,6.80487554,6.804875052,6.804875219,6.804875471,6.804875478
+"9358","MFSD6L",5.488958445,5.488958699,5.488958694,5.488958573,5.488958657,5.488958476,5.488958522,5.48895865,5.488958522,5.488958586,5.488958703,5.488958593,5.488958614,5.48895851,5.488958528,5.488958647,5.488958654,5.48895859,5.48895856,5.48895855,5.488958639,5.488958625,5.488958543,5.488958595,5.488958679,5.488958628,5.48895853,5.488958596
+"9359","MFSD8",6.631307485,6.631306898,6.631307022,6.631306401,6.631306482,6.631306386,6.631306834,6.631306631,6.631306904,6.631306646,6.631306165,6.631306553,6.631307088,6.631307638,6.631306732,6.63130681,6.631306268,6.631305975,6.631307181,6.631306618,6.631306646,6.631306728,6.631307146,6.631306675,6.631306547,6.631307001,6.631307034,6.631307162
+"9360","MFSD9",6.150509437,6.150510845,6.150510491,6.150510962,6.150509142,6.150509243,6.150509637,6.150510182,6.150509934,6.150510187,6.150509463,6.150509201,6.150510186,6.150509962,6.15050976,6.150510753,6.150510857,6.150510564,6.150509907,6.150509547,6.15050957,6.150509992,6.150509826,6.150509828,6.150509333,6.150509493,6.150510082,6.150509443
+"9361","MGA",6.243842848,6.243842304,6.243841585,6.243841959,6.243842121,6.243842407,6.243842596,6.243842029,6.243842743,6.243842619,6.243841705,6.243842088,6.243842735,6.243843583,6.243842443,6.243841778,6.243841238,6.243841749,6.243842502,6.243841723,6.243842195,6.243841903,6.243842703,6.243842397,6.243841936,6.243842596,6.243842622,6.243842625
+"9362","MGAM",9.097715507,9.648727233,9.046737608,10.09130722,9.011382632,9.574001923,9.691414963,9.130570742,9.159354665,8.995408467,9.278365918,8.776339405,9.119435419,8.792145821,9.449151165,9.885250631,9.301268427,10.01529074,9.753140224,9.747428705,9.833728216,9.125320417,9.776270267,9.839676695,9.697350137,9.106035585,9.100357802,8.633799084
+"9363","MGAM2",5.342232781,5.342237306,5.342232202,5.342237677,5.342232509,5.342237696,5.342234463,5.342233551,5.342233486,5.342234481,5.342234145,5.342230303,5.342232791,5.342229902,5.342235093,5.342237602,5.342232717,5.342237236,5.342235471,5.342238291,5.342236733,5.342233351,5.342235287,5.342238304,5.342236019,5.342232477,5.342234266,5.342230664
+"9364","MGARP",4.739122258,4.739122264,4.739122342,4.739122263,4.739122394,4.739122224,4.739122323,4.739122365,4.739122246,4.739122271,4.739122375,4.739122459,4.739122301,4.739122178,4.739122356,4.739122334,4.73912246,4.739122332,4.739122362,4.739122315,4.739122434,4.739122363,4.739122224,4.739122192,4.739122374,4.739122391,4.739122196,4.73912233
+"9365","MGAT1",8.066772147,8.066772332,8.066772092,8.066772202,8.066772007,8.066772183,8.066772051,8.066772136,8.066772079,8.066772094,8.066771999,8.066771936,8.066772194,8.066772183,8.066772083,8.066772255,8.066772037,8.066772015,8.066772144,8.066772183,8.06677203,8.066772119,8.066772072,8.066772156,8.066772061,8.066771977,8.066772162,8.066772074
+"9366","MGAT2",5.59604171,5.596041646,5.596041691,5.596041505,5.596041601,5.596041559,5.596041678,5.596041556,5.596041564,5.596041543,5.596041666,5.596041413,5.596041657,5.596041738,5.596041652,5.596041521,5.596041584,5.596041532,5.596041621,5.596041443,5.596041636,5.596041655,5.596041619,5.596041544,5.596041532,5.596041616,5.596041589,5.596041822
+"9367","MGAT3",6.118782702,6.118782725,6.118782706,6.118782743,6.118782816,6.118782756,6.118782743,6.118782751,6.118782783,6.118782741,6.11878281,6.118782837,6.118782767,6.118782626,6.118782786,6.118782771,6.118782776,6.118782748,6.118782759,6.118782709,6.118782757,6.11878276,6.11878268,6.118782701,6.118782799,6.118782773,6.118782759,6.118782766
+"9368","MGAT4A",7.417619218,7.417609613,7.417601223,7.417599512,7.417602562,7.417588563,7.417602726,7.417597821,7.41761245,7.41760717,7.417588167,7.417600893,7.417612378,7.41763143,7.417609656,7.417607311,7.417591865,7.417593721,7.417613398,7.417581628,7.41760126,7.417599576,7.417613681,7.417603304,7.41759316,7.417607485,7.417613805,7.417615995
+"9369","MGAT4B",6.410791264,6.410791328,6.410791297,6.410791324,6.410791321,6.410791315,6.410791297,6.410791288,6.410791319,6.410791367,6.410791375,6.410791279,6.410791329,6.410791263,6.410791259,6.410791278,6.410791293,6.410791304,6.41079129,6.410791281,6.410791268,6.410791269,6.410791274,6.410791342,6.410791325,6.410791284,6.410791317,6.410791248
+"9370","MGAT4C",2.608826483,2.6088265,2.608826562,2.608826443,2.608826519,2.608826518,2.608826493,2.60882645,2.608826539,2.608826495,2.608826512,2.608826528,2.608826481,2.608826481,2.608826475,2.608826508,2.60882659,2.608826488,2.608826599,2.608826551,2.608826471,2.608826455,2.608826488,2.608826478,2.608826468,2.608826452,2.608826522,2.608826514
+"9371","MGAT4D",2.742623209,2.742623225,2.742623439,2.74262331,2.742623407,2.742623163,2.742623131,2.742623043,2.742623119,2.742623357,2.742623236,2.742623444,2.74262313,2.742623194,2.742623379,2.74262328,2.74262366,2.742623382,2.742623284,2.742623189,2.742623238,2.742623105,2.742623291,2.742623273,2.742623322,2.742623254,2.742623176,2.742623428
+"9372","MGAT4EP",4.706232958,4.706232969,4.706233,4.70623301,4.706233019,4.706232974,4.706232978,4.706233034,4.706232997,4.706233026,4.70623301,4.706233019,4.706232982,4.706232938,4.706232978,4.706233005,4.706233065,4.706233028,4.706232996,4.706233004,4.706232979,4.706233011,4.706232995,4.706232973,4.706233017,4.706232993,4.706233005,4.706233004
+"9373","MGAT5",7.3215699,7.321569296,7.321568521,7.321569263,7.321568605,7.321568468,7.321569079,7.321568487,7.3215684,7.321568515,7.321568185,7.321568496,7.321568986,7.321570177,7.321568932,7.321568706,7.321567927,7.321568651,7.32156907,7.321568049,7.321568664,7.321568397,7.321568798,7.32156893,7.321568368,7.321568935,7.321569122,7.32156955
+"9374","MGAT5B",5.509890147,5.509890143,5.509890214,5.50989019,5.50989022,5.50989019,5.509890202,5.509890194,5.509890181,5.509890151,5.509890195,5.509890253,5.509890144,5.509890092,5.509890193,5.509890181,5.509890251,5.509890198,5.509890193,5.509890174,5.509890211,5.509890218,5.509890135,5.50989013,5.509890191,5.509890192,5.509890177,5.509890157
+"9375","MGC16025",6.21122335,6.211223447,6.211223324,6.211223361,6.211223258,6.211223462,6.211223401,6.211223298,6.211223362,6.211223344,6.211223328,6.211223337,6.211223319,6.211223313,6.211223273,6.211223412,6.211223229,6.211223342,6.21122344,6.211223548,6.211223364,6.211223401,6.211223306,6.211223289,6.211223359,6.211223301,6.21122336,6.211223201
+"9376","MGC32805",2.922305237,2.922305325,2.922305329,2.922305288,2.922305265,2.922305248,2.922305253,2.922305262,2.922305308,2.922305377,2.922305287,2.922305255,2.922305273,2.9223052,2.922305284,2.922305201,2.922305378,2.922305284,2.92230528,2.922305411,2.922305295,2.922305322,2.922305314,2.922305294,2.922305279,2.922305323,2.922305316,2.922305244
+"9377","MGC34796",4.829928592,4.829928622,4.82992862,4.829928608,4.829928655,4.829928612,4.829928628,4.82992863,4.829928613,4.82992859,4.829928635,4.829928624,4.829928616,4.829928579,4.829928658,4.829928625,4.82992865,4.82992863,4.829928628,4.829928633,4.829928638,4.829928647,4.829928595,4.829928599,4.8299286,4.829928635,4.829928597,4.829928599
+"9378","MGC70870",5.174388759,5.174388846,5.174388766,5.174388672,5.174388814,5.174388738,5.174388668,5.174388659,5.174388997,5.174388788,5.174388824,5.174388645,5.17438881,5.174388851,5.1743887,5.174388877,5.174388653,5.174388761,5.174388788,5.17438878,5.174388706,5.174388628,5.174388887,5.174388743,5.174388754,5.174388781,5.174388785,5.17438887
+"9379","MGLL",5.705749434,5.705749889,5.705749933,5.705750408,5.705749939,5.705749661,5.705750102,5.705749447,5.705749486,5.705750195,5.705750069,5.70574996,5.705749706,5.7057497,5.705749428,5.705749745,5.705749812,5.705750633,5.705749929,5.705749436,5.705749891,5.705749373,5.705749687,5.705750515,5.705750386,5.705749796,5.705749778,5.705749638
+"9380","MGME1",6.297630631,6.29763001,6.297630058,6.297629881,6.29763024,6.297630208,6.297630336,6.297629839,6.29762998,6.297629989,6.297630018,6.297629465,6.297629968,6.297630543,6.297630174,6.297629817,6.297629375,6.297629282,6.297630481,6.297629006,6.297630215,6.297630025,6.297629986,6.297630051,6.297630028,6.297630052,6.297630006,6.297630106
+"9381","MGMT",7.097010627,7.097010674,7.097010764,7.097010668,7.097010677,7.097010531,7.097010577,7.097010716,7.097010715,7.097010657,7.097010733,7.097010699,7.09701067,7.097010585,7.097010654,7.097010753,7.097010695,7.097010743,7.097010612,7.09701063,7.097010551,7.097010718,7.097010651,7.097010682,7.097010759,7.097010651,7.097010693,7.097010666
+"9382","MGP",3.079628335,3.079628378,3.0796283,3.079628315,3.079628397,3.079628352,3.079628311,3.079628372,3.079628249,3.079628318,3.079628289,3.079628534,3.079628252,3.079628184,3.079628304,3.07962823,3.079628546,3.079628541,3.07962827,3.07962835,3.079628314,3.079628391,3.079628364,3.079628257,3.079628326,3.079628235,3.079628201,3.079628443
+"9383","MGRN1",7.347500194,7.347500297,7.347500308,7.347500435,7.347500103,7.347500352,7.34750017,7.347500291,7.347500291,7.347500176,7.347500147,7.34750024,7.3475002,7.347500016,7.34750024,7.347500319,7.347500315,7.347500451,7.347500236,7.347500437,7.347500188,7.34750036,7.347500289,7.347500357,7.347500284,7.347500334,7.347500241,7.347499994
+"9384","MGST1",4.107849946,4.107849912,4.107849882,4.107849941,4.107849868,4.107849905,4.107849873,4.107849866,4.107849851,4.107849868,4.107849953,4.107849842,4.107849877,4.107849916,4.107849879,4.107849808,4.107849869,4.107849881,4.107849899,4.107849969,4.10784988,4.10784985,4.107849867,4.10784985,4.107849906,4.107849854,4.107849844,4.10784986
+"9385","MGST2",5.96285712,5.962857601,5.962857236,5.962857043,5.962857033,5.962857235,5.962857056,5.96285683,5.962856744,5.962856592,5.962856665,5.962856735,5.962857127,5.962857116,5.962856913,5.962857654,5.962856795,5.96285621,5.962856737,5.962857167,5.962857049,5.962857111,5.962857003,5.962857133,5.962856395,5.962856783,5.96285721,5.962856703
+"9386","MGST3",5.996877303,5.996877134,5.996877276,5.996877095,5.996877166,5.996877126,5.99687711,5.996877041,5.996877221,5.996877246,5.996877076,5.996877145,5.996877141,5.996877254,5.99687716,5.996877068,5.996877119,5.996876985,5.996877231,5.996877047,5.996877124,5.996877139,5.99687717,5.996877134,5.996877064,5.996877242,5.996877151,5.996877092
+"9387","MIA2",4.2544754765,4.254475583,4.2544752925,4.2544756735,4.254475254,4.254475429,4.254475388,4.254475269,4.2544754995,4.2544755225,4.2544753075,4.2544750585,4.2544752775,4.25447566,4.2544752825,4.254475557,4.2544752735,4.2544753415,4.25447549,4.2544752275,4.254475326,4.254475263,4.254475498,4.254475458,4.2544755425,4.25447524,4.254475552,4.25447552
+"9388","MIA3",6.557452063,6.557452018,6.557451687,6.557452254,6.557451646,6.557452208,6.55745204,6.55745133,6.557451866,6.557451503,6.557451664,6.557451197,6.557452037,6.557452669,6.557452029,6.557451897,6.557451213,6.557451994,6.557451899,6.557452323,6.557452081,6.557451592,6.557451988,6.557451876,6.557451823,6.557451909,6.557452046,6.557452008
+"9389","MIB1",5.848096293,5.848096353,5.848096229,5.848096301,5.848096127,5.84809601,5.848096217,5.84809622,5.848096261,5.848096142,5.84809625,5.848095964,5.848096241,5.848096501,5.848096245,5.848096315,5.848096115,5.848096223,5.848096293,5.848096075,5.848096256,5.84809618,5.848096342,5.848096291,5.848096139,5.848096235,5.848096204,5.848096353
+"9390","MIB2",6.925010433,6.925010461,6.925010674,6.925010598,6.925010802,6.925010567,6.925010662,6.925010756,6.925010517,6.925010602,6.925010851,6.925010819,6.925010596,6.925010217,6.925010784,6.925010661,6.925010774,6.925010734,6.925010653,6.925010662,6.925010582,6.925010755,6.925010609,6.925010474,6.925010743,6.925010754,6.925010502,6.925010568
+"9391","MICA",6.5222269225,6.522226854,6.5222267585,6.5222268545,6.5222268825,6.522226899,6.5222269395,6.522226851,6.522226829,6.5222268285,6.5222269195,6.522226837,6.522226889,6.522226751,6.5222269275,6.5222268455,6.5222268355,6.522226856,6.5222268685,6.5222268555,6.522226898,6.5222269105,6.522226813,6.5222268435,6.522226865,6.522226871,6.5222268755,6.5222268615
+"9392","MICAL1",7.200095175,7.20009524,7.200095162,7.200095313,7.200095157,7.20009525,7.200095309,7.200095077,7.200095169,7.200095218,7.2000952,7.200095136,7.20009526,7.200095164,7.200095111,7.200095174,7.20009505,7.200095239,7.200095229,7.200095286,7.200095254,7.200095178,7.200095155,7.200095228,7.200095271,7.200095156,7.200095228,7.200095075
+"9393","MICAL2",7.2376617575,7.237661896,7.2376688625,7.2376643325,7.2376610265,7.237665983,7.2376658525,7.237666686,7.237662411,7.2376627255,7.2376650885,7.237665777,7.2376624835,7.2376601,7.237662301,7.2376586175,7.237667302,7.237663126,7.237658187,7.237662166,7.237664539,7.2376652825,7.237663367,7.2376633305,7.237664384,7.2376665255,7.2376634095,7.2376592715
+"9394","MICAL3",6.2499141685,6.2499137365,6.2499137815,6.249913686,6.249913748,6.2499137715,6.249913881,6.249913705,6.2499135355,6.2499138625,6.249913574,6.2499137925,6.249913723,6.249914053,6.2499139725,6.2499136395,6.2499135455,6.249913667,6.2499138965,6.2499135465,6.249913791,6.2499137955,6.249913668,6.2499137085,6.249913601,6.2499138715,6.249913754,6.249914043
+"9395","MICALL1",6.106157588,6.10615761,6.106157605,6.106157592,6.106157607,6.106157641,6.106157571,6.106157624,6.106157608,6.106157607,6.106157611,6.106157583,6.106157614,6.106157571,6.106157623,6.106157595,6.106157607,6.106157591,6.106157592,6.106157639,6.106157621,6.106157614,6.106157597,6.10615759,6.106157615,6.106157615,6.106157606,6.106157622
+"9396","MICALL2",5.922572508,5.922572541,5.922572702,5.922572515,5.922572796,5.922572507,5.922572696,5.92257274,5.922572674,5.922572604,5.922572622,5.922572697,5.922572589,5.922572473,5.922572824,5.922572689,5.92257274,5.922572681,5.92257268,5.922572519,5.92257277,5.922572754,5.922572495,5.922572426,5.922572497,5.922572643,5.92257253,5.922572612
+"9397","MICOS13",6.068982111,6.068982128,6.068982171,6.068982121,6.068982121,6.068982098,6.0689821,6.068982143,6.068982125,6.068982141,6.068982068,6.068982084,6.068982126,6.06898208,6.068982106,6.068982051,6.068982139,6.068982099,6.068982067,6.068982031,6.068982133,6.068982159,6.068982109,6.068982064,6.068982099,6.068982125,6.068982181,6.068982102
+"9398","MICU1",7.084617687,7.084617811,7.084617619,7.084617968,7.084617356,7.084618049,7.084617515,7.084617131,7.084617353,7.084617371,7.084617557,7.084616998,7.084617339,7.084617746,7.084617253,7.084617652,7.084617088,7.084617344,7.084617883,7.084618295,7.084617723,7.084617053,7.084617695,7.08461789,7.084617673,7.084617504,7.084617705,7.084616986
+"9399","MICU2",5.961397387,5.961396545,5.961396296,5.961396802,5.96139529,5.961395251,5.961395873,5.961395687,5.961396279,5.961396257,5.961396849,5.961395026,5.961396608,5.96139831,5.961396545,5.961396225,5.961395959,5.961396413,5.961396528,5.961396287,5.961396493,5.961395738,5.961396665,5.96139656,5.96139641,5.961395944,5.961396598,5.961397346
+"9400","MICU3",4.160560675,4.16056061,4.160560651,4.160560626,4.160560638,4.160560626,4.160560633,4.160560618,4.160560666,4.160560633,4.16056062,4.160560652,4.160560641,4.160560699,4.160560669,4.160560621,4.160560633,4.160560619,4.160560657,4.160560625,4.160560623,4.160560625,4.160560675,4.160560629,4.160560608,4.160560658,4.16056068,4.160560666
+"9401","MID1",3.379050075,3.379050101,3.379050095,3.379050103,3.379050108,3.379050098,3.379050093,3.379050087,3.379050095,3.379050098,3.379050102,3.379050109,3.379050087,3.379050101,3.3790501,3.379050084,3.379050104,3.379050113,3.379050087,3.379050088,3.379050096,3.379050098,3.379050087,3.379050092,3.379050096,3.379050096,3.379050094,3.379050093
+"9402","MID1IP1",7.38506077,7.385061712,7.385060774,7.385061272,7.385060784,7.38506093,7.385060597,7.385060801,7.385060998,7.385061161,7.385061113,7.385060425,7.385060801,7.385060946,7.385060869,7.385061552,7.385060815,7.385061436,7.385061079,7.38506109,7.385060664,7.385060969,7.385061221,7.385061234,7.385061367,7.385060713,7.385060771,7.385060989
+"9403","MID2",5.438477764,5.438477761,5.438477724,5.438477789,5.438477772,5.43847776,5.438477715,5.438477758,5.438477787,5.438477818,5.438477657,5.438477744,5.438477761,5.438477853,5.438477754,5.438477721,5.438477724,5.438477726,5.438477748,5.438477743,5.438477696,5.438477714,5.438477755,5.438477755,5.438477759,5.438477759,5.438477748,5.438477808
+"9404","MIDEAS",6.856842867,6.856842796,6.856842801,6.856842937,6.856842809,6.856843087,6.856843005,6.856842903,6.856842869,6.8568429,6.856842964,6.856842928,6.856842945,6.856842833,6.856842874,6.856842938,6.856842713,6.856842933,6.856842615,6.856843035,6.856842903,6.856842816,6.856842676,6.856842949,6.856842995,6.856843051,6.856842884,6.856842706
+"9405","MIDN",7.621704698,7.621704798,7.621704738,7.62170489,7.621704715,7.62170487,7.621704759,7.62170474,7.621704762,7.621704724,7.621704811,7.621704687,7.621704742,7.621704622,7.621704793,7.621704728,7.621704784,7.621704873,7.621704751,7.621704637,7.621704767,7.621704758,7.621704778,7.621704766,7.621704803,7.621704719,7.62170473,7.621704672
+"9406","MIEF1",6.016325522,6.016325566,6.016325489,6.016325481,6.016325512,6.016325521,6.016325508,6.016325476,6.016325592,6.016325582,6.016325394,6.016325516,6.01632551,6.016325688,6.016325478,6.016325536,6.01632542,6.016325333,6.016325476,6.0163253,6.016325467,6.01632552,6.016325536,6.01632555,6.016325501,6.016325516,6.016325547,6.016325512
+"9407","MIEF2",6.758953667,6.758953663,6.758953705,6.758953681,6.758953688,6.758953654,6.758953674,6.758953719,6.758953677,6.758953665,6.758953694,6.758953719,6.758953682,6.758953642,6.758953688,6.758953704,6.758953708,6.758953714,6.758953703,6.758953671,6.758953676,6.758953711,6.758953675,6.758953651,6.7589537,6.758953684,6.75895367,6.758953703
+"9408","MIEN1",7.908442497,7.908442511,7.908442556,7.908442533,7.908442515,7.908442537,7.908442552,7.908442507,7.908442549,7.908442583,7.908442539,7.908442566,7.908442522,7.908442434,7.908442529,7.908442527,7.908442593,7.908442506,7.908442484,7.908442467,7.908442503,7.908442541,7.908442514,7.908442524,7.908442581,7.908442527,7.908442523,7.908442485
+"9409","MIER1",7.279513752,7.279513587,7.279513523,7.27951358,7.27951314,7.279512982,7.279513461,7.279513031,7.279513237,7.27951323,7.279513337,7.279512526,7.279513455,7.279514072,7.279513397,7.279513176,7.279513384,7.279513514,7.279513668,7.279513225,7.279513471,7.279513228,7.279513647,7.279513552,7.279513645,7.279512972,7.279513312,7.279513613
+"9410","MIER2",5.847142194,5.847142225,5.847142225,5.847142233,5.847142206,5.847142115,5.847142206,5.847142208,5.84714218,5.847142197,5.847142208,5.847142202,5.847142207,5.847142166,5.84714218,5.847142192,5.847142224,5.847142233,5.847142237,5.847142199,5.84714217,5.847142235,5.847142178,5.84714221,5.847142214,5.847142168,5.847142213,5.847142197
+"9411","MIER3",5.053124233,5.053124022,5.053123873,5.053123755,5.053123873,5.05312397,5.053123995,5.053123716,5.053124059,5.053124188,5.053123866,5.053123328,5.053124262,5.05312483,5.053123996,5.053123595,5.053123744,5.053123792,5.053123972,5.053123849,5.053123829,5.05312398,5.053124168,5.053124036,5.053123526,5.053123786,5.053124052,5.053124293
+"9412","MIF",7.641454058,7.641453824,7.641454027,7.64145335,7.64145373,7.64145398,7.641453959,7.641453863,7.641454362,7.641454238,7.641453712,7.641453735,7.64145431,7.641454169,7.641453631,7.641453702,7.64145351,7.641453303,7.641453726,7.641454115,7.641453748,7.641454115,7.641454136,7.641454037,7.641453214,7.64145391,7.641454481,7.641453998
+"9413","MIF4GD",6.163886887,6.163886887,6.163886858,6.163886872,6.16388686,6.163886904,6.163886892,6.163886844,6.163886901,6.163886874,6.163886859,6.163886892,6.163886869,6.163886863,6.163886838,6.16388688,6.16388686,6.163886893,6.163886834,6.163886903,6.16388686,6.163886855,6.163886883,6.163886909,6.163886834,6.163886885,6.163886889,6.163886851
+"9414","MIGA1",6.104394754,6.104394313,6.104394046,6.104393424,6.104393487,6.104393056,6.104394099,6.104393789,6.104394383,6.104393924,6.104393181,6.104393199,6.10439435,6.104395603,6.104394134,6.104393813,6.104393576,6.104393152,6.104394111,6.104392992,6.104393762,6.104393709,6.104394434,6.104394162,6.104393293,6.104393928,6.10439414,6.104394381
+"9415","MIGA2",6.532747054,6.532747086,6.532746993,6.532747059,6.532747033,6.532747084,6.532747044,6.532747063,6.532747066,6.532747033,6.532747042,6.532747068,6.532747065,6.532747043,6.532747014,6.532747025,6.532747018,6.532747071,6.532747033,6.532747022,6.532747039,6.532747024,6.532747027,6.53274703,6.532747034,6.532747085,6.532747065,6.53274701
+"9416","MIIP",6.955636594,6.955636635,6.955636774,6.955636572,6.955636763,6.955636941,6.955636687,6.955636745,6.955636813,6.955636732,6.955636648,6.95563671,6.955636698,6.95563656,6.955636718,6.955636666,6.955636681,6.955636678,6.955636649,6.955636749,6.955636691,6.955636745,6.955636727,6.955636706,6.955636657,6.955636735,6.955636656,6.955636451
+"9417","MILR1",5.754772383,5.75477237,5.754772064,5.754771481,5.754771649,5.754771286,5.754769979,5.754772722,5.754769002,5.754773132,5.754774739,5.754769067,5.754772191,5.754772591,5.75477167,5.754772362,5.754770732,5.754770758,5.754772003,5.754771949,5.75477028,5.754773155,5.754769242,5.754773715,5.754774708,5.754769971,5.754772073,5.754771491
+"9418","MINAR1",4.616972579,4.616972582,4.616972636,4.616972567,4.616972723,4.616972619,4.616972817,4.616972455,4.616972774,4.616972727,4.616972597,4.616972764,4.616972714,4.616972447,4.616972569,4.616972593,4.616972555,4.616972605,4.616972519,4.616972411,4.616972702,4.616972527,4.616972705,4.61697245,4.616972679,4.616972571,4.616972804,4.616972538
+"9419","MINAR2",2.780664021,2.78066404,2.78066405,2.780664039,2.780664047,2.78066405,2.780664041,2.780664065,2.780664037,2.780664063,2.78066406,2.780664045,2.780664051,2.780664053,2.780664029,2.780664058,2.780664057,2.780664052,2.780664061,2.780664058,2.780664013,2.780664052,2.780664072,2.780664046,2.780664034,2.78066403,2.780664044,2.780664055
+"9420","MINDY1",7.512682708,7.512685317,7.512683159,7.512686031,7.512682487,7.512683515,7.512683099,7.512683145,7.512682668,7.512683076,7.512684122,7.512682313,7.512683631,7.512683361,7.51268251,7.512684682,7.512682147,7.51268553,7.51268369,7.512683609,7.512683196,7.512682606,7.512683816,7.5126843,7.512685153,7.512683508,7.51268361,7.512682425
+"9421","MINDY2",5.370441842,5.370441633,5.370441097,5.370441303,5.370440828,5.370440523,5.370441241,5.370441012,5.370441249,5.370441337,5.370441302,5.370440137,5.370441768,5.370442128,5.370441619,5.370441359,5.370440546,5.370441281,5.370441746,5.370440842,5.370441273,5.370440251,5.37044177,5.370441603,5.370441026,5.370440812,5.370441652,5.370441666
+"9422","MINDY3",6.150153686,6.150153388,6.150152818,6.15015161,6.150152196,6.150151826,6.150152508,6.150152286,6.150152427,6.150152505,6.150152332,6.150151363,6.150152843,6.150154424,6.15015276,6.150152877,6.150152413,6.150151741,6.150153356,6.150152463,6.150152707,6.150151903,6.150153425,6.150153078,6.150152425,6.150152499,6.150152594,6.150153507
+"9423","MINK1",7.147944479,7.14794453,7.147944351,7.147944408,7.147944589,7.147944564,7.147944424,7.147944371,7.147944541,7.147944512,7.147944557,7.147944462,7.147944504,7.147944503,7.147944401,7.147944271,7.147944013,7.147944537,7.147944493,7.147944436,7.147944422,7.147944281,7.147944454,7.147944378,7.147944483,7.147944411,7.147944655,7.147944319
+"9424","MINPP1",5.542849497,5.542849176,5.542849655,5.542849075,5.542848993,5.542849263,5.542849178,5.542849067,5.542849335,5.542849162,5.542849125,5.542848775,5.542849279,5.542849813,5.542849252,5.542849027,5.542849514,5.542848885,5.542849207,5.542849014,5.542849068,5.54284915,5.542849456,5.54284907,5.542849124,5.542849139,5.542849259,5.542849512
+"9425","MIOS",5.759721931,5.759721891,5.759721897,5.759721843,5.759721897,5.759721803,5.75972196,5.759721713,5.759721975,5.759721951,5.759721614,5.7597217,5.759721886,5.759722347,5.759721901,5.759721832,5.759721734,5.759721663,5.759721864,5.759721593,5.759721914,5.759721812,5.759721952,5.759721891,5.759721606,5.759721803,5.75972186,5.759722043
+"9426","MIOX",5.914200158,5.914200176,5.91420022,5.914200179,5.914200221,5.914200184,5.914200184,5.914200206,5.914200169,5.91420022,5.914200227,5.914200231,5.914200186,5.914200115,5.914200194,5.914200175,5.914200217,5.914200197,5.91420018,5.914200184,5.914200211,5.914200192,5.914200178,5.914200173,5.914200198,5.914200201,5.914200193,5.91420017
+"9427","MIP",4.492737099,4.492737096,4.492737132,4.492737109,4.492737104,4.492737101,4.492737125,4.492737116,4.492737103,4.492737135,4.492737105,4.492737119,4.492737119,4.492737062,4.49273713,4.492737114,4.492737152,4.492737127,4.492737105,4.492737099,4.492737144,4.492737139,4.492737091,4.4927371,4.492737109,4.492737104,4.492737095,4.492737117
+"9428","MIPEP",5.497872765,5.497872444,5.497872446,5.497872141,5.497872437,5.497872403,5.497872529,5.497872581,5.497872503,5.497872572,5.497872221,5.497872157,5.497872635,5.497872857,5.49787238,5.497872593,5.497872201,5.497872285,5.497872488,5.497872001,5.497872281,5.497872353,5.497872575,5.497872658,5.497872298,5.497872611,5.497872692,5.497872568
+"9429","MIPOL1",3.255829594,3.255829607,3.255829752,3.255829641,3.255829711,3.255829565,3.255829674,3.255829632,3.255829855,3.255829655,3.255829713,3.255829824,3.255829713,3.255829506,3.255829733,3.255829794,3.255829735,3.255829726,3.255829796,3.255829663,3.255829709,3.255829831,3.255829657,3.255829385,3.255829865,3.255829697,3.25582953,3.255829766
+"9430","MIR1-1",2.488132611,2.488132647,2.488132643,2.488132671,2.48813263,2.488132644,2.488132623,2.488132626,2.48813266,2.488132634,2.488132638,2.488132662,2.488132612,2.488132645,2.488132641,2.488132642,2.488132634,2.488132642,2.488132634,2.48813265,2.488132622,2.488132626,2.488132631,2.488132635,2.488132642,2.488132633,2.48813264,2.488132646
+"9431","MIR1-1HG",6.365797326,6.365797499,6.365797511,6.365797426,6.365797485,6.365797546,6.365797389,6.36579746,6.365797507,6.365797511,6.365797525,6.365797504,6.36579747,6.365797354,6.36579742,6.365797419,6.365797518,6.36579746,6.36579741,6.365797502,6.3657973,6.365797498,6.365797487,6.365797486,6.3657975,6.365797384,6.365797489,6.365797431
+"9432","MIR100",2.29191149,2.291911503,2.291911483,2.291911733,2.291911483,2.291911591,2.291911499,2.291911477,2.291911694,2.291911574,2.291911644,2.291911589,2.291911507,2.291911534,2.291911693,2.291911593,2.291911966,2.291911674,2.291911519,2.291911599,2.291911418,2.291911512,2.291911647,2.291911578,2.291911482,2.291911381,2.291911727,2.291911477
+"9433","MIR101-1",4.679343743,4.679343801,4.679343696,4.679344052,4.67934351,4.679343739,4.679343805,4.67934377,4.679343544,4.679343354,4.679343624,4.679343416,4.679343823,4.679343719,4.679343673,4.679343888,4.679343748,4.679343899,4.679343767,4.679343675,4.679343725,4.679343696,4.679343752,4.679343762,4.679343928,4.679343679,4.679343739,4.679343717
+"9434","MIR101-2",2.222473637,2.222474134,2.222474005,2.222473943,2.222473614,2.222473928,2.222473709,2.222474091,2.222473886,2.22247408,2.222473823,2.222474053,2.222473791,2.222473815,2.222473776,2.222473889,2.222473845,2.222474036,2.222473937,2.222473535,2.222473544,2.222473769,2.222473616,2.222473889,2.222473975,2.22247406,2.222473975,2.222473765
+"9435","MIR103A1",3.686532614,3.686532539,3.686532499,3.686532446,3.686532492,3.68653247,3.686532475,3.686532483,3.686532621,3.686532326,3.686532393,3.686532507,3.686532579,3.686532642,3.686532596,3.686532562,3.686532485,3.686532543,3.686532491,3.686532479,3.686532531,3.686532545,3.686532369,3.686532517,3.68653239,3.68653247,3.686532511,3.686532588
+"9436","MIR103A2",5.427755829,5.427755931,5.427755597,5.427755653,5.427755476,5.427755857,5.427755769,5.427755675,5.427755587,5.427755672,5.427755497,5.427755451,5.427755578,5.427755784,5.427755674,5.427756068,5.427755607,5.427755652,5.42775594,5.427755835,5.427755713,5.427755656,5.4277558,5.427755829,5.427755852,5.42775535,5.42775573,5.427755656
+"9437","MIR106A",1.895353418,1.895353671,1.895353542,1.895353339,1.89535373,1.895353645,1.895353649,1.895353568,1.895353897,1.895353731,1.895353618,1.895353784,1.895353509,1.895353513,1.895353543,1.895353512,1.895354053,1.895353504,1.895353536,1.895353449,1.895353379,1.895353518,1.89535391,1.895353699,1.895353608,1.895353509,1.895353438,1.895353521
+"9438","MIR106B",5.151302423,5.151302351,5.151302551,5.151302395,5.151302781,5.15130245,5.151302833,5.151302699,5.151302689,5.15130231,5.151302646,5.151302668,5.151302649,5.151302435,5.151302639,5.151302776,5.151302527,5.151302683,5.151302382,5.151302768,5.151302819,5.151302835,5.151302257,5.151302532,5.151302428,5.151302657,5.15130233,5.151302562
+"9439","MIR107",4.484073006,4.484073109,4.484073142,4.484073286,4.484073301,4.484072818,4.484073372,4.484073168,4.48407315,4.484073066,4.4840732,4.484073165,4.484073325,4.4840731,4.484073292,4.48407331,4.48407371,4.48407339,4.484073234,4.484072944,4.484073582,4.484073421,4.484073256,4.484072949,4.484073194,4.484073373,4.484072835,4.484073151
+"9440","MIR10A",2.680779838,2.680779853,2.680779865,2.680779915,2.680779834,2.680779871,2.680779842,2.680779876,2.680779874,2.680779886,2.680779862,2.680779903,2.680779846,2.680779857,2.680779837,2.680779854,2.680779884,2.680779871,2.680779856,2.68077987,2.68077982,2.680779849,2.680779878,2.680779865,2.680779875,2.680779846,2.680779867,2.680779847
+"9441","MIR10B",1.94175585,1.941755952,1.941755917,1.941755922,1.941755926,1.941755993,1.941755787,1.94175603,1.941755968,1.941755922,1.941756037,1.941755943,1.941755882,1.941755959,1.941755838,1.941755902,1.941756015,1.941756048,1.941755912,1.941756009,1.941755883,1.941755873,1.941756117,1.941756001,1.941755914,1.941755857,1.941755905,1.941755932
+"9442","MIR122",2.403480026,2.403480007,2.403480016,2.403480021,2.403480016,2.40348007,2.403480043,2.403480067,2.403480075,2.403480065,2.403480033,2.403480097,2.40348002,2.403480041,2.403480044,2.403480055,2.403480063,2.403480055,2.403480061,2.403480037,2.403480036,2.403480063,2.403480018,2.403480009,2.403480031,2.403480028,2.403480035,2.403479996
+"9443","MIR124-1",3.010025365,3.010025367,3.01002538,3.010025387,3.010025419,3.01002534,3.010025464,3.010025403,3.010025387,3.010025431,3.01002547,3.01002538,3.010025378,3.010025428,3.010025466,3.010025465,3.010025408,3.010025405,3.010025373,3.010025427,3.010025382,3.010025405,3.010025447,3.010025336,3.010025508,3.010025395,3.010025359,3.010025354
+"9444","MIR124-2",5.474905929,5.474905807,5.474905904,5.474905941,5.474906118,5.474905822,5.474905953,5.474905906,5.474905989,5.474905926,5.474906016,5.474906083,5.474905811,5.47490565,5.47490596,5.474905898,5.474906085,5.474906041,5.474905913,5.47490596,5.474905922,5.474906001,5.474905786,5.474905822,5.47490594,5.474905933,5.474905739,5.474905822
+"9445","MIR124-3",3.581227463,3.5812275,3.58122744,3.5812275,3.581227577,3.581227453,3.581227435,3.581227442,3.581227434,3.581227468,3.581227509,3.581227551,3.581227416,3.5812274,3.581227411,3.581227557,3.581227503,3.581227528,3.581227521,3.581227479,3.581227432,3.581227442,3.58122746,3.581227506,3.581227453,3.581227448,3.58122744,3.581227428
+"9446","MIR125A",5.338393744,5.338393739,5.33839394,5.338393802,5.338394058,5.3383935,5.338393874,5.338393941,5.338393825,5.338393852,5.338393969,5.338394067,5.338393881,5.338393591,5.338393979,5.338393901,5.338394106,5.338394013,5.338393809,5.338393833,5.338393961,5.338393966,5.338393735,5.338393759,5.338394022,5.338393929,5.33839369,5.338393864
+"9447","MIR125B1",4.739755783,4.739755897,4.739756013,4.739755705,4.739756027,4.739755613,4.739755658,4.739756173,4.739755826,4.739755683,4.739756124,4.73975592,4.739755856,4.739755683,4.73975587,4.739755819,4.739756132,4.739756026,4.739755671,4.739756247,4.73975559,4.739755753,4.739755646,4.73975601,4.739756044,4.739755836,4.739755889,4.739755738
+"9448","MIR125B2",4.243540804,4.243540858,4.243541025,4.243541187,4.243540854,4.243540881,4.243540764,4.24354099,4.243541002,4.243540716,4.243540998,4.243540989,4.243540809,4.243540655,4.243540879,4.243540937,4.243540952,4.24354092,4.243540925,4.243540791,4.243540666,4.243540813,4.243540728,4.243540807,4.243541139,4.243540564,4.243541009,4.243540927
+"9449","MIR126",3.349320754,3.349320827,3.34932089,3.349321206,3.349321229,3.349321074,3.349320775,3.349320855,3.349320872,3.349321112,3.349320981,3.349321064,3.349321066,3.349320592,3.349320808,3.349321131,3.349321039,3.349320821,3.349320989,3.349320919,3.349320746,3.349320948,3.349321015,3.349320756,3.349320842,3.349320866,3.349320734,3.349320838
+"9450","MIR127",4.410741259,4.4107413,4.410741352,4.410741274,4.41074143,4.410741094,4.410741537,4.410741368,4.410741363,4.410741347,4.410741391,4.41074136,4.410741362,4.41074114,4.410741477,4.410741351,4.41074159,4.410741379,4.410741489,4.410741384,4.410741558,4.410741595,4.410741259,4.410741097,4.410741285,4.410741461,4.410741186,4.410741446
+"9451","MIR128-1",3.97636426,3.97636428,3.976364285,3.976364265,3.976364318,3.976364233,3.976364286,3.976364287,3.976364273,3.976364282,3.9763643,3.97636431,3.976364272,3.976364284,3.976364305,3.976364301,3.976364312,3.976364302,3.976364288,3.976364247,3.976364297,3.976364315,3.976364286,3.976364277,3.976364296,3.976364278,3.976364264,3.976364316
+"9452","MIR128-2",4.678125684,4.678125837,4.678126291,4.678125844,4.678126494,4.678124784,4.678125732,4.678126398,4.67812629,4.678126052,4.678126269,4.678126216,4.67812607,4.678125838,4.678126269,4.678126265,4.678126553,4.678126487,4.67812574,4.678126059,4.678126284,4.678126058,4.678125808,4.678126352,4.678126432,4.678125957,4.678125881,4.678126527
+"9453","MIR129-1",4.797078544,4.797078478,4.79707861,4.797078519,4.797078637,4.797078453,4.797078553,4.797078636,4.797078526,4.797078503,4.797078592,4.797078618,4.797078537,4.797078469,4.797078568,4.797078566,4.797078649,4.797078573,4.797078577,4.797078564,4.797078613,4.797078568,4.797078486,4.797078456,4.797078593,4.797078581,4.797078534,4.797078544
+"9454","MIR129-2",3.647537466,3.647537525,3.647537479,3.647537485,3.647537501,3.647537608,3.647537443,3.647537554,3.647537583,3.647537569,3.647537594,3.647537569,3.647537481,3.647537475,3.64753743,3.647537575,3.64753763,3.647537546,3.647537457,3.647537462,3.647537388,3.647537551,3.647537597,3.647537501,3.647537544,3.647537347,3.647537588,3.647537617
+"9455","MIR130A",3.405228847,3.405228832,3.405228967,3.405228905,3.405228931,3.405228885,3.405228922,3.405228959,3.405228901,3.405228928,3.40522896,3.405228885,3.405228849,3.405228886,3.405228988,3.405228871,3.405229041,3.405228869,3.405228995,3.405228894,3.405228859,3.405228933,3.405229015,3.405228921,3.405228923,3.40522897,3.405228876,3.405228999
+"9456","MIR130B",4.678101457,4.678101566,4.678101574,4.678101535,4.678101539,4.67810141,4.678101627,4.67810157,4.678101532,4.678101549,4.678101518,4.678101621,4.678101507,4.678101561,4.678101553,4.678101677,4.678101626,4.678101635,4.67810162,4.678101503,4.678101552,4.678101664,4.678101553,4.678101555,4.678101561,4.678101585,4.678101477,4.678101546
+"9457","MIR132",5.288680562,5.288680612,5.288680932,5.28868071,5.288681365,5.288680789,5.288680985,5.288680956,5.288680862,5.288680824,5.288680884,5.288681434,5.28868079,5.288680376,5.288681323,5.28868081,5.288681377,5.288680915,5.288680842,5.288680676,5.288681376,5.288681115,5.288680708,5.288680541,5.288680685,5.288681081,5.288680592,5.288680873
+"9458","MIR133B",4.926483421,4.926483446,4.926483454,4.926483443,4.926483498,4.926483439,4.926483471,4.926483488,4.926483482,4.926483461,4.926483469,4.926483505,4.926483446,4.926483421,4.92648348,4.92648345,4.92648349,4.926483456,4.926483454,4.926483488,4.92648349,4.926483491,4.926483455,4.926483483,4.926483461,4.92648348,4.926483412,4.926483468
+"9459","MIR134",6.110060647,6.110060955,6.11006132,6.110061223,6.11006146,6.110060729,6.110061147,6.11006151,6.110061222,6.110061097,6.11006139,6.110061363,6.110061084,6.110060973,6.110061416,6.110061414,6.110061693,6.110061562,6.110061093,6.110061208,6.110061215,6.110061288,6.110061075,6.110061251,6.110061465,6.110061326,6.11006096,6.110061278
+"9460","MIR135A1",4.698361325,4.69836141,4.69836147,4.698361401,4.698361557,4.698361367,4.698361461,4.698361511,4.698361374,4.698361457,4.698361503,4.698361609,4.698361394,4.698361137,4.69836149,4.698361432,4.698361585,4.698361529,4.69836136,4.69836141,4.698361465,4.698361574,4.698361328,4.698361266,4.698361365,4.69836146,4.698361403,4.698361434
+"9461","MIR135A2",2.10381384,2.103813889,2.103813877,2.103813883,2.103813884,2.103813918,2.103813916,2.103813872,2.10381385,2.103813872,2.103813921,2.103813916,2.103813894,2.103813868,2.103813865,2.103813934,2.103813925,2.103813919,2.103813895,2.103813847,2.103813878,2.103813865,2.103813856,2.103813861,2.103813912,2.103813949,2.103813844,2.103813913
+"9462","MIR136",2.214931801,2.214931959,2.214931919,2.214931961,2.214931788,2.214931903,2.214931951,2.21493198,2.214931969,2.214931854,2.21493191,2.214931974,2.214931843,2.214931936,2.214931906,2.21493185,2.214931923,2.21493196,2.214931896,2.214931825,2.214931811,2.214931888,2.214931896,2.214931954,2.214931913,2.214931871,2.214931973,2.214931828
+"9463","MIR138-1",5.607450521,5.607450382,5.607450977,5.607450788,5.607450981,5.607450268,5.607450753,5.607451159,5.607450601,5.607450533,5.607450866,5.607451097,5.607450733,5.607450256,5.607450782,5.607450824,5.607451202,5.607450853,5.60745061,5.607450611,5.607451082,5.607451082,5.607450563,5.607450462,5.607450825,5.607450634,5.607450596,5.607450645
+"9464","MIR138-2",4.89236847,4.892368535,4.892368536,4.892368504,4.892368738,4.89236866,4.892368401,4.892368682,4.89236851,4.89236843,4.892368715,4.892368651,4.892368394,4.892368228,4.892368534,4.892368566,4.892368702,4.892368661,4.892368406,4.892368527,4.892368492,4.892368568,4.892368334,4.892368191,4.892368567,4.892368549,4.892368314,4.892368482
+"9465","MIR139",7.109510962,7.109511013,7.109511716,7.10951151,7.109511749,7.109510654,7.10951145,7.109511752,7.109511105,7.109511238,7.109511488,7.109511862,7.109511431,7.109510654,7.109511683,7.109511686,7.109511846,7.109511706,7.109511329,7.109511379,7.109512069,7.109511893,7.109511093,7.109510889,7.109511734,7.109511854,7.109511121,7.10951148
+"9466","MIR140",4.998651837,4.998652021,4.998652116,4.998652008,4.998651991,4.998651852,4.998651879,4.998651925,4.998652035,4.998651878,4.998652075,4.998652033,4.998651934,4.998651683,4.998651889,4.998652124,4.998652064,4.99865217,4.998651872,4.99865195,4.998651798,4.998651954,4.998651961,4.998651872,4.99865209,4.99865179,4.998652062,4.998651896
+"9467","MIR141",3.766894203,3.766894285,3.766894315,3.766894328,3.766894529,3.766894273,3.766894423,3.766894475,3.766894298,3.766894275,3.766894492,3.766894433,3.766894356,3.766894214,3.766894439,3.766894463,3.766894479,3.766894336,3.766894397,3.766894368,3.766894403,3.766894329,3.766894411,3.766894218,3.766894242,3.766894402,3.766894201,3.766894388
+"9468","MIR142",6.665241865,6.665243795,6.665241446,6.665243977,6.665239317,6.665242887,6.665241208,6.665242312,6.665240745,6.665239819,6.665241263,6.665240213,6.665243084,6.665242697,6.665240103,6.665243457,6.665239389,6.665242526,6.665241895,6.665243456,6.66524154,6.665242064,6.665242127,6.665242128,6.665243238,6.665241661,6.665242705,6.665241931
+"9469","MIR144",2.795763653,2.795763661,2.795763652,2.795763647,2.795763667,2.795763676,2.795763652,2.79576367,2.795763699,2.795763662,2.795763669,2.795763687,2.795763654,2.795763655,2.795763675,2.795763671,2.795763666,2.795763652,2.795763649,2.795763665,2.795763649,2.795763659,2.795763681,2.795763659,2.795763669,2.795763652,2.795763659,2.795763671
+"9470","MIR147A",5.180614036,5.180613993,5.18061403,5.180614087,5.180614045,5.180614088,5.180614084,5.180614113,5.180613898,5.180614001,5.180614078,5.180614205,5.180614016,5.180613831,5.180614117,5.180613947,5.18061411,5.180614127,5.180614114,5.180614305,5.180614181,5.180614156,5.180613992,5.180614056,5.180614209,5.180614164,5.180614008,5.180613974
+"9471","MIR148A",2.563771045,2.563771231,2.563771087,2.563771203,2.56377129,2.563771275,2.563771262,2.563771108,2.563771114,2.56377131,2.563771413,2.563771602,2.563771203,2.563771166,2.563771187,2.563771288,2.563771225,2.563771235,2.563771202,2.563771168,2.563771187,2.563771257,2.563771322,2.563771212,2.563771199,2.56377113,2.563771185,2.563771366
+"9472","MIR148B",5.106334464,5.106334463,5.106334316,5.106334351,5.106334278,5.10633435,5.106334363,5.106334332,5.106334413,5.106334306,5.106334394,5.106334254,5.106334354,5.106334348,5.106334318,5.106334379,5.106334234,5.10633426,5.106334373,5.10633439,5.106334297,5.106334306,5.106334373,5.106334433,5.106334336,5.106334391,5.106334417,5.106334255
+"9473","MIR149",7.189758779,7.189758661,7.18975888,7.189758692,7.189759124,7.189758663,7.189758826,7.189758906,7.189758749,7.189758793,7.189758991,7.189758999,7.189758713,7.189758426,7.189758924,7.189758869,7.189758985,7.189758874,7.189758875,7.189758763,7.189758842,7.189758842,7.189758511,7.189758528,7.189758858,7.189758978,7.189758666,7.189758774
+"9474","MIR150",6.435464169,6.435464328,6.435464566,6.435464273,6.43546454,6.435463351,6.435464119,6.435464599,6.435464337,6.435464274,6.435464644,6.435464558,6.435464391,6.435464038,6.435464611,6.435464688,6.435464879,6.43546457,6.435464161,6.435464413,6.435464357,6.435464467,6.43546423,6.435464658,6.435464404,6.435464181,6.43546408,6.435464497
+"9475","MIR152",5.433416848,5.433416869,5.433416904,5.433416874,5.433416901,5.433416836,5.433416888,5.433416897,5.433416866,5.433416852,5.433416893,5.43341687,5.433416857,5.433416865,5.433416893,5.433416888,5.433416883,5.433416901,5.433416863,5.433416855,5.433416884,5.433416905,5.433416864,5.43341688,5.433416909,5.43341689,5.433416882,5.433416865
+"9476","MIR153-1",2.844431424,2.844431541,2.844431091,2.844431372,2.844431353,2.84443136,2.844431376,2.844431332,2.84443142,2.844431268,2.844431182,2.844431443,2.844431347,2.844431248,2.844431351,2.844431238,2.844431588,2.844431279,2.844431403,2.844431362,2.844431194,2.84443144,2.844431295,2.844431199,2.844431464,2.84443127,2.844431112,2.844431292
+"9477","MIR153-2",3.06671641,3.066716445,3.066716405,3.066716416,3.066716396,3.066716404,3.066716334,3.066716454,3.066716435,3.066716427,3.066716421,3.066716433,3.066716422,3.066716434,3.066716465,3.066716437,3.066716475,3.066716365,3.066716422,3.066716409,3.066716395,3.066716422,3.066716417,3.066716387,3.06671642,3.066716415,3.066716377,3.066716421
+"9478","MIR154",2.83530476,2.835304763,2.835304948,2.835304888,2.835304798,2.835304846,2.835304753,2.835304934,2.835304812,2.835304799,2.835304848,2.835304877,2.835304686,2.835304976,2.83530474,2.8353047,2.835305119,2.835304779,2.835304809,2.835304793,2.835305022,2.835304738,2.835305025,2.835304707,2.835304859,2.83530472,2.835305008,2.835304652
+"9479","MIR15A",6.768957357,6.768955502,6.768956852,6.768957134,6.76895537,6.768955526,6.768956833,6.768955444,6.768955981,6.768955128,6.768956604,6.768954621,6.768957087,6.76895807,6.768957286,6.768954967,6.768957103,6.768956539,6.768956848,6.768956035,6.768957491,6.768955949,6.768957141,6.768956245,6.768956908,6.768955086,6.768956598,6.768957595
+"9480","MIR15B",2.887937606,2.887937616,2.887937601,2.887937617,2.887937584,2.887937565,2.887937598,2.887937577,2.887937618,2.887937571,2.887937602,2.887937589,2.887937582,2.887937619,2.887937605,2.887937579,2.887937612,2.887937585,2.887937576,2.887937555,2.887937577,2.887937548,2.887937605,2.887937567,2.887937611,2.887937603,2.887937564,2.88793767
+"9481","MIR16-1",3.85463709,3.854637108,3.854637091,3.854637085,3.854637058,3.854637069,3.854637044,3.85463707,3.854637067,3.854637085,3.854637082,3.854637053,3.854637088,3.85463711,3.85463709,3.85463707,3.854637095,3.854637088,3.854637092,3.854637059,3.854637063,3.854637087,3.854637114,3.854637076,3.854637091,3.854637058,3.85463708,3.854637102
+"9482","MIR16-2",2.750824369,2.750824365,2.750824367,2.750824357,2.750824375,2.750824359,2.75082436,2.750824355,2.750824378,2.750824354,2.750824427,2.75082437,2.750824383,2.750824383,2.750824361,2.750824382,2.75082439,2.750824369,2.750824362,2.750824388,2.750824358,2.750824366,2.750824355,2.75082437,2.750824418,2.750824356,2.750824373,2.750824354
+"9483","MIR181A1",2.855539221,2.855539234,2.855539274,2.855539304,2.855539165,2.855539211,2.855539297,2.855539146,2.855539353,2.855539162,2.855539226,2.855539327,2.855539169,2.855539164,2.855539101,2.855539099,2.855539178,2.855539221,2.855539194,2.855539161,2.855539142,2.855539187,2.855539327,2.855539258,2.855539183,2.855539155,2.855539203,2.85553928
+"9484","MIR181A2",4.170948662,4.170948767,4.170948967,4.17094857,4.170948561,4.170948301,4.170948726,4.170948531,4.170948649,4.170948756,4.170948809,4.170948907,4.170948821,4.170948684,4.170948517,4.170948947,4.170948835,4.170948768,4.17094854,4.170948648,4.170948614,4.170948879,4.170949008,4.170948646,4.170948518,4.170948662,4.170948571,4.170948495
+"9485","MIR181B1",4.92547827,4.925478325,4.925478311,4.92547808,4.925478417,4.925478176,4.925478353,4.925478255,4.925478387,4.925478328,4.925478308,4.925478463,4.925478325,4.925478246,4.925478369,4.92547816,4.925478511,4.925478237,4.92547839,4.925478248,4.925478337,4.925478422,4.925478336,4.925478187,4.925478196,4.925478436,4.925478163,4.925478392
+"9486","MIR181B2",4.014386506,4.014386686,4.014386428,4.014386424,4.014386692,4.014386623,4.014386679,4.014386579,4.014386572,4.014386296,4.014386374,4.014386527,4.01438666,4.014386636,4.014386657,4.01438675,4.014386745,4.014386595,4.014386671,4.014386404,4.01438669,4.014386648,4.014386799,4.014386173,4.014386795,4.01438652,4.014386395,4.01438664
+"9487","MIR181C",5.753698007,5.753697299,5.753698424,5.753698092,5.753699241,5.753697638,5.753698553,5.753699164,5.753697965,5.753697997,5.753698304,5.7536991,5.753698345,5.753697255,5.753699102,5.753698551,5.753699127,5.753698996,5.753698462,5.753697992,5.753699386,5.753698707,5.753697859,5.753697511,5.753698554,5.753699217,5.753698001,5.753698398
+"9488","MIR182",4.953905039,4.95390526,4.953905506,4.953905262,4.953905355,4.953904784,4.953904996,4.953905547,4.953905262,4.953905131,4.953905428,4.953905302,4.953905376,4.953904991,4.953905338,4.953905368,4.953905441,4.953905535,4.953904977,4.953905189,4.953905019,4.953905318,4.953905182,4.953905264,4.953905642,4.953905381,4.953905185,4.95390539
+"9489","MIR183",3.442763185,3.442763381,3.442763586,3.442763565,3.442763512,3.442763048,3.44276345,3.442763286,3.442763384,3.442763198,3.442763224,3.442763565,3.442763282,3.442763254,3.442763796,3.442763589,3.442763686,3.442763599,3.442763361,3.442763188,3.442763551,3.442763604,3.442763143,3.442763386,3.442763554,3.442763298,3.442763126,3.442763409
+"9490","MIR184",3.987075404,3.987075415,3.987075421,3.987075419,3.987075421,3.987075381,3.987075388,3.98707541,3.987075437,3.987075411,3.987075453,3.98707544,3.987075407,3.987075394,3.987075438,3.987075435,3.987075462,3.987075511,3.987075391,3.987075418,3.987075385,3.987075403,3.987075379,3.987075424,3.987075457,3.987075391,3.987075384,3.987075408
+"9491","MIR185",6.63512799,6.635128104,6.635128172,6.635128163,6.635128039,6.635128226,6.635127985,6.635128142,6.635128162,6.635128182,6.635128193,6.635128102,6.635128108,6.635127967,6.63512803,6.63512807,6.635128127,6.635128123,6.635128071,6.635128168,6.635127883,6.63512811,6.635128154,6.635128143,6.635128121,6.635127949,6.635128149,6.635127979
+"9492","MIR186",3.886860342,3.886860187,3.886860114,3.886860121,3.886860057,3.886860136,3.886860177,3.886860138,3.886860182,3.886860143,3.886860069,3.886860119,3.886860199,3.886860338,3.886860196,3.886860087,3.886860075,3.886860123,3.886860218,3.886860071,3.886860079,3.886860122,3.886860253,3.886860194,3.886860174,3.886860194,3.886860158,3.886860188
+"9493","MIR187",6.314810693,6.314810703,6.314810897,6.314810822,6.314811131,6.314810604,6.314810985,6.314810983,6.314810937,6.314810785,6.31481091,6.314811191,6.314811015,6.314810646,6.314811043,6.314810969,6.314811207,6.314811019,6.314810908,6.314810779,6.314811002,6.31481096,6.314810895,6.314810765,6.314810952,6.31481101,6.314810915,6.314810956
+"9494","MIR188",5.527709426,5.527709521,5.527709694,5.527709569,5.527709644,5.527709561,5.527709679,5.527709627,5.527709659,5.527709459,5.527709545,5.52770968,5.527709545,5.527709261,5.527709676,5.5277098,5.527709721,5.52770971,5.527709528,5.527709621,5.527709595,5.527709647,5.527709446,5.527709593,5.527709539,5.527709557,5.52770966,5.527709676
+"9495","MIR190A",1.931643271,1.931643279,1.931643275,1.931643298,1.931643245,1.9316433,1.931643306,1.931643254,1.931643278,1.931643314,1.931643315,1.931643305,1.931643259,1.931643287,1.93164326,1.931643317,1.931643332,1.931643271,1.931643302,1.9316433,1.931643259,1.931643268,1.931643306,1.931643282,1.931643293,1.931643265,1.93164329,1.931643312
+"9496","MIR191",5.419315577,5.419315667,5.419315715,5.419315684,5.419315685,5.419315592,5.419315639,5.419315694,5.419315666,5.419315668,5.419315711,5.419315698,5.419315701,5.419315609,5.419315664,5.419315693,5.419315727,5.419315699,5.419315667,5.419315676,5.419315678,5.419315728,5.419315675,5.419315681,5.41931575,5.419315659,5.419315627,5.41931569
+"9497","MIR1915HG",5.408457422,5.4084574,5.408457556,5.408457449,5.408457771,5.408457359,5.408457498,5.408457624,5.408457538,5.408457514,5.408457733,5.408457657,5.408457532,5.408457283,5.408457622,5.40845759,5.408457734,5.408457704,5.408457555,5.408457463,5.408457517,5.408457556,5.408457383,5.40845743,5.408457568,5.408457556,5.408457458,5.40845762
+"9498","MIR192",4.596479564,4.596479542,4.596479569,4.596479565,4.59647958,4.596479562,4.596479572,4.596479563,4.596479571,4.596479558,4.596479577,4.596479544,4.596479533,4.596479536,4.596479597,4.596479563,4.596479586,4.596479554,4.59647957,4.596479592,4.596479573,4.596479571,4.596479559,4.596479539,4.596479546,4.59647955,4.59647957,4.596479554
+"9499","MIR193A",7.114916791,7.114916653,7.114917112,7.114916721,7.114917024,7.114915846,7.114916582,7.114917145,7.11491668,7.114916602,7.114917188,7.114917097,7.114916907,7.11491641,7.114916889,7.114916918,7.114917101,7.114917037,7.114916715,7.114916679,7.114916802,7.114916994,7.114916402,7.114916689,7.114917249,7.114917136,7.114916783,7.114916726
+"9500","MIR194-1",2.401125576,2.401125563,2.401125658,2.401125622,2.401125596,2.401125593,2.401125575,2.401125599,2.401125615,2.401125587,2.401125629,2.401125626,2.40112557,2.401125608,2.401125575,2.401125622,2.401125612,2.401125586,2.401125608,2.401125615,2.401125598,2.401125607,2.401125568,2.401125581,2.401125596,2.40112559,2.401125595,2.40112559
+"9501","MIR194-2",7.183448199,7.183448407,7.183448581,7.18344814,7.18344874,7.183448013,7.183448387,7.183448659,7.183448339,7.183448177,7.183448639,7.183448617,7.183448436,7.183447942,7.183448377,7.183448749,7.183448674,7.183448785,7.183448481,7.183448021,7.183448448,7.183448599,7.183448199,7.183448375,7.183448582,7.183448341,7.183448513,7.183448403
+"9502","MIR195",4.779173985,4.779174027,4.77917401,4.779174113,4.779173991,4.779173834,4.779173877,4.779174095,4.779173827,4.779173777,4.779174049,4.779174051,4.77917399,4.779173796,4.779174025,4.779174177,4.779174121,4.779174164,4.779173985,4.779173918,4.779174089,4.779174121,4.779173884,4.779173829,4.779174003,4.779173991,4.77917388,4.779173862
+"9503","MIR196A1",5.153379869,5.153379796,5.153380037,5.153379882,5.15337997,5.153379854,5.153379885,5.153380046,5.153379917,5.153379936,5.153379962,5.153380212,5.15337995,5.153379739,5.153380057,5.153379942,5.153380206,5.153379927,5.153379971,5.153379921,5.15337993,5.15338001,5.153379895,5.153379752,5.153379946,5.153379992,5.153379805,5.153379906
+"9504","MIR196A2",3.381729111,3.381729091,3.381729131,3.381729098,3.381729036,3.381729035,3.381729145,3.381729126,3.381729131,3.38172908,3.381729187,3.381729215,3.381729127,3.38172897,3.381729101,3.381729113,3.381729232,3.381729132,3.381729173,3.381729083,3.381729123,3.381729057,3.381729067,3.381729076,3.381729027,3.381729096,3.381729123,3.381729126
+"9505","MIR197",7.438807604,7.438808538,7.438809417,7.438808669,7.438808473,7.438806393,7.438807565,7.438808625,7.438808638,7.438808059,7.43880898,7.438808323,7.438808498,7.438807755,7.43880798,7.438809296,7.438808796,7.438809169,7.438807452,7.43880814,7.438807863,7.438808444,7.438808276,7.438808991,7.438809491,7.438808392,7.43880851,7.438808379
+"9506","MIR199A1",2.740518229,2.740518168,2.740518245,2.740518199,2.740518188,2.740518284,2.740518192,2.740518207,2.740518222,2.740518196,2.740518151,2.740518062,2.740518135,2.740518099,2.740518173,2.740518208,2.740518208,2.740518321,2.740518249,2.740518144,2.74051819,2.740518221,2.740518062,2.740518071,2.740518148,2.74051827,2.740518145,2.740518157
+"9507","MIR199B",3.963198676,3.963198671,3.963198778,3.963198695,3.963198646,3.963198797,3.963198833,3.963198859,3.963198772,3.963198583,3.9631989,3.963198912,3.96319865,3.963198575,3.963198679,3.963198853,3.963199022,3.963198648,3.963198772,3.963198768,3.96319875,3.963198805,3.963198543,3.963198654,3.96319865,3.963198669,3.963198643,3.96319861
+"9508","MIR19B2",2.773847612,2.773847653,2.773847608,2.773847613,2.773847602,2.773847592,2.773847597,2.773847622,2.773847611,2.773847593,2.773847592,2.773847599,2.773847597,2.77384763,2.773847635,2.773847638,2.773847641,2.773847606,2.773847589,2.773847597,2.773847604,2.773847623,2.773847621,2.773847621,2.773847602,2.773847627,2.773847638,2.773847625
+"9509","MIR200A",3.516650116,3.516650788,3.516650541,3.516650548,3.51665068,3.516650386,3.516650364,3.516650395,3.516650528,3.516650381,3.516650324,3.5166505,3.516650703,3.516649903,3.516650653,3.516650673,3.516650833,3.516650589,3.516650335,3.516650421,3.51665045,3.516650601,3.516650585,3.516650562,3.51665018,3.51665072,3.516650785,3.516650396
+"9510","MIR200B",5.216218284,5.216218269,5.216218337,5.216218334,5.21621838,5.216218296,5.216218331,5.216218269,5.216218273,5.216218299,5.216218346,5.216218364,5.216218308,5.216218238,5.216218354,5.216218345,5.216218384,5.216218377,5.216218347,5.216218294,5.216218374,5.216218371,5.216218259,5.216218297,5.216218382,5.216218373,5.216218299,5.216218272
+"9511","MIR200C",4.864714506,4.86471456,4.864714728,4.86471462,4.86471493,4.864714225,4.864714727,4.864714778,4.864714669,4.864714632,4.864714609,4.86471484,4.864714575,4.864714447,4.864714775,4.864714877,4.864715125,4.86471475,4.864714673,4.864714658,4.864714872,4.864714923,4.864714613,4.864714665,4.864714753,4.864714701,4.864714621,4.864714897
+"9512","MIR203A",4.522649014,4.522649033,4.522649037,4.522649033,4.52264904,4.522649042,4.522649054,4.522649052,4.522649034,4.522649028,4.522649077,4.52264904,4.522649019,4.522649001,4.522649022,4.522649029,4.522649049,4.522649048,4.522649033,4.522649026,4.52264902,4.522649034,4.522649016,4.522649013,4.522649028,4.522649026,4.522649032,4.522649035
+"9513","MIR204",4.156546838,4.156546849,4.156546894,4.15654688,4.156546883,4.156546986,4.156546845,4.156546829,4.15654686,4.15654693,4.156546887,4.156546847,4.156546868,4.156546773,4.156546826,4.15654687,4.15654688,4.15654689,4.156546839,4.156546858,4.156546811,4.156546838,4.156546876,4.156546846,4.15654693,4.156546865,4.156546881,4.156546819
+"9514","MIR206",3.716991243,3.716991264,3.716991275,3.716991277,3.716991253,3.716991265,3.716991262,3.716991268,3.71699127,3.716991269,3.716991272,3.716991259,3.716991248,3.71699126,3.716991257,3.716991265,3.71699127,3.716991256,3.716991268,3.716991282,3.716991225,3.716991263,3.716991254,3.71699128,3.716991258,3.716991262,3.716991254,3.716991257
+"9515","MIR208A",2.688793994,2.688794026,2.688794007,2.688794013,2.688793993,2.68879397,2.688794011,2.688793986,2.688794041,2.688794,2.688794032,2.688794061,2.688793985,2.688793995,2.688793987,2.68879398,2.688794055,2.688793988,2.688794037,2.688794028,2.688793977,2.688793975,2.688793955,2.688794014,2.688793985,2.688793972,2.688793991,2.688793994
+"9516","MIR21",8.05715078,8.574167698,8.144115223,8.51956122,7.740567995,8.514225575,8.469366384,7.879134905,8.197364459,7.826229752,8.194901732,7.420706902,8.16993295,8.239181916,7.912847543,8.585081679,8.167465515,8.205943732,8.23307956,8.726866797,8.308678599,7.961050129,8.317784521,8.375965186,8.29283455,7.871319722,8.215683831,7.855310044
+"9517","MIR210",7.4659219,7.465921869,7.4659222,7.465922074,7.465922429,7.465922097,7.465922205,7.465922444,7.465921999,7.465922184,7.465922485,7.465922262,7.465922297,7.465921591,7.465922424,7.465921938,7.465922535,7.465922161,7.465922135,7.465922333,7.465922389,7.46592243,7.465922103,7.465921918,7.465922216,7.465922257,7.465922242,7.465922012
+"9518","MIR211",6.435122052,6.435122644,6.435122721,6.435122492,6.435122805,6.435121421,6.435122293,6.435122863,6.435122695,6.435122375,6.435122758,6.435122818,6.435122622,6.435122315,6.435122718,6.435123269,6.435122995,6.435122784,6.435122344,6.435122426,6.43512268,6.435122759,6.435122426,6.435123066,6.43512303,6.435122602,6.435122412,6.435122839
+"9519","MIR212",6.428760102,6.428760186,6.428760335,6.428760079,6.428761217,6.428760368,6.428760631,6.428760759,6.42876037,6.428760432,6.428760834,6.428760879,6.428760241,6.428759287,6.428760704,6.428760429,6.428761199,6.428760544,6.428760718,6.42876034,6.428760914,6.428760776,6.428760255,6.428759959,6.428760149,6.428760731,6.428760343,6.428760579
+"9520","MIR215",2.078791505,2.078791526,2.078791477,2.078791471,2.078791473,2.078791743,2.078791452,2.078791555,2.0787918,2.078791558,2.078791648,2.078791655,2.078791494,2.078791496,2.078791385,2.078791482,2.078791684,2.078791587,2.07879174,2.078791472,2.078791416,2.078791508,2.078791654,2.078791496,2.078791655,2.078791477,2.078791498,2.078791555
+"9521","MIR216A",3.040331825,3.04033181,3.040331829,3.040331828,3.04033182,3.040331855,3.040331821,3.040331823,3.040331818,3.04033183,3.04033184,3.040331808,3.040331845,3.040331823,3.040331824,3.040331843,3.040331837,3.040331814,3.040331817,3.040331821,3.04033182,3.04033183,3.040331813,3.040331829,3.040331825,3.040331825,3.040331807,3.040331818
+"9522","MIR217",2.282438249,2.282438252,2.282438276,2.282438305,2.282438284,2.282438355,2.282438273,2.282438252,2.282438259,2.28243827,2.282438365,2.282438236,2.282438199,2.282438313,2.282438219,2.282438239,2.282438271,2.282438273,2.282438241,2.282438204,2.282438201,2.282438224,2.282438211,2.282438269,2.282438347,2.282438211,2.282438187,2.282438222
+"9523","MIR218-1",2.938728688,2.938728867,2.938729088,2.938729084,2.938728909,2.938729176,2.938728703,2.938729038,2.938728815,2.938728919,2.938728659,2.93872909,2.938728982,2.938728865,2.938728801,2.93872897,2.938729312,2.938728901,2.938728854,2.938728641,2.938728884,2.938728827,2.938728985,2.938729195,2.938728677,2.938728702,2.938728977,2.938728789
+"9524","MIR218-2",4.682274309,4.682274231,4.682274281,4.682274282,4.682274454,4.682274331,4.682274349,4.682274425,4.682274353,4.682274364,4.682274312,4.682274396,4.682274301,4.682274197,4.682274411,4.682274343,4.682274471,4.68227435,4.682274356,4.682274329,4.68227437,4.682274378,4.6822743,4.682274209,4.682274334,4.682274354,4.682274243,4.682274384
+"9525","MIR219A1",5.638978734,5.638978749,5.638978831,5.638978726,5.638979075,5.638978878,5.638978924,5.638978825,5.638978857,5.638978953,5.63897891,5.638978989,5.638978802,5.638978663,5.638979019,5.638978846,5.638979032,5.638978794,5.638978928,5.638978819,5.638979011,5.638978996,5.638978792,5.638978693,5.638978798,5.638978939,5.638978869,5.638978961
+"9526","MIR219A2",4.401275786,4.401275784,4.40127581,4.401275793,4.4012758,4.401275773,4.401275807,4.401275822,4.401275776,4.401275781,4.401275794,4.401275809,4.401275799,4.401275777,4.40127581,4.401275791,4.401275824,4.401275804,4.40127578,4.401275807,4.401275807,4.401275815,4.401275798,4.401275792,4.401275798,4.401275794,4.401275783,4.401275786
+"9527","MIR221",4.026691597,4.026691109,4.026691258,4.026691452,4.026691979,4.026691258,4.026691887,4.026691769,4.026691364,4.026691521,4.026691414,4.026691628,4.026691457,4.026691018,4.026691475,4.026691413,4.026691715,4.026691319,4.026691632,4.026691411,4.026691784,4.026691887,4.026691223,4.02669158,4.026691424,4.02669186,4.026691202,4.026691793
+"9528","MIR222",3.395451503,3.395451489,3.395451485,3.395451623,3.395451679,3.395451559,3.395451352,3.395451457,3.395451321,3.395451645,3.395451424,3.395451621,3.395451538,3.395451238,3.395451516,3.395451381,3.395451585,3.395451469,3.395451563,3.395451612,3.39545159,3.395451748,3.395451365,3.395451376,3.395451481,3.395451522,3.395451531,3.395451455
+"9529","MIR23A",7.341502021,7.34150283,7.341502302,7.341502656,7.341502426,7.34150171,7.341502133,7.341502492,7.341502127,7.341501698,7.341502551,7.341502075,7.341502426,7.341501602,7.341502326,7.341502852,7.341502425,7.341502945,7.341502271,7.341501761,7.341502169,7.34150219,7.341502104,7.341502055,7.341502667,7.341502109,7.34150229,7.341501919
+"9530","MIR24-2",5.553476813,5.553637282,5.55350696,5.553572371,5.553431559,5.553484502,5.553453087,5.553495612,5.553473349,5.553509531,5.553553102,5.553393612,5.553511034,5.553450563,5.553458565,5.553625778,5.553489548,5.553586651,5.553505039,5.553454011,5.55344667,5.553465112,5.553504026,5.553509593,5.553584759,5.553436023,5.553510343,5.553432497
+"9531","MIR25",6.445899285,6.445899168,6.445899444,6.445899438,6.445899553,6.445899036,6.445899299,6.445899435,6.445899383,6.445899203,6.445899587,6.445899439,6.445899488,6.445899245,6.445899423,6.445899356,6.445899484,6.445899537,6.445899389,6.445899344,6.445899517,6.445899507,6.445899266,6.445899345,6.445899605,6.445899491,6.44589934,6.445899379
+"9532","MIR26A1",4.393075886,4.393075995,4.393075935,4.39307591,4.393076027,4.39307589,4.393076027,4.393076036,4.393075938,4.393075938,4.393076011,4.393076175,4.393075937,4.393075812,4.393076031,4.393076105,4.393076188,4.393076092,4.39307593,4.393075944,4.393076046,4.39307612,4.39307575,4.393075704,4.393076018,4.393076075,4.393075813,4.393076013
+"9533","MIR26A2",4.361646668,4.361647327,4.361647141,4.361647131,4.3616469,4.361647119,4.361647138,4.361647151,4.361646745,4.361646717,4.361646634,4.361646715,4.361647248,4.361646696,4.361646673,4.361647256,4.361646661,4.361647016,4.361647238,4.361647256,4.361646621,4.361646967,4.361646818,4.361646989,4.361647331,4.361647104,4.361647237,4.361646539
+"9534","MIR26B",5.583273276,5.583273284,5.583273432,5.583273465,5.583273611,5.583273316,5.583273483,5.583273546,5.583273412,5.583273253,5.583273431,5.583273564,5.583273337,5.583273147,5.58327344,5.583273416,5.583273723,5.583273526,5.583273517,5.583273287,5.583273421,5.583273521,5.583273299,5.583273261,5.583273507,5.583273474,5.58327334,5.583273405
+"9535","MIR27A",6.421900309,6.421904604,6.421902474,6.421905413,6.421902647,6.421900255,6.421901548,6.421903382,6.42190297,6.421901315,6.421903502,6.421901118,6.421903297,6.421902008,6.421900513,6.421904571,6.421902836,6.421905961,6.421903681,6.421900538,6.421901518,6.421901697,6.421903533,6.421902092,6.421904305,6.421902467,6.421903043,6.421902249
+"9536","MIR28",3.339740829,3.339740791,3.339740757,3.339740947,3.339740631,3.339740944,3.339740749,3.339740728,3.339740629,3.339740831,3.339740806,3.339740739,3.339740817,3.339740794,3.339740777,3.339740771,3.33974091,3.339740693,3.339740875,3.33974082,3.339740666,3.33974071,3.339740919,3.339740714,3.339740884,3.33974079,3.339740863,3.339740675
+"9537","MIR296",5.366306141,5.366306351,5.366306422,5.366306181,5.366306365,5.366305959,5.366306192,5.366306174,5.366306328,5.366306163,5.366306255,5.366306384,5.366306216,5.366305969,5.3663062,5.366306409,5.36630642,5.366306352,5.366306065,5.366306438,5.366306219,5.366306214,5.36630625,5.366306316,5.366306366,5.366306242,5.366306053,5.366306168
+"9538","MIR299",3.083209955,3.083210345,3.083209994,3.083210061,3.083210275,3.083210094,3.083210098,3.083210129,3.083210213,3.08321013,3.083210191,3.083210244,3.083210215,3.083210134,3.083210207,3.083209896,3.08321044,3.083210042,3.083210251,3.083210103,3.083210029,3.083210222,3.083210015,3.083209968,3.083209982,3.083210145,3.083209949,3.083210203
+"9539","MIR29A",3.987263,3.987263124,3.987262872,3.987263058,3.987262758,3.987262868,3.987262806,3.987262699,3.987262772,3.987262664,3.98726286,3.987262793,3.987263052,3.987262835,3.987262765,3.987263148,3.987262854,3.987262991,3.987262911,3.987262949,3.987262754,3.987262788,3.98726281,3.987262776,3.987262936,3.987262865,3.98726306,3.98726288
+"9540","MIR29B1",2.388037312,2.388037316,2.388037329,2.388037297,2.388037267,2.388037295,2.388037267,2.388037256,2.388037302,2.388037287,2.388037301,2.388037294,2.388037283,2.388037318,2.388037267,2.388037322,2.388037269,2.388037298,2.388037274,2.388037312,2.388037255,2.38803728,2.388037289,2.388037291,2.388037274,2.388037296,2.38803729,2.388037283
+"9541","MIR301A",2.047709829,2.047709808,2.047709797,2.04770982,2.047709818,2.047709823,2.047709831,2.047709839,2.047709827,2.047709849,2.047709841,2.047709826,2.04770983,2.047709834,2.047709814,2.047709798,2.04770982,2.047709846,2.047709848,2.047709835,2.047709789,2.047709828,2.04770986,2.047709797,2.047709829,2.047709788,2.047709804,2.047709799
+"9542","MIR302A",1.747485302,1.747485304,1.747485381,1.747485412,1.747485305,1.74748528,1.747485462,1.747485353,1.747485282,1.747485262,1.747485387,1.747485743,1.747485353,1.747485401,1.747485335,1.747485328,1.747485535,1.747485476,1.747485347,1.747485374,1.747485401,1.747485478,1.747485293,1.747485312,1.747485293,1.747485297,1.74748525,1.747485424
+"9543","MIR302B",2.053532396,2.053532462,2.053532365,2.053532403,2.053532433,2.053532405,2.053532519,2.053532363,2.053532375,2.053532394,2.053532594,2.053532438,2.053532328,2.053532461,2.053532345,2.053532353,2.053532459,2.053532385,2.053532346,2.05353241,2.053532398,2.053532446,2.053532427,2.053532322,2.053532438,2.053532356,2.053532417,2.053532329
+"9544","MIR30A",3.576147342,3.576146922,3.576147444,3.576147298,3.576147317,3.576147298,3.576147345,3.576147139,3.576147073,3.576146969,3.576147091,3.576147024,3.576147111,3.5761472,3.576147415,3.576147478,3.576147434,3.57614738,3.576147162,3.576147104,3.576147178,3.57614726,3.576147252,3.576146836,3.576147108,3.576147288,3.576146937,3.576147312
+"9545","MIR30B",2.919500587,2.919500647,2.919500612,2.91950059,2.919500569,2.919500616,2.919500574,2.919500608,2.919500672,2.919500592,2.919500626,2.919500579,2.919500623,2.91950067,2.919500606,2.919500612,2.919500609,2.919500639,2.919500601,2.919500636,2.919500569,2.919500625,2.91950062,2.91950061,2.919500622,2.919500643,2.919500588,2.919500611
+"9546","MIR30C1",5.238350075,5.238350049,5.238350375,5.238350192,5.2383502,5.238349924,5.238350135,5.238350314,5.23835023,5.23835017,5.238350274,5.238350314,5.238350229,5.238349991,5.238350168,5.238350304,5.238350384,5.238350371,5.238350085,5.238350093,5.238350226,5.238350251,5.238350128,5.238350213,5.238350294,5.238350242,5.238350179,5.238350124
+"9547","MIR30C2",4.410358425,4.410358251,4.410358323,4.410358241,4.410358345,4.410358136,4.4103584,4.41035837,4.41035832,4.410358286,4.41035835,4.410358411,4.410358284,4.410358118,4.4103584,4.410358525,4.410358487,4.410358339,4.410358226,4.410358361,4.410358464,4.410358419,4.410358262,4.410358275,4.410358336,4.410358429,4.410358151,4.410358419
+"9548","MIR30D",3.148981403,3.148981548,3.148981588,3.148981464,3.148981344,3.148981514,3.148981725,3.148981335,3.148981517,3.148981652,3.148981442,3.148981627,3.148981619,3.148981592,3.148981642,3.148981574,3.148981547,3.148981507,3.148981385,3.148981571,3.148981491,3.148981575,3.148981576,3.148981435,3.148981563,3.148981597,3.148981786,3.148981578
+"9549","MIR30E",5.431585019,5.431585019,5.431585046,5.431585573,5.43158462,5.431585312,5.431585452,5.431585037,5.431584299,5.431584633,5.431584783,5.431584732,5.431585143,5.431584919,5.431584794,5.431584393,5.431584725,5.431585171,5.431585066,5.431585198,5.431584725,5.431584733,5.431585367,5.431585229,5.431585225,5.431584889,5.43158496,5.431584361
+"9550","MIR31",3.956526158,3.956526151,3.95652615,3.956526142,3.95652616,3.956526164,3.956526167,3.956526166,3.956526155,3.956526161,3.956526175,3.95652618,3.956526143,3.956526159,3.95652617,3.95652616,3.956526166,3.956526171,3.956526177,3.956526175,3.956526168,3.956526156,3.956526157,3.956526152,3.956526159,3.956526159,3.956526154,3.956526152
+"9551","MIR31HG",3.324588015,3.324587968,3.324588004,3.324587993,3.324588052,3.324588198,3.324588087,3.32458792,3.324587971,3.324587999,3.324587938,3.324588046,3.324588083,3.324587939,3.324588154,3.324588122,3.32458822,3.324588035,3.324588014,3.324587997,3.324588096,3.324588051,3.32458811,3.324588139,3.324588012,3.324588046,3.324588092,3.324588075
+"9552","MIR32",4.220530005,4.220529901,4.220529756,4.220529776,4.220529923,4.22052973,4.22052997,4.22052995,4.220529996,4.220529929,4.220529716,4.220530178,4.220529944,4.220530104,4.220529931,4.220529811,4.220529948,4.220529839,4.220529934,4.220529649,4.220529918,4.220529939,4.220530045,4.220529872,4.220529731,4.220529973,4.220529844,4.220530046
+"9553","MIR320A",7.045634746,7.045634797,7.045634916,7.045634821,7.045634927,7.04563474,7.045634817,7.045634853,7.045634887,7.045634816,7.04563487,7.045634981,7.045634794,7.045634683,7.045634831,7.045634845,7.045634969,7.045634922,7.045634822,7.045634899,7.045634841,7.045634765,7.045634834,7.04563483,7.04563488,7.045634825,7.045634761,7.045634858
+"9554","MIR320C1",4.51594291,4.515942845,4.515942804,4.515942799,4.515942823,4.515942722,4.51594278,4.515942822,4.515942874,4.515942813,4.515942816,4.515942891,4.515942822,4.515942787,4.515942875,4.515942866,4.515942847,4.515942818,4.515942773,4.515942765,4.515942882,4.515942905,4.515942771,4.515942818,4.515942905,4.515942901,4.515942785,4.515942895
+"9555","MIR323A",3.320353815,3.320353861,3.320353874,3.320353897,3.32035386,3.320353871,3.320353862,3.32035385,3.320353849,3.32035385,3.320353861,3.320353846,3.320353862,3.32035385,3.320353869,3.320353832,3.320353862,3.320353852,3.320353872,3.320353874,3.320353861,3.320353861,3.32035388,3.32035384,3.320353846,3.320353881,3.32035388,3.320353877
+"9556","MIR323B",5.180887193,5.180887356,5.180887399,5.180887228,5.180887428,5.180886861,5.180887258,5.180887493,5.180887298,5.180887174,5.180887272,5.180887307,5.180887278,5.18088693,5.180887389,5.180887607,5.180887444,5.180887398,5.180887235,5.180887334,5.180887227,5.180887444,5.180887123,5.180887221,5.180887512,5.180887405,5.180887211,5.180887232
+"9557","MIR326",8.720221253,8.720220792,8.72022284,8.720221569,8.720223054,8.720219651,8.720222108,8.720222758,8.72022144,8.720220948,8.720222429,8.720223037,8.720221937,8.720219888,8.720222803,8.720223132,8.720223629,8.720222478,8.720221746,8.720221864,8.720222682,8.720222982,8.72022068,8.720221637,8.720222079,8.720222667,8.720221571,8.720221766
+"9558","MIR330",5.220038565,5.220038499,5.220038492,5.220038509,5.220038745,5.220038568,5.22003866,5.220038761,5.220038428,5.220038595,5.220038583,5.220038619,5.22003863,5.220038493,5.220038583,5.220038653,5.220038687,5.220038603,5.220038585,5.220038616,5.22003877,5.220038703,5.220038455,5.220038543,5.220038621,5.220038641,5.220038469,5.220038553
+"9559","MIR331",4.71214251,4.712142479,4.712142519,4.712142399,4.71214255,4.712142488,4.7121425,4.712142465,4.712142468,4.712142611,4.712142457,4.712142633,4.712142518,4.71214245,4.712142509,4.712142417,4.712142527,4.712142492,4.712142499,4.712142487,4.712142432,4.712142475,4.712142488,4.712142558,4.712142495,4.712142459,4.712142431,4.712142546
+"9560","MIR339",7.839648064,7.839647883,7.839649209,7.839647929,7.839649791,7.839648315,7.839649312,7.839649654,7.83964864,7.839649202,7.839649339,7.839650001,7.839648783,7.839647227,7.839649642,7.839648537,7.83965022,7.839649007,7.83964923,7.839648062,7.839649617,7.839650015,7.83964764,7.839647837,7.839648469,7.839649361,7.839648315,7.839648381
+"9561","MIR33A",2.971825366,2.971825379,2.971825415,2.97182538,2.971825451,2.9718254,2.971825412,2.971825433,2.971825417,2.971825436,2.971825383,2.971825441,2.971825366,2.971825368,2.971825427,2.971825397,2.971825481,2.971825434,2.971825406,2.971825413,2.97182546,2.97182541,2.971825384,2.971825353,2.971825354,2.971825394,2.971825415,2.971825467
+"9562","MIR34AHG",7.192434238,7.192434218,7.192434446,7.192434331,7.19243444,7.192434241,7.192434325,7.192434441,7.192434219,7.192434268,7.192434425,7.192434393,7.192434327,7.192434075,7.192434394,7.192434363,7.192434428,7.192434446,7.192434363,7.192434358,7.192434403,7.192434443,7.192434188,7.192434174,7.192434356,7.192434423,7.192434301,7.192434358
+"9563","MIR34B",3.33943669,3.33943643,3.339436656,3.33943652,3.339436566,3.339436531,3.33943671,3.339436735,3.33943649,3.339436604,3.339436761,3.339436833,3.339436494,3.339436642,3.339436625,3.339436544,3.339436832,3.339436509,3.339436548,3.339436616,3.339436734,3.339436707,3.339436505,3.339436559,3.339436492,3.339436424,3.339436693,3.339436623
+"9564","MIR365A",5.085303249,5.085303451,5.085303604,5.085303343,5.085303414,5.085302953,5.08530318,5.085303434,5.085303539,5.085303374,5.085303507,5.085303338,5.085303343,5.085303431,5.085303301,5.085303607,5.085303548,5.08530349,5.085303325,5.085303496,5.085303253,5.085303424,5.085303471,5.085303721,5.085303725,5.085303229,5.085303472,5.085303467
+"9565","MIR3667HG",6.63116201,6.631161644,6.631162871,6.631160998,6.631161262,6.631162703,6.631162679,6.631161984,6.63116147,6.631162206,6.631161755,6.631161254,6.631161221,6.631161765,6.631161963,6.631161575,6.631162371,6.631161058,6.63116117,6.631162489,6.631162653,6.631162079,6.631161161,6.63116212,6.631161703,6.631161404,6.631161436,6.631161408
+"9566","MIR375",5.619022765,5.619022534,5.619022996,5.619022747,5.619023686,5.619022849,5.619023166,5.619023381,5.619022749,5.61902267,5.619022968,5.619023668,5.619022683,5.619022337,5.619023614,5.61902293,5.619023941,5.61902288,5.619022803,5.61902304,5.619023745,5.619023284,5.619022712,5.619022881,5.619022935,5.619023335,5.619022747,5.619022997
+"9567","MIR376C",1.808793745,1.808793752,1.808793777,1.808793731,1.808793694,1.808793838,1.808793702,1.808793765,1.808793763,1.808793793,1.808793784,1.808793761,1.80879374,1.808793853,1.808793735,1.808793737,1.808793802,1.80879371,1.808793781,1.808793756,1.808793637,1.808793716,1.808793848,1.808793687,1.808793719,1.808793718,1.808793794,1.808793806
+"9568","MIR377",2.455813098,2.455813127,2.455813109,2.455813103,2.455813131,2.455813114,2.455813109,2.455813118,2.455813123,2.455813117,2.455813166,2.455813148,2.455813141,2.45581308,2.455813106,2.455813156,2.455813183,2.455813147,2.455813176,2.45581313,2.455813114,2.455813128,2.455813102,2.455813103,2.455813112,2.455813092,2.455813114,2.455813144
+"9569","MIR382",2.828865615,2.828865662,2.828865572,2.828865676,2.828865633,2.828865594,2.828865628,2.828865664,2.828865653,2.828865658,2.828865651,2.828865745,2.828865619,2.828865646,2.82886563,2.828865688,2.828865734,2.828865671,2.82886571,2.828865677,2.828865663,2.828865664,2.828865603,2.828865573,2.828865636,2.828865659,2.82886558,2.828865639
+"9570","MIR410",2.515230195,2.515230345,2.515230396,2.51523038,2.515230406,2.515230327,2.515230236,2.515230313,2.5152305,2.515230292,2.515230175,2.515230669,2.515230418,2.515230489,2.515230499,2.515230318,2.51523055,2.515230363,2.51523052,2.515230307,2.515230475,2.515230448,2.515230395,2.515230373,2.515230363,2.515230556,2.515230261,2.515230495
+"9571","MIR412",3.923467527,3.923467578,3.923467563,3.923467608,3.923467645,3.923467549,3.923467679,3.9234676,3.923467601,3.923467638,3.923467565,3.923467636,3.923467514,3.92346753,3.92346761,3.923467616,3.923467677,3.923467678,3.923467639,3.923467589,3.923467528,3.923467611,3.923467618,3.923467608,3.923467601,3.9234676,3.923467608,3.92346755
+"9572","MIR423",6.209680016,6.209680168,6.209680115,6.209680073,6.209680104,6.209679973,6.209680042,6.209680135,6.209680135,6.209680128,6.209680104,6.209680069,6.209680135,6.209680046,6.209680074,6.209680055,6.209680135,6.209680114,6.209680065,6.209680139,6.209680037,6.209680118,6.209680141,6.209680146,6.209680071,6.209680092,6.209680073,6.209680157
+"9573","MIR425",6.000612021,6.00061208,6.000612308,6.00061222,6.000612391,6.00061216,6.000612274,6.000612386,6.000612233,6.000612128,6.000612327,6.000612451,6.00061222,6.000612029,6.00061233,6.00061214,6.000612455,6.000612298,6.000612237,6.000612185,6.000612333,6.000612346,6.000612184,6.00061214,6.000612248,6.00061236,6.000612164,6.000612271
+"9574","MIR429",5.375586812,5.375586802,5.375586672,5.375586692,5.375586799,5.375586705,5.375586874,5.375586565,5.375586946,5.375586748,5.37558697,5.375586933,5.375586687,5.37558634,5.375587035,5.375586696,5.37558703,5.375586887,5.375586773,5.37558671,5.375587013,5.375586859,5.375586767,5.37558654,5.375586551,5.375586807,5.375586729,5.37558676
+"9575","MIR4453HG",5.61590858,5.615908617,5.61590858,5.61590854,5.615908586,5.615908547,5.615908598,5.615908609,5.615908582,5.61590858,5.615908559,5.615908596,5.615908604,5.615908598,5.615908606,5.615908534,5.615908591,5.615908583,5.615908597,5.615908562,5.615908599,5.615908585,5.615908642,5.615908564,5.615908593,5.615908598,5.615908582,5.615908633
+"9576","MIR451A",2.514347306,2.514347307,2.514347321,2.514347324,2.514347323,2.514347323,2.514347311,2.514347301,2.514347301,2.514347317,2.514347316,2.514347328,2.514347321,2.514347302,2.514347317,2.514347293,2.514347329,2.514347316,2.51434729,2.514347319,2.514347307,2.5143473,2.514347311,2.514347327,2.514347313,2.5143473,2.514347311,2.514347308
+"9577","MIR455",3.966258504,3.966258498,3.966258636,3.966258684,3.966258768,3.966258573,3.966258687,3.966258768,3.966258568,3.966258691,3.966258631,3.966258717,3.966258677,3.966258506,3.966258754,3.966258692,3.966258663,3.966258739,3.966258637,3.96625868,3.966258706,3.966258625,3.96625851,3.966258531,3.966258582,3.966258779,3.966258587,3.966258631
+"9578","MIR485",3.899703703,3.899703699,3.899703747,3.89970375,3.899703748,3.899703743,3.89970373,3.899703727,3.89970373,3.899703671,3.899703744,3.899703739,3.899703753,3.8997037,3.899703782,3.899703785,3.899703811,3.899703757,3.899703739,3.899703707,3.899703771,3.899703785,3.89970371,3.899703712,3.899703744,3.899703736,3.899703727,3.899703721
+"9579","MIR487A",2.894726709,2.89472807,2.894726618,2.894727026,2.894727116,2.894726981,2.894727112,2.894727184,2.894727227,2.894726851,2.894726734,2.894727488,2.894726963,2.894727136,2.894727297,2.894727608,2.89472695,2.894727065,2.894726975,2.894727032,2.894727212,2.894727027,2.894727034,2.894726857,2.894727096,2.894727536,2.894726712,2.894727002
+"9580","MIR494",4.981100265,4.981100201,4.981100302,4.98110017,4.981100407,4.981100404,4.981100166,4.981100343,4.981100217,4.981100385,4.981100511,4.981100389,4.981100291,4.981100226,4.981100305,4.981100234,4.981100198,4.981100366,4.981100261,4.981100468,4.981100278,4.98110027,4.981100235,4.981100252,4.981100237,4.981099962,4.981100256,4.98110025
+"9581","MIR495",2.153112527,2.153112574,2.153112556,2.153112575,2.153112538,2.153112649,2.153112615,2.153112559,2.153112579,2.153112645,2.153112614,2.153112593,2.15311257,2.153112597,2.153112518,2.153112534,2.153112562,2.153112548,2.153112628,2.15311257,2.153112542,2.153112541,2.153112569,2.153112599,2.153112578,2.15311255,2.153112575,2.153112625
+"9582","MIR503",5.055816517,5.055816498,5.055816542,5.055816528,5.055816552,5.055816514,5.055816545,5.055816541,5.055816545,5.055816515,5.055816527,5.055816546,5.055816522,5.055816501,5.055816541,5.055816531,5.055816546,5.055816546,5.055816551,5.055816551,5.055816545,5.05581654,5.055816531,5.05581651,5.055816522,5.055816548,5.05581653,5.055816524
+"9583","MIR503HG",6.356278452,6.356278498,6.356278543,6.356278446,6.356278608,6.356278472,6.356278506,6.356278462,6.356278476,6.356278508,6.356278519,6.356278662,6.356278464,6.356278355,6.356278609,6.356278572,6.356278618,6.356278507,6.356278508,6.356278524,6.356278601,6.356278548,6.356278421,6.356278456,6.356278551,6.356278616,6.356278541,6.356278588
+"9584","MIR504",5.382094528,5.382094881,5.382095257,5.382094985,5.38209518,5.38209413,5.382094656,5.382095368,5.382094747,5.382094993,5.382094733,5.382095001,5.382094621,5.382094578,5.3820949,5.382095418,5.382095103,5.382095369,5.382094813,5.382095015,5.382095166,5.382095064,5.382094945,5.3820951,5.382095212,5.382095202,5.382094669,5.382095071
+"9585","MIR516B1",2.535385969,2.535385965,2.535386158,2.53538608,2.53538601,2.535385838,2.535385915,2.535386106,2.535386064,2.535386025,2.535385987,2.535386054,2.535385992,2.535386001,2.535385994,2.53538612,2.535386131,2.535385958,2.535385967,2.535385993,2.535386019,2.535386074,2.535386051,2.535386008,2.535386115,2.535385946,2.535386002,2.53538607
+"9586","MIR516B2",2.341114432,2.341114373,2.341114476,2.34111455,2.341114587,2.341114447,2.341114507,2.341114515,2.341114505,2.341114458,2.34111443,2.341114469,2.341114479,2.341114493,2.341114663,2.341114358,2.34111448,2.341114567,2.341114487,2.341114443,2.341114752,2.34111457,2.341114464,2.34111442,2.341114556,2.341114546,2.341114565,2.341114411
+"9587","MIR570HG",5.858327866,5.858327052,5.858327429,5.858327669,5.858327276,5.858327363,5.858327064,5.858327407,5.858327614,5.858327322,5.858327427,5.858327147,5.858327616,5.858328105,5.858327674,5.858326968,5.858327271,5.858327595,5.858327325,5.858327533,5.858327169,5.858327623,5.858327454,5.858327266,5.858327724,5.858327299,5.858327685,5.858327608
+"9588","MIR600HG",5.670416491,5.67041596,5.670416165,5.670416254,5.670416173,5.670416233,5.670416211,5.670416105,5.670416115,5.670416369,5.670416046,5.670416195,5.670416135,5.670416334,5.670416266,5.670416097,5.670416063,5.670416028,5.670416317,5.670416283,5.670416181,5.670416193,5.670416109,5.670416166,5.670416081,5.67041624,5.67041627,5.670416282
+"9589","MIR622",7.281652614,7.281652428,7.281652128,7.281652298,7.281652683,7.281652301,7.281652914,7.281652007,7.281653025,7.281653066,7.281652413,7.281652034,7.28165243,7.281652717,7.281652502,7.281651985,7.281652149,7.28165311,7.281652955,7.281652411,7.281652788,7.281652857,7.281652851,7.281652254,7.281652981,7.28165237,7.281653124,7.281652688
+"9590","MIR646HG",5.591307884,5.591308166,5.591307656,5.591308133,5.591307563,5.591307754,5.591307837,5.591307899,5.591307596,5.591307639,5.591307574,5.591307758,5.591307631,5.59130766,5.591307577,5.59130811,5.591307626,5.591307784,5.59130795,5.591307677,5.591307625,5.59130776,5.591307811,5.591307988,5.591307955,5.591307969,5.591307643,5.591307333
+"9591","MIR7-2",4.456570745,4.456570768,4.456570767,4.456570748,4.456570788,4.456570791,4.456570778,4.456570772,4.456570767,4.456570778,4.456570773,4.4565708,4.456570757,4.456570752,4.456570795,4.45657076,4.456570785,4.45657078,4.456570781,4.456570781,4.456570773,4.456570775,4.456570774,4.456570771,4.456570762,4.456570754,4.45657077,4.456570775
+"9592","MIR7-3",4.436652601,4.436652678,4.436652585,4.436652318,4.436652974,4.436652559,4.436652805,4.436652771,4.436652578,4.436652574,4.436652773,4.436653046,4.436652613,4.436652281,4.436652922,4.436652562,4.436653121,4.43665268,4.436652792,4.43665278,4.436652917,4.436652943,4.436652349,4.436652298,4.436652369,4.436652931,4.436652545,4.436652972
+"9593","MIR7-3HG",4.983686538,4.983686586,4.983686641,4.983686567,4.98368657,4.983686489,4.983686488,4.98368662,4.983686554,4.98368658,4.983686619,4.983686559,4.983686563,4.983686488,4.983686547,4.983686591,4.983686565,4.983686628,4.983686487,4.983686618,4.983686528,4.983686566,4.983686547,4.983686606,4.983686628,4.983686595,4.983686575,4.983686562
+"9594","MIR9-1",3.221017342,3.221017451,3.221017722,3.221017468,3.221017928,3.22101758,3.221017898,3.221017913,3.221017615,3.221017253,3.221017561,3.221018217,3.221017556,3.221017521,3.221017941,3.221017885,3.221018292,3.221017784,3.221017693,3.22101792,3.221018202,3.221017708,3.221017474,3.221017509,3.221017498,3.22101784,3.22101726,3.221018024
+"9595","MIR9-1HG",3.970831534,3.970831682,3.970831718,3.97083169,3.970831875,3.970831819,3.970831753,3.970831658,3.970831668,3.970831658,3.970831658,3.970831818,3.970831684,3.970831541,3.970831811,3.970831737,3.970832043,3.970831682,3.970831655,3.970831763,3.970831809,3.970831777,3.970831731,3.970831689,3.970831641,3.97083163,3.970831694,3.97083165
+"9596","MIR9-3",4.037414161,4.037414106,4.037414207,4.037413876,4.037414485,4.037414027,4.03741431,4.037414412,4.03741434,4.037414255,4.037414274,4.037414415,4.037414125,4.037414032,4.037414439,4.037414129,4.037414599,4.037414269,4.037414369,4.037414137,4.037414415,4.037414347,4.037414075,4.037414039,4.037414069,4.037414307,4.037414067,4.037414393
+"9597","MIR92A2",3.949507656,3.949507797,3.949507755,3.949507664,3.949507953,3.949507722,3.94950781,3.949507961,3.949507863,3.949507844,3.949507802,3.949507952,3.949507743,3.949507556,3.949507914,3.949507762,3.949507902,3.94950784,3.949507864,3.949507584,3.949507861,3.949507945,3.949507857,3.949507735,3.949507777,3.949507788,3.949507615,3.949507895
+"9598","MIR93",5.192761178,5.192761223,5.192761471,5.192761265,5.192761349,5.19276174,5.192761363,5.19276148,5.192761516,5.192761721,5.192761639,5.19276176,5.192761472,5.192761296,5.192761443,5.192761453,5.192761674,5.192761472,5.192761395,5.192761537,5.192761239,5.192761541,5.19276135,5.192761481,5.192761292,5.192761396,5.192761431,5.192761259
+"9599","MIR95",1.996632812,1.996632828,1.996632781,1.996632811,1.996632735,1.996632783,1.996632865,1.996632785,1.996632853,1.996632802,1.996632885,1.996632821,1.996632865,1.996632809,1.99663277,1.996632853,1.996632769,1.996632851,1.996632853,1.99663283,1.996632783,1.99663276,1.996632802,1.996632814,1.996632777,1.996632808,1.996632796,1.996632807
+"9600","MIR96",2.755163144,2.755163101,2.755163135,2.755163137,2.755163151,2.755163135,2.755163144,2.755163145,2.755163117,2.755163158,2.755163133,2.755163123,2.755163152,2.755163145,2.755163144,2.75516318,2.755163146,2.755163133,2.755163136,2.755163128,2.75516313,2.75516312,2.755163106,2.755163126,2.755163145,2.755163108,2.755163105,2.75516315
+"9601","MIR98",4.233152129,4.233152395,4.233152508,4.233152333,4.233152142,4.233151941,4.233152044,4.23315233,4.233152419,4.233152277,4.23315237,4.233152197,4.233152268,4.233152339,4.233152113,4.233152533,4.233152471,4.2331524,4.233152104,4.233152409,4.233151981,4.23315229,4.233152385,4.233152606,4.233152466,4.233152016,4.233152297,4.233152353
+"9602","MIR99A",4.570670003,4.570669872,4.570670065,4.570670055,4.570670611,4.570669918,4.570670441,4.570670424,4.570670231,4.570670114,4.570669909,4.570670694,4.570670219,4.570669929,4.570670433,4.570670182,4.57067079,4.570670618,4.570670302,4.570670284,4.570670627,4.570670461,4.570669745,4.570669829,4.570670185,4.570670216,4.570670024,4.570670245
+"9603","MIR99AHG",2.954673997,2.954674027,2.954674011,2.95467403,2.954674008,2.954674045,2.954674015,2.95467403,2.954674058,2.954674047,2.954673993,2.954674006,2.954674038,2.954674068,2.954674036,2.954674069,2.954674063,2.954674008,2.954674022,2.954674007,2.954674025,2.954674049,2.954674065,2.95467403,2.954674066,2.954674019,2.954673978,2.954674027
+"9604","MIR99B",6.693016228,6.693016223,6.693016597,6.693016586,6.693017598,6.693016277,6.693016979,6.693017233,6.693016524,6.693016816,6.693017106,6.693017258,6.693016686,6.693015883,6.693017105,6.693016666,6.693017327,6.693017347,6.69301704,6.693016776,6.693017429,6.693017218,6.693016518,6.693016007,6.693016547,6.693017122,6.693016688,6.693016864
+"9605","MIRLET7A1",4.387867866,4.387867971,4.387867938,4.387867876,4.387867883,4.387867794,4.387867734,4.387867995,4.387867866,4.387867782,4.387868003,4.387868048,4.387867982,4.387867744,4.387867926,4.387867996,4.387868004,4.387868051,4.3878679,4.387867809,4.387867908,4.387868059,4.387867881,4.38786801,4.387868003,4.387867752,4.38786771,4.387868125
+"9606","MIRLET7A2",3.297866433,3.297866528,3.297866815,3.297866686,3.297866694,3.297866722,3.29786657,3.297866734,3.297866617,3.297866672,3.297866865,3.297866679,3.297866603,3.297866586,3.297866745,3.297866624,3.297866633,3.297866742,3.297866635,3.297866856,3.297866583,3.297866775,3.297866501,3.297866762,3.297866674,3.297866672,3.297866518,3.297866609
+"9607","MIRLET7BHG",6.255475422,6.255475485,6.255475539,6.255475511,6.255475616,6.255475457,6.255475454,6.255475598,6.25547553,6.255475409,6.255475494,6.255475511,6.255475496,6.255475471,6.255475555,6.255475551,6.255475618,6.255475487,6.255475452,6.255475542,6.255475524,6.255475523,6.255475445,6.255475408,6.255475522,6.255475574,6.255475529,6.255475551
+"9608","MIRLET7C",2.787365569,2.787365593,2.78736559,2.787365628,2.787365544,2.787365638,2.787365549,2.787365615,2.787365625,2.787365638,2.787365673,2.78736559,2.787365536,2.787365547,2.787365582,2.78736563,2.787365623,2.787365635,2.787365554,2.787365574,2.787365497,2.787365572,2.78736557,2.78736561,2.787365624,2.787365582,2.787365651,2.787365598
+"9609","MIRLET7D",5.925799482,5.925799918,5.925799885,5.925799694,5.925799383,5.925799249,5.925799434,5.925799829,5.925799809,5.925799574,5.925799593,5.925799496,5.925799676,5.925800003,5.925799509,5.925800273,5.925799546,5.925799567,5.925799559,5.925799881,5.925799486,5.925799523,5.925799821,5.92580038,5.925799915,5.925799485,5.925799653,5.925799932
+"9610","MIRLET7E",4.662931402,4.662932167,4.662932357,4.662932151,4.662932069,4.66293224,4.662931679,4.662932433,4.662931945,4.662932243,4.662932644,4.662932279,4.662931833,4.662932093,4.662931726,4.662932357,4.662932353,4.662932252,4.662931569,4.662932271,4.662931667,4.662932191,4.662931948,4.662932038,4.662932807,4.662931869,4.662931936,4.662931844
+"9611","MIRLET7F1",4.743625864,4.743625889,4.743625749,4.743625576,4.743625647,4.743625292,4.743625424,4.743625381,4.743625519,4.74362542,4.743625509,4.743625548,4.743625816,4.743626213,4.743625538,4.743625921,4.743625786,4.743625505,4.74362561,4.743625447,4.743625358,4.743625682,4.743625716,4.743625718,4.743625677,4.743625605,4.743625694,4.743625996
+"9612","MIRLET7F2",3.623126748,3.623127125,3.623126807,3.623126743,3.623126561,3.623127284,3.623126651,3.623126536,3.623127044,3.623127174,3.623127071,3.623126581,3.6231266,3.623126823,3.62312687,3.623126999,3.62312707,3.62312664,3.623126915,3.623127146,3.623126076,3.62312675,3.623126887,3.623127137,3.623126551,3.623126453,3.623126737,3.623126416
+"9613","MIRLET7G",5.864744286,5.864744315,5.864744261,5.86474429,5.86474419,5.864744273,5.864744213,5.864744277,5.864744283,5.864744222,5.864744267,5.864744248,5.8647443,5.864744323,5.864744228,5.864744274,5.864744191,5.86474426,5.864744246,5.86474429,5.864744212,5.864744241,5.864744282,5.864744294,5.864744266,5.864744282,5.864744287,5.864744201
+"9614","MIRLET7I",6.002674217,6.002674236,6.002674174,6.002674141,6.002674205,6.002674252,6.002674247,6.002674183,6.002674218,6.002674232,6.002674166,6.002674222,6.002674188,6.002674228,6.002674227,6.002674228,6.002674259,6.002674183,6.002674181,6.002674213,6.00267424,6.002674237,6.002674188,6.002674162,6.002674176,6.002674232,6.002674195,6.002674273
+"9615","MIS12",5.494537783,5.494537088,5.494537265,5.494537379,5.494537219,5.494537018,5.494537629,5.494536596,5.494537694,5.494537817,5.494537045,5.494537148,5.49453805,5.494538311,5.494537346,5.494536931,5.494537095,5.494537174,5.494537574,5.494537181,5.494537569,5.494537245,5.494537958,5.494537944,5.494537113,5.494537723,5.494537894,5.494538124
+"9616","MIS18A",5.977190146,5.977190059,5.977190019,5.977189898,5.977190109,5.977189987,5.97719001,5.977190001,5.977190158,5.977190044,5.977189939,5.977189995,5.977190147,5.977190299,5.977190145,5.977190048,5.977190036,5.97718994,5.977189996,5.977189892,5.977190125,5.977189996,5.977190159,5.977190159,5.977189982,5.977190156,5.97718997,5.977190211
+"9617","MIS18BP1",5.475614757,5.475614558,5.475614574,5.475614569,5.475614494,5.475614305,5.475614564,5.47561448,5.47561425,5.475614454,5.475614481,5.475614177,5.475614475,5.475615061,5.475614626,5.475614451,5.475614587,5.4756146,5.475614812,5.475614403,5.475614558,5.475614364,5.47561444,5.47561445,5.475614675,5.475614398,5.475614544,5.475614747
+"9618","MISP",5.291205806,5.291205861,5.291205909,5.291205896,5.291205935,5.291205783,5.291205863,5.291205865,5.291205854,5.291205899,5.291205933,5.291205941,5.291205819,5.291205771,5.291205877,5.291205887,5.291205989,5.291205915,5.291205908,5.291205896,5.291205879,5.291205957,5.291205905,5.291205868,5.291205865,5.291205875,5.291205857,5.291205835
+"9619","MITD1",4.700633842,4.70063379,4.70063364,4.700633747,4.700633608,4.700633807,4.700633733,4.700633738,4.70063378,4.700633721,4.700633672,4.700633668,4.700633783,4.700633961,4.700633761,4.70063373,4.700633562,4.700633609,4.700633774,4.700633769,4.700633684,4.700633665,4.700633823,4.70063367,4.700633731,4.700633751,4.700633796,4.700633753
+"9620","MITF",5.230369303,5.23036924,5.230369438,5.230369294,5.230369411,5.230369133,5.230369385,5.2303694,5.230369218,5.230369253,5.230369443,5.230369421,5.230369216,5.230369178,5.230369316,5.230369415,5.230369419,5.230369496,5.230369383,5.230369261,5.230369449,5.230369297,5.230369234,5.230369186,5.230369287,5.230369257,5.230369178,5.230369306
+"9621","MIX23",4.854034992,4.854034983,4.854034929,4.854034941,4.854034907,4.854034934,4.854034893,4.854034855,4.854034942,4.854034899,4.854034958,4.854034943,4.85403493,4.854034959,4.854034876,4.854034979,4.854034889,4.854034913,4.854034949,4.854034793,4.854034833,4.854034979,4.854034981,4.854034895,4.854034849,4.854034921,4.854034874,4.854034952
+"9622","MIXL1",5.797974045,5.797974034,5.797974072,5.797974052,5.797974109,5.797974033,5.797974056,5.797974068,5.797974074,5.797974066,5.797974099,5.797974102,5.797974057,5.797974008,5.797974086,5.797974055,5.797974117,5.797974102,5.797974067,5.79797408,5.797974063,5.797974071,5.797974048,5.797974078,5.79797405,5.797974076,5.797974069,5.797974068
+"9623","MKI67",4.946349375,4.94634941,4.946349583,4.946349729,4.946349611,4.946350027,4.946350579,4.946349365,4.946350007,4.946349663,4.9463498,4.946349783,4.946349512,4.946349359,4.946349551,4.946349359,4.946349655,4.946349744,4.946349354,4.946349863,4.946350355,4.946349595,4.946350028,4.946349507,4.946349644,4.946349651,4.946349659,4.946349481
+"9624","MKKS",4.579507825,4.579507753,4.579507598,4.579507605,4.579507559,4.579507729,4.579507708,4.579507643,4.579507722,4.579507838,4.579507649,4.57950755,4.579507805,4.579507959,4.579507683,4.579507729,4.579507569,4.579507578,4.57950775,4.579507601,4.579507636,4.579507723,4.579507746,4.579507819,4.579507693,4.579507624,4.579507763,4.579507795
+"9625","MKLN1",8.195157059,8.195157347,8.195156364,8.195157013,8.195155645,8.195155958,8.195156466,8.195155953,8.195156255,8.195156201,8.195156156,8.195154967,8.195156565,8.195157849,8.195156564,8.195156841,8.19515601,8.195156533,8.195156573,8.195156276,8.195156833,8.195156349,8.195156682,8.195156648,8.195156261,8.195156072,8.195155972,8.195157079
+"9626","MKNK1",8.512130212,8.512130596,8.512129987,8.51213072,8.512129766,8.512130121,8.512130177,8.512130127,8.512129766,8.512129653,8.512130057,8.512129184,8.512130147,8.512130121,8.512130136,8.512130364,8.512130027,8.512130317,8.512130442,8.512130287,8.512129951,8.512130316,8.51213008,8.512130476,8.512129929,8.512129424,8.512130062,8.512129579
+"9627","MKNK2",8.621416553,8.621416761,8.621416784,8.621416899,8.62141656,8.62141687,8.621416716,8.6214168,8.621416744,8.621416682,8.621416648,8.621416714,8.621416629,8.621416543,8.621416628,8.62141665,8.621416789,8.621416855,8.621416603,8.621416797,8.621416597,8.62141676,8.621416757,8.62141673,8.621416745,8.621416813,8.621416676,8.621416596
+"9628","MKRN1",11.04598965,10.91796937,11.32403901,11.05046676,11.07858132,11.50692203,11.40494574,11.44678074,11.40685621,11.34757207,11.13131129,11.50740374,10.97522949,10.8378119,11.12985064,10.67101563,11.27561656,11.08620969,10.83697294,11.40613619,11.38164344,11.29961375,11.34156032,11.33897279,11.08338279,11.52132222,11.1079642,10.82246982
+"9629","MKRN2",7.508185474,7.508185507,7.508185394,7.5081854,7.508185396,7.508185419,7.508185431,7.508185438,7.508185529,7.508185429,7.508185352,7.508185388,7.508185469,7.508185601,7.508185453,7.508185514,7.508185334,7.508185386,7.508185459,7.508185497,7.508185424,7.508185348,7.508185501,7.508185501,7.508185469,7.508185461,7.508185463,7.508185527
+"9630","MKRN3",5.273073354,5.273073413,5.2730734,5.273073349,5.273073423,5.27307339,5.273073393,5.273073415,5.273073401,5.273073372,5.273073379,5.273073406,5.273073329,5.273073347,5.273073413,5.273073454,5.273073414,5.273073414,5.273073446,5.273073426,5.273073397,5.273073399,5.273073378,5.273073361,5.273073386,5.273073399,5.273073356,5.273073368
+"9631","MKRN9P",5.201951815,5.201950996,5.201952116,5.201951605,5.201951317,5.201951413,5.201952288,5.201952623,5.201951739,5.201951347,5.201952185,5.201952044,5.201951653,5.201950533,5.201951522,5.201950897,5.201951817,5.201951472,5.201951231,5.201951221,5.201951938,5.201951901,5.201951043,5.201951514,5.201951757,5.201952547,5.201951615,5.20195088
+"9632","MKS1",5.295300037,5.295300062,5.29530005,5.29530006,5.295300071,5.295300073,5.295300064,5.295300064,5.295300098,5.295300065,5.295300025,5.295299997,5.295300127,5.2953001,5.295300108,5.295300039,5.295300104,5.29530003,5.29530006,5.295300035,5.295300105,5.295300115,5.295300074,5.295300095,5.295300039,5.295300073,5.295300076,5.295300094
+"9633","MKX",4.704041176,4.704041174,4.704041181,4.704041175,4.704041194,4.70404118,4.70404118,4.704041186,4.704041183,4.704041204,4.704041198,4.704041203,4.704041171,4.704041162,4.704041191,4.704041178,4.704041198,4.704041191,4.704041175,4.704041186,4.704041182,4.704041198,4.704041176,4.704041162,4.704041171,4.704041191,4.704041183,4.704041186
+"9634","MLANA",3.519145048,3.519145124,3.519144965,3.519145131,3.519145217,3.519145016,3.519145113,3.519145035,3.519145021,3.519145084,3.519145034,3.519145186,3.519144952,3.519145019,3.519144965,3.519145153,3.519145124,3.519145016,3.519144911,3.519145145,3.519144965,3.519145058,3.519144934,3.519144998,3.519144929,3.51914489,3.519144992,3.519145125
+"9635","MLC1",6.384563363,6.384563367,6.384563383,6.384563333,6.384563386,6.384563374,6.384563362,6.38456333,6.384563324,6.384563374,6.384563375,6.384563351,6.384563383,6.384563348,6.384563365,6.384563375,6.38456338,6.384563364,6.384563346,6.384563361,6.384563374,6.384563333,6.384563379,6.384563365,6.384563347,6.384563385,6.384563351,6.38456338
+"9636","MLEC",6.954258095,6.954258109,6.954258056,6.954258081,6.954258081,6.954258096,6.954258108,6.954258013,6.954258085,6.954258115,6.95425802,6.954258032,6.954258083,6.954258138,6.954258053,6.954258042,6.954258012,6.954258,6.954258054,6.954258079,6.954258069,6.954258054,6.954258076,6.954258075,6.954257991,6.954258045,6.954258082,6.954258095
+"9637","MLF1",3.487448682,3.487448705,3.487448732,3.487448756,3.487448795,3.487448683,3.487448751,3.487448806,3.487448717,3.487448794,3.48744873,3.487448815,3.487448751,3.487448668,3.487448838,3.487448793,3.487448857,3.48744881,3.487448695,3.487448764,3.487448711,3.487448766,3.487448758,3.487448747,3.487448786,3.487448715,3.48744879,3.487448666
+"9638","MLF2",8.386035362,8.386035917,8.386035739,8.386036225,8.386035513,8.38603574,8.386035204,8.386035673,8.386035412,8.38603544,8.386035587,8.386035194,8.386035548,8.386035516,8.386035459,8.386035946,8.386035622,8.386035969,8.386035562,8.386035904,8.386034998,8.386035821,8.386035525,8.38603591,8.386035589,8.386035426,8.386035429,8.386035297
+"9639","MLH1",6.175997409,6.175997086,6.175997314,6.175996944,6.175996857,6.175997147,6.175997309,6.175996836,6.175997152,6.175996953,6.17599717,6.175996818,6.17599739,6.175997618,6.175996938,6.175997008,6.175996865,6.175996867,6.175997136,6.175997238,6.175997265,6.17599702,6.175997168,6.175997046,6.175997171,6.175997204,6.175997326,6.175997406
+"9640","MLH3",5.298712754,5.298712739,5.298712705,5.298712663,5.298712653,5.298712628,5.298712683,5.298712604,5.298712793,5.298712679,5.298712649,5.298712604,5.298712749,5.298712884,5.298712714,5.298712641,5.298712571,5.298712668,5.298712714,5.298712683,5.298712657,5.298712708,5.298712717,5.29871273,5.298712671,5.298712748,5.298712688,5.298712834
+"9641","MLIP",2.760663185,2.760663292,2.76066336,2.760663279,2.760663357,2.760663429,2.760663352,2.760663313,2.760663303,2.760663336,2.760663414,2.760663416,2.760663331,2.760663246,2.760663294,2.760663313,2.760663439,2.760663386,2.760663311,2.760663416,2.760663317,2.760663379,2.760663403,2.760663287,2.760663307,2.760663381,2.760663289,2.760663439
+"9642","MLKL",7.801332785,7.801334673,7.801331488,7.801333037,7.801332291,7.801336572,7.801333494,7.801330716,7.80133302,7.801332423,7.801333294,7.801329684,7.801332771,7.801335015,7.801333218,7.801334284,7.801331639,7.801330429,7.80133291,7.801337021,7.801332298,7.801331605,7.801334325,7.801333614,7.801333041,7.80133134,7.801332777,7.801332599
+"9643","MLLT1",7.070356327,7.070356364,7.070356409,7.070356436,7.070356374,7.070356394,7.070356332,7.070356433,7.070356362,7.070356378,7.070356358,7.070356332,7.070356345,7.070356236,7.070356318,7.070356351,7.070356433,7.070356404,7.070356335,7.070356419,7.070356306,7.070356405,7.07035637,7.070356315,7.070356335,7.070356332,7.070356345,7.070356288
+"9644","MLLT10",6.086604279,6.086604259,6.086604202,6.086604229,6.086604253,6.086604262,6.086604287,6.086604253,6.08660428,6.086604256,6.086604216,6.086604225,6.086604296,6.086604333,6.086604286,6.086604248,6.086604214,6.08660422,6.086604287,6.086604248,6.086604249,6.086604231,6.086604292,6.086604279,6.086604249,6.086604284,6.086604312,6.086604257
+"9645","MLLT11",5.593570917,5.593570911,5.593570868,5.593570896,5.593570856,5.593570963,5.593570937,5.593570857,5.593570959,5.593570942,5.593570889,5.59357096,5.593570955,5.593570892,5.593570944,5.593570879,5.593570869,5.593570842,5.593570796,5.593570834,5.593570882,5.59357094,5.593570938,5.593570932,5.593570925,5.593570889,5.593570967,5.593570868
+"9646","MLLT3",5.703905432,5.703904956,5.703904357,5.70390472,5.703904756,5.703904562,5.703905063,5.703905276,5.703906074,5.70390569,5.703904308,5.703904689,5.703905727,5.703906829,5.703904978,5.703904512,5.703904924,5.703904579,5.703905385,5.703904225,5.703905071,5.703904806,5.703906057,5.703905309,5.703904769,5.703905447,5.703905851,5.703906213
+"9647","MLLT6",7.892024575,7.892024502,7.89202455,7.892024501,7.892024571,7.892024713,7.8920246,7.892024644,7.892024658,7.892024615,7.892024545,7.892024686,7.892024623,7.892024544,7.892024543,7.89202447,7.892024454,7.892024496,7.892024507,7.892024514,7.892024528,7.892024664,7.89202458,7.89202451,7.892024526,7.892024669,7.892024635,7.892024513
+"9648","MLN",5.660638141,5.660638166,5.660638196,5.660638144,5.660638235,5.660638127,5.660638174,5.660638196,5.660638183,5.660638115,5.660638209,5.660638195,5.660638166,5.660638104,5.660638178,5.660638194,5.660638198,5.660638223,5.660638177,5.660638179,5.660638206,5.660638213,5.660638135,5.66063817,5.660638187,5.660638198,5.660638148,5.660638141
+"9649","MLNR",5.527741584,5.52774152,5.52774166,5.52774142,5.527741863,5.527741611,5.527741615,5.527741789,5.52774163,5.527741798,5.527741617,5.527741745,5.527741555,5.527741341,5.527741784,5.527741444,5.527741762,5.527741692,5.52774162,5.527741692,5.527741612,5.527741726,5.527741481,5.527741391,5.527741492,5.527741664,5.527741567,5.527741409
+"9650","MLPH",5.07315505,5.073155012,5.073155124,5.073154976,5.073155092,5.073154843,5.073155033,5.073155138,5.073155082,5.073154997,5.073155112,5.073155166,5.073155077,5.07315497,5.073155146,5.073155121,5.073155141,5.073155144,5.073155049,5.073155099,5.073155144,5.073155103,5.073155054,5.073154971,5.073155142,5.073155068,5.073155012,5.073155009
+"9651","MLST8",6.856031402,6.856031285,6.856031486,6.856031433,6.856031542,6.856031363,6.856031422,6.85603147,6.85603149,6.856031365,6.856031503,6.856031646,6.856031412,6.856031218,6.856031541,6.856031356,6.856031546,6.856031462,6.856031462,6.856031474,6.856031528,6.856031495,6.856031265,6.856031339,6.856031388,6.856031516,6.85603136,6.856031492
+"9652","MLX",7.399032494,7.399032487,7.39903252,7.399032555,7.399032526,7.399032513,7.3990325,7.3990325,7.399032475,7.399032502,7.399032553,7.399032451,7.399032511,7.399032498,7.399032472,7.399032457,7.399032501,7.399032505,7.399032496,7.399032385,7.399032484,7.399032469,7.399032459,7.399032515,7.399032506,7.399032447,7.399032518,7.399032456
+"9653","MLXIP",7.039652648,7.039652701,7.039652671,7.039652703,7.039652651,7.039652717,7.039652703,7.039652722,7.039652748,7.039652697,7.039652713,7.039652729,7.039652669,7.039652636,7.039652651,7.039652633,7.039652678,7.039652643,7.039652661,7.039652655,7.039652639,7.039652663,7.039652707,7.039652724,7.039652687,7.039652708,7.039652707,7.039652648
+"9654","MLXIPL",4.807288739,4.807288931,4.80728887,4.807288843,4.807288913,4.807288593,4.807288895,4.807288989,4.807288752,4.807288753,4.807288874,4.807288862,4.807288658,4.8072886,4.807288965,4.807288916,4.80728879,4.807289055,4.807288742,4.807288928,4.807288915,4.807288921,4.807288844,4.807288715,4.807288915,4.807288851,4.80728862,4.807288681
+"9655","MLYCD",6.14298087,6.142980859,6.142980378,6.142980375,6.142980473,6.142980581,6.142980419,6.142980381,6.142980786,6.142980378,6.142979947,6.142980589,6.142980752,6.142980805,6.142980542,6.142980822,6.142980368,6.142980445,6.142980545,6.142980603,6.142980358,6.142980677,6.142980677,6.14298054,6.142980489,6.142980537,6.142980586,6.142980881
+"9656","MMAA",5.40613991,5.406139809,5.406139827,5.406139652,5.406139668,5.406139795,5.406139862,5.406139791,5.40613991,5.406139771,5.406139768,5.406139738,5.40613982,5.406140016,5.40613985,5.406139699,5.406139615,5.406139635,5.406139815,5.406139878,5.406139802,5.406139886,5.406139971,5.406139858,5.406139624,5.406139889,5.40613986,5.406139936
+"9657","MMAB",5.623092313,5.623092309,5.623092301,5.623092277,5.623092368,5.623092284,5.623092324,5.623092309,5.623092296,5.623092301,5.623092385,5.623092434,5.623092308,5.623092263,5.623092366,5.623092345,5.623092381,5.623092353,5.623092279,5.623092353,5.623092357,5.623092378,5.62309231,5.623092263,5.623092313,5.623092378,5.623092283,5.623092336
+"9658","MMACHC",5.393599299,5.393599298,5.393599289,5.393599295,5.393599327,5.393599294,5.393599315,5.393599334,5.393599305,5.393599301,5.393599308,5.393599336,5.393599301,5.393599296,5.393599313,5.393599301,5.393599331,5.393599301,5.393599306,5.393599302,5.393599317,5.393599339,5.393599316,5.393599305,5.393599304,5.39359932,5.393599305,5.393599324
+"9659","MMADHC",6.913455648,6.913455198,6.913454915,6.913455045,6.913454842,6.913454765,6.913455294,6.913454769,6.913455028,6.913454939,6.913454792,6.913454302,6.913455093,6.913456002,6.913455072,6.913455303,6.91345486,6.913454882,6.913455343,6.913454943,6.913455104,6.91345483,6.913455262,6.913455233,6.913454606,6.913454955,6.913454842,6.913455377
+"9660","MMD",7.042091084,7.042091685,7.042091772,7.042093115,7.042092177,7.042091576,7.042090605,7.042091861,7.042091438,7.042091955,7.042091965,7.042091254,7.042091755,7.042090399,7.04209112,7.042090895,7.04209184,7.042093085,7.042092106,7.042091475,7.042090704,7.042091175,7.042092356,7.042092925,7.042092119,7.042091623,7.042092132,7.042090877
+"9661","MMD2",4.991555518,4.991555513,4.991555678,4.991555558,4.991555823,4.991555503,4.991555736,4.99155576,4.991555624,4.991555619,4.991555777,4.991555789,4.99155567,4.991555418,4.991555761,4.991555747,4.991555824,4.991555761,4.991555764,4.991555663,4.991555746,4.991555698,4.991555461,4.991555575,4.991555661,4.991555725,4.991555623,4.991555706
+"9662","MME",8.849408616,9.179988763,8.525498921,9.717184668,8.567810365,8.707925752,9.38503006,8.570175503,8.926660946,8.698065392,8.759103754,8.647028917,8.500648844,9.139103996,9.353594552,9.551346031,9.011777966,9.645222696,9.598268646,9.228332354,9.591606353,8.843096669,9.691950984,9.602270787,9.330853251,9.171610225,8.333855178,9.020388987
+"9663","MMEL1",4.776356802,4.776356874,4.776356882,4.776356875,4.776356949,4.776356877,4.776356887,4.776356874,4.776356916,4.776356884,4.776356923,4.776356906,4.776356863,4.776356809,4.776356941,4.776356858,4.776356941,4.776356897,4.776356872,4.776356893,4.776356893,4.776356925,4.776356848,4.77635688,4.776356879,4.776356879,4.776356861,4.776356926
+"9664","MMGT1",6.954392661,6.95439248,6.954392471,6.954392544,6.954392415,6.954392396,6.954392445,6.954392476,6.954392352,6.954392525,6.954392386,6.954392382,6.954392527,6.954392638,6.954392431,6.954392386,6.954392294,6.95439241,6.954392455,6.954392514,6.954392459,6.954392434,6.954392506,6.954392584,6.954392461,6.954392428,6.954392476,6.954392496
+"9665","MMP1",4.099162212,4.099162216,4.099162231,4.099162239,4.099162243,4.099162225,4.099162221,4.099162224,4.099162211,4.099162225,4.099162234,4.09916223,4.099162216,4.099162204,4.099162213,4.099162225,4.09916226,4.099162234,4.099162224,4.099162232,4.099162216,4.099162238,4.099162221,4.099162217,4.099162215,4.099162228,4.099162223,4.099162235
+"9666","MMP10",3.759122002,3.759122024,3.759122001,3.759121987,3.759122051,3.75912198,3.759122011,3.759121997,3.759121996,3.759122004,3.759121989,3.759122054,3.759121951,3.759122029,3.75912198,3.759122039,3.759122129,3.759122069,3.759122077,3.759121947,3.759122029,3.759121987,3.759121957,3.759121989,3.759121987,3.759121987,3.759121963,3.759122064
+"9667","MMP11",5.700656075,5.70065603,5.700656115,5.70065604,5.700656173,5.700656083,5.70065606,5.700656135,5.700656122,5.700656038,5.700656128,5.700656178,5.700656083,5.700655988,5.700656148,5.700656053,5.700656133,5.700656066,5.700656101,5.700656134,5.700656146,5.700656187,5.700656056,5.700656026,5.700656028,5.700656123,5.700656099,5.700656111
+"9668","MMP12",2.869436505,2.86943651,2.869436568,2.869436577,2.869436529,2.869436539,2.869436528,2.869436564,2.869436548,2.869436566,2.86943649,2.869436571,2.869436527,2.869436513,2.86943648,2.869436585,2.869436497,2.869436521,2.869436534,2.86943655,2.869436511,2.869436544,2.869436528,2.869436534,2.869436482,2.869436481,2.869436531,2.869436557
+"9669","MMP13",3.450412849,3.450412681,3.450412886,3.450412854,3.450412722,3.450412828,3.450412943,3.45041302,3.450412978,3.450412762,3.450412847,3.450412986,3.450412783,3.45041278,3.450412909,3.450412815,3.450413235,3.450412977,3.450412849,3.450412829,3.450412854,3.450412871,3.450412886,3.450412784,3.4504129,3.450412789,3.450412826,3.450412859
+"9670","MMP14",5.397444231,5.397444232,5.397444315,5.397444269,5.397444351,5.397444291,5.397444318,5.397444311,5.397444254,5.397444346,5.397444325,5.397444319,5.397444262,5.397444203,5.397444321,5.397444268,5.39744435,5.397444306,5.397444309,5.39744425,5.397444326,5.397444342,5.397444243,5.397444227,5.39744423,5.397444331,5.397444275,5.39744426
+"9671","MMP15",4.933830867,4.933830936,4.933831183,4.933830892,4.933831249,4.933831078,4.933831094,4.933831277,4.933830814,4.933831259,4.93383115,4.933831328,4.933831017,4.933830726,4.933831189,4.93383107,4.933831272,4.933831113,4.933831054,4.93383107,4.933831131,4.933831149,4.933830884,4.933831012,4.933831069,4.933831098,4.933830967,4.933831116
+"9672","MMP16",3.642885972,3.642886165,3.642886251,3.642886048,3.642886296,3.642885908,3.642886204,3.642886065,3.64288601,3.642886063,3.642886128,3.642886417,3.642886153,3.642885996,3.64288632,3.64288624,3.642886177,3.642886126,3.642886136,3.642886047,3.642886245,3.642886312,3.642886105,3.642886089,3.642886185,3.642886128,3.642886042,3.642886172
+"9673","MMP17",6.382850398,6.382850396,6.382850409,6.38285035,6.382850501,6.382850393,6.382850419,6.382850449,6.382850375,6.382850404,6.382850498,6.382850477,6.382850439,6.382850308,6.382850472,6.382850391,6.382850444,6.382850439,6.382850418,6.382850402,6.382850401,6.382850465,6.38285032,6.382850373,6.382850463,6.382850477,6.382850366,6.382850376
+"9674","MMP19",4.836766114,4.836766125,4.836766138,4.836766126,4.836766138,4.836766101,4.836766128,4.836766133,4.836766115,4.836766129,4.83676613,4.836766131,4.836766125,4.836766108,4.836766131,4.836766136,4.836766137,4.836766139,4.836766122,4.83676613,4.836766136,4.836766129,4.836766122,4.836766123,4.836766138,4.836766123,4.836766122,4.836766117
+"9675","MMP2",4.754910758,4.754910751,4.754910811,4.754910785,4.754910795,4.754910743,4.75491078,4.754910793,4.754910778,4.754910732,4.754910865,4.754910792,4.754910774,4.75491074,4.754910769,4.754910785,4.754910859,4.754910816,4.75491078,4.754910794,4.754910783,4.754910786,4.754910785,4.754910737,4.754910797,4.754910789,4.754910777,4.754910787
+"9676","MMP20",3.995847023,3.995847061,3.995847225,3.995847152,3.995847195,3.995847167,3.99584705,3.99584719,3.995847052,3.995847125,3.995847228,3.995847281,3.995847013,3.995846982,3.995847198,3.995847163,3.995847318,3.995847108,3.995847103,3.995847049,3.995847171,3.995847284,3.995847149,3.995847078,3.995847192,3.995847193,3.995847032,3.995847172
+"9677","MMP21",5.114319648,5.114319656,5.114319809,5.114319745,5.114319979,5.114319669,5.114319673,5.11431987,5.114319826,5.114319741,5.114319767,5.114320154,5.11431971,5.114319463,5.114320099,5.114319629,5.114320071,5.114319854,5.114319745,5.114319805,5.11432,5.1143199,5.114319671,5.114319648,5.114319765,5.114319863,5.114319666,5.114319756
+"9678","MMP24",5.251557005,5.251556998,5.251557043,5.251557041,5.251557072,5.251557009,5.251556995,5.251557082,5.251556996,5.251557051,5.251557051,5.251557081,5.251557061,5.251556966,5.251557046,5.251557065,5.251557112,5.251557032,5.251557041,5.251557052,5.25155704,5.251557073,5.251556991,5.251557006,5.25155705,5.251557045,5.251557031,5.251557017
+"9679","MMP25",8.638385549,8.638386274,8.638381959,8.638388679,8.638378117,8.638380966,8.638382742,8.638380937,8.638378781,8.638378238,8.63838262,8.638378466,8.638379758,8.638376132,8.638386926,8.638386517,8.638383811,8.638387535,8.638383848,8.638380408,8.638381723,8.638380676,8.638382474,8.638383499,8.638385692,8.638379164,8.638379371,8.638376162
+"9680","MMP26",3.235797802,3.235797799,3.235797806,3.235797805,3.235797811,3.235797828,3.235797817,3.235797807,3.235797805,3.235797805,3.235797821,3.235797822,3.235797809,3.235797805,3.23579782,3.235797822,3.235797821,3.2357978,3.235797808,3.235797798,3.235797798,3.235797803,3.235797791,3.235797815,3.235797802,3.235797799,3.235797801,3.235797805
+"9681","MMP27",3.481888167,3.481888155,3.481888178,3.481888155,3.481888167,3.481888166,3.481888145,3.481888192,3.481888144,3.481888177,3.481888157,3.481888171,3.481888153,3.481888147,3.48188815,3.481888195,3.481888175,3.481888166,3.481888163,3.481888148,3.481888152,3.481888166,3.481888142,3.481888151,3.481888167,3.481888139,3.481888154,3.481888144
+"9682","MMP28",5.471486086,5.471486147,5.471486179,5.471486176,5.471486204,5.471486116,5.471486146,5.471486181,5.471486144,5.471486161,5.471486168,5.471486209,5.471486144,5.471486086,5.471486144,5.471486178,5.471486222,5.471486153,5.471486161,5.471486159,5.471486135,5.471486199,5.471486133,5.471486131,5.471486159,5.471486171,5.47148617,5.471486124
+"9683","MMP3",3.905395442,3.905395436,3.905395469,3.905395472,3.905395499,3.905395454,3.905395443,3.905395471,3.905395493,3.905395434,3.905395509,3.905395478,3.905395444,3.905395406,3.90539551,3.905395505,3.905395453,3.905395446,3.905395519,3.905395472,3.905395468,3.905395512,3.905395449,3.905395474,3.905395432,3.905395482,3.905395441,3.905395516
+"9684","MMP7",3.369466246,3.369466238,3.369466268,3.369466292,3.369466284,3.369466249,3.369466315,3.369466393,3.369466233,3.369466251,3.369466303,3.369466346,3.369466266,3.369466257,3.369466286,3.369466327,3.369466326,3.369466306,3.369466297,3.369466263,3.369466303,3.369466299,3.36946627,3.369466247,3.369466318,3.369466296,3.3694663,3.36946629
+"9685","MMP8",4.096760436,4.096759613,4.096761309,4.09676038,4.096758581,4.096759575,4.09676446,4.096758963,4.096759489,4.096758382,4.096761409,4.096758801,4.096758618,4.09675802,4.096760755,4.096759288,4.096761837,4.096759417,4.096758694,4.096760129,4.0967639,4.096758894,4.096757818,4.096758625,4.09676044,4.096758935,4.096757221,4.096757753
+"9686","MMP9",7.316010859,7.93402512,7.672259169,8.740075736,6.739306618,7.776198134,8.35195674,7.752401968,7.935537016,7.042097843,7.996936984,7.786320609,7.149816092,7.086959854,7.64534377,8.367062219,7.996598466,8.354669961,7.88208799,8.296244832,8.166019563,7.79149715,8.324566272,8.060251153,8.323940948,7.950404274,6.911935985,6.953910415
+"9687","MMRN1",4.905981388,4.905981829,4.905981814,4.905983249,4.90598215,4.905981373,4.905981849,4.905980992,4.905981202,4.905982628,4.905983187,4.9059818,4.905981782,4.905981785,4.905981579,4.905981796,4.905981972,4.905983455,4.905981655,4.905981205,4.905981949,4.905981089,4.905981367,4.905983247,4.905983376,4.90598196,4.905981669,4.905981706
+"9688","MMRN2",4.797861358,4.797861494,4.797861448,4.797861473,4.797861528,4.797861476,4.797861471,4.797861475,4.797861404,4.797861445,4.79786148,4.797861474,4.797861478,4.797861381,4.797861429,4.797861583,4.797861609,4.797861543,4.797861471,4.797861505,4.797861487,4.797861484,4.79786141,4.797861437,4.797861437,4.797861541,4.797861484,4.797861468
+"9689","MMS19",7.188577328,7.188577227,7.188577135,7.188577071,7.188577196,7.188577307,7.188577222,7.188577226,7.188577285,7.188577227,7.188577109,7.188577211,7.18857726,7.188577355,7.18857717,7.188577207,7.188577036,7.188577019,7.188577207,7.188577311,7.188577216,7.188577225,7.188577231,7.188577223,7.188577108,7.188577287,7.188577288,7.188577205
+"9690","MMS22L",4.884485258,4.88448512,4.884485216,4.884485157,4.884485083,4.884485093,4.884485209,4.884485146,4.884485153,4.884485211,4.884485176,4.88448506,4.884485163,4.884485361,4.884485143,4.884485175,4.884485124,4.884485136,4.884485256,4.884485063,4.884485229,4.88448516,4.884485232,4.884485189,4.8844852,4.884485092,4.884485198,4.884485222
+"9691","MMUT",5.434866495,5.434866407,5.434866466,5.434866098,5.434866,5.434866138,5.434866338,5.434866015,5.434866291,5.434866382,5.434865959,5.43486587,5.434866196,5.434866602,5.434866286,5.434866362,5.43486622,5.434866181,5.4348664,5.434866016,5.434866234,5.434866174,5.434866451,5.434866319,5.434866212,5.43486612,5.434866185,5.434866426
+"9692","MN1",5.594484417,5.594484431,5.594484511,5.594484441,5.594484653,5.594484524,5.594484527,5.594484514,5.594484453,5.594484573,5.594484532,5.594484695,5.594484496,5.594484304,5.594484619,5.594484551,5.59448461,5.594484587,5.594484555,5.594484552,5.59448461,5.594484549,5.594484357,5.594484424,5.5944845,5.594484545,5.59448448,5.594484511
+"9693","MNAT1",4.632147809,4.63214779,4.632147795,4.632147761,4.63214778,4.632147774,4.632147789,4.632147783,4.632147784,4.632147793,4.632147791,4.632147778,4.632147798,4.63214781,4.632147797,4.632147808,4.632147785,4.632147781,4.632147784,4.632147778,4.632147789,4.632147785,4.632147791,4.632147791,4.632147773,4.63214779,4.632147798,4.632147788
+"9694","MND1",3.123417612,3.123417627,3.123417695,3.123417752,3.123417639,3.123417691,3.123417681,3.123417696,3.123417785,3.123417728,3.123417643,3.123417682,3.123417652,3.123417738,3.123417642,3.123417691,3.123417669,3.123417635,3.123417694,3.123417758,3.123417614,3.123417641,3.123417728,3.123417686,3.123417701,3.12341765,3.123417656,3.123417739
+"9695","MNDA",8.598137675,8.598138675,8.598136757,8.598139465,8.598136627,8.598136852,8.598135378,8.598137015,8.598134283,8.598134276,8.598137688,8.598132274,8.598135631,8.598140366,8.598137051,8.598138793,8.598137543,8.598138699,8.598139727,8.598138865,8.598137778,8.598138749,8.59813711,8.598137869,8.598138792,8.598135445,8.598134603,8.598138648
+"9696","MNS1",2.739058232,2.739058191,2.739058187,2.739058284,2.739058314,2.739058164,2.739058265,2.73905823,2.739058148,2.739058251,2.739058262,2.739058361,2.739058218,2.739058433,2.739058353,2.739058225,2.739058269,2.739058342,2.739058112,2.73905815,2.739058251,2.739058268,2.739058271,2.739058276,2.739058251,2.739058351,2.739058152,2.739058341
+"9697","MNT",6.656360701,6.656360821,6.656360786,6.656360789,6.656360882,6.656360841,6.656360897,6.656360794,6.656360849,6.656360793,6.656360711,6.656360749,6.656360822,6.656360736,6.656360783,6.656360783,6.656360855,6.656360886,6.656360861,6.656360839,6.656360872,6.656360841,6.65636076,6.65636079,6.656360777,6.656360822,6.656360766,6.656360721
+"9698","MNX1",6.621494496,6.621494596,6.621494859,6.621494709,6.621494836,6.62149471,6.62149477,6.621494797,6.621494618,6.621494642,6.621494846,6.621495012,6.621494629,6.621494334,6.621494759,6.621494527,6.62149487,6.621494908,6.621494652,6.621494497,6.621494654,6.621494808,6.621494524,6.621494506,6.621494635,6.621494718,6.621494537,6.621494564
+"9699","MOAP1",6.856752036,6.856752055,6.856752055,6.856752032,6.856752037,6.856752059,6.856752081,6.85675203,6.856752087,6.85675205,6.856752076,6.856752051,6.856752063,6.856752104,6.856752078,6.856752064,6.856752077,6.85675203,6.856752,6.856752044,6.856752062,6.856752086,6.856752094,6.856752021,6.856752007,6.856752045,6.856752064,6.856752107
+"9700","MOB1A",9.184217114,9.184216492,9.184216317,9.184216609,9.184216094,9.184216377,9.184216627,9.184215757,9.184215708,9.184216059,9.184216328,9.184215326,9.184216586,9.184217499,9.184216504,9.18421543,9.184215975,9.184216363,9.184216506,9.184216899,9.184216831,9.184216015,9.184216406,9.184216705,9.184216311,9.18421612,9.184216446,9.184216634
+"9701","MOB1B",6.212324694,6.212324376,6.212324544,6.212324755,6.212324453,6.212324309,6.212324293,6.212324457,6.212324345,6.212324663,6.21232452,6.212324391,6.212324578,6.212324368,6.2123243,6.212324204,6.212324172,6.212324695,6.212324463,6.212324509,6.212324391,6.212324227,6.212324596,6.212324774,6.212324559,6.212324581,6.212324598,6.212324465
+"9702","MOB2",5.514949282,5.514949294,5.514949276,5.514949301,5.514949298,5.51494931,5.514949266,5.514949276,5.514949289,5.514949279,5.514949314,5.514949288,5.514949302,5.514949277,5.514949304,5.514949291,5.514949271,5.514949301,5.514949276,5.514949316,5.514949304,5.51494929,5.514949285,5.514949285,5.514949292,5.514949293,5.514949297,5.514949275
+"9703","MOB3A",9.734900984,9.734902433,9.734900733,9.734902981,9.734901036,9.734903031,9.734901747,9.734901556,9.734900989,9.734901246,9.734901305,9.734900155,9.734901394,9.734900979,9.734901635,9.734901799,9.734900995,9.734902291,9.734901727,9.73490278,9.734901523,9.734901693,9.734901784,9.734902232,9.734901737,9.734901101,9.734901455,9.734900483
+"9704","MOB3B",5.981115583,5.981115552,5.981115577,5.981115584,5.98111558,5.98111559,5.981115583,5.981115566,5.981115561,5.981115579,5.981115566,5.981115576,5.98111558,5.981115589,5.981115583,5.981115572,5.981115568,5.981115579,5.981115584,5.981115593,5.981115577,5.981115557,5.981115568,5.981115589,5.981115569,5.9811156,5.981115572,5.981115565
+"9705","MOBP",4.377683973,4.377683985,4.377683987,4.37768399,4.377683998,4.377683978,4.377683977,4.377683984,4.37768399,4.377683996,4.37768398,4.377684012,4.377683983,4.377683955,4.37768399,4.377684012,4.377684,4.377684012,4.377683969,4.377684018,4.377683995,4.37768402,4.377683991,4.377683992,4.377683985,4.377683997,4.37768396,4.377683992
+"9706","MOCOS",4.070884174,4.070884169,4.070884175,4.07088418,4.070884193,4.070884182,4.070884182,4.070884187,4.070884176,4.070884181,4.070884181,4.070884187,4.070884179,4.070884174,4.070884186,4.070884174,4.070884186,4.070884184,4.070884192,4.070884191,4.070884179,4.070884187,4.070884181,4.07088418,4.070884179,4.070884185,4.070884185,4.070884191
+"9707","MOCS1",4.762421148,4.762421157,4.762421206,4.76242114,4.762421235,4.762421027,4.762421265,4.762421174,4.762421251,4.762421081,4.762421238,4.762421293,4.762421158,4.762421107,4.762421219,4.762421243,4.762421288,4.76242125,4.762421167,4.762421171,4.76242123,4.762421186,4.762421094,4.762421196,4.762421163,4.762421099,4.762421082,4.762421247
+"9708","MOCS2",4.895276711,4.895276428,4.895276599,4.895276218,4.895276172,4.895276321,4.89527673,4.895276521,4.895276638,4.895276554,4.895276229,4.895276507,4.895276569,4.8952769,4.895276513,4.895276472,4.895276414,4.895276455,4.895276622,4.895276176,4.895276342,4.895276525,4.895276702,4.895276579,4.895276335,4.895276531,4.895276502,4.89527668
+"9709","MOCS3",4.970769096,4.970769101,4.970769087,4.970768918,4.970769082,4.970769032,4.970768985,4.970769039,4.970769146,4.970769076,4.970768813,4.970768856,4.970768955,4.970769066,4.970768829,4.970769052,4.970769009,4.970768938,4.970769027,4.970769177,4.970768896,4.97076907,4.970769174,4.970769182,4.970768923,4.970768984,4.970769089,4.970769106
+"9710","MOG",5.71546779533333,5.71546764133333,5.715467658,5.715467683,5.71546774766667,5.71546749,5.715467547,5.71546760933333,5.71546737433333,5.715467407,5.71546779133333,5.715467751,5.71546741,5.71546755566667,5.71546713133333,5.71546770366667,5.715467703,5.71546743333333,5.71546760533333,5.71546717033333,5.715467475,5.71546774966667,5.715467087,5.71546777066667,5.71546789266667,5.71546783833333,5.71546746133333,5.71546737433333
+"9711","MOGAT1",4.089731595,4.089731604,4.089731722,4.089731572,4.089731752,4.089731717,4.089731647,4.089731697,4.089731611,4.089731697,4.089731717,4.089731786,4.089731596,4.089731497,4.089731702,4.089731632,4.089731748,4.089731697,4.089731703,4.089731661,4.089731673,4.089731669,4.089731638,4.089731626,4.089731657,4.089731698,4.089731632,4.089731673
+"9712","MOGAT2",4.21372498,4.213725312,4.213725439,4.213725331,4.21372536,4.213725338,4.213725284,4.213725551,4.213725319,4.213725344,4.213725287,4.213725352,4.213725359,4.213725214,4.213725412,4.21372541,4.213725296,4.213725534,4.213725475,4.213725292,4.213725192,4.213725362,4.21372547,4.213725309,4.213725157,4.213725374,4.213725196,4.213725196
+"9713","MOGAT3",4.916428243,4.916428335,4.916428482,4.916428257,4.916428677,4.916428577,4.916428591,4.916428645,4.916428526,4.916428615,4.916428609,4.916428789,4.916428441,4.916428233,4.916428651,4.916428456,4.916428876,4.916428416,4.916428544,4.916428652,4.916428562,4.916428536,4.916428556,4.91642869,4.91642852,4.916428477,4.916428508,4.916428694
+"9714","MOGS",6.705919638,6.705919694,6.705919603,6.705919607,6.705919555,6.705919791,6.705919668,6.705919712,6.705919775,6.70591972,6.705919603,6.705919734,6.705919646,6.705919822,6.705919627,6.70591961,6.70591957,6.705919558,6.705919533,6.705919625,6.705919475,6.705919712,6.705919606,6.705919719,6.705919566,6.705919537,6.705919771,6.705919649
+"9715","MOK",4.197229833,4.197229944,4.197229836,4.19722988,4.19722989,4.197229807,4.197229793,4.197229858,4.197229814,4.197229724,4.197229812,4.197229838,4.197229798,4.197229698,4.197229816,4.197229869,4.197229794,4.197229842,4.19722977,4.197229845,4.197229816,4.197229832,4.197229797,4.197229845,4.197229835,4.197229836,4.197229798,4.197229804
+"9716","MON1A",5.144550427,5.144550464,5.144550405,5.144550395,5.144550486,5.144550449,5.144550509,5.144550461,5.144550463,5.144550443,5.144550465,5.144550493,5.144550473,5.144550404,5.14455049,5.144550451,5.144550522,5.144550408,5.144550387,5.144550431,5.1445505,5.144550463,5.144550403,5.144550468,5.144550446,5.144550433,5.144550443,5.144550447
+"9717","MON2",7.935420627,7.935420512,7.935420492,7.935420459,7.93542042,7.935420424,7.935420512,7.93542048,7.935420522,7.93542045,7.935420406,7.935420389,7.935420552,7.935420644,7.935420467,7.935420506,7.935420352,7.935420328,7.935420549,7.935420434,7.935420496,7.935420412,7.935420518,7.935420498,7.935420458,7.935420498,7.93542057,7.935420557
+"9718","MORC1",3.397605111,3.397605096,3.397605159,3.397605126,3.397605188,3.39760512,3.397605136,3.39760515,3.397605143,3.397605116,3.397605142,3.39760523,3.397605133,3.397605092,3.397605119,3.397605123,3.397605168,3.397605129,3.397605151,3.397605086,3.397605136,3.397605147,3.397605112,3.397605145,3.397605169,3.397605157,3.397605154,3.397605113
+"9719","MORC2",6.863692844,6.863693043,6.863692387,6.863692554,6.863692554,6.863692802,6.863692691,6.863692384,6.863693472,6.863693144,6.863691926,6.863692834,6.863693069,6.863693548,6.863692454,6.863692966,6.863691684,6.863692382,6.863692948,6.863691788,6.863692414,6.863692763,6.863693162,6.863693074,6.863692261,6.863692827,6.863693024,6.863693127
+"9720","MORC2-AS1",4.035168105,4.035168026,4.035168079,4.035168127,4.035168087,4.035168187,4.035168079,4.035168163,4.035168059,4.035168135,4.035168124,4.035168091,4.035168062,4.035168031,4.035168,4.035168043,4.035168198,4.035168173,4.035168085,4.03516807,4.035168084,4.03516811,4.035168019,4.035168094,4.035168034,4.03516802,4.035168141,4.035168087
+"9721","MORC3",7.288704384,7.288704731,7.288703296,7.28870436,7.288703071,7.288703505,7.288703276,7.288703178,7.288703818,7.288703491,7.288703088,7.288701852,7.288703965,7.288705593,7.28870378,7.288704423,7.288702852,7.288703511,7.288704612,7.288703415,7.288703216,7.288702828,7.288704429,7.288703415,7.288703739,7.288702982,7.288703844,7.288704532
+"9722","MORC4",5.147184497,5.147184347,5.14718409433333,5.14718425766667,5.147184481,5.147184216,5.14718443333333,5.14718448333333,5.147184442,5.147184483,5.14718419733333,5.147184574,5.147184437,5.147184579,5.14718449333333,5.14718436033333,5.147184278,5.14718444033333,5.14718443566667,5.14718437633333,5.14718450533333,5.14718457166667,5.147184328,5.147184179,5.14718430466667,5.14718455766667,5.147184337,5.14718464933333
+"9723","MORF4L1",8.184273054,8.184272859,8.184272849,8.184272892,8.184272605,8.184272637,8.184272674,8.184272826,8.184272749,8.184272856,8.184272721,8.184272618,8.184272749,8.184273113,8.184272724,8.184273009,8.18427257,8.184272777,8.184272995,8.184272364,8.184272771,8.184272905,8.184272911,8.184272751,8.184272742,8.184272707,8.184272836,8.184272967
+"9724","MORF4L2",6.096678078,6.096678215,6.096677915,6.096677936,6.096677761,6.096677904,6.096677789,6.096677611,6.096677578,6.096677897,6.096677685,6.096677161,6.096677994,6.096678672,6.096677858,6.096677646,6.096677497,6.096677904,6.096677823,6.096677893,6.096677893,6.09667766,6.096678053,6.096678019,6.096677597,6.096677836,6.096677814,6.09667811
+"9725","MORN1",5.759266564,5.759266818,5.759266788,5.759266721,5.759266875,5.759266546,5.759266691,5.75926692,5.759266779,5.759266665,5.759266915,5.759266923,5.759266658,5.759266573,5.759266743,5.759266901,5.759266849,5.759266918,5.759266805,5.759266863,5.759266788,5.759266859,5.75926675,5.75926668,5.759266837,5.759266988,5.759266686,5.759266871
+"9726","MORN2",3.446583587,3.446583548,3.44658357,3.44658371,3.446583605,3.446583672,3.44658364,3.446583562,3.446583563,3.446583585,3.446583608,3.446583546,3.446583563,3.446583671,3.446583572,3.446583634,3.446583653,3.446583659,3.446583646,3.44658367,3.446583604,3.446583512,3.446583685,3.446583595,3.446583524,3.446583633,3.446583607,3.446583606
+"9727","MORN3",5.574714987,5.574715004,5.574714873,5.574714962,5.574715045,5.574715136,5.574714949,5.574715205,5.57471502,5.574714839,5.574714919,5.574715136,5.574715232,5.574715354,5.574715045,5.574714943,5.574715075,5.574715206,5.574714911,5.574714984,5.574715189,5.574715205,5.574714891,5.574714906,5.574715076,5.5747153,5.574715103,5.574715285
+"9728","MORN4",4.744808885,4.744808893,4.744808914,4.744808893,4.74480892,4.744808912,4.744808916,4.74480893,4.744808932,4.744808909,4.744808915,4.744808938,4.744808884,4.744808864,4.744808923,4.744808917,4.744808936,4.744808915,4.744808884,4.744808898,4.744808918,4.744808928,4.744808888,4.744808905,4.744808902,4.744808908,4.744808883,4.744808921
+"9729","MORN5",4.132928865,4.132928882,4.132929044,4.132928879,4.132929068,4.132928967,4.132929037,4.132929016,4.132929136,4.132929164,4.132929241,4.132929173,4.132928975,4.132928916,4.132929137,4.132929276,4.132929196,4.1329293,4.13292894,4.13292904,4.13292912,4.132929052,4.132928676,4.132929068,4.132929133,4.132928952,4.132928853,4.132929199
+"9730","MOS",4.506221363,4.506221413,4.506221543,4.506221452,4.506221477,4.506221412,4.506221506,4.506221529,4.506221401,4.506221367,4.506221466,4.506221565,4.506221418,4.506221397,4.506221494,4.50622153,4.506221495,4.506221499,4.506221461,4.506221487,4.506221481,4.506221507,4.506221282,4.506221342,4.506221426,4.506221407,4.506221391,4.506221373
+"9731","MOSMO",5.652092786,5.652092783,5.652092713,5.652092756,5.652092769,5.652092756,5.652092778,5.652092775,5.652092831,5.652092766,5.652092723,5.652092764,5.652092808,5.65209283,5.652092789,5.652092749,5.652092753,5.652092723,5.652092748,5.652092746,5.652092721,5.652092729,5.652092815,5.652092767,5.652092806,5.652092765,5.652092797,5.652092789
+"9732","MOSPD1",3.968280283,3.968280292,3.968280278,3.968280287,3.968280263,3.968280283,3.968280267,3.968280285,3.968280287,3.968280278,3.968280284,3.968280271,3.968280281,3.968280308,3.968280285,3.968280302,3.968280265,3.968280276,3.968280263,3.968280301,3.968280261,3.968280267,3.968280303,3.968280284,3.968280286,3.968280276,3.968280272,3.968280269
+"9733","MOSPD2",6.902388446,6.902388532,6.902387502,6.902388909,6.902386172,6.902386843,6.902387895,6.902385599,6.902386543,6.902386229,6.902388055,6.9023854,6.902386805,6.902388805,6.902387812,6.902388585,6.902386541,6.902388191,6.9023884,6.902387493,6.902388339,6.9023866,6.902387944,6.902387954,6.902389314,6.902386843,6.902386936,6.902387614
+"9734","MOSPD3",6.990233509,6.990233576,6.990233637,6.990233598,6.990233696,6.990233559,6.99023354,6.990233643,6.990233623,6.990233603,6.990233693,6.990233664,6.990233614,6.990233506,6.990233647,6.990233639,6.990233705,6.990233674,6.990233601,6.990233551,6.990233622,6.990233614,6.990233596,6.990233568,6.990233635,6.990233635,6.990233587,6.990233592
+"9735","MOV10",6.866033008,6.866033062,6.86603315,6.86603228,6.866033256,6.866037117,6.866033146,6.866033846,6.866033912,6.86603396,6.866032517,6.866033331,6.86603388,6.866033342,6.866033239,6.866032796,6.86603261,6.866032724,6.866033196,6.86603656,6.866033285,6.866034252,6.866033516,6.866032958,6.866032468,6.866033273,6.866033833,6.866032725
+"9736","MOV10L1",4.278734207,4.27873421,4.278734286,4.278734248,4.27873434,4.278734261,4.27873425,4.278734326,4.278734357,4.278734277,4.278734269,4.27873436,4.27873423,4.278734142,4.278734296,4.278734286,4.278734315,4.278734304,4.278734262,4.27873424,4.278734322,4.27873426,4.278734184,4.278734232,4.278734246,4.27873427,4.278734189,4.278734342
+"9737","MOXD1",3.971022548,3.971022557,3.971022554,3.971022575,3.971022567,3.971022558,3.971022564,3.971022574,3.971022557,3.97102256,3.971022587,3.971022578,3.97102255,3.971022537,3.971022566,3.971022549,3.971022589,3.971022573,3.97102255,3.971022558,3.971022575,3.971022568,3.971022565,3.971022548,3.971022577,3.971022564,3.971022562,3.971022569
+"9738","MPC1",6.700592471,6.70059251,6.700592442,6.700592599,6.700592355,6.700592182,6.700592267,6.700592526,6.700592568,6.700592398,6.700592491,6.700592381,6.700592539,6.70059263,6.700592387,6.700592451,6.700592359,6.700592513,6.700592417,6.700592542,6.700592313,6.700592488,6.700592619,6.70059258,6.700592393,6.700592437,6.700592554,6.700592496
+"9739","MPC1L",4.787653931,4.787653929,4.787654012,4.787653981,4.787654152,4.78765405,4.787654123,4.787654101,4.787654041,4.787654113,4.787654003,4.78765418,4.787654023,4.787653918,4.787654124,4.787654128,4.787654219,4.787654207,4.787654074,4.787653876,4.787654122,4.787654131,4.787654015,4.787653975,4.787654027,4.787654068,4.787654,4.787654098
+"9740","MPC2",6.843463775,6.843463776,6.843463767,6.843463781,6.843463751,6.843463787,6.843463772,6.84346378,6.843463759,6.843463772,6.843463785,6.843463772,6.843463763,6.843463776,6.843463772,6.843463764,6.843463753,6.843463769,6.843463757,6.843463787,6.843463756,6.843463766,6.843463779,6.843463771,6.843463779,6.843463763,6.843463768,6.843463773
+"9741","MPDU1",7.312896163,7.312896062,7.312896123,7.312896093,7.312896131,7.312896191,7.312896165,7.312896085,7.312896119,7.312896118,7.312896049,7.312896075,7.312896154,7.312896095,7.312896105,7.312896027,7.31289613,7.312896013,7.312896156,7.312896143,7.312896089,7.312896122,7.312896143,7.312896122,7.312896074,7.312896096,7.312896145,7.312896076
+"9742","MPDZ",3.37173666,3.371736678,3.371736673,3.371736676,3.37173667,3.371736686,3.371736694,3.371736685,3.371736663,3.371736678,3.371736701,3.371736712,3.371736676,3.371736666,3.37173668,3.371736683,3.371736699,3.371736695,3.371736689,3.371736702,3.371736669,3.371736669,3.371736661,3.371736671,3.371736689,3.371736682,3.371736671,3.371736675
+"9743","MPEG1",9.796324046,9.796301655,9.796296843,9.796280498,9.796284577,9.796359674,9.796269975,9.796296833,9.796209928,9.796319036,9.796282084,9.796251271,9.796320087,9.796352657,9.796277991,9.796266607,9.79628851,9.796235984,9.79626533,9.796362359,9.796262241,9.796335708,9.796219546,9.796319147,9.796267365,9.796311456,9.796317974,9.796263439
+"9744","MPG",7.456474998,7.456474994,7.456475017,7.456474964,7.456475054,7.456474892,7.456475,7.456475036,7.456474955,7.456474969,7.456475022,7.456475025,7.456475012,7.456474928,7.456475027,7.456475065,7.456475034,7.456475034,7.456474994,7.456474979,7.456475028,7.456475033,7.456474949,7.456474937,7.456475008,7.456475047,7.456474973,7.456475023
+"9745","MPHOSPH10",5.429891989,5.429891781,5.429891542,5.429891407,5.429891557,5.429891511,5.42989171,5.429891523,5.429891796,5.429891717,5.429891358,5.429891553,5.429891881,5.429892379,5.429891538,5.429891824,5.429891414,5.429891444,5.42989169,5.42989131,5.429891718,5.429891535,5.429892006,5.429891493,5.429891652,5.429891579,5.429891592,5.429892036
+"9746","MPHOSPH6",5.164617171,5.164616687,5.164616393,5.164616381,5.16461649,5.164616177,5.164616717,5.16461646,5.164616655,5.164616173,5.164616363,5.164616322,5.164616664,5.164616886,5.164616922,5.164616583,5.164616126,5.164616307,5.164616481,5.16461646,5.164616882,5.164616373,5.164616568,5.164616201,5.1646163,5.164616486,5.164616755,5.164616668
+"9747","MPHOSPH8",7.355764274,7.355764154,7.355764105,7.355764131,7.355764073,7.355764066,7.355764212,7.355763998,7.35576419,7.355764185,7.355764058,7.355764058,7.355764245,7.355764399,7.355764198,7.355764132,7.355764038,7.355764078,7.355764214,7.355764083,7.355764145,7.355764127,7.355764213,7.355764094,7.355764128,7.355764174,7.355764226,7.355764314
+"9748","MPHOSPH9",6.419282614,6.41928165,6.419282013,6.41928153,6.419281367,6.419281674,6.419282404,6.419281062,6.419282732,6.419282096,6.419281235,6.419281814,6.419282225,6.419282818,6.419282226,6.4192808,6.419280595,6.419281244,6.419282075,6.419280989,6.419282326,6.419281559,6.419282707,6.419282163,6.419281287,6.419282415,6.419282306,6.419282467
+"9749","MPI",6.258086736,6.25808668,6.258086709,6.258086613,6.258086686,6.258086731,6.258086719,6.25808666,6.258086756,6.258086774,6.25808667,6.258086726,6.258086752,6.258086735,6.25808673,6.258086682,6.258086656,6.258086682,6.258086681,6.258086661,6.258086653,6.25808672,6.258086753,6.258086706,6.258086625,6.25808673,6.25808675,6.258086701
+"9750","MPIG6B",7.376807126,8.316378323,7.792484535,8.4112633495,7.8676946495,7.7580077615,7.6517918835,7.641958555,7.880046423,8.301891557,8.150446473,7.890909001,7.474445941,6.976912118,7.4792880315,8.180299761,7.8101501785,8.3591316835,7.548568469,7.694373206,7.6156462305,7.368140751,7.923516688,8.472560432,8.26268338,7.829153547,7.59267875,7.1094736835
+"9751","MPL",5.682201278,5.682201684,5.682201539,5.68220218,5.682201689,5.682201476,5.682201386,5.682201427,5.68220147,5.682201789,5.68220205,5.68220155,5.682201198,5.68220101,5.682201616,5.682201897,5.682201527,5.682202374,5.68220148,5.682201392,5.682201578,5.682201374,5.682201429,5.682201869,5.682201935,5.682201669,5.68220141,5.682201195
+"9752","MPLKIP",8.04757090933333,7.951483,7.969242555,8.005539088,7.99650365966667,7.91250333566667,7.88470516766667,7.91643292366667,7.879950004,7.98196866566667,8.056269999,8.04604234633333,8.012585758,7.92966865433333,7.98056460266667,7.79861927366667,7.92864128833333,8.11948269133333,7.94746945266667,7.99865922566667,7.98516697366667,7.854902761,7.90429127966667,7.96717580233333,8.100208554,8.12686367633333,8.017591118,8.02471073966667
+"9753","MPND",6.113107695,6.113107725,6.113107717,6.113107697,6.113107693,6.11310772,6.113107709,6.113107723,6.113107705,6.113107687,6.113107725,6.113107713,6.113107705,6.113107647,6.113107722,6.113107741,6.113107725,6.113107733,6.113107679,6.113107711,6.113107708,6.113107735,6.113107688,6.1131077,6.113107722,6.113107714,6.113107696,6.113107693
+"9754","MPO",5.358833739,5.358833805,5.358833997,5.358833772,5.358833877,5.358833667,5.358833895,5.358833835,5.358833775,5.358833772,5.358833984,5.35883393,5.358833746,5.358833732,5.358833866,5.358833818,5.35883404,5.358833826,5.358833694,5.358833783,5.358834002,5.358833807,5.358833747,5.358833745,5.358833889,5.358833861,5.358833706,5.358833715
+"9755","MPP1",10.54241042,10.53111289,10.76707039,10.76727823,10.77287947,11.038609,11.01885576,11.08561224,11.0078882,11.11065904,10.79966143,11.20930982,10.27215181,9.988077114,10.62795239,10.14291455,10.67231064,10.70347441,10.47191623,10.83633124,10.84791112,10.84904554,10.96950441,11.11087583,10.74818335,11.2530112,10.43189572,10.15212335
+"9756","MPP2",4.502253368,4.502253413,4.502253412,4.502253666,4.50225356,4.502253363,4.502253578,4.502253714,4.502253467,4.502253611,4.502253611,4.502253977,4.502253458,4.502253479,4.502253634,4.502253476,4.502253675,4.502253719,4.502253689,4.502253647,4.502253647,4.502253534,4.502253422,4.502253384,4.502253326,4.502253671,4.50225349,4.502253465
+"9757","MPP3",5.265057466,5.265057522,5.265057493,5.265057476,5.265057528,5.265057493,5.26505744,5.265057477,5.26505749,5.26505749,5.265057537,5.265057507,5.265057505,5.265057469,5.265057512,5.265057549,5.265057467,5.2650575,5.265057454,5.265057492,5.265057508,5.265057499,5.265057426,5.265057505,5.265057501,5.265057503,5.265057467,5.265057471
+"9758","MPP4",4.172101125,4.172101068,4.172101187,4.172101063,4.172101381,4.172101156,4.172101115,4.17210127,4.172101216,4.172101214,4.17210126,4.172101025,4.172101101,4.172100874,4.172101191,4.172101246,4.17210141,4.172101302,4.172101042,4.172100942,4.172101142,4.172101237,4.172101176,4.172101187,4.172101152,4.172101043,4.172101054,4.17210104
+"9759","MPP7",6.939225084,6.939225684,6.9392252,6.939226052,6.939225424,6.93922511,6.939225207,6.939225041,6.939225704,6.939225861,6.939225828,6.939224712,6.939225762,6.939226413,6.939224521,6.939225348,6.939225012,6.939225645,6.939225833,6.939224776,6.939225411,6.939225127,6.939225823,6.939226169,6.939226373,6.939224927,6.939225864,6.939225899
+"9760","MPPE1",6.694257452,6.694257619,6.694257746,6.694258098,6.694256904,6.694257556,6.69425781,6.694257545,6.694257409,6.694257621,6.694257605,6.6942576,6.694257642,6.69425743,6.694257286,6.694257507,6.694257468,6.694257765,6.69425768,6.694257416,6.694257533,6.694257447,6.694257439,6.694257752,6.694257681,6.694257478,6.694257593,6.694257206
+"9761","MPPED1",7.438779222,7.438779357,7.438779666,7.438779437,7.438779713,7.438779118,7.438779494,7.438779716,7.438779527,7.438779558,7.438779703,7.438779744,7.438779551,7.438779159,7.438779567,7.438779738,7.438779808,7.438779659,7.438779463,7.438779292,7.438779498,7.438779736,7.438779426,7.438779442,7.43877979,7.438779597,7.438779477,7.438779605
+"9762","MPPED2",3.988629391,3.98862922,3.988629221,3.9886294,3.988629623,3.988629347,3.988629166,3.988629603,3.988629235,3.988629682,3.988629184,3.988629793,3.98862979,3.98862956,3.98862955,3.988629217,3.988629632,3.988629351,3.988629688,3.988629257,3.988629299,3.988629395,3.988629164,3.988629319,3.988629534,3.98862944,3.988629712,3.988629572
+"9763","MPRIP",7.409135583,7.40913544833333,7.40913514533333,7.40913516333333,7.40913517466667,7.40913543933333,7.409135365,7.40913555333333,7.40913543333333,7.40913544566667,7.409134909,7.40913550966667,7.40913538333333,7.40913550466667,7.40913543766667,7.40913524433333,7.40913511233333,7.409135238,7.409135408,7.40913509466667,7.409135469,7.40913549433333,7.40913533966667,7.409135307,7.409135101,7.40913552366667,7.40913567233333,7.40913538466667
+"9764","MPST",6.598115599,6.598115718,6.598116048,6.598115814,6.598116235,6.598115449,6.598115983,6.59811608,6.598115884,6.598115967,6.598115958,6.598116062,6.598115796,6.598115286,6.598115947,6.598115725,6.598116186,6.598116149,6.59811572,6.598115584,6.598116016,6.59811609,6.598115716,6.598115879,6.598116035,6.598116017,6.598115764,6.598115693
+"9765","MPV17",7.497405193,7.497405084,7.497404866,7.497404551,7.49740462,7.497404968,7.497404852,7.497404667,7.497405015,7.497404811,7.497404546,7.497404773,7.497405038,7.497404974,7.497404743,7.497404657,7.497404568,7.497404363,7.497404884,7.497405076,7.497404672,7.497404811,7.497404775,7.497404799,7.49740446,7.497404693,7.497405054,7.497404818
+"9766","MPV17L",4.428761514,4.428761509,4.428761919,4.428761675,4.428761974,4.428761613,4.42876187,4.428761649,4.428761104,4.428761064,4.428761734,4.428761904,4.428761367,4.42876119,4.428761898,4.428761588,4.428761908,4.428762123,4.428761846,4.428761632,4.428761869,4.428761543,4.42876159,4.428761708,4.428761534,4.42876184,4.428761443,4.428761904
+"9767","MPV17L2",6.800923338,6.800923339,6.800923341,6.800923336,6.800923346,6.800923338,6.800923336,6.800923342,6.800923336,6.800923334,6.800923335,6.800923342,6.800923337,6.800923328,6.800923338,6.800923344,6.80092334,6.800923338,6.800923334,6.800923343,6.800923341,6.800923342,6.800923329,6.800923335,6.800923338,6.80092335,6.800923333,6.800923335
+"9768","MPZ",4.838805305,4.838805348,4.83880541,4.838805424,4.838805524,4.838805292,4.838805405,4.838805408,4.838805428,4.83880526,4.838805421,4.838805521,4.838805382,4.838805294,4.838805434,4.838805531,4.838805474,4.838805416,4.838805444,4.838805294,4.838805437,4.838805446,4.838805389,4.838805379,4.838805374,4.838805464,4.838805365,4.838805421
+"9769","MPZL1",7.183413178,7.183414053,7.183413011,7.18341508,7.183412342,7.183412159,7.183412873,7.18341301,7.183411766,7.183411854,7.183413236,7.183411177,7.183413722,7.183413502,7.183412783,7.183413704,7.183412863,7.183414497,7.183413059,7.183411553,7.183412623,7.183412826,7.183412579,7.183413597,7.183413515,7.183411939,7.183413125,7.183412658
+"9770","MPZL2",5.900304482,5.900304811,5.90030418,5.900304309,5.900304085,5.900304672,5.900304379,5.900304134,5.900304236,5.900304048,5.900304394,5.90030391,5.900304442,5.900304633,5.900304162,5.900304797,5.900304239,5.900304035,5.900304277,5.900304692,5.900304274,5.900304228,5.900304441,5.900304407,5.90030451,5.900303879,5.900304373,5.900304364
+"9771","MPZL3",7.930480967,7.93048205,7.930480623,7.930481932,7.930480349,7.930480495,7.930481147,7.930480752,7.930480276,7.930480187,7.930481167,7.930479866,7.930480638,7.930481618,7.930481135,7.930481963,7.930480552,7.930481329,7.93048116,7.930480555,7.930480802,7.930480608,7.930481124,7.930481449,7.930481502,7.930480564,7.930480794,7.930481176
+"9772","MR1",6.928544652,6.928544545,6.928544512,6.928544556,6.928544499,6.928544687,6.92854453,6.928544487,6.928544534,6.928544574,6.928544459,6.92854441,6.928544535,6.928544601,6.928544565,6.928544505,6.928544442,6.928544425,6.928544547,6.928544713,6.928544533,6.928544533,6.928544578,6.928544607,6.928544498,6.928544447,6.928544577,6.928544498
+"9773","MRAP",4.856895015,4.856895015,4.856895079,4.856895065,4.856895199,4.856895069,4.85689512,4.856895159,4.856895098,4.856895158,4.856895038,4.856895162,4.856895046,4.856894966,4.856895167,4.856895114,4.856895247,4.85689512,4.856895148,4.856895076,4.856895182,4.856895168,4.856895111,4.856895012,4.856895077,4.856895113,4.856894919,4.856895071
+"9774","MRAP2",3.97402701,3.974027017,3.974027059,3.974027006,3.974027067,3.974026977,3.974026998,3.974027027,3.974027006,3.974027003,3.974027039,3.974027201,3.974027055,3.974026968,3.974027046,3.974027012,3.974027078,3.974027039,3.97402704,3.974027006,3.974027079,3.974027048,3.974027013,3.974027055,3.974027039,3.974027039,3.974026982,3.974027045
+"9775","MRAS",5.011916287,5.011916455,5.011916465,5.011916233,5.011916599,5.011916354,5.011916497,5.011916411,5.011916164,5.01191646,5.011916443,5.011916434,5.011916351,5.01191629,5.011916423,5.011916224,5.011916544,5.011916422,5.011916294,5.011916357,5.011916485,5.011916611,5.011916163,5.01191638,5.011916301,5.011916485,5.011916197,5.011916391
+"9776","MRC1",3.67777126,3.677771256,3.677771206,3.677771228,3.677771249,3.677771314,3.677771231,3.677771237,3.677771241,3.677771225,3.677771272,3.677771245,3.677771221,3.677771308,3.677771223,3.677771238,3.677771226,3.677771222,3.677771218,3.67777125,3.67777125,3.677771258,3.677771264,3.677771222,3.677771237,3.677771251,3.677771228,3.677771261
+"9777","MRC2",6.110418834,6.110418884,6.11041904,6.110418862,6.110419031,6.110419065,6.110419011,6.11041902,6.110418967,6.110418985,6.11041899,6.110419128,6.110418879,6.110418708,6.110419017,6.110418904,6.11041914,6.110419043,6.110418954,6.110419103,6.11041901,6.110419096,6.110418939,6.110418942,6.110419006,6.110419043,6.110418875,6.110418932
+"9778","MRE11",5.638185049,5.638184621,5.638184726,5.638184237,5.638184222,5.638183968,5.638184429,5.638184453,5.638184243,5.638184468,5.638184266,5.638184,5.638184548,5.638185184,5.638184542,5.638184379,5.63818418,5.638184141,5.638184347,5.638183566,5.638184374,5.638184473,5.638184507,5.638184635,5.638184367,5.638184628,5.638184672,5.638184558
+"9779","MRFAP1",8.1605744,8.160574522,8.160574424,8.160574411,8.160574451,8.160574406,8.160574416,8.160574447,8.160574533,8.160574402,8.160574363,8.1605744,8.160574379,8.160574532,8.160574374,8.160574558,8.160574443,8.160574421,8.160574439,8.16057431,8.160574343,8.160574415,8.160574514,8.160574562,8.160574398,8.160574329,8.160574313,8.160574563
+"9780","MRFAP1L1",6.640753979,6.640753978,6.640753747,6.640753758,6.640753762,6.640753662,6.640753916,6.64075385,6.640754077,6.640753939,6.640753783,6.640753471,6.640753757,6.640754404,6.640753901,6.640753924,6.640753618,6.640753648,6.64075391,6.640753446,6.640753779,6.640753848,6.640754094,6.640754063,6.640753784,6.640753662,6.640753765,6.640754199
+"9781","MRGBP",6.138430041,6.138430088,6.138430067,6.138430079,6.138430062,6.138430044,6.138430043,6.138430092,6.138430029,6.138430053,6.138430129,6.138430092,6.138430052,6.138430045,6.138430083,6.138430081,6.138430121,6.138430108,6.138430036,6.138430058,6.138430087,6.138430101,6.138430072,6.138430048,6.138430116,6.138430081,6.138430077,6.138430036
+"9782","MRGPRD",4.691065599,4.69106531,4.691066046,4.691065531,4.691066114,4.691065525,4.691065977,4.691066306,4.691065765,4.69106584,4.691065883,4.691066102,4.691065735,4.691065123,4.691065877,4.691065755,4.691066105,4.691065752,4.691065866,4.69106578,4.691066305,4.691066117,4.691065777,4.691065725,4.691065896,4.691066033,4.691065645,4.691065977
+"9783","MRGPRE",6.151823521,6.151823455,6.151824507,6.151823823,6.151824177,6.151823147,6.151823992,6.151824285,6.151823928,6.151823288,6.151824394,6.151824422,6.151823755,6.151823411,6.151824103,6.151823966,6.151824327,6.151824336,6.151823889,6.151824201,6.151823985,6.151824229,6.151823588,6.151823945,6.151824177,6.151823744,6.151823793,6.151823621
+"9784","MRGPRF",4.954267474,4.954267483,4.954267485,4.954267458,4.954267516,4.95426749,4.954267471,4.954267515,4.954267474,4.954267496,4.954267477,4.954267496,4.954267503,4.954267466,4.954267501,4.954267506,4.954267509,4.954267502,4.954267478,4.954267472,4.954267494,4.954267499,4.954267486,4.954267423,4.954267483,4.954267484,4.954267484,4.954267497
+"9785","MRGPRG",5.179897756,5.179897637,5.179897819,5.179897712,5.17989818,5.179897679,5.179897969,5.179898027,5.179897728,5.179897899,5.179897891,5.179898133,5.179897782,5.179897575,5.179898062,5.179897812,5.179898007,5.179897943,5.179897961,5.17989787,5.179898191,5.179898035,5.179897719,5.179897678,5.179897846,5.179897957,5.179897852,5.179897825
+"9786","MRGPRG-AS1",4.698151664,4.698151613,4.698151831,4.698151945,4.698151885,4.698151737,4.698151898,4.698152013,4.698151779,4.698151881,4.698151955,4.6981522,4.698151836,4.698151582,4.69815182,4.698151772,4.698151957,4.69815192,4.69815184,4.698151638,4.698152,4.698152026,4.698151725,4.69815161,4.698151813,4.698151878,4.698151642,4.698151994
+"9787","MRGPRX1",4.80529777,4.805297696,4.805297794,4.80529778,4.805297825,4.805297842,4.805297678,4.805297883,4.805297769,4.805297791,4.805297828,4.805297783,4.805297823,4.805297656,4.805297787,4.805297773,4.805297799,4.805297929,4.805297766,4.805297886,4.80529774,4.805297828,4.805297775,4.805297806,4.805297843,4.805297778,4.805297812,4.805297654
+"9788","MRGPRX2",4.315143153,4.315143139,4.315143152,4.315143135,4.315143158,4.315143142,4.315143156,4.315143157,4.315143166,4.315143149,4.315143147,4.315143165,4.315143154,4.31514313,4.315143169,4.315143154,4.315143161,4.315143157,4.315143167,4.315143158,4.315143174,4.315143151,4.315143149,4.315143137,4.315143165,4.315143153,4.315143149,4.315143144
+"9789","MRGPRX3",3.822068558,3.822068691,3.822068833,3.8220688465,3.8220688245,3.8220686795,3.8220688345,3.822068762,3.822068679,3.822068808,3.8220687225,3.822068683,3.8220687615,3.8220688135,3.822068808,3.822068589,3.822068658,3.8220688305,3.822068587,3.8220686935,3.8220686215,3.822068664,3.8220687585,3.8220687235,3.822068784,3.822068653,3.8220688095,3.822068684
+"9790","MRGPRX4",3.919328348,3.919328355,3.919328297,3.919328292,3.919328499,3.919328462,3.919328376,3.919328576,3.919328407,3.919328331,3.919328599,3.919328696,3.919328448,3.919328427,3.919328469,3.919328529,3.919328751,3.91932835,3.919328287,3.919328333,3.919328656,3.919328686,3.919328429,3.919328266,3.919328539,3.919328539,3.919328549,3.919328463
+"9791","MRI1",6.518706228,6.518706073,6.518706134,6.518706053,6.518706128,6.51870608,6.518706173,6.518706197,6.518706208,6.518706128,6.518706084,6.518706167,6.518706189,6.51870609,6.518706117,6.518705983,6.518706058,6.518706046,6.518706023,6.518705978,6.518706116,6.518706191,6.518706169,6.518706084,6.518705994,6.518706176,6.518706195,6.518705991
+"9792","MRM1",6.364805531,6.364805539,6.364805539,6.364805535,6.364805533,6.364805522,6.364805544,6.364805545,6.364805544,6.364805528,6.364805542,6.364805547,6.364805544,6.364805529,6.36480552,6.364805532,6.36480554,6.364805536,6.364805531,6.36480552,6.364805523,6.364805547,6.364805542,6.364805537,6.364805544,6.364805535,6.364805544,6.36480554
+"9793","MRM2",6.959837457,6.959837415,6.959837403,6.959837318,6.959837413,6.959837403,6.959837407,6.959837297,6.959837442,6.959837502,6.959837351,6.959837267,6.959837394,6.959837536,6.959837393,6.959837353,6.959837341,6.959837252,6.95983739,6.959837319,6.959837341,6.959837348,6.959837389,6.959837431,6.959837353,6.959837394,6.959837418,6.959837481
+"9794","MRM3",6.298549371,6.298548941,6.298549234,6.298549076,6.298549348,6.298549212,6.298549518,6.298549153,6.298549444,6.298549223,6.298549079,6.29854935,6.298549149,6.298549365,6.298549391,6.29854926,6.298549417,6.298549141,6.298549322,6.298548944,6.298549308,6.298549409,6.298549221,6.298549171,6.29854892,6.298549329,6.298549274,6.298549499
+"9795","MRNIP",6.429490081,6.429489942,6.429489856,6.42948992,6.429490076,6.429490055,6.42948999,6.429490115,6.429490114,6.429490104,6.429490004,6.429490126,6.429490093,6.429489973,6.429489972,6.42949,6.42948984,6.429490009,6.429490044,6.429490059,6.429489993,6.42949011,6.42949008,6.429489974,6.429489961,6.429490118,6.429490118,6.429489906
+"9796","MRO",4.076877736,4.076877755,4.076877768,4.076877747,4.076877788,4.076877746,4.076877767,4.076877778,4.076877752,4.076877735,4.076877771,4.076877761,4.076877743,4.076877721,4.076877754,4.076877763,4.076877784,4.076877775,4.076877763,4.076877767,4.076877757,4.07687776,4.076877691,4.07687772,4.076877759,4.076877757,4.076877722,4.076877777
+"9797","MROH1",6.4024476325,6.402447613,6.402447593,6.4024476195,6.402447676,6.402447677,6.402447661,6.4024476395,6.4024476405,6.4024477155,6.4024475955,6.402447669,6.402447657,6.402447616,6.402447635,6.4024475785,6.4024475965,6.402447621,6.4024476635,6.402447601,6.4024476625,6.402447663,6.402447572,6.4024476275,6.402447621,6.402447625,6.4024476695,6.4024475855
+"9798","MROH2A",4.43403262,4.434032629,4.434032635,4.434032606,4.434032652,4.434032615,4.434032629,4.434032632,4.434032624,4.434032614,4.434032646,4.434032645,4.434032642,4.434032627,4.434032649,4.434032637,4.434032652,4.434032647,4.434032638,4.43403263,4.434032644,4.434032645,4.434032621,4.434032615,4.43403264,4.434032632,4.434032613,4.434032624
+"9799","MROH2B",3.561267685,3.561267719,3.561267717,3.561267729,3.561267745,3.561267701,3.561267746,3.561267731,3.561267735,3.561267702,3.561267733,3.561267747,3.561267746,3.561267686,3.561267742,3.561267717,3.561267757,3.561267755,3.561267733,3.561267718,3.561267761,3.561267732,3.561267702,3.561267695,3.561267733,3.561267727,3.561267727,3.561267735
+"9800","MROH5",4.8614038,4.861403801,4.861403854,4.861403843,4.861403927,4.861403844,4.861403887,4.861403849,4.861403768,4.861403784,4.861403892,4.861403888,4.861403811,4.861403693,4.861403885,4.861403867,4.86140389,4.861403896,4.861403821,4.861403852,4.861403877,4.861403923,4.861403778,4.861403746,4.861403855,4.861403844,4.861403796,4.861403874
+"9801","MROH6",6.0659174975,6.0659180035,6.0659178435,6.065917869,6.0659185165,6.065918228,6.0659186985,6.065918078,6.065918083,6.06591754,6.0659183855,6.0659182655,6.065917562,6.0659172215,6.065917994,6.065918336,6.065918137,6.0659188685,6.0659182255,6.0659182325,6.06591836,6.065918035,6.065917359,6.065918038,6.0659176155,6.0659183445,6.065917924,6.0659178795
+"9802","MROH8",4.067164571,4.067164558,4.06716455,4.067164616,4.067164608,4.067164568,4.067164572,4.067164574,4.067164614,4.06716457,4.067164557,4.067164576,4.067164601,4.067164556,4.067164564,4.067164575,4.067164585,4.067164651,4.067164655,4.067164589,4.067164587,4.067164586,4.06716453,4.06716451,4.067164515,4.067164558,4.067164547,4.067164562
+"9803","MROH9",2.654281546,2.654281524,2.654281432,2.654281448,2.654281568,2.654281669,2.654281487,2.654281408,2.654281695,2.654281481,2.654281675,2.6542817,2.65428141,2.654281593,2.654281466,2.654281593,2.654281547,2.654281542,2.654281639,2.654281509,2.654281447,2.654281512,2.654281607,2.654281588,2.654281519,2.654281574,2.654281533,2.654281533
+"9804","MRPL1",4.244831066,4.244830907,4.244830667,4.244830636,4.244830732,4.244830675,4.244830931,4.244830706,4.244830929,4.244830824,4.244830615,4.244830486,4.244830917,4.244831462,4.244830958,4.244830906,4.244830685,4.244830632,4.244830831,4.244830639,4.244830747,4.244830917,4.244830886,4.244830774,4.244830585,4.24483077,4.244830851,4.244831172
+"9805","MRPL10",6.298279513,6.298279515,6.298279512,6.298279529,6.298279566,6.298279328,6.298279448,6.298279591,6.298279504,6.298279433,6.298279571,6.298279491,6.298279528,6.298279476,6.298279522,6.298279632,6.298279503,6.298279578,6.29827945,6.298279474,6.29827947,6.298279468,6.298279513,6.298279535,6.29827954,6.298279559,6.298279492,6.298279555
+"9806","MRPL11",6.586818302,6.586818253,6.586818375,6.586818281,6.586818553,6.586818321,6.586818362,6.586818489,6.586818377,6.586818452,6.586818489,6.586818536,6.586818402,6.586818219,6.586818487,6.58681831,6.586818495,6.586818455,6.586818458,6.586818391,6.586818461,6.586818483,6.586818331,6.586818332,6.586818384,6.586818459,6.586818343,6.586818446
+"9807","MRPL12",7.391175541,7.391175429,7.391175442,7.391175374,7.391175696,7.391175587,7.391175616,7.391175571,7.391175505,7.391175605,7.391175626,7.391175682,7.39117553,7.391175318,7.391175578,7.391175493,7.39117568,7.391175516,7.391175646,7.391175531,7.391175654,7.391175565,7.391175479,7.391175363,7.391175459,7.391175623,7.391175464,7.391175554
+"9808","MRPL13",3.331748881,3.331748894,3.331748923,3.331748838,3.331748866,3.33174892,3.33174885,3.331748897,3.331748919,3.331748996,3.331748982,3.331748951,3.33174893,3.331748955,3.33174891,3.331748942,3.331748957,3.331748945,3.331748949,3.331748908,3.331748853,3.33174887,3.331748987,3.331748943,3.331748934,3.331748862,3.33174894,3.331748896
+"9809","MRPL14",7.029620199,7.029620192,7.029620244,7.02962012,7.029620203,7.029620048,7.029620099,7.02962031,7.029620236,7.029620201,7.02962022,7.029620283,7.029620248,7.029620199,7.029620207,7.02962014,7.029620147,7.029620125,7.029620155,7.029619973,7.029620123,7.029620176,7.029620108,7.02962025,7.029620226,7.029620207,7.02962028,7.029620227
+"9810","MRPL15",5.399038694,5.399038682,5.399038686,5.399038676,5.399038683,5.399038659,5.399038667,5.399038685,5.399038685,5.399038666,5.399038681,5.399038654,5.399038675,5.399038706,5.399038701,5.399038664,5.39903868,5.399038677,5.399038663,5.399038654,5.399038675,5.399038697,5.399038679,5.399038686,5.399038673,5.39903869,5.399038676,5.39903869
+"9811","MRPL16",6.209671647,6.209671594,6.2096716,6.209671565,6.209671605,6.209671659,6.209671626,6.209671547,6.209671622,6.209671622,6.209671571,6.209671565,6.209671658,6.209671605,6.209671621,6.209671532,6.209671553,6.209671525,6.209671647,6.20967164,6.209671612,6.209671608,6.209671628,6.209671569,6.209671482,6.209671646,6.209671624,6.209671546
+"9812","MRPL17",6.845718737,6.845718873,6.84571883,6.845718896,6.845718824,6.845718444,6.84571872,6.8457189,6.845719017,6.845718832,6.845718908,6.845718765,6.84571885,6.845718927,6.845718885,6.845718869,6.845718977,6.845718955,6.845718813,6.845718789,6.84571866,6.845718904,6.845718994,6.845718933,6.845718992,6.845718838,6.845718917,6.845718937
+"9813","MRPL18",6.498326507,6.498326532,6.498326462,6.498326411,6.498326415,6.498326463,6.498326468,6.498326416,6.498326608,6.498326464,6.498326462,6.498326489,6.498326564,6.498326654,6.498326439,6.498326521,6.498326372,6.498326356,6.498326487,6.498326401,6.498326447,6.498326432,6.4983266,6.498326467,6.498326354,6.498326512,6.498326563,6.498326471
+"9814","MRPL19",5.83843701,5.838436983,5.838436947,5.838436776,5.838436967,5.838436843,5.83843692,5.838436923,5.838436988,5.838436945,5.838436909,5.838436872,5.838436959,5.83843702,5.838436953,5.838436952,5.838436941,5.838436906,5.838436958,5.838436819,5.838436946,5.838436901,5.838436974,5.838436858,5.838436882,5.838436939,5.838436915,5.838437086
+"9815","MRPL2",7.166909658,7.166909539,7.166909616,7.166909542,7.166909538,7.166909582,7.166909587,7.166909446,7.166909732,7.166909702,7.166909526,7.166909468,7.166909753,7.166909661,7.166909536,7.166909579,7.166909506,7.166909388,7.166909548,7.166909442,7.166909507,7.166909528,7.166909719,7.166909659,7.166909574,7.166909607,7.166909675,7.166909611
+"9816","MRPL20",6.7866960875,6.786695878,6.7866956605,6.7866955835,6.7866957625,6.7866957245,6.786695895,6.78669592,6.7866960125,6.7866958925,6.7866954625,6.786695735,6.7866959365,6.7866961815,6.7866957995,6.7866958105,6.7866954335,6.786695364,6.7866957795,6.786695832,6.786695888,6.7866959765,6.786696006,6.786695739,6.7866955315,6.7866959955,6.786695904,6.786695936
+"9817","MRPL21",5.622080378,5.622080343,5.622080371,5.622080346,5.622080356,5.622080341,5.622080349,5.622080313,5.622080349,5.622080367,5.622080336,5.622080382,5.622080359,5.622080326,5.622080342,5.622080323,5.622080357,5.622080309,5.622080372,5.622080342,5.622080359,5.622080373,5.62208033,5.622080352,5.622080317,5.622080357,5.622080369,5.622080346
+"9818","MRPL22",4.904090419,4.904090426,4.904090428,4.904090423,4.904090418,4.904090405,4.90409041,4.90409041,4.904090426,4.904090428,4.904090443,4.904090414,4.904090429,4.904090429,4.904090419,4.904090419,4.904090421,4.904090427,4.904090411,4.904090417,4.904090426,4.904090421,4.90409042,4.904090433,4.904090433,4.904090429,4.904090424,4.90409043
+"9819","MRPL24",6.203419094,6.203419064,6.203419061,6.203419032,6.20341907,6.203419083,6.203419072,6.203419094,6.203419064,6.203419115,6.203419056,6.203419079,6.203419105,6.203419113,6.203419041,6.203419053,6.203419007,6.203419038,6.203419051,6.203419096,6.203419082,6.203419055,6.203419096,6.203419093,6.203419054,6.203419028,6.203419066,6.203419093
+"9820","MRPL27",6.530217268,6.53021731,6.530217219,6.530217157,6.530217184,6.530217177,6.530217299,6.530217294,6.530217323,6.530217286,6.530217151,6.53021724,6.530217253,6.530217297,6.530217281,6.530217252,6.530217229,6.530217107,6.530217157,6.530217149,6.530217264,6.530217321,6.530217317,6.530217231,6.530217172,6.530217275,6.530217266,6.530217257
+"9821","MRPL28",6.853207436,6.853207617,6.853207494,6.853207501,6.853207473,6.853207592,6.853207524,6.853207546,6.853207447,6.853207508,6.853207449,6.853207453,6.853207482,6.853207444,6.853207454,6.853207582,6.853207389,6.853207577,6.853207512,6.853207633,6.853207488,6.85320749,6.853207449,6.853207557,6.85320737,6.853207424,6.853207527,6.853207416
+"9822","MRPL3",6.692121653,6.69212152,6.692121732,6.692121139,6.6921212,6.692121303,6.692121499,6.692121044,6.692121763,6.692121471,6.692121258,6.692121342,6.692121478,6.692122637,6.692121318,6.692121292,6.692121116,6.692121028,6.692121367,6.692120742,6.692121373,6.692121272,6.69212167,6.69212159,6.692121027,6.692121215,6.692121356,6.692122196
+"9823","MRPL30",5.636496521,5.636496256,5.636496287,5.636496212,5.636496034,5.636496232,5.636496311,5.636495934,5.636496369,5.63649636,5.636496336,5.636496048,5.636496378,5.636496714,5.636496197,5.636496147,5.636496227,5.636496014,5.636496331,5.636496268,5.636496192,5.636496225,5.636496457,5.63649645,5.636496164,5.636496248,5.636496151,5.636496451
+"9824","MRPL32",5.466335854,5.46633582,5.46633581,5.466335785,5.466335704,5.466335768,5.46633583,5.466335841,5.46633613,5.466335965,5.466335807,5.466335907,5.466335893,5.466336112,5.466335957,5.466335812,5.466335964,5.466335786,5.46633591,5.466335729,5.466335894,5.466335895,5.466336032,5.466335868,5.466335932,5.466335933,5.466335841,5.466336005
+"9825","MRPL33",5.283231348,5.283231365,5.283231387,5.283231362,5.283231352,5.28323129,5.28323133,5.283231363,5.283231377,5.283231363,5.283231372,5.283231309,5.283231349,5.283231398,5.283231338,5.283231397,5.283231336,5.283231362,5.283231352,5.283231345,5.283231377,5.283231353,5.283231352,5.283231376,5.283231374,5.283231355,5.283231343,5.283231362
+"9826","MRPL34",5.797164682,5.797164673,5.797164676,5.797164667,5.797164699,5.797164701,5.797164705,5.797164679,5.797164699,5.797164702,5.797164683,5.797164708,5.797164687,5.797164681,5.797164708,5.797164699,5.7971647,5.797164682,5.7971647,5.79716465,5.797164702,5.797164701,5.797164693,5.797164676,5.797164681,5.797164688,5.797164697,5.797164682
+"9827","MRPL35",4.635473489,4.635473256,4.635472899,4.635472392,4.635471936,4.635472608,4.635472807,4.635472751,4.635473818,4.635472657,4.635471543,4.635472795,4.635473052,4.635474398,4.635472574,4.635473383,4.635472299,4.635472244,4.635473026,4.635471662,4.635472638,4.635473002,4.635473388,4.635473214,4.635471573,4.635473085,4.635472937,4.635473493
+"9828","MRPL36",7.235929081,7.235928694,7.2359294645,7.235929253,7.235929567,7.2359280615,7.235928928,7.2359297695,7.2359292425,7.235928837,7.2359295095,7.235929581,7.235929011,7.235928516,7.235929059,7.235929704,7.235929383,7.235929757,7.2359290415,7.2359291185,7.235929371,7.235929217,7.2359282945,7.2359288495,7.2359291375,7.235929537,7.2359287265,7.2359295605
+"9829","MRPL37",7.225156937,7.225156841,7.225156886,7.225156781,7.225156758,7.225157031,7.225157044,7.225156819,7.225157061,7.22515704,7.225156652,7.225156883,7.225156993,7.225157005,7.225156742,7.225156609,7.225156556,7.225156526,7.22515682,7.225156957,7.225156971,7.225156842,7.22515697,7.225156989,7.2251568,7.225156847,7.225156975,7.225156935
+"9830","MRPL38",6.04980884,6.049808869,6.049808875,6.049808855,6.049808895,6.049808853,6.049808857,6.049808902,6.049808875,6.049808877,6.049808876,6.049808882,6.049808889,6.049808843,6.049808885,6.049808877,6.049808896,6.049808882,6.049808878,6.049808849,6.049808871,6.049808907,6.049808858,6.04980887,6.049808873,6.049808882,6.049808856,6.049808868
+"9831","MRPL39",5.182930587,5.182930515,5.182930231,5.182930187,5.182930109,5.182930215,5.182930312,5.18293009,5.182930431,5.182930362,5.182930061,5.182930207,5.182930377,5.182930776,5.182930238,5.182930485,5.18293002,5.182930051,5.182930471,5.18293015,5.182930323,5.182930474,5.182930357,5.18293029,5.182930152,5.182930296,5.182930424,5.182930486
+"9832","MRPL4",6.323078345,6.323078193,6.323078209,6.323078299,6.323078383,6.323078546,6.323078304,6.323078262,6.323078328,6.323078375,6.32307835,6.323078392,6.323078291,6.323078254,6.323078198,6.323078289,6.323078417,6.323078224,6.323078252,6.323078512,6.32307826,6.323078353,6.323078279,6.323078236,6.323078134,6.323078252,6.323078374,6.323078263
+"9833","MRPL40",4.331829679,4.331829575,4.331829711,4.331829665,4.331829664,4.331829662,4.331829621,4.331829714,4.331829675,4.331829731,4.331829686,4.33182972,4.331829688,4.331829709,4.331829647,4.331829709,4.331829716,4.331829707,4.331829694,4.331829674,4.331829668,4.331829717,4.331829737,4.331829744,4.331829672,4.331829657,4.331829644,4.331829686
+"9834","MRPL41",6.923680771,6.923680879,6.923681162,6.923680947,6.923681063,6.923680652,6.923680939,6.923681077,6.923680958,6.923680956,6.92368107,6.923681098,6.923681042,6.923680609,6.923681004,6.923681015,6.923681121,6.923681047,6.923680907,6.923680887,6.923681028,6.923680969,6.923680867,6.923680727,6.923681153,6.923681079,6.923680856,6.923680916
+"9835","MRPL42",5.580557192,5.580556711,5.580557079,5.580555527,5.580556414,5.580555421,5.580556812,5.580555246,5.580556871,5.580556823,5.580556828,5.580555837,5.580556734,5.580558848,5.580556879,5.580555799,5.580556481,5.580555051,5.58055686,5.5805548,5.580556621,5.580556196,5.580557046,5.580556814,5.580556535,5.580555807,5.580556456,5.580558071
+"9836","MRPL43",5.90629894,5.906298943,5.906298934,5.906298924,5.906298882,5.906298949,5.906298873,5.906298895,5.906298926,5.906298941,5.906298924,5.906298908,5.906298938,5.906298961,5.906298933,5.906298932,5.906298935,5.906298902,5.906298906,5.906298953,5.906298893,5.906298927,5.906298932,5.906298914,5.906298922,5.906298925,5.906298936,5.906298933
+"9837","MRPL44",5.623960908,5.62396092,5.623960764,5.623960831,5.623960696,5.623961061,5.623960749,5.623960636,5.623960769,5.623960686,5.623960758,5.623960488,5.623960819,5.623960902,5.623960792,5.623960897,5.62396076,5.623960716,5.6239608,5.623961172,5.62396077,5.623960661,5.623960949,5.623960827,5.623960747,5.623960738,5.623960838,5.623960761
+"9838","MRPL45",7.160168018,7.160167434,7.160167561,7.160166713,7.160167036,7.160166891,7.160167522,7.160167284,7.16016781,7.160167845,7.16016676,7.160167087,7.160167589,7.160168173,7.160167067,7.160167157,7.160166876,7.160166798,7.160167168,7.160167154,7.160167258,7.160166933,7.160167619,7.160167902,7.160167433,7.16016741,7.160167345,7.160167767
+"9839","MRPL46",5.709779812,5.709779751,5.709779777,5.709779726,5.709779763,5.709779773,5.709779788,5.709779756,5.709779814,5.709779807,5.709779765,5.709779783,5.709779804,5.709779871,5.709779801,5.709779808,5.709779781,5.70977976,5.709779765,5.709779793,5.709779786,5.709779751,5.709779807,5.709779802,5.709779784,5.709779768,5.709779779,5.709779847
+"9840","MRPL47",4.896664413,4.896663989,4.896664302,4.896664224,4.896664218,4.896664208,4.896664223,4.896664093,4.89666426,4.896664329,4.896664215,4.896664211,4.896664341,4.896664593,4.896664322,4.896663996,4.896664176,4.896663985,4.896664236,4.896664232,4.896664228,4.896664152,4.896664228,4.896664252,4.896664222,4.8966641,4.896664257,4.896664444
+"9841","MRPL48",5.104268906,5.104268849,5.104268837,5.104268829,5.104268857,5.104268889,5.104268884,5.104268859,5.104268897,5.104268896,5.104268838,5.10426883,5.104268882,5.104268915,5.104268863,5.104268868,5.104268822,5.104268848,5.104268864,5.10426884,5.104268863,5.104268873,5.104268863,5.104268871,5.104268813,5.104268852,5.104268882,5.104268876
+"9842","MRPL49",6.690511478,6.690511613,6.690511244,6.690511212,6.690511228,6.690511456,6.6905113,6.690511435,6.690511547,6.690511551,6.690511287,6.690511247,6.690511557,6.690511666,6.690511312,6.690511502,6.690511276,6.69051131,6.690511429,6.690511626,6.69051126,6.690511438,6.690511541,6.690511574,6.690511196,6.690511309,6.690511512,6.690511474
+"9843","MRPL50",5.344773366,5.344773031,5.344773008,5.344772817,5.344772937,5.344772642,5.344772871,5.344772754,5.344773115,5.344773313,5.344772746,5.34477264,5.344772944,5.344773924,5.344772965,5.34477287,5.344773091,5.344772841,5.34477306,5.344772606,5.344773044,5.344772838,5.344773304,5.344773013,5.344772738,5.34477287,5.344772821,5.344773694
+"9844","MRPL51",6.562149045,6.562149181,6.562149029,6.562148828,6.562149066,6.562149083,6.562149164,6.562148983,6.562149169,6.562149065,6.562148798,6.562148604,6.562148971,6.562149356,6.562149044,6.562149234,6.562148938,6.56214889,6.562149025,6.562149013,6.562149003,6.562149055,6.562149182,6.562149145,6.562148634,6.562148779,6.562148937,6.562148838
+"9845","MRPL52",5.565745582,5.565745798,5.565745969,5.565745914,5.56574589,5.56574595,5.565745743,5.565745818,5.565745851,5.565745768,5.565745785,5.565745858,5.565745833,5.565745917,5.565745802,5.565745795,5.565745776,5.565745847,5.565745862,5.56574575,5.565745759,5.56574579,5.56574591,5.565745923,5.565745804,5.565745806,5.565745904,5.565745865
+"9846","MRPL53",7.421616837,7.421616701,7.421616922,7.421616523,7.421616625,7.421616777,7.421616964,7.421616608,7.421617064,7.421616746,7.421616492,7.421616761,7.421616753,7.421616721,7.421616704,7.421616532,7.421616705,7.421616357,7.421616581,7.421616953,7.421616771,7.421616694,7.421617091,7.421616629,7.42161642,7.421616819,7.421616855,7.42161658
+"9847","MRPL54",6.144790099,6.144790249,6.144790294,6.144790263,6.144790318,6.144790332,6.144790148,6.144790267,6.144790387,6.144790291,6.14479035,6.144790399,6.144790188,6.144790097,6.14479026,6.144790315,6.144790429,6.14479037,6.144790211,6.144790344,6.144790318,6.144790234,6.14479029,6.144790309,6.144790362,6.144790393,6.144790307,6.14479028
+"9848","MRPL55",6.597864917,6.597865013,6.597865239,6.597865049,6.597865228,6.597864947,6.597865058,6.597865171,6.597865107,6.597865039,6.597865127,6.597865275,6.597865146,6.597864791,6.597865214,6.597865178,6.597865312,6.597865213,6.597865046,6.597865042,6.597865119,6.597865209,6.597865016,6.597865062,6.597865236,6.597865062,6.597865015,6.597865116
+"9849","MRPL57",6.240147328,6.240147299,6.240147303,6.240147275,6.2401473,6.240147315,6.240147308,6.240147299,6.240147337,6.240147321,6.240147293,6.240147285,6.240147323,6.240147347,6.240147293,6.240147254,6.240147295,6.240147289,6.240147309,6.240147281,6.240147286,6.240147319,6.240147325,6.240147297,6.240147295,6.240147281,6.240147294,6.24014733
+"9850","MRPL58",5.653582893,5.65358289,5.653582894,5.653582871,5.653582916,5.653582904,5.653582916,5.653582901,5.653582913,5.653582924,5.653582905,5.653582919,5.6535829,5.653582911,5.653582918,5.653582883,5.653582918,5.653582889,5.653582905,5.65358291,5.653582916,5.653582913,5.653582906,5.653582903,5.653582903,5.653582901,5.653582901,5.653582908
+"9851","MRPL9",6.492102479,6.49210224,6.492102016,6.492101693,6.492101967,6.492102307,6.492102293,6.492101985,6.492102505,6.492102442,6.492101883,6.492101911,6.492102431,6.492102781,6.492102198,6.492102137,6.492102018,6.49210169,6.492102,6.492102235,6.492102263,6.492102261,6.492102497,6.492102101,6.492101862,6.492102073,6.492102391,6.492102465
+"9852","MRPS10",7.433703951,7.433703989,7.433703959,7.433703722,7.43370363,7.433703759,7.433703898,7.433703575,7.433703804,7.433703819,7.433703761,7.433703645,7.433703953,7.433704234,7.433703751,7.433703858,7.433703667,7.433703666,7.433703832,7.433703747,7.433703811,7.433703422,7.433703868,7.433703846,7.433703939,7.433703844,7.433703931,7.433703942
+"9853","MRPS11",6.664404972,6.664404798,6.664404882,6.66440489,6.664405104,6.664404953,6.664404953,6.664404889,6.66440489,6.664404922,6.664404852,6.664404904,6.664404838,6.664404833,6.664404942,6.664404729,6.664404985,6.664404801,6.664404874,6.66440504,6.664404926,6.664404987,6.664404853,6.664404885,6.664404805,6.664404884,6.664404858,6.664404718
+"9854","MRPS12",5.331716087,5.331716147,5.331716069,5.331716144,5.331716056,5.33171612,5.331716031,5.331716171,5.33171606,5.331716074,5.331715981,5.331716085,5.331716036,5.331716136,5.331716092,5.331715993,5.331716215,5.33171599,5.33171618,5.331716259,5.331716015,5.33171611,5.331716064,5.331716085,5.33171587,5.331716008,5.331716216,5.331716013
+"9855","MRPS14",5.8471022,5.847101844,5.847101858,5.84710108,5.847101311,5.847101502,5.847101788,5.847101337,5.847102059,5.847101781,5.847101405,5.847101285,5.847101898,5.847102772,5.847101552,5.847101752,5.847101243,5.847101581,5.847101501,5.84710153,5.847101879,5.847101526,5.847102317,5.847101856,5.847101455,5.847101872,5.847101881,5.847102368
+"9856","MRPS15",6.624031434,6.624031127,6.624031149,6.624030837,6.624030816,6.624031054,6.624031702,6.624030616,6.624031367,6.624031439,6.624031175,6.624030609,6.624031324,6.624031765,6.624030976,6.624030565,6.624030855,6.624030118,6.624031043,6.624031628,6.624031466,6.624030922,6.624031574,6.624031143,6.624030842,6.624030753,6.62403154,6.624030971
+"9857","MRPS16",7.129419073,7.129419056,7.12941916,7.129418921,7.129418825,7.129419069,7.12941905,7.129419206,7.12941916,7.129419033,7.129418976,7.129419074,7.129419026,7.129419187,7.129418892,7.129418946,7.129418869,7.129418991,7.129418906,7.129419116,7.129418993,7.129419089,7.129419167,7.129419085,7.129418942,7.129419146,7.129419005,7.129419084
+"9858","MRPS17",5.454032783,5.454032753,5.45403275,5.454032735,5.454032763,5.454032666,5.454032767,5.454032797,5.454032783,5.454032751,5.454032783,5.454032762,5.454032732,5.454032734,5.454032789,5.454032751,5.454032786,5.454032789,5.454032727,5.454032764,5.454032783,5.454032794,5.454032774,5.454032764,5.454032763,5.454032782,5.454032754,5.45403278
+"9859","MRPS18A",6.600221368,6.600221395,6.6002213,6.600221294,6.600221388,6.60022141,6.600221409,6.600221398,6.600221474,6.600221423,6.60022137,6.600221332,6.600221436,6.600221408,6.600221384,6.600221384,6.600221366,6.600221351,6.600221356,6.600221444,6.600221373,6.600221358,6.600221453,6.600221352,6.600221318,6.600221374,6.600221371,6.600221413
+"9860","MRPS18B",6.946556433,6.946556201,6.9465561,6.946556019,6.946556369,6.946556527,6.946556449,6.946556219,6.946556727,6.946556493,6.946555962,6.946556243,6.946556514,6.946556529,6.946556332,6.946555713,6.946556125,6.946555723,6.946556415,6.94655649,6.946556302,6.946556305,6.946556535,6.946556245,6.946555676,6.946556303,6.946556474,6.946556393
+"9861","MRPS18C",3.906549794,3.906549726,3.906549722,3.906549744,3.906549701,3.906549673,3.906549713,3.906549691,3.906549692,3.906549729,3.906549677,3.906549731,3.906549723,3.906549783,3.906549715,3.906549758,3.906549714,3.90654969,3.906549714,3.906549724,3.906549704,3.906549672,3.906549742,3.906549747,3.906549744,3.906549689,3.906549718,3.906549715
+"9862","MRPS2",6.42212287,6.422122872,6.422122882,6.422122852,6.422122893,6.422122904,6.422122892,6.422122865,6.422122899,6.422122912,6.422122866,6.422122893,6.422122879,6.42212285,6.422122915,6.422122873,6.422122894,6.422122881,6.422122867,6.422122897,6.42212287,6.4221229,6.422122888,6.422122863,6.422122855,6.422122874,6.422122894,6.422122894
+"9863","MRPS21",6.373673535,6.373673494,6.373672573,6.373672644,6.373672404,6.373672711,6.373673217,6.373672468,6.373673614,6.373673159,6.373672663,6.373672918,6.373673368,6.373673786,6.373672918,6.373673137,6.37367226,6.373672419,6.373672706,6.373672836,6.373673379,6.373672622,6.373673319,6.373673161,6.373672686,6.373673228,6.373673424,6.373673068
+"9864","MRPS22",4.925418962,4.925418939,4.925418949,4.925418915,4.925418944,4.92541895,4.925418942,4.925418917,4.925418958,4.925418965,4.925418929,4.925418943,4.925418933,4.925418979,4.925418949,4.925418928,4.925418934,4.925418916,4.925418945,4.925418942,4.92541895,4.925418943,4.925418923,4.925418947,4.925418931,4.925418956,4.925418962,4.925418981
+"9865","MRPS23",4.5709334,4.570933301,4.570933185,4.570933217,4.570933256,4.570933222,4.570933179,4.570932983,4.570933243,4.570933282,4.570933318,4.570933105,4.57093336,4.570933366,4.570933261,4.570933176,4.570933144,4.570933214,4.570933264,4.570933265,4.570933253,4.570933164,4.570933361,4.570933105,4.570933128,4.57093319,4.57093325,4.570933418
+"9866","MRPS25",6.957822983,6.957822843,6.957822666,6.957822538,6.957822618,6.957822727,6.957822662,6.957822726,6.957822989,6.957822839,6.957821996,6.957822921,6.957823202,6.957823163,6.957822519,6.957822616,6.957822526,6.957822227,6.957822753,6.957822275,6.957822499,6.95782271,6.957822907,6.957822739,6.957822418,6.957822956,6.957823414,6.957822852
+"9867","MRPS26",7.134297949,7.134297955,7.13429798,7.134297975,7.13429799,7.134297937,7.134297967,7.134297989,7.134297985,7.134297982,7.134297981,7.134297975,7.134297971,7.134297955,7.134297969,7.134297978,7.134297991,7.134297977,7.134297948,7.134297953,7.134297976,7.134297982,7.134297971,7.134297968,7.134297986,7.134297984,7.134297974,7.134297979
+"9868","MRPS27",6.158928068,6.158928033,6.15892796,6.158927963,6.158927959,6.158928061,6.158928025,6.158927982,6.158928089,6.158928005,6.158927819,6.15892797,6.15892807,6.158928191,6.158927972,6.158927855,6.158927857,6.158927899,6.158927967,6.158928021,6.158927995,6.158927988,6.158928126,6.158928009,6.15892789,6.15892803,6.158928027,6.158928069
+"9869","MRPS28",3.421670108,3.421670028,3.421670149,3.42166999,3.421669982,3.421670263,3.421670118,3.421670024,3.4216701,3.421670129,3.421670101,3.421670002,3.421670092,3.421670183,3.421670084,3.421670016,3.42167005,3.421669967,3.421670085,3.421670007,3.421670076,3.421670013,3.421670113,3.421670096,3.421670086,3.421670035,3.421670098,3.421670202
+"9870","MRPS30",6.309665473,6.309664362,6.309664279,6.309664042,6.30966446,6.30966461,6.309665121,6.309664165,6.309664922,6.309664804,6.309664336,6.309664186,6.309664972,6.309665787,6.309664914,6.309664188,6.309664181,6.309664286,6.309664962,6.309663716,6.309664423,6.309664557,6.309665282,6.309664763,6.30966407,6.309664638,6.309664831,6.30966532
+"9871","MRPS31",5.376439693,5.376439533,5.376439272,5.3764394,5.376439543,5.376439256,5.376439427,5.376439351,5.376439903,5.376439545,5.37643909,5.376439217,5.376439795,5.376440182,5.376439509,5.376439409,5.376439285,5.376439297,5.376439548,5.376438677,5.376439413,5.376439403,5.376439781,5.376439429,5.376439279,5.376439502,5.3764397,5.376439799
+"9872","MRPS33",4.310032234,4.310032192,4.310032187,4.310032167,4.310032188,4.310032204,4.31003222,4.310032212,4.310032229,4.310032194,4.310032151,4.310032161,4.310032206,4.310032247,4.310032201,4.310032182,4.310032243,4.31003216,4.310032195,4.310032161,4.310032169,4.310032217,4.310032245,4.310032208,4.310032172,4.310032175,4.310032217,4.310032225
+"9873","MRPS34",7.069205424,7.069205409,7.069205396,7.069205211,7.069205388,7.069205526,7.069205519,7.069205317,7.069205648,7.069205587,7.069205393,7.069205226,7.069205494,7.069205497,7.069205473,7.069205328,7.069205358,7.069205122,7.069205211,7.069205393,7.069205359,7.069205377,7.069205583,7.069205304,7.069205196,7.069205344,7.069205456,7.069205437
+"9874","MRPS35",5.482269582,5.482269463,5.48226941,5.482269344,5.482269267,5.482269517,5.482269481,5.482269166,5.482269508,5.482269519,5.482269368,5.482269294,5.482269588,5.48226968,5.482269502,5.482269261,5.482269047,5.482269114,5.482269487,5.482269379,5.4822693,5.48226926,5.482269542,5.482269432,5.482269096,5.482269299,5.482269447,5.482269538
+"9875","MRPS36",3.82217809,3.822178095,3.822178154,3.822178096,3.82217803,3.822178073,3.822178174,3.82217805,3.822178216,3.822178175,3.822178158,3.822178035,3.82217813,3.822178263,3.822178094,3.822178008,3.822178212,3.822178117,3.822178153,3.822178144,3.822178087,3.822178118,3.822178241,3.822178109,3.82217808,3.82217807,3.822178184,3.822178071
+"9876","MRPS5",6.885334012,6.885334079,6.885333736,6.885333371,6.88533384,6.885333782,6.885333814,6.885333586,6.885333878,6.88533393,6.885333658,6.885333686,6.885333937,6.885334425,6.885333515,6.88533373,6.885333584,6.885333424,6.885333745,6.885333956,6.88533388,6.885333673,6.885334013,6.885333906,6.885333525,6.88533393,6.885333879,6.885334024
+"9877","MRPS7",6.686579964,6.686579933,6.686579896,6.686579926,6.686579921,6.686579974,6.686579907,6.686579919,6.686579994,6.686579976,6.686579912,6.686579879,6.686579967,6.686579995,6.686579854,6.686579951,6.686579816,6.686579891,6.686579947,6.686579891,6.686579923,6.686579949,6.686579964,6.686579951,6.686579878,6.686579938,6.686579941,6.686579929
+"9878","MRPS9",5.076281684,5.076281529,5.076281548,5.076281476,5.076281428,5.076281348,5.076281429,5.076281396,5.076281569,5.076281492,5.076281362,5.076281397,5.076281434,5.076281817,5.076281445,5.07628146,5.076281227,5.0762814,5.076281491,5.076281357,5.0762815,5.07628148,5.076281732,5.076281547,5.076281291,5.076281512,5.076281474,5.076281452
+"9879","MRRF",5.676782493,5.676782361,5.67678244,5.676782287,5.676782365,5.676782392,5.676782374,5.676782459,5.676782518,5.676782481,5.676782337,5.676782503,5.676782499,5.676782544,5.676782409,5.676782298,5.676782365,5.676782353,5.67678243,5.676782418,5.676782373,5.676782404,5.676782441,5.67678248,5.676782358,5.676782484,5.676782472,5.676782461
+"9880","MRS2",5.897323989,5.897323866,5.897323866,5.897323882,5.897323872,5.897323857,5.897323878,5.897323856,5.897323958,5.897323924,5.897323868,5.89732383,5.897323937,5.897324091,5.897323925,5.897323839,5.897323803,5.897323789,5.897323894,5.897323724,5.897323876,5.897323901,5.897323956,5.897323919,5.897323839,5.897323915,5.897323953,5.897323974
+"9881","MRTFA",7.855429655,7.855429663,7.85542966,7.855429676,7.855429676,7.85542969,7.855429671,7.855429666,7.855429658,7.855429678,7.855429667,7.855429668,7.855429671,7.855429646,7.855429655,7.855429653,7.855429641,7.855429663,7.855429686,7.85542966,7.855429663,7.855429653,7.855429654,7.855429677,7.855429682,7.855429669,7.855429678,7.85542964
+"9882","MRTFB",5.608897268,5.608897241,5.608897254,5.608897227,5.60889726,5.608897232,5.608897238,5.608897257,5.608897282,5.608897263,5.608897233,5.608897258,5.60889726,5.608897283,5.608897241,5.608897243,5.60889723,5.608897219,5.608897268,5.608897248,5.608897217,5.60889726,5.608897265,5.608897245,5.608897202,5.608897252,5.608897258,5.608897272
+"9883","MRTO4",5.295863791,5.295863779,5.295863812,5.295863838,5.295863804,5.29586379,5.295863847,5.295863779,5.295863816,5.295863843,5.295863777,5.295863805,5.295863835,5.29586383,5.295863826,5.295863752,5.295863833,5.295863753,5.295863769,5.295863761,5.295863773,5.295863779,5.295863837,5.295863774,5.295863767,5.295863789,5.295863832,5.295863846
+"9884","MS4A1",8.201192859,6.865653716,7.168687814,7.447001055,7.332903579,7.562583651,7.957216882,6.560054834,6.960071104,7.610229372,6.663924362,7.543841606,7.556526578,8.485212844,7.922206016,6.633001133,7.039176009,7.532498875,7.626408654,7.295050971,7.818864093,7.087211614,7.048977536,7.492055177,6.609857877,7.819386619,7.525644611,8.245186034
+"9885","MS4A10",3.943880986,3.943880925,3.943880889,3.943880822,3.943881048,3.943880989,3.943881002,3.943880997,3.943880871,3.943880965,3.94388099,3.943880972,3.943880922,3.94388075,3.943880858,3.943880923,3.94388098,3.943880831,3.943880772,3.943881074,3.943881049,3.943881002,3.94388095,3.943880819,3.943880876,3.94388089,3.94388094,3.943880757
+"9886","MS4A12",3.242225723,3.242225779,3.242225803,3.242225785,3.242225861,3.242225785,3.242225868,3.242225879,3.242225778,3.242225815,3.242225856,3.242225907,3.24222576,3.242225726,3.242225808,3.24222585,3.242225923,3.24222581,3.242225805,3.242225776,3.242225868,3.242225832,3.242225732,3.242225746,3.242225815,3.24222581,3.242225781,3.242225797
+"9887","MS4A13",3.056725471,3.056725488,3.056725496,3.05672548,3.056725492,3.056725486,3.056725477,3.056725485,3.056725477,3.056725478,3.056725501,3.056725488,3.056725484,3.056725473,3.056725477,3.056725479,3.056725505,3.056725491,3.05672548,3.056725494,3.056725475,3.056725475,3.056725485,3.056725475,3.056725482,3.056725485,3.056725479,3.056725491
+"9888","MS4A15",5.45993251,5.45993254,5.459932526,5.459932553,5.459932561,5.459932526,5.459932536,5.459932546,5.459932496,5.459932532,5.459932538,5.459932552,5.459932526,5.459932465,5.459932531,5.459932562,5.459932537,5.45993257,5.459932555,5.459932501,5.45993254,5.45993254,5.459932505,5.459932494,5.459932544,5.459932536,5.459932525,5.459932538
+"9889","MS4A2",3.620266225,3.620265744,3.620265501,3.620266275,3.620265965,3.620264777,3.620264244,3.620264497,3.620264977,3.620264616,3.620266559,3.620265516,3.620264843,3.620265285,3.620265735,3.62026611,3.620265315,3.620265925,3.620265835,3.62026475,3.620264372,3.620264804,3.620265184,3.620265402,3.620266482,3.620264981,3.620264645,3.620266982
+"9890","MS4A3",4.3712221,4.371221462,4.371221771,4.371221543,4.371221409,4.371221031,4.37122175,4.371220924,4.37122084,4.371221372,4.371222163,4.371221449,4.371220937,4.371220697,4.371221696,4.371221443,4.371222028,4.371221226,4.371221689,4.371221072,4.37122189,4.371221009,4.371221246,4.371221032,4.37122186,4.371221128,4.371221188,4.371222219
+"9891","MS4A4A",3.468070042,3.468070058,3.468070114,3.468069974,3.468069991,3.468070055,3.468070058,3.468070042,3.468069999,3.468070059,3.468070168,3.468069932,3.468070092,3.468070065,3.468069912,3.468069982,3.468070199,3.46806997,3.468070088,3.468070181,3.468070061,3.468069882,3.468069946,3.468070031,3.468070116,3.468070045,3.468070046,3.468070019
+"9892","MS4A5",3.056785987,3.056786027,3.056785985,3.05678601,3.056786017,3.056786,3.056786019,3.056786002,3.056786014,3.05678601,3.056786007,3.056786038,3.056785985,3.056785985,3.056786007,3.056785986,3.056786029,3.056786006,3.056785997,3.056785997,3.056786009,3.05678601,3.056785997,3.056786012,3.056785999,3.056785994,3.056786002,3.056786017
+"9893","MS4A6A",7.284261771,7.284262495,7.284262388,7.284261937,7.284261969,7.284262196,7.284262046,7.284260583,7.284260902,7.284262499,7.284262187,7.28426101,7.284261844,7.284262385,7.284261053,7.284261673,7.284262463,7.284260765,7.284261872,7.284261551,7.284261856,7.284260648,7.284261057,7.284262211,7.284260963,7.284260986,7.284261816,7.284260737
+"9894","MS4A6E",3.144664668,3.1446647,3.144664729,3.144664671,3.144664683,3.144664706,3.144664684,3.144664677,3.144664707,3.144664702,3.144664686,3.144664715,3.144664715,3.144664681,3.144664691,3.144664705,3.144664719,3.144664724,3.144664665,3.144664709,3.144664684,3.144664683,3.144664685,3.144664716,3.14466469,3.144664659,3.144664697,3.144664728
+"9895","MS4A8",4.174431129,4.174431084,4.174431146,4.174431179,4.174431125,4.174431133,4.174431065,4.174431099,4.174431123,4.174431142,4.174431108,4.174431128,4.174431121,4.174431083,4.174431108,4.174431104,4.17443113,4.174431117,4.174431116,4.174431151,4.174431073,4.174431111,4.174431116,4.174431142,4.174431152,4.174431122,4.17443114,4.174431157
+"9896","MSANTD1",4.753981173,4.753981193,4.75398125,4.753981201,4.753981478,4.753981364,4.753981429,4.753981322,4.753981281,4.753981338,4.753981346,4.753981206,4.75398129,4.753981169,4.753981427,4.753981109,4.753981462,4.753981382,4.753981265,4.753981309,4.753981389,4.75398141,4.753981343,4.753981221,4.753981187,4.753981335,4.753981344,4.753981366
+"9897","MSANTD2",6.350297777,6.35029776,6.350297486,6.350297452,6.350297572,6.350297528,6.350297566,6.350297561,6.350297689,6.350297599,6.350297424,6.350297537,6.350297737,6.350297906,6.350297664,6.35029757,6.350297435,6.350297379,6.350297654,6.350297425,6.350297497,6.350297644,6.350297723,6.350297686,6.350297352,6.35029759,6.350297584,6.350297766
+"9898","MSANTD4",5.736405253,5.736404924,5.736405125,5.736404655,5.736404733,5.73640455,5.736404656,5.736404747,5.736404864,5.736404459,5.736405021,5.736404722,5.736405119,5.736405856,5.736404927,5.736405063,5.736404795,5.7364045,5.736404826,5.736404399,5.736404739,5.73640456,5.736405185,5.73640507,5.736404713,5.736404627,5.736404868,5.736405604
+"9899","MSC",5.193107011,5.193107008,5.193107084,5.193107013,5.193107153,5.193107101,5.193107183,5.193107149,5.193107136,5.193107097,5.193107123,5.193107191,5.193107095,5.193106958,5.19310713,5.193107097,5.193107189,5.193107132,5.193107089,5.193107044,5.193107162,5.193107136,5.193107084,5.193107055,5.193107091,5.193107149,5.193107127,5.193107125
+"9900","MSGN1",5.177428252,5.177428308,5.177428539,5.177428419,5.177428378,5.177428215,5.177428336,5.177428494,5.177428405,5.177428237,5.177428446,5.177428309,5.177428351,5.177428298,5.177428272,5.177428371,5.177428416,5.177428466,5.177428293,5.177428434,5.177428432,5.17742854,5.177428334,5.177428441,5.177428446,5.17742843,5.177428312,5.177428273
+"9901","MSH2",5.347497642,5.34749778,5.347497347,5.34749766,5.347497353,5.347497314,5.347497698,5.347497404,5.347498074,5.347497644,5.347497018,5.34749742,5.347497639,5.347498335,5.347497459,5.347497783,5.347497004,5.347497442,5.347497733,5.34749712,5.347497765,5.347497465,5.347498115,5.347497587,5.347497145,5.347497769,5.347497558,5.347497913
+"9902","MSH3",6.546065398,6.546065119,6.546065028,6.546065095,6.546065114,6.546065086,6.546065084,6.546065118,6.54606534,6.546065091,6.54606458,6.546064879,6.546065582,6.546066446,6.54606502,6.54606514,6.546064553,6.54606465,6.546065539,6.546065029,6.546064876,6.546065179,6.546065565,6.546065055,6.546064729,6.546065135,6.546065438,6.546065975
+"9903","MSH6",5.712562281,5.712562336,5.71256203,5.712562149,5.71256203,5.712562007,5.71256232,5.712562063,5.712562236,5.712562331,5.71256208,5.712561999,5.712562055,5.712562534,5.712562118,5.712562227,5.712561911,5.712561943,5.712562241,5.712561896,5.712562099,5.712562013,5.712562239,5.712562245,5.712562023,5.712561994,5.71256213,5.712562291
+"9904","MSI1",6.009698969,6.009699009,6.009699095,6.009698972,6.009699412,6.009699115,6.009699161,6.009699186,6.00969906,6.009699242,6.009699379,6.009699421,6.009699027,6.009698635,6.00969935,6.009698935,6.009699342,6.009699175,6.009699096,6.009699177,6.009699218,6.009699217,6.009698998,6.009698982,6.009699047,6.009699178,6.009699144,6.009699042
+"9905","MSI2",6.944424824,6.944424975,6.94442439,6.944424482,6.94442444,6.944424474,6.94442461,6.94442463,6.944425002,6.944424705,6.944424729,6.944424739,6.944424955,6.9444251,6.944424491,6.944424677,6.944423853,6.944424074,6.944424848,6.944423965,6.944424342,6.944424701,6.944424887,6.944424572,6.944424527,6.944424821,6.944424823,6.944424848
+"9906","MSL1",8.576728724,8.576729029,8.576728366,8.576730021,8.576727727,8.576729164,8.576728911,8.576728349,8.576728691,8.576728253,8.57672889,8.576727397,8.576728537,8.576728527,8.576728363,8.576728897,8.576727541,8.576729537,8.576729025,8.576729503,8.576729016,8.576728248,8.57672897,8.576729167,8.576729511,8.576728301,8.576728504,8.576728149
+"9907","MSL2",9.720228566,9.720228515,9.720227471,9.720228158,9.720227427,9.720227694,9.720228089,9.720227574,9.720228109,9.720227934,9.720227282,9.720227117,9.720227979,9.720229246,9.720228091,9.720228259,9.720227479,9.720227636,9.720228097,9.720227465,9.720228092,9.720227723,9.720228536,9.720228342,9.720227475,9.720227653,9.720228097,9.720228476
+"9908","MSL3",7.6890207,7.689020816,7.689020588,7.689020953,7.689020555,7.689020814,7.68902068,7.689020249,7.689021021,7.689020946,7.689020573,7.689020669,7.689020898,7.689020989,7.689020374,7.689020463,7.689020376,7.689020649,7.689020974,7.689021136,7.689020827,7.689020336,7.689020951,7.689021188,7.689020669,7.689020754,7.689020753,7.689020674
+"9909","MSL3P1",4.676680651,4.676680434,4.676680165,4.676680671,4.676679532,4.676679784,4.676680148,4.67667905,4.67668037,4.676680246,4.676680516,4.67668024,4.676680729,4.676681288,4.676678888,4.676681178,4.676679074,4.676680476,4.676679903,4.676680085,4.676680695,4.676679549,4.676681065,4.676680702,4.676680733,4.676680416,4.67668026,4.676680161
+"9910","MSLN",5.44819743,5.448197561,5.448197647,5.448197574,5.448197854,5.448197679,5.44819768,5.448197703,5.448197659,5.448197623,5.448197682,5.448197787,5.44819759,5.448197458,5.448197762,5.448197624,5.448197852,5.44819771,5.448197777,5.448197597,5.448197704,5.448197747,5.448197622,5.448197531,5.448197693,5.448197767,5.44819755,5.448197581
+"9911","MSMB",2.923475345,2.923475337,2.923475257,2.92347534,2.923475352,2.923475465,2.923475354,2.923475329,2.923475354,2.923475307,2.923475488,2.923475463,2.92347536,2.923475361,2.923475493,2.923475528,2.923475549,2.92347549,2.923475435,2.923475501,2.923475445,2.923475359,2.923475318,2.92347533,2.92347542,2.923475424,2.923475323,2.923475298
+"9912","MSMO1",4.870708071,4.870707774,4.870707822,4.870707848,4.870707747,4.870707758,4.870707854,4.870707785,4.870707902,4.870707818,4.870707778,4.870707868,4.870707966,4.870708148,4.870707803,4.870707799,4.870707829,4.870707772,4.870707886,4.870707847,4.87070784,4.870707856,4.870707925,4.870707825,4.870707894,4.87070788,4.870707866,4.870707895
+"9913","MSN",10.70430846,10.70430933,10.70430775,10.70430916,10.70430802,10.70430901,10.70430856,10.70430731,10.70430794,10.70430817,10.70430827,10.70430711,10.70430828,10.70430875,10.70430824,10.70430884,10.70430717,10.70430841,10.70430824,10.70430876,10.70430897,10.70430726,10.70430838,10.70430874,10.70430813,10.70430855,10.70430848,10.70430773
+"9914","MSR1",3.669776904,3.669777154,3.669776818,3.669776766,3.669776817,3.669776591,3.669776656,3.669776614,3.669776655,3.669776873,3.669777028,3.669776635,3.669776637,3.669776884,3.669776901,3.669777015,3.669776784,3.669776863,3.669776845,3.669776728,3.66977673,3.669776555,3.669776471,3.66977694,3.669777154,3.669776708,3.669776786,3.669777032
+"9915","MSRA",6.599333309,6.599333387,6.599333259,6.599333385,6.599333264,6.59933335,6.59933334,6.59933329,6.599333293,6.59933335,6.59933327,6.599333238,6.599333277,6.599333329,6.599333207,6.599333402,6.599333195,6.59933332,6.599333377,6.599333308,6.599333333,6.599333244,6.599333246,6.599333382,6.599333271,6.599333315,6.599333363,6.599333215
+"9916","MSRB1",9.632394755,9.632506524,9.632390872,9.63249692,9.63233143,9.632463878,9.632376429,9.632404296,9.632394072,9.632370198,9.632385085,9.632282817,9.632375878,9.632389676,9.63237209,9.632527637,9.632414435,9.632466387,9.632433868,9.632511723,9.632356797,9.632418127,9.632463078,9.632475127,9.632443575,9.632350441,9.632365178,9.632353858
+"9917","MSRB2",8.257996034,8.257996407,8.257996359,8.2579964,8.257995058,8.257997776,8.257996119,8.257995926,8.257996029,8.257995436,8.257995603,8.257993321,8.257996108,8.25799629,8.25799609,8.257996898,8.257995903,8.257996542,8.257996641,8.257997775,8.257996122,8.257995954,8.25799653,8.257996243,8.257996064,8.257993418,8.25799561,8.257995874
+"9918","MSRB3",4.645317086,4.645317179,4.645317124,4.645317162,4.645317233,4.64531713,4.645317419,4.645316961,4.645317166,4.645317181,4.645317203,4.645317257,4.645317227,4.645316998,4.645317259,4.645317108,4.645317178,4.645317214,4.645317166,4.64531723,4.645317222,4.64531711,4.645317128,4.645317228,4.645317373,4.645317182,4.645316914,4.645317359
+"9919","MSS51",5.817555904,5.817555725,5.81755567,5.817555672,5.817555554,5.817555838,5.817555813,5.817555555,5.8175557,5.817555807,5.817555366,5.817555742,5.817555886,5.81755575,5.817555747,5.817555556,5.817555527,5.817555502,5.817555793,5.817555831,5.817555698,5.817555684,5.817555834,5.817555791,5.817555854,5.81755584,5.817555841,5.817555477
+"9920","MST1",5.07899996,5.079000106,5.079000104,5.079000106,5.079000069,5.07900007,5.079000124,5.079000225,5.079000075,5.079000053,5.07900002,5.07900021,5.079000042,5.078999979,5.079000128,5.079000119,5.079000048,5.079000103,5.079000056,5.078999879,5.079000126,5.079000136,5.078999869,5.078999926,5.079000203,5.0790001,5.079000189,5.07900012
+"9921","MST1R",4.633590425,4.633590468,4.633590565,4.633590417,4.633590702,4.633590476,4.633590575,4.633590599,4.633590413,4.633590531,4.633590648,4.633590687,4.633590559,4.633590398,4.633590633,4.633590499,4.633590596,4.633590673,4.63359053,4.633590598,4.633590695,4.633590623,4.63359043,4.633590431,4.633590583,4.633590599,4.633590534,4.633590453
+"9922","MSTN",2.547930435,2.547930441,2.54793045,2.547930466,2.547930495,2.54793046,2.547930444,2.547930471,2.547930531,2.547930477,2.547930498,2.547930547,2.547930419,2.547930445,2.547930485,2.547930455,2.54793054,2.547930513,2.547930483,2.547930393,2.547930408,2.547930434,2.54793056,2.547930439,2.547930417,2.547930463,2.547930427,2.547930446
+"9923","MSX1",6.057116941,6.057116974,6.057117204,6.057116974,6.057117173,6.057116832,6.057117001,6.057117125,6.057117119,6.05711705,6.057117174,6.057117084,6.057117055,6.057116972,6.057117108,6.057117015,6.05711714,6.057117121,6.05711696,6.057117035,6.057117061,6.057117138,6.05711703,6.057117143,6.057117149,6.057117073,6.057117003,6.057117101
+"9924","MSX2",4.354859791,4.354859787,4.35485976,4.354859754,4.354859815,4.354859815,4.354859794,4.35485983,4.354859809,4.354859869,4.354859803,4.354859925,4.354859789,4.354859772,4.354859801,4.354859766,4.354859813,4.354859763,4.354859793,4.354859852,4.354859785,4.354859824,4.354859786,4.354859833,4.354859812,4.354859811,4.354859783,4.354859801
+"9925","MSX2P1",6.614087901,6.61408798,6.614088154,6.614088004,6.614088228,6.614087928,6.614088141,6.614088038,6.61408823,6.614088012,6.614088245,6.614088352,6.614088009,6.614087862,6.61408807,6.614088112,6.614088099,6.614088333,6.6140881,6.614088034,6.614088253,6.614088303,6.61408816,6.614087971,6.61408827,6.614088354,6.614088131,6.614088254
+"9926","MT1A",6.128325229,6.128325385,6.128325485,6.128325036,6.128325384,6.128326167,6.128325347,6.128325864,6.128326068,6.128325585,6.128325037,6.128325848,6.12832545,6.12832523,6.128325248,6.128325527,6.128325515,6.12832502,6.12832529,6.128326103,6.128325441,6.128325781,6.128325817,6.128325553,6.128325138,6.128325812,6.128325525,6.12832523
+"9927","MT1B",5.877814062,5.87781413,5.877814125,5.877814034,5.877814182,5.877814291,5.877814106,5.877814348,5.877814306,5.877814153,5.87781407,5.877814276,5.877814178,5.877813997,5.877814137,5.877814143,5.877814233,5.87781404,5.877814051,5.877814338,5.877814138,5.877814301,5.87781425,5.877814137,5.877814043,5.877814283,5.877814147,5.877814045
+"9928","MT1DP",6.290197147,6.290197332,6.290197409,6.290197088,6.290197037,6.290197739,6.290197114,6.290197849,6.290197433,6.290197211,6.290197124,6.290197459,6.290197309,6.290196696,6.290197132,6.290197251,6.290197393,6.290197011,6.290197144,6.290197703,6.290197195,6.290197524,6.290197477,6.290197243,6.290197066,6.290197632,6.29019753,6.290196885
+"9929","MT1E",6.213723114,6.213723199,6.213723341,6.213723198,6.213723253,6.213723293,6.21372305,6.213723373,6.213723335,6.213723278,6.213723351,6.213723395,6.213723301,6.213723058,6.213723323,6.213723407,6.213723505,6.213723279,6.21372323,6.213723313,6.213723324,6.213723454,6.213723251,6.213723406,6.213723341,6.213723388,6.213723151,6.213723316
+"9930","MT1F",7.151934789,7.151934777,7.15193444,7.151934155,7.151934677,7.151934936,7.151934759,7.151934713,7.15193508,7.151934781,7.151934296,7.151934748,7.151934751,7.151934343,7.151934749,7.151934744,7.151934621,7.151934304,7.151934783,7.15193512,7.151934617,7.151934727,7.151934985,7.151934849,7.151934335,7.151934672,7.151934768,7.15193454
+"9931","MT1G",6.894950373,6.89495147,6.894951216,6.8949514,6.894951293,6.894952657,6.894951326,6.894952463,6.89495216,6.894951372,6.894951401,6.894951979,6.894951577,6.894949957,6.894951177,6.894952009,6.894951986,6.89495143,6.89495061,6.894953009,6.894951358,6.894952644,6.894951886,6.894951351,6.89495127,6.894952169,6.894951723,6.894951042
+"9932","MT1H",4.90712237,4.907123197,4.907123152,4.907122437,4.907122933,4.907123784,4.907122405,4.907123653,4.907123449,4.90712284,4.907121978,4.907123449,4.907122942,4.907122179,4.907122888,4.907122901,4.907123111,4.907121972,4.907122636,4.907124661,4.907122944,4.907123457,4.907123209,4.90712328,4.907122485,4.907123659,4.907122827,4.907122309
+"9933","MT1HL1",6.042700313,6.042700707,6.042701307,6.042699889,6.042701406,6.042701093,6.042700674,6.042701699,6.042701184,6.042700575,6.042700629,6.042701259,6.042701075,6.042700394,6.042701131,6.042701099,6.042701303,6.042700977,6.042701035,6.042701555,6.042701123,6.042701485,6.042700853,6.042700846,6.042701015,6.042701782,6.042700984,6.04270046
+"9934","MT1IP",5.189939005,5.189939036,5.189939037,5.189939033,5.189939022,5.189939042,5.189939023,5.189939045,5.189939028,5.189939014,5.189939017,5.189939045,5.189939011,5.189939009,5.189939017,5.189939023,5.189939048,5.189939023,5.189939012,5.189939057,5.189939014,5.189939043,5.189939033,5.189939036,5.189939016,5.189939014,5.189939038,5.189939006
+"9935","MT1JP",4.976422638,4.976422695,4.976422676,4.976422628,4.976422658,4.976422921,4.976422765,4.976422849,4.976422807,4.976422688,4.976422712,4.976422884,4.976422702,4.976422535,4.976422647,4.976422724,4.976422708,4.976422716,4.976422601,4.976423049,4.976422678,4.976422789,4.976422831,4.976422778,4.976422629,4.976422821,4.976422695,4.976422622
+"9936","MT1L",6.385391463,6.385392425,6.385392634,6.385391565,6.385390874,6.385393131,6.385391138,6.385393774,6.385393425,6.385391676,6.385391337,6.3853933,6.385392035,6.385390287,6.38539128,6.385392498,6.385391505,6.385391226,6.385390636,6.38539315,6.385392298,6.385392972,6.385393106,6.385392126,6.385391722,6.38539322,6.385391489,6.385390671
+"9937","MT1M",5.567976179,5.567976242,5.567976251,5.567976197,5.567976314,5.567976437,5.567976231,5.56797646,5.56797639,5.567976241,5.567976385,5.567976449,5.567976326,5.567975959,5.567976349,5.567976232,5.567976416,5.567976315,5.567976248,5.567976294,5.567976315,5.567976461,5.567976356,5.56797621,5.567976256,5.567976402,5.567976295,5.567976239
+"9938","MT1P3",5.610962338,5.610962442,5.610962468,5.610962404,5.610962409,5.610962449,5.610962211,5.610962613,5.610962632,5.610962302,5.610962413,5.610962572,5.610962434,5.610961964,5.610962203,5.610962684,5.610962378,5.610962629,5.610962247,5.610962724,5.610962321,5.610962536,5.610962394,5.6109625,5.610962437,5.61096258,5.610962276,5.610962202
+"9939","MT1X",6.460380554,6.460380574,6.460380359,6.46038027,6.460380542,6.460380703,6.460380456,6.460380619,6.460380604,6.460380502,6.460380304,6.460380566,6.460380496,6.460380411,6.460380446,6.460380475,6.460380405,6.460380264,6.460380446,6.460380373,6.460380433,6.460380516,6.460380706,6.460380561,6.460380317,6.460380576,6.460380587,6.460380372
+"9940","MT2A",7.9164674375,8.412445938,8.292441201,7.6556818595,8.1784592795,9.515788907,8.04638316,9.0502385315,9.196217235,8.5616333435,7.7510346945,8.9173202535,8.472229237,7.758647637,8.0070833115,8.430246351,8.411684453,7.611827801,8.0320468885,9.520773565,8.142021752,8.880692249,9.0615572845,8.5582579925,7.695095137,8.929539281,8.451946182,7.9295833465
+"9941","MT3",6.81356952,6.813569564,6.813569656,6.813569604,6.813569869,6.813569721,6.813569794,6.813569859,6.813569674,6.813569609,6.813569706,6.813569994,6.813569645,6.813569375,6.813569828,6.813569781,6.813569969,6.813569807,6.813569678,6.81356972,6.813569863,6.813569892,6.813569612,6.813569542,6.81356976,6.813569821,6.813569629,6.813569739
+"9942","MT4",4.767856332,4.767856301,4.767856312,4.767856315,4.767856354,4.76785632,4.767856335,4.767856341,4.767856304,4.767856316,4.76785633,4.767856336,4.767856275,4.767856275,4.767856325,4.767856352,4.767856327,4.767856276,4.767856308,4.76785635,4.767856362,4.767856347,4.76785632,4.767856301,4.767856281,4.767856338,4.767856318,4.767856335
+"9943","MTA1",6.431159649,6.431159638,6.431159624,6.431159622,6.431159616,6.431159664,6.431159632,6.431159657,6.431159691,6.431159656,6.431159622,6.431159619,6.431159664,6.431159675,6.431159629,6.431159627,6.431159593,6.431159603,6.431159613,6.431159643,6.431159661,6.431159654,6.431159661,6.43115963,6.431159644,6.431159671,6.431159656,6.431159654
+"9944","MTA2",7.789854604,7.789854511,7.789853557,7.789853692,7.789853697,7.789854715,7.789854048,7.789854074,7.789854591,7.789854466,7.789853052,7.789853448,7.789854342,7.789855607,7.789853776,7.789854123,7.789852194,7.789853148,7.789853566,7.789854735,7.789853911,7.789853865,7.789854853,7.789854394,7.789853214,7.789854057,7.789854381,7.789854579
+"9945","MTA3",5.433918463,5.433918475,5.433918221,5.43391812,5.43391833,5.433918172,5.43391831,5.433918337,5.433918592,5.433918522,5.433918116,5.433918362,5.433918426,5.433918529,5.43391828,5.433918262,5.433918102,5.43391814,5.433918426,5.433918242,5.43391837,5.433918384,5.433918532,5.433918338,5.433918111,5.433918502,5.4339185,5.433918315
+"9946","MTARC1",7.052136459,7.05213744,7.052135861,7.052140468,7.05213478,7.052136212,7.052138201,7.052135644,7.052134653,7.052136096,7.052137386,7.052135437,7.052135559,7.052135253,7.05213645,7.052138861,7.052136963,7.052139119,7.052136476,7.052136534,7.052138195,7.052135546,7.052136485,7.052138276,7.052138131,7.052136003,7.052134887,7.052135116
+"9947","MTARC2",3.908036999,3.908037058,3.908037048,3.908037045,3.908037221,3.9080371,3.908037068,3.908037148,3.908037065,3.908037147,3.908037118,3.90803716,3.908036928,3.908036962,3.908037144,3.908037097,3.908037156,3.90803704,3.908036981,3.90803696,3.908037097,3.908037064,3.908037015,3.908037,3.908036935,3.9080371,3.908036986,3.908036992
+"9948","MTBP",3.812099739,3.812099733,3.812099723,3.812099697,3.812099691,3.812099736,3.812099723,3.812099695,3.81209975,3.812099728,3.812099693,3.812099698,3.812099731,3.812099765,3.812099719,3.812099708,3.812099718,3.812099704,3.812099709,3.812099687,3.81209972,3.812099745,3.812099741,3.812099732,3.812099675,3.812099714,3.812099728,3.812099748
+"9949","MTCH1",7.757430061,7.75743044,7.757430239,7.757430319,7.757429977,7.757430293,7.75743003,7.757430216,7.757430002,7.757430143,7.757430075,7.757430116,7.757430336,7.757430396,7.757429913,7.757430403,7.757430028,7.757430101,7.757430102,7.757430314,7.757430041,7.757430126,7.757430013,7.757430203,7.75743011,7.757430058,7.75743017,7.757430113
+"9950","MTCH2",7.421448462,7.421448373,7.421448294,7.421447595,7.421447833,7.421448267,7.421448182,7.421447849,7.421448175,7.421448327,7.421447561,7.421447633,7.421448162,7.421448682,7.421447889,7.421448002,7.421447624,7.421447222,7.421447944,7.4214481,7.42144803,7.42144783,7.421448125,7.421448267,7.421447523,7.421447888,7.421448157,7.421448141
+"9951","MTCL1",5.219478135,5.219478138,5.219478178,5.219478149,5.219478187,5.219478166,5.219478151,5.219478178,5.219478131,5.219478137,5.219478146,5.219478206,5.219478157,5.219478127,5.219478156,5.219478175,5.219478183,5.219478178,5.219478162,5.219478156,5.219478162,5.219478172,5.219478154,5.219478153,5.21947818,5.219478161,5.219478163,5.219478168
+"9952","MTCO1P12",12.65978696,12.6597866,12.65978616,12.65978594,12.65978603,12.65978635,12.65978584,12.65978577,12.65978643,12.65978658,12.65978612,12.65978603,12.65978628,12.65978666,12.65978602,12.65978591,12.65978552,12.65978613,12.65978611,12.65978671,12.65978607,12.65978596,12.65978643,12.65978668,12.65978623,12.65978668,12.65978647,12.65978616
+"9953","MTCO2P12",12.68929289,12.68548961,12.67038141,12.67826749,12.6746462,12.68127395,12.67073614,12.67399185,12.6800733,12.67985109,12.67615873,12.68155034,12.6800536,12.68404469,12.67509978,12.67576194,12.6569069,12.67724748,12.67439546,12.68322996,12.67945299,12.67924418,12.68112952,12.68178583,12.67696655,12.68879226,12.68467582,12.67347502
+"9954","MTDH",7.985870628,7.985870392,7.985870334,7.985870163,7.985870416,7.985870343,7.985870531,7.98587017,7.985870464,7.985870612,7.985870182,7.985870138,7.985870465,7.98587088,7.985870413,7.985870149,7.985870092,7.985870169,7.985870424,7.985870255,7.985870501,7.985870208,7.985870507,7.985870477,7.985870211,7.985870361,7.985870444,7.985870638
+"9955","MTERF1",4.7322792,4.732278725,4.732279071,4.732278716,4.732278655,4.732278711,4.732278981,4.732278655,4.732278907,4.732278832,4.732278726,4.732278871,4.732278932,4.732279951,4.732278846,4.73227877,4.732279074,4.73227875,4.732279124,4.732278437,4.732278841,4.732278822,4.732279094,4.732278819,4.732278763,4.732278799,4.732278853,4.732279835
+"9956","MTERF2",4.710963271,4.710963238,4.710963279,4.710963272,4.710963245,4.710963255,4.710963262,4.710963246,4.710963278,4.710963254,4.71096327,4.710963257,4.710963254,4.71096327,4.710963259,4.710963238,4.710963264,4.710963256,4.710963257,4.710963256,4.710963267,4.710963273,4.710963257,4.710963258,4.710963263,4.710963266,4.710963269,4.710963284
+"9957","MTERF3",4.530805245,4.530805183,4.530805053,4.530805021,4.530805037,4.530805035,4.530805129,4.53080499,4.530805178,4.530805044,4.530804972,4.530805044,4.530805267,4.530805297,4.530805079,4.530805051,4.530805093,4.530804966,4.530805132,4.530805151,4.530805079,4.530805136,4.53080513,4.530805156,4.530804867,4.530805096,4.530805164,4.530805008
+"9958","MTERF4",6.291605038,6.291604751,6.291604959,6.291604893,6.291604733,6.291604716,6.291605012,6.29160485,6.291605331,6.2916051,6.291604724,6.29160499,6.291605237,6.291605519,6.291604804,6.291604663,6.291604525,6.29160491,6.291605,6.29160474,6.291604895,6.291604928,6.29160529,6.291605072,6.291604811,6.291605196,6.291605152,6.291605257
+"9959","MTF1",6.971301125,6.971300961,6.971300912,6.971301432,6.971300839,6.971301566,6.971301187,6.971300905,6.971300711,6.971300999,6.971300928,6.971300642,6.971301034,6.971300961,6.971301044,6.971300879,6.971300575,6.97130109,6.971301087,6.971301281,6.971301073,6.971300806,6.971300949,6.971301202,6.971301302,6.971300856,6.971301133,6.971300805
+"9960","MTF2",6.978049617,6.978049169,6.978048789,6.978048082,6.978048831,6.978048834,6.978049235,6.97804852,6.978048862,6.978048584,6.978048131,6.978047786,6.978048937,6.978051128,6.978049364,6.978049051,6.978048584,6.978048063,6.978049555,6.978048928,6.978048535,6.978048684,6.97804933,6.978048955,6.978048497,6.978048709,6.978048971,6.978050049
+"9961","MTFMT",6.191472209,6.191472529,6.191471985,6.191472265,6.191471588,6.191471826,6.191472019,6.191471991,6.191472154,6.191472074,6.191471885,6.19147177,6.191472079,6.191472413,6.191472072,6.191472497,6.191471659,6.191472137,6.191472005,6.191472003,6.191472014,6.191471927,6.19147234,6.19147231,6.191472404,6.191471963,6.191472038,6.191472164
+"9962","MTFP1",5.858442523,5.858442498,5.85844276,5.858442584,5.858442742,5.858442656,5.858442787,5.858442821,5.858442719,5.858442667,5.858442677,5.858442686,5.858442668,5.858442617,5.858442719,5.858442697,5.858442788,5.858442731,5.85844272,5.85844256,5.858442734,5.85844278,5.858442758,5.858442556,5.858442602,5.858442777,5.858442672,5.858442685
+"9963","MTFR1",5.55683126,5.556831259,5.556831181,5.556831098,5.556831183,5.55683113,5.556831225,5.556830954,5.556830973,5.556831107,5.556831099,5.556831086,5.556831261,5.556831403,5.556831208,5.556831091,5.556830743,5.556831,5.55683112,5.556830914,5.556831287,5.556831139,5.556831172,5.556831281,5.556831195,5.556831282,5.55683121,5.556831278
+"9964","MTFR1L",6.830182785,6.830182929,6.830182846,6.830182913,6.830182902,6.830182834,6.830182865,6.830182768,6.830182875,6.830182971,6.830183011,6.830182911,6.830182853,6.830182854,6.830182698,6.83018281,6.830182697,6.830182843,6.830182916,6.830182597,6.83018276,6.830182808,6.830182958,6.830182872,6.830182927,6.830182931,6.830182839,6.830182777
+"9965","MTFR2",3.558317874,3.558317853,3.558317847,3.558317844,3.558317869,3.55831788,3.558317999,3.55831778,3.5583179,3.558317869,3.55831789,3.55831781,3.558317887,3.558317909,3.558317865,3.558317853,3.558317833,3.558317864,3.558317914,3.55831798,3.558317997,3.558317901,3.558317916,3.558317792,3.558317837,3.558317832,3.558317844,3.558317871
+"9966","MTG1",6.992700152,6.992700138,6.992700118,6.992700046,6.992700058,6.992700224,6.992700113,6.992700132,6.992700212,6.992700151,6.992700098,6.992700126,6.992700205,6.992700147,6.992700144,6.992700084,6.992699985,6.992700095,6.992700074,6.992700261,6.992700076,6.992700148,6.992700178,6.992700101,6.992700073,6.992700165,6.992700201,6.992700132
+"9967","MTG2",7.441779751,7.441779833,7.441779649,7.441779827,7.441779588,7.4417799,7.441779781,7.441779775,7.441779798,7.441779723,7.44177963,7.44177973,7.441779666,7.441779678,7.441779779,7.441779915,7.441779662,7.441779804,7.441779659,7.441779852,7.441779676,7.44177978,7.441779821,7.441779772,7.441779704,7.441779762,7.441779708,7.441779617
+"9968","MTHFD1",6.145039712,6.145039626,6.145039674,6.145039473,6.145039404,6.145040125,6.14504001,6.145039517,6.145039962,6.145039886,6.145039313,6.145039676,6.145039843,6.145039961,6.145039542,6.145039644,6.145039303,6.145039157,6.145039819,6.145040038,6.145039751,6.14503966,6.145039923,6.145039621,6.145039226,6.145039568,6.145039924,6.145039637
+"9969","MTHFD1L",5.844237871,5.844237858,5.844237877,5.844237837,5.844237907,5.844237908,5.844237906,5.844237855,5.844237882,5.844237869,5.844237888,5.844237915,5.844237877,5.844237855,5.844237852,5.844237878,5.844237899,5.844237898,5.844237892,5.844237921,5.844237895,5.844237875,5.844237895,5.844237845,5.844237858,5.844237903,5.844237853,5.844237883
+"9970","MTHFD2",5.571474626,5.5714745845,5.5714745405,5.571474468,5.571474603,5.571474695,5.571474677,5.5714744975,5.5714746015,5.5714746175,5.5714746145,5.5714744665,5.5714746785,5.5714747585,5.5714745385,5.5714745185,5.571474557,5.5714743925,5.571474551,5.5714748225,5.571474664,5.571474534,5.571474594,5.5714746705,5.571474521,5.5714745475,5.5714746195,5.57147471
+"9971","MTHFD2L",4.042920796,4.042920821,4.042920824,4.042920812,4.042920814,4.042920756,4.042920787,4.042920811,4.042920826,4.042920767,4.042920779,4.042920854,4.042920784,4.042920879,4.042920779,4.042920821,4.04292082,4.042920812,4.042920804,4.042920864,4.042920836,4.042920799,4.042920808,4.042920807,4.04292077,4.042920819,4.042920773,4.042920852
+"9972","MTHFR",6.428141509,6.428141512,6.428141523,6.42814152,6.428141496,6.428141536,6.428141503,6.428141488,6.428141504,6.428141535,6.428141506,6.428141514,6.428141529,6.428141509,6.428141495,6.428141497,6.428141527,6.428141506,6.428141487,6.428141513,6.428141511,6.428141508,6.428141499,6.428141533,6.428141515,6.428141526,6.428141547,6.42814148
+"9973","MTHFSD",6.301100935,6.301100885,6.30110073,6.301100793,6.301100593,6.301100907,6.301100746,6.301100955,6.301100885,6.301100671,6.301100659,6.301100749,6.301100891,6.3011009,6.301100817,6.30110063,6.301100778,6.301100706,6.301100522,6.301100632,6.301100795,6.301100894,6.301100905,6.301100856,6.301100763,6.301100907,6.301100933,6.301100866
+"9974","MTIF2",5.450037112,5.450036873,5.450036326,5.450036179,5.450036526,5.450036849,5.450036844,5.45003653,5.450037007,5.450036482,5.450036536,5.450036698,5.450036864,5.450037548,5.450036693,5.450036683,5.450036254,5.450036209,5.450036683,5.450036897,5.450036707,5.45003674,5.450036968,5.450036809,5.450036707,5.450036696,5.450036734,5.450036836
+"9975","MTIF3",5.924888446,5.924888186,5.924888246,5.924888203,5.924888213,5.924888048,5.924888207,5.924888001,5.924888225,5.924888175,5.924888218,5.924887971,5.924888396,5.924888378,5.924888364,5.924887985,5.924888031,5.924887964,5.924888356,5.924888388,5.924888137,5.924888086,5.92488833,5.924888277,5.924888303,5.924888255,5.924888457,5.924888332
+"9976","MTLN",4.201237911,4.201238199,4.20123832,4.201237494,4.201238412,4.201237998,4.201237652,4.201238338,4.201238026,4.20123895,4.201238296,4.201238032,4.201237563,4.201237042,4.201238165,4.201238412,4.201238313,4.201238121,4.201237813,4.201238378,4.201237794,4.201238177,4.201238516,4.201237683,4.20123795,4.201237905,4.201237749,4.201237914
+"9977","MTM1",6.288102908,6.288103051,6.288102662,6.288102784,6.2881025,6.288102715,6.288102697,6.288102521,6.288102701,6.288102745,6.288102431,6.288102333,6.288102506,6.288103149,6.28810258,6.288102883,6.288102414,6.288102615,6.288103037,6.288102602,6.28810273,6.288102431,6.288102797,6.288102839,6.288102685,6.288102521,6.288102496,6.288102864
+"9978","MTMR1",7.390193809,7.390193964,7.390193493,7.390193726,7.390193408,7.39019371,7.390193575,7.390193573,7.390193815,7.39019379,7.390193561,7.390193284,7.390193874,7.390194077,7.390193569,7.39019387,7.390193204,7.390193455,7.390193688,7.390193583,7.390193334,7.390193391,7.390193958,7.390193785,7.390193523,7.390193557,7.390193726,7.390193745
+"9979","MTMR10",7.874273931,7.874273735,7.874273198,7.874274011,7.874272869,7.874273199,7.8742735,7.874273036,7.87427299,7.874273455,7.87427321,7.874272722,7.874273348,7.874273619,7.874273492,7.874273842,7.874272815,7.874273859,7.874273817,7.874273328,7.874273579,7.874273147,7.874273446,7.874274057,7.874273817,7.874273188,7.874273388,7.87427301
+"9980","MTMR11",5.506113689,5.506113568,5.506113701,5.506113374,5.506113409,5.506113959,5.506113456,5.506113541,5.506113479,5.506113914,5.506113564,5.506113242,5.506113633,5.506113535,5.506113389,5.506113335,5.506113667,5.506113319,5.506113435,5.506113783,5.506113182,5.50611345,5.506113444,5.506113729,5.506113507,5.506113127,5.506113633,5.506113103
+"9981","MTMR12",6.781894547,6.781894521,6.781894463,6.781894583,6.781894388,6.781894378,6.78189446,6.781894385,6.781894344,6.781894463,6.781894525,6.78189431,6.781894537,6.781894557,6.781894427,6.781894383,6.781894381,6.781894535,6.781894538,6.781894345,6.781894423,6.781894278,6.78189445,6.781894503,6.781894559,6.781894392,6.781894506,6.781894425
+"9982","MTMR14",8.671988254,8.671988328,8.671988237,8.671988245,8.671988166,8.671988328,8.671988213,8.671988154,8.671988208,8.671988271,8.671988176,8.671988113,8.671988206,8.671988278,8.671988135,8.67198823,8.671988161,8.671988125,8.671988211,8.671988109,8.67198813,8.671988207,8.671988191,8.671988283,8.671988186,8.671988162,8.671988252,8.671988184
+"9983","MTMR2",6.048658964,6.048658783,6.048658705,6.048658662,6.04865863,6.04865857,6.048658871,6.048658773,6.048658857,6.048658694,6.04865851,6.048658598,6.04865889,6.048659045,6.048658772,6.048658684,6.048658331,6.048658623,6.048658707,6.048658538,6.048658799,6.048658828,6.048658961,6.048658879,6.048658658,6.048658785,6.048658925,6.048658953
+"9984","MTMR3",8.4911241435,8.491124734,8.491124078,8.491125206,8.4911237665,8.4911242995,8.491124556,8.4911240405,8.4911236605,8.4911238695,8.49112433,8.491123387,8.49112398,8.491124064,8.4911239045,8.491124767,8.4911237225,8.4911245595,8.4911244195,8.4911242905,8.4911241605,8.4911237665,8.491124214,8.49112447,8.491124461,8.491123922,8.4911238785,8.4911234765
+"9985","MTMR4",7.540706777,7.540706786,7.540706337,7.540706732,7.540706519,7.54070702,7.540706803,7.540706522,7.540706782,7.540706698,7.540706362,7.540706518,7.5407065,7.540706833,7.540706577,7.540706475,7.540706025,7.540706358,7.540706681,7.540706946,7.540706576,7.54070645,7.540706803,7.540706851,7.540706474,7.540706499,7.54070669,7.540706606
+"9986","MTMR6",7.002009419,7.002009372,7.002008938,7.002009228,7.002008863,7.002008989,7.0020092,7.002009008,7.00200892,7.002009046,7.002008941,7.00200852,7.002008957,7.002009376,7.002009076,7.002009445,7.002008887,7.00200897,7.002009315,7.00200937,7.002009338,7.002008792,7.002009344,7.002009494,7.002009202,7.002008963,7.00200901,7.002009263
+"9987","MTMR7",3.470569838,3.470570006,3.470570006,3.470569955,3.470570065,3.470570243,3.470570001,3.470570121,3.470569988,3.470569836,3.470569785,3.470570302,3.470570082,3.47056996,3.470570128,3.470570326,3.470570135,3.470570168,3.470570256,3.470570112,3.470569831,3.470570004,3.470570207,3.470569749,3.470570164,3.470569854,3.470569913,3.470569961
+"9988","MTMR8",5.347547036,5.347546974,5.347547053,5.347546829,5.347546768,5.347547137,5.347546912,5.34754695,5.347547197,5.347546907,5.347546816,5.34754679,5.347547149,5.347547115,5.347546815,5.347546929,5.347546596,5.347546944,5.347546703,5.347546983,5.34754668,5.34754691,5.347547042,5.347546932,5.347546793,5.347546899,5.347547038,5.347546999
+"9989","MTMR9",6.338287983,6.33828797,6.338287955,6.33828796,6.338287963,6.338287952,6.338287967,6.338287945,6.338287967,6.338287958,6.338287943,6.338287962,6.338287973,6.338288003,6.338287968,6.338287971,6.33828794,6.338287942,6.33828797,6.338287957,6.338287965,6.338287949,6.338287958,6.338287961,6.338287951,6.338287956,6.338287982,6.338287975
+"9990","MTMR9LP",6.370659076,6.370658951,6.370659256,6.370659145,6.370659519,6.370658835,6.370659283,6.370659449,6.370659095,6.370659122,6.370659276,6.370659442,6.370659115,6.370658868,6.370659547,6.370659182,6.370659516,6.3706594,6.370659202,6.37065913,6.370659597,6.370659438,6.370659035,6.370659136,6.37065921,6.370659346,6.3706591,6.370659298
+"9991","MTND1P23",8.21970297366667,8.19755204066667,8.149840804,8.26347701866667,8.19728988733333,8.19548491,8.08821339233333,8.156073623,8.15815779833333,8.20120393633333,8.191552524,8.21346057833333,8.20717591566667,8.155550193,8.11041891166667,8.06907039266667,8.06713242433333,8.27809740966667,8.177643081,8.24877746666667,8.145691234,8.12880249133333,8.17246653633333,8.213426636,8.229261494,8.25381234866667,8.259683036,8.11447709166667
+"9992","MTNR1A",4.924647727,4.924647772,4.924647969,4.924647791,4.924648019,4.92464769,4.924647905,4.924647943,4.924648034,4.924647814,4.924647868,4.924648178,4.92464787,4.924647815,4.924647929,4.924647949,4.924648071,4.924648082,4.924647876,4.924647842,4.924648011,4.924647837,4.924647757,4.924647788,4.924647907,4.924647888,4.924647765,4.924647926
+"9993","MTNR1B",4.942474213,4.942473989,4.94247452,4.942474349,4.942474386,4.942474165,4.942474416,4.942474538,4.942474094,4.942474282,4.942474316,4.942474497,4.942474324,4.942473866,4.942474423,4.942474102,4.942474614,4.942474435,4.942474235,4.942474464,4.942474362,4.942474365,4.942474245,4.942474033,4.942474607,4.942474601,4.942474092,4.942474207
+"9994","MTO1",6.049804645,6.049804418,6.049804242,6.049804183,6.049804214,6.049804292,6.049804401,6.049804311,6.049804381,6.049804393,6.049804236,6.049804275,6.049804463,6.049804724,6.049804389,6.049804242,6.049804064,6.049804102,6.049804406,6.049804123,6.049804322,6.049804294,6.049804471,6.049804357,6.049804278,6.049804415,6.049804557,6.049804604
+"9995","MTOR",7.123030985,7.123030954,7.123030864,7.123030903,7.123030855,7.12303107,7.123031013,7.123030792,7.123030974,7.123031026,7.123030793,7.123030923,7.123030984,7.123031047,7.123030829,7.123030783,7.123030488,7.123030825,7.123030915,7.123030645,7.123030928,7.123030759,7.123031068,7.123031023,7.123030794,7.123030973,7.123031003,7.12303087
+"9996","MTR",6.647269226,6.647269125,6.647268999,6.647269071,6.647269097,6.647268985,6.647269133,6.64726908,6.647269278,6.647269155,6.647269054,6.647269137,6.647269217,6.647269393,6.647269142,6.647269111,6.647268829,6.647269029,6.647269097,6.647268805,6.647269058,6.647269116,6.64726924,6.647269169,6.647269089,6.647269244,6.647269214,6.647269215
+"9997","MTRES1",5.034817058,5.034817036,5.034817053,5.03481702,5.034817053,5.03481701,5.034817036,5.034817067,5.034817046,5.034817048,5.034817061,5.034817047,5.034817073,5.034817071,5.034817049,5.034817046,5.034817039,5.034817048,5.034817027,5.034817057,5.034817033,5.034817047,5.034817062,5.034817044,5.034817024,5.034817054,5.034817063,5.034817067
+"9998","MTREX",7.163392646,7.163383798,7.163370408,7.163348727,7.163366655,7.163341248,7.163366507,7.163354734,7.163386408,7.163376631,7.163354569,7.163340237,7.163372056,7.163431392,7.163370251,7.163382013,7.163354244,7.163337156,7.163381389,7.163328704,7.163360531,7.163362255,7.163380288,7.163368035,7.163357262,7.163362216,7.1633698,7.163409137
+"9999","MTRF1",5.535577062,5.535576649,5.535576694,5.535576431,5.535576621,5.53557657,5.535576892,5.535576496,5.535576896,5.535576772,5.535576684,5.535576636,5.535576775,5.535577178,5.535576923,5.535576532,5.535576345,5.535576393,5.535576833,5.535576606,5.535576642,5.535576696,5.535576982,5.535576716,5.535576334,5.535576842,5.535576809,5.535576827
+"10000","MTRF1L",6.06728075,6.06728068,6.067280713,6.067280638,6.067280512,6.067280611,6.067280662,6.067280491,6.067280536,6.067280618,6.067280592,6.067280537,6.067280634,6.067280864,6.067280701,6.067280499,6.067280651,6.067280628,6.067280682,6.067280567,6.067280653,6.06728054,6.06728063,6.067280586,6.067280701,6.067280584,6.067280649,6.067280799
+"10001","MTRFR",5.720975602,5.720975572,5.720975552,5.720975583,5.720975563,5.720975592,5.720975589,5.720975547,5.720975621,5.72097557,5.720975556,5.720975569,5.720975642,5.720975629,5.720975627,5.720975576,5.72097555,5.720975579,5.720975585,5.720975609,5.72097557,5.720975555,5.720975633,5.720975597,5.720975605,5.720975561,5.720975626,5.720975637
+"10002","MTRR",6.967084006,6.96708347,6.967083072,6.967082815,6.967083128,6.96708337,6.967083889,6.967083187,6.967083988,6.967083371,6.96708325,6.967082937,6.967083794,6.967084346,6.967083615,6.967082872,6.96708305,6.96708261,6.967083492,6.967083575,6.967083715,6.967083667,6.967084104,6.96708352,6.967083128,6.967083597,6.967083983,6.967083952
+"10003","MTSS1",7.053453253,7.053453227,7.053452974,7.053453019,7.053453092,7.053452932,7.053453176,7.053452813,7.053452775,7.053453132,7.05345308,7.053452851,7.053453262,7.053453567,7.05345302,7.053453016,7.053453069,7.053453049,7.053452964,7.053452728,7.0534532,7.05345281,7.05345269,7.053453256,7.053453089,7.053453185,7.05345326,7.053453408
+"10004","MTSS2",4.929119503,4.929119528,4.929119562,4.929119521,4.929119558,4.929119513,4.929119512,4.929119585,4.929119553,4.929119497,4.929119549,4.929119587,4.92911949,4.929119496,4.92911956,4.92911948,4.929119527,4.929119506,4.92911958,4.929119495,4.929119558,4.929119571,4.929119481,4.929119479,4.92911951,4.929119577,4.929119537,4.929119514
+"10005","MTTP",3.295549426,3.295549425,3.295549435,3.295549425,3.295549443,3.295549445,3.295549434,3.295549449,3.295549457,3.295549429,3.295549439,3.29554946,3.295549413,3.295549428,3.295549423,3.295549427,3.295549449,3.295549439,3.295549425,3.295549447,3.295549439,3.295549427,3.29554944,3.295549434,3.295549413,3.295549434,3.295549441,3.295549445
+"10006","MTURN",6.932293485,6.932293664,6.932293616,6.932293716,6.932293514,6.932293463,6.932293555,6.932293622,6.932293493,6.932293554,6.932293648,6.932293533,6.932293519,6.93229347,6.932293492,6.93229366,6.93229361,6.932293746,6.932293511,6.932293462,6.93229352,6.932293532,6.932293582,6.932293667,6.932293706,6.932293547,6.932293497,6.932293534
+"10007","MTUS1",3.990768754,3.990768837,3.990768752,3.990768638,3.990768895,3.99076881,3.990768747,3.990768817,3.990769046,3.990768792,3.990768527,3.990768913,3.990768978,3.990768964,3.990768834,3.990768872,3.990768903,3.99076877,3.990768806,3.990768863,3.990768695,3.990768828,3.990768791,3.990768737,3.990768578,3.990768823,3.990768954,3.990768915
+"10008","MTUS2",4.560126491,4.560126477,4.560126503,4.56012649,4.560126513,4.560126499,4.560126498,4.560126504,4.560126496,4.560126493,4.560126502,4.560126531,4.560126503,4.560126473,4.560126516,4.5601265,4.560126491,4.560126493,4.560126501,4.560126503,4.560126506,4.560126497,4.5601265,4.560126488,4.56012649,4.560126502,4.56012649,4.560126495
+"10009","MTUS2-AS1",4.816834983,4.816834881,4.81683538,4.816835121,4.816835358,4.816835091,4.816835206,4.81683538,4.816835082,4.816835237,4.816835237,4.816835198,4.816835221,4.81683482,4.816835508,4.816835368,4.816835489,4.816835346,4.816835462,4.816835208,4.816835296,4.816835363,4.816835049,4.816835115,4.816835244,4.816835375,4.816835064,4.816835095
+"10010","MTX1",6.065350463,6.065350598,6.065350592,6.06535066,6.065350594,6.065350631,6.065350555,6.065350618,6.065350649,6.065350526,6.06535043,6.06535069,6.065350605,6.065350644,6.065350643,6.065350665,6.065350694,6.065350591,6.0653506,6.065350708,6.065350658,6.065350638,6.065350558,6.065350653,6.065350596,6.065350489,6.065350563,6.065350556
+"10011","MTX2",4.333311795,4.333311654,4.333311771,4.333311638,4.333311593,4.333311688,4.333311767,4.333311705,4.333311882,4.333311852,4.333311593,4.333311687,4.333311827,4.33331199,4.333311733,4.333311718,4.333311603,4.333311679,4.33331177,4.333311685,4.333311795,4.333311722,4.333311856,4.333311837,4.333311525,4.33331183,4.333311832,4.333311888
+"10012","MTX3",5.895121416,5.895121332,5.895121327,5.89512135,5.895121233,5.895121306,5.895121466,5.895121346,5.895121538,5.895121314,5.895121211,5.895121386,5.895121354,5.895121607,5.895121435,5.895121271,5.895121197,5.895121166,5.895121382,5.895121056,5.89512133,5.895121442,5.895121527,5.895121275,5.895121265,5.895121318,5.895121503,5.895121485
+"10013","MUC1",5.220040346,5.220040427,5.22004042,5.220040328,5.22004062,5.220040514,5.220040505,5.220040497,5.220040428,5.220040446,5.220040338,5.220040514,5.220040339,5.220040376,5.220040481,5.220040446,5.220040426,5.220040438,5.220040532,5.220040559,5.22004047,5.22004036,5.220040479,5.220040305,5.220040383,5.220040458,5.220040296,5.220040414
+"10014","MUC12",5.01439706333333,5.01439686033333,5.01439723466667,5.01439671033333,5.01439738233333,5.014396952,5.014396856,5.014397373,5.01439709766667,5.014397438,5.01439724433333,5.01439762833333,5.01439714166667,5.014396248,5.014397392,5.01439727766667,5.014397291,5.014397252,5.014397307,5.014397512,5.01439717766667,5.014397439,5.01439702166667,5.01439642233333,5.01439694966667,5.01439721033333,5.01439700566667,5.01439735033333
+"10015","MUC13",3.197430497,3.197430476,3.197430481,3.197430519,3.197430522,3.197430566,3.197430498,3.197430492,3.197430498,3.19743056,3.197430548,3.197430515,3.197430524,3.197430495,3.19743053,3.197430467,3.197430488,3.197430583,3.197430477,3.197430504,3.197430473,3.197430495,3.197430499,3.197430541,3.197430516,3.197430471,3.19743049,3.19743051
+"10016","MUC15",3.409146464,3.409146522,3.409146549,3.409146576,3.409146485,3.409146565,3.409146492,3.40914655,3.409146587,3.409146555,3.409146532,3.409146634,3.409146456,3.409146542,3.409146543,3.409146564,3.409146581,3.409146629,3.409146568,3.409146562,3.409146423,3.40914656,3.409146566,3.409146532,3.409146517,3.409146447,3.409146537,3.409146495
+"10017","MUC16",4.625236746,4.625236745,4.625236765,4.625236783,4.625236815,4.625236747,4.625236794,4.625236801,4.625236775,4.62523678,4.625236813,4.625236812,4.625236769,4.625236709,4.625236811,4.625236778,4.625236808,4.625236791,4.625236764,4.625236756,4.625236795,4.625236802,4.625236756,4.625236752,4.625236792,4.62523677,4.625236748,4.62523675
+"10018","MUC17",3.751537461,3.751537467,3.751537479,3.751537481,3.751537608,3.75153745,3.751537509,3.751537539,3.751537471,3.751537463,3.75153747,3.75153749,3.75153749,3.751537486,3.751537535,3.751537505,3.751537469,3.751537611,3.751537486,3.751537417,3.751537492,3.751537523,3.751537438,3.751537458,3.751537452,3.751537544,3.751537458,3.751537497
+"10019","MUC19",3.74367481,3.743674814,3.743674797,3.743674807,3.743674843,3.743674747,3.743674791,3.743674873,3.743674815,3.743674817,3.743674871,3.743674845,3.743674805,3.743674771,3.743674822,3.743674819,3.743674854,3.743674808,3.743674802,3.743674789,3.74367482,3.743674815,3.743674776,3.743674791,3.743674818,3.743674803,3.743674807,3.743674788
+"10020","MUC2",5.105414396,5.105414406,5.105414421,5.105414411,5.105414443,5.1054144,5.105414424,5.105414426,5.105414416,5.105414414,5.105414429,5.105414449,5.105414407,5.105414382,5.105414434,5.105414414,5.105414452,5.105414432,5.105414409,5.105414413,5.105414432,5.105414428,5.105414395,5.105414398,5.105414412,5.105414419,5.105414401,5.105414421
+"10021","MUC20",5.22783672,5.227836237,5.227836661,5.22783672,5.227836953,5.227837119,5.227836883,5.227836831,5.227836468,5.227836547,5.227836872,5.227837077,5.227837183,5.227836817,5.227837046,5.227836556,5.227837349,5.227836865,5.227836693,5.227836923,5.227836845,5.227836971,5.227836612,5.227836624,5.227837087,5.227837021,5.227837197,5.227837056
+"10022","MUC21",4.2580038355,4.258003975,4.258004318,4.2580038865,4.258004494,4.258003895,4.258003961,4.2580044165,4.2580040195,4.2580038585,4.258003971,4.2580043665,4.2580041265,4.258003876,4.258004421,4.258004076,4.2580048325,4.258004357,4.258003941,4.2580041965,4.2580043445,4.258004348,4.258003734,4.258004006,4.258003973,4.258004349,4.2580041085,4.258004091
+"10023","MUC4",4.998215436,4.998215437,4.998215441,4.998215431,4.998215494,4.9982154,4.998215433,4.998215484,4.998215478,4.998215428,4.998215467,4.998215512,4.998215433,4.998215396,4.998215476,4.998215458,4.998215486,4.998215463,4.99821546,4.998215471,4.998215488,4.998215469,4.998215415,4.998215445,4.998215447,4.998215456,4.998215416,4.998215428
+"10024","MUC5B",5.158835567,5.158835569,5.158835624,5.158835627,5.158835648,5.158835612,5.158835637,5.158835661,5.158835623,5.158835601,5.158835617,5.158835674,5.158835609,5.158835576,5.158835674,5.158835607,5.158835672,5.15883564,5.158835619,5.158835614,5.158835655,5.158835654,5.158835616,5.158835606,5.158835592,5.158835671,5.158835634,5.15883559
+"10025","MUC6",4.974022885,4.974022889,4.974022909,4.974022909,4.974022925,4.974022892,4.974022899,4.974022924,4.974022894,4.974022902,4.974022909,4.974022921,4.974022902,4.974022871,4.974022914,4.974022884,4.974022907,4.97402291,4.974022891,4.974022909,4.974022913,4.974022901,4.97402291,4.97402289,4.974022896,4.974022917,4.974022903,4.974022884
+"10026","MUC7",3.981113594,3.981113626,3.981113736,3.981113642,3.981113688,3.981113646,3.981113616,3.981113673,3.981113659,3.981113717,3.981113681,3.981113679,3.981113686,3.981113591,3.981113669,3.981113721,3.981113736,3.981113652,3.981113655,3.981113634,3.981113633,3.981113798,3.981113634,3.981113653,3.981113605,3.981113656,3.981113653,3.981113587
+"10027","MUCL1",4.273078743,4.273078752,4.273078741,4.273078773,4.27307876,4.273078821,4.273078781,4.273078777,4.273078739,4.273078746,4.273078793,4.273078806,4.27307877,4.273078739,4.273078792,4.273078769,4.273078809,4.273078775,4.273078781,4.273078763,4.27307876,4.273078771,4.273078757,4.273078746,4.273078772,4.273078762,4.273078764,4.273078728
+"10028","MUCL3",4.0768870495,4.0768870135,4.0768870375,4.076887135,4.07688704,4.0768870175,4.0768870485,4.0768870755,4.0768870405,4.0768870575,4.0768870405,4.076887131,4.0768870445,4.076887018,4.0768870475,4.0768870355,4.0768871255,4.0768870875,4.076887129,4.076887076,4.0768871025,4.0768870835,4.0768870625,4.076887072,4.076887069,4.0768870785,4.076887063,4.0768870875
+"10029","MUL1",6.179020938,6.179020964,6.17902093,6.17902093,6.179020936,6.179020933,6.179020894,6.17902092,6.179020925,6.179020935,6.179020931,6.179020897,6.17902093,6.179020931,6.179020912,6.179020948,6.179020896,6.179020934,6.179020946,6.179020931,6.179020894,6.179020903,6.179020955,6.179020937,6.17902091,6.179020924,6.179020965,6.179020908
+"10030","MUS81",7.231788589,7.231788569,7.231788612,7.231788556,7.2317887,7.23178859,7.231788618,7.231788668,7.231788539,7.231788619,7.231788623,7.231788675,7.231788579,7.231788472,7.231788607,7.231788596,7.23178855,7.231788654,7.231788621,7.231788648,7.23178871,7.23178867,7.231788483,7.231788504,7.231788531,7.231788694,7.231788614,7.231788594
+"10031","MUSK",3.552983416,3.552983432,3.552983408,3.552983426,3.552983433,3.552983413,3.552983424,3.552983424,3.552983413,3.552983431,3.55298342,3.552983431,3.552983405,3.552983415,3.552983427,3.55298343,3.552983419,3.552983427,3.552983421,3.552983433,3.552983421,3.552983434,3.552983439,3.552983409,3.552983433,3.552983422,3.552983421,3.552983432
+"10032","MUTYH",5.798357078,5.798357069,5.798357072,5.798357038,5.798357153,5.798357162,5.798357127,5.79835714,5.798357099,5.798357077,5.798357108,5.79835713,5.798357111,5.798357038,5.798357149,5.798357094,5.798357132,5.798357088,5.798357131,5.798357034,5.798357125,5.798357089,5.798357038,5.79835698,5.798357111,5.798357132,5.798357049,5.798357082
+"10033","MVB12A",6.627927386,6.627927403,6.627927406,6.62792739,6.627927404,6.627927404,6.6279274,6.627927394,6.627927393,6.62792739,6.62792739,6.627927403,6.627927398,6.6279274,6.6279274,6.627927389,6.6279274,6.627927388,6.627927404,6.627927405,6.627927396,6.627927407,6.627927395,6.627927391,6.627927386,6.627927392,6.627927397,6.62792739
+"10034","MVB12B",6.00373334,6.003733386,6.003733129,6.003733226,6.003733379,6.003733294,6.003733548,6.003733307,6.003733088,6.003733468,6.003733472,6.003733256,6.003733298,6.00373316,6.003733243,6.003733428,6.003733116,6.003733349,6.003733304,6.003733497,6.003733479,6.003733395,6.003733083,6.0037335,6.003733336,6.003733391,6.003733447,6.003733306
+"10035","MVD",6.427112139,6.427112135,6.427112154,6.427112139,6.42711215,6.427112129,6.427112154,6.427112164,6.42711215,6.427112148,6.427112146,6.427112146,6.427112148,6.427112144,6.427112146,6.427112136,6.427112154,6.427112157,6.427112134,6.427112138,6.42711215,6.427112158,6.427112149,6.427112137,6.427112143,6.427112138,6.427112144,6.427112134
+"10036","MVK",5.630752455,5.630752555,5.630752515,5.63075248,5.630752555,5.630752587,5.630752464,5.630752503,5.630752495,5.630752512,5.630752542,5.630752458,5.630752537,5.630752483,5.630752574,5.630752438,5.630752575,5.630752527,5.630752406,5.630752531,5.63075241,5.630752481,5.630752547,5.630752503,5.630752446,5.630752423,5.63075248,5.630752461
+"10037","MVP",7.780482172,7.780482802,7.780482105,7.780483039,7.780482005,7.780483962,7.780482444,7.78048199,7.780482725,7.780482383,7.780482442,7.780481273,7.780482761,7.780482477,7.780482017,7.780482784,7.780482416,7.780482583,7.780482403,7.78048394,7.780482377,7.780482659,7.780482715,7.780482725,7.780482343,7.780482005,7.78048264,7.78048192
+"10038","MX1",7.511217399,8.451917496,7.834935376,8.018000851,8.508986054,9.201508513,7.519449105,7.092887944,8.043265884,8.260201917,7.641726817,7.119976313,7.632736386,7.688682255,7.384539064,8.419831216,7.607380798,7.706008716,8.6475623,9.257243962,7.415992513,7.183845519,8.145185887,8.416794573,7.838417988,7.26409448,7.661858324,7.452330628
+"10039","MX2",8.805955119,9.128387862,8.825383277,9.452504719,9.016159748,9.660845537,8.915288294,8.699627346,8.741856201,8.66852594,8.897421435,8.385854405,8.80043481,8.78444724,8.966008766,8.981538766,8.963255814,9.281909957,9.254606855,9.765044438,8.999907815,8.807831028,8.905700948,9.09752863,9.020996294,8.651029673,8.788791626,8.612614904
+"10040","MXD1",10.75902563,11.1170276,10.53421575,11.25726923,10.62284384,10.95770526,10.74340267,10.59824886,10.4990381,10.336157,10.81941884,10.00416796,10.65837557,10.54657823,10.7171925,11.15838354,10.59315208,11.09695314,10.87658493,11.17673508,10.79634309,10.42636952,10.79283838,10.92112732,10.96341565,10.40580789,10.51608403,10.36104269
+"10041","MXD3",6.851402718,6.851402585,6.851402753,6.851403114,6.851402691,6.851403004,6.85140292,6.851402909,6.851402777,6.851402761,6.851402805,6.851402707,6.851402862,6.851402418,6.851402815,6.851402736,6.851402911,6.851403073,6.851402845,6.85140295,6.85140293,6.851402763,6.851402948,6.851402727,6.851402917,6.851402822,6.851402873,6.851402545
+"10042","MXD4",6.826850266,6.826850371,6.826850788,6.826850488,6.826850632,6.826850896,6.826850493,6.826850664,6.826850797,6.826850681,6.826850642,6.826850631,6.826850413,6.826850221,6.826850461,6.826850132,6.826850898,6.82685035,6.826850307,6.826850367,6.826850319,6.826850856,6.82685063,6.826850351,6.826850461,6.826850591,6.826850547,6.82685039
+"10043","MXI1",8.032190233,8.032189849,8.032190962,8.032190119,8.032190369,8.032191076,8.032190288,8.032190989,8.03219091,8.032190748,8.032190787,8.032191092,8.032190286,8.032189479,8.032190188,8.032188957,8.032190673,8.032190096,8.032189611,8.03219052,8.032189965,8.032190458,8.03219059,8.032190645,8.032190758,8.032191059,8.032190524,8.032190051
+"10044","MXRA5",4.658857213,4.658857204,4.658857198,4.658857233,4.658857245,4.658857236,4.658857258,4.658857244,4.6588572,4.658857229,4.658857228,4.658857223,4.658857212,4.65885717,4.658857249,4.65885721,4.658857263,4.65885725,4.658857213,4.658857223,4.658857233,4.658857248,4.65885723,4.65885722,4.658857237,4.658857203,4.658857209,4.658857234
+"10045","MXRA7",5.15938522175,5.159384916,5.15938511775,5.15938543475,5.15938540925,5.159385125,5.159385199,5.15938522625,5.1593851625,5.159385379,5.1593854235,5.159385117,5.15938512125,5.15938532775,5.15938542475,5.159385152,5.1593852195,5.15938560525,5.1593855495,5.15938499,5.1593853185,5.159385295,5.159385305,5.15938513725,5.15938529625,5.15938523275,5.159385071,5.15938534125
+"10046","MXRA8",8.070228045,8.070227176,8.070228652,8.070227112,8.070231068,8.070228291,8.070229567,8.070229292,8.07022877,8.070229141,8.070229745,8.070230838,8.07022884,8.07022607,8.070230648,8.070228221,8.070230579,8.070229553,8.070229685,8.070228042,8.070229997,8.070229785,8.070228099,8.070227056,8.070228742,8.07022946,8.070227934,8.070228786
+"10047","MYADM",8.36426211,9.399655925,8.292098002,8.999419932,8.548623528,8.28122413,8.242643033,8.401574324,8.247144591,8.358193022,8.571249032,7.808549143,8.361655805,8.569940238,8.478578446,9.333868218,8.208536044,8.869415327,8.749792826,8.264524642,8.316692288,8.197720812,8.495051564,8.670380403,8.952077474,7.987258446,8.583573651,8.327981388
+"10048","MYADML",6.305888007,6.305888535,6.305888509,6.305888575,6.305888333,6.305888015,6.305888221,6.305888321,6.305888118,6.305888186,6.305888354,6.305888185,6.305888305,6.305887762,6.30588803,6.305888525,6.305888325,6.305888587,6.30588827,6.305887974,6.305888169,6.305888334,6.305888135,6.305888275,6.305888661,6.305888127,6.30588841,6.305887747
+"10049","MYADML2",6.134162346,6.134162371,6.134162499,6.134162476,6.134162562,6.134162267,6.134162485,6.134162601,6.134162319,6.134162427,6.134162547,6.134162669,6.134162386,6.134162286,6.134162554,6.134162605,6.134162705,6.134162566,6.134162466,6.134162438,6.134162534,6.134162573,6.134162474,6.134162407,6.134162598,6.134162515,6.134162373,6.134162478
+"10050","MYB",5.552673076,5.552673266,5.552673265,5.552673169,5.552673143,5.552672992,5.552673434,5.552673024,5.552673332,5.552673187,5.552673248,5.552673224,5.552673161,5.552673291,5.552673012,5.552672904,5.552673144,5.552673007,5.552673249,5.552672926,5.55267337,5.55267298,5.552673335,5.552673266,5.552673273,5.552673228,5.552673097,5.552673307
+"10051","MYBBP1A",6.521247004,6.521247042,6.521246941,6.521246744,6.521247017,6.521247041,6.521247025,6.521247064,6.521247186,6.52124706,6.521246644,6.521247081,6.521247119,6.521247114,6.521246967,6.521246679,6.52124689,6.52124692,6.521246938,6.521246892,6.521246868,6.521246986,6.521246869,6.521246901,6.521246805,6.521247111,6.521247127,6.521246986
+"10052","MYBL1",6.261029196,6.261025593,6.261024307,6.261024009,6.26102392,6.261024388,6.261026264,6.261027697,6.261025128,6.261024923,6.26102487,6.2610222,6.261027904,6.261027429,6.261028149,6.261026294,6.261023928,6.261024349,6.261024443,6.261023576,6.261026754,6.261027608,6.26102707,6.261026769,6.261025596,6.261026225,6.261027127,6.261025398
+"10053","MYBL2",5.934621079,5.934621173,5.934621336,5.934621197,5.934621266,5.93462138,5.934621512,5.934621286,5.934621427,5.93462128,5.934621227,5.934621244,5.934621232,5.934621068,5.934621131,5.934621198,5.934621364,5.934621262,5.934621139,5.934621305,5.934621464,5.934621178,5.934621393,5.934621239,5.934621289,5.934621333,5.93462127,5.934621159
+"10054","MYBPC1",3.853555924,3.853555914,3.853555913,3.853555918,3.853555947,3.85355594,3.853555913,3.853555929,3.853555924,3.85355593,3.853555931,3.853555941,3.853555926,3.853555906,3.853555945,3.853555937,3.853555939,3.853555942,3.853555932,3.853555923,3.853555945,3.853555941,3.853555924,3.853555919,3.853555933,3.853555928,3.85355593,3.853555931
+"10055","MYBPC2",4.742767515,4.742767648,4.742767556,4.742767621,4.74276782,4.742767756,4.74276758,4.742767724,4.742767718,4.742767647,4.742767736,4.742767911,4.742767713,4.742767591,4.742767767,4.742767788,4.742767804,4.742767739,4.742767755,4.742767798,4.742767669,4.742767688,4.74276768,4.74276773,4.742767715,4.742767711,4.742767525,4.74276776
+"10056","MYBPC3",6.429146638,6.429146626,6.429146641,6.429146669,6.429146708,6.429146649,6.429146688,6.429146658,6.429146631,6.42914662,6.429146664,6.429146667,6.429146629,6.429146582,6.429146626,6.429146666,6.429146671,6.42914668,6.429146651,6.429146644,6.429146692,6.429146682,6.429146638,6.429146613,6.429146687,6.429146667,6.429146625,6.429146637
+"10057","MYBPH",5.916564001,5.916563982,5.916563985,5.916563983,5.916564048,5.916563994,5.916564017,5.916564048,5.916563988,5.916563945,5.916563972,5.916564081,5.916563993,5.916563921,5.916564055,5.916563977,5.916564027,5.91656405,5.916563986,5.916564039,5.916564062,5.91656404,5.916563911,5.916563945,5.916563955,5.916564038,5.916563992,5.916564001
+"10058","MYBPHL",4.502809938,4.502809931,4.502809987,4.502810041,4.502810043,4.502810044,4.502809988,4.502809976,4.502810051,4.50280998,4.502810048,4.502810095,4.502809996,4.502809925,4.502810023,4.502809938,4.502810106,4.50281008,4.50280999,4.502809991,4.502810008,4.502810057,4.502810004,4.502809929,4.502810012,4.502810032,4.502809968,4.502810001
+"10059","MYC",7.222461147,7.222433273,7.222305521,7.222377005,7.222411312,7.222392116,7.222345201,7.222301949,7.222528381,7.222425371,7.222295852,7.222456228,7.222457021,7.222508513,7.222376472,7.222295508,7.222285586,7.222326131,7.222376002,7.222324396,7.222281322,7.222370904,7.222465866,7.222354401,7.222235686,7.222434148,7.222493096,7.222473829
+"10060","MYCBP2",8.129263403,8.129263028,8.129262112,8.129262819,8.129262325,8.129263436,8.129263009,8.129262158,8.129262913,8.129262764,8.129262232,8.129262363,8.129263294,8.129264284,8.129262496,8.129262845,8.129260884,8.129261935,8.129262836,8.129262851,8.129263022,8.129261991,8.129263003,8.129262806,8.129262437,8.129263286,8.129263313,8.129263048
+"10061","MYCBPAP",4.357339525,4.357339579,4.357339536,4.357339506,4.357339561,4.35733957,4.357339578,4.357339547,4.357339559,4.357339559,4.357339575,4.357339611,4.357339549,4.357339537,4.357339581,4.357339554,4.357339594,4.357339582,4.357339469,4.357339604,4.357339576,4.357339572,4.357339515,4.35733955,4.357339556,4.357339527,4.357339547,4.357339537
+"10062","MYCL",6.249339569,6.2493396,6.249339631,6.249339528,6.249339702,6.249339562,6.249339605,6.249339694,6.249339657,6.249339703,6.249339607,6.249339715,6.249339637,6.249339523,6.249339696,6.249339625,6.249339716,6.249339663,6.24933965,6.249339583,6.249339683,6.249339628,6.249339582,6.249339643,6.249339579,6.249339625,6.249339594,6.249339591
+"10063","MYCN",4.878689234,4.878689256,4.878689321,4.87868929,4.878689342,4.878689292,4.878689306,4.878689322,4.878689317,4.878689305,4.878689306,4.878689342,4.878689284,4.878689241,4.878689313,4.878689318,4.878689369,4.878689315,4.878689322,4.878689297,4.878689333,4.87868934,4.878689266,4.878689249,4.878689333,4.878689339,4.878689262,4.878689285
+"10064","MYCNOS",4.599108968,4.599108592,4.599108981,4.599108501,4.599109096,4.599109075,4.599109159,4.599108662,4.599108831,4.599108723,4.599108508,4.599109065,4.599108949,4.599109085,4.599109071,4.599108578,4.599108993,4.599108398,4.599108852,4.599109113,4.599109256,4.599109211,4.599109039,4.59910894,4.599108943,4.599109303,4.599108975,4.599108438
+"10065","MYCT1",4.632576679,4.632576892,4.632576686,4.632577076,4.632576832,4.632576817,4.632576855,4.632576821,4.632576694,4.632576897,4.632577026,4.632576839,4.632576655,4.632576785,4.632576578,4.632576712,4.632576618,4.632576961,4.632576877,4.632576765,4.632576799,4.632576779,4.632576711,4.632577005,4.63257703,4.632576825,4.632576633,4.63257689
+"10066","MYD88",8.21757165,8.217572361,8.217570978,8.217572214,8.217571569,8.217572393,8.21757145,8.217571351,8.217571287,8.217571621,8.217571394,8.217570671,8.21757145,8.217571145,8.217571057,8.217571827,8.217570836,8.217571773,8.217571577,8.217572438,8.217571173,8.217571368,8.217571438,8.217571914,8.217571715,8.217570917,8.217571625,8.217570794
+"10067","MYDGF",7.524364851,7.524364885,7.524364935,7.52436484,7.524364955,7.5243648,7.524364907,7.524364932,7.524364894,7.524364877,7.524364896,7.524364923,7.524364915,7.524364829,7.524364905,7.524364912,7.524364962,7.524364887,7.524364886,7.524364842,7.5243649,7.524364907,7.524364839,7.524364888,7.524364887,7.5243649,7.524364876,7.524364942
+"10068","MYEF2",4.918863169,4.918863078,4.918863165,4.918863148,4.918863089,4.918863113,4.918863081,4.918863118,4.918863186,4.918863113,4.918862956,4.918863154,4.918863169,4.918863234,4.918863116,4.918863093,4.918863194,4.918863174,4.918863155,4.918863128,4.918863119,4.918863143,4.918863188,4.918863133,4.918862925,4.918863225,4.918863154,4.918863178
+"10069","MYEOV",5.495030695,5.49503071,5.495030728,5.495030716,5.495030726,5.495030698,5.495030718,5.495030747,5.495030701,5.495030701,5.495030726,5.495030705,5.495030707,5.495030694,5.495030724,5.495030715,5.495030723,5.495030719,5.495030721,5.495030701,5.495030721,5.495030731,5.495030707,5.495030723,5.495030729,5.495030706,5.495030695,5.495030717
+"10070","MYF5",4.018319097,4.018318922,4.018319106,4.018319182,4.01831941,4.018319318,4.018319351,4.018319414,4.018319175,4.0183192,4.018319291,4.018319355,4.018318892,4.018319136,4.018319101,4.018319251,4.018319656,4.018319339,4.018319046,4.018319252,4.018319244,4.018319391,4.018319208,4.018319011,4.01831916,4.018319147,4.018319177,4.01831916
+"10071","MYF6",4.128872487,4.128872628,4.128872597,4.128872558,4.128872579,4.128872471,4.128872539,4.128872512,4.128872651,4.128872508,4.128872547,4.12887267,4.128872572,4.128872309,4.128872548,4.128872539,4.128872634,4.128872589,4.128872315,4.128872645,4.128872372,4.128872793,4.128872431,4.128872399,4.128872655,4.128872335,4.128872405,4.128872583
+"10072","MYG1",6.902810829,6.902810741,6.902811023,6.902810661,6.902810863,6.902810887,6.902810936,6.902810986,6.902810994,6.902810871,6.902810734,6.902811107,6.902810815,6.902810752,6.90281077,6.902810664,6.902810878,6.902810693,6.902810833,6.902810892,6.902810844,6.902810975,6.902810987,6.902810763,6.902810661,6.9028111,6.902810953,6.90281087
+"10073","MYH1",2.880652199,2.880652342,2.880652398,2.880652486,2.880652187,2.880652406,2.880652163,2.880652404,2.880652141,2.880652417,2.880652415,2.880652732,2.880652333,2.880652166,2.880652296,2.88065263,2.880652277,2.880652143,2.88065228,2.880652208,2.880652211,2.880652386,2.880652388,2.880652364,2.880652343,2.880652231,2.88065232,2.880652444
+"10074","MYH10",4.17742245,4.177422442,4.177422457,4.177422473,4.177422463,4.177422467,4.177422469,4.177422452,4.177422465,4.177422461,4.17742247,4.177422467,4.177422445,4.177422449,4.177422479,4.177422466,4.177422469,4.177422468,4.17742245,4.177422458,4.177422482,4.177422461,4.177422467,4.177422454,4.177422462,4.177422468,4.177422459,4.17742244
+"10075","MYH11",4.798748594,4.79874861,4.798748715,4.798748684,4.798748705,4.798748644,4.798748728,4.798748658,4.79874861,4.798748665,4.798748764,4.798748775,4.79874869,4.798748567,4.79874874,4.798748667,4.798748774,4.798748768,4.798748713,4.798748647,4.79874871,4.798748768,4.798748582,4.798748669,4.79874873,4.79874863,4.798748595,4.798748664
+"10076","MYH13",3.992359687,3.992359718,3.992359734,3.992359705,3.992359773,3.992359676,3.992359722,3.992359708,3.99235973,3.992359678,3.992359743,3.992359771,3.992359718,3.992359674,3.992359725,3.992359725,3.992359804,3.992359728,3.992359704,3.992359728,3.992359751,3.992359728,3.99235969,3.992359695,3.992359721,3.992359709,3.992359681,3.992359733
+"10077","MYH14",5.625556594,5.625556627,5.625556654,5.625556611,5.625556785,5.625556575,5.625556677,5.625556725,5.625556635,5.625556665,5.625556681,5.625556742,5.625556622,5.625556489,5.625556734,5.625556619,5.625556732,5.625556756,5.625556652,5.625556624,5.625556764,5.625556761,5.625556643,5.625556619,5.625556727,5.625556699,5.625556653,5.625556672
+"10078","MYH15",3.500387508,3.500387525,3.500387519,3.500387557,3.500387542,3.500387515,3.50038754,3.500387515,3.500387513,3.500387532,3.500387538,3.500387535,3.5003875,3.500387492,3.500387523,3.500387537,3.500387511,3.500387562,3.500387531,3.500387512,3.500387538,3.500387518,3.500387522,3.500387529,3.500387554,3.500387526,3.500387534,3.500387515
+"10079","MYH16",4.735703402,4.735703481,4.735703798,4.735703353,4.735703962,4.735703394,4.735703435,4.735703873,4.735703514,4.735703609,4.735703994,4.735704206,4.735703539,4.735703144,4.735703972,4.735703872,4.735703907,4.735703769,4.735703739,4.735703823,4.73570403,4.735703857,4.735703491,4.735703468,4.735703777,4.735703732,4.735703539,4.735703821
+"10080","MYH2",3.531224303,3.531224374,3.531224481,3.531224457,3.531224442,3.531224359,3.531224401,3.531224432,3.531224339,3.531224416,3.531224382,3.53122453,3.531224423,3.531224342,3.531224403,3.531224338,3.531224463,3.531224424,3.531224392,3.531224306,3.531224436,3.531224413,3.531224373,3.531224387,3.531224365,3.531224443,3.531224342,3.53122439
+"10081","MYH3",4.652959717,4.652959686,4.652959725,4.652959678,4.65295978,4.652959709,4.652959659,4.652959718,4.652959683,4.652959652,4.652959749,4.65295978,4.652959692,4.652959711,4.652959691,4.652959707,4.652959676,4.652959769,4.652959695,4.652959701,4.652959696,4.652959741,4.652959644,4.652959695,4.65295975,4.65295971,4.652959684,4.652959657
+"10082","MYH4",3.312682958,3.312682929,3.312682917,3.312683009,3.312683101,3.312682898,3.312682998,3.312682976,3.312683054,3.312683012,3.312683139,3.312683108,3.312683009,3.312682942,3.312683111,3.312683058,3.312683086,3.312683074,3.312682906,3.312683022,3.312683062,3.312683254,3.312682967,3.312682898,3.312683142,3.312682996,3.312683016,3.31268306
+"10083","MYH6",4.782724939,4.782724794,4.782724922,4.782725064,4.782725036,4.782724998,4.782724961,4.782725041,4.782725004,4.782725012,4.782725019,4.782725103,4.782725032,4.782724686,4.782725101,4.782725066,4.782725048,4.782725175,4.782725032,4.782724897,4.782725074,4.782725102,4.782724931,4.782724795,4.782724895,4.78272492,4.782724904,4.78272501
+"10084","MYH7",4.751005608,4.751005503,4.751005762,4.751005746,4.751006037,4.751005616,4.751005829,4.751005834,4.751005716,4.751005684,4.751005697,4.751006037,4.751005763,4.751005615,4.751005936,4.751005825,4.751006044,4.751005981,4.751005967,4.751005716,4.751006047,4.751005856,4.751005582,4.751005567,4.751005665,4.751005879,4.751005705,4.751005883
+"10085","MYH7B",5.232100841,5.23210091,5.232101028,5.232100896,5.232101127,5.232100981,5.232101073,5.232101093,5.232101007,5.232100949,5.232101166,5.232101144,5.232101033,5.232100718,5.232101188,5.232101089,5.232101322,5.232101202,5.232101059,5.232101011,5.232101118,5.232101113,5.232101045,5.23210084,5.232101068,5.232101196,5.232100978,5.232100964
+"10086","MYH8",3.165869383,3.165869435,3.165869423,3.165869403,3.165869421,3.16586942,3.165869392,3.165869429,3.165869398,3.16586943,3.165869437,3.165869457,3.165869365,3.165869404,3.165869412,3.165869438,3.165869411,3.165869409,3.16586942,3.165869386,3.165869414,3.165869418,3.165869393,3.165869416,3.165869407,3.165869432,3.165869384,3.165869406
+"10087","MYH9",9.753322914,9.757886554,9.753592812,9.758758763,9.75538886,9.754926931,9.756298871,9.752935248,9.755639852,9.755489357,9.75649771,9.753939945,9.755137711,9.757748998,9.754782004,9.757351703,9.753742664,9.757654606,9.756074998,9.754581068,9.756076051,9.753259245,9.756360747,9.757302288,9.75646558,9.755920518,9.755371615,9.75615799
+"10088","MYL1",3.608610257,3.608610209,3.608610279,3.60861031,3.608610283,3.608610255,3.608610308,3.608610365,3.608610304,3.60861033,3.60861028,3.608610311,3.608610301,3.60861026,3.608610294,3.608610292,3.608610436,3.608610286,3.608610299,3.608610305,3.608610297,3.608610368,3.608610249,3.60861029,3.608610335,3.608610294,3.60861026,3.608610345
+"10089","MYL10",4.423491147,4.423491147,4.423491167,4.423491151,4.423491181,4.423491126,4.42349115,4.423491156,4.423491171,4.423491145,4.423491161,4.423491187,4.423491151,4.423491132,4.423491156,4.423491165,4.423491192,4.423491181,4.423491127,4.423491178,4.423491158,4.423491169,4.423491152,4.423491162,4.423491175,4.423491174,4.423491126,4.423491169
+"10090","MYL11",5.396729626,5.396729557,5.396729801,5.396729623,5.396729801,5.396729679,5.396729613,5.396729829,5.396729706,5.396729806,5.396729751,5.396729872,5.396729668,5.396729516,5.396729791,5.396729719,5.396729923,5.396729781,5.396729799,5.396729807,5.396729768,5.396729769,5.396729606,5.396729689,5.396729644,5.396729801,5.396729697,5.39672977
+"10091","MYL12A",7.091743137,7.091742308,7.091742025,7.09174259,7.091741864,7.091742085,7.091741675,7.091741116,7.091741511,7.091741922,7.091741681,7.091740616,7.091742377,7.091742833,7.091742228,7.091742245,7.09174076,7.091741862,7.091742148,7.091742439,7.091741875,7.091741447,7.091741862,7.091742553,7.091741974,7.091741843,7.091742311,7.091741401
+"10092","MYL12B",8.306807764,8.306806593,8.306806503,8.306806723,8.306806329,8.306805449,8.306806572,8.306805404,8.306806277,8.306806822,8.306806183,8.306805141,8.306806425,8.306807431,8.30680651,8.306806968,8.306805827,8.306806505,8.306807098,8.306807292,8.306807109,8.306805841,8.306806434,8.306806792,8.306806419,8.306806558,8.306806271,8.306806207
+"10093","MYL2",4.111960598,4.111960721,4.111960675,4.111960644,4.111960519,4.111960449,4.111960558,4.111960686,4.111960474,4.111960589,4.111960641,4.111960559,4.111960558,4.111960382,4.111960497,4.111960769,4.111960721,4.11196067,4.111960472,4.111960661,4.111960521,4.11196056,4.11196058,4.111960524,4.111960597,4.111960583,4.111960574,4.111960544
+"10094","MYL3",4.684444295,4.684444286,4.684444285,4.684444299,4.684444315,4.684444277,4.684444292,4.684444312,4.684444291,4.684444274,4.684444354,4.684444287,4.684444291,4.684444238,4.68444428,4.684444322,4.684444345,4.684444311,4.684444308,4.684444291,4.684444337,4.684444324,4.684444288,4.684444303,4.684444315,4.684444332,4.684444271,4.684444283
+"10095","MYL4",6.381067867,6.381068907,6.381071308,6.381069754,6.38106884,6.381069963,6.381069498,6.381070608,6.381070568,6.381070067,6.381070555,6.381071433,6.381067579,6.3810673,6.381068167,6.381067627,6.381070208,6.381070055,6.381068072,6.381068549,6.381069282,6.381070259,6.38107073,6.381069646,6.38107088,6.381071568,6.381067969,6.381068412
+"10096","MYL5",6.042348298,6.042348227,6.042348361,6.042348303,6.042348414,6.042348248,6.042348314,6.042348347,6.042348451,6.042348295,6.042348385,6.042348426,6.042348271,6.042348138,6.042348428,6.042348406,6.042348495,6.042348452,6.042348283,6.042348252,6.042348349,6.042348404,6.04234831,6.04234813,6.042348338,6.042348282,6.042348246,6.042348356
+"10097","MYL6",8.460023846,8.460024037,8.460024264,8.460024032,8.460023694,8.460024112,8.460024229,8.460023936,8.460024102,8.460024594,8.460024144,8.460024172,8.460023746,8.460023928,8.460023605,8.460024164,8.460024236,8.460023724,8.460024124,8.460023564,8.460024032,8.460024002,8.460024238,8.460024198,8.460024252,8.460024025,8.4600236,8.46002374
+"10098","MYL6B",6.094460787,6.094460888,6.094460986,6.094460978,6.094460977,6.09446087,6.094460887,6.094460947,6.094460967,6.094460931,6.094460973,6.09446096,6.094460909,6.094460831,6.094460933,6.094460922,6.094461014,6.094460951,6.094460837,6.094460964,6.094460915,6.094460947,6.094460938,6.094460919,6.094460976,6.094460945,6.094460921,6.094460942
+"10099","MYL7",4.993337164,4.993337324,4.993337382,4.993337276,4.993337287,4.993337017,4.993337156,4.993337374,4.993337279,4.993337165,4.993337383,4.99333739,4.993337329,4.993337187,4.993337266,4.993337338,4.993337365,4.993337436,4.993337152,4.993337298,4.993337188,4.993337278,4.993337206,4.993337349,4.993337453,4.993337166,4.993337287,4.993337253
+"10100","MYL9",7.456821193,7.456822124,7.456822717,7.456823699,7.456822693,7.456820949,7.456821777,7.456822799,7.456822338,7.456822788,7.456822811,7.456823129,7.456821315,7.456820001,7.456821635,7.456822678,7.456822564,7.456824154,7.456821823,7.456821339,7.456822218,7.456821919,7.456822094,7.45682269,7.456823199,7.456822259,7.456821972,7.456821307
+"10101","MYLIP",7.701315541,7.701315974,7.701314992,7.701316094,7.701315317,7.70131501,7.701315293,7.701315576,7.701315569,7.701315362,7.701315414,7.701315085,7.701315124,7.701315724,7.701315547,7.701315799,7.701315083,7.701315675,7.701315855,7.701315259,7.701315159,7.701315564,7.701315981,7.701315782,7.701315406,7.701315289,7.70131528,7.701315294
+"10102","MYLK",5.547169352,5.547169572,5.547169434,5.54716972,5.547169558,5.547169458,5.547169447,5.547169442,5.547169389,5.54716962,5.547169609,5.547169546,5.547169476,5.547169339,5.547169436,5.547169577,5.547169443,5.547169728,5.547169529,5.547169437,5.547169463,5.54716941,5.547169487,5.54716964,5.547169589,5.54716956,5.547169427,5.547169376
+"10103","MYLK2",4.81174606,4.811746069,4.811745992,4.811746119,4.811746215,4.811746065,4.811746061,4.811746162,4.811745933,4.811746078,4.811745993,4.811746221,4.811746094,4.811746004,4.81174612,4.811746111,4.811746147,4.811746156,4.811746114,4.811746181,4.811746214,4.811746159,4.811746021,4.811745993,4.811746052,4.811746103,4.811746028,4.811746147
+"10104","MYLK3",5.10233901,5.102339045,5.10233905,5.102339016,5.10233908,5.102339033,5.102339037,5.102339056,5.102339034,5.102339015,5.102339085,5.102339082,5.102339049,5.102338998,5.102339075,5.102339068,5.10233911,5.102339083,5.102339044,5.102339062,5.102339067,5.102339058,5.10233903,5.102339019,5.102339068,5.102339057,5.102339,5.102339043
+"10105","MYLK4",4.44537987,4.445379867,4.445379847,4.445379824,4.445379846,4.445379859,4.445379866,4.445379828,4.445379874,4.445379905,4.445379873,4.445379907,4.445379809,4.44537981,4.445379891,4.445379848,4.445379868,4.445379837,4.445379819,4.445379885,4.445379856,4.445379856,4.445379838,4.445379822,4.445379854,4.445379904,4.445379874,4.445379902
+"10106","MYMK",5.299792718,5.299792721,5.299792882,5.29979285,5.299792968,5.299792681,5.299792886,5.299792869,5.299792782,5.299792744,5.299792968,5.299792822,5.299792773,5.299792778,5.299792976,5.29979281,5.299792953,5.299792901,5.299792785,5.299792834,5.299792918,5.299792999,5.299792855,5.299792711,5.299792754,5.29979298,5.299792837,5.299792753
+"10107","MYNN",5.440733841,5.440733549,5.440733457,5.440733378,5.440733244,5.440733263,5.440733489,5.440733349,5.440733392,5.440733324,5.440733326,5.440732974,5.440733541,5.440734219,5.440733518,5.440733136,5.440733626,5.440733579,5.440733562,5.440733214,5.440733444,5.440733353,5.44073373,5.440733434,5.440733389,5.44073356,5.440733349,5.440734049
+"10108","MYO10",4.534461627,4.534461651,4.53446168,4.534461668,4.534461704,4.534461651,4.534461673,4.53446169,4.534461682,4.53446166,4.534461668,4.534461705,4.534461656,4.534461652,4.534461702,4.534461706,4.534461708,4.534461715,4.534461638,4.534461682,4.534461657,4.53446168,4.53446171,4.534461665,4.534461682,4.534461698,4.534461626,4.534461693
+"10109","MYO15A",5.249303138,5.24930317,5.249303187,5.249303176,5.249303271,5.249303108,5.249303223,5.249303256,5.249303176,5.249303171,5.249303236,5.249303246,5.249303182,5.249303114,5.249303252,5.249303216,5.249303271,5.249303225,5.249303228,5.249303223,5.249303268,5.249303251,5.249303139,5.24930316,5.249303189,5.249303244,5.249303167,5.24930322
+"10110","MYO15B",6.909720866,6.90972092166667,6.90972092166667,6.90972088166667,6.90972129333333,6.90972142266667,6.90972099733333,6.90972117433333,6.90972128833333,6.90972121366667,6.90972142666667,6.90972117933333,6.909721096,6.90972122,6.90972081966667,6.90972105966667,6.90972078333333,6.90972081366667,6.90972127966667,6.90972120633333,6.90972096566667,6.909721285,6.90972088166667,6.90972087433333,6.90972139266667,6.90972117533333,6.90972109566667,6.90972113666667
+"10111","MYO16",4.824692184,4.824692181,4.82469222,4.824692311,4.824692353,4.824692298,4.824692263,4.824692395,4.824692501,4.824692264,4.824692464,4.824692529,4.824692118,4.824691872,4.824692262,4.824692474,4.824692327,4.824692357,4.824692224,4.824692204,4.824692223,4.824692536,4.824692147,4.824692078,4.824692488,4.824692379,4.824692085,4.824692138
+"10112","MYO18B",4.910811147,4.91081107,4.910811276,4.910811225,4.910811258,4.910811177,4.910811203,4.910811297,4.910811158,4.91081112,4.910811148,4.910811273,4.910811198,4.910811012,4.910811305,4.910811116,4.910811318,4.910811262,4.910811212,4.910811263,4.910811275,4.910811362,4.910811067,4.910811078,4.910811167,4.910811256,4.910811064,4.910811169
+"10113","MYO19",6.147158424,6.14715841,6.147158399,6.1471584,6.147158397,6.147158418,6.147158433,6.147158407,6.147158417,6.147158419,6.147158386,6.1471584,6.147158422,6.147158425,6.147158416,6.147158382,6.147158398,6.147158404,6.147158407,6.147158411,6.147158413,6.147158431,6.147158398,6.147158395,6.147158391,6.147158434,6.147158412,6.147158401
+"10114","MYO1A",4.736880165,4.736880158,4.736880382,4.736880272,4.736880327,4.736880145,4.736880246,4.736880303,4.736880212,4.736880247,4.736880238,4.73688024,4.736880226,4.736880234,4.736880291,4.736880255,4.736880313,4.736880364,4.736880279,4.736880281,4.736880265,4.73688036,4.736880152,4.736880144,4.736880195,4.736880302,4.7368802,4.736880239
+"10115","MYO1B",4.03549175,4.035491565,4.035491629,4.035491922,4.035491945,4.035491829,4.035491842,4.035491716,4.035491636,4.035491733,4.035491619,4.035492204,4.03549163,4.035492042,4.035492083,4.035492016,4.035491962,4.035491782,4.035491854,4.03549177,4.03549183,4.035491882,4.035491618,4.035491588,4.035491758,4.035491826,4.035491722,4.035492217
+"10116","MYO1C",6.107672668,6.10767265,6.107672652,6.107672738,6.107672804,6.107672614,6.107672571,6.10767268,6.107672532,6.107672775,6.1076727,6.107672616,6.107672662,6.107672757,6.107672658,6.107672716,6.107672621,6.107672727,6.10767275,6.107672679,6.107672671,6.107672693,6.107672546,6.107672729,6.107672684,6.107672712,6.107672751,6.107672622
+"10117","MYO1D",5.063900879,5.063900876,5.063900845,5.063900856,5.063900859,5.063900866,5.063900895,5.063900878,5.063900858,5.063900865,5.06390088,5.06390085,5.063900897,5.063900894,5.063900859,5.063900861,5.063900826,5.063900837,5.063900876,5.063900863,5.063900888,5.06390087,5.063900867,5.063900889,5.063900877,5.063900883,5.063900894,5.063900878
+"10118","MYO1E",5.837854946,5.837854524,5.837854451,5.837854255,5.837854717,5.837854625,5.837854116,5.837854003,5.837853904,5.837855081,5.837854083,5.83785448,5.837853977,5.837855041,5.837854602,5.837854183,5.837854228,5.837854177,5.837854544,5.837854468,5.837854249,5.837854287,5.837854118,5.837854689,5.837853887,5.837854268,5.837854181,5.837854656
+"10119","MYO1F",10.33868057,10.50304677,10.34278897,10.78607118,10.23699887,10.69710999,10.57825887,10.40389155,10.17297905,10.27019271,10.4738833,10.14831983,10.46065867,10.3314439,10.37203518,10.48108667,10.36651916,10.63540614,10.50972024,10.69084245,10.60882855,10.36952773,10.36457136,10.50621623,10.59733928,10.32617273,10.44939754,10.21396692
+"10120","MYO1G",8.515013937,8.515013733,8.515013772,8.515013722,8.515013808,8.515014024,8.515013891,8.5150138,8.51501381,8.515013923,8.5150138,8.515013524,8.515013951,8.515013907,8.515013752,8.515013691,8.515013569,8.515013623,8.515013781,8.515014018,8.515013821,8.515013792,8.515013751,8.515013865,8.515013711,8.515013784,8.515013971,8.515013755
+"10121","MYO1H",3.82679784,3.826797685,3.826797934,3.826797697,3.826798113,3.826797912,3.826797705,3.826797828,3.82679786,3.826797752,3.826797837,3.826797906,3.826797696,3.82679771,3.826797906,3.826797754,3.826797934,3.826797981,3.826797784,3.826797724,3.82679788,3.826798022,3.826797834,3.826797774,3.826797852,3.826797964,3.826797844,3.826797883
+"10122","MYO3A",3.257301826,3.257301854,3.257301832,3.257301848,3.257301917,3.257301875,3.257301865,3.257301858,3.257301857,3.257301871,3.257301874,3.257301913,3.257301861,3.257301832,3.257301917,3.257301896,3.257301958,3.257301877,3.257301871,3.257301852,3.257301889,3.257301864,3.257301919,3.257301888,3.257301899,3.257301858,3.257301828,3.257301895
+"10123","MYO3B",3.851424999,3.851425012,3.851425017,3.851425002,3.851425014,3.851425018,3.851425013,3.851425036,3.851425068,3.85142508,3.851425021,3.851425017,3.851425007,3.851425014,3.851425023,3.851425006,3.851425043,3.851425016,3.851425013,3.851425017,3.851424997,3.851425033,3.851425087,3.851425079,3.851425039,3.851425029,3.851425044,3.851425017
+"10124","MYO5A",7.06876689,7.068766706,7.068766275,7.068767461,7.068766292,7.068766781,7.068767372,7.068766284,7.068766263,7.068766503,7.068766634,7.068765707,7.068766615,7.068767249,7.068766939,7.068766337,7.068766106,7.068766901,7.068767353,7.068767006,7.068767297,7.068766228,7.068766986,7.068767055,7.068767293,7.068766824,7.068766781,7.068766633
+"10125","MYO5B",3.896740096,3.896740094,3.896740159,3.896740111,3.896740162,3.896740108,3.896740143,3.896740158,3.896740153,3.896740132,3.896740138,3.896740198,3.896740129,3.896740113,3.896740173,3.896740142,3.896740162,3.896740154,3.896740143,3.896740169,3.89674016,3.896740193,3.896740124,3.896740122,3.896740146,3.896740129,3.896740108,3.896740153
+"10126","MYO5C",3.653722995,3.653722988,3.653722987,3.653722999,3.653722993,3.653722999,3.653722993,3.653722984,3.65372299,3.653722991,3.653722993,3.653722995,3.653722994,3.653722988,3.653722995,3.653722994,3.653722998,3.653722993,3.653722997,3.65372299,3.653722993,3.653722992,3.653722992,3.65372299,3.653722993,3.653722994,3.653722993,3.65372299
+"10127","MYO6",4.239487287,4.239487207,4.23948725,4.239487211,4.239487226,4.239487229,4.239487256,4.23948728,4.239487217,4.239487201,4.239487225,4.239487206,4.239487242,4.239487248,4.239487261,4.239487229,4.239487216,4.239487256,4.239487174,4.239487236,4.239487249,4.239487263,4.23948723,4.239487193,4.239487231,4.239487208,4.239487251,4.23948722
+"10128","MYO7A",5.225591785,5.225591841,5.225592025,5.225591854,5.225592417,5.225592025,5.225592199,5.225592214,5.22559184,5.225592057,5.225592217,5.225592238,5.225591944,5.225591699,5.22559228,5.22559201,5.225592263,5.22559215,5.225591908,5.225592007,5.225592299,5.225592271,5.225591836,5.225591975,5.225592166,5.225592159,5.225591778,5.225592038
+"10129","MYO7B",5.210348758,5.210348747,5.210348776,5.21034877,5.210348817,5.210348826,5.210348768,5.210348793,5.21034876,5.210348783,5.210348796,5.210348786,5.210348769,5.210348728,5.21034878,5.210348777,5.210348832,5.210348831,5.210348793,5.210348813,5.210348798,5.210348814,5.210348765,5.210348782,5.210348786,5.210348772,5.210348777,5.210348788
+"10130","MYO9A",5.630945381,5.630945048,5.63094499,5.630945022,5.630945015,5.630944809,5.630945092,5.630944982,5.630945073,5.630945082,5.630944902,5.630945052,5.63094516,5.630945483,5.630945211,5.63094486,5.630944843,5.630944871,5.630945142,5.630944721,5.630944996,5.630944965,5.630945123,5.630945123,5.630944897,5.630945176,5.63094523,5.630945168
+"10131","MYO9B",8.537882072,8.537882316,8.537882153,8.537882821,8.537882163,8.537882455,8.537882408,8.537882276,8.53788217,8.537882225,8.537882221,8.537882021,8.537882212,8.537882064,8.537882277,8.537882406,8.537882018,8.537882653,8.537882415,8.537882591,8.537882364,8.537882067,8.537882227,8.537882341,8.537882639,8.537882372,8.537882342,8.537882051
+"10132","MYOC",3.647078859,3.647078892,3.647078888,3.647078879,3.647078898,3.647078884,3.647078892,3.647078892,3.647078864,3.647078868,3.647078879,3.647078887,3.647078881,3.64707887,3.647078891,3.647078894,3.647078902,3.647078877,3.647078888,3.647078877,3.647078896,3.647078901,3.647078869,3.647078856,3.647078904,3.647078888,3.647078876,3.647078883
+"10133","MYOCD",3.645767036,3.645767059,3.645767058,3.645767043,3.64576708,3.645767086,3.64576705,3.645767076,3.645767064,3.645767067,3.645767063,3.645767065,3.645767056,3.64576704,3.645767056,3.645767094,3.645767085,3.645767075,3.645767016,3.645767057,3.645767043,3.645767081,3.645767015,3.645767066,3.645767044,3.64576706,3.645767031,3.645767047
+"10134","MYOD1",4.672375573,4.672375588,4.672375601,4.672375594,4.67237561,4.672375592,4.672375603,4.672375575,4.672375577,4.67237561,4.672375607,4.672375617,4.672375581,4.672375549,4.672375594,4.672375586,4.672375601,4.672375595,4.67237556,4.672375596,4.672375586,4.672375586,4.672375592,4.672375586,4.672375577,4.672375589,4.672375576,4.672375575
+"10135","MYOF",6.316007264,6.316007063,6.316006899,6.316006715,6.316007268,6.316011728,6.316007514,6.316006417,6.31600666,6.316008375,6.3160073,6.316006032,6.316008223,6.316008292,6.316006699,6.316006356,6.316005642,6.316006798,6.316006732,6.316011365,6.316007689,6.31600723,6.31600579,6.316007604,6.316007203,6.316006549,6.316008658,6.316007623
+"10136","MYOG",5.651625515,5.65162534,5.65162588,5.651625803,5.651625811,5.651625274,5.651625915,5.651625955,5.651625553,5.651625373,5.651625712,5.651625829,5.65162584,5.651625183,5.651625686,5.651625778,5.651625923,5.651625901,5.651625672,5.651626032,5.651626096,5.651626,5.651625718,5.651625317,5.651625612,5.651625708,5.651625322,5.651625384
+"10137","MYOM1",5.001424691,5.00142483,5.001424365,5.001424812,5.001424723,5.001424407,5.00142468,5.001424522,5.001424746,5.001424602,5.001424767,5.001424701,5.001424845,5.001424711,5.00142479,5.001424852,5.001424501,5.00142492,5.001424761,5.001424412,5.001424657,5.001424491,5.001424599,5.00142471,5.001424668,5.001424767,5.001424786,5.001424767
+"10138","MYOM2",4.62852147,4.628521404,4.62852139,4.628521318,4.628521518,4.628521539,4.628521433,4.628521452,4.628521443,4.628521334,4.628521407,4.628521563,4.628521555,4.62852141,4.628521496,4.628521402,4.628521375,4.628521347,4.628521556,4.628521514,4.628521467,4.628521514,4.628521508,4.628521318,4.628521318,4.628521563,4.628521579,4.628521351
+"10139","MYOM3",4.578200161,4.578200207,4.578200222,4.5782002,4.578200256,4.578200124,4.578200215,4.578200211,4.578200197,4.578200179,4.578200225,4.578200235,4.578200189,4.578200141,4.578200232,4.578200209,4.578200239,4.578200239,4.578200174,4.578200212,4.578200259,4.578200231,4.578200175,4.578200168,4.578200199,4.578200225,4.578200195,4.578200242
+"10140","MYORG",4.676229637,4.676229787,4.676229722,4.676229676,4.676229604,4.676229776,4.676229686,4.67622971,4.676229694,4.676229732,4.676229843,4.676229706,4.676229675,4.676229632,4.676229665,4.676229779,4.676229745,4.676229715,4.676229677,4.676229818,4.676229636,4.676229708,4.676229725,4.676229752,4.676229735,4.676229574,4.676229752,4.676229651
+"10141","MYOT",3.464970263,3.464970312,3.46497035,3.464970346,3.464970435,3.464970327,3.464970215,3.464970329,3.464970393,3.464970321,3.464970312,3.464970346,3.464970255,3.46497024,3.464970263,3.464970267,3.46497033,3.464970271,3.464970256,3.46497042,3.464970308,3.46497039,3.464970237,3.464970294,3.464970307,3.464970391,3.464970428,3.464970448
+"10142","MYOZ1",3.968781426,3.968781445,3.968781463,3.968781439,3.968781495,3.968781445,3.968781453,3.96878148,3.968781461,3.968781449,3.96878144,3.968781476,3.968781452,3.968781418,3.968781474,3.968781483,3.968781471,3.968781459,3.968781436,3.968781474,3.968781468,3.968781456,3.968781438,3.9687814,3.96878145,3.968781457,3.968781431,3.968781454
+"10143","MYOZ2",3.196589791,3.196589991,3.196589864,3.196589876,3.19658996,3.196589894,3.196589841,3.196589877,3.19658985,3.196589901,3.196589921,3.196589928,3.1965898,3.196589913,3.196589979,3.196589931,3.196589938,3.196590035,3.196589916,3.196589879,3.196589838,3.196589882,3.196589837,3.196589876,3.196589833,3.196589877,3.196589858,3.196589944
+"10144","MYOZ3",5.784780256,5.784780241,5.784780439,5.78478026,5.78478036,5.784780197,5.784780255,5.784780393,5.784780265,5.784780273,5.784780445,5.784780413,5.784780252,5.784780084,5.784780265,5.784780366,5.784780484,5.784780427,5.784780235,5.784780397,5.784780266,5.78478037,5.78478017,5.784780311,5.784780422,5.784780256,5.784780269,5.784780183
+"10145","MYPN",3.545349524,3.545349546,3.545349673,3.545349667,3.545349628,3.545349652,3.545349606,3.545349663,3.545349534,3.545349425,3.545349517,3.54534968,3.545349653,3.545349412,3.545349533,3.54534968,3.545349947,3.545349752,3.545349604,3.545349654,3.545349647,3.545349637,3.545349737,3.545349585,3.545349682,3.545349617,3.545349444,3.545349552
+"10146","MYPOP",5.963195183,5.963195374,5.963195508,5.963195661,5.96319628,5.963195658,5.963195538,5.963195756,5.963195546,5.96319561,5.963195777,5.963196067,5.963195487,5.963194851,5.963195955,5.963195448,5.963196025,5.963195674,5.963195612,5.963195386,5.963195928,5.963195869,5.963195488,5.963195319,5.963195234,5.963195585,5.963195339,5.963195302
+"10147","MYRF",5.10060484,5.100604861,5.100604929,5.100604874,5.100604964,5.100604841,5.100604845,5.100604936,5.100604873,5.100604858,5.100604929,5.100604955,5.100604929,5.100604804,5.100604923,5.1006049,5.100604969,5.100604979,5.100604886,5.100604912,5.100604929,5.100604985,5.100604825,5.100604853,5.100604923,5.100604911,5.100604876,5.100604928
+"10148","MYRF-AS1",5.033609234,5.033609249,5.033609331,5.033609248,5.033609501,5.033609214,5.033609203,5.03360931,5.033609352,5.03360937,5.033609519,5.033609545,5.033609311,5.033609191,5.033609242,5.033609347,5.033609538,5.03360947,5.033609263,5.033609408,5.03360936,5.033609509,5.033609214,5.033609352,5.033609515,5.033609381,5.033609298,5.033609208
+"10149","MYRFL",3.382607592,3.382607662,3.382607678,3.382607723,3.382607691,3.382607718,3.382607712,3.382607642,3.38260771,3.382607719,3.382607672,3.382607692,3.382607646,3.382607606,3.382607637,3.382607699,3.38260767,3.38260768,3.382607671,3.382607612,3.382607568,3.382607662,3.382607689,3.382607674,3.382607669,3.382607672,3.382607651,3.382607603
+"10150","MYRIP",4.414365198,4.414364982,4.414365199,4.414365115,4.414365378,4.41436516,4.41436533,4.414365389,4.414365125,4.414365213,4.414365217,4.414365444,4.414365198,4.414364863,4.414365433,4.414365187,4.414365485,4.414365299,4.414365149,4.414365063,4.414365381,4.41436524,4.414365143,4.414365047,4.41436522,4.414365353,4.414365009,4.414365224
+"10151","MYSM1",7.135827088,7.135826666,7.135826388,7.135826486,7.135825953,7.135825989,7.13582639,7.135826402,7.135826669,7.1358266,7.135826056,7.135825862,7.135826468,7.135827431,7.135826609,7.135826551,7.1358258,7.135826245,7.135826653,7.13582598,7.135826514,7.135826317,7.135826838,7.135826694,7.13582641,7.135826444,7.135826693,7.135826924
+"10152","MYT1",4.604516668,4.604516643,4.604516683,4.604516643,4.604516689,4.604516658,4.604516679,4.604516699,4.604516659,4.604516645,4.60451665,4.604516699,4.604516642,4.604516624,4.604516692,4.60451667,4.604516708,4.604516662,4.604516667,4.604516662,4.604516705,4.604516679,4.604516645,4.604516629,4.60451666,4.604516698,4.604516625,4.604516676
+"10153","MYT1L",4.439638608,4.439638518,4.439638631,4.439638567,4.439638664,4.439638598,4.439638649,4.439638645,4.439638625,4.439638633,4.439638544,4.439638601,4.43963855,4.439638537,4.439638676,4.439638643,4.43963861,4.439638596,4.439638578,4.439638627,4.439638636,4.439638653,4.439638569,4.43963853,4.439638576,4.439638631,4.439638516,4.439638556
+"10154","MZB1",6.213593741,6.213594055,6.213594034,6.213594162,6.213594342,6.213594083,6.213594848,6.213593829,6.213594079,6.213593776,6.213594291,6.21359392,6.213594605,6.213593427,6.213593903,6.213593981,6.21359433,6.213594288,6.21359405,6.213594177,6.213595087,6.213594024,6.213593808,6.213593717,6.213593993,6.213594203,6.213594415,6.213593617
+"10155","MZF1",6.191114543,6.191114536,6.191114545,6.191114542,6.191114544,6.191114545,6.19111454,6.191114541,6.191114542,6.19111455,6.191114531,6.19111455,6.191114537,6.191114523,6.191114534,6.191114533,6.191114511,6.191114529,6.191114532,6.191114541,6.191114535,6.191114542,6.191114536,6.19111452,6.191114531,6.191114545,6.191114544,6.191114528
+"10156","MZT2A",7.920218038,7.920217997,7.920218077,7.920218034,7.920218233,7.920218159,7.920218089,7.920218163,7.920218145,7.92021815,7.920218142,7.920218127,7.920218095,7.920217938,7.920218151,7.920218007,7.920218125,7.920218085,7.920218125,7.920218041,7.920218105,7.920218137,7.920218,7.920218002,7.920218072,7.920218147,7.920218038,7.92021814
+"10157","MZT2B",6.025152228,6.025152283,6.025152258,6.025152181,6.025152637,6.02515213,6.025152464,6.02515247,6.025152467,6.025152339,6.025152341,6.025152443,6.025152244,6.025152184,6.025152487,6.025152464,6.025152569,6.025152422,6.025152244,6.025152435,6.025152537,6.025152386,6.025152195,6.025152226,6.025152156,6.025152515,6.02515207,6.025152511
+"10158","N4BP1",7.724623055,7.724624122,7.724622343,7.724623917,7.724622037,7.724623626,7.72462266,7.72462265,7.724622464,7.724622751,7.724622756,7.724620923,7.724622758,7.724623202,7.724622747,7.724623827,7.724622166,7.724623625,7.724622353,7.724624048,7.724622346,7.724622237,7.724623103,7.724623307,7.72462323,7.724621828,7.724622949,7.724622639
+"10159","N4BP2",5.33543694,5.335436571,5.33543564,5.335435449,5.33543532,5.335435278,5.335435986,5.335434763,5.335436637,5.335435998,5.335435718,5.335434969,5.335436132,5.335437756,5.335435734,5.335435424,5.335435046,5.335435791,5.335436017,5.335434805,5.335435084,5.335435537,5.335436416,5.335436263,5.335434961,5.335435526,5.33543602,5.335436611
+"10160","N4BP2L1",5.832890478,5.832890333,5.832890241,5.832890327,5.832890175,5.832890512,5.832890242,5.832890211,5.832890302,5.832890245,5.83289012,5.832890105,5.832890374,5.832890657,5.83289042,5.832890219,5.832890191,5.832890113,5.832890437,5.832890357,5.832890319,5.832890263,5.832890327,5.832890314,5.832890102,5.832890294,5.832890398,5.832890316
+"10161","N4BP2L2",7.719134403,7.719133922,7.719133401,7.719133127,7.719132494,7.719133176,7.71913321,7.71913261,7.719133668,7.719132916,7.719132827,7.719131587,7.719133776,7.719135474,7.719133752,7.719133787,7.719133033,7.719132811,7.719134035,7.719133421,7.719133343,7.719133135,7.719134013,7.719133405,7.719133387,7.719132992,7.719133732,7.719134508
+"10162","N4BP3",6.131851056,6.131850977,6.131851069,6.131851024,6.131851279,6.131850745,6.131851105,6.131851236,6.131851083,6.131851065,6.131851129,6.131851411,6.131850928,6.131850747,6.131851208,6.131851127,6.131851196,6.13185113,6.131851136,6.131851095,6.131851096,6.131851264,6.131850917,6.131850917,6.131851154,6.131851183,6.13185099,6.131851107
+"10163","N6AMT1",5.377745287,5.377745416,5.377745206,5.377744624,5.377745146,5.377744504,5.377744801,5.377745149,5.377745649,5.377744992,5.377744441,5.377745726,5.377745349,5.377746044,5.377745082,5.377745303,5.377744719,5.377744927,5.377745009,5.377744334,5.377744848,5.377745364,5.377745369,5.37774518,5.3777449,5.377745504,5.377744935,5.377745828
+"10164","NAA10",6.596201832,6.59620177,6.596201978,6.596202064,6.596201256,6.596201629,6.596202126,6.596201912,6.596201998,6.596201999,6.596202003,6.596201767,6.596202095,6.596202035,6.596201532,6.596201392,6.596201254,6.596201654,6.596201231,6.596202236,6.596201725,6.596201637,6.596202014,6.596202119,6.596201931,6.59620164,6.596202196,6.596201734
+"10165","NAA11",4.558761195,4.558761167,4.558761219,4.558761211,4.558761249,4.558761193,4.558761187,4.558761193,4.558761227,4.558761184,4.558761175,4.558761231,4.558761228,4.558761199,4.558761195,4.558761164,4.558761241,4.558761211,4.558761225,4.558761198,4.558761227,4.558761238,4.558761169,4.558761177,4.558761198,4.558761216,4.558761183,4.558761243
+"10166","NAA15",5.964122381,5.964121302,5.964121113,5.964120916,5.964120285,5.964119952,5.964121475,5.96412052,5.964121355,5.964121445,5.964121161,5.964120411,5.964121601,5.964123316,5.964121339,5.964120616,5.964120653,5.964120134,5.964121406,5.964120309,5.964121073,5.964120959,5.964121707,5.964121333,5.964120603,5.964121323,5.964121868,5.964122157
+"10167","NAA16",6.005666836,6.005666575,6.005666571,6.005666304,6.005666203,6.005666311,6.005666406,6.005666507,6.005666816,6.005666721,6.005666184,6.005666461,6.005666679,6.0056671,6.00566643,6.005666505,6.005666272,6.005666025,6.005666549,6.005666051,6.005666352,6.005666433,6.00566673,6.005666679,6.005666206,6.005666578,6.005666677,6.00566665
+"10168","NAA20",5.469600362,5.469600341,5.46960036,5.469600212,5.469600181,5.46960033,5.469600298,5.469600245,5.469600298,5.469600372,5.469600259,5.469600258,5.46960034,5.469600456,5.469600275,5.469600327,5.469600137,5.469600153,5.469600238,5.469600445,5.469600228,5.469600245,5.469600316,5.469600378,5.469600378,5.46960031,5.469600347,5.469600341
+"10169","NAA25",6.197884519,6.197884303,6.197884117,6.19788411,6.197884139,6.197884277,6.197884276,6.197884096,6.197884286,6.197884412,6.197884105,6.197884173,6.197884414,6.197884766,6.197884291,6.197883996,6.197884007,6.197883916,6.197884326,6.197884207,6.197884115,6.197884209,6.197884377,6.197884168,6.197883884,6.197884304,6.19788434,6.197884321
+"10170","NAA30",6.982894724,6.982894517,6.982894237,6.982894312,6.982894413,6.982894343,6.982894629,6.982894314,6.982894865,6.982894505,6.982894161,6.982894227,6.98289449,6.982894933,6.982894556,6.982894466,6.982894306,6.982894213,6.982894553,6.982894166,6.982894456,6.982894447,6.982894768,6.982894642,6.982894296,6.982894429,6.982894528,6.982894979
+"10171","NAA35",6.861376529,6.861376515,6.861375974,6.861375786,6.861375832,6.861375418,6.861375788,6.861375745,6.861376088,6.861376108,6.861375551,6.861375147,6.861376341,6.861377106,6.861375961,6.861376133,6.861375523,6.8613758,6.86137582,6.861375553,6.861376026,6.861375852,6.861376474,6.8613761,6.861375908,6.861376137,6.861376212,6.861376521
+"10172","NAA38",5.951722261,5.951722215,5.951722351,5.951722295,5.951722226,5.951722208,5.951722242,5.951722336,5.951722275,5.951722264,5.95172231,5.951722305,5.951722259,5.95172214,5.951722237,5.951722255,5.951722383,5.951722396,5.951722244,5.95172232,5.951722275,5.951722278,5.951722228,5.951722279,5.951722286,5.951722264,5.951722256,5.951722218
+"10173","NAA40",6.250578947,6.250578693,6.250578848,6.250578644,6.250578593,6.250578571,6.250578724,6.250578701,6.250578767,6.250578803,6.250578644,6.250578525,6.250578906,6.250578977,6.250578484,6.25057859,6.250578151,6.250578313,6.250578784,6.250578649,6.250578584,6.250578696,6.250578982,6.250578834,6.250578534,6.25057886,6.250578905,6.250578568
+"10174","NAA50",8.754810021,8.754810217,8.754809415,8.75480965,8.754808803,8.754809177,8.754810151,8.754809506,8.754809681,8.754809332,8.754809,8.75480855,8.754809603,8.754811594,8.754810118,8.754810027,8.754809039,8.75480969,8.754809525,8.754809441,8.754810207,8.754809128,8.754810096,8.754809742,8.754809377,8.754809403,8.754809078,8.754810614
+"10175","NAA60",7.638058258,7.638058318,7.63805828,7.638058305,7.638058287,7.638058365,7.638058288,7.63805829,7.638058303,7.638058314,7.638058298,7.638058235,7.63805831,7.638058229,7.638058254,7.638058261,7.63805823,7.638058311,7.638058317,7.638058329,7.638058227,7.638058239,7.638058316,7.638058313,7.638058323,7.638058269,7.638058309,7.638058203
+"10176","NAAA",8.336457866,8.336459861,8.336457829,8.336457897,8.336457218,8.336457663,8.33645773,8.336457467,8.336457614,8.336457761,8.336456981,8.336457528,8.336459544,8.336458648,8.336457326,8.336459306,8.336457362,8.336457506,8.336457043,8.336457433,8.336457448,8.336457497,8.336457734,8.336457465,8.336456707,8.33645798,8.336459626,8.336457479
+"10177","NAALAD2",3.038082263,3.038082282,3.038082269,3.038082296,3.038082254,3.038082259,3.038082262,3.03808224,3.03808226,3.038082236,3.0380823,3.038082275,3.038082294,3.038082226,3.038082248,3.038082251,3.038082247,3.038082349,3.038082284,3.03808228,3.038082223,3.038082268,3.03808228,3.038082248,3.038082326,3.038082255,3.038082337,3.038082238
+"10178","NAALADL1",5.706851083,5.706851112,5.706851167,5.706851081,5.706851217,5.70685111,5.706851136,5.706851194,5.70685115,5.706851138,5.706851173,5.70685121,5.706851165,5.706851095,5.70685119,5.706851171,5.706851211,5.706851206,5.706851159,5.706851146,5.706851182,5.706851206,5.706851059,5.706851101,5.706851158,5.706851217,5.706851122,5.706851154
+"10179","NAALADL2",3.013842016,3.013842048,3.013842075,3.013842057,3.01384207,3.013842045,3.013842033,3.013842059,3.01384202,3.013842022,3.013842016,3.01384213,3.013842027,3.013841995,3.013842085,3.013841994,3.013842039,3.013842034,3.013842015,3.013842049,3.013842026,3.013842055,3.013842026,3.013842037,3.013842018,3.013841986,3.01384209,3.013842058
+"10180","NAB1",5.335065992,5.335065959,5.335065797,5.335065959,5.335065789,5.335065924,5.335065955,5.335065787,5.335065795,5.335065812,5.335065942,5.335065695,5.335065949,5.335065997,5.335065844,5.335065874,5.335065803,5.335065959,5.335065846,5.335065776,5.33506589,5.335065829,5.335065894,5.335065945,5.335065844,5.335065747,5.335065922,5.335065883
+"10181","NAB2",6.267764182,6.267764214,6.267764223,6.267764209,6.267764232,6.26776419,6.267764218,6.267764243,6.267764228,6.267764221,6.26776424,6.267764229,6.267764226,6.267764182,6.267764221,6.26776423,6.267764251,6.267764237,6.26776422,6.26776421,6.26776422,6.267764224,6.26776422,6.267764218,6.267764218,6.267764235,6.267764216,6.267764232
+"10182","NABP1",9.085808209,9.086440465,9.085281711,9.086564489,9.084244869,9.085935386,9.085649677,9.08511011,9.084993749,9.084594304,9.085457676,9.082883419,9.085466616,9.086362938,9.085544505,9.086606456,9.085408502,9.085858352,9.085736015,9.08594231,9.085672658,9.085355728,9.086240299,9.086156274,9.085928075,9.084212816,9.085343964,9.085611667
+"10183","NABP2",5.938421432,5.938421398,5.938421417,5.938421445,5.938421449,5.938421493,5.938421522,5.938421502,5.938421492,5.93842146,5.938421412,5.938421501,5.938421425,5.938421382,5.938421475,5.938421407,5.938421513,5.938421439,5.938421427,5.938421394,5.938421491,5.938421531,5.938421451,5.938421371,5.938421381,5.938421406,5.93842141,5.93842142
+"10184","NACA",8.929363502,8.929363269,8.929363226,8.929363072,8.929363078,8.929363505,8.92936328,8.929363547,8.929364052,8.929363777,8.929362994,8.929363498,8.929363822,8.929364116,8.929363539,8.929362951,8.929362978,8.929362929,8.929363272,8.929363359,8.929363515,8.929363665,8.929363721,8.929363454,8.929362576,8.929363918,8.929363776,8.929363441
+"10185","NACA2",4.611673598,4.611673557,4.611673554,4.611673609,4.611673589,4.611673628,4.611673589,4.611673618,4.611673584,4.611673622,4.611673574,4.611673549,4.611673596,4.611673601,4.611673595,4.61167351,4.611673601,4.611673578,4.611673568,4.611673538,4.611673571,4.611673591,4.611673581,4.611673574,4.61167362,4.61167359,4.611673606,4.611673546
+"10186","NACA4P",5.351132658,5.351132628,5.351132647,5.351132647,5.351132675,5.351132621,5.351132637,5.351132685,5.351132657,5.35113263,5.351132646,5.351132667,5.351132663,5.351132644,5.351132681,5.351132661,5.351132644,5.351132684,5.351132631,5.351132635,5.351132658,5.351132686,5.351132637,5.351132622,5.351132667,5.351132669,5.351132649,5.351132643
+"10187","NACAD",5.509259331,5.509259337,5.509259345,5.509259345,5.509259362,5.509259332,5.509259347,5.509259355,5.509259321,5.50925933,5.509259358,5.509259375,5.509259329,5.509259287,5.509259327,5.509259361,5.509259344,5.509259344,5.509259338,5.509259346,5.509259333,5.509259343,5.509259317,5.509259348,5.509259357,5.509259362,5.509259339,5.509259346
+"10188","NACC1",6.726197764,6.72619788,6.72619784,6.726197931,6.726197876,6.726198143,6.726197885,6.726197879,6.72619792,6.726198027,6.726198029,6.726197899,6.726197912,6.726197819,6.726197903,6.726197656,6.726197846,6.726198062,6.726197924,6.726197955,6.726197923,6.726197974,6.726197944,6.726197862,6.726197942,6.726197892,6.726197988,6.72619788
+"10189","NACC2",7.302680465,7.302680497,7.302680456,7.302680475,7.302680512,7.302680425,7.302680432,7.302680498,7.302680396,7.302680446,7.302680522,7.302680565,7.302680448,7.302680354,7.302680514,7.302680516,7.302680532,7.302680509,7.302680429,7.302680458,7.302680507,7.302680469,7.302680442,7.30268041,7.302680502,7.302680584,7.302680442,7.302680424
+"10190","NADK",9.099014658,9.100166728,9.099203921,9.100766829,9.099590264,9.100695991,9.099361676,9.099194201,9.098772701,9.099057801,9.099573887,9.097913948,9.09926718,9.098874087,9.099337094,9.100335832,9.09918076,9.100527685,9.099929282,9.100559698,9.099549866,9.099078582,9.099285417,9.0996764,9.100004101,9.098743362,9.09928272,9.098935805
+"10191","NADK2",5.214742702,5.214742904,5.21474214,5.214741918,5.214742163,5.214741612,5.214742507,5.214741539,5.214742338,5.214742193,5.214741865,5.214741884,5.214742403,5.214743116,5.214742419,5.214742441,5.214741975,5.214742111,5.214742665,5.214741719,5.214742523,5.214742359,5.214742583,5.214742234,5.214742221,5.214742488,5.214742334,5.21474255
+"10192","NADSYN1",7.476021766,7.476021596,7.476021571,7.476021651,7.47602152,7.476021608,7.47602168,7.476021564,7.47602164,7.476021594,7.476021628,7.476021342,7.476021589,7.476021612,7.476021604,7.476021535,7.476021454,7.476021494,7.476021628,7.476021592,7.476021483,7.476021653,7.47602156,7.476021617,7.476021699,7.476021573,7.476021688,7.476021468
+"10193","NAE1",5.320321994,5.320321721,5.320321269,5.320320721,5.320321033,5.320321232,5.320321489,5.320321195,5.320321554,5.320321433,5.320320968,5.320320927,5.320321405,5.320322421,5.320321661,5.320321545,5.320321011,5.320321141,5.320321405,5.320320684,5.32032156,5.320321482,5.32032185,5.320321441,5.320321082,5.320321397,5.320321457,5.320322063
+"10194","NAF1",4.210482096,4.210481811,4.21048162,4.210481712,4.21048161,4.21048174,4.210481852,4.210481609,4.210481974,4.210481707,4.210481726,4.210481754,4.210481969,4.210482083,4.210481711,4.210481916,4.210481487,4.210481783,4.210481898,4.210481702,4.210481743,4.210481751,4.210482001,4.210481611,4.210481793,4.210481878,4.210481992,4.21048199
+"10195","NAGA",7.872285429,7.872285418,7.872285604,7.872284937,7.872285753,7.872286019,7.872285151,7.872285074,7.872284468,7.872285981,7.872285204,7.872284727,7.872284591,7.872285641,7.872285087,7.872284813,7.872285224,7.872284533,7.872285127,7.872285558,7.872284791,7.872285193,7.872284067,7.872285694,7.872284805,7.872285175,7.872284594,7.872285002
+"10196","NAGK",9.107312132,9.107321409,9.107311425,9.107309206,9.107315573,9.107318143,9.107314411,9.107311577,9.107311333,9.107314092,9.107307559,9.107304686,9.107312802,9.107318646,9.107308638,9.107320423,9.107308227,9.107301804,9.10731724,9.107324175,9.107313929,9.107314497,9.107310255,9.10731543,9.107305486,9.107310808,9.107309549,9.107307784
+"10197","NAGLU",7.423953307,7.423953328,7.423953336,7.423953322,7.423953333,7.42395332,7.423953332,7.423953335,7.423953328,7.423953345,7.423953333,7.423953327,7.423953337,7.423953303,7.423953343,7.42395333,7.423953342,7.42395334,7.423953318,7.423953331,7.423953328,7.423953331,7.423953314,7.423953323,7.423953335,7.423953328,7.423953329,7.423953322
+"10198","NAGPA",6.455962174,6.455962169,6.455962155,6.455962125,6.455962172,6.455962148,6.45596216,6.455962169,6.455962173,6.455962173,6.455962156,6.455962197,6.455962157,6.455962161,6.455962175,6.455962181,6.455962164,6.455962145,6.455962152,6.455962071,6.455962148,6.455962186,6.455962138,6.455962166,6.455962123,6.455962163,6.455962169,6.455962185
+"10199","NAGS",6.259969896,6.259969806,6.259969924,6.259969892,6.259970154,6.259969838,6.259970057,6.25996996,6.259969962,6.259969997,6.259970076,6.259970134,6.259970027,6.259969792,6.259970098,6.259969955,6.25997015,6.259970029,6.259970037,6.259969949,6.259970161,6.259970074,6.259969901,6.259969936,6.25996995,6.259970169,6.259969881,6.259970017
+"10200","NAIF1",5.233655609,5.23365565,5.233655576,5.233655714,5.233655552,5.233655648,5.233655761,5.233655565,5.233655343,5.233655454,5.233655272,5.233655477,5.233655782,5.233655556,5.233655627,5.233655336,5.233655325,5.233655808,5.233655602,5.233655956,5.233655529,5.233655734,5.233655598,5.233655416,5.233655671,5.233655577,5.233655616,5.233655473
+"10201","NAIP",9.236658895,9.063938817,8.687307213,9.285119116,8.701580859,8.514558993,9.408533121,8.571045321,9.553426,9.293078121,9.615985348,8.256154652,9.251000517,9.159739835,9.031131978,8.922136728,8.635555756,9.033725435,8.944941772,8.723509501,9.424429254,8.674215624,9.799638857,9.484536184,9.622211052,8.482582332,9.257835769,8.68635333
+"10202","NALCN",3.482993778,3.482993789,3.482993822,3.482993772,3.482993847,3.48299377,3.482993791,3.48299379,3.482993782,3.482993799,3.482993783,3.48299385,3.482993803,3.482993762,3.482993807,3.482993786,3.482993813,3.482993812,3.482993814,3.482993789,3.482993828,3.4829938,3.482993811,3.482993777,3.482993822,3.482993809,3.482993774,3.482993804
+"10203","NALF2",5.309043071,5.309043083,5.309043082,5.30904307,5.309043119,5.309043075,5.309043083,5.309043092,5.309043106,5.309043083,5.309043108,5.309043092,5.309043082,5.309043043,5.309043096,5.309043096,5.309043115,5.309043093,5.309043076,5.309043096,5.309043099,5.309043089,5.309043065,5.309043079,5.309043061,5.309043084,5.30904306,5.309043069
+"10204","NAMPT",11.11209431,11.14600954,10.64561737,11.3933393,10.574543355,10.572573155,10.877737985,10.76574118,10.71314317,10.65507201,10.90215284,9.939061667,10.68708568,11.010378535,11.01567309,11.09304688,10.94305434,11.172753825,11.162293905,11.062249745,10.959146105,10.715888325,11.125218645,11.084801855,11.015959795,10.251969687,10.48167001,10.84240436
+"10205","NANOGNB",3.180079902,3.180079908,3.180079863,3.180079916,3.18007987,3.180079884,3.180079916,3.180079892,3.180079882,3.180079923,3.180079917,3.180079906,3.180079881,3.180079892,3.180079911,3.180079881,3.180079868,3.180079939,3.180079904,3.180079881,3.180079873,3.180079865,3.180079895,3.180079863,3.180079886,3.180079891,3.180079892,3.180079925
+"10206","NANOGP1",3.52932591,3.529326058,3.52932586,3.529326,3.529325843,3.529326053,3.529325924,3.529325897,3.529325874,3.529326013,3.529325972,3.529325957,3.529326025,3.529326173,3.529325889,3.529326016,3.529325879,3.529325884,3.529326076,3.52932599,3.529326053,3.529325976,3.529325968,3.529325956,3.529325937,3.529325931,3.52932603,3.529325959
+"10207","NANOS1",5.626936627,5.626936575,5.626936682,5.626936649,5.626936856,5.626936672,5.626936746,5.626936724,5.626936704,5.626936647,5.626936839,5.626936877,5.626936644,5.626936493,5.626936804,5.626936668,5.626936854,5.626936755,5.626936757,5.626936615,5.626936804,5.62693681,5.62693662,5.626936581,5.626936632,5.626936765,5.62693666,5.626936771
+"10208","NANOS2",5.664782473,5.664782486,5.664782586,5.664782597,5.664782734,5.664782608,5.664782611,5.664782749,5.664782528,5.664782619,5.6647826,5.664782821,5.664782521,5.66478232,5.66478265,5.664782535,5.664782814,5.664782628,5.66478259,5.664782534,5.664782696,5.664782675,5.66478247,5.664782491,5.664782643,5.664782693,5.664782578,5.664782696
+"10209","NANOS3",6.564627088,6.564626999,6.56462714,6.564627084,6.564627302,6.564626887,6.56462708,6.564627231,6.564627051,6.564626943,6.564627148,6.564627197,6.564627057,6.564627006,6.564627254,6.564627107,6.564627146,6.564627307,6.564627038,6.564627103,6.564627366,6.564627258,6.564626953,6.564626972,6.564627107,6.564627261,6.564627028,6.564627132
+"10210","NANP",5.403129845,5.403129715,5.403129692,5.403129774,5.403129862,5.403129624,5.403129728,5.403129733,5.403129786,5.403129625,5.403129646,5.403129552,5.403129663,5.403129851,5.403129744,5.403129733,5.403129658,5.403129749,5.403129762,5.403129784,5.403129808,5.403129716,5.403129862,5.403129786,5.403129635,5.403129885,5.403129739,5.403129675
+"10211","NANS",5.950868808,5.950868808,5.950868684,5.950868877,5.950868657,5.950869033,5.950868873,5.950868729,5.950868627,5.950868819,5.950868736,5.950868522,5.950868973,5.950869008,5.950868604,5.950868821,5.950868669,5.950868766,5.950868783,5.950869106,5.950868835,5.95086874,5.950868638,5.950868909,5.950868783,5.950868685,5.950868974,5.95086862
+"10212","NAP1L1",7.81453907,7.813581112,7.811722787,7.811781242,7.810066338,7.80726215,7.812305772,7.809110519,7.812262819,7.812602209,7.811584647,7.809610753,7.812857466,7.820694096,7.810892609,7.811872248,7.809048672,7.812420408,7.812392662,7.803745104,7.812789209,7.811799244,7.812790988,7.812629045,7.810606731,7.812059187,7.812414003,7.81636691
+"10213","NAP1L2",3.971861743,3.971861826,3.971861679,3.971861645,3.971861678,3.971861829,3.971861704,3.971861815,3.971861703,3.971861682,3.97186174,3.971861747,3.97186175,3.971862026,3.971861787,3.971861817,3.971861757,3.971861806,3.971861801,3.971861767,3.971861732,3.97186173,3.971861749,3.97186171,3.971861796,3.971861679,3.971861813,3.97186196
+"10214","NAP1L3",3.879746198,3.879746151,3.879746156,3.879746151,3.87974619,3.879746145,3.879746147,3.879746177,3.879746192,3.879746114,3.879746143,3.879746135,3.87974615,3.879746213,3.879746204,3.879746156,3.879746192,3.879746158,3.879746152,3.879746155,3.879746148,3.879746193,3.879746193,3.879746132,3.87974614,3.879746164,3.879746172,3.879746229
+"10215","NAP1L4",7.740017894,7.740017878,7.740017898,7.740017846,7.740017861,7.740017859,7.740017872,7.740017857,7.740017915,7.740017891,7.74001785,7.740017901,7.740017883,7.740017945,7.74001785,7.740017852,7.740017837,7.740017842,7.740017847,7.740017853,7.740017889,7.740017868,7.740017907,7.740017873,7.740017841,7.740017901,7.740017889,7.740017901
+"10216","NAP1L5",5.670408203,5.6704083,5.670408252,5.67040825,5.670408247,5.670408125,5.670408243,5.670408326,5.670408363,5.670408256,5.670408298,5.670408282,5.670408303,5.670408192,5.670408294,5.670408407,5.670408386,5.670408386,5.670408198,5.670408341,5.670408279,5.670408293,5.670408267,5.670408306,5.670408333,5.670408273,5.670408219,5.67040838
+"10217","NAPA",7.869594938,7.869603292,7.869610402,7.869599424,7.869597212,7.869623948,7.869594841,7.869607074,7.869598651,7.869605088,7.869599131,7.86960455,7.8695921,7.869581887,7.869591072,7.869596198,7.869600537,7.869596093,7.869593952,7.869620341,7.869593781,7.869599606,7.869594425,7.869603306,7.869597859,7.869606405,7.869590818,7.869583096
+"10218","NAPB",6.382285003,6.382285005,6.382284949,6.382284904,6.382284873,6.382284957,6.382284879,6.382285047,6.382284904,6.382285019,6.382284818,6.38228477,6.382284951,6.382285078,6.382284948,6.382285004,6.382284699,6.38228482,6.382285019,6.382284857,6.382284889,6.38228493,6.382285001,6.382285018,6.382284848,6.382284882,6.382285064,6.382284955
+"10219","NAPEPLD",4.971412176,4.971412119,4.971411909,4.971411932,4.97141195,4.97141185,4.971412021,4.971411744,4.971412162,4.971412007,4.971412007,4.971411871,4.971412235,4.971412341,4.971412123,4.971411915,4.971412024,4.971411957,4.971412131,4.97141191,4.971412046,4.971412107,4.971412091,4.971412064,4.971411815,4.97141203,4.971412126,4.971412063
+"10220","NAPG",6.565345483,6.565345541,6.565345202,6.565344962,6.565345123,6.565344774,6.565345167,6.565344758,6.565345174,6.565344796,6.565345313,6.565344693,6.565345349,6.56534613,6.565345182,6.565345525,6.565344803,6.565345172,6.565345378,6.565344536,6.565345299,6.565345046,6.565345383,6.56534506,6.565345261,6.565345336,6.565345177,6.565345582
+"10221","NAPRT",7.106137214,7.106137225,7.106137242,7.106137288,7.106137352,7.106137272,7.106137278,7.106137328,7.106137211,7.106137281,7.106137301,7.106137336,7.106137259,7.106137159,7.106137249,7.106137291,7.106137322,7.106137307,7.106137286,7.106137267,7.10613729,7.106137314,7.106137224,7.106137258,7.106137302,7.106137291,7.106137258,7.106137201
+"10222","NAPSA",5.724495628,5.724495669,5.724495693,5.724495648,5.724495628,5.72449567,5.72449565,5.724495623,5.724495626,5.724495676,5.724495626,5.724495636,5.724495653,5.724495654,5.72449566,5.724495651,5.724495669,5.724495641,5.724495601,5.724495696,5.724495663,5.724495625,5.7244956,5.724495657,5.724495595,5.724495641,5.724495674,5.724495666
+"10223","NAPSB",7.36690795,7.36690749,7.366908451,7.366907154,7.366905605,7.366908638,7.366907454,7.366906323,7.36690625,7.36690856,7.366906697,7.366906475,7.366907157,7.366908352,7.366907101,7.36690721,7.366907592,7.366906837,7.366905596,7.36690896,7.366907146,7.366906701,7.366906052,7.366907841,7.366905893,7.366906996,7.366906965,7.366907929
+"10224","NARF",6.9457047,6.945704766,6.945704753,6.94570484,6.945704614,6.945704805,6.945704792,6.945704725,6.945704846,6.94570479,6.945704771,6.945704738,6.945704748,6.945704727,6.945704644,6.945704832,6.94570474,6.945704811,6.945704811,6.945704859,6.945704713,6.94570473,6.945704834,6.945704855,6.945704773,6.945704723,6.945704726,6.9457046
+"10225","NARS1",8.649578405,8.649578596,8.64957797,8.649577561,8.649578143,8.649577776,8.649577811,8.649577723,8.649578429,8.64957832,8.649577204,8.649577448,8.649577965,8.649579291,8.649577955,8.649578217,8.649577767,8.649577227,8.649578452,8.649577507,8.649577687,8.649577744,8.649578137,8.649578042,8.649577159,8.64957744,8.649578019,8.649578381
+"10226","NARS2",5.374034091,5.374034034,5.374033766,5.374033824,5.374033885,5.374033799,5.374033865,5.374033888,5.374033981,5.374033957,5.37403368,5.374033895,5.374034113,5.374034299,5.374033772,5.374033909,5.374033607,5.374033659,5.374033916,5.374033803,5.374033854,5.374033875,5.374033932,5.374033933,5.37403369,5.374034021,5.374034016,5.374034043
+"10227","NASP",6.079264595,6.079264384,6.079264116,6.079264138,6.079264332,6.079264866,6.079264605,6.079264164,6.079264601,6.079264509,6.079263935,6.079264115,6.079264379,6.0792648,6.079264451,6.079264088,6.079264316,6.079264144,6.079264586,6.079264588,6.079264473,6.079264269,6.079264585,6.079264459,6.07926422,6.079264246,6.079264501,6.07926463
+"10228","NAT1",3.416222729,3.416222672,3.416222754,3.416222776,3.416222736,3.416222788,3.41622273,3.416222762,3.416222783,3.416222704,3.416222779,3.416222765,3.416222793,3.416222732,3.416222756,3.416222806,3.416222778,3.416222763,3.416222767,3.416222743,3.41622279,3.416222798,3.416222794,3.416222743,3.41622276,3.416222744,3.416222736,3.416222786
+"10229","NAT10",6.81860497,6.818604858,6.818604616,6.81860454,6.818604713,6.818604972,6.81860468,6.818604646,6.818604967,6.8186049,6.818604588,6.818604788,6.818604837,6.818605136,6.81860464,6.818604692,6.818604278,6.818604247,6.818604569,6.818604659,6.818604632,6.818604516,6.81860491,6.818604854,6.818604326,6.818604841,6.818604916,6.818604918
+"10230","NAT14",6.019484278,6.019484343,6.019484378,6.01948433,6.019484362,6.01948433,6.019484328,6.019484357,6.019484357,6.019484346,6.019484357,6.019484377,6.019484324,6.019484307,6.019484351,6.01948441,6.019484407,6.019484382,6.019484328,6.019484354,6.019484353,6.019484377,6.019484342,6.019484355,6.019484338,6.019484337,6.019484339,6.019484353
+"10231","NAT16",4.360035782,4.360035814,4.360035916,4.360035809,4.360036228,4.360035882,4.360036006,4.360036024,4.360036025,4.360035748,4.360036137,4.360036373,4.360035895,4.360035474,4.360036165,4.360035892,4.360036233,4.360036164,4.360035963,4.360035853,4.360036122,4.360036307,4.360035976,4.360035779,4.360036006,4.360036145,4.360035798,4.360036117
+"10232","NAT2",3.000491583,3.000491559,3.000491512,3.000491541,3.000491599,3.000491548,3.000491625,3.000491582,3.000491616,3.000491634,3.000491649,3.000491619,3.000491483,3.000491539,3.000491579,3.000491552,3.000491537,3.000491604,3.000491597,3.000491543,3.000491559,3.000491631,3.000491531,3.000491589,3.000491646,3.00049157,3.000491578,3.000491622
+"10233","NAT8",4.580375958,4.580375972,4.58037598,4.580376044,4.58037598,4.580375767,4.580376011,4.580376011,4.580375963,4.580375936,4.580376066,4.58037611,4.58037595,4.580375818,4.580376034,4.580376019,4.580376054,4.580375979,4.580375858,4.580376045,4.580376055,4.580376005,4.580376,4.580375999,4.580376064,4.580376025,4.580375868,4.580375982
+"10234","NAT8B",5.324901159,5.324901212,5.324901219,5.324901213,5.324901237,5.324901237,5.3249012,5.324901205,5.324901196,5.324901209,5.324901217,5.324901233,5.324901223,5.324901156,5.324901224,5.324901214,5.324901241,5.324901235,5.324901197,5.324901217,5.324901207,5.324901243,5.324901198,5.324901225,5.324901235,5.324901203,5.324901175,5.324901186
+"10235","NAT8L",5.337433628,5.337433513,5.337433677,5.337433573,5.337433755,5.337433551,5.337433645,5.337433745,5.337433489,5.337433538,5.337433658,5.337433581,5.337433541,5.337433449,5.33743369,5.337433531,5.337433773,5.337433705,5.337433612,5.337433615,5.33743368,5.337433732,5.337433565,5.337433558,5.337433687,5.3374336,5.337433654,5.33743361
+"10236","NAT9",6.894872123,6.894872089,6.894872207,6.894872151,6.8948721,6.894872147,6.894872083,6.89487216,6.894872201,6.894872192,6.894872019,6.89487225,6.894872226,6.894872194,6.894872115,6.894872184,6.894872112,6.894872126,6.894872104,6.894872165,6.894872074,6.894872198,6.894872063,6.894872111,6.894871998,6.894872188,6.894872183,6.894872238
+"10237","NATD1",7.629060192,7.62906056,7.629061166,7.62906073,7.629060735,7.629061132,7.629060607,7.629060476,7.629060844,7.629060746,7.629061261,7.629061358,7.629060362,7.629060196,7.629060648,7.629060408,7.629061165,7.629060984,7.629060616,7.629061065,7.629060811,7.629060597,7.629060857,7.629060724,7.629061287,7.629060973,7.629060413,7.629060916
+"10238","NAV1",5.176066473,5.17606646,5.176066508,5.176066505,5.176066531,5.176066518,5.176066468,5.176066531,5.176066465,5.176066553,5.176066469,5.176066481,5.176066461,5.176066487,5.176066519,5.176066494,5.176066505,5.176066508,5.176066503,5.176066528,5.176066538,5.176066521,5.176066468,5.176066453,5.176066485,5.176066511,5.176066497,5.176066512
+"10239","NAV2",4.606572774,4.606572767,4.606572768,4.60657277,4.606572775,4.606572764,4.606572767,4.606572777,4.606572768,4.606572766,4.606572771,4.606572781,4.606572764,4.606572768,4.606572777,4.606572764,4.606572769,4.606572781,4.606572763,4.606572764,4.606572779,4.606572777,4.606572766,4.606572756,4.606572767,4.606572771,4.606572763,4.606572775
+"10240","NAV3",4.025041274,4.025041397,4.025041362,4.025041547,4.02504145,4.025041401,4.025041482,4.025041509,4.025041286,4.025041425,4.025041454,4.025041573,4.025041364,4.02504137,4.02504139,4.025041497,4.025041492,4.025041529,4.025041432,4.025041394,4.025041535,4.025041393,4.025041363,4.025041347,4.025041437,4.025041645,4.025041343,4.025041463
+"10241","NAXD",6.628854189,6.628854186,6.628854121,6.628854066,6.628854057,6.628854131,6.628854118,6.628854132,6.628854227,6.628854139,6.628854049,6.628854082,6.628854179,6.628854214,6.628854166,6.628854166,6.628854028,6.628854068,6.628854132,6.628854045,6.628854075,6.628854096,6.628854171,6.628854203,6.628854056,6.628854108,6.628854124,6.628854131
+"10242","NAXE",7.051375968,7.051375731,7.05137529,7.051374508,7.051374954,7.05137589,7.051375595,7.051375035,7.051375534,7.051375739,7.05137425,7.051375226,7.051375638,7.051375921,7.051375276,7.051375275,7.051374613,7.051373799,7.051375381,7.051375701,7.051375002,7.051375419,7.051375995,7.051375582,7.051374458,7.051375417,7.051375944,7.051375671
+"10243","NBAS",6.659116146,6.659116054,6.659115906,6.659115851,6.659115845,6.659115937,6.659115993,6.659115853,6.659116128,6.65911603,6.659115829,6.659115823,6.659116046,6.65911629,6.659115939,6.659115794,6.659115681,6.659115702,6.659115968,6.659115855,6.659115911,6.659115888,6.659116046,6.659116002,6.659115889,6.659116039,6.659116094,6.659116114
+"10244","NBEA",4.509084758,4.509084701,4.509084553,4.509084709,4.509084606,4.509084614,4.509084604,4.509084721,4.509084796,4.509084701,4.509084501,4.509084928,4.509084751,4.509084984,4.5090847,4.509084565,4.509084531,4.509084657,4.509084638,4.509084624,4.509084488,4.509084841,4.5090848,4.509084672,4.509084434,4.509084768,4.509084821,4.509084871
+"10245","NBEAL1",5.1451477215,5.145147421,5.145147376,5.145147299,5.1451472875,5.1451471325,5.1451473065,5.1451470945,5.1451474725,5.145147616,5.1451472215,5.145146899,5.1451476255,5.1451480495,5.145147312,5.145147299,5.1451470195,5.145147246,5.1451476405,5.14514694,5.145147402,5.145147448,5.145147526,5.14514731,5.1451472855,5.145147079,5.145147577,5.14514753
+"10246","NBEAL2",8.390842931,8.39084593,8.39084575,8.390857453,8.390841292,8.390860832,8.390851562,8.390846662,8.390845085,8.390844231,8.390850065,8.390842984,8.390847564,8.390839297,8.390844626,8.390846614,8.39084668,8.39085443,8.390846541,8.390857831,8.390850992,8.390848622,8.390848786,8.390849141,8.390852881,8.39084492,8.390847347,8.39083488
+"10247","NBN",7.047055599,7.047056405,7.04705445,7.047054915,7.047053659,7.04705595,7.047055403,7.047053818,7.047054509,7.0470548,7.047054968,7.04705231,7.047054665,7.047056683,7.047054906,7.047055664,7.047053943,7.047054867,7.047055232,7.047056169,7.047055573,7.047053865,7.047055415,7.04705541,7.047054904,7.047053311,7.047054646,7.047055483
+"10248","NBPF22P",4.257149307,4.257149159,4.257149516,4.257149375,4.257149485,4.257149551,4.257149503,4.257149192,4.257149351,4.257149115,4.257149349,4.257149367,4.257149533,4.257149243,4.25714957,4.257149709,4.257149451,4.257149571,4.257149349,4.257149514,4.257149242,4.25714939,4.257149477,4.257149467,4.257149319,4.257149416,4.257149345,4.257149462
+"10249","NBPF3",6.225300314,6.225300386,6.225300337,6.225300326,6.225300356,6.225300213,6.225300286,6.225300343,6.225300368,6.225300349,6.225300403,6.225300384,6.225300362,6.225300382,6.22530029,6.225300389,6.225300251,6.225300377,6.225300321,6.225300314,6.225300329,6.22530035,6.225300365,6.225300428,6.225300513,6.225300416,6.225300397,6.225300329
+"10250","NBPF7P",3.884213976,3.884213995,3.884214002,3.884214008,3.884213978,3.884213975,3.884213973,3.884213986,3.884213973,3.88421398,3.884213979,3.884214012,3.884213992,3.884213971,3.884213978,3.884213993,3.884214004,3.884213993,3.884213992,3.88421399,3.884213982,3.884213982,3.884213979,3.884213974,3.884213989,3.884213973,3.884213978,3.884213976
+"10251","NBR1",7.836719484,7.836719638,7.836719297,7.836719666,7.83671933,7.836719574,7.836719482,7.836719057,7.836719078,7.836719373,7.83671923,7.836718943,7.836719488,7.836719677,7.836719392,7.836719329,7.836719187,7.836719456,7.836719484,7.836719314,7.836719343,7.836719306,7.836719478,7.836719604,7.8367195,7.836719292,7.836719446,7.836719426
+"10252","NBR2",6.326430914,6.32643089,6.326430854,6.326430823,6.326430805,6.326430957,6.326430798,6.326430677,6.326430839,6.326430895,6.326430858,6.32643087,6.326430867,6.326430924,6.326430776,6.326430929,6.326430715,6.326430905,6.326430843,6.326430997,6.326430906,6.32643066,6.326430851,6.326430897,6.326430856,6.32643095,6.326430847,6.326430795
+"10253","NCALD",5.951610642,5.951610599,5.951610322,5.951610276,5.951610366,5.951610461,5.951610608,5.951610508,5.951610605,5.951610348,5.951610324,5.951610286,5.951610543,5.951610525,5.951610578,5.951610609,5.951610178,5.951610248,5.951610345,5.951610382,5.951610581,5.951610454,5.951610632,5.951610462,5.951610301,5.95161039,5.951610475,5.951610495
+"10254","NCAM1",5.027160777,5.027160793,5.027160773,5.027160689,5.027160783,5.027160811,5.027160708,5.027160816,5.027160749,5.027160748,5.027160798,5.02716078,5.027160745,5.027160716,5.027160772,5.027160801,5.027160777,5.027160739,5.027160751,5.027160754,5.027160725,5.027160768,5.027160718,5.027160765,5.027160724,5.027160798,5.027160752,5.027160778
+"10255","NCAM2",3.463560352,3.463560758,3.463560845,3.463560663,3.463560734,3.463560773,3.463560583,3.463560675,3.463560887,3.463561,3.463560681,3.463560865,3.46356066,3.463560662,3.463560837,3.463560624,3.463560858,3.463560685,3.463560599,3.463560791,3.463560756,3.463560716,3.463560671,3.463560669,3.463560695,3.463560713,3.463560703,3.46356082
+"10256","NCAN",5.334168042,5.334168059,5.334168082,5.334168035,5.334168087,5.33416806,5.33416808,5.334168107,5.334168055,5.334168094,5.334168076,5.334168096,5.33416806,5.334168022,5.334168101,5.334168103,5.334168113,5.334168071,5.334168078,5.334168068,5.3341681,5.3341681,5.334168066,5.334168059,5.334168093,5.334168115,5.334168061,5.334168094
+"10257","NCAPD2",7.256490668,7.256490771,7.256489833,7.256490543,7.256490602,7.256491213,7.256491456,7.256490065,7.256491177,7.25649071,7.25649035,7.256490406,7.256490612,7.25649133,7.2564907,7.256490351,7.256489445,7.256490156,7.256490671,7.256490138,7.256491049,7.256490061,7.256491154,7.256490701,7.256490141,7.256490652,7.256490614,7.25649074
+"10258","NCAPD3",6.32683936,6.326839244,6.32683913,6.326839135,6.326839155,6.326839282,6.326839365,6.326839211,6.32683938,6.32683918,6.326839123,6.326839192,6.326839265,6.326839369,6.326839253,6.326839236,6.326839059,6.326839184,6.326839271,6.326839286,6.326839245,6.326839264,6.326839415,6.326839284,6.326839207,6.326839279,6.326839245,6.326839288
+"10259","NCAPG",3.953606144,3.953605898,3.953606103,3.953605975,3.953606067,3.953606267,3.95360724,3.953606002,3.953606233,3.953605994,3.953606065,3.953606186,3.953606035,3.953605718,3.953605964,3.953605949,3.953605957,3.953606126,3.953606186,3.953606046,3.953607001,3.953605979,3.953606703,3.953606021,3.953606229,3.953606037,3.953606165,3.953606107
+"10260","NCAPG2",5.079316601,5.079316238,5.079315986,5.079314719,5.07931526,5.079316051,5.079316982,5.079315811,5.079316201,5.079314534,5.079315367,5.079315371,5.079315429,5.079318611,5.079315925,5.079315859,5.079315709,5.07931453,5.079315325,5.079315904,5.079316751,5.079315449,5.079316525,5.07931495,5.079315311,5.079316007,5.079315606,5.079317629
+"10261","NCAPH",4.393760911,4.393760937,4.393760935,4.393760948,4.393760941,4.393760962,4.393760975,4.393760927,4.393760938,4.393760912,4.393760946,4.393760935,4.393760934,4.393760895,4.393760935,4.393760925,4.393760934,4.393760936,4.393760915,4.393760946,4.393760968,4.393760944,4.393760937,4.393760925,4.39376093,4.393760932,4.393760939,4.393760917
+"10262","NCAPH2",6.305715817,6.305715852,6.3057159,6.305715834,6.305716022,6.305715924,6.305715825,6.305715957,6.305715896,6.305715955,6.305715992,6.305715987,6.305715999,6.305715844,6.305715927,6.305716069,6.305715927,6.305715833,6.305715895,6.305715779,6.305715907,6.305715948,6.305715852,6.305715832,6.305715759,6.305715956,6.305715937,6.30571595
+"10263","NCBP1",7.233767005,7.233766867,7.233766603,7.233766463,7.233766549,7.233766663,7.233766792,7.233766474,7.233766721,7.233766644,7.233766436,7.23376646,7.233766908,7.233767206,7.2337667,7.233766547,7.233766373,7.233766089,7.233766843,7.233766358,7.233766616,7.233766583,7.233766889,7.233766629,7.233766394,7.233766597,7.233766821,7.233766847
+"10264","NCBP2",6.426787394,6.426787218,6.426787019,6.426786839,6.426786477,6.426786493,6.426786907,6.426786822,6.426787245,6.426786967,6.426786525,6.426787196,6.426787348,6.426788121,6.42678685,6.426787104,6.4267864,6.426786702,6.426786556,6.42678694,6.426787223,6.426786802,6.426787164,6.426787118,6.426786258,6.426787225,6.426786985,6.426787612
+"10265","NCBP3",7.39413069,7.39413073,7.394130664,7.394130697,7.394130626,7.39413062,7.394130714,7.394130559,7.394130681,7.394130634,7.394130635,7.394130574,7.394130689,7.394130783,7.394130689,7.394130701,7.39413066,7.394130682,7.394130687,7.394130565,7.394130688,7.3941306,7.394130705,7.394130639,7.394130678,7.394130674,7.394130686,7.394130665
+"10266","NCCRP1",6.4422729,6.442272807,6.442273176,6.442272846,6.442273392,6.442273073,6.442273166,6.442273158,6.442272964,6.442273126,6.44227318,6.442273424,6.442273024,6.44227262,6.442273259,6.44227296,6.442273349,6.442273225,6.442273109,6.442272972,6.442273178,6.442273217,6.442272771,6.442272771,6.442273036,6.442273205,6.442272901,6.442273088
+"10267","NCDN",6.284921794,6.284921731,6.284921694,6.284921649,6.284921801,6.284921722,6.284921798,6.284921672,6.284921815,6.284921822,6.2849218,6.284921704,6.284921724,6.284921666,6.28492178,6.284921749,6.284921642,6.284921703,6.284921754,6.284921803,6.284921811,6.284921846,6.284921815,6.284921642,6.284921597,6.28492181,6.28492177,6.284921606
+"10268","NCEH1",5.861806671,5.8618066,5.861806594,5.861806644,5.861806602,5.861806652,5.861806614,5.861806592,5.861806568,5.861806653,5.861806611,5.861806558,5.861806644,5.861806651,5.861806562,5.861806554,5.861806536,5.861806493,5.861806581,5.861806656,5.861806574,5.861806511,5.861806594,5.86180658,5.861806569,5.86180656,5.861806622,5.86180656
+"10269","NCF2",10.93709135,11.21305957,10.87352038,11.2937491,10.92135645,11.15847577,10.89241294,10.83975105,10.70429359,10.85460894,10.94217448,10.57100244,10.93917729,11.05917691,10.93072699,11.09190683,10.89733555,11.15756247,11.08004171,11.28348648,10.96685166,10.89964243,10.96576978,11.13568102,11.06652644,10.79436123,10.86108884,10.85276796
+"10270","NCF4",8.442075062,8.442293392,8.442088886,8.442599288,8.441975097,8.442363461,8.442309,8.442114541,8.442111476,8.442031263,8.442316047,8.441915268,8.442090579,8.441963061,8.442049587,8.442348781,8.442095814,8.442446555,8.442396472,8.44257151,8.442326889,8.442269265,8.442260626,8.442362749,8.442439072,8.442121532,8.442141409,8.441883288
+"10271","NCK1",6.287146047,6.287145922,6.28714567,6.287145622,6.28714566,6.287145509,6.287145757,6.287145663,6.2871458,6.287145827,6.287145429,6.287145471,6.287145738,6.28714634,6.28714585,6.287145968,6.287145584,6.287145543,6.287145833,6.287145684,6.287145823,6.287145609,6.28714597,6.287145912,6.287145715,6.28714554,6.287145785,6.287146085
+"10272","NCK2",7.627866937,7.627866751,7.627866053,7.627866988,7.627866129,7.627865998,7.627866403,7.627866285,7.627866683,7.627866421,7.627866361,7.627866676,7.627866476,7.627866656,7.627866443,7.627866334,7.62786575,7.627866714,7.62786628,7.627865897,7.627866181,7.627866087,7.62786645,7.627866752,7.627866229,7.62786654,7.627866446,7.627866139
+"10273","NCKAP1",4.532683083,4.532682968,4.532683041,4.532683111,4.532682888,4.53268291,4.532682985,4.532683032,4.532683024,4.532683056,4.532683049,4.532683004,4.532682945,4.532683003,4.532682954,4.532682969,4.532682976,4.532683205,4.532683063,4.532682954,4.532682839,4.532682962,4.532683026,4.532683093,4.532683074,4.532683035,4.532683001,4.532683014
+"10274","NCKAP1L",9.095659955,9.095659994,9.095659661,9.095659377,9.095659817,9.095660406,9.095659988,9.095659412,9.095659659,9.095659842,9.09565932,9.095659205,9.095659975,9.095660352,9.095659579,9.095659532,9.095659056,9.095658906,9.095660026,9.095660175,9.095659759,9.095659356,9.095659927,9.095659964,9.095659271,9.095659578,9.095659788,9.095659873
+"10275","NCKAP5",3.536800181,3.536800261,3.536800229,3.536800288,3.536800235,3.536800314,3.536800232,3.53680024,3.536800231,3.53680019,3.536800185,3.536800271,3.536800168,3.536800197,3.536800204,3.53680024,3.536800273,3.536800279,3.536800225,3.536800219,3.536800265,3.536800295,3.536800288,3.536800237,3.536800245,3.536800192,3.53680022,3.536800307
+"10276","NCKAP5L",5.7075628285,5.7075628745,5.707562896,5.7075628825,5.707562891,5.7075628735,5.7075628745,5.707562914,5.707562896,5.7075629005,5.707562914,5.70756293,5.7075628815,5.707562875,5.707562849,5.7075629105,5.7075629235,5.7075629245,5.707562858,5.7075628965,5.707562895,5.7075629325,5.707562854,5.707562893,5.70756295,5.7075628795,5.707562909,5.707562895
+"10277","NCKIPSD",5.317309461,5.317309431,5.317309677,5.317309605,5.317309754,5.317309552,5.317309558,5.317309743,5.317309573,5.31730965,5.317309689,5.317309797,5.317309647,5.317309478,5.317309649,5.317309543,5.317309765,5.317309646,5.317309717,5.317309643,5.317309781,5.317309717,5.317309605,5.317309488,5.317309619,5.3173097,5.317309574,5.317309549
+"10278","NCL",8.331398534,8.331398267,8.331397316,8.331397436,8.331397719,8.331397453,8.331398381,8.331397725,8.331398666,8.331398266,8.33139671,8.33139715,8.331398288,8.331400303,8.331397733,8.331397547,8.3313965,8.331396532,8.331397604,8.331396491,8.331398157,8.331397427,8.331398266,8.331397641,8.331396603,8.331398178,8.331398389,8.331399224
+"10279","NCLN",7.389654773,7.389654796,7.389654839,7.389654818,7.389654796,7.3896548,7.389654824,7.389654809,7.389654786,7.389654786,7.389654806,7.389654837,7.38965482,7.389654752,7.389654802,7.389654796,7.389654843,7.389654836,7.389654798,7.389654725,7.389654802,7.389654808,7.389654769,7.389654801,7.389654792,7.389654819,7.389654804,7.389654764
+"10280","NCMAP",5.390477749,5.390477767,5.390477776,5.390477784,5.390477817,5.39047775,5.390477785,5.390477823,5.390477775,5.390477801,5.390477804,5.390477775,5.390477815,5.390477773,5.390477801,5.390477813,5.390477818,5.390477808,5.390477758,5.390477791,5.390477799,5.390477812,5.390477766,5.390477787,5.390477787,5.390477783,5.39047779,5.390477781
+"10281","NCOA1",7.977814206,7.977814242,7.977813858,7.977814595,7.977813836,7.977814316,7.977814144,7.977813741,7.977813729,7.97781375,7.977814149,7.977813452,7.97781401,7.977814127,7.977814042,7.977813978,7.97781372,7.977814344,7.97781415,7.977814427,7.977814108,7.977813837,7.977814098,7.977814127,7.977814349,7.977813872,7.977814009,7.977813783
+"10282","NCOA2",8.4436663,8.443666374,8.443666127,8.443666599,8.44366614,8.44366656,8.443666424,8.443666112,8.443666023,8.44366598,8.443666173,8.443665949,8.44366627,8.443666258,8.443666296,8.443666296,8.443666072,8.443666556,8.443666499,8.44366669,8.443666502,8.443666118,8.443666267,8.443666223,8.443666434,8.443666277,8.443666255,8.443666037
+"10283","NCOA3",8.445011314,8.445011303,8.445010959,8.445011445,8.445011085,8.445011437,8.445011407,8.445010903,8.445011233,8.445011236,8.445010931,8.445010918,8.445011322,8.445011599,8.445011218,8.445011235,8.445010833,8.445011249,8.44501126,8.445011381,8.445011365,8.445010957,8.445011156,8.445011327,8.445011075,8.445011245,8.445011379,8.445011281
+"10284","NCOA4",10.73008856,10.73008842,10.73008857,10.73008892,10.73008855,10.73008864,10.73008826,10.73008834,10.73008798,10.73008843,10.73008869,10.73008824,10.73008853,10.73008871,10.73008822,10.73008797,10.73008839,10.7300891,10.73008865,10.73008892,10.73008884,10.73008815,10.73008868,10.73008894,10.73008898,10.73008914,10.73008856,10.73008846
+"10285","NCOA5",7.441704118,7.441704141,7.441703923,7.44170399,7.441704,7.441703951,7.44170401,7.441704085,7.441704077,7.441704092,7.441703901,7.441703949,7.441704089,7.441704329,7.441703984,7.441704112,7.441703814,7.441703865,7.441703949,7.441704005,7.441703969,7.441704043,7.441704107,7.441704038,7.441703946,7.441704048,7.441704088,7.441704118
+"10286","NCOA6",7.353816194,7.353816236,7.353816123,7.353816274,7.353816133,7.353816249,7.35381615,7.353816138,7.353816139,7.353816159,7.353816194,7.353816062,7.353816159,7.353816171,7.353816141,7.353816186,7.353816115,7.353816186,7.353816162,7.353816089,7.353816138,7.353816168,7.353816178,7.353816217,7.353816222,7.353816162,7.353816201,7.353816161
+"10287","NCOA7",5.796771873,5.79677182,5.796771648,5.796771625,5.796771398,5.796771775,5.79677177,5.796771656,5.796771779,5.796771466,5.796770894,5.796771327,5.796771674,5.796772021,5.796771736,5.796771526,5.79677117,5.796771428,5.796771584,5.796771231,5.796771567,5.796771534,5.796771693,5.796771748,5.796771401,5.796771293,5.796771753,5.796771831
+"10288","NCOR1",8.04003749,8.040037429,8.040037398,8.040037467,8.04003745,8.040037456,8.040037501,8.040037383,8.040037463,8.040037489,8.04003742,8.040037361,8.040037468,8.040037539,8.040037482,8.040037381,8.040037343,8.040037416,8.040037458,8.040037371,8.040037494,8.040037399,8.04003746,8.040037469,8.040037509,8.040037473,8.040037493,8.040037436
+"10289","NCOR2",6.715366305,6.715366323,6.715366322,6.715366329,6.715366345,6.715366335,6.715366322,6.715366332,6.71536632,6.715366339,6.715366338,6.715366331,6.715366329,6.715366328,6.715366332,6.715366333,6.715366318,6.715366331,6.715366326,6.715366331,6.715366326,6.715366325,6.715366336,6.715366309,6.715366352,6.715366342,6.715366351,6.715366352
+"10290","NCR1",6.377811955,6.37781188,6.377811853,6.377811657,6.377811835,6.377811881,6.377811936,6.377811904,6.377811836,6.37781181,6.377811923,6.377811779,6.377811847,6.377811779,6.377811941,6.377811953,6.377811816,6.377811885,6.377811837,6.377811689,6.377811895,6.377811929,6.37781191,6.377811923,6.377811845,6.377811799,6.377811864,6.377811792
+"10291","NCR2",5.933252061,5.933252001,5.933252195,5.933252239,5.933252447,5.933252148,5.9332521,5.933252453,5.933252103,5.933252102,5.933252087,5.933252494,5.933252124,5.933251977,5.933252392,5.933252143,5.933252574,5.933252154,5.933252159,5.933252267,5.933252283,5.933252407,5.93325188,5.933251989,5.933252195,5.933252316,5.93325203,5.933252294
+"10292","NCR3",6.387674578,6.387674609,6.387674568,6.387674532,6.387674525,6.387674571,6.38767455,6.387674564,6.387674553,6.387674557,6.387674556,6.387674534,6.38767456,6.387674578,6.387674563,6.387674563,6.38767452,6.387674537,6.387674516,6.387674564,6.387674548,6.387674566,6.387674576,6.387674569,6.387674551,6.387674557,6.387674579,6.387674585
+"10293","NCR3LG1",4.641259025,4.641258895,4.641258883,4.641258799,4.641258933,4.641258653,4.641258931,4.641259024,4.641258919,4.641258859,4.641258806,4.641258787,4.641259007,4.641258898,4.641259054,4.641258828,4.641258763,4.641258788,4.641258788,4.641258832,4.641258992,4.641258918,4.641258854,4.641258996,4.641258805,4.641258827,4.641258941,4.641258934
+"10294","NCS1",4.414289093,4.414289087,4.414289104,4.414289079,4.41428913,4.414289096,4.414289116,4.414289131,4.414289093,4.414289108,4.414289118,4.414289134,4.414289085,4.414289078,4.414289131,4.414289094,4.414289127,4.414289104,4.414289093,4.41428911,4.41428914,4.414289116,4.414289092,4.414289123,4.414289104,4.414289104,4.414289085,4.414289114
+"10295","NCSTN",7.332872886,7.33287308,7.332873046,7.332873238,7.332872884,7.332873262,7.332872987,7.332872743,7.332872768,7.332872913,7.332872963,7.332872595,7.332872966,7.332872996,7.33287283,7.332872906,7.33287284,7.332873065,7.332872943,7.332873245,7.332872794,7.332872708,7.332872946,7.332873047,7.33287311,7.332872735,7.332872991,7.332872644
+"10296","NDC1",5.879052035,5.879051912,5.879051972,5.879051851,5.879051857,5.879051877,5.879052007,5.879051938,5.879052025,5.879051939,5.879051782,5.879051965,5.879051947,5.879052066,5.879051891,5.87905185,5.879051875,5.879051795,5.879051976,5.87905189,5.879051925,5.879051933,5.879052024,5.87905198,5.879051884,5.879052009,5.879052009,5.879051946
+"10297","NDC80",3.619063767,3.619063833,3.619063917,3.619063763,3.619063724,3.619063966,3.619064023,3.619063467,3.619063973,3.619063762,3.619063783,3.619063419,3.619063883,3.619063869,3.619063891,3.619063713,3.619063615,3.619063993,3.619063779,3.619063817,3.619063973,3.619063737,3.619064134,3.619063586,3.619063815,3.619063716,3.619063675,3.619063748
+"10298","NDE1",7.918129265,7.918129573,7.918129171,7.918129678,7.918128793,7.918129486,7.918129289,7.918129077,7.918128962,7.918128944,7.91812935,7.918128672,7.918129119,7.918129014,7.918129026,7.918129413,7.918128851,7.91812961,7.918129319,7.91812943,7.918129228,7.918129217,7.918129235,7.918129189,7.918129722,7.918129248,7.918129313,7.918128843
+"10299","NDEL1",8.929575884,8.929576673,8.929575419,8.929576987,8.92957463,8.929575629,8.929575577,8.929575546,8.929574896,8.929574841,8.929575202,8.92957387,8.929575579,8.929575814,8.929575791,8.929577028,8.929575156,8.929576681,8.929576056,8.929576234,8.929575867,8.92957547,8.929575742,8.929575996,8.929576052,8.929575388,8.929575791,8.929575083
+"10300","NDFIP1",7.433325653,7.433325725,7.433324981,7.433324955,7.433324946,7.433324504,7.433324683,7.433324979,7.433325385,7.433325257,7.433324794,7.433325168,7.433324959,7.43332616,7.433324562,7.433325253,7.43332468,7.43332424,7.433325434,7.433323949,7.433324157,7.433324771,7.433325166,7.433325112,7.433324551,7.433325043,7.433325011,7.433325397
+"10301","NDFIP2",4.282325194,4.282325216,4.282325148,4.28232504,4.282325283,4.282325165,4.282325213,4.282325258,4.282325214,4.282325202,4.282325238,4.282325244,4.282325212,4.282325334,4.282325158,4.282325097,4.28232527,4.282325116,4.282325278,4.282325104,4.282325235,4.282325173,4.282325328,4.282325141,4.282325235,4.282325194,4.282325202,4.282325259
+"10302","NDN",4.081464709,4.081464787,4.081464794,4.081464572,4.08146492,4.081464456,4.081464635,4.081464779,4.08146463,4.081464925,4.081464782,4.081464874,4.081464639,4.081464398,4.081464833,4.08146469,4.081464995,4.081464767,4.081464657,4.081464659,4.081464445,4.081464925,4.0814646,4.081464653,4.081464654,4.081464608,4.08146454,4.081464648
+"10303","NDNF",4.235279903,4.235279909,4.235279932,4.235279896,4.235279966,4.235279813,4.235279892,4.235279951,4.23527992,4.235279913,4.23527993,4.23527995,4.235279902,4.235279856,4.235279946,4.235279954,4.235279973,4.235279933,4.235279938,4.235279876,4.235279925,4.235279911,4.235279908,4.235279902,4.235279929,4.235279924,4.235279881,4.235279953
+"10304","NDOR1",6.71099791,6.710998107,6.710998238,6.710998139,6.710998428,6.710998308,6.710998225,6.710998329,6.710998126,6.710998162,6.710998322,6.710998347,6.710998015,6.710997973,6.710998383,6.710998182,6.710998298,6.710998245,6.710998199,6.710997936,6.71099839,6.710998318,6.710998186,6.710998003,6.710998219,6.710998243,6.710998118,6.710998071
+"10305","NDP",4.268474216,4.268474278,4.268474348,4.268474267,4.268474442,4.268474454,4.268474303,4.268474367,4.268474322,4.268474358,4.26847427,4.268474352,4.268474321,4.268474265,4.268474371,4.268474266,4.26847439,4.268474357,4.268474321,4.268474302,4.268474345,4.268474387,4.268474215,4.268474268,4.268474392,4.268474279,4.268474277,4.268474199
+"10306","NDRG1",7.974237704,7.974238227,7.974236869,7.974237746,7.974237413,7.974238612,7.974237607,7.974237309,7.974237837,7.97423779,7.974237533,7.974236956,7.974237835,7.974237657,7.974237642,7.974237791,7.974236844,7.97423775,7.97423779,7.974238634,7.974237318,7.974237202,7.97423781,7.974237956,7.974237459,7.97423726,7.974237816,7.974237531
+"10307","NDRG2",6.026267141,6.026267183,6.026267169,6.026267122,6.026267128,6.026267075,6.026267039,6.026267178,6.026267293,6.026267243,6.026267049,6.026267211,6.026267078,6.026267241,6.026267151,6.026267064,6.026267007,6.026267068,6.026267197,6.026267167,6.026267068,6.02626723,6.026267111,6.026267191,6.026267106,6.026267185,6.02626717,6.026267229
+"10308","NDRG3",6.57800008,6.578000069,6.578000041,6.578000062,6.578000031,6.578000058,6.578000057,6.578000033,6.578000079,6.578000077,6.578000006,6.578000012,6.578000067,6.578000093,6.578000059,6.57800003,6.578000021,6.578000022,6.578000062,6.578000086,6.578000066,6.578000047,6.578000091,6.578000089,6.578000078,6.578000065,6.578000043,6.578000063
+"10309","NDRG4",5.301604528,5.301604563,5.301604652,5.301604591,5.301604631,5.301604585,5.301604586,5.301604584,5.301604546,5.301604596,5.301604579,5.301604602,5.301604593,5.301604532,5.301604598,5.301604599,5.301604679,5.301604577,5.301604578,5.301604574,5.30160456,5.301604592,5.301604543,5.30160454,5.301604559,5.301604636,5.301604516,5.301604619
+"10310","NDST1",7.266438843,7.266439925,7.266439521,7.266441229,7.266438969,7.266440772,7.266439595,7.26643973,7.266438206,7.266438223,7.266439452,7.266438878,7.266438245,7.266438251,7.266439176,7.26644002,7.266439385,7.266440262,7.266439828,7.266440573,7.266439275,7.266439695,7.266438541,7.266439838,7.266440504,7.26643924,7.26643844,7.266438161
+"10311","NDST2",7.638418137,7.638418101,7.638417915,7.638418057,7.638417762,7.638418696,7.638418069,7.638418156,7.638418173,7.638418225,7.638417888,7.638418098,7.638418252,7.638418011,7.638417876,7.638417666,7.638417598,7.638418018,7.638417944,7.638418704,7.638418002,7.63841825,7.638418079,7.638418025,7.638418113,7.638418182,7.638418316,7.638417765
+"10312","NDST3",3.262750093,3.262750095,3.262750139,3.262750114,3.262750192,3.262750189,3.262750154,3.262750172,3.262750218,3.262750224,3.262750139,3.262750183,3.262750125,3.262750094,3.262750142,3.26275011,3.26275015,3.262750166,3.26275016,3.262750128,3.26275014,3.262750148,3.262750114,3.262750098,3.262750178,3.262750164,3.262750105,3.262750108
+"10313","NDST4",2.723810901,2.723810922,2.723810895,2.723810909,2.723810857,2.723810895,2.723810978,2.723810921,2.723810931,2.723810909,2.723810866,2.723810924,2.72381082,2.723810854,2.723810875,2.723810869,2.723810885,2.723810846,2.723810813,2.723810866,2.723810779,2.72381089,2.723810943,2.723810865,2.723810916,2.723810923,2.723810917,2.723811
+"10314","NDUFA1",6.359286124,6.359286289,6.359286189,6.359285964,6.359285935,6.359286254,6.359286099,6.359285993,6.359286476,6.359286228,6.359286085,6.359285656,6.359285962,6.359286238,6.359286014,6.359286366,6.359285961,6.359286062,6.359286085,6.359286238,6.359285811,6.359286067,6.359286357,6.359286301,6.35928609,6.359285828,6.359286092,6.359285751
+"10315","NDUFA10",6.999609015,6.999609042,6.999608957,6.99960896,6.999608941,6.999609012,6.999608949,6.99960899,6.999609027,6.999608996,6.999608868,6.999608927,6.999609011,6.999609061,6.999608992,6.999608977,6.999608954,6.999608874,6.99960898,6.999608867,6.999608938,6.999608931,6.999609015,6.999608945,6.999608865,6.999608962,6.999609013,6.999608962
+"10316","NDUFA11",6.261001404,6.26100131,6.261001287,6.261001285,6.261001183,6.261001537,6.261001268,6.26100136,6.261001529,6.261001558,6.261001427,6.261001261,6.261001484,6.261001384,6.261000992,6.261001089,6.261001187,6.261000987,6.261001157,6.261001247,6.26100111,6.26100129,6.261001342,6.261001381,6.261001263,6.261001249,6.261001423,6.261001249
+"10317","NDUFA12",6.166032815,6.166032793,6.166032126,6.166032176,6.166032066,6.166032528,6.166032209,6.166031983,6.166032595,6.166032481,6.166032111,6.166031493,6.166032878,6.16603295,6.166032199,6.16603234,6.166031728,6.166031701,6.166032021,6.166032783,6.166032499,6.166032286,6.166032731,6.1660326,6.166031896,6.16603229,6.166032708,6.166032193
+"10318","NDUFA13",6.33695479,6.336954802,6.33695485,6.336954788,6.336954808,6.336954831,6.336954822,6.336954811,6.336954803,6.336954826,6.336954837,6.336954842,6.336954802,6.336954658,6.336954823,6.336954787,6.336954868,6.336954785,6.336954791,6.336954836,6.336954834,6.336954817,6.336954766,6.336954762,6.336954802,6.336954781,6.336954817,6.336954786
+"10319","NDUFA2",5.759343885,5.759343952,5.759343795,5.759343934,5.759343752,5.759343995,5.759343986,5.759343827,5.759343991,5.759343818,5.759343868,5.759343762,5.759343925,5.759343823,5.759343845,5.759343703,5.759343685,5.759343837,5.759343883,5.759344086,5.759343856,5.759343824,5.759344025,5.759343932,5.759343755,5.759343809,5.759343847,5.759343675
+"10320","NDUFA3",7.99599136,7.995991496,7.995991425,7.995991084,7.995991182,7.995991574,7.995991189,7.995991397,7.99599153,7.99599149,7.995991322,7.995991239,7.995991475,7.995991226,7.995991334,7.995991349,7.995991293,7.995990929,7.995991186,7.995991393,7.995991135,7.995991372,7.995991303,7.995991182,7.995991095,7.995991273,7.995991568,7.995991318
+"10321","NDUFA4",5.291643109,5.291641673,5.291643148,5.291640885,5.291641965,5.291641737,5.291643242,5.291641603,5.291643219,5.291643492,5.291642841,5.291641883,5.291642586,5.291645312,5.291641941,5.291641941,5.291643037,5.291642246,5.291641903,5.29164203,5.291643098,5.291642438,5.291643456,5.291643475,5.291642262,5.291641915,5.291642018,5.291644236
+"10322","NDUFA4L2",5.621524596,5.621524598,5.62152468,5.621524642,5.621524722,5.621524586,5.621524685,5.621524693,5.621524641,5.621524567,5.621524643,5.62152471,5.621524622,5.621524582,5.6215247,5.621524635,5.621524728,5.621524674,5.621524663,5.621524592,5.621524704,5.621524728,5.621524588,5.621524565,5.621524664,5.62152466,5.621524625,5.621524643
+"10323","NDUFA5",4.396977661,4.396977695,4.396977688,4.396977383,4.396977396,4.396977366,4.396977505,4.396977501,4.39697818,4.396977847,4.396977424,4.396977109,4.396977266,4.396978691,4.39697755,4.39697756,4.396977816,4.396977751,4.3969778,4.396977525,4.396977357,4.396977577,4.396977824,4.396977683,4.396977298,4.39697724,4.396977202,4.396978249
+"10324","NDUFA6",6.115426368,6.115426348,6.1154264,6.115426364,6.11542637,6.115426287,6.115426375,6.115426369,6.115426396,6.115426406,6.115426281,6.115426329,6.115426367,6.115426408,6.115426319,6.115426355,6.115426374,6.115426382,6.115426363,6.115426252,6.115426316,6.115426355,6.115426342,6.115426344,6.115426362,6.115426387,6.115426345,6.115426416
+"10325","NDUFA7",7.155410395,7.155410189,7.155410694,7.155410226,7.155410768,7.155410586,7.155410697,7.155410496,7.155410642,7.155410548,7.155410437,7.155410718,7.155410667,7.155410301,7.15541057,7.155410278,7.155410824,7.15541031,7.155410525,7.15541058,7.155410594,7.155410676,7.155410364,7.15541051,7.155410159,7.155410651,7.155410416,7.155410614
+"10326","NDUFA8",5.884090416,5.884090437,5.884090367,5.884090352,5.884090398,5.884090351,5.884090445,5.884090378,5.884090434,5.884090396,5.884090336,5.884090308,5.884090419,5.884090462,5.884090334,5.884090377,5.884090354,5.884090272,5.884090399,5.884090401,5.884090379,5.884090414,5.884090466,5.884090419,5.884090312,5.884090356,5.884090335,5.884090387
+"10327","NDUFA9",6.582581237,6.58258119,6.582581245,6.582581022,6.58258118,6.582581227,6.582581138,6.582581097,6.582581183,6.582581171,6.582581174,6.582581107,6.582581195,6.582581259,6.582581203,6.582581103,6.582581144,6.582581039,6.582581195,6.582581228,6.582581174,6.582581118,6.582581223,6.58258118,6.582581088,6.582581154,6.582581212,6.582581226
+"10328","NDUFAB1",5.545925838,5.545925565,5.545925132,5.54592529,5.545924818,5.545925418,5.545925027,5.545925427,5.545925283,5.545925696,5.545925331,5.545924685,5.545925545,5.545925533,5.545925234,5.545925272,5.545924833,5.545924922,5.545925499,5.545925553,5.545925422,5.545925324,5.545925322,5.545925416,5.545925021,5.54592505,5.545925857,5.545925374
+"10329","NDUFAF1",5.628238131,5.62823788,5.628237842,5.628237204,5.628237422,5.628237972,5.628237557,5.628237317,5.628238004,5.628237585,5.628237574,5.62823726,5.62823783,5.628238142,5.628237853,5.628237977,5.628237189,5.628237336,5.628237653,5.628237555,5.628237625,5.628237532,5.628237974,5.628237948,5.628237477,5.628237613,5.628237651,5.628237857
+"10330","NDUFAF2",4.8635028505,4.8635028855,4.8635028935,4.8635028905,4.8635028905,4.8635029075,4.863502879,4.8635028755,4.8635029315,4.863502905,4.86350288,4.8635029085,4.8635028895,4.8635028635,4.8635028895,4.8635029185,4.863502875,4.8635028575,4.86350286,4.8635028935,4.8635028935,4.8635028775,4.863502895,4.8635029275,4.8635028525,4.8635028885,4.8635028635,4.863502904
+"10331","NDUFAF3",6.943913432,6.943913417,6.94391344,6.943913432,6.94391343,6.943913473,6.943913418,6.943913442,6.943913483,6.943913509,6.943913424,6.943913467,6.943913436,6.943913395,6.943913389,6.943913386,6.943913438,6.943913426,6.943913428,6.943913453,6.943913389,6.943913463,6.943913438,6.943913445,6.943913387,6.943913429,6.943913478,6.943913381
+"10332","NDUFAF4",4.893491646,4.893491313,4.893491014,4.893491062,4.893491099,4.893491375,4.893491311,4.893491207,4.893491395,4.893491175,4.893491077,4.893491216,4.893491292,4.893491799,4.893491354,4.893491218,4.893490989,4.893490811,4.893491106,4.893491262,4.893491229,4.893491,4.893491548,4.893491298,4.893490944,4.893491265,4.893491212,4.893491497
+"10333","NDUFAF5",4.131655963,4.131655891,4.1316559,4.131655883,4.131655877,4.131655763,4.131655961,4.131655935,4.1316559,4.131655939,4.131655917,4.131655858,4.131655897,4.131655994,4.131655838,4.131655862,4.131655882,4.131655888,4.131655978,4.131655864,4.131655905,4.131655912,4.131655887,4.131655879,4.131655908,4.131655967,4.131655941,4.131655987
+"10334","NDUFAF6",4.958034303,4.958034331,4.958034259,4.958034284,4.958034239,4.958034314,4.958034276,4.95803422,4.958034284,4.958034231,4.958034263,4.958034249,4.958034296,4.958034336,4.958034251,4.958034221,4.958034253,4.958034269,4.958034256,4.958034299,4.958034258,4.958034248,4.958034268,4.958034265,4.958034265,4.958034316,4.958034324,4.958034263
+"10335","NDUFAF7",6.27631779,6.276317665,6.276317613,6.276317638,6.276317523,6.276317418,6.276317657,6.276317589,6.2763177,6.276317566,6.276317589,6.276317484,6.276317837,6.27631804,6.276317639,6.27631757,6.276317363,6.276317434,6.276317639,6.2763175,6.276317729,6.27631759,6.276317723,6.27631768,6.276317635,6.2763177,6.276317719,6.276317716
+"10336","NDUFB1",6.436772232,6.436772734,6.43677279,6.436772473,6.436772538,6.436772104,6.436772028,6.436772547,6.436772821,6.436772668,6.436772357,6.436771844,6.436772451,6.436772949,6.436772444,6.436773009,6.436772425,6.436772642,6.436772333,6.436772276,6.436772378,6.436772901,6.436772662,6.436772687,6.436772645,6.436772537,6.43677265,6.436772273
+"10337","NDUFB10",6.3958415,6.395841372,6.3958416,6.395841529,6.395841658,6.395841578,6.395841596,6.395841541,6.39584165,6.395841674,6.395841693,6.395841468,6.395841615,6.395841391,6.395841613,6.395841454,6.395841511,6.39584158,6.395841532,6.395841444,6.395841613,6.395841637,6.395841686,6.395841612,6.395841555,6.395841531,6.39584162,6.395841569
+"10338","NDUFB11",7.352786529,7.352786346,7.352786525,7.352786287,7.352786526,7.352786698,7.352786573,7.352786376,7.352786608,7.352786561,7.352786469,7.352786585,7.352786581,7.352786488,7.352786474,7.35278623,7.352786491,7.352786359,7.352786478,7.352786639,7.352786501,7.352786436,7.352786568,7.352786457,7.352786352,7.352786552,7.352786557,7.352786425
+"10339","NDUFB2",6.406035654,6.406035684,6.40603567,6.406035638,6.406035672,6.406035631,6.40603567,6.406035656,6.406035685,6.406035671,6.406035655,6.406035653,6.406035666,6.406035651,6.406035668,6.406035676,6.406035678,6.40603567,6.406035667,6.406035642,6.406035646,6.406035672,6.406035668,6.406035653,6.406035675,6.40603567,6.406035645,6.406035685
+"10340","NDUFB3",4.252713243,4.252713278,4.252713233,4.252713297,4.25271323,4.252713178,4.252713204,4.252713196,4.252713276,4.25271323,4.252713285,4.252713211,4.252713226,4.252713255,4.252713214,4.252713303,4.252713209,4.252713277,4.252713218,4.252713252,4.25271321,4.2527132,4.252713259,4.252713285,4.252713172,4.252713201,4.252713245,4.252713168
+"10341","NDUFB4",6.474777285,6.4747769,6.474777131,6.474776862,6.474776955,6.47477731,6.474777396,6.474776936,6.474777299,6.474777106,6.474777107,6.474777042,6.474777312,6.474777238,6.474777096,6.474776705,6.474776676,6.474776659,6.474777213,6.474777366,6.474777313,6.474777097,6.474777003,6.474777227,6.474776702,6.474777138,6.474777265,6.47477711
+"10342","NDUFB5",6.101523317,6.101523012,6.101523029,6.101522739,6.101522792,6.101523023,6.101523011,6.10152283,6.101522922,6.101523172,6.101522488,6.101522507,6.101523035,6.101523495,6.101522767,6.101522845,6.101522741,6.101522455,6.101523013,6.101522954,6.101522898,6.101522785,6.101523112,6.101523031,6.101522736,6.101522781,6.101522917,6.101523205
+"10343","NDUFB6",4.761614782,4.761614514,4.761614724,4.76161465,4.761613668,4.761614597,4.761614105,4.761613989,4.761614539,4.761614561,4.761614386,4.7616135,4.761614451,4.761614724,4.761614255,4.761614351,4.76161445,4.76161448,4.76161436,4.761614427,4.761614164,4.76161395,4.761614578,4.761614836,4.761614387,4.761613801,4.761614304,4.761614203
+"10344","NDUFB7",7.30196063,7.301960627,7.30196075,7.301960663,7.301960734,7.301960683,7.301960706,7.301960624,7.301960708,7.301960754,7.301960765,7.301960843,7.3019607,7.301960435,7.301960758,7.301960495,7.301960743,7.301960623,7.301960576,7.301960693,7.30196074,7.301960701,7.301960652,7.301960599,7.30196061,7.301960626,7.301960671,7.301960695
+"10345","NDUFB8",7.786516647,7.786516604,7.786516523,7.786516018,7.786516337,7.786516164,7.786516643,7.786516133,7.786516834,7.786516505,7.786516171,7.786516416,7.786516694,7.786516896,7.786516468,7.786516844,7.786516109,7.786515746,7.786516463,7.786516815,7.786516611,7.78651635,7.786516698,7.786516396,7.786515866,7.786516507,7.786516512,7.786516768
+"10346","NDUFB9",6.470222603,6.470222509,6.470222539,6.470222347,6.470222393,6.470222573,6.470222464,6.470222303,6.470222573,6.470222548,6.470222487,6.470222353,6.470222481,6.470222678,6.470222364,6.470222389,6.470222183,6.470222323,6.470222434,6.470222566,6.470222362,6.470222391,6.470222524,6.470222431,6.470222345,6.470222404,6.470222541,6.47022251
+"10347","NDUFC1",6.124111852,6.124111895,6.124111826,6.124111818,6.124111844,6.124111885,6.12411189,6.124111872,6.124111894,6.124111904,6.124111769,6.124111778,6.124111884,6.124111859,6.124111841,6.124111904,6.124111777,6.124111778,6.124111844,6.12411188,6.124111868,6.124111828,6.124111889,6.124111862,6.124111784,6.124111836,6.124111878,6.124111842
+"10348","NDUFS1",7.287693653,7.287693799,7.287693549,7.28769353,7.287693481,7.287693639,7.287693502,7.287693442,7.287693597,7.2876936,7.287693501,7.287693323,7.287693638,7.287693847,7.287693463,7.287693736,7.287693387,7.287693368,7.287693713,7.287693658,7.287693553,7.28769353,7.287693674,7.28769376,7.287693567,7.287693527,7.28769364,7.287693653
+"10349","NDUFS2",7.234519006,7.234518978,7.234518796,7.23451891,7.234518858,7.23451883,7.234518905,7.234518864,7.234518866,7.234518848,7.23451863,7.234518667,7.234518765,7.234519029,7.234518831,7.234518886,7.234518636,7.234518607,7.234518886,7.234518552,7.234518864,7.234518789,7.234518853,7.23451889,7.234518621,7.234518744,7.234518776,7.234518683
+"10350","NDUFS3",6.93045805,6.930457534,6.930457783,6.930457311,6.930457444,6.930457577,6.930457781,6.930457423,6.930458117,6.930457934,6.930457365,6.930457542,6.930457721,6.930458005,6.930457638,6.930457044,6.930457494,6.930456848,6.930457558,6.930457691,6.930457647,6.930457276,6.930457824,6.930457769,6.930457329,6.930457653,6.930457487,6.930457672
+"10351","NDUFS4",4.022921747,4.022921695,4.022921742,4.022921697,4.022921717,4.022921679,4.022921698,4.022921719,4.022921714,4.022921699,4.02292173,4.022921729,4.022921706,4.022921713,4.022921721,4.022921713,4.022921706,4.022921719,4.022921731,4.022921685,4.02292169,4.022921718,4.022921695,4.022921673,4.022921705,4.022921743,4.022921733,4.022921731
+"10352","NDUFS5",6.250884248,6.250884202,6.250884228,6.250884148,6.250884209,6.250884227,6.250884162,6.25088414,6.250884341,6.250884225,6.250884153,6.250884186,6.250884262,6.25088431,6.250884206,6.250884156,6.250884137,6.250884155,6.250884261,6.250884314,6.250884208,6.250884253,6.250884324,6.250884277,6.250884152,6.250884259,6.250884245,6.250884218
+"10353","NDUFS6",7.027802484,7.027802517,7.027802352,7.027801922,7.027802044,7.02780242,7.027802449,7.027802134,7.027802537,7.027802385,7.027802078,7.027802108,7.027802371,7.027802474,7.027802162,7.027802598,7.027802175,7.02780183,7.0278023,7.027802603,7.027802176,7.027802386,7.027802476,7.02780234,7.027801925,7.02780239,7.027802303,7.027802175
+"10354","NDUFS7",6.803663491,6.803663489,6.803663496,6.803663485,6.803663493,6.803663506,6.803663492,6.80366349,6.803663505,6.803663501,6.803663499,6.803663497,6.80366351,6.803663484,6.803663489,6.803663504,6.803663488,6.803663489,6.803663476,6.803663495,6.803663489,6.803663511,6.803663506,6.803663495,6.803663489,6.803663493,6.8036635,6.803663497
+"10355","NDUFS8",6.974416001,6.974416076,6.974416086,6.974416141,6.974416495,6.974416208,6.974416159,6.974416385,6.97441615,6.974416086,6.974416154,6.974416401,6.974416182,6.974415768,6.974416374,6.97441621,6.974416554,6.974416309,6.974416386,6.974416185,6.974416414,6.974416362,6.974416039,6.97441591,6.974416037,6.974416371,6.974416226,6.974416211
+"10356","NDUFV1",7.698701092,7.698700856,7.698701035,7.698700749,7.698700793,7.698701125,7.698701181,7.698700984,7.698701117,7.698701297,7.698700736,7.698700912,7.698701147,7.69870115,7.698700713,7.698700744,7.698700621,7.698700287,7.698700976,7.698700765,7.69870102,7.698700923,7.698700831,7.698700705,7.698700577,7.698700988,7.698701049,7.69870067
+"10357","NDUFV1-DT",4.078482018,4.078482117,4.078482266,4.078481996,4.078482122,4.078482169,4.078481998,4.078482061,4.078482046,4.078482099,4.078482143,4.078482029,4.078482103,4.078481963,4.078482179,4.078482134,4.078482279,4.078482105,4.078482034,4.078482053,4.078482047,4.078482368,4.078482083,4.078481891,4.078482059,4.078482075,4.078481995,4.078481816
+"10358","NDUFV2",5.4765456125,5.4765456855,5.4765453205,5.4765454075,5.4765451735,5.4765455685,5.4765454505,5.4765452545,5.4765455315,5.4765453615,5.4765450815,5.4765448245,5.476545506,5.4765459375,5.4765454435,5.476545482,5.4765450675,5.476545124,5.476545447,5.476545363,5.476545353,5.47654532,5.4765455765,5.476545339,5.4765453715,5.476545232,5.4765456035,5.476545444
+"10359","NDUFV3",7.252040793,7.252040766,7.252040793,7.252040724,7.252040766,7.252040779,7.252040757,7.252040738,7.252040786,7.252040773,7.252040752,7.25204076,7.252040811,7.252040794,7.252040794,7.252040712,7.252040713,7.252040696,7.252040779,7.252040788,7.252040713,7.252040757,7.252040794,7.252040772,7.252040751,7.252040772,7.25204075,7.25204076
+"10360","NEB",4.179419494,4.1794194,4.179419385,4.179419455,4.179419491,4.179419411,4.179419482,4.179419425,4.179419432,4.179419398,4.179419457,4.179419594,4.179419437,4.179419495,4.179419504,4.179419449,4.179419468,4.179419482,4.179419497,4.179419412,4.179419482,4.179419431,4.179419398,4.179419352,4.179419448,4.179419442,4.179419404,4.179419545
+"10361","NEBL",3.769204204,3.7692039,3.7692039225,3.769204056,3.7692039785,3.7692040115,3.7692038475,3.769203837,3.769203858,3.76920382,3.769203842,3.7692039995,3.769204292,3.769203799,3.7692042915,3.769204067,3.7692039915,3.769203986,3.769203828,3.7692038835,3.769203845,3.769204194,3.769203858,3.769203864,3.7692039715,3.7692037705,3.7692044605,3.76920387
+"10362","NECAB1",3.75920193,3.759201915,3.759201938,3.759201924,3.759201989,3.759201912,3.759201962,3.759201962,3.759201956,3.759201957,3.75920195,3.759202009,3.759201945,3.759201923,3.759201954,3.759201948,3.759201995,3.759201952,3.759201922,3.759201941,3.759201973,3.759201993,3.759201952,3.759201934,3.759201934,3.759201973,3.759201953,3.759201968
+"10363","NECAB2",5.762435955,5.762436307,5.762436283,5.762436449,5.7624364,5.762436141,5.762436153,5.762436382,5.762436338,5.762436273,5.762436383,5.762436644,5.762436053,5.762436074,5.762436425,5.762436381,5.762436479,5.7624366,5.762436498,5.762436201,5.762436256,5.762436448,5.762436212,5.762436245,5.762436413,5.762436467,5.762436313,5.762436251
+"10364","NECAB3",5.886627377,5.886627387,5.886627476,5.886627468,5.886627467,5.886627435,5.886627444,5.886627534,5.886627436,5.886627418,5.886627494,5.886627445,5.886627476,5.886627378,5.886627456,5.886627422,5.886627485,5.886627514,5.886627437,5.886627486,5.886627457,5.886627508,5.886627448,5.886627431,5.886627494,5.88662743,5.886627501,5.886627427
+"10365","NECAP1",7.685317982,7.685318206,7.685317533,7.685318337,7.685317758,7.685318538,7.685318034,7.685317686,7.685317924,7.685317852,7.685317778,7.685317669,7.685317949,7.685318093,7.685317793,7.685317922,7.685317442,7.685317911,7.685318083,7.685318503,7.685317842,7.685317869,7.685318222,7.685317991,7.68531808,7.685317754,7.685317865,7.685317964
+"10366","NECAP2",8.919239096,8.919238591,8.919237858,8.919237711,8.919238507,8.919239073,8.919237959,8.919237949,8.91923851,8.919238437,8.919237164,8.919237853,8.919238575,8.919238941,8.919237943,8.919238029,8.919237214,8.919236921,8.919238612,8.919238264,8.919237537,8.919237592,8.919238401,8.919238577,8.919237218,8.919238048,8.919238624,8.919238231
+"10367","NECTIN1",5.473258062,5.47325814,5.473258166,5.473258146,5.473258106,5.473258139,5.473258128,5.473258167,5.473258133,5.473258132,5.473258102,5.473258136,5.473258156,5.473258065,5.473258103,5.473258209,5.473258163,5.473258142,5.47325813,5.473258133,5.473258094,5.473258112,5.473258178,5.473258123,5.473258222,5.473258151,5.473258139,5.473258064
+"10368","NECTIN2",6.181011486,6.181013011,6.181013337,6.18101389,6.181013675,6.181016923,6.18101306,6.181013765,6.181012681,6.181012691,6.181012885,6.181013031,6.181013115,6.18101495,6.181011992,6.181013032,6.181013213,6.181013768,6.181013233,6.181017435,6.181012349,6.181013187,6.181011985,6.181013074,6.181013137,6.181012967,6.181013231,6.181015265
+"10369","NECTIN3",4.50881648,4.508816477,4.508816376,4.508816414,4.508816519,4.508816455,4.508816451,4.508816487,4.508816463,4.508816465,4.508816528,4.508816473,4.508816439,4.508816459,4.508816441,4.508816519,4.508816481,4.508816399,4.508816573,4.508816496,4.508816452,4.508816451,4.508816537,4.508816349,4.508816546,4.508816491,4.50881654,4.508816525
+"10370","NECTIN4",5.230131703,5.230131722,5.230131734,5.230131726,5.230131747,5.230131712,5.230131726,5.230131728,5.230131726,5.230131727,5.230131712,5.230131743,5.230131722,5.230131698,5.230131735,5.230131718,5.230131773,5.230131746,5.230131741,5.230131706,5.230131739,5.23013174,5.230131711,5.230131704,5.230131742,5.230131726,5.23013173,5.230131721
+"10371","NEDD1",5.847567302,5.847567049,5.847566907,5.847566663,5.847566186,5.847566368,5.847566779,5.847566497,5.847566857,5.847566909,5.847566308,5.847565714,5.847566916,5.847568273,5.847566629,5.847566511,5.847566249,5.847566526,5.847566801,5.847566187,5.847566725,5.847566695,5.847567334,5.847567112,5.847566583,5.847566173,5.847566634,5.847567599
+"10372","NEDD4",4.017903154,4.017903189,4.017903139,4.017903156,4.017903153,4.017903145,4.017903162,4.017903152,4.017903129,4.01790316,4.017903134,4.017903156,4.017903177,4.017903137,4.017903147,4.017903173,4.017903152,4.017903149,4.017903171,4.017903161,4.01790314,4.017903149,4.017903181,4.017903149,4.017903136,4.017903149,4.01790317,4.017903168
+"10373","NEDD4L",5.006211001,5.006210432,5.00621151,5.006211089,5.0062109,5.006211787,5.0062112,5.006211665,5.006211282,5.00621095,5.006211432,5.00621114,5.006210945,5.006210975,5.006211468,5.006209658,5.006211284,5.006211021,5.006210776,5.006211415,5.006210898,5.00621153,5.006210982,5.006211487,5.006211619,5.006211146,5.006211092,5.006210937
+"10374","NEDD8P1",4.398470779,4.398470759,4.39847075,4.398470701,4.398470779,4.398470746,4.398470751,4.398470773,4.39847076,4.398470766,4.398470737,4.3984708,4.398470733,4.398470776,4.398470768,4.398470747,4.39847076,4.398470713,4.39847075,4.398470765,4.39847075,4.39847077,4.398470764,4.398470763,4.398470754,4.398470739,4.398470759,4.398470772
+"10375","NEDD9",7.965152691,7.965152938,7.965152602,7.965153237,7.965152446,7.965153096,7.965152768,7.965152629,7.965152521,7.965152286,7.965152587,7.965152152,7.965152781,7.965152569,7.965152764,7.965152976,7.965152498,7.965152999,7.965152849,7.965153037,7.965152733,7.965152765,7.96515278,7.965152802,7.965152855,7.965152472,7.965152716,7.965152489
+"10376","NEFH",4.644106884,4.644106844,4.644106853,4.644106859,4.644106964,4.64410686,4.644106916,4.644106895,4.644106966,4.644106948,4.644106925,4.644106952,4.644106916,4.644106853,4.64410698,4.644106913,4.644106941,4.644106934,4.644106859,4.644106895,4.644106966,4.644106943,4.64410691,4.644106899,4.644106851,4.644106952,4.644106938,4.644106936
+"10377","NEFL",5.163269092,5.163269105,5.163269087,5.163269088,5.163269124,5.163269103,5.163269099,5.163269098,5.16326911,5.163269097,5.163269098,5.163269113,5.1632691,5.163269095,5.163269099,5.163269117,5.163269117,5.163269124,5.163269116,5.163269128,5.163269122,5.163269097,5.1632691,5.163269106,5.163269101,5.163269113,5.163269081,5.163269123
+"10378","NEFM",4.396928331,4.396928357,4.396928365,4.396928386,4.396928396,4.396928361,4.396928355,4.396928378,4.396928354,4.396928376,4.396928339,4.39692836,4.396928356,4.396928356,4.396928383,4.3969284,4.396928369,4.396928394,4.396928388,4.396928378,4.396928371,4.396928375,4.396928329,4.396928379,4.396928379,4.396928343,4.396928395,4.396928401
+"10379","NEGR1",4.202706691,4.202706665,4.202706655,4.202706679,4.202706705,4.202706627,4.202706693,4.202706713,4.202706597,4.202706677,4.202706668,4.202706805,4.202706655,4.202706655,4.202706691,4.202706721,4.202706715,4.202706692,4.202706694,4.202706662,4.202706682,4.202706668,4.20270664,4.202706647,4.20270662,4.202706695,4.202706628,4.202706719
+"10380","NEIL1",5.534626737,5.534626726,5.534626802,5.534626732,5.534626795,5.534626747,5.534626773,5.53462675,5.534626772,5.534626759,5.534626752,5.534626803,5.534626776,5.534626736,5.534626794,5.534626777,5.534626772,5.534626757,5.534626737,5.534626737,5.534626756,5.53462676,5.534626737,5.53462675,5.534626759,5.534626764,5.534626759,5.534626731
+"10381","NEIL2",6.304175927,6.304175919,6.304176024,6.304175881,6.304176028,6.304175938,6.304175964,6.304176048,6.304176023,6.304175993,6.304176011,6.304176076,6.304175989,6.304175933,6.304176,6.304175982,6.304176015,6.304176043,6.304175955,6.304176026,6.304176035,6.304176024,6.304175913,6.304175993,6.304175949,6.304176057,6.304175976,6.304176022
+"10382","NEIL3",4.45358297,4.453582972,4.453583833,4.453583371,4.453583447,4.453583191,4.453584374,4.453583077,4.453583845,4.453583111,4.453583523,4.453583705,4.453582695,4.453583662,4.453583098,4.453583065,4.453583601,4.453583745,4.453582969,4.45358384,4.453584304,4.453583339,4.453583833,4.453583279,4.4535838,4.453583807,4.453582747,4.4535838
+"10383","NEK1",5.516381165,5.516380933,5.516380881,5.516380609,5.516380726,5.5163806,5.516380991,5.516380913,5.516381129,5.516380913,5.516380388,5.516380485,5.516380916,5.516381592,5.516381008,5.516380609,5.516380662,5.516380618,5.516380797,5.516380459,5.516380836,5.516380861,5.51638113,5.516380884,5.516380646,5.516380745,5.516381093,5.51638124
+"10384","NEK10",3.738397663,3.738397668,3.73839768,3.738397681,3.738397708,3.738397693,3.738397679,3.738397692,3.738397684,3.738397685,3.738397678,3.73839772,3.738397678,3.738397654,3.738397696,3.738397683,3.738397688,3.738397686,3.738397679,3.738397652,3.738397678,3.73839767,3.738397682,3.738397687,3.738397653,3.738397685,3.738397669,3.738397695
+"10385","NEK11",3.79404697,3.794046887,3.794046923,3.794046877,3.794046788,3.794046899,3.794046927,3.79404672,3.794046939,3.794046793,3.794046854,3.794046855,3.794046933,3.794046781,3.794046797,3.794046892,3.794046929,3.79404687,3.794046829,3.794046905,3.794046817,3.794046883,3.794046768,3.794046902,3.794046726,3.794046734,3.794046995,3.79404696
+"10386","NEK2",4.101222628,4.101222147,4.101223096,4.101222725,4.101222948,4.101222851,4.101223923,4.101223074,4.101223346,4.10122271,4.101222833,4.101222625,4.101222962,4.101222333,4.101223323,4.101223078,4.101223428,4.101223002,4.101222928,4.101222682,4.101223481,4.101222795,4.10122362,4.101222748,4.101223509,4.101222781,4.101222543,4.101222693
+"10387","NEK3",4.68538087,4.685380877,4.685380866,4.685380871,4.685380868,4.685380877,4.68538087,4.685380869,4.685380871,4.685380874,4.685380864,4.685380887,4.68538086,4.685380884,4.685380868,4.685380869,4.685380862,4.685380864,4.685380897,4.685380887,4.685380862,4.685380884,4.68538087,4.685380879,4.685380875,4.685380865,4.685380885,4.685380858
+"10388","NEK4",6.347862672,6.347862604,6.347862604,6.347862547,6.347862581,6.347862532,6.347862561,6.347862497,6.347862541,6.347862553,6.347862494,6.34786242,6.347862606,6.347862724,6.347862586,6.347862566,6.347862427,6.347862421,6.347862565,6.34786244,6.347862532,6.347862573,6.347862586,6.347862548,6.347862551,6.347862458,6.347862564,6.34786262
+"10389","NEK5",3.857072762,3.857072375,3.857072419,3.857072707,3.857072569,3.857072483,3.857072624,3.857072585,3.857072507,3.857072344,3.857072441,3.857072767,3.857072468,3.857072312,3.857072474,3.857072618,3.857072497,3.857072369,3.857072551,3.857072268,3.857072508,3.857072378,3.85707256,3.857072567,3.857072405,3.857072741,3.857072547,3.857072533
+"10390","NEK6",7.980633839,7.980634515,7.980634202,7.980634654,7.980633923,7.980634012,7.980634118,7.980633976,7.980633676,7.980634098,7.980634452,7.980633344,7.980633921,7.98063338,7.980634159,7.9806344,7.980634084,7.980634319,7.980634214,7.980633762,7.980633936,7.980633817,7.980633866,7.980634481,7.98063459,7.980633746,7.980633935,7.980633385
+"10391","NEK7",7.888575473,7.888575481,7.888575,7.888575602,7.888574566,7.888574595,7.888575042,7.888575141,7.888574559,7.888574541,7.888575015,7.888574005,7.888575272,7.888575905,7.88857501,7.888575189,7.888574836,7.888575481,7.888575068,7.888574795,7.888574937,7.888574944,7.88857523,7.888575248,7.88857514,7.888574777,7.888575006,7.888575458
+"10392","NEK8",5.939116516,5.939116378,5.939116437,5.939116354,5.939116719,5.939116545,5.939116512,5.939116707,5.939116501,5.939116599,5.939116505,5.939116547,5.939116418,5.939116216,5.939116674,5.939116503,5.939116652,5.939116679,5.939116683,5.939116421,5.939116636,5.93911672,5.939116519,5.939116422,5.93911651,5.939116601,5.93911641,5.939116536
+"10393","NEK9",7.197096787,7.197096986,7.197096295,7.197096158,7.197096212,7.197096614,7.197096538,7.197096168,7.197096453,7.19709668,7.197096359,7.197096177,7.197096617,7.197097186,7.197096374,7.197096759,7.197095744,7.19709591,7.197096521,7.197096764,7.197096274,7.197096279,7.197096628,7.197096517,7.197096072,7.197096531,7.197096363,7.197096682
+"10394","NELFB",7.212840806,7.21284104,7.212840955,7.21284077,7.21284092,7.21284095,7.21284087,7.212840875,7.212840892,7.212840912,7.212840899,7.212840754,7.212840943,7.212840975,7.212840694,7.21284088,7.212840802,7.212840895,7.212840729,7.212840926,7.212840717,7.212840909,7.212840879,7.212840902,7.212840884,7.212840847,7.212840904,7.212840997
+"10395","NELFCD",7.515184651,7.515184457,7.515184042,7.51518381,7.515183441,7.515184798,7.515184401,7.515184079,7.515184957,7.515184791,7.515183864,7.515184226,7.515184687,7.515184732,7.515184143,7.515183722,7.515183592,7.515183749,7.515183677,7.515184484,7.515184312,7.515183922,7.515184672,7.515184463,7.515183524,7.515184341,7.515184602,7.515183866
+"10396","NELFE",6.633389892,6.633389927,6.633389972,6.633389923,6.63338995,6.63339002,6.633389923,6.633390027,6.633390018,6.633389967,6.633389979,6.633390037,6.633390009,6.63338997,6.633390012,6.633389924,6.633389935,6.633389946,6.633390018,6.633390016,6.633389945,6.633390013,6.633389933,6.633389958,6.633389913,6.633389997,6.633389968,6.633389958
+"10397","NELL1",3.752746659,3.752746627,3.752746669,3.752746671,3.752746694,3.752746667,3.75274669,3.752746666,3.752746651,3.752746642,3.752746654,3.752746642,3.752746645,3.752746626,3.752746699,3.752746621,3.752746696,3.752746683,3.752746686,3.752746694,3.75274666,3.752746667,3.75274665,3.752746604,3.752746668,3.75274666,3.752746653,3.752746647
+"10398","NELL2",7.26621452,7.162684061,6.946796928,6.982219958,7.065960046,6.676914846,7.043042751,6.98818354,7.430499574,7.156780863,6.163595106,7.664650036,7.285587919,7.771083202,6.961860862,6.920137143,6.64276661,6.97201533,7.1834554,6.63953851,6.886756656,7.023283883,7.17291837,6.767708804,6.349285093,7.546366497,7.356319539,7.5065358
+"10399","NEMF",6.147827642,6.147827315,6.147827316,6.147827322,6.147827006,6.147827039,6.147827166,6.147827049,6.147827208,6.147827055,6.147827035,6.147826757,6.147827298,6.14782787,6.147827141,6.147827371,6.147826937,6.147827104,6.147827498,6.147826884,6.147827157,6.147827151,6.14782721,6.147827176,6.147827183,6.147827368,6.147827263,6.147827344
+"10400","NEMP1",6.461316765,6.461316585,6.46131645,6.461316345,6.461316446,6.461316445,6.461316686,6.46131635,6.461316744,6.461316506,6.461315965,6.461316624,6.461316617,6.461316996,6.461316495,6.461316514,6.461316087,6.461316128,6.461316539,6.461316221,6.461316494,6.461316292,6.461316738,6.461316529,6.461316291,6.461316587,6.461316573,6.461316721
+"10401","NEMP2",5.4240166715,5.424016319,5.424016374,5.4240159735,5.424016021,5.4240163475,5.4240162435,5.4240161,5.424016557,5.4240163905,5.424015979,5.424016485,5.4240164245,5.424016676,5.4240162805,5.424016296,5.4240160405,5.424016143,5.424016275,5.424016227,5.4240162055,5.4240159575,5.424016419,5.424016313,5.4240160785,5.424016616,5.424016409,5.424016608
+"10402","NENF",6.109778869,6.109778868,6.109778887,6.109778883,6.109778899,6.109778853,6.109778867,6.109778893,6.109778884,6.109778895,6.109778896,6.109778909,6.109778882,6.109778849,6.109778897,6.109778905,6.109778897,6.109778895,6.109778871,6.109778889,6.109778901,6.109778888,6.109778886,6.109778885,6.1097789,6.109778896,6.109778874,6.109778897
+"10403","NEO1",4.955276532,4.955276581,4.955276498,4.955276501,4.955276394,4.955276467,4.955276365,4.955276539,4.95527653,4.955276398,4.955276436,4.955276505,4.9552765,4.955276604,4.955276589,4.955276535,4.955276405,4.955276523,4.955276486,4.955276446,4.955276457,4.955276517,4.95527653,4.955276507,4.955276461,4.955276455,4.955276531,4.955276501
+"10404","NEPRO",6.694938761,6.694938206,6.694938181,6.694938016,6.694938184,6.694938159,6.694938243,6.694938103,6.69493862,6.694938565,6.694938037,6.694938004,6.694938573,6.694939119,6.694938458,6.694938155,6.694937943,6.694938054,6.694938475,6.69493782,6.69493827,6.694938125,6.694938558,6.694938305,6.694938036,6.694938346,6.69493845,6.694939036
+"10405","NES",5.896237392,5.896237505,5.896237604,5.896237514,5.896237693,5.896237285,5.896237492,5.896237654,5.896237623,5.896237544,5.896237575,5.896237644,5.896237497,5.896237355,5.896237575,5.896237571,5.896237682,5.896237645,5.896237507,5.896237455,5.896237564,5.896237659,5.896237492,5.896237579,5.896237615,5.896237595,5.896237421,5.896237611
+"10406","NET1",5.466104508,5.466104536,5.466104474,5.466104469,5.466104578,5.46610451,5.466104525,5.466104511,5.466104581,5.466104565,5.466104516,5.466104571,5.466104551,5.466104639,5.466104498,5.466104501,5.466104497,5.466104508,5.466104545,5.466104478,5.466104529,5.466104508,5.466104561,5.466104552,5.466104486,5.466104553,5.466104521,5.466104601
+"10407","NETO1",3.754826231,3.754826192,3.754826158,3.754826197,3.754826165,3.754826193,3.754826225,3.754826146,3.754826159,3.754826241,3.754826205,3.754826227,3.754826174,3.75482627,3.754826196,3.754826162,3.754826188,3.754826191,3.754826166,3.75482618,3.754826151,3.754826203,3.754826172,3.754826188,3.754826163,3.754826199,3.754826193,3.754826207
+"10408","NETO2",4.712625733,4.712625688,4.712625742,4.712625676,4.712625579,4.712625678,4.712625736,4.712625603,4.712625638,4.712625633,4.712625634,4.712625624,4.712625689,4.712625648,4.712625656,4.712625684,4.71262563,4.712625613,4.712625646,4.712625765,4.712625672,4.712625623,4.712625675,4.71262565,4.712625622,4.712625635,4.712625726,4.712625649
+"10409","NEU1",7.718629506,7.718629926,7.718629192,7.71862989,7.718629109,7.718630202,7.718629376,7.718629243,7.718629119,7.71862938,7.718629105,7.718628557,7.718629496,7.718629498,7.718629547,7.718629691,7.718629241,7.718629373,7.718629337,7.718630185,7.718629317,7.718629321,7.718629273,7.718630008,7.718629053,7.718628701,7.718629158,7.718628947
+"10410","NEU2",5.389069542,5.389069174,5.389069727,5.38906975,5.38907036,5.389069417,5.389070117,5.389070258,5.389069586,5.389069984,5.389069846,5.389070767,5.389069712,5.38906923,5.389070325,5.389069697,5.389070107,5.389070112,5.389069861,5.38906964,5.38907026,5.389070045,5.389069473,5.389069285,5.389069561,5.389070194,5.389069678,5.389069837
+"10411","NEU3",6.089812006,6.089812015,6.089811997,6.089811995,6.089812,6.08981201,6.089812003,6.089812016,6.089811998,6.089812016,6.08981198,6.089811991,6.089812007,6.089812,6.089811989,6.08981201,6.089811955,6.089811951,6.089812006,6.08981201,6.089811987,6.089811984,6.089812002,6.089812,6.089811977,6.08981201,6.089812002,6.089811984
+"10412","NEU4",6.067039629,6.067039664,6.067039672,6.067039646,6.067039681,6.067039653,6.06703966,6.067039673,6.067039657,6.067039659,6.067039682,6.067039673,6.067039653,6.067039627,6.067039662,6.067039661,6.067039674,6.067039676,6.067039661,6.067039661,6.067039663,6.06703968,6.067039658,6.067039666,6.067039652,6.067039656,6.067039666,6.067039654
+"10413","NEURL1",6.413096073,6.413096129,6.413096219,6.413096157,6.413096264,6.413096217,6.4130962,6.413096225,6.413096175,6.413096204,6.413096144,6.41309625,6.413096191,6.413096094,6.41309623,6.413096096,6.413096292,6.41309621,6.413096193,6.413096182,6.413096246,6.413096247,6.413096139,6.413096147,6.413096172,6.413096186,6.413096225,6.413096199
+"10414","NEURL2",5.423743856,5.42374385,5.423743878,5.423743848,5.423743926,5.423743818,5.423743858,5.423743896,5.423743851,5.423743831,5.423743871,5.423743913,5.423743858,5.423743808,5.423743888,5.423743873,5.423743909,5.423743916,5.423743865,5.423743901,5.423743908,5.423743915,5.423743851,5.423743845,5.423743875,5.423743891,5.423743887,5.423743864
+"10415","NEURL3",5.508308857,5.508308866,5.508308953,5.508308936,5.508308959,5.508308943,5.508308902,5.508308964,5.508308923,5.508308949,5.508308954,5.508308984,5.508308952,5.508308809,5.508308982,5.508308907,5.508309002,5.508309027,5.508308952,5.508308947,5.50830893,5.508308952,5.508308919,5.508308912,5.508308999,5.508308912,5.508308911,5.508308891
+"10416","NEURL4",6.163423129,6.163423151,6.163423152,6.163423143,6.163423123,6.16342315,6.16342314,6.163423155,6.163423167,6.163423154,6.163423166,6.163423136,6.163423142,6.163423139,6.163423137,6.163423168,6.163423138,6.163423143,6.16342314,6.163423153,6.163423128,6.163423185,6.16342314,6.163423127,6.163423158,6.16342316,6.163423148,6.163423119
+"10417","NEUROD1",4.07344275,4.073442754,4.073442739,4.073442723,4.073442759,4.073442753,4.07344275,4.073442748,4.073442734,4.073442754,4.073442768,4.073442753,4.073442744,4.073442729,4.073442766,4.073442744,4.07344276,4.073442761,4.073442763,4.073442752,4.073442732,4.073442739,4.073442746,4.073442729,4.073442744,4.073442755,4.073442722,4.073442741
+"10418","NEUROD2",6.416754397,6.416754613,6.416755106,6.41675457,6.416755279,6.416753896,6.416754767,6.416755185,6.416754885,6.416754662,6.416755086,6.416755308,6.416754724,6.41675395,6.416755005,6.416755184,6.416755387,6.416755168,6.416754879,6.416754627,6.416754693,6.41675518,6.416754549,6.416754711,6.416755305,6.416754923,6.416754553,6.416755114
+"10419","NEUROD4",4.126279817,4.126279922,4.126279862,4.126279869,4.126279935,4.126279879,4.126279927,4.126279863,4.12627993,4.126279913,4.126279906,4.126279955,4.126279811,4.126279827,4.126279869,4.126279943,4.126279964,4.126279909,4.126279917,4.126279893,4.126279904,4.126279906,4.126279864,4.126279892,4.12627994,4.1262799,4.126279891,4.126279906
+"10420","NEUROD6",3.907352839,3.907353129,3.907353052,3.907353117,3.907353136,3.907352898,3.907353244,3.907353241,3.907353056,3.90735311,3.90735316,3.907353102,3.907353125,3.907353029,3.907353233,3.907353164,3.907353237,3.907353125,3.90735308,3.907353157,3.907353142,3.907353322,3.907353051,3.907353111,3.907353232,3.907353102,3.907352875,3.907353158
+"10421","NEUROG1",5.200953053,5.200953045,5.200953049,5.200953052,5.200953083,5.200953087,5.200953077,5.200953073,5.200953069,5.200953087,5.200953076,5.200953093,5.200953072,5.200953049,5.200953064,5.20095306,5.200953077,5.200953089,5.200953069,5.200953085,5.200953055,5.200953081,5.200953072,5.200953077,5.200953051,5.200953053,5.200953084,5.20095305
+"10422","NEUROG2",4.806312625,4.80631274,4.806312844,4.806312756,4.806312969,4.806312779,4.806312725,4.806312837,4.806312867,4.80631272,4.806312817,4.806312953,4.806312827,4.806312627,4.806312849,4.806312739,4.806312935,4.806312803,4.806312765,4.806312772,4.806312792,4.806312895,4.806312761,4.806312644,4.806312794,4.806312843,4.806312739,4.806312896
+"10423","NEUROG3",5.521073297,5.521073385,5.521073537,5.521073311,5.521073702,5.521073385,5.521073493,5.521073476,5.521073437,5.521073387,5.521073467,5.521073604,5.52107341,5.521073174,5.521073439,5.521073508,5.521073678,5.521073471,5.521073359,5.521073519,5.521073429,5.521073569,5.521073229,5.521073271,5.521073385,5.521073482,5.521073258,5.521073432
+"10424","NEXMIF",4.633335776,4.633335764,4.633335785,4.633335788,4.633335803,4.633335786,4.6333358,4.633335795,4.63333576,4.633335789,4.633335769,4.633335806,4.633335786,4.633335771,4.633335801,4.633335763,4.633335797,4.633335793,4.633335801,4.633335789,4.633335798,4.633335795,4.633335774,4.633335758,4.633335782,4.633335798,4.633335785,4.633335789
+"10425","NEXN",4.145952892,4.145952898,4.145952851,4.145953012,4.145953024,4.145953018,4.145952909,4.14595282,4.145952842,4.145952973,4.14595308,4.145953075,4.145952873,4.145952885,4.145952953,4.145952948,4.145952977,4.145953109,4.145952913,4.145953002,4.145952935,4.145952856,4.145952867,4.145952972,4.145953103,4.145952988,4.14595286,4.145953152
+"10426","NEXN-AS1",4.790259031,4.790258953,4.790259046,4.790258991,4.790259171,4.790259018,4.79025897,4.790259277,4.790259029,4.790258947,4.790259141,4.790259295,4.790258982,4.790258823,4.790259103,4.790259221,4.790259309,4.790259114,4.790259049,4.79025895,4.790258977,4.790259041,4.79025872,4.790258717,4.790259075,4.790259203,4.790258969,4.790259026
+"10427","NF1",5.3820895455,5.3820891915,5.3820890605,5.382089632,5.3820891075,5.382089391,5.382089294,5.3820892995,5.3820890735,5.382088946,5.3820890775,5.382088929,5.382089292,5.3820893185,5.382089261,5.3820893,5.382088985,5.3820892775,5.3820893195,5.3820892965,5.382089276,5.3820893295,5.3820894245,5.382089522,5.3820893295,5.3820892325,5.382089475,5.382089212
+"10428","NF2",7.003413242,7.003413236,7.00341321,7.003413219,7.00341322,7.003413249,7.003413237,7.003413234,7.003413235,7.003413265,7.00341321,7.003413235,7.003413246,7.003413254,7.003413223,7.003413223,7.003413197,7.003413193,7.003413211,7.003413236,7.003413251,7.003413225,7.003413232,7.00341324,7.003413216,7.00341324,7.003413248,7.00341324
+"10429","NFAM1",8.237358878,8.237462327,8.23738703,8.237504678,8.237329507,8.237495806,8.237399113,8.237386187,8.237342804,8.23737064,8.237379795,8.237289299,8.237400513,8.237319994,8.237396895,8.237467543,8.237419358,8.237459588,8.237380441,8.237510466,8.237415,8.237389945,8.237401345,8.237430193,8.2374351,8.23737381,8.23739051,8.237314167
+"10430","NFASC",5.157823931,5.157823965,5.157824009,5.157823978,5.157824046,5.157823966,5.157823953,5.15782404,5.157823968,5.15782398,5.157823989,5.15782406,5.157823989,5.1578239,5.157824009,5.157823959,5.157824052,5.157824014,5.157823939,5.157823986,5.157824014,5.157824026,5.157823952,5.157823936,5.157824019,5.157823991,5.157823977,5.157824008
+"10431","NFAT5",7.704487897,7.704487828,7.704487782,7.704487964,7.70448775,7.704487881,7.704487873,7.70448775,7.704487792,7.704487779,7.704487821,7.704487732,7.704487869,7.704487899,7.704487865,7.704487778,7.704487782,7.704487905,7.704487842,7.704487942,7.704487866,7.704487757,7.704487863,7.704487915,7.704487852,7.704487844,7.704487863,7.70448779
+"10432","NFATC1",7.000324752,7.000324568,7.000324662,7.000324816,7.000324838,7.000325126,7.00032481,7.000324737,7.000324804,7.000324999,7.000324877,7.000325021,7.000324878,7.00032461,7.000324837,7.000324579,7.000324745,7.000324738,7.000324683,7.000324605,7.000324551,7.000324725,7.000324797,7.000324736,7.000324543,7.000324789,7.000324971,7.000324925
+"10433","NFATC2",7.50489235,7.504892295,7.504891771,7.504891482,7.504892177,7.504892742,7.504892376,7.504892106,7.504892543,7.504892364,7.504891717,7.504892126,7.504892532,7.504892527,7.504892237,7.504891671,7.504890958,7.504891526,7.50489215,7.504891393,7.50489217,7.504892081,7.504892742,7.504892366,7.504892201,7.504892444,7.50489252,7.504892152
+"10434","NFATC2IP",7.792060019,7.792060018,7.792060017,7.792060019,7.792060011,7.792060015,7.792060021,7.792060005,7.792060009,7.79206002,7.792059999,7.792060021,7.792060027,7.792060032,7.792060008,7.79206001,7.792059995,7.792060006,7.792060016,7.792060023,7.792059997,7.792060014,7.792059996,7.792060014,7.792060009,7.79206002,7.792060025,7.792060007
+"10435","NFATC3",7.849250747,7.849250729,7.849250673,7.849250683,7.849250576,7.849250655,7.849250727,7.849250651,7.849250777,7.849250683,7.849250582,7.849250639,7.849250717,7.849250803,7.849250671,7.849250575,7.849250585,7.849250667,7.849250601,7.84925043,7.849250662,7.849250693,7.84925087,7.849250744,7.849250635,7.849250794,7.849250719,7.849250707
+"10436","NFATC4",5.64508172,5.64508177,5.6450819,5.645081727,5.645082016,5.645081579,5.645081857,5.645081907,5.645081855,5.645081806,5.645081843,5.645081929,5.645081759,5.645081718,5.645081936,5.645081878,5.645081961,5.645081927,5.645081764,5.645081857,5.645081898,5.645081923,5.645081776,5.645081841,5.645081855,5.645081815,5.645081725,5.645081873
+"10437","NFE2",8.74129361,8.742929895,8.743905048,8.743980155,8.742254253,8.744267651,8.742812004,8.742813708,8.743520229,8.743587674,8.743067396,8.743183207,8.741687491,8.74093312,8.742268343,8.742238156,8.743673053,8.744240585,8.742884786,8.744187728,8.742429748,8.743069955,8.743959262,8.744368461,8.743524764,8.743723413,8.742321439,8.741546404
+"10438","NFE2L1",7.067238813,7.067238883,7.067238784,7.067238843,7.067238704,7.067238836,7.067238796,7.067238742,7.067238788,7.06723882,7.067238835,7.067238658,7.067238827,7.067238899,7.067238723,7.067238802,7.067238677,7.067238756,7.067238758,7.067238884,7.067238714,7.067238676,7.067238853,7.067238852,7.067238853,7.067238781,7.067238799,7.067238791
+"10439","NFE2L2",7.385856207,7.385856274,7.385855695,7.385856459,7.385855862,7.385856262,7.385855932,7.385855862,7.385855987,7.385856376,7.385856056,7.385855413,7.385856085,7.385856372,7.385855973,7.38585602,7.385855533,7.385856146,7.385856087,7.385855982,7.385855989,7.385855641,7.385856152,7.385856344,7.385856157,7.385855616,7.385856102,7.385856086
+"10440","NFE2L3",5.258311242,5.258311033,5.258310966,5.258311134,5.258311092,5.258311132,5.258311206,5.258311077,5.258311109,5.258311011,5.258310881,5.258311292,5.258311218,5.258311141,5.258311254,5.258311087,5.258310968,5.258311069,5.258311147,5.258311113,5.258311199,5.258311104,5.258311118,5.258310934,5.258311191,5.258311093,5.258311153,5.258311347
+"10441","NFE4",5.625789939,5.625791254,5.625790476,5.625791632,5.625789951,5.625790292,5.625791305,5.625790475,5.625790544,5.625790347,5.625791165,5.625790569,5.625790822,5.625790201,5.625790167,5.625790662,5.625790622,5.625791383,5.625790259,5.625790421,5.625791104,5.625790031,5.625790985,5.62579094,5.625791293,5.625790827,5.625790585,5.625790202
+"10442","NFIA",5.288748714,5.288748708,5.288748831,5.28874866,5.288748742,5.288748793,5.28874871,5.288748795,5.288748766,5.288748743,5.288748763,5.288748843,5.288748699,5.288748753,5.288748729,5.288748704,5.288748753,5.288748674,5.288748655,5.288748745,5.288748696,5.288748779,5.28874878,5.288748736,5.288748792,5.2887488,5.288748703,5.288748745
+"10443","NFIB",3.455240762,3.455240953,3.455240691,3.455240869,3.455240745,3.455240942,3.455240674,3.45524072,3.455240608,3.455240827,3.455240685,3.455240898,3.455240628,3.455240595,3.455240716,3.455240579,3.455240742,3.455241121,3.45524072,3.455240742,3.455240643,3.455240612,3.455240845,3.455240878,3.455240932,3.455240692,3.455240693,3.455240649
+"10444","NFIC",6.899305705,6.899305736,6.899305764,6.899305766,6.89930575,6.899305802,6.899305755,6.899305753,6.899305742,6.899305759,6.899305747,6.899305756,6.899305717,6.899305713,6.899305739,6.899305733,6.899305747,6.899305757,6.899305739,6.899305749,6.899305744,6.899305749,6.899305745,6.899305727,6.89930575,6.899305736,6.899305741,6.899305735
+"10445","NFIL3",6.548922824,6.548923492,6.548922402,6.548923945,6.548921866,6.548922537,6.548922531,6.548921873,6.548922025,6.548922455,6.54892255,6.548921364,6.548922334,6.548922718,6.548922683,6.54892338,6.548922437,6.548923733,6.548923391,6.548923105,6.548922654,6.548922599,6.548923226,6.548923439,6.548923293,6.548922268,6.548922361,6.548922746
+"10446","NFIX",6.83918838,6.839188093,6.839189046,6.839188683,6.839188994,6.839189439,6.839188945,6.839189588,6.839189223,6.839189236,6.839188877,6.839189566,6.839188233,6.839187113,6.839188787,6.839187403,6.839189037,6.839188443,6.839188558,6.839189149,6.839188478,6.839189122,6.839188993,6.839188854,6.839188809,6.839189231,6.83918842,6.839188002
+"10447","NFKB1",8.111836724,8.111837067,8.111835878,8.111836563,8.111835812,8.111836616,8.11183625,8.111835696,8.111836674,8.111836645,8.11183584,8.111835955,8.111836371,8.111837158,8.1118361,8.111836581,8.111835561,8.111836111,8.111836101,8.111836896,8.111835932,8.111835602,8.111836575,8.111836647,8.111835721,8.111835947,8.111836465,8.111836502
+"10448","NFKB2",7.373495565,7.373495833,7.373495187,7.373495723,7.373494974,7.373495752,7.373495331,7.373495177,7.373495411,7.373495654,7.373495487,7.373494763,7.373495605,7.373495403,7.373495289,7.373495744,7.373495156,7.373495541,7.373495155,7.373495677,7.373495131,7.37349536,7.37349513,7.373495568,7.373495627,7.37349502,7.37349557,7.373495165
+"10449","NFKBIA",8.95508776,8.955087908,8.955086555,8.955089088,8.955085746,8.955086919,8.955087211,8.95508669,8.955086221,8.955087349,8.955086471,8.955085135,8.955086042,8.955086703,8.955085787,8.955086562,8.955085579,8.955087232,8.955085841,8.955085785,8.955086159,8.95508572,8.955085297,8.955087499,8.955085253,8.955084477,8.9550864,8.955085985
+"10450","NFKBIB",6.779618255,6.779618301,6.779618288,6.779618282,6.779618266,6.779618325,6.779618214,6.779618265,6.779618268,6.779618269,6.779618286,6.779618218,6.779618245,6.779618187,6.77961826,6.779618299,6.779618248,6.779618271,6.779618251,6.779618274,6.779618189,6.779618266,6.779618222,6.779618292,6.779618267,6.779618211,6.779618235,6.779618225
+"10451","NFKBID",6.747481881,6.747481893,6.74748187,6.747481876,6.747481847,6.747481914,6.747481874,6.747481882,6.747481861,6.747481881,6.747481843,6.747481845,6.747481894,6.747481875,6.74748189,6.747481885,6.747481868,6.747481889,6.74748186,6.747481911,6.747481865,6.747481876,6.747481856,6.747481884,6.747481882,6.747481872,6.747481876,6.747481867
+"10452","NFKBIE",6.577607983,6.5776081,6.577608046,6.57760802,6.577607992,6.577608386,6.577607959,6.577607947,6.577608037,6.577608019,6.577608039,6.577607854,6.577608098,6.577608054,6.577608049,6.577608033,6.57760792,6.57760775,6.577608021,6.577608376,6.5776079,6.577608108,6.577608002,6.577608044,6.577607848,6.577607827,6.577608113,6.577608023
+"10453","NFKBIL1",6.009899271,6.009899277,6.00989932,6.009899282,6.009899322,6.009899291,6.009899285,6.009899336,6.009899304,6.00989929,6.009899304,6.009899331,6.009899267,6.009899266,6.009899303,6.009899331,6.009899331,6.009899327,6.009899301,6.009899295,6.009899298,6.0098993,6.009899277,6.009899286,6.009899338,6.009899305,6.009899304,6.009899295
+"10454","NFKBIZ",7.396586481,7.39658754,7.396585819,7.396587506,7.396585943,7.396587471,7.396586545,7.396586021,7.396586833,7.396587347,7.396586593,7.396585017,7.396587101,7.396587386,7.396586287,7.396587307,7.396586359,7.396587621,7.396587133,7.396587884,7.396586856,7.396585954,7.396587251,7.396587633,7.39658694,7.396586044,7.396586981,7.396586958
+"10455","NFRKB",6.875766474,6.875766425,6.875766429,6.875766535,6.875766363,6.875766488,6.875766534,6.875766362,6.875766469,6.875766473,6.875766415,6.875766497,6.875766458,6.875766495,6.875766444,6.875766369,6.875766413,6.875766393,6.875766479,6.875766351,6.875766442,6.875766432,6.875766516,6.875766456,6.875766443,6.875766481,6.875766534,6.875766426
+"10456","NFS1",6.512151936,6.512151842,6.512151682,6.512151628,6.512151597,6.512151851,6.512151757,6.512151503,6.512151802,6.512151866,6.512151483,6.512151851,6.51215185,6.512151848,6.512151713,6.512151905,6.512151421,6.512151623,6.512151678,6.512151917,6.51215179,6.512151737,6.512151848,6.512151712,6.512151725,6.512151734,6.512151839,6.512151921
+"10457","NFU1",4.716749367,4.716749354,4.716749243,4.716749169,4.716749245,4.716749255,4.716749252,4.716749318,4.716749303,4.716749313,4.716749315,4.716749273,4.716749343,4.716749345,4.716749316,4.716749341,4.716749184,4.716749147,4.716749323,4.716749297,4.716749275,4.716749243,4.716749359,4.716749303,4.716749341,4.7167494,4.716749286,4.716749346
+"10458","NFX1",7.2993757,7.299375695,7.299375537,7.299375561,7.299375389,7.299375556,7.299375556,7.299375491,7.299375757,7.299375702,7.299375422,7.299375546,7.299375648,7.299375918,7.299375545,7.299375466,7.299375274,7.299375403,7.299375609,7.299375573,7.299375539,7.299375475,7.299375669,7.299375654,7.299375498,7.299375632,7.299375727,7.299375772
+"10459","NFXL1",6.262848271,6.262849779,6.262844613,6.262853395,6.262854975,6.262841341,6.262846612,6.262850753,6.262841116,6.262861818,6.262845601,6.262840293,6.262849488,6.26285373,6.262847166,6.262850773,6.26284629,6.262848588,6.262862221,6.262845347,6.262845834,6.262851825,6.262845785,6.262871421,6.262846616,6.262839488,6.262845967,6.262847626
+"10460","NFYA",7.491296071,7.491295968,7.491295651,7.491296047,7.491295717,7.491296059,7.491295952,7.491295799,7.491295852,7.491295938,7.491295844,7.491295655,7.491295943,7.491296106,7.491296009,7.491295991,7.491295642,7.491296059,7.491296044,7.491295892,7.49129582,7.491295799,7.49129602,7.491296056,7.491295989,7.491295815,7.49129601,7.491296004
+"10461","NFYB",4.345208737,4.345208523,4.345208503,4.345208289,4.345208386,4.34520836,4.345208557,4.345208413,4.345208603,4.345208487,4.345208535,4.345208463,4.345208541,4.345209045,4.345208639,4.345208506,4.34520856,4.345208391,4.345208636,4.345208409,4.345208475,4.345208524,4.345208471,4.345208524,4.345208583,4.345208494,4.345208622,4.345208816
+"10462","NFYC",7.881653734,7.881653824,7.881653663,7.881653809,7.881653542,7.881653731,7.881653745,7.881653632,7.881653564,7.881653636,7.881653665,7.881653507,7.88165375,7.881653768,7.881653692,7.881653821,7.881653627,7.881653707,7.881653635,7.881653809,7.881653688,7.881653672,7.881653622,7.881653765,7.881653746,7.881653615,7.881653747,7.88165372
+"10463","NFYCP2",4.612180702,4.612180696,4.612180631,4.612180687,4.612180742,4.612180718,4.612180802,4.612180765,4.612180654,4.612180712,4.612180749,4.612180732,4.612180733,4.61218073,4.612180771,4.612180782,4.612180726,4.612180781,4.612180659,4.612180727,4.612180815,4.612180785,4.612180725,4.612180698,4.612180817,4.61218068,4.612180689,4.612180636
+"10464","NGB",5.862191091,5.862191508,5.862191728,5.862191901,5.862191719,5.862191645,5.862191698,5.862192003,5.862191469,5.862191564,5.862191892,5.862191791,5.86219153,5.862191432,5.862191961,5.862191657,5.862192074,5.862191926,5.862191696,5.862191595,5.862191733,5.862191794,5.862191399,5.862191583,5.862191583,5.86219174,5.862191663,5.862191543
+"10465","NGDN",5.309363111,5.309362882,5.309362866,5.309362845,5.309362814,5.309362935,5.309362881,5.309362894,5.309363,5.309362855,5.309362703,5.309362973,5.309362903,5.309363071,5.309362812,5.309362925,5.309362752,5.309362782,5.309362958,5.309362801,5.309362861,5.309362946,5.309362913,5.309362935,5.309362764,5.309363075,5.309363002,5.309362908
+"10466","NGEF",5.1144465,5.11444652,5.114446573,5.114446563,5.114446627,5.114446519,5.114446537,5.11444657,5.114446487,5.114446559,5.114446575,5.114446608,5.114446548,5.114446485,5.114446583,5.114446579,5.114446622,5.114446598,5.114446549,5.114446544,5.114446562,5.11444656,5.11444653,5.114446524,5.114446546,5.114446529,5.11444649,5.114446533
+"10467","NGF",5.914309988,5.91431025,5.914310487,5.91431016,5.914310533,5.914309505,5.914310022,5.914310232,5.914310278,5.914309951,5.914310478,5.91431033,5.91431023,5.91430987,5.914310331,5.914310507,5.914310514,5.914310447,5.914310106,5.914309927,5.914310218,5.914310159,5.914310141,5.914310199,5.914310482,5.914310292,5.914309823,5.914310447
+"10468","NGFR",5.908933967,5.908933937,5.908933988,5.908933964,5.908934049,5.908933985,5.908934017,5.908934028,5.908933962,5.908933986,5.908934043,5.908934072,5.908933976,5.908933909,5.908934019,5.908933994,5.90893402,5.908934048,5.908933997,5.908933976,5.908934047,5.908933997,5.908933987,5.908933957,5.908933976,5.90893404,5.90893397,5.908933985
+"10469","NGLY1",7.221024238,7.221024081,7.221023732,7.221023774,7.221023443,7.22102345,7.221023795,7.221023403,7.221023892,7.22102349,7.221023452,7.221023296,7.221023822,7.221024531,7.221023895,7.221024104,7.221023524,7.22102359,7.221023984,7.22102313,7.221023665,7.221023621,7.22102395,7.221023947,7.221023499,7.221023528,7.221023795,7.221023889
+"10470","NGRN",5.9782753665,5.978275457,5.9782755525,5.978275243,5.9782753575,5.978275408,5.978275471,5.978275342,5.9782754675,5.9782754055,5.978275275,5.9782754775,5.978275396,5.978275515,5.9782754455,5.9782752525,5.9782755485,5.978275392,5.9782754135,5.9782753895,5.978275447,5.9782754705,5.9782754185,5.9782753445,5.9782753555,5.978275452,5.978275388,5.978275576
+"10471","NHEJ1",6.140635249,6.140635202,6.140635133,6.140635205,6.140635106,6.140635291,6.140635223,6.140635182,6.140635199,6.140635201,6.140635111,6.14063516,6.14063525,6.140635299,6.140635139,6.140635078,6.140635085,6.140635125,6.140635166,6.140635123,6.140635122,6.140635141,6.140635255,6.14063518,6.140635128,6.140635172,6.140635241,6.140635124
+"10472","NHLH1",4.973172055,4.973171973,4.973171871,4.973172028,4.973172233,4.973172135,4.973172185,4.973172039,4.973171994,4.973172133,4.973172233,4.973172187,4.97317224,4.973171944,4.973172077,4.973172092,4.973171894,4.973172263,4.973172025,4.973171918,4.973172118,4.973172058,4.973172023,4.973172066,4.973172014,4.9731721,4.973172078,4.973171939
+"10473","NHLH2",3.175284183,3.175284247,3.175283885,3.17528444,3.175284447,3.175284023,3.175284443,3.175284201,3.175283907,3.175284035,3.175283906,3.175285062,3.175284083,3.175284073,3.175284268,3.17528436,3.175284904,3.175283926,3.17528422,3.175283924,3.175284139,3.175283901,3.175284288,3.175284114,3.175283989,3.175284186,3.17528389,3.175284835
+"10474","NHLRC1",4.987698927,4.987698933,4.987698947,4.987698907,4.987698965,4.987698924,4.987698939,4.987698956,4.987698974,4.98769891,4.987699005,4.987699014,4.987698933,4.987698903,4.987698942,4.98769897,4.98769903,4.987698983,4.987698988,4.987698933,4.987698893,4.987698985,4.987698915,4.987698887,4.987698965,4.987698959,4.987698892,4.987699002
+"10475","NHLRC2",6.231736302,6.231735463,6.231735441,6.231735228,6.231735392,6.231734848,6.231735563,6.231735049,6.231735346,6.231735429,6.231734992,6.231734752,6.231735612,6.231736732,6.231735497,6.231734873,6.231734998,6.231734604,6.231735875,6.231734796,6.231735567,6.23173516,6.231735633,6.231735636,6.231735251,6.231735359,6.231735868,6.231735691
+"10476","NHLRC3",6.433464686,6.433464583,6.43346363,6.433463766,6.433463708,6.433464147,6.433464269,6.433464009,6.433463957,6.433464196,6.433463239,6.433463529,6.433464264,6.433465064,6.433464271,6.433464051,6.433463092,6.433463217,6.43346414,6.433464503,6.433463939,6.433463998,6.433464266,6.43346428,6.433463168,6.433464106,6.433464176,6.433464489
+"10477","NHLRC4",6.125088944,6.125088944,6.125089047,6.125088983,6.125089061,6.125088849,6.125088927,6.1250891,6.125089021,6.125088972,6.125089038,6.125089047,6.125088976,6.125088895,6.125088993,6.125089041,6.125089046,6.125089049,6.12508898,6.12508889,6.125088923,6.125089037,6.125088993,6.125089021,6.125089064,6.125089006,6.125088938,6.125088961
+"10478","NHP2",6.100223268,6.100223285,6.100223162,6.1002229335,6.1002233465,6.1002233545,6.1002235835,6.100223044,6.1002237455,6.1002235995,6.100223395,6.100223624,6.100223628,6.100223435,6.1002232975,6.1002231075,6.100223291,6.1002231295,6.10022334,6.100223776,6.100223431,6.100223349,6.1002234595,6.100223204,6.1002232235,6.1002233935,6.100223579,6.100223756
+"10479","NHS",5.631851201,5.631851283,5.631851177,5.631851355,5.63185135,5.631851118,5.631851234,5.631851293,5.631851066,5.631851171,5.631851158,5.631851363,5.631851084,5.631851095,5.63185134,5.631851365,5.63185131,5.63185141,5.631851159,5.631851203,5.631851272,5.631851286,5.631851051,5.631851198,5.631851305,5.631851323,5.631851152,5.631851208
+"10480","NHSL1",4.308564016,4.308564134,4.30856412,4.308563968,4.308564168,4.308564261,4.308564052,4.308564098,4.308564088,4.308564251,4.308564146,4.308563992,4.308564034,4.308564027,4.308564258,4.308564063,4.308564198,4.308564231,4.308564105,4.308564052,4.308564128,4.308564132,4.308564003,4.308564035,4.308564089,4.308563996,4.308564246,4.308564053
+"10481","NHSL2",7.583571766,7.583572234,7.583571627,7.583572417,7.583571725,7.583572423,7.583571883,7.583571812,7.583571465,7.583571533,7.583572155,7.583571225,7.583571781,7.583571427,7.583571802,7.583572113,7.58357172,7.583572672,7.583572253,7.583572296,7.58357176,7.583571785,7.583571797,7.583572006,7.58357269,7.583571715,7.583572095,7.583571127
+"10482","NIBAN1",9.417046365,9.65258731,9.210037159,9.928196678,9.213210494,9.46759667,9.551735296,9.346125635,9.28419049,9.41595378,9.603596728,8.798727864,9.419343526,9.310750233,9.327281027,9.476950799,9.195437193,9.700247366,9.380727224,9.49443662,9.418299794,9.325038676,9.541366984,9.652812161,9.585037889,8.971920829,9.398010374,9.124932609
+"10483","NIBAN2",6.431252404,6.4312524,6.431252409,6.431252404,6.431252423,6.431252417,6.431252402,6.431252407,6.431252402,6.431252422,6.43125241,6.431252403,6.431252407,6.431252392,6.431252403,6.4312524,6.431252415,6.431252405,6.43125241,6.431252411,6.431252409,6.431252418,6.4312524,6.431252404,6.431252397,6.431252409,6.431252405,6.431252411
+"10484","NIBAN3",6.995264366,6.995262725,6.995262849,6.995262999,6.995263571,6.995263118,6.995263095,6.995261716,6.995262442,6.995263374,6.995261786,6.995263324,6.995262802,6.995264048,6.995263891,6.995262574,6.995262733,6.99526316,6.995263294,6.995262999,6.995262813,6.995262413,6.995262201,6.995263159,6.99526148,6.995263868,6.995262945,6.99526416
+"10485","NID1",4.881892894,4.881892776,4.881892627,4.881892722,4.881893053,4.881892923,4.881892777,4.881893031,4.88189275,4.88189297,4.881892995,4.881893001,4.881892813,4.881892644,4.881892723,4.881892575,4.881892637,4.881892604,4.881892663,4.881892749,4.881892528,4.881892686,4.881892499,4.881892743,4.881892819,4.881892962,4.881892607,4.88189249
+"10486","NID2",4.328232877,4.32823285,4.328232876,4.328232928,4.328232967,4.328232893,4.328232908,4.328232882,4.328232829,4.328232925,4.328232947,4.328232914,4.328232863,4.328232816,4.328232965,4.328232891,4.328233011,4.328232997,4.328232912,4.328232865,4.328232907,4.32823298,4.328232854,4.328232867,4.32823295,4.328232918,4.328232861,4.328232865
+"10487","NIF3L1",5.069516827,5.069516791,5.069516812,5.069516743,5.0695168,5.069516793,5.069516814,5.069516777,5.069516814,5.069516816,5.069516778,5.069516775,5.069516806,5.06951687,5.069516824,5.069516813,5.069516759,5.069516759,5.069516806,5.069516823,5.069516783,5.069516798,5.069516818,5.069516789,5.069516776,5.069516798,5.069516822,5.069516821
+"10488","NIFK",7.215242094,7.215241942,7.215241643,7.215241441,7.215241709,7.215241609,7.215241799,7.215241436,7.215242498,7.215242066,7.215241731,7.215241714,7.215242028,7.215242926,7.215241954,7.215241427,7.215241306,7.215241294,7.215241813,7.215241338,7.215241648,7.215241827,7.215242322,7.215241433,7.215241532,7.215241617,7.215242004,7.215242228
+"10489","NIM1K",4.355034335,4.355034405,4.355034422,4.355034548,4.355034601,4.355034492,4.355034551,4.355034657,4.35503451,4.355034545,4.355034513,4.355034564,4.355034514,4.355034468,4.355034562,4.355034445,4.355034779,4.355034664,4.355034589,4.355034571,4.355034552,4.355034572,4.355034529,4.355034539,4.355034627,4.355034484,4.355034533,4.355034655
+"10490","NIN",7.846112575,7.846113152,7.846112232,7.846113461,7.846112557,7.846112255,7.846112898,7.846111675,7.846112272,7.846112418,7.846112823,7.84611138,7.846112362,7.846113622,7.846112868,7.846112689,7.846112048,7.846112876,7.846113126,7.846111979,7.846113004,7.846111794,7.846112742,7.846112893,7.846112878,7.846112267,7.846112191,7.846112863
+"10491","NINJ1",8.805587894,8.805588593,8.805588486,8.805588876,8.805587938,8.805588605,8.805587879,8.805588198,8.805587693,8.805587924,8.80558824,8.805587498,8.805588239,8.805587837,8.80558797,8.805588415,8.805588392,8.805588709,8.805588348,8.805588598,8.805587895,8.805588124,8.805587838,8.805588289,8.805588603,8.805587796,8.805588101,8.805587699
+"10492","NINJ2",7.218130018,7.21813035,7.218130874,7.218130202,7.218129924,7.218131177,7.218130722,7.218130902,7.218129955,7.218130193,7.218129862,7.218132322,7.218129519,7.218128542,7.218130359,7.218130302,7.218130837,7.218130334,7.218129717,7.218130796,7.218130143,7.21813061,7.218129998,7.218130376,7.21812934,7.21813205,7.218129437,7.218129788
+"10493","NINJ2-AS1",6.02760793,6.027608151,6.027608106,6.027607994,6.027608067,6.027608129,6.027608145,6.027608155,6.027607966,6.027607855,6.027608132,6.027608004,6.027608333,6.027607805,6.027607913,6.027608047,6.027607928,6.02760808,6.027608245,6.027608299,6.027608234,6.027608151,6.027608105,6.027608148,6.027608093,6.027608144,6.027608421,6.027608026
+"10494","NINL",5.703536186,5.703536177,5.70353618,5.703536185,5.703536212,5.703536163,5.703536203,5.703536189,5.7035362,5.703536187,5.703536213,5.7035362,5.703536209,5.703536172,5.703536214,5.703536211,5.703536216,5.703536199,5.703536192,5.703536185,5.703536229,5.703536217,5.703536185,5.703536163,5.703536192,5.703536219,5.703536185,5.703536187
+"10495","NIP7",6.79626253,6.796262225,6.796261879,6.796262257,6.796262093,6.796262269,6.796262443,6.796262235,6.796262504,6.796262301,6.796261827,6.796262117,6.796262272,6.796262724,6.796262336,6.79626224,6.796262093,6.796261904,6.796262251,6.796262112,6.796262359,6.796261984,6.796262617,6.796262423,6.796261824,6.796262107,6.796262156,6.796262615
+"10496","NIPA1",5.777969145,5.777969128,5.777969036,5.777969058,5.777969032,5.777968995,5.777969138,5.77796912,5.777969063,5.777969237,5.777969028,5.777969132,5.777969101,5.777969132,5.777969078,5.777968996,5.777969077,5.77796902,5.777969126,5.777968967,5.777969064,5.777969053,5.777969186,5.777969248,5.777969045,5.777969084,5.777969079,5.777969166
+"10497","NIPA2",7.461657748,7.46165767,7.461657284,7.461657068,7.461657201,7.461657239,7.461657399,7.461656879,7.461657068,7.461657935,7.461656608,7.461656765,7.46165733,7.461658106,7.461657388,7.461657369,7.461656913,7.461657008,7.461657633,7.461656968,7.461657438,7.461657091,7.461657307,7.461658247,7.46165664,7.461657036,7.461657319,7.461657606
+"10498","NIPAL1",4.616801659,4.616801608,4.6168017,4.616801646,4.616801756,4.616801685,4.616801632,4.616801654,4.616801673,4.61680174,4.616801693,4.616801697,4.616801687,4.616801596,4.616801738,4.616801705,4.616801716,4.616801677,4.61680167,4.616801671,4.616801719,4.616801748,4.61680166,4.616801626,4.61680165,4.616801705,4.616801621,4.616801686
+"10499","NIPAL2",5.440467495,5.440467276,5.440466965,5.44046721,5.440467283,5.44046715,5.440467328,5.440467202,5.440467162,5.440467321,5.440467239,5.440467165,5.440467305,5.4404675,5.440467376,5.440467238,5.440466942,5.440467115,5.440467348,5.440467196,5.440467238,5.440467191,5.440467124,5.440467336,5.44046727,5.440467264,5.440467292,5.440467285
+"10500","NIPAL3",6.906797993,6.906797788,6.906796646,6.906796466,6.906796677,6.906797983,6.906796877,6.906797434,6.90679914,6.906798096,6.906795852,6.906797347,6.90679772,6.906799126,6.906797217,6.90679718,6.906795445,6.906796529,6.906797125,6.906796604,6.906796736,6.906797198,6.906798691,6.906797644,6.906795892,6.90679804,6.906797964,6.906798184
+"10501","NIPAL4",5.082587682,5.082587523,5.082587685,5.082587686,5.082587866,5.082587458,5.082587523,5.082587793,5.082587578,5.082587678,5.082587806,5.082587845,5.082587633,5.082587343,5.082587889,5.082587922,5.082587662,5.082587892,5.082587662,5.08258771,5.082587786,5.082587875,5.082587607,5.082587632,5.08258758,5.082587784,5.082587566,5.082587696
+"10502","NIPBL",7.678437634,7.678437265,7.678436908,7.678437706,7.67843664,7.67843684,7.678437229,7.678436669,7.678436796,7.678436853,7.678436956,7.678435981,7.678437154,7.678438086,7.678437468,7.678437169,7.678436716,7.678437036,7.6784376,7.67843681,7.678437289,7.678436849,7.678437496,7.678437216,7.678437222,7.678436746,7.678437255,7.67843748
+"10503","NIPSNAP1",6.312147602,6.312147619,6.312147592,6.312147574,6.312147588,6.312147557,6.312147587,6.312147617,6.312147616,6.312147596,6.312147568,6.312147602,6.312147612,6.312147629,6.312147584,6.312147607,6.31214757,6.312147589,6.312147608,6.312147565,6.312147563,6.312147598,6.312147625,6.31214761,6.312147589,6.312147584,6.312147591,6.312147626
+"10504","NIPSNAP2",6.35031737,6.350317344,6.350317361,6.350317362,6.350317348,6.350317342,6.350317368,6.350317319,6.350317359,6.350317355,6.350317354,6.350317308,6.35031738,6.350317458,6.350317369,6.350317349,6.350317352,6.350317344,6.350317345,6.35031729,6.350317348,6.350317362,6.350317373,6.350317395,6.350317368,6.350317351,6.350317359,6.350317415
+"10505","NIPSNAP3A",4.853239922,4.853239865,4.853239879,4.853239823,4.853239832,4.853239843,4.853239875,4.85323983,4.853239833,4.853239906,4.853239909,4.853239772,4.853239895,4.853240091,4.853239844,4.853239871,4.853239881,4.853239748,4.853239854,4.853239946,4.853239855,4.853239831,4.853239937,4.853239909,4.853239829,4.853239836,4.853239845,4.853239995
+"10506","NIPSNAP3B",3.753964862,3.753964868,3.753964853,3.753964859,3.753964835,3.753964832,3.753964804,3.753964812,3.753964821,3.753964869,3.753964819,3.753964861,3.753964813,3.753964867,3.753964868,3.753964867,3.753964851,3.753964889,3.753964906,3.753964863,3.753964788,3.753964807,3.753964857,3.753964822,3.753964824,3.753964815,3.753964864,3.753964898
+"10507","NISCH",7.56942577,7.569425793,7.569425749,7.569425753,7.569425775,7.569425741,7.56942579,7.569425768,7.569425809,7.569425828,7.569425758,7.569425744,7.569425812,7.569425796,7.569425771,7.569425765,7.569425731,7.569425691,7.569425772,7.569425682,7.569425756,7.569425775,7.569425741,7.56942576,7.569425733,7.569425778,7.569425799,7.569425754
+"10508","NIT1",6.599581588,6.599581652,6.599581566,6.599581689,6.599581338,6.599581842,6.599581591,6.599581459,6.599581616,6.599581551,6.599581608,6.599581534,6.599581608,6.599581543,6.599581577,6.5995815,6.599581502,6.599581559,6.599581627,6.599581711,6.599581522,6.599581591,6.599581623,6.599581679,6.599581626,6.599581557,6.599581674,6.599581558
+"10509","NIT2",5.695792193,5.69579216,5.695792159,5.695792135,5.695792149,5.695792142,5.695792151,5.695792159,5.695792167,5.695792175,5.695792153,5.695792157,5.695792159,5.695792183,5.69579216,5.69579214,5.695792114,5.695792125,5.695792146,5.695792152,5.695792155,5.69579216,5.695792165,5.695792155,5.695792151,5.695792181,5.695792166,5.695792169
+"10510","NKAIN1",5.377798827,5.377798859,5.377798897,5.377798835,5.377798984,5.3777989,5.377798955,5.377798935,5.377798896,5.377798919,5.377798957,5.377798994,5.377798879,5.377798766,5.37779897,5.377798857,5.377798993,5.377798905,5.377798865,5.377798932,5.377798972,5.377798977,5.377798875,5.37779883,5.377798912,5.377798937,5.37779886,5.377798865
+"10511","NKAIN2",3.488677745,3.488677711,3.48867773,3.488677714,3.488677765,3.488677725,3.48867778,3.488677705,3.488677706,3.488677715,3.488677716,3.48867783,3.488677748,3.488677704,3.488677697,3.488677717,3.488677767,3.488677762,3.488677765,3.488677716,3.488677728,3.488677728,3.488677715,3.488677743,3.488677677,3.488677694,3.488677751,3.488677687
+"10512","NKAIN3",3.789702194,3.789702228,3.789702283,3.78970222,3.7897023405,3.789702164,3.7897023025,3.7897022315,3.789702246,3.7897022185,3.7897022575,3.7897022775,3.789702243,3.7897021885,3.7897023235,3.789702328,3.789702364,3.789702354,3.789702308,3.7897023125,3.7897023125,3.7897023375,3.7897022325,3.789702214,3.7897022665,3.789702305,3.7897021945,3.7897022175
+"10513","NKAIN4",5.309047615,5.309047757,5.309047881,5.309047849,5.309048269,5.309047683,5.309047999,5.3090481,5.309047609,5.309047436,5.309047983,5.309048091,5.309047849,5.309047367,5.309047999,5.309047824,5.30904822,5.309048057,5.309047918,5.309047487,5.309047971,5.309047938,5.309047656,5.309047451,5.309047822,5.309047956,5.30904757,5.309047928
+"10514","NKAP",5.447699328,5.44769933,5.447699329,5.447699317,5.447699311,5.447699321,5.44769931,5.447699315,5.447699342,5.447699355,5.447699347,5.447699292,5.447699329,5.44769938,5.447699327,5.447699327,5.447699329,5.447699309,5.447699347,5.447699289,5.447699318,5.447699339,5.447699327,5.447699321,5.447699316,5.447699317,5.447699334,5.447699354
+"10515","NKAPD1",4.880448021,4.880448016,4.880448071,4.880447504,4.880447851,4.880447729,4.880448056,4.88044784,4.880448229,4.880447873,4.880447298,4.880447792,4.880448057,4.880448943,4.8804479,4.88044784,4.880448213,4.880447678,4.880447966,4.880447492,4.880447869,4.880448141,4.880448003,4.88044807,4.880447796,4.880447641,4.880447812,4.88044864
+"10516","NKAPL",3.84322095,3.84322108,3.843221058,3.843221031,3.843221042,3.84322105,3.843221,3.843221005,3.843221072,3.843220982,3.843221117,3.843220985,3.843220958,3.843221003,3.843221019,3.843221132,3.843221116,3.843221079,3.843221032,3.843221021,3.84322096,3.843221104,3.843221016,3.843221039,3.843221103,3.843221002,3.843220941,3.843220979
+"10517","NKAPP1",5.735157464,5.735157475,5.735157309,5.735157388,5.735157271,5.735157571,5.735157338,5.735157243,5.73515751,5.735157433,5.735157368,5.735157511,5.735157436,5.735157531,5.735157448,5.735157325,5.735157181,5.735157316,5.7351574,5.73515738,5.735157386,5.735157305,5.735157389,5.735157415,5.735157314,5.735157503,5.735157539,5.735157333
+"10518","NKD1",6.203972577,6.203972686,6.20397288,6.20397276,6.20397287,6.203972638,6.203972682,6.203972847,6.203972765,6.2039728,6.203972907,6.203972801,6.203972762,6.203972535,6.203972833,6.203972722,6.203972875,6.203972882,6.203972692,6.203972676,6.203972757,6.203972828,6.203972744,6.203972695,6.203972825,6.20397284,6.203972759,6.203972754
+"10519","NKD2",5.747958896,5.747958966,5.747958984,5.74795897,5.747959132,5.747958934,5.747959028,5.747958941,5.747958963,5.747958985,5.747959011,5.747959058,5.747958985,5.747958855,5.747959076,5.747959018,5.747959134,5.747959062,5.747958963,5.747959031,5.747959112,5.747959094,5.74795892,5.747958945,5.747959049,5.747959108,5.747958958,5.747958992
+"10520","NKG7",10.85194158,10.13036564,10.07153368,9.131939976,9.618707703,10.31428997,10.45569183,10.60987659,10.07812703,10.06473276,9.920995525,9.575568093,10.26394664,10.05772978,10.64255581,10.0682003,9.833218183,9.40041778,9.572639719,10.00270083,10.33451687,10.48026534,10.47502048,10.3655254,9.810826154,10.11471745,10.1779413,9.969533186
+"10521","NKIRAS1",4.265795471,4.265795482,4.26579544,4.265795433,4.265795469,4.265795449,4.265795474,4.265795441,4.265795489,4.26579538,4.265795489,4.265795398,4.265795449,4.26579551,4.265795524,4.265795472,4.265795434,4.265795425,4.265795444,4.265795565,4.265795425,4.265795496,4.265795533,4.2657955,4.265795486,4.265795426,4.265795451,4.265795544
+"10522","NKIRAS2",6.912080145,6.912080218,6.912080221,6.912080161,6.912080179,6.912080273,6.912080162,6.912080234,6.912080175,6.912080185,6.912080153,6.912080159,6.912080153,6.912080162,6.912080141,6.912080232,6.912080185,6.912080148,6.912080187,6.912080266,6.912080136,6.912080225,6.912080153,6.912080198,6.912080173,6.912080177,6.912080162,6.912080142
+"10523","NKPD1",5.90483306,5.904833299,5.904833475,5.904833185,5.904833665,5.90483328,5.904833403,5.904833575,5.904833514,5.904833402,5.90483349,5.904833409,5.904833244,5.904832758,5.904833446,5.904833437,5.904833671,5.904833541,5.904833225,5.904833333,5.904833587,5.904833715,5.904832911,5.904833213,5.904833393,5.904833186,5.904833147,5.904833155
+"10524","NKRF",4.711553849,4.711553764,4.711553456,4.711553472,4.711553649,4.711553505,4.711553699,4.7115534,4.711553864,4.711553761,4.711553627,4.711553492,4.711553758,4.711553946,4.711553654,4.711553517,4.711553308,4.711553522,4.711553703,4.711553369,4.71155357,4.71155358,4.711553773,4.711553584,4.711553345,4.711553614,4.711553732,4.71155378
+"10525","NKTR",7.647090213,7.647089902,7.647089802,7.64708972,7.647089705,7.647089773,7.64708997,7.647089779,7.647089915,7.647089827,7.647089665,7.647089808,7.647090018,7.647090295,7.647089877,7.647089966,7.6470895,7.647089619,7.647089922,7.647089843,7.647089911,7.647089819,7.647089912,7.647089927,7.647089806,7.647089936,7.647090084,7.647089995
+"10526","NKX1-2",6.268870009,6.26887029,6.26887043,6.268870175,6.268871845,6.268870365,6.26887075,6.268870934,6.268870183,6.268870271,6.268870658,6.268871078,6.268870475,6.268869394,6.268871351,6.268870533,6.268871542,6.268870989,6.268870776,6.268870727,6.268871637,6.268871426,6.268869709,6.268870057,6.268870642,6.268871159,6.268870018,6.268870494
+"10527","NKX2-1-AS1",5.748237152,5.748237188,5.748237239,5.74823719,5.748237311,5.748237224,5.748237249,5.748237245,5.748237262,5.748237291,5.748237253,5.748237379,5.74823723,5.748237139,5.748237316,5.74823724,5.748237415,5.748237242,5.748237206,5.748237232,5.748237256,5.748237274,5.748237243,5.748237235,5.748237185,5.748237211,5.748237202,5.748237198
+"10528","NKX2-2",4.308753401,4.308753374,4.308753361,4.308753526,4.308753689,4.308753369,4.308753589,4.308753618,4.308753136,4.308753606,4.308753412,4.308753804,4.308753335,4.308753223,4.308753748,4.308753518,4.308753697,4.308753536,4.308753463,4.308753385,4.308753608,4.308753547,4.308753114,4.308753445,4.308753701,4.308753738,4.308753386,4.308753557
+"10529","NKX2-3",5.475220224,5.475220252,5.475220267,5.475220256,5.475220323,5.475220251,5.475220266,5.475220291,5.47522025,5.475220272,5.475220273,5.47522029,5.475220269,5.475220223,5.475220287,5.475220238,5.475220298,5.475220288,5.475220261,5.475220256,5.475220263,5.475220283,5.475220259,5.475220229,5.475220267,5.475220274,5.475220245,5.475220234
+"10530","NKX2-4",7.716176656,7.716176522,7.716177631,7.716176831,7.71617948,7.716177363,7.716178389,7.716178258,7.716177248,7.716177534,7.716178036,7.716178962,7.716176825,7.716175291,7.716178482,7.716176985,7.716178919,7.71617791,7.716178093,7.716176802,7.716178276,7.716178416,7.716176617,7.716176222,7.716177842,7.716177882,7.716176896,7.716177706
+"10531","NKX2-5",6.953854864,6.953854512,6.953855014,6.953854993,6.953855486,6.953855018,6.953855022,6.95385528,6.953854822,6.953854946,6.95385536,6.953855314,6.953855077,6.953854342,6.95385525,6.953855061,6.953855414,6.953855325,6.95385519,6.953854906,6.953855186,6.953855441,6.953854661,6.953854386,6.953855035,6.953855124,6.953854964,6.953854673
+"10532","NKX2-6",5.484881978,5.484881955,5.484882014,5.484881911,5.48488212,5.48488196,5.484882046,5.484881996,5.484881924,5.484881989,5.48488206,5.484882004,5.48488196,5.484881757,5.484882096,5.484882029,5.484882064,5.484882031,5.484882079,5.48488202,5.484882043,5.484882049,5.48488198,5.484881909,5.484881971,5.484882054,5.484881937,5.484881982
+"10533","NKX2-8",5.856195324,5.856195446,5.856195457,5.856195429,5.856195607,5.856195429,5.856195566,5.856195571,5.856195431,5.856195302,5.856195492,5.856195617,5.856195323,5.856195242,5.856195667,5.8561955,5.856195663,5.85619553,5.856195503,5.85619545,5.85619558,5.856195584,5.856195164,5.856195301,5.85619563,5.856195387,5.856195534,5.85619541
+"10534","NKX3-1",6.094267444,6.094268349,6.094266861,6.094266823,6.094267813,6.0942673,6.094267272,6.094267419,6.094267271,6.094267282,6.094268156,6.094266928,6.094268467,6.094266605,6.094268012,6.094268042,6.094267005,6.094267454,6.094267591,6.094267917,6.094267774,6.094267014,6.094266896,6.094267352,6.094268677,6.094267239,6.09426848,6.094266789
+"10535","NKX3-2",5.478659953,5.478659948,5.478660036,5.478659968,5.478660187,5.478659975,5.478660055,5.478660053,5.478659998,5.478659981,5.478659958,5.478660102,5.478660005,5.478659898,5.478660118,5.478659993,5.478660101,5.478660089,5.47865998,5.478659959,5.478660053,5.478660095,5.478659931,5.47865997,5.478660039,5.478660052,5.478659916,5.478660045
+"10536","NKX6-1",5.907269812,5.907269632,5.907270792,5.907269758,5.907271268,5.907270407,5.907271019,5.907270985,5.907270261,5.907270818,5.907270571,5.907271471,5.907270192,5.907269448,5.90727095,5.907270265,5.907271631,5.907270396,5.907270307,5.90727062,5.907270988,5.907271117,5.907270052,5.907269747,5.907270248,5.907270948,5.907270122,5.907270519
+"10537","NKX6-2",6.054386704,6.054386664,6.054386724,6.054386693,6.054386816,6.054386731,6.054386763,6.054386749,6.054386727,6.054386753,6.054386781,6.054386775,6.054386745,6.054386667,6.0543868,6.054386683,6.054386776,6.054386765,6.054386756,6.054386725,6.054386742,6.054386756,6.054386703,6.054386684,6.054386716,6.054386762,6.054386724,6.054386706
+"10538","NKX6-3",7.159275535,7.159275764,7.159275979,7.159275693,7.159276083,7.159275257,7.159275532,7.159276023,7.15927588,7.159275875,7.159276008,7.159275996,7.159275784,7.159275506,7.159276,7.159276093,7.15927592,7.159276018,7.159275623,7.159275651,7.159275907,7.159276015,7.159275672,7.159275925,7.15927612,7.159275816,7.159275634,7.159275811
+"10539","NLE1",6.155554983,6.155554919,6.155555068,6.155555019,6.155555104,6.155555073,6.155555065,6.155555058,6.1555551,6.155555072,6.155555038,6.155555074,6.15555511,6.155554989,6.155555053,6.155554956,6.155555051,6.155555038,6.155555038,6.15555508,6.155555069,6.155555033,6.155555022,6.155555016,6.155554983,6.15555511,6.155555082,6.155555042
+"10540","NLGN1",2.806816119,2.806815993,2.806816359,2.806816443,2.806816342,2.806816181,2.806816376,2.806815996,2.806816241,2.806816162,2.806816252,2.806816254,2.806816184,2.806816128,2.806816318,2.80681636,2.806816552,2.806816342,2.80681611,2.806816384,2.806816165,2.806816362,2.806816411,2.806816376,2.806816259,2.806816004,2.806816327,2.806816213
+"10541","NLGN2",6.22046483,6.220464953,6.22046508,6.220464979,6.220465203,6.220464697,6.22046501,6.220465104,6.220465018,6.220465042,6.220465061,6.220465111,6.220465009,6.220464795,6.220465084,6.220465102,6.22046516,6.220465095,6.220464982,6.220464854,6.220465027,6.220465067,6.220464958,6.220464981,6.220465051,6.220465006,6.220464966,6.220465055
+"10542","NLGN3",6.078888221,6.078888187,6.078888394,6.078888464,6.078888559,6.078888297,6.078888497,6.078888492,6.078888313,6.078888346,6.078888484,6.078888678,6.078888292,6.078887983,6.078888495,6.078888363,6.078888603,6.07888851,6.078888304,6.078888539,6.078888524,6.078888503,6.078888439,6.078888202,6.078888327,6.078888433,6.078888308,6.078888421
+"10543","NLGN4X",4.167286156,4.167286233,4.16728633,4.167286236,4.167286328,4.167286552,4.167286343,4.167286289,4.167286225,4.167286156,4.167286434,4.167286302,4.167286295,4.167286091,4.167286261,4.167286248,4.167286314,4.16728628,4.167286334,4.167286277,4.167286177,4.167286316,4.167286311,4.167286399,4.167286393,4.167286305,4.167286312,4.167286316
+"10544","NLGN4Y",4.122383107,4.12238302,4.122383346,4.122383153,4.122383352,4.122383169,4.122383175,4.122383531,4.122383286,4.122383126,4.122383131,4.122383666,4.122383005,4.122382806,4.122383249,4.12238295,4.122383185,4.122383148,4.122383127,4.122383571,4.122383099,4.122383321,4.122382998,4.122382894,4.122383201,4.122383681,4.122383198,4.122382933
+"10545","NLK",6.363252338,6.363252265,6.363252286,6.363252347,6.363252289,6.363252315,6.363252305,6.363252265,6.363252268,6.363252316,6.363252294,6.363252265,6.363252306,6.363252317,6.363252283,6.363252232,6.363252262,6.363252259,6.363252311,6.363252287,6.363252286,6.363252281,6.363252306,6.363252318,6.36325231,6.363252277,6.363252313,6.363252297
+"10546","NLN",4.664984117,4.664984262,4.664984274,4.664983792,4.664984192,4.664984392,4.664984059,4.664984311,4.664983849,4.66498417,4.664984289,4.66498406,4.664984321,4.664984299,4.664984058,4.664983883,4.664984183,4.66498386,4.664984005,4.664984432,4.664984153,4.664984308,4.664983973,4.664984294,4.66498397,4.664984014,4.664984231,4.664984032
+"10547","NLRC3",6.769785498,6.76978526,6.769785079,6.769785022,6.769784907,6.769785314,6.769785181,6.769785588,6.769785651,6.769785258,6.7697851,6.769785094,6.769785535,6.769785437,6.769785404,6.769784946,6.769784809,6.769785003,6.769784913,6.769784871,6.769784998,6.769785447,6.769785638,6.769785177,6.769784876,6.769785478,6.769785708,6.769785293
+"10548","NLRC4",6.911190807,6.911189895,6.911190043,6.911192419,6.91119058,6.911191631,6.911191196,6.911188072,6.911189657,6.911191265,6.911191049,6.911187731,6.911190405,6.911190466,6.911189941,6.911189873,6.911189756,6.911190581,6.91119059,6.911190985,6.911191015,6.9111878,6.91119068,6.911192476,6.911190169,6.911187899,6.911189756,6.911188591
+"10549","NLRC5",8.36232229,8.362319154,8.362321778,8.36232251,8.362320145,8.362337712,8.362324498,8.362325738,8.36232408,8.362320373,8.362315805,8.362322631,8.362326482,8.362319729,8.362320329,8.362317628,8.362319946,8.362320913,8.362322755,8.362333351,8.362323391,8.362329099,8.362323666,8.362319597,8.362317809,8.362323341,8.362327738,8.362317392
+"10550","NLRP10",4.14781324,4.147813263,4.147813255,4.147813281,4.147813295,4.147813268,4.147813274,4.147813273,4.147813275,4.14781327,4.147813267,4.147813256,4.147813257,4.147813264,4.147813284,4.14781329,4.147813231,4.147813273,4.147813256,4.147813289,4.147813274,4.147813285,4.147813264,4.147813249,4.147813282,4.147813272,4.14781326,4.147813273
+"10551","NLRP11",2.946719285,2.946719351,2.946719312,2.946719435,2.946719306,2.946719371,2.946719319,2.946719374,2.946719366,2.946719271,2.946719323,2.946719413,2.946719327,2.946719401,2.946719346,2.946719339,2.946719394,2.946719342,2.94671939,2.94671929,2.946719322,2.946719382,2.94671937,2.946719246,2.946719309,2.946719269,2.946719303,2.946719331
+"10552","NLRP12",8.004471878,8.14557784,7.98608344,8.158762541,7.978976705,7.937756727,8.025501303,8.009393017,7.955222607,7.92601311,8.042715539,7.931649536,7.999280878,7.906681741,8.034173984,8.179856554,8.040849702,8.105574507,8.119768913,7.975775621,8.011161505,8.032216515,8.017813042,8.049330388,8.104191226,7.983953314,8.00695676,7.928559414
+"10553","NLRP13",3.490759899,3.490759886,3.490759914,3.490759918,3.490759965,3.490759927,3.490759988,3.490759948,3.490759921,3.490759918,3.490759947,3.490759974,3.490759903,3.490759935,3.490759974,3.490759918,3.490759981,3.490759945,3.490759951,3.490759938,3.490759954,3.490759938,3.490759919,3.490759899,3.490759928,3.490759958,3.490759939,3.490759949
+"10554","NLRP14",2.881689043,2.881689169,2.881689057,2.881689206,2.881689105,2.881689124,2.881689103,2.881689138,2.881689067,2.881689005,2.881689232,2.881689207,2.881689098,2.881689008,2.881689067,2.881689106,2.88168924,2.881689169,2.881689082,2.881689046,2.881689177,2.881689108,2.881689021,2.881689047,2.881689066,2.881689037,2.881689023,2.881689063
+"10555","NLRP2",4.601815204,4.601814013,4.601813148,4.601813399,4.601814128,4.601815268,4.601815134,4.601813943,4.601813751,4.601814108,4.601815057,4.601815194,4.601815072,4.601815709,4.601814926,4.601813735,4.601813333,4.601813788,4.60181406,4.601815529,4.601815158,4.601814354,4.60181386,4.601814516,4.601815124,4.601815592,4.601815052,4.601814899
+"10556","NLRP3",6.668535611,6.668535821,6.668535495,6.668535488,6.668535503,6.668535723,6.668535012,6.668535077,6.668534861,6.668535555,6.668535801,6.668534475,6.668535576,6.668535855,6.668535226,6.668535553,6.668535394,6.66853528,6.668535479,6.668535566,6.668534905,6.668535375,6.668535384,6.668535349,6.668535488,6.6685348,6.668535365,6.668535555
+"10557","NLRP4",3.471431715,3.471431699,3.4714317,3.471431734,3.471431718,3.471431726,3.471431722,3.471431707,3.471431671,3.471431725,3.471431756,3.471431748,3.471431693,3.4714317,3.471431702,3.471431731,3.471431715,3.471431714,3.471431714,3.471431704,3.471431705,3.471431715,3.471431723,3.471431686,3.471431727,3.471431706,3.471431736,3.471431716
+"10558","NLRP5",4.188027585,4.188027502,4.188027662,4.188027576,4.188027737,4.188027539,4.188027756,4.188027724,4.18802756,4.188027642,4.188027498,4.188027602,4.18802756,4.188027383,4.18802767,4.188027776,4.188027771,4.188027767,4.188027779,4.18802754,4.188027838,4.188027649,4.188027448,4.188027458,4.188027612,4.188027626,4.188027315,4.188027647
+"10559","NLRP6",7.061917729,7.06191819,7.061917761,7.06191833,7.061917414,7.061917502,7.06191755,7.061917514,7.061917592,7.061917125,7.061918105,7.061917265,7.061917626,7.061917195,7.061917435,7.061918127,7.061917701,7.061918277,7.061917723,7.061917705,7.061917338,7.06191776,7.061917745,7.061917514,7.061918203,7.061917495,7.061917653,7.061917126
+"10560","NLRP7",3.86989438,3.869894317,3.869894367,3.869894389,3.869894322,3.869894445,3.869894462,3.869894194,3.869894153,3.869894102,3.86989432,3.869894249,3.869894293,3.869894144,3.869894287,3.869894181,3.869894312,3.869894215,3.869894277,3.869894313,3.869894403,3.869894324,3.869894111,3.869894292,3.869894375,3.869894302,3.869894325,3.869894264
+"10561","NLRP8",4.066642621,4.066642686,4.066642708,4.066642667,4.06664269,4.066642631,4.066642681,4.066642693,4.066642647,4.066642641,4.066642672,4.066642717,4.066642663,4.066642629,4.066642701,4.066642747,4.066642688,4.066642712,4.066642689,4.06664268,4.066642708,4.066642681,4.066642649,4.066642631,4.066642689,4.066642688,4.066642639,4.066642707
+"10562","NLRP9",3.8156088,3.815608801,3.815608786,3.815608714,3.815608857,3.815608728,3.815608818,3.815608911,3.815608819,3.815608778,3.815608851,3.815608805,3.815608783,3.815608816,3.815608874,3.81560886,3.815608803,3.815608769,3.815608837,3.815608805,3.815608825,3.815608829,3.815608833,3.815608752,3.815608765,3.815608922,3.815608836,3.81560885
+"10563","NLRX1",6.764562496,6.764562948,6.764562717,6.764562867,6.764562576,6.764562652,6.76456264,6.764562683,6.76456277,6.764562773,6.764562732,6.764562646,6.76456262,6.764562625,6.76456259,6.764562933,6.764562703,6.764562804,6.764562628,6.764562644,6.764562547,6.764562698,6.764562828,6.764563001,6.764562846,6.764562713,6.76456261,6.764562294
+"10564","NMB",5.195188914,5.195189078,5.19518915,5.195189096,5.195189244,5.19518915,5.195189162,5.195189092,5.195189156,5.19518918,5.19518919,5.195189259,5.195189064,5.195189006,5.195189209,5.195189024,5.195189366,5.195189103,5.195189186,5.195189137,5.195189165,5.195189216,5.195189047,5.195189138,5.195189138,5.195189059,5.195189128,5.195189068
+"10565","NMBR",3.867538829,3.867538832,3.867538869,3.867538915,3.867538884,3.867538775,3.867538883,3.8675389,3.867538934,3.867538921,3.867538843,3.867538828,3.867538802,3.867538833,3.867538853,3.86753886,3.867538944,3.867538881,3.867538886,3.867538871,3.867538834,3.86753888,3.867538894,3.867538855,3.867538889,3.867538865,3.86753889,3.86753883
+"10566","NMD3",6.045801219,6.045800117,6.045800633,6.045799546,6.045799503,6.04579963,6.045799967,6.045799668,6.045800182,6.04580025,6.045799943,6.045799135,6.045799668,6.045802779,6.045800188,6.045799999,6.045799907,6.045799637,6.045800348,6.045799347,6.045800188,6.045799791,6.045800914,6.04580063,6.045799249,6.045799782,6.045799759,6.045802135
+"10567","NME2",6.7295442125,6.7193216695,6.76567598075,6.74185163825,6.80279019875,6.7390526095,6.764011022,6.7937695845,6.74183059275,6.732340743,6.7521894325,6.794282798,6.7585286775,6.69056680025,6.799670277,6.73494357525,6.8265499955,6.75413173825,6.76349328675,6.76297933975,6.78490090675,6.780190641,6.715430445,6.6779177745,6.7347524285,6.767711109,6.73446289075,6.7733494185
+"10568","NME3",6.994269323,6.994269296,6.99426934,6.99426931,6.994269371,6.994269309,6.994269315,6.994269332,6.994269349,6.994269339,6.994269361,6.994269359,6.994269332,6.994269267,6.994269351,6.99426932,6.994269364,6.994269347,6.994269337,6.99426931,6.99426936,6.994269345,6.994269314,6.994269272,6.994269297,6.994269372,6.994269311,6.994269341
+"10569","NME4",7.290830239,7.29083026,7.290830316,7.29083024,7.290830332,7.290830159,7.290830256,7.290830328,7.290830284,7.290830224,7.290830339,7.290830374,7.29083026,7.290830176,7.290830313,7.29083024,7.290830344,7.290830339,7.290830253,7.290830259,7.290830291,7.29083034,7.290830217,7.290830203,7.290830325,7.290830331,7.290830271,7.290830316
+"10570","NME5",3.037609665,3.037609707,3.037609745,3.037609744,3.037609678,3.037609877,3.037609645,3.037609707,3.037609729,3.037609732,3.037609724,3.037609947,3.037609847,3.037609633,3.037609651,3.037609771,3.037609877,3.037609732,3.037609657,3.037609645,3.037609514,3.037609743,3.0376097,3.037609641,3.03760977,3.037609637,3.03760966,3.037609728
+"10571","NME6",5.804981757,5.804981791,5.804981781,5.804981716,5.804981461,5.804981823,5.804981808,5.804981708,5.804981542,5.804981771,5.804981477,5.80498145,5.804981701,5.80498179,5.80498154,5.804981755,5.804981552,5.804981688,5.804981676,5.804981858,5.804981603,5.80498182,5.804981792,5.804981825,5.804981704,5.804981727,5.80498163,5.804981706
+"10572","NME7",4.361346525,4.361346533,4.361346501,4.361346502,4.361346448,4.361346498,4.361346499,4.361346485,4.3613465,4.361346469,4.361346465,4.36134647,4.361346477,4.361346538,4.361346502,4.361346499,4.361346478,4.361346463,4.361346465,4.36134649,4.361346492,4.361346487,4.361346524,4.361346485,4.361346454,4.361346469,4.361346497,4.3613465
+"10573","NME8",4.442388015,4.442387952,4.442388048,4.442388251,4.442387427,4.442388272,4.442388302,4.44238764,4.442387683,4.442387885,4.442388215,4.442387948,4.442388026,4.442388288,4.442388058,4.442388368,4.44238808,4.442388121,4.442388246,4.442388526,4.442388101,4.442387725,4.442388082,4.442388191,4.442388246,4.442388201,4.442387876,4.442387882
+"10574","NME9",4.544686857,4.544686906,4.544686901,4.54468698,4.544686991,4.544686883,4.544686969,4.544687005,4.544686926,4.544686935,4.544686901,4.544687001,4.544686922,4.544686821,4.544686954,4.544686847,4.544687035,4.544687007,4.544686976,4.544686951,4.544687052,4.544686969,4.544686924,4.544686932,4.544686989,4.544686994,4.54468691,4.544686993
+"10575","NMI",6.308482813,6.30848283,6.30848203,6.30848287,6.308480272,6.308483114,6.308481954,6.308481513,6.308481911,6.308481514,6.308481799,6.30847999,6.308481796,6.308483039,6.308481905,6.308482516,6.308481061,6.308482197,6.308482082,6.308483388,6.30848219,6.308482106,6.308482883,6.308482164,6.308482224,6.308481128,6.308481883,6.308481948
+"10576","NMNAT1",5.127679903,5.127680052,5.127680161,5.127680029,5.127679934,5.127679999,5.127679909,5.12767968,5.127679897,5.127679915,5.127679945,5.127679829,5.127680022,5.127680014,5.127680081,5.127680007,5.12767991,5.127680118,5.127680039,5.127679825,5.127679994,5.127679986,5.127679968,5.127680108,5.12767996,5.127680076,5.12767991,5.127679946
+"10577","NMNAT2",4.492814956,4.492814951,4.492814963,4.492814967,4.492814966,4.492814968,4.492814965,4.492814974,4.492814972,4.492814957,4.492814966,4.492814965,4.492814957,4.492814948,4.492814963,4.492814956,4.492814971,4.492814963,4.492814954,4.492814961,4.492814968,4.49281496,4.492814964,4.492814957,4.492814957,4.492814955,4.492814965,4.492814946
+"10578","NMNAT3",5.089925009,5.089925049,5.089925084,5.089925287,5.089925269,5.089925181,5.089925117,5.089925376,5.089925231,5.089925229,5.089925175,5.089925156,5.089925167,5.089924989,5.089925077,5.089924896,5.089925229,5.089925182,5.08992514,5.089924964,5.089925124,5.089925319,5.089924875,5.089925138,5.089924841,5.089925155,5.08992493,5.089925143
+"10579","NMRAL1",6.632610142,6.632610133,6.63261014,6.632610101,6.632610109,6.632610157,6.632610174,6.632610141,6.63261017,6.632610165,6.632610125,6.632610159,6.63261015,6.632610127,6.632610115,6.632610086,6.63261014,6.632610098,6.632610123,6.632610074,6.632610149,6.632610154,6.632610107,6.632610139,6.632610105,6.63261014,6.632610173,6.632610128
+"10580","NMRAL2P",3.947519084,3.947519106,3.947519107,3.94751912,3.947519098,3.947519085,3.947519091,3.947519117,3.947519102,3.947519088,3.947519103,3.947519092,3.947519102,3.947519076,3.947519095,3.947519092,3.94751911,3.947519115,3.947519102,3.9475191,3.947519105,3.947519103,3.94751907,3.947519084,3.947519105,3.947519087,3.947519092,3.947519088
+"10581","NMRK1",4.441705209,4.441704364,4.441704339,4.441704821,4.441703698,4.441703724,4.441703895,4.441703827,4.441705431,4.44170354,4.441703862,4.441702602,4.441703766,4.441705736,4.441704685,4.441704144,4.441703896,4.441704242,4.441704307,4.44170331,4.441703597,4.441703958,4.441705059,4.441704697,4.441705023,4.441703698,4.441703427,4.441705141
+"10582","NMRK2",6.15227288,6.152273262,6.152273472,6.152273075,6.152273578,6.152273171,6.152273228,6.152273514,6.152273223,6.152273207,6.152273192,6.15227362,6.152273099,6.15227261,6.152273438,6.152273389,6.152273612,6.152273446,6.152273346,6.152273273,6.152273431,6.152273392,6.152273063,6.152273065,6.152273335,6.152273352,6.152272991,6.152273405
+"10583","NMS",4.836030618,4.836030661,4.836030677,4.836030689,4.836030741,4.836030672,4.836030703,4.836030732,4.8360307,4.836030725,4.83603069,4.836030774,4.836030695,4.836030619,4.836030715,4.836030704,4.836030751,4.836030768,4.836030691,4.836030677,4.836030758,4.836030741,4.836030681,4.83603067,4.836030693,4.836030735,4.836030691,4.836030697
+"10584","NMT1",7.798172428,7.798172452,7.798172328,7.798172345,7.798172299,7.798172613,7.798172394,7.798172231,7.798172505,7.798172534,7.798172195,7.798172156,7.798172433,7.798172634,7.798172308,7.798172384,7.798172152,7.798172157,7.798172374,7.798172633,7.79817227,7.798172286,7.798172446,7.798172441,7.798172244,7.798172354,7.798172372,7.798172512
+"10585","NMT2",6.795471591,6.795471416,6.795470448,6.795469821,6.79547076,6.795470453,6.795470323,6.795471213,6.795471855,6.795471742,6.795469845,6.795470628,6.795471897,6.795472057,6.795471023,6.795471095,6.795470003,6.795470292,6.795471369,6.795470775,6.795470489,6.795471342,6.795471877,6.79547152,6.795470743,6.795471073,6.795472239,6.795471653
+"10586","NMU",3.833612325,3.833612347,3.83361239,3.833612332,3.833612375,3.83361235,3.833612347,3.833612407,3.833612347,3.833612404,3.833612376,3.833612396,3.833612343,3.833612313,3.833612347,3.833612358,3.833612394,3.833612344,3.83361234,3.833612346,3.833612339,3.83361236,3.833612347,3.833612344,3.833612354,3.833612337,3.833612339,3.833612342
+"10587","NMUR1",6.475591487,6.475591529,6.475591629,6.47559132,6.475591393,6.475591397,6.475591376,6.475591456,6.475591508,6.475591239,6.475591573,6.475591418,6.475591575,6.475591327,6.475591548,6.47559167,6.475591574,6.475591523,6.47559147,6.475591353,6.475591494,6.47559151,6.475591607,6.475591416,6.475591618,6.475591586,6.475591474,6.475591451
+"10588","NMUR2",3.946724018,3.946724093,3.946724208,3.946724177,3.94672423,3.946724343,3.946724123,3.946724142,3.946724053,3.946724259,3.946724259,3.94672421,3.946724025,3.94672425,3.946724189,3.946724093,3.946724327,3.946724209,3.946724223,3.946724216,3.946724264,3.946724172,3.946724074,3.946724185,3.94672412,3.946724176,3.946724073,3.946723977
+"10589","NNAT",5.152717387,5.15271737,5.152717447,5.152717399,5.152717459,5.152717434,5.15271745,5.152717428,5.152717422,5.152717445,5.152717431,5.15271744,5.152717408,5.152717376,5.152717457,5.152717432,5.152717488,5.15271745,5.152717429,5.152717396,5.152717442,5.152717446,5.152717432,5.152717427,5.152717415,5.152717426,5.152717434,5.152717397
+"10590","NNMT",5.337486491,5.337486461,5.337486514,5.337486501,5.337486592,5.337486441,5.337486555,5.337486571,5.337486493,5.337486481,5.33748658,5.337486586,5.337486543,5.337486444,5.337486562,5.337486571,5.337486583,5.337486556,5.337486539,5.337486458,5.337486581,5.337486567,5.337486434,5.337486483,5.337486585,5.33748658,5.337486494,5.337486537
+"10591","NNT",7.439800433,7.439800012,7.439798488,7.439798835,7.439799636,7.439799634,7.43980023,7.439798942,7.439800069,7.439800212,7.439798927,7.439799425,7.439799854,7.439801044,7.439800046,7.439799164,7.439798379,7.43979853,7.439799806,7.439798943,7.439799805,7.439799286,7.439800157,7.439800112,7.439798842,7.439799898,7.439800232,7.439800389
+"10592","NOA1",6.526791083,6.52679102,6.526790995,6.526790951,6.526791012,6.526791024,6.526791028,6.526790988,6.526791119,6.526791096,6.52679095,6.526791049,6.526791048,6.526791153,6.526791059,6.526791004,6.526790967,6.526790902,6.526791019,6.52679107,6.526791032,6.526791009,6.526791064,6.526791109,6.526790944,6.526791051,6.526791082,6.526791135
+"10593","NOB1",5.488812628,5.48881263,5.488812608,5.488812601,5.488812592,5.48881264,5.488812614,5.488812559,5.488812621,5.48881261,5.488812566,5.488812584,5.488812625,5.488812653,5.488812597,5.488812592,5.488812595,5.488812581,5.4888126,5.488812627,5.488812581,5.488812568,5.48881261,5.488812618,5.488812594,5.48881258,5.488812629,5.488812617
+"10594","NOBOX",4.792528653,4.792528666,4.792528665,4.792528657,4.792528669,4.792528677,4.792528653,4.792528679,4.792528672,4.792528657,4.792528666,4.792528681,4.792528674,4.792528635,4.79252867,4.792528669,4.792528664,4.792528681,4.792528673,4.792528674,4.792528663,4.792528684,4.79252867,4.792528672,4.792528661,4.792528666,4.792528663,4.792528673
+"10595","NOC2L",7.501581596,7.501581658,7.501581625,7.501581566,7.501581647,7.501581642,7.501581702,7.501581643,7.501581726,7.501581697,7.501581471,7.501581645,7.501581704,7.501581717,7.501581561,7.501581592,7.501581557,7.501581552,7.501581629,7.501581608,7.501581593,7.501581666,7.50158171,7.50158163,7.501581583,7.50158161,7.501581673,7.501581676
+"10596","NOC2LP2",5.967334223,5.967334285,5.967334286,5.967334214,5.967334313,5.967334223,5.967334233,5.967334322,5.967334277,5.967334291,5.967334311,5.967334306,5.967334224,5.967334158,5.967334199,5.967334326,5.967334308,5.967334327,5.967334245,5.96733428,5.967334237,5.967334301,5.96733425,5.967334265,5.9673343,5.967334268,5.96733415,5.967334292
+"10597","NOC3L",4.365479208,4.365478808,4.365478715,4.365478774,4.3654787,4.365478575,4.365478827,4.365478765,4.365478737,4.36547901,4.365478666,4.365478816,4.365478943,4.365479418,4.365478773,4.365478534,4.36547878,4.365478856,4.36547888,4.365478685,4.36547886,4.365478924,4.365479025,4.365478942,4.36547883,4.365478901,4.365478953,4.365479363
+"10598","NOC4L",6.209569847,6.209569841,6.209569902,6.209569804,6.209570034,6.209569941,6.209569896,6.2095699,6.209569882,6.20956983,6.209569778,6.209569977,6.209569842,6.209569726,6.209569928,6.209569875,6.209569934,6.209569805,6.209569808,6.209569899,6.209569867,6.209569968,6.209569839,6.209569842,6.209569871,6.209569902,6.209569862,6.209569883
+"10599","NOCT",5.468046095,5.468046109,5.468046131,5.468046106,5.468046139,5.468046144,5.468046117,5.468046131,5.468046128,5.468046144,5.468046124,5.468046128,5.468046129,5.468046113,5.468046129,5.468046134,5.468046125,5.468046133,5.468046123,5.468046111,5.468046121,5.468046142,5.468046115,5.468046111,5.468046122,5.46804612,5.468046149,5.468046131
+"10600","NOD1",6.005242626,6.00524264,6.005242585,6.005242591,6.005242601,6.005242753,6.005242624,6.005242639,6.005242642,6.005242613,6.005242625,6.00524259,6.005242649,6.00524262,6.005242619,6.005242642,6.005242587,6.005242578,6.005242628,6.005242685,6.005242618,6.005242627,6.005242644,6.005242637,6.005242591,6.005242596,6.005242659,6.0052426
+"10601","NOD2",6.884898392,6.884898409,6.884919003,6.884939052,6.884898812,6.88494743,6.88489476,6.884920672,6.884885325,6.884878376,6.884918017,6.884882017,6.88490288,6.884902297,6.884890599,6.884886437,6.884918855,6.884930339,6.884894453,6.88495488,6.884885801,6.884922618,6.884880653,6.884883182,6.884930676,6.884879823,6.8849017,6.884880481
+"10602","NODAL",4.089221615,4.089221526,4.089221585,4.089221551,4.089221626,4.089221522,4.089221532,4.089221536,4.089221573,4.089221563,4.089221597,4.089221571,4.089221518,4.089221561,4.089221575,4.089221675,4.089221606,4.089221647,4.08922151,4.089221566,4.0892216,4.089221547,4.089221564,4.089221563,4.089221572,4.089221463,4.089221554,4.089221486
+"10603","NOG",6.328995602,6.328996635,6.328995573,6.328995598,6.328995188,6.328995789,6.328994806,6.328996429,6.328997631,6.328996854,6.328995073,6.328996494,6.328996422,6.32899745,6.328995302,6.328996299,6.328994987,6.328994917,6.328995655,6.328995825,6.328994827,6.328996423,6.328997285,6.328996676,6.328995137,6.328996533,6.328996368,6.328997013
+"10604","NOL10",6.040907798,6.040907494,6.040907202,6.040906925,6.040907419,6.040907558,6.040907389,6.040906993,6.040907531,6.040907684,6.040907247,6.040906981,6.040907572,6.040908032,6.040907423,6.040907623,6.040907091,6.040906844,6.040907489,6.040907495,6.040907239,6.040907355,6.04090759,6.040907438,6.040907054,6.040907439,6.040907736,6.040907842
+"10605","NOL11",5.730028748,5.730027785,5.730027924,5.730027439,5.730027971,5.73002789,5.730027884,5.730027617,5.730028581,5.730028017,5.730027396,5.730027882,5.730028119,5.730029016,5.73002783,5.730027761,5.730027473,5.730027111,5.730028256,5.730027522,5.730027798,5.730027707,5.730028151,5.730028054,5.730027616,5.730027877,5.730028445,5.730028397
+"10606","NOL12",6.684877261,6.684877252,6.684877249,6.684877273,6.684877258,6.684877259,6.684877265,6.68487725,6.684877263,6.684877271,6.684877236,6.684877255,6.68487726,6.684877264,6.684877256,6.684877262,6.684877256,6.684877264,6.684877278,6.684877268,6.684877269,6.684877264,6.684877265,6.684877258,6.684877262,6.684877269,6.684877275,6.684877266
+"10607","NOL3",6.859015224,6.859015216,6.859015252,6.859015252,6.859015304,6.85901519,6.859015226,6.859015248,6.859015223,6.859015208,6.859015248,6.859015297,6.859015231,6.859015096,6.859015263,6.859015218,6.859015352,6.859015285,6.85901524,6.859015179,6.859015201,6.859015267,6.859015222,6.859015206,6.859015262,6.859015263,6.859015206,6.859015253
+"10608","NOL4",3.892492729,3.892492752,3.892492734,3.892492806,3.892492779,3.892492597,3.892492736,3.892492769,3.892492567,3.892492794,3.892492692,3.892492765,3.892492768,3.892492666,3.89249283,3.8924928,3.892492907,3.892492879,3.892492747,3.892492825,3.892492774,3.892492714,3.892492561,3.892492696,3.892492663,3.892492741,3.892492611,3.892492745
+"10609","NOL4L",6.690321899,6.690321865,6.690321631,6.690321764,6.690321622,6.690321865,6.69032177,6.690321782,6.690321871,6.690321859,6.690321616,6.690321738,6.690321792,6.690321907,6.690321731,6.690321685,6.690321458,6.690321794,6.690321712,6.690321806,6.690321722,6.690321796,6.690321865,6.690321834,6.690321734,6.690321853,6.690321925,6.690321715
+"10610","NOL4L-DT",4.409875403,4.40987546,4.40987548,4.409875399,4.40987545,4.409875446,4.409875347,4.409875527,4.409875443,4.409875534,4.409875475,4.409875585,4.409875515,4.409875415,4.409875515,4.409875497,4.409875501,4.409875439,4.409875384,4.409875495,4.409875447,4.409875485,4.409875257,4.409875455,4.409875495,4.409875415,4.409875439,4.409875391
+"10611","NOL6",6.144890695,6.144890704,6.144890693,6.14489064,6.144890694,6.144890715,6.144890676,6.144890663,6.144890745,6.144890716,6.144890651,6.144890735,6.144890706,6.144890709,6.144890676,6.1448907,6.144890626,6.144890608,6.144890665,6.144890653,6.144890672,6.144890678,6.144890656,6.144890688,6.144890656,6.144890733,6.144890695,6.144890665
+"10612","NOL7",5.833203717,5.833203609,5.833203336,5.833203378,5.833203475,5.833203451,5.833203487,5.833203442,5.833203563,5.833203481,5.833203515,5.833203301,5.833203604,5.833203802,5.833203553,5.833203423,5.833203324,5.833203349,5.83320359,5.833203413,5.833203493,5.833203505,5.833203588,5.833203498,5.833203389,5.833203555,5.833203559,5.833203715
+"10613","NOL8",6.435446781,6.435446646,6.43544647,6.435446453,6.435446488,6.435446448,6.43544668,6.435446464,6.435446643,6.435446529,6.435446549,6.43544659,6.435446696,6.435446986,6.435446606,6.435446627,6.435446291,6.435446353,6.435446625,6.435446449,6.435446618,6.435446626,6.43544673,6.435446633,6.435446462,6.435446636,6.435446656,6.435446787
+"10614","NOL9",7.155716191,7.155715734,7.155715572,7.155715438,7.155715653,7.155715483,7.155715834,7.155715471,7.155715959,7.155715987,7.155715219,7.155715397,7.155715845,7.155716388,7.155715683,7.155715544,7.15571486,7.155715305,7.155715768,7.155715589,7.155715636,7.15571537,7.155715956,7.155715833,7.15571528,7.15571573,7.155715842,7.155716027
+"10615","NOLC1",6.578231305,6.578231358,6.578231151,6.578231207,6.578231027,6.578231229,6.578231309,6.578231124,6.578231455,6.578231268,6.578231112,6.578230895,6.578231235,6.578231616,6.578231171,6.578231263,6.578230921,6.578231044,6.57823108,6.578231187,6.578231083,6.578231036,6.578231398,6.578231385,6.578230779,6.578231194,6.57823133,6.57823136
+"10616","NOM1",6.664125416,6.664125435,6.664125438,6.664125339,6.664125405,6.664125407,6.664125411,6.664125397,6.664125442,6.664125411,6.664125387,6.664125396,6.664125421,6.664125497,6.664125382,6.664125337,6.66412538,6.664125349,6.664125415,6.664125364,6.664125408,6.664125423,6.664125445,6.664125397,6.664125335,6.664125428,6.664125426,6.664125442
+"10617","NONO",8.40153323,8.401532861,8.401532667,8.401532199,8.401532819,8.40153318,8.401533539,8.401532434,8.401533655,8.40153345,8.401532022,8.401532639,8.40153343,8.401534548,8.401533232,8.401532769,8.401532507,8.401532163,8.401532657,8.401532833,8.401533402,8.401532769,8.401533458,8.401533121,8.401532101,8.401533175,8.401533194,8.401533448
+"10618","NOP10",7.501433028,7.501433206,7.501433023,7.501433503,7.501432924,7.501433799,7.501433085,7.501433042,7.501433456,7.50143367,7.501433697,7.501432213,7.501433601,7.501432472,7.501433237,7.501433316,7.501432725,7.501433276,7.501433208,7.501434039,7.501433148,7.501432851,7.501433495,7.501433909,7.50143402,7.501432548,7.501433604,7.501432488
+"10619","NOP14",6.820272551,6.820272511,6.820272291,6.820272381,6.820272119,6.820272508,6.82027239,6.820272452,6.820272657,6.820272478,6.820272173,6.820272477,6.820272583,6.820272949,6.820272344,6.820272396,6.820271838,6.820272043,6.820272243,6.820272595,6.820272307,6.820272303,6.820272743,6.820272547,6.820272054,6.820272545,6.820272554,6.82027244
+"10620","NOP16",5.094502874,5.094502884,5.094502878,5.09450285,5.094502879,5.094502866,5.094502864,5.094502874,5.094502901,5.094502914,5.094502851,5.094502878,5.094502887,5.094502889,5.094502862,5.094502883,5.094502856,5.094502854,5.094502854,5.094502893,5.094502861,5.094502863,5.094502862,5.09450289,5.094502846,5.094502857,5.094502873,5.094502892
+"10621","NOP2",6.794483202,6.794483368,6.794482916,6.794483204,6.794483239,6.794483641,6.79448346,6.794483213,6.794483685,6.79448357,6.794483122,6.794483347,6.794483467,6.794483847,6.794483268,6.794482898,6.794482759,6.794482896,6.794483252,6.794483036,6.794483163,6.794483292,6.794483479,6.794483363,6.79448294,6.794483354,6.794483663,6.794483422
+"10622","NOP53",8.596040852,8.596040455,8.596040008,8.596039155,8.596039979,8.596039796,8.596039382,8.596040387,8.596041301,8.596041149,8.596039551,8.596040307,8.596040945,8.596042387,8.596039951,8.596039826,8.596039837,8.596039221,8.596039992,8.596039115,8.596039271,8.596040986,8.596041283,8.596040702,8.596039246,8.596040541,8.596040818,8.59604186
+"10623","NOP58",7.046771107,7.046770203,7.046769585,7.046768593,7.046768704,7.046768755,7.046769546,7.046769172,7.046771019,7.04676918,7.046768144,7.04676915,7.046770509,7.046772713,7.046769503,7.046769666,7.046767777,7.046768004,7.046769515,7.046768422,7.046769767,7.046769757,7.046770931,7.046769427,7.046768391,7.0467702,7.046770008,7.046771632
+"10624","NOPCHAP1",5.031668539,5.03166812,5.031668198,5.031667535,5.031667708,5.031667985,5.03166801,5.031668301,5.031668153,5.031668529,5.031667751,5.031667717,5.031668276,5.031668776,5.031668049,5.031667694,5.031667629,5.031667522,5.03166819,5.031668287,5.031668192,5.031667636,5.031667811,5.031668272,5.031667441,5.031668359,5.031668023,5.03166847
+"10625","NOS1",4.460234395,4.460234445,4.460234485,4.460234454,4.4602345,4.460234464,4.460234464,4.46023447,4.460234473,4.460234446,4.460234487,4.460234473,4.46023445,4.460234404,4.460234516,4.460234481,4.460234468,4.460234464,4.460234453,4.460234484,4.460234464,4.460234474,4.460234425,4.460234477,4.460234466,4.460234473,4.460234441,4.460234414
+"10626","NOS1AP",5.666972773,5.666972762,5.666972896,5.666972879,5.666972951,5.666972841,5.666972913,5.666973019,5.666972841,5.666972751,5.666972999,5.666973059,5.666972901,5.666972662,5.666972989,5.666973043,5.666973,5.666973006,5.666972908,5.666972948,5.666972981,5.666972998,5.666972648,5.666972657,5.66697292,5.666973013,5.666972818,5.666972879
+"10627","NOS2",4.780617977,4.780617991,4.780618032,4.780618224,4.780618378,4.780618138,4.780618229,4.780618007,4.780618058,4.78061812,4.780618192,4.780618306,4.780618011,4.780617886,4.780618244,4.780618115,4.780618228,4.780618265,4.780618169,4.780618065,4.780618184,4.780618199,4.780617901,4.780618101,4.780618027,4.780618135,4.780618012,4.780618267
+"10628","NOS3",5.409615452,5.409615489,5.409615496,5.409615493,5.409615553,5.409615519,5.409615486,5.409615494,5.409615525,5.40961553,5.409615521,5.40961553,5.409615494,5.409615441,5.409615537,5.409615501,5.409615562,5.409615494,5.409615524,5.409615486,5.409615545,5.409615531,5.409615497,5.40961549,5.409615483,5.409615514,5.409615466,5.409615472
+"10629","NOSIP",7.705539167,7.705539286,7.705539285,7.705539056,7.705539459,7.705539288,7.705539399,7.705539224,7.705539805,7.70553957,7.705539051,7.705539402,7.705539466,7.705539374,7.705539074,7.705539408,7.705539041,7.705538951,7.705539401,7.705539105,7.705539187,7.705539212,7.705539598,7.705539332,7.705539153,7.705539325,7.705539507,7.705539437
+"10630","NOSTRIN",3.086433404,3.086433443,3.086433539,3.086433522,3.086433513,3.086433408,3.08643343,3.086433507,3.086433466,3.086433451,3.086433494,3.086433508,3.086433501,3.086433452,3.086433438,3.086433467,3.0864335,3.086433524,3.086433427,3.086433498,3.086433435,3.086433428,3.086433429,3.086433458,3.086433483,3.086433458,3.086433476,3.086433482
+"10631","NOTCH1",8.223310898,8.223317108,8.223312611,8.223323296,8.223311335,8.223319189,8.223315885,8.223313725,8.22331198,8.223312516,8.223315376,8.223310825,8.223313635,8.223310503,8.223315735,8.223317779,8.223315389,8.223324544,8.223316614,8.223315891,8.223314811,8.223314028,8.223315618,8.223316277,8.223317992,8.223313222,8.223314987,8.223310313
+"10632","NOTCH2",9.015625381,9.031772604,9.006555851,9.028587114,9.013852062,9.027690146,9.01901852,9.002294314,9.004886741,9.015815593,9.022871314,8.99997265,9.016438349,9.016743278,9.008942519,9.024874814,8.999277254,9.02622171,9.01640815,9.021392766,9.019246602,9.006448353,9.011187186,9.019351198,9.021507312,9.00855313,9.01842711,9.000251329
+"10633","NOTCH3",5.851001711,5.8510017,5.851001769,5.851001723,5.851001848,5.851001729,5.851001781,5.851001771,5.851001772,5.851001769,5.851001817,5.85100183,5.851001715,5.851001635,5.851001837,5.851001749,5.851001859,5.851001804,5.851001757,5.851001758,5.851001802,5.851001802,5.851001715,5.851001691,5.851001784,5.851001803,5.85100171,5.851001754
+"10634","NOTUM",5.723805213,5.723805321,5.723805878,5.723805177,5.723805997,5.723804968,5.723805618,5.723805867,5.723805399,5.723805459,5.723806071,5.723805951,5.723805549,5.723804813,5.723806011,5.723805565,5.723806316,5.723805978,5.72380564,5.723805539,5.723805884,5.72380588,5.723805071,5.723805121,5.723805934,5.723805803,5.723805265,5.723805878
+"10635","NOVA1",3.849939379,3.84993955,3.849939473,3.849939449,3.849939584,3.849939315,3.849939301,3.849939622,3.849939629,3.849939308,3.849939534,3.849939571,3.84993946,3.84993933,3.849939519,3.849939674,3.849939589,3.849939518,3.849939388,3.849939584,3.849939579,3.849939414,3.849939483,3.849939527,3.849939394,3.849939389,3.84993941,3.849939529
+"10636","NOVA2",6.375719026,6.375718843,6.375719307,6.375719055,6.375719442,6.375719106,6.375719182,6.375719413,6.375719125,6.375719087,6.375719451,6.375719347,6.375719129,6.375718668,6.375719436,6.375718885,6.375719539,6.37571935,6.375719273,6.37571924,6.375719356,6.375719352,6.375718958,6.375719074,6.375719301,6.375719402,6.375719209,6.375719004
+"10637","NOX1",4.072733692,4.072733651,4.07273368,4.072733695,4.072733701,4.072733609,4.072733685,4.072733656,4.072733636,4.072733691,4.07273376,4.072733707,4.072733624,4.072733647,4.072733665,4.07273367,4.072733678,4.072733701,4.072733624,4.072733681,4.072733684,4.072733675,4.07273361,4.072733669,4.072733671,4.07273364,4.072733652,4.072733674
+"10638","NOX3",3.981642578,3.98164256,3.981642613,3.981642596,3.98164266,3.981642672,3.981642643,3.981642658,3.981642607,3.981642655,3.981642721,3.981642686,3.98164263,3.981642535,3.981642649,3.981642617,3.981642708,3.981642702,3.981642593,3.981642714,3.981642694,3.981642677,3.981642598,3.981642635,3.981642657,3.981642669,3.981642606,3.981642589
+"10639","NOX4",3.73037144,3.730371434,3.730371448,3.730371432,3.730371436,3.730371432,3.730371442,3.730371459,3.730371426,3.730371463,3.730371439,3.730371506,3.730371443,3.73037142,3.730371443,3.730371419,3.730371483,3.730371461,3.730371447,3.730371495,3.730371441,3.730371442,3.730371456,3.730371415,3.73037145,3.730371468,3.730371422,3.730371458
+"10640","NOXA1",6.741800461,6.741800615,6.741801096,6.741800612,6.741801585,6.741800829,6.74180118,6.741801283,6.741800819,6.74180122,6.741801217,6.74180147,6.741800837,6.741800477,6.741801204,6.741800953,6.7418015,6.741801177,6.741801162,6.741800699,6.741801312,6.741801385,6.741800605,6.741800769,6.74180075,6.741801105,6.741800662,6.741801001
+"10641","NOXO1",6.012179031,6.012179053,6.012179062,6.012179014,6.012179084,6.012179034,6.012178997,6.012179062,6.012178982,6.01217904,6.012179115,6.012179136,6.01217903,6.012178881,6.012179031,6.012179092,6.012179099,6.012179066,6.012179058,6.01217904,6.012178991,6.012179083,6.012178991,6.012179021,6.01217908,6.012179066,6.012179035,6.01217899
+"10642","NOXRED1",4.864219633,4.864219701,4.864219554,4.864219617,4.864219583,4.864219657,4.864219678,4.864219568,4.864219682,4.864219499,4.864219661,4.864219631,4.864219559,4.864219585,4.864219536,4.864219708,4.864219694,4.864219597,4.864219645,4.864219679,4.864219555,4.864219654,4.864219596,4.864219747,4.864219613,4.864219548,4.864219534,4.864219592
+"10643","NPAP1",5.6478729,5.647872873,5.647872915,5.647872909,5.647872947,5.647872943,5.647872901,5.647872921,5.647872901,5.647872896,5.64787293,5.647872973,5.647872867,5.647872866,5.647872938,5.647872856,5.647872982,5.647872897,5.647872905,5.647872917,5.647872901,5.64787291,5.647872894,5.647872872,5.647872899,5.64787292,5.647872911,5.647872922
+"10644","NPAS1",5.096976439,5.096976464,5.096976464,5.096976448,5.096976486,5.096976463,5.096976465,5.096976467,5.09697646,5.096976467,5.096976457,5.096976469,5.096976458,5.096976433,5.096976466,5.09697647,5.09697647,5.096976467,5.096976449,5.096976451,5.096976451,5.09697647,5.096976454,5.096976454,5.096976463,5.096976467,5.096976439,5.096976441
+"10645","NPAS2",5.379420321,5.379420448,5.379420289,5.379420228,5.379420504,5.37942036,5.379420197,5.379420284,5.37942046,5.379420306,5.379420351,5.379420636,5.37942041,5.379420617,5.37942036,5.379420421,5.379420421,5.379420538,5.379420419,5.379420428,5.379420375,5.379420567,5.379420385,5.379420369,5.379420205,5.379420642,5.379420492,5.379420785
+"10646","NPAS3",4.435521802,4.435521812,4.435521867,4.435521829,4.43552187,4.435521877,4.435521821,4.435521833,4.435521795,4.435521844,4.435521849,4.435521878,4.4355218,4.435521761,4.435521817,4.435521821,4.435521857,4.43552185,4.43552182,4.435521841,4.435521818,4.435521851,4.435521819,4.435521812,4.435521847,4.435521818,4.435521828,4.435521812
+"10647","NPAS4",4.529166215,4.529166091,4.52916608,4.529166197,4.529166317,4.529165976,4.529166214,4.529166271,4.529166025,4.52916618,4.529166335,4.529166277,4.529166159,4.529166131,4.529166251,4.529166078,4.529166185,4.52916618,4.529166073,4.529166048,4.529166275,4.529166158,4.529166207,4.529166031,4.529166312,4.529166115,4.529165981,4.529166105
+"10648","NPAT",7.503247084,7.503245772,7.503245868,7.503245526,7.503246098,7.503245726,7.503246373,7.503245835,7.503246849,7.503246525,7.503245326,7.503246159,7.503246284,7.503247244,7.503246773,7.503245448,7.503245449,7.503245426,7.503246705,7.503245846,7.503246127,7.503246035,7.503246987,7.503246158,7.503245663,7.50324656,7.503246493,7.503246964
+"10649","NPB",7.620628438,7.620628416,7.620628591,7.620628433,7.620628747,7.620628503,7.62062864,7.62062866,7.62062845,7.620628669,7.620628704,7.620628811,7.620628463,7.62062808,7.620628698,7.620628427,7.620628848,7.620628615,7.620628436,7.620628416,7.620628592,7.620628758,7.620628217,7.620628371,7.620628531,7.620628574,7.620628377,7.620628442
+"10650","NPBWR1",4.772841171,4.77284116,4.772841248,4.772841301,4.772841611,4.772841329,4.772841453,4.772841275,4.772841274,4.77284134,4.772841324,4.77284157,4.772841267,4.772841072,4.772841378,4.772841287,4.772841654,4.772841344,4.772841319,4.772841459,4.772841463,4.772841211,4.772841175,4.772840997,4.772841214,4.772841391,4.772841259,4.772841361
+"10651","NPBWR2",4.802225657,4.802225533,4.802225753,4.802225521,4.80222578,4.802225676,4.802225855,4.80222574,4.802225573,4.802225688,4.802225663,4.802225705,4.80222573,4.802225665,4.802225798,4.802225803,4.802225906,4.802225803,4.802225833,4.802225668,4.802225745,4.802225829,4.802225605,4.802225625,4.802225656,4.802225679,4.802225589,4.802225871
+"10652","NPC1",7.429177019,7.429176626,7.429176584,7.429176433,7.429176647,7.429176822,7.429177069,7.429177015,7.429176692,7.429176612,7.429176541,7.429176425,7.429176737,7.429176828,7.429176767,7.429176472,7.429176234,7.429176286,7.429176578,7.429176633,7.429176868,7.429176702,7.429176925,7.429176936,7.429176509,7.429176685,7.429176879,7.429176387
+"10653","NPC1L1",4.995048425,4.995048445,4.995048458,4.995048433,4.995048477,4.995048445,4.995048465,4.99504847,4.995048443,4.995048448,4.995048459,4.995048473,4.995048446,4.99504842,4.995048463,4.995048443,4.995048455,4.995048433,4.995048457,4.995048463,4.995048459,4.995048463,4.995048456,4.995048432,4.995048447,4.995048461,4.995048448,4.995048456
+"10654","NPDC1",6.176145507,6.176145398,6.176145553,6.176145303,6.176145911,6.176145361,6.17614543,6.176145634,6.176145601,6.176145567,6.176145535,6.176145817,6.176145428,6.176145183,6.176145799,6.176145684,6.176145648,6.176145418,6.17614547,6.176145386,6.176145659,6.176145549,6.176145476,6.176145281,6.176145376,6.176145571,6.17614557,6.176145721
+"10655","NPEPPS",8.432292626,8.432292734,8.4322918,8.432293211,8.432291022,8.432291792,8.432292498,8.432291362,8.432291537,8.432291574,8.432292236,8.432291047,8.432292049,8.432292584,8.432291842,8.432293001,8.432291564,8.43229266,8.432292108,8.432292632,8.432292644,8.432291487,8.432292303,8.432292387,8.432292586,8.432292034,8.432291802,8.432291348
+"10656","NPFF",6.691486933,6.691486904,6.691486985,6.691487014,6.69148694,6.691486956,6.69148697,6.691486989,6.691486938,6.691487043,6.691486947,6.69148698,6.691487056,6.691486896,6.691486895,6.69148701,6.691486985,6.691486953,6.691486988,6.691486964,6.691486942,6.691486971,6.691486888,6.691486965,6.691487042,6.691486958,6.691487015,6.691486899
+"10657","NPFFR1",6.113104552,6.113105198,6.113106305,6.113104838,6.113106969,6.113104827,6.113105822,6.113106266,6.113105712,6.113105838,6.113105907,6.113106644,6.113105606,6.113104265,6.113106344,6.113105832,6.113106664,6.113106018,6.113105822,6.113105401,6.113106449,6.113106406,6.113105449,6.113105359,6.113105638,6.113106522,6.113105021,6.113105855
+"10658","NPFFR2",3.316622328,3.316622451,3.316622508,3.316622428,3.31662249,3.316622297,3.316622285,3.316622414,3.316622203,3.316622265,3.31662238,3.316622459,3.316622304,3.316622482,3.31662247,3.316622414,3.31662241,3.316622642,3.316622534,3.316622292,3.316622312,3.316622449,3.316622275,3.31662235,3.316622435,3.31662241,3.316622417,3.31662252
+"10659","NPHP1",3.288051463,3.288051475,3.288051473,3.288051467,3.288051465,3.288051466,3.288051473,3.288051463,3.288051468,3.28805147,3.288051471,3.288051481,3.28805147,3.288051464,3.288051471,3.288051484,3.288051469,3.288051467,3.288051479,3.28805147,3.288051467,3.288051461,3.288051459,3.288051471,3.28805147,3.288051462,3.288051457,3.288051471
+"10660","NPHP4",5.617769401,5.617769429,5.617769429,5.617769428,5.617769431,5.617769427,5.617769419,5.617769438,5.617769425,5.617769412,5.617769444,5.617769432,5.617769416,5.61776942,5.617769419,5.617769435,5.617769446,5.617769427,5.617769421,5.617769441,5.61776943,5.617769425,5.61776942,5.617769434,5.617769442,5.617769423,5.617769423,5.617769411
+"10661","NPHS1",5.033396304,5.033396312,5.033396327,5.033396325,5.03339635,5.033396297,5.033396321,5.033396323,5.033396284,5.033396258,5.033396278,5.033396276,5.033396301,5.033396273,5.03339636,5.03339631,5.033396351,5.033396336,5.033396266,5.033396305,5.033396324,5.033396373,5.033396278,5.033396304,5.033396296,5.033396305,5.033396314,5.033396326
+"10662","NPHS2",3.879098187,3.879098257,3.879098206,3.879098186,3.879098261,3.879098159,3.879098239,3.879098242,3.879098167,3.879098217,3.879098312,3.879098309,3.879098229,3.87909816,3.879098281,3.879098226,3.879098244,3.879098285,3.879098245,3.879098236,3.879098299,3.879098255,3.87909817,3.879098184,3.879098247,3.879098261,3.879098166,3.87909827
+"10663","NPL",7.558295091,7.558296024,7.558294144,7.55829768,7.558293126,7.558294305,7.558294985,7.558294499,7.558292869,7.558293094,7.558294397,7.558293506,7.558293348,7.558293281,7.558294552,7.558296188,7.558294128,7.558296692,7.558295681,7.558295465,7.558294797,7.558294322,7.558294719,7.558295712,7.558296006,7.558295271,7.558292904,7.558291684
+"10664","NPLOC4",8.315733223,8.315733231,8.315733276,8.315733133,8.315733067,8.315733383,8.315733124,8.315733163,8.315733278,8.315733113,8.315733143,8.315733058,8.315733155,8.315733342,8.315733062,8.315733009,8.315733082,8.315733034,8.31573309,8.315733347,8.315732977,8.31573314,8.315733211,8.315733148,8.315733056,8.315733132,8.31573317,8.315733142
+"10665","NPM1",6.81267306633333,6.69844067733333,6.64708078766667,6.533561681,6.66575012266667,6.580245213,6.70316395766667,6.60490649866667,6.793947432,6.700084412,6.55018874133333,6.63972629266667,6.72511529833333,6.995161856,6.74451143366667,6.69670289166667,6.54474962533333,6.55062185333333,6.75447960666667,6.558116448,6.75439542566667,6.67907225133333,6.77907823866667,6.635355938,6.56343351733333,6.696713264,6.74371623833333,6.86383342266667
+"10666","NPM2",5.571454979,5.571455043,5.571455034,5.571454956,5.571455169,5.571454928,5.571455003,5.571455196,5.571455023,5.571455003,5.571455045,5.571455077,5.57145499,5.571454776,5.571455068,5.571455159,5.571455163,5.571455103,5.571455035,5.571454992,5.571455122,5.571455086,5.571454945,5.571454807,5.571454986,5.571455081,5.57145499,5.571455042
+"10667","NPM3",5.792486647,5.792486849,5.792487061,5.792486916,5.792487117,5.792486813,5.792487025,5.792486985,5.792487054,5.792487116,5.792486897,5.792487029,5.792486947,5.79248663,5.792486993,5.792486939,5.792487014,5.792487061,5.792486832,5.792486755,5.792486885,5.792487025,5.792486863,5.792486939,5.792487013,5.792486898,5.792486744,5.792486873
+"10668","NPNT",4.181479346,4.181479424,4.181479398,4.18147947,4.181479525,4.181479418,4.181479383,4.18147946,4.181479357,4.181479318,4.181479581,4.181479466,4.181479488,4.181479321,4.181479583,4.181479461,4.181479502,4.181479502,4.181479463,4.181479477,4.181479498,4.181479428,4.18147945,4.181479402,4.181479515,4.181479434,4.181479392,4.181479365
+"10669","NPPA",4.448246449,4.448246613,4.448246555,4.448246549,4.448246563,4.448246556,4.448246559,4.448246582,4.448246507,4.448246601,4.448246594,4.448246512,4.448246594,4.448246565,4.448246551,4.448246538,4.448246565,4.448246544,4.448246545,4.448246658,4.448246482,4.448246554,4.448246557,4.448246558,4.448246538,4.448246532,4.448246595,4.448246474
+"10670","NPPB",5.263244505,5.263244403,5.2632446,5.263244583,5.263244838,5.263244641,5.263244754,5.263244641,5.263244686,5.263244698,5.263244604,5.26324498,5.263244548,5.263244396,5.263245001,5.26324447,5.2632449,5.263244797,5.263244702,5.263244634,5.263244985,5.263244855,5.263244382,5.263244365,5.263244609,5.263244837,5.263244592,5.263244809
+"10671","NPPC",7.614794159,7.614794113,7.614794863,7.614794229,7.61479549,7.614794482,7.614794732,7.614795094,7.614794548,7.614794717,7.614795028,7.614795352,7.614794292,7.614793614,7.614795189,7.614794468,7.614795466,7.614794679,7.614794844,7.614794519,7.614794976,7.614795058,7.614794228,7.614794113,7.614794456,7.614795007,7.614794498,7.614794667
+"10672","NPR1",4.551193756,4.551193766,4.551193872,4.551193802,4.551193885,4.551193832,4.55119373,4.55119399,4.551193901,4.551193795,4.551193796,4.551193942,4.551193734,4.551193725,4.551193897,4.551193909,4.551193869,4.551193927,4.551193962,4.55119381,4.551193876,4.55119395,4.551193796,4.551193741,4.551193843,4.551193924,4.551193737,4.551193771
+"10673","NPR2",5.328654112,5.328654119,5.328654112,5.328654127,5.328654158,5.328654165,5.328654155,5.328654151,5.328654135,5.328654147,5.328654137,5.328654159,5.328654137,5.328654127,5.328654154,5.328654131,5.32865414,5.32865413,5.328654136,5.328654122,5.328654151,5.328654169,5.328654128,5.328654111,5.328654128,5.328654159,5.328654142,5.328654113
+"10674","NPR3",3.6526802525,3.6526802885,3.6526803025,3.652680373,3.652680386,3.6526802345,3.652680365,3.652680374,3.65268038,3.6526802375,3.652680348,3.652680381,3.652680288,3.652680232,3.6526802745,3.652680407,3.652680479,3.652680416,3.6526803205,3.6526802925,3.6526803995,3.6526804,3.652680397,3.6526802705,3.652680425,3.65268027,3.6526803315,3.652680257
+"10675","NPRL2",6.006975217,6.006975145,6.0069752,6.006975074,6.006975155,6.00697525,6.006975178,6.00697518,6.006975191,6.006975226,6.006975184,6.006975161,6.006975154,6.006975214,6.006975153,6.006975151,6.006975103,6.006974985,6.006975187,6.006975118,6.006975093,6.006975172,6.006975172,6.006975155,6.00697504,6.006975011,6.006975173,6.006975008
+"10676","NPRL3",7.956729104,8.173732039,9.437460262,8.426210109,8.908385667,10.31371717,9.037605619,9.001916097,9.425981965,9.970377375,9.541207824,9.318683472,8.39671769,7.82312945,8.059080089,7.561962148,9.098713045,8.626249641,8.327202735,10.05255036,8.821370588,8.661117311,9.254960845,9.962292838,9.588197025,9.31069884,8.837332177,8.327508122
+"10677","NPSR1",4.278770899,4.278771,4.27877106,4.27877094,4.278770997,4.278770886,4.27877098,4.278771013,4.278771005,4.278771005,4.278771081,4.278770984,4.278770887,4.278770902,4.278770968,4.278771026,4.278771066,4.278771088,4.278770968,4.278771077,4.278770961,4.278771071,4.278770907,4.278771007,4.278771015,4.278770932,4.278770927,4.278771065
+"10678","NPSR1-AS1",3.558220058,3.558220097,3.558220138,3.558220157,3.558220184,3.558220089,3.558220179,3.558220098,3.558220143,3.5582201,3.558220141,3.558220215,3.558220115,3.55822006,3.558220151,3.558220123,3.558220166,3.558220161,3.558220116,3.558220148,3.558220133,3.558220236,3.55822007,3.558220062,3.558220131,3.558220114,3.558220087,3.558220154
+"10679","NPTN",8.211696523,8.211696608,8.211696547,8.211696679,8.211696476,8.211696583,8.211696542,8.211696526,8.211696467,8.21169659,8.2116966,8.211696453,8.211696512,8.211696508,8.211696498,8.211696622,8.211696473,8.211696568,8.211696526,8.211696626,8.21169649,8.211696457,8.211696539,8.211696613,8.211696569,8.21169647,8.211696543,8.211696416
+"10680","NPTX1",5.847950209,5.84795023,5.847950247,5.847950212,5.847950276,5.847950277,5.847950245,5.84795028,5.84795024,5.847950258,5.847950264,5.847950275,5.847950234,5.847950151,5.847950269,5.847950242,5.84795027,5.847950265,5.847950237,5.847950249,5.847950271,5.847950241,5.847950243,5.847950233,5.84795025,5.84795027,5.847950247,5.847950234
+"10681","NPTX2",5.501374971,5.501374961,5.501374955,5.501374948,5.501374974,5.501374952,5.501374956,5.501374968,5.501374971,5.501374944,5.501374972,5.501374979,5.501374937,5.50137492,5.501374979,5.501374956,5.50137499,5.501374987,5.50137496,5.501374961,5.501374962,5.501374974,5.501374932,5.50137494,5.501374973,5.501374964,5.501374938,5.50137495
+"10682","NPTXR",6.188645976,6.188645979,6.188645988,6.188646001,6.188646136,6.188646006,6.188646114,6.18864617,6.188645967,6.188645972,6.188646042,6.188646081,6.188645989,6.188645833,6.188646083,6.188646,6.188646145,6.188646087,6.18864601,6.188646035,6.188646095,6.188646144,6.188645931,6.188645855,6.18864601,6.188646096,6.188645926,6.188646033
+"10683","NPVF",3.11446009,3.114460287,3.114460208,3.114460337,3.114460245,3.114460287,3.114460279,3.114460196,3.114460268,3.114460313,3.114460203,3.114460288,3.114460228,3.114460126,3.114460076,3.114460293,3.114460521,3.114460351,3.114460295,3.114460264,3.11446018,3.114460215,3.114460281,3.114460331,3.114460154,3.114460098,3.114460209,3.114460243
+"10684","NPW",6.592421968,6.592422015,6.592422137,6.592422044,6.59242227,6.59242209,6.592422112,6.592422113,6.59242213,6.5924221,6.59242221,6.59242217,6.592422116,6.5924219,6.592422159,6.592422059,6.59242218,6.592422137,6.592422114,6.592422069,6.59242218,6.592422159,6.592422049,6.592422038,6.592422127,6.592422163,6.592422041,6.592422076
+"10685","NPY",4.960362189,4.960362132,4.960362202,4.960362056,4.960362418,4.960362148,4.960362246,4.960362326,4.960362206,4.960362303,4.960362249,4.960362391,4.960362214,4.960361947,4.960362349,4.960362252,4.960362433,4.960362299,4.960362279,4.960362216,4.960362364,4.960362355,4.960362183,4.960362016,4.960362167,4.960362329,4.960362149,4.960362208
+"10686","NPY1R",2.554774612,2.554774584,2.55477438,2.554774563,2.554774443,2.55477446,2.554774755,2.554774732,2.554774688,2.554774636,2.554774438,2.554774688,2.554774617,2.554774463,2.554774395,2.554774829,2.554774543,2.55477473,2.554774582,2.554774574,2.554774559,2.554774395,2.554774761,2.554774799,2.554774656,2.554774587,2.554774575,2.554774787
+"10687","NPY2R",4.552773343,4.552773347,4.552773405,4.552773375,4.552773393,4.552773338,4.552773351,4.552773395,4.55277338,4.552773381,4.552773381,4.552773394,4.552773372,4.552773335,4.552773376,4.552773378,4.552773415,4.552773386,4.55277337,4.552773359,4.552773391,4.552773384,4.552773348,4.552773351,4.552773368,4.552773382,4.552773372,4.552773344
+"10688","NPY5R",2.78998446,2.789984422,2.789984476,2.789984423,2.789984518,2.789984451,2.78998446,2.78998447,2.789984449,2.789984412,2.789984503,2.789984424,2.789984466,2.789984442,2.789984433,2.789984442,2.789984409,2.789984456,2.789984438,2.789984449,2.789984425,2.789984469,2.789984496,2.789984454,2.789984441,2.789984459,2.789984426,2.789984465
+"10689","NPY6R",3.865569188,3.865569211,3.865569219,3.865569189,3.865569193,3.865569184,3.865569233,3.865569176,3.865569196,3.865569219,3.865569203,3.865569232,3.865569154,3.86556916,3.865569181,3.86556922,3.865569282,3.865569254,3.865569206,3.865569187,3.865569211,3.865569188,3.86556919,3.865569242,3.865569197,3.865569175,3.865569148,3.86556922
+"10690","NQO1",4.268071375,4.268071401,4.268071409,4.268071345,4.268071443,4.268071317,4.268071327,4.268071365,4.268071386,4.26807138,4.268071428,4.268071456,4.26807138,4.268071308,4.268071362,4.268071435,4.268071404,4.268071434,4.268071355,4.268071418,4.268071419,4.268071351,4.268071415,4.268071429,4.268071364,4.268071387,4.268071458,4.268071314
+"10691","NQO2",7.399637261,7.399636678,7.399635233,7.399637382,7.399635525,7.399636392,7.399635543,7.39963531,7.399636147,7.399635784,7.399635765,7.39963367,7.399635039,7.399636054,7.399637584,7.399637467,7.399635183,7.399637085,7.399636812,7.399638296,7.399635622,7.399635196,7.39963699,7.399637824,7.399637237,7.399634243,7.399634209,7.399635758
+"10692","NR0B1",3.931959724,3.931959741,3.931959757,3.931959741,3.931959764,3.931959727,3.931959749,3.93195976,3.93195977,3.931959745,3.93195975,3.931959734,3.931959738,3.931959742,3.931959751,3.931959758,3.931959768,3.931959766,3.931959759,3.931959754,3.931959761,3.931959758,3.931959758,3.931959746,3.931959756,3.931959743,3.931959733,3.931959757
+"10693","NR0B2",4.610757693,4.610757741,4.610757911,4.61075769,4.610758159,4.610757798,4.610758047,4.610758043,4.610757935,4.610757933,4.610757665,4.610757945,4.610757574,4.610757602,4.610757942,4.610757863,4.610758109,4.610757875,4.610757957,4.610757938,4.610758007,4.61075803,4.61075785,4.610757639,4.610757973,4.610757895,4.61075772,4.610757699
+"10694","NR1D2",6.597590699,6.59758988,6.597589596,6.597589203,6.597589364,6.59758855,6.59758911,6.59758976,6.597590266,6.597589877,6.597589261,6.597589372,6.597589743,6.597591168,6.597589676,6.597589749,6.59758913,6.597588503,6.597589549,6.597588069,6.597588987,6.59758931,6.597590367,6.597589922,6.597589295,6.597589508,6.597589733,6.597590533
+"10695","NR1H2",7.098946172,7.098946315,7.098946092,7.098946571,7.098946144,7.098946271,7.098946018,7.098946122,7.098946192,7.098946215,7.09894628,7.098945895,7.098946309,7.098946205,7.098946186,7.098946424,7.098946,7.098946439,7.098946186,7.098946206,7.09894604,7.098946172,7.098946222,7.098946437,7.098946372,7.098946208,7.098946385,7.098946099
+"10696","NR1H3",5.351949302,5.351949299,5.351949364,5.351949319,5.351949578,5.351949308,5.351949421,5.351949503,5.351949515,5.351949591,5.351949344,5.351949582,5.351949367,5.35194925,5.351949457,5.351949355,5.351949726,5.351949468,5.35194948,5.351949548,5.351949517,5.351949469,5.351949448,5.351949422,5.351949459,5.351949362,5.351949372,5.351949287
+"10697","NR1H4",2.655120454,2.655120371,2.655120388,2.655120389,2.655120445,2.655120596,2.655120653,2.655120374,2.655120504,2.655120278,2.655120376,2.65512057,2.655120346,2.655120477,2.65512065,2.655120415,2.655120428,2.655120598,2.655120392,2.655120378,2.655120467,2.655120478,2.655120429,2.655120503,2.655120469,2.655120466,2.655120433,2.655120431
+"10698","NR1I2",4.169562654,4.169562591,4.169562711,4.169562596,4.169562806,4.169562471,4.169562657,4.169562656,4.169562724,4.169562627,4.169562645,4.169562761,4.169562615,4.169562535,4.169562733,4.169562699,4.169562771,4.169562653,4.169562587,4.169562597,4.169562741,4.169562769,4.169562672,4.169562551,4.169562727,4.169562613,4.169562584,4.169562629
+"10699","NR1I3",4.315105182,4.315105182,4.315105234,4.315105246,4.315105268,4.31510523,4.31510518,4.315105207,4.315105237,4.315105301,4.315105223,4.3151053,4.315105214,4.315105175,4.315105227,4.315105202,4.315105313,4.315105086,4.315105196,4.315105189,4.31510527,4.315105212,4.315105218,4.315105172,4.315105181,4.315105167,4.315105164,4.315105118
+"10700","NR2C1",5.419632151,5.419631994,5.419631992,5.419632003,5.419631967,5.419632048,5.419632097,5.419632064,5.419632166,5.419632116,5.419632008,5.419632027,5.419632119,5.419632217,5.419632081,5.419631915,5.419631915,5.41963196,5.419632074,5.419632093,5.419632047,5.419632074,5.419632123,5.419632074,5.419632043,5.41963208,5.419632121,5.419632087
+"10701","NR2C2",7.748306285,7.748306341,7.748306157,7.748306361,7.74830624,7.748306413,7.748306358,7.748306242,7.748306313,7.748306303,7.748306219,7.748306207,7.748306315,7.748306288,7.748306251,7.748306199,7.748306103,7.748306272,7.748306334,7.748306424,7.748306291,7.748306188,7.748306323,7.748306302,7.748306229,7.748306264,7.748306373,7.748306233
+"10702","NR2C2AP",5.491165822,5.491165817,5.491165806,5.49116581,5.49116581,5.491165812,5.491165818,5.491165807,5.491165825,5.491165803,5.491165814,5.491165813,5.491165833,5.491165825,5.491165825,5.491165813,5.4911658,5.491165812,5.491165802,5.491165806,5.491165809,5.491165822,5.4911658,5.491165808,5.491165807,5.491165811,5.491165831,5.491165834
+"10703","NR2E1",4.149815959,4.149815647,4.149815802,4.14981575,4.149816351,4.149815929,4.149816056,4.149816019,4.149815859,4.149815887,4.149815872,4.149816306,4.149815894,4.149815671,4.149816172,4.149815993,4.149816388,4.149816037,4.149815927,4.149816075,4.149816156,4.14981612,4.149815845,4.149815786,4.149816071,4.149816148,4.149815677,4.149816112
+"10704","NR2E3",4.777110944,4.777110937,4.777111001,4.777110956,4.777111031,4.777110931,4.777110991,4.777110998,4.777110989,4.77711095,4.777110993,4.777111017,4.777110981,4.777110952,4.77711102,4.777110999,4.777111035,4.777111001,4.777110955,4.777110999,4.777111014,4.777111013,4.777110952,4.777110939,4.777110991,4.777110984,4.777110933,4.77711098
+"10705","NR2F1",5.974793497,5.974793783,5.974794173,5.974793565,5.974794116,5.974793063,5.974793711,5.97479392,5.974793884,5.974793977,5.974794069,5.974794123,5.974793909,5.974793414,5.974793797,5.974793806,5.974794078,5.974794222,5.974793795,5.974793953,5.974793926,5.974793963,5.974793817,5.974793862,5.974794281,5.97479385,5.974793787,5.974793876
+"10706","NR2F2",5.775380955,5.775381022,5.775381166,5.77538107,5.775381129,5.775381058,5.775381039,5.775381129,5.775381041,5.775381114,5.775381121,5.775381194,5.77538105,5.775380885,5.775381101,5.77538107,5.775381156,5.775381068,5.775380997,5.775381053,5.775381,5.775381094,5.775381048,5.775380949,5.775381069,5.775381054,5.775381066,5.775381066
+"10707","NR2F6",6.575940181,6.575940257,6.57594037,6.575940286,6.575940596,6.575940169,6.575940342,6.575940494,6.575940386,6.57594031,6.575940494,6.575940534,6.575940379,6.57594,6.575940535,6.575940348,6.575940526,6.575940418,6.575940375,6.575940319,6.575940516,6.575940458,6.575940222,6.575940214,6.575940356,6.575940558,6.575940328,6.575940346
+"10708","NR3C1",7.685581532,7.685581578,7.685581371,7.685581637,7.685581218,7.685581245,7.685581366,7.685581219,7.685581084,7.68558126,7.685581293,7.68558097,7.685581418,7.685581701,7.685581477,7.685581458,7.685581292,7.685581479,7.685581533,7.685581131,7.685581416,7.685581212,7.685581355,7.685581429,7.685581539,7.685581296,7.685581412,7.685581372
+"10709","NR3C2",6.073646201,6.073645495,6.073644979,6.073645753,6.073644907,6.073644439,6.073645234,6.073645411,6.073646286,6.073645517,6.073644662,6.073645955,6.073645876,6.073646169,6.073645679,6.073644747,6.073644604,6.073645769,6.073645346,6.073644507,6.07364507,6.07364597,6.073646104,6.073645502,6.073645159,6.073646219,6.073646239,6.073645831
+"10710","NR4A1",5.760383851,5.760383863,5.760383925,5.760383879,5.760383933,5.76038391,5.760383884,5.760383913,5.760383886,5.760383893,5.760383901,5.760383924,5.760383893,5.760383846,5.76038391,5.760383899,5.760383963,5.760383924,5.760383903,5.760383889,5.760383911,5.760383935,5.760383878,5.76038389,5.760383907,5.760383896,5.760383893,5.760383906
+"10711","NR4A2",4.600931543,4.600931713,4.600931699,4.600931604,4.600931708,4.600931616,4.600931579,4.600931802,4.60093161,4.600931701,4.600931671,4.600931611,4.600931617,4.600931456,4.600931661,4.600931694,4.600931722,4.600931666,4.600931563,4.600931649,4.60093155,4.600931558,4.600931693,4.600931639,4.60093169,4.600931709,4.600931542,4.600931563
+"10712","NR4A3",4.300631141,4.300631112,4.300631272,4.300631204,4.30063129,4.300631243,4.30063116,4.300631232,4.300631189,4.300631191,4.300631259,4.300631187,4.300631175,4.300631088,4.300631253,4.300631212,4.300631371,4.300631246,4.300631258,4.300631122,4.300631231,4.300631181,4.300631204,4.300631176,4.30063125,4.30063115,4.300631107,4.300631214
+"10713","NR5A1",5.235346353,5.235346358,5.235346424,5.235346349,5.23534648,5.235346342,5.235346406,5.235346421,5.235346392,5.235346406,5.235346423,5.23534646,5.235346388,5.235346298,5.235346462,5.235346397,5.235346471,5.235346428,5.235346351,5.235346399,5.235346498,5.23534642,5.23534631,5.235346362,5.235346395,5.235346438,5.235346371,5.235346402
+"10714","NR5A2",4.192748921,4.192748928,4.192748954,4.192748923,4.192748989,4.192748936,4.192748907,4.192748965,4.19274895,4.192748951,4.192748949,4.192749006,4.192748944,4.192748952,4.192748976,4.192748949,4.192748985,4.192748953,4.192748955,4.192748957,4.192748945,4.192748951,4.192748949,4.192748936,4.192748973,4.192748934,4.192748922,4.192748936
+"10715","NR6A1",5.605254044,5.605254084,5.605254072,5.605254109,5.605254051,5.605254088,5.605254098,5.605254104,5.605254064,5.605254078,5.605254052,5.605254069,5.605254057,5.605254053,5.605254077,5.605254108,5.605254071,5.605254082,5.605254074,5.605254056,5.605254092,5.605254086,5.605254056,5.605254099,5.605254082,5.605254069,5.605254031,5.60525403
+"10716","NRAP",4.548276571,4.548276597,4.548276601,4.548276601,4.54827664,4.548276625,4.548276636,4.548276643,4.548276609,4.548276628,4.548276629,4.548276617,4.548276582,4.548276566,4.548276629,4.5482766,4.54827663,4.548276619,4.548276602,4.54827661,4.548276614,4.548276641,4.548276616,4.548276595,4.548276614,4.548276631,4.548276565,4.548276594
+"10717","NRARP",5.364113929,5.364113967,5.364114029,5.364113947,5.364114063,5.364113913,5.364114015,5.364114073,5.364114057,5.364114092,5.364114098,5.364114146,5.364114011,5.364113869,5.364114047,5.364114056,5.364114101,5.364114069,5.364114081,5.364114054,5.364114099,5.36411407,5.364114008,5.364113965,5.364114023,5.364114066,5.364113963,5.364113983
+"10718","NRBF2",7.382672767,7.382673296,7.382672373,7.382673732,7.382672233,7.382672763,7.382672862,7.382672444,7.382672382,7.382672187,7.382672778,7.382671636,7.382672539,7.382673196,7.3826731,7.382673472,7.382672774,7.382673382,7.382673234,7.382673043,7.382673,7.382672667,7.382673163,7.38267311,7.382672873,7.382672068,7.382672501,7.382673356
+"10719","NRBP1",7.273056277,7.273056361,7.273056193,7.273056283,7.273056179,7.273056305,7.273056237,7.273056248,7.273056245,7.273056261,7.273056211,7.273056165,7.273056209,7.273056294,7.273056229,7.27305628,7.273056174,7.273056212,7.273056226,7.273056197,7.27305617,7.273056233,7.273056271,7.273056298,7.273056265,7.27305618,7.273056227,7.273056161
+"10720","NRBP2",6.305093245,6.305093251,6.305093508,6.305093449,6.305093628,6.305093354,6.305093418,6.305093651,6.305093567,6.305093468,6.305093388,6.305093534,6.30509343,6.305093266,6.305093534,6.305093523,6.30509364,6.305093535,6.305093373,6.305093325,6.305093506,6.305093582,6.305093311,6.305093476,6.305093457,6.305093519,6.305093529,6.305093473
+"10721","NRCAM",3.782840235,3.782840443,3.782840459,3.782840571,3.782840464,3.782840178,3.782840158,3.782840604,3.782840783,3.782840391,3.782840132,3.782841009,3.78284034,3.782840698,3.782840293,3.782840431,3.782840383,3.782840517,3.782840313,3.782840209,3.782840237,3.782840512,3.782840581,3.78284037,3.782840236,3.782840888,3.782840397,3.782840556
+"10722","NRDC",8.708727792,8.708727889,8.708727351,8.708728069,8.708727072,8.708727668,8.708727727,8.708727253,8.708727278,8.708727218,8.708727569,8.708726776,8.708727631,8.708727965,8.708727621,8.708727955,8.708727307,8.708727661,8.708727825,8.70872771,8.708727872,8.708727387,8.708727628,8.708727565,8.708727611,8.708727437,8.708727532,8.708727285
+"10723","NRDE2",5.977866229,5.977866219,5.977866207,5.977866177,5.977866046,5.977866223,5.977866121,5.977866188,5.977866269,5.977866167,5.977866162,5.977866145,5.977866172,5.977866237,5.977866016,5.97786625,5.977866139,5.977866026,5.977866203,5.977866131,5.977866077,5.977866128,5.977866219,5.977866269,5.977866177,5.977866237,5.977866178,5.977866251
+"10724","NREP",5.68414441,5.684144466,5.684144451,5.684144401,5.684144399,5.684144234,5.684144275,5.684144326,5.68414434,5.68414442,5.684144367,5.684144347,5.684144341,5.684144385,5.684144327,5.68414425,5.684144334,5.68414437,5.684144394,5.684144329,5.684144281,5.68414434,5.684144257,5.68414446,5.684144364,5.684144307,5.68414438,5.684144291
+"10725","NRF1",6.901227831,6.901227868,6.901227746,6.90122777,6.901227698,6.901227663,6.901227801,6.901227712,6.90122786,6.901227722,6.901227708,6.901227668,6.901227826,6.901227951,6.90122783,6.901227713,6.90122757,6.901227768,6.901227749,6.901227876,6.901227752,6.901227714,6.901227862,6.901227804,6.901227741,6.901227795,6.901227844,6.901227824
+"10726","NRG1",4.411435215,4.411435306,4.411435331,4.411435284,4.411435343,4.4114353865,4.411435329,4.4114352405,4.4114352375,4.4114352255,4.411435161,4.4114352355,4.4114353085,4.4114353475,4.4114352625,4.4114353525,4.411435339,4.411435264,4.4114353185,4.411435412,4.41143526,4.4114352365,4.4114351555,4.4114352815,4.4114352055,4.4114352615,4.411435293,4.411435219
+"10727","NRG2",5.804336701,5.80433667,5.804336726,5.804336748,5.804337056,5.804336683,5.804336917,5.804336913,5.804336792,5.804336741,5.804336823,5.804337005,5.804336814,5.804336607,5.804336906,5.804336781,5.80433699,5.804336923,5.804336859,5.804336739,5.80433696,5.804336983,5.804336724,5.804336703,5.804336809,5.804336983,5.804336775,5.804336766
+"10728","NRG3",4.203174329,4.203174486,4.203174545,4.203174539,4.203174649,4.20317465,4.203174509,4.203174565,4.203174492,4.203174629,4.203174632,4.203174569,4.203174536,4.203174457,4.203174571,4.203174563,4.203174647,4.203174679,4.203174524,4.203174569,4.203174591,4.203174607,4.20317447,4.203174449,4.203174426,4.203174521,4.203174502,4.203174489
+"10729","NRG4",3.195650737,3.195650726,3.195650755,3.195650849,3.195650734,3.19565074,3.195650732,3.195650771,3.195650709,3.195650735,3.195650846,3.195650727,3.195650717,3.195650782,3.195650748,3.195650852,3.195650699,3.195650728,3.195650805,3.195650706,3.195650687,3.195650683,3.195650746,3.19565064,3.195650842,3.195650722,3.195650725,3.195650694
+"10730","NRGN",8.287908739,9.144105735,8.893834876,9.682156772,9.069129442,8.635162573,8.442170167,8.51128004,8.690806594,9.406283168,9.590932023,9.035621253,8.617062536,7.766708169,8.404171657,8.678242477,8.796374083,9.730471211,8.86014175,8.448135704,8.501413704,8.366131031,8.697761803,9.524039788,9.534589196,8.931973657,8.779564403,7.967848515
+"10731","NRIP1",5.742096099,5.742095928,5.742095796,5.742095637,5.742095942,5.742095814,5.742096044,5.742095699,5.742096067,5.742095976,5.742095399,5.742095589,5.742095888,5.742096526,5.742095916,5.742095748,5.742095787,5.742095603,5.742095833,5.742095789,5.742095886,5.74209594,5.742095885,5.742095939,5.742095829,5.742095811,5.742096018,5.742096413
+"10732","NRIP2",5.388708556,5.388708578,5.388708597,5.388708578,5.388708618,5.388708591,5.388708589,5.388708609,5.388708595,5.388708588,5.388708578,5.38870859,5.388708558,5.388708535,5.38870861,5.388708637,5.38870862,5.388708618,5.388708601,5.388708599,5.388708595,5.388708622,5.388708579,5.388708589,5.388708597,5.388708626,5.38870856,5.388708599
+"10733","NRIP3",4.869979675,4.869979751,4.869979824,4.86997958,4.869980104,4.869979812,4.869979822,4.869979894,4.869979781,4.869979856,4.869979819,4.869980053,4.869979792,4.869979522,4.869979948,4.869979849,4.869980094,4.86997985,4.869979882,4.869979759,4.869979933,4.869979876,4.869979736,4.869979679,4.869979714,4.869979971,4.869979657,4.869979908
+"10734","NRK",3.219642007,3.219642063,3.219642064,3.219642045,3.219642092,3.219642063,3.219642087,3.219642018,3.219642023,3.219642083,3.219642078,3.219642091,3.219642125,3.21964202,3.219642108,3.21964215,3.219642141,3.219642128,3.219642103,3.219642103,3.219642106,3.219642094,3.219642052,3.21964209,3.219642043,3.219642043,3.219642067,3.219642099
+"10735","NRL",5.892029151,5.892029172,5.892029243,5.892029227,5.892029346,5.892029343,5.892029249,5.892029337,5.892029286,5.89202933,5.892029292,5.8920293,5.892029241,5.892029168,5.892029335,5.892029291,5.892029286,5.892029289,5.892029197,5.892029257,5.892029311,5.892029345,5.892029199,5.892029244,5.892029244,5.892029202,5.892029226,5.892029185
+"10736","NRM",5.0759925235,5.0759925975,5.0759945515,5.0759937445,5.0759931265,5.07599384,5.0759939035,5.075993403,5.075992771,5.075993583,5.075994325,5.0759925185,5.0759934495,5.075994367,5.075993677,5.075992713,5.0759946745,5.075993033,5.0759927625,5.0759944315,5.075993841,5.0759937895,5.0759930715,5.0759930655,5.075994107,5.075993024,5.075992612,5.0759928645
+"10737","NRN1",4.472793626,4.4727937,4.472793627,4.472793752,4.472793649,4.472793823,4.472793643,4.472793589,4.472793702,4.472793501,4.472793682,4.472793508,4.472793475,4.472793551,4.472793709,4.472793658,4.472793505,4.472793691,4.472793631,4.472793953,4.472793541,4.472793639,4.472793709,4.472793625,4.472793652,4.472793587,4.472793537,4.4727935
+"10738","NRN1L",5.466238519,5.466238337,5.466238608,5.46623849,5.466238688,5.466238561,5.466238559,5.466238627,5.466238422,5.466238493,5.466238619,5.466238615,5.466238503,5.466238288,5.466238538,5.466238546,5.466238649,5.466238721,5.466238578,5.466238486,5.466238678,5.466238628,5.466238445,5.466238367,5.4662384,5.466238672,5.466238554,5.466238652
+"10739","NRP1",4.493866832,4.493866735,4.493866877,4.493866839,4.493866824,4.493866801,4.49386679,4.493866823,4.493866775,4.493866863,4.49386681,4.493866812,4.493866741,4.493866769,4.493866807,4.493866769,4.493866878,4.493866851,4.493866813,4.49386683,4.493866774,4.493866813,4.493866789,4.493866789,4.493866787,4.493866861,4.493866805,4.493866834
+"10740","NRP2",3.999243489,3.999243577,3.999243519,3.999243521,3.9992436355,3.999243586,3.9992435575,3.999243624,3.9992435595,3.999243519,3.9992435455,3.99924357,3.9992435535,3.999243527,3.9992435745,3.9992435905,3.9992436255,3.99924355,3.9992435545,3.999243623,3.9992435975,3.999243562,3.999243505,3.999243492,3.999243546,3.9992435245,3.999243518,3.9992435795
+"10741","NRROS",7.601308761,7.601309243,7.601308588,7.60130864,7.601309198,7.601309434,7.60130867,7.601308693,7.60130858,7.601308762,7.601309091,7.601308542,7.601309139,7.601308879,7.601308684,7.601308919,7.601308453,7.601308316,7.601309341,7.601309313,7.601308385,7.601308701,7.601308931,7.601308888,7.60130905,7.601308686,7.601309083,7.601308665
+"10742","NRSN1",4.541703285,4.541703696,4.541703799,4.541703651,4.541703629,4.541703268,4.541703536,4.541703688,4.541703657,4.541703541,4.541703369,4.541703568,4.54170381,4.541703424,4.541703559,4.541703776,4.541703769,4.541703499,4.541703337,4.54170336,4.541703319,4.541703679,4.541703719,4.541703749,4.541703683,4.541703445,4.54170358,4.541703502
+"10743","NRSN2",4.98418499,4.984185176,4.984185312,4.984185185,4.98418511,4.984185313,4.984185199,4.984185202,4.984185213,4.984185157,4.984185227,4.984185191,4.984185062,4.984184862,4.984185137,4.984184981,4.984185366,4.984185146,4.984185011,4.984185122,4.984185118,4.984185391,4.98418525,4.984184933,4.984185171,4.984185081,4.984185049,4.98418509
+"10744","NRTN",6.096312662,6.096312643,6.096312903,6.096312682,6.096313132,6.096312682,6.096312922,6.096312883,6.096312812,6.096312866,6.096312903,6.096313077,6.09631282,6.096312572,6.096313002,6.096312763,6.096313095,6.096313015,6.096312872,6.096312834,6.096313023,6.096312961,6.096312698,6.096312667,6.096312844,6.096312944,6.096312717,6.096312878
+"10745","NRXN1",4.259587345,4.25958734,4.259587391,4.259587387,4.25958739,4.259587391,4.259587382,4.259587413,4.259587374,4.259587382,4.259587392,4.259587417,4.259587361,4.259587341,4.259587384,4.259587395,4.259587406,4.259587412,4.259587405,4.259587377,4.259587403,4.259587357,4.259587341,4.259587367,4.259587412,4.259587381,4.259587386,4.259587411
+"10746","NRXN2",5.877683411,5.877683419,5.87768343,5.877683429,5.877683454,5.877683415,5.87768343,5.877683446,5.877683416,5.877683417,5.877683437,5.877683454,5.877683418,5.877683383,5.877683441,5.877683446,5.87768344,5.877683445,5.877683427,5.877683417,5.877683454,5.877683444,5.877683407,5.877683416,5.877683432,5.877683437,5.8776834,5.87768343
+"10747","NRXN3",3.686933612,3.686933578,3.686933661,3.686933611,3.686933625,3.686933641,3.686933613,3.686933622,3.68693364,3.686933625,3.686933634,3.686933675,3.686933648,3.686933601,3.686933642,3.686933582,3.686933674,3.686933625,3.686933614,3.686933632,3.686933622,3.686933655,3.686933621,3.686933628,3.68693362,3.686933596,3.686933622,3.686933638
+"10748","NSA2",6.028091229,6.028091757,6.028089974,6.028089704,6.028089418,6.028089278,6.028090556,6.028090331,6.028090773,6.028090001,6.028090121,6.028089397,6.028089994,6.02809372,6.028090646,6.028090902,6.028089275,6.02808978,6.028090142,6.02809031,6.028090354,6.028091046,6.028091268,6.028090171,6.028089702,6.028090056,6.028090681,6.02809182
+"10749","NSD1",7.729276248,7.729276264,7.729275956,7.729276373,7.729275982,7.729276322,7.729276306,7.729276012,7.729276129,7.729276044,7.729276202,7.729276085,7.72927628,7.72927646,7.729276084,7.729276028,7.729275507,7.729276176,7.729276214,7.729276094,7.729276169,7.72927594,7.729276197,7.729276228,7.729276177,7.729276258,7.729276213,7.729276029
+"10750","NSD2",5.875796293,5.875796264,5.87579627,5.875796264,5.875796246,5.875796302,5.875796321,5.87579626,5.875796302,5.875796233,5.875796256,5.875796276,5.875796284,5.875796301,5.875796251,5.875796234,5.875796178,5.875796249,5.87579627,5.875796261,5.875796296,5.875796224,5.875796291,5.875796259,5.875796286,5.875796263,5.875796278,5.875796274
+"10751","NSD3",8.431490632,8.431490703,8.431490298,8.431490595,8.431490421,8.431490348,8.431490508,8.431490332,8.431490494,8.431490424,8.431490207,8.431490334,8.431490394,8.431490894,8.431490566,8.43149073,8.431490203,8.431490574,8.431490664,8.431490047,8.431490612,8.431490245,8.431490463,8.431490401,8.431490443,8.431490608,8.43149048,8.431490644
+"10752","NSDHL",5.614394162,5.614394165,5.61439415,5.614394096,5.614394114,5.614394174,5.614394132,5.614394108,5.614394116,5.61439415,5.614394108,5.614394128,5.614394155,5.614394142,5.614394136,5.614394146,5.614394116,5.614394097,5.614394119,5.614394145,5.614394157,5.614394125,5.614394097,5.614394127,5.614394107,5.614394131,5.61439416,5.614394112
+"10753","NSF",7.149723356,7.149723095,7.149722989,7.149723255,7.149722929,7.149722878,7.149723138,7.149722665,7.14972287,7.149722773,7.149722969,7.149722636,7.149723146,7.149723565,7.149723198,7.149723161,7.149722392,7.149723161,7.149723169,7.149722913,7.149723092,7.149722851,7.149723045,7.149723004,7.149723171,7.149722907,7.149723133,7.149723051
+"10754","NSFL1C",8.381555474,8.38155595,8.381555325,8.38155575,8.381555117,8.381555649,8.381555592,8.381555208,8.381555113,8.381555133,8.381555654,8.381554872,8.38155541,8.38155561,8.381555131,8.381555704,8.381555152,8.381555275,8.381555351,8.381555501,8.381555442,8.381555022,8.3815552,8.381555588,8.381555547,8.381554969,8.38155543,8.381555155
+"10755","NSG1",5.332473011,5.33247261,5.332472197,5.332472631,5.332472972,5.33247289,5.332472778,5.332473117,5.332472965,5.332472498,5.33247267,5.332472829,5.332472965,5.332473243,5.332473026,5.332472431,5.332472408,5.332472728,5.332472788,5.332472748,5.332472748,5.332473101,5.332472844,5.332472702,5.332472827,5.332472805,5.332472986,5.332473211
+"10756","NSG2",4.199999709,4.199999728,4.199999738,4.199999732,4.19999975,4.199999737,4.199999733,4.199999728,4.199999725,4.199999721,4.199999754,4.199999732,4.199999728,4.199999707,4.199999733,4.199999737,4.199999741,4.199999742,4.19999973,4.199999744,4.199999731,4.199999737,4.199999718,4.199999727,4.199999731,4.199999733,4.199999729,4.199999721
+"10757","NSL1",7.034094839,7.03409424,7.034094382,7.034094062,7.034093865,7.034093908,7.034094063,7.034093614,7.034094324,7.034093977,7.034094071,7.034093826,7.034094384,7.034094925,7.034094311,7.03409404,7.034093985,7.034093852,7.034094316,7.034093843,7.034094291,7.034093787,7.034094526,7.034094477,7.034094129,7.034093936,7.034094324,7.034094646
+"10758","NSMAF",6.72320494,6.723204901,6.723204837,6.723204854,6.723204835,6.723204872,6.723204899,6.72320484,6.723204864,6.72320489,6.723204837,6.723204845,6.723204886,6.723204945,6.72320486,6.723204862,6.723204813,6.72320485,6.723204868,6.72320483,6.723204883,6.723204842,6.723204898,6.723204859,6.723204833,6.723204889,6.723204894,6.723204882
+"10759","NSMCE1",6.92874262,6.928742561,6.928742594,6.928742557,6.928742489,6.928742627,6.928742637,6.928742575,6.928742636,6.928742717,6.928742518,6.928742548,6.928742637,6.928742726,6.928742536,6.928742439,6.928742474,6.928742485,6.928742651,6.928742551,6.92874257,6.92874257,6.928742695,6.928742634,6.928742367,6.928742596,6.928742652,6.928742594
+"10760","NSMCE2",5.09575404,5.09575396,5.095753889,5.095753797,5.095753727,5.095753846,5.095753858,5.095753842,5.095753812,5.095753907,5.09575387,5.095753751,5.095753995,5.095754166,5.095753815,5.095753889,5.095753758,5.09575377,5.095753932,5.095753792,5.095753848,5.095753852,5.09575393,5.095753933,5.09575388,5.095753879,5.095753924,5.09575401
+"10761","NSMCE3",5.97370441,5.973704515,5.973704484,5.97370441,5.973704515,5.97370454,5.973704524,5.973704502,5.973704538,5.973704542,5.973704451,5.973704568,5.973704448,5.973704301,5.973704444,5.973704509,5.97370448,5.973704462,5.973704523,5.973704539,5.973704456,5.97370439,5.973704545,5.973704495,5.973704496,5.973704474,5.973704352,5.973704439
+"10762","NSMCE4A",6.153444154,6.153444108,6.153444086,6.153444093,6.153444071,6.153444137,6.15344412,6.15344407,6.153444164,6.153444128,6.153444043,6.153444093,6.153444136,6.153444187,6.153444107,6.153444083,6.153444033,6.153444035,6.153444067,6.153444077,6.153444088,6.1534441,6.15344411,6.153444114,6.153444019,6.153444107,6.153444144,6.153444152
+"10763","NSMF",5.483745064,5.483745184,5.483745022,5.483745226,5.483745497,5.483745641,5.483745273,5.483745364,5.483745114,5.483745675,5.483745669,5.483745623,5.48374554,5.483745265,5.483745396,5.483745393,5.483745507,5.483744944,5.483745291,5.483745533,5.483745314,5.483745402,5.483745145,5.483745353,5.4837454,5.483745402,5.483745334,5.483745306
+"10764","NSRP1",5.614613835,5.614613893,5.614613729,5.614613745,5.614613641,5.614613729,5.614613737,5.614613675,5.614613914,5.614613808,5.614613666,5.614613481,5.6146138,5.614614131,5.614613825,5.614613893,5.614613636,5.614613749,5.614613677,5.614613743,5.614613726,5.614613812,5.614613775,5.614613899,5.614613791,5.614613743,5.614613785,5.614613956
+"10765","NSUN2",7.841720121,7.8417205,7.841719616,7.841719463,7.841719624,7.841719811,7.841720012,7.841719624,7.841720378,7.841720238,7.841719754,7.841719647,7.841719939,7.841720674,7.841719744,7.841719997,7.841719028,7.841719213,7.84171954,7.841719529,7.841719889,7.841719466,7.841720238,7.841720137,7.841719707,7.84172021,7.841719866,7.84171999
+"10766","NSUN3",7.156843582,7.156843001,7.156843001,7.156843005,7.156842582,7.156842429,7.156842614,7.156843144,7.15684313,7.156842975,7.156842668,7.156843019,7.156842818,7.156843771,7.156843306,7.156843082,7.156842445,7.156842976,7.156842898,7.156842622,7.15684259,7.156842754,7.156843141,7.156843295,7.156842951,7.156843179,7.156842891,7.156843726
+"10767","NSUN4",6.691099454,6.691099187,6.691098973,6.691098894,6.691099249,6.691099364,6.691099081,6.691099138,6.69109948,6.691099184,6.691099102,6.691099176,6.691099303,6.691099343,6.691099303,6.691099006,6.691098856,6.691098579,6.691099513,6.691098717,6.691098801,6.691099201,6.691099421,6.691099217,6.69109922,6.691099302,6.691099238,6.691099173
+"10768","NSUN5",7.24685148,7.246851551,7.246851483,7.246851389,7.246851404,7.246851393,7.246851496,7.246851406,7.246851584,7.246851467,7.246851444,7.246851421,7.246851523,7.246851508,7.24685151,7.24685155,7.24685143,7.246851403,7.246851466,7.246851388,7.246851421,7.24685145,7.246851512,7.246851471,7.246851399,7.246851472,7.246851444,7.246851442
+"10769","NSUN6",5.945182105,5.945181452,5.945181651,5.945181475,5.945180909,5.945181337,5.945181721,5.945181616,5.945181874,5.945181644,5.945181331,5.945181588,5.945181866,5.945182441,5.945181579,5.945181278,5.945181336,5.94518126,5.945181432,5.945181178,5.945181692,5.945181802,5.945181814,5.94518162,5.94518129,5.945181801,5.945182042,5.945181925
+"10770","NSUN7",5.329510289,5.329510394,5.329510435,5.329510479,5.329510319,5.329510332,5.329510322,5.329510353,5.329510295,5.329510248,5.32951039,5.329510321,5.329510268,5.329510425,5.329510317,5.329510431,5.329510402,5.329510481,5.329510461,5.329510392,5.329510358,5.329510363,5.329510399,5.329510423,5.329510427,5.32951035,5.32951028,5.329510367
+"10771","NT5C",6.541645989,6.541645987,6.541646017,6.541645979,6.541645956,6.541646039,6.541646029,6.541646001,6.541646023,6.541646062,6.541646062,6.541646024,6.541645978,6.54164594,6.541645981,6.541645989,6.541646074,6.541645985,6.541645941,6.541646162,6.541645937,6.541645914,6.54164593,6.541645977,6.541645894,6.541645934,6.541646049,6.541645977
+"10772","NT5C1A",5.082980204,5.082980209,5.082980221,5.082980206,5.082980255,5.082980252,5.082980211,5.082980219,5.082980213,5.082980228,5.082980241,5.082980251,5.082980212,5.08298018,5.082980204,5.082980216,5.082980225,5.082980228,5.082980212,5.082980208,5.082980203,5.082980228,5.08298023,5.082980161,5.08298022,5.082980211,5.082980229,5.082980203
+"10773","NT5C2",8.584407085,8.584407704,8.584407031,8.584408899,8.58440598,8.584408262,8.584407336,8.584406446,8.584406406,8.584405537,8.584406901,8.584404856,8.584407184,8.584407898,8.584406905,8.584408068,8.584407148,8.584408121,8.584408044,8.584408995,8.584407841,8.584406459,8.584407839,8.584407537,8.584408223,8.584406696,8.584406986,8.584406677
+"10774","NT5C3A",6.186141728,6.186139935,6.186144699,6.186142882,6.186141008,6.186144342,6.186139909,6.186138865,6.186136455,6.186142014,6.186144928,6.186140038,6.186145008,6.186140712,6.186140692,6.186137542,6.186140373,6.186140271,6.186142027,6.186138448,6.186137547,6.186141471,6.186144428,6.186140015,6.186140924,6.186139838,6.186141471,6.186141103
+"10775","NT5C3B",5.916645521,5.91664519,5.916645288,5.916645208,5.916645499,5.916645199,5.916645239,5.916645401,5.916645156,5.916645129,5.916645373,5.91664574,5.916645216,5.916645433,5.916645402,5.916645179,5.916645332,5.916645317,5.916645356,5.916645262,5.916645295,5.916645434,5.916645058,5.916645204,5.916645297,5.91664549,5.916645193,5.916645553
+"10776","NT5DC1",5.964894848,5.964895053,5.964894397,5.964894246,5.964894419,5.964894251,5.964894795,5.96489467,5.964895106,5.964894879,5.964894287,5.964894265,5.964894831,5.964895378,5.964894592,5.964894452,5.964894635,5.964894546,5.964894975,5.964894347,5.964894408,5.964894314,5.964894907,5.964894851,5.964894782,5.964894544,5.964894609,5.964895069
+"10777","NT5DC2",5.45441481,5.454414654,5.454414885,5.454414722,5.454414842,5.454414819,5.454414964,5.454414887,5.454414825,5.454414889,5.454414807,5.454414881,5.454414849,5.454414747,5.454414877,5.454414786,5.454414884,5.454414795,5.454414681,5.454414823,5.454414893,5.454414828,5.454414805,5.454414665,5.454414829,5.454414783,5.454414782,5.454414787
+"10778","NT5DC3",5.512213282,5.512213321,5.512213257,5.512213305,5.512213347,5.512213288,5.512213389,5.512213272,5.512213414,5.512213398,5.512213251,5.512213287,5.512213259,5.512213423,5.512213315,5.512213354,5.512213127,5.512213211,5.512213317,5.512213274,5.512213406,5.51221328,5.512213335,5.512213313,5.512213311,5.512213276,5.512213308,5.512213308
+"10779","NT5DC4",4.488170733,4.488170717,4.488170702,4.488170726,4.488170739,4.48817071,4.488170742,4.488170725,4.488170705,4.48817073,4.48817073,4.488170732,4.488170721,4.48817065,4.488170735,4.488170746,4.488170702,4.48817072,4.488170732,4.488170721,4.488170737,4.488170698,4.4881707,4.488170698,4.488170746,4.488170738,4.488170714,4.488170685
+"10780","NT5E",5.10591515,5.10591523,5.105914346,5.105914467,5.105914398,5.105914135,5.105914442,5.105914253,5.105915085,5.105915063,5.105914763,5.105915389,5.10591514,5.105915657,5.10591482,5.105914849,5.105914182,5.105914647,5.105914884,5.105914345,5.105914108,5.105914877,5.105914995,5.105914965,5.105914451,5.105915174,5.105915036,5.105915464
+"10781","NT5M",6.600169636,6.600169784,6.600170035,6.600169978,6.600170198,6.600169898,6.600169916,6.600170357,6.60016986,6.600169856,6.600170134,6.600170095,6.600169813,6.600169339,6.600169823,6.600169948,6.600170173,6.600169995,6.600169966,6.600169424,6.600169763,6.600170157,6.600169871,6.600169808,6.600170053,6.600169821,6.60016988,6.600169805
+"10782","NTAN1",6.300042763,6.300042546,6.300042923,6.30004246,6.300042634,6.300042988,6.300042919,6.300043088,6.300042711,6.300042918,6.300043193,6.30004297,6.300042656,6.300042579,6.30004261,6.300042664,6.300042856,6.300042347,6.300042854,6.300042315,6.300042895,6.300043011,6.300042772,6.300042651,6.300042827,6.30004251,6.300042973,6.300042396
+"10783","NTAQ1",5.007989883,5.00798961,5.007989416,5.007989357,5.007989614,5.007989899,5.007989682,5.007989731,5.007989691,5.007989742,5.007989281,5.007989579,5.007989945,5.007989839,5.007989659,5.007989566,5.007989452,5.007989337,5.007989714,5.007989496,5.007989498,5.007989652,5.007989786,5.007989741,5.007989359,5.007989577,5.007989888,5.007989629
+"10784","NTF3",3.685727784,3.685727845,3.685727911,3.685728038,3.685727906,3.685727965,3.68572792,3.685728237,3.685727957,3.685728037,3.685728061,3.685728108,3.685728087,3.685728004,3.68572801,3.685728053,3.685728079,3.685728067,3.685728081,3.68572794,3.685728015,3.685728007,3.685727918,3.685727722,3.685728082,3.685728036,3.685727966,3.685727865
+"10785","NTF4",5.6499256,5.649925711,5.649925761,5.649925679,5.649925778,5.649925711,5.649925691,5.649925765,5.649925726,5.649925712,5.649925739,5.649925756,5.649925649,5.64992558,5.649925746,5.649925767,5.649925788,5.649925743,5.649925678,5.649925702,5.649925744,5.64992572,5.649925671,5.649925677,5.649925729,5.649925697,5.64992565,5.649925682
+"10786","NTHL1",6.09128836,6.091288395,6.091288409,6.0912884,6.091288427,6.09128836,6.091288387,6.091288414,6.09128843,6.091288385,6.091288415,6.091288405,6.091288392,6.091288381,6.091288409,6.091288404,6.091288419,6.091288418,6.091288375,6.091288382,6.091288373,6.091288413,6.091288399,6.091288406,6.091288425,6.091288388,6.091288427,6.091288412
+"10787","NTM",5.063072135,5.06307203,5.063072381,5.063072063,5.063072388,5.063071791,5.063072023,5.063072293,5.063072175,5.063071955,5.063072278,5.063072434,5.063072049,5.063071842,5.063072243,5.063072337,5.063072176,5.063072136,5.063072128,5.063072023,5.063072062,5.063072352,5.063072127,5.063071853,5.063072456,5.063072165,5.063072089,5.0630721
+"10788","NTM-AS1",4.353460821,4.353460802,4.353460843,4.353460835,4.353460855,4.353460855,4.35346084,4.353460836,4.353460837,4.353460825,4.353460848,4.35346085,4.353460807,4.353460801,4.353460854,4.353460861,4.353460829,4.353460824,4.353460852,4.353460824,4.353460843,4.35346084,4.353460827,4.353460835,4.353460818,4.353460831,4.353460832,4.353460826
+"10789","NTMT1",6.421664969,6.421664979,6.421664989,6.421664942,6.421664977,6.421664958,6.421664986,6.42166498,6.421664985,6.421664986,6.421664929,6.421664999,6.421665012,6.421665006,6.421664976,6.421664996,6.42166499,6.421664951,6.421664989,6.421664958,6.421664967,6.42166498,6.421665004,6.421664933,6.421664967,6.421664969,6.421664981,6.42166497
+"10790","NTN1",6.966333517,6.966333548,6.966333737,6.966333539,6.966333673,6.966333182,6.966333376,6.966333682,6.966333558,6.966333555,6.966333716,6.966333656,6.966333666,6.966333509,6.966333575,6.966333679,6.966333622,6.966333721,6.966333455,6.966333573,6.966333572,6.966333634,6.966333504,6.966333594,6.966333758,6.966333665,6.966333512,6.966333576
+"10791","NTN3",6.566238936,6.566238974,6.566238966,6.566238959,6.56623912,6.566238871,6.566238977,6.566239072,6.566238991,6.566238989,6.566238969,6.566239083,6.56623898,6.566238857,6.566239059,6.56623906,6.566239015,6.566239037,6.566238965,6.56623901,6.566239066,6.566239017,6.566238976,6.566238927,6.566239007,6.566239086,6.566238974,6.566239032
+"10792","NTN4",5.165824428,5.165824581,5.165824509,5.165824542,5.165824594,5.165824338,5.165824397,5.165824703,5.165824467,5.165824446,5.165824651,5.165824476,5.165824621,5.165824281,5.165824617,5.165824575,5.165824813,5.165824686,5.165824693,5.165824611,5.16582439,5.165824565,5.165824435,5.165824417,5.165824623,5.165824421,5.165824525,5.165824414
+"10793","NTN5",5.32937963,5.329379273,5.329379794,5.329379752,5.329380012,5.329379524,5.329379712,5.329379909,5.329379572,5.329379667,5.329379771,5.329379812,5.329379627,5.329379124,5.329379806,5.329379189,5.329379761,5.329379807,5.329379697,5.329379694,5.329379899,5.329379769,5.329379658,5.329379412,5.329379689,5.329379667,5.329379592,5.329379591
+"10794","NTNG1",4.195792151,4.195792167,4.195792163,4.19579214,4.195792207,4.195792184,4.195792202,4.19579219,4.195792169,4.195792161,4.195792169,4.195792227,4.195792203,4.195792132,4.195792199,4.19579216,4.195792256,4.195792211,4.195792172,4.195792166,4.195792213,4.19579221,4.195792148,4.195792134,4.195792135,4.19579221,4.195792087,4.195792204
+"10795","NTNG2",6.957733383,6.957733883,6.95773393,6.957734585,6.957733879,6.957735205,6.95773439,6.957733748,6.957734001,6.957733583,6.957734106,6.957733218,6.957733615,6.957732974,6.957733406,6.957734127,6.957734189,6.957734243,6.957734365,6.957734952,6.957733955,6.957733671,6.957734088,6.957734035,6.957734483,6.957733528,6.957733652,6.957732975
+"10796","NTPCR",5.714026398,5.71402633,5.714026801,5.714026515,5.71402657,5.714026819,5.714026525,5.714026336,5.714026863,5.714026555,5.714026154,5.714026224,5.714026453,5.714026744,5.714026338,5.71402624,5.714026571,5.714026373,5.714026275,5.714026559,5.714026333,5.714026226,5.714026808,5.714026576,5.714026205,5.714026539,5.714026511,5.714026516
+"10797","NTRK1",5.450087317,5.45008731,5.450087324,5.450087321,5.450087339,5.450087284,5.450087326,5.450087343,5.450087308,5.450087311,5.450087316,5.450087342,5.450087318,5.45008729,5.450087336,5.450087341,5.450087332,5.450087334,5.450087324,5.450087316,5.450087346,5.450087333,5.450087315,5.450087303,5.450087336,5.450087329,5.450087325,5.450087314
+"10798","NTRK2",3.839667372,3.839667354,3.839667367,3.839667365,3.839667393,3.839667356,3.839667375,3.839667381,3.839667365,3.839667365,3.839667376,3.839667389,3.839667376,3.839667337,3.839667394,3.839667392,3.839667402,3.839667386,3.839667368,3.839667379,3.839667381,3.839667386,3.839667362,3.839667359,3.839667385,3.839667381,3.83966736,3.839667365
+"10799","NTRK3",3.971027504,3.971027547,3.971027504,3.97102755,3.971027733,3.971027523,3.971027604,3.971027761,3.971027521,3.971027602,3.971027504,3.971027702,3.971027503,3.971027452,3.971027613,3.971027657,3.971027608,3.971027712,3.971027579,3.97102756,3.971027615,3.971027661,3.971027373,3.971027447,3.97102759,3.971027673,3.971027535,3.971027585
+"10800","NTS",3.081508444,3.081508577,3.081508613,3.081508559,3.081508518,3.081508813,3.081508522,3.081508535,3.081508599,3.081508563,3.0815086,3.081508552,3.081508563,3.081508474,3.081508575,3.081508471,3.081508471,3.081508503,3.081508685,3.081508634,3.081508386,3.081508584,3.081508588,3.081508475,3.0815085,3.081508461,3.081508509,3.081508453
+"10801","NTSR1",4.807592844,4.807592853,4.807592853,4.807592846,4.807592884,4.807592854,4.80759285,4.807592832,4.807592838,4.807592881,4.807592863,4.807592879,4.807592834,4.807592833,4.807592873,4.807592844,4.807592892,4.807592858,4.807592858,4.807592843,4.807592852,4.807592876,4.807592844,4.807592856,4.807592814,4.807592861,4.807592841,4.80759282
+"10802","NTSR2",5.231432574,5.231432554,5.231432567,5.23143257,5.231432613,5.231432557,5.231432586,5.23143259,5.231432555,5.231432578,5.231432595,5.231432587,5.231432552,5.231432528,5.231432594,5.231432569,5.231432611,5.231432587,5.231432576,5.231432577,5.231432601,5.231432587,5.231432556,5.231432549,5.231432592,5.231432598,5.231432557,5.231432568
+"10803","NUAK1",4.192653308,4.192653305,4.192653322,4.192653308,4.192653329,4.192653306,4.19265332,4.192653323,4.192653298,4.192653293,4.192653318,4.192653325,4.192653303,4.192653289,4.192653331,4.192653297,4.19265332,4.192653311,4.1926533,4.192653314,4.192653316,4.192653326,4.192653311,4.192653302,4.192653313,4.192653325,4.192653302,4.192653302
+"10804","NUAK2",8.189731683,8.189732679,8.189732048,8.189733596,8.189730523,8.189733017,8.189731599,8.189731788,8.189731849,8.189731709,8.189731972,8.189730266,8.189732691,8.189731936,8.189732061,8.189732787,8.189732428,8.189733509,8.189731823,8.189733239,8.189731406,8.189732005,8.189732823,8.189732553,8.189732917,8.189731484,8.189732781,8.18973178
+"10805","NUB1",7.985260838,7.985260648,7.985259006,7.985260534,7.985259317,7.985263244,7.985259235,7.9852596,7.98526008,7.985259211,7.985258778,7.985257929,7.985260504,7.985260663,7.985260138,7.985260832,7.985258407,7.985259707,7.985260251,7.985264214,7.985260021,7.985259956,7.985261022,7.985260192,7.985259604,7.985259579,7.985260217,7.98525994
+"10806","NUBP1",7.357915506,7.357915483,7.357915432,7.357915386,7.35791546,7.357915483,7.357915383,7.357915422,7.357915451,7.357915503,7.357915393,7.357915393,7.3579155,7.357915576,7.357915483,7.357915441,7.357915403,7.357915334,7.357915426,7.357915445,7.357915377,7.357915429,7.357915396,7.357915496,7.357915393,7.357915388,7.357915514,7.357915466
+"10807","NUBP2",6.595179896,6.595179911,6.595179949,6.595179884,6.595179919,6.595179913,6.595179907,6.595179929,6.595179929,6.595179939,6.595179902,6.595179894,6.595179956,6.595179905,6.595179917,6.595179915,6.595179939,6.595179901,6.59517991,6.595179912,6.59517991,6.595179934,6.59517991,6.595179913,6.595179902,6.595179901,6.595179946,6.595179934
+"10808","NUBPL",4.873305842,4.873305765,4.873305664,4.873305697,4.873305715,4.873305504,4.873305652,4.873305523,4.873305795,4.873305708,4.873305571,4.873305695,4.873305748,4.873305911,4.873305658,4.873305695,4.87330567,4.873305442,4.873305717,4.873305577,4.873305608,4.873305654,4.873305822,4.873305685,4.873305671,4.873305656,4.873305785,4.873305804
+"10809","NUCB1",8.529568624,8.559438273,8.539987327,8.556161224,8.544700062,8.674162408,8.532687196,8.572714833,8.598371771,8.567786713,8.565066856,8.537679229,8.536796366,8.532636551,8.541360268,8.542976309,8.508860245,8.555192456,8.516039781,8.651469861,8.52571767,8.548981496,8.581009471,8.567357835,8.558322221,8.555825607,8.538259269,8.521295386
+"10810","NUCB2",5.902214551,5.902214441,5.90221416,5.902214013,5.902213703,5.9022139,5.902214304,5.902213855,5.902214931,5.902214544,5.902213828,5.902213995,5.902214253,5.902215332,5.902214058,5.90221395,5.90221355,5.902213478,5.902214303,5.902213568,5.902214415,5.902214148,5.902214892,5.902214345,5.902213969,5.902214349,5.902214043,5.902215004
+"10811","NUCKS1",7.302106284,7.302106044,7.302105909,7.302105264,7.302105582,7.302105645,7.30210599,7.302105553,7.302106488,7.302106381,7.302105709,7.302105656,7.302106137,7.302107111,7.30210587,7.302105686,7.302105392,7.302105413,7.302105613,7.302105391,7.302106156,7.302105512,7.302106334,7.302106197,7.302105743,7.302106079,7.302105689,7.302106785
+"10812","NUDC",6.789356766,6.789356806,6.789356763,6.789356751,6.789356703,6.789356842,6.789356753,6.78935672,6.789356789,6.789356688,6.789356654,6.789356642,6.789356821,6.789356807,6.789356766,6.789356778,6.789356714,6.789356688,6.789356726,6.789356587,6.789356754,6.78935676,6.789356793,6.789356752,6.789356742,6.789356761,6.789356751,6.789356785
+"10813","NUDCD1",4.384640956,4.384640621,4.384640969,4.384640468,4.384640956,4.384640364,4.38464071,4.384640317,4.384641101,4.38464095,4.384640623,4.384640439,4.384640756,4.384642146,4.384640862,4.384640359,4.384640939,4.384640657,4.38464099,4.384640204,4.38464079,4.384640877,4.384641317,4.384640714,4.384640643,4.384640704,4.384641053,4.384642003
+"10814","NUDCD2",4.251993376,4.251993547,4.251993541,4.251993265,4.251993423,4.251993538,4.251993553,4.251993494,4.251993405,4.251993139,4.251993421,4.251993391,4.25199335,4.251993712,4.251993401,4.251993329,4.251993444,4.251993065,4.25199352,4.251992922,4.251993345,4.251993259,4.251993319,4.251993385,4.251993192,4.25199345,4.251993286,4.251993544
+"10815","NUDCD3",7.245804767,7.245804816,7.2458047,7.245804708,7.245804632,7.245804781,7.245804784,7.245804721,7.245804875,7.245804852,7.245804564,7.245804822,7.245804717,7.245804771,7.245804731,7.245804779,7.245804712,7.245804616,7.245804758,7.24580454,7.245804626,7.245804743,7.245804833,7.245804736,7.245804618,7.245804767,7.245804766,7.245804787
+"10816","NUDT1",6.719058524,6.719058416,6.719058682,6.719058562,6.719058618,6.719058548,6.719058519,6.719058643,6.719058516,6.71905853,6.719058713,6.719058662,6.719058512,6.719058397,6.719058497,6.719058493,6.719058654,6.719058505,6.719058521,6.719058507,6.7190584,6.719058579,6.719058532,6.719058508,6.719058681,6.719058503,6.719058644,6.719058497
+"10817","NUDT10",6.591608197,6.591608259,6.59160823,6.591608208,6.591608233,6.591608231,6.591608176,6.591608248,6.591608224,6.591608182,6.591608284,6.591608244,6.591608225,6.591608127,6.591608247,6.591608282,6.591608246,6.591608276,6.591608209,6.591608261,6.59160821,6.591608238,6.59160822,6.591608209,6.591608228,6.591608238,6.591608202,6.591608165
+"10818","NUDT11",4.344783276,4.344783269,4.344783285,4.344783347,4.344783366,4.34478364,4.344783588,4.344783497,4.344783368,4.344783438,4.344783642,4.344783659,4.344783315,4.344783131,4.344783447,4.344783616,4.34478368,4.344783417,4.344783393,4.344783326,4.344783187,4.344783686,4.344783577,4.344783259,4.344783325,4.344783378,4.344783451,4.344783407
+"10819","NUDT12",3.22530513,3.225305068,3.2253053,3.22530483,3.225305448,3.225305117,3.225305376,3.225305181,3.225305776,3.225305165,3.225305011,3.225304957,3.225305353,3.225305817,3.225305411,3.225304972,3.225305089,3.225305268,3.225305399,3.225304829,3.225305703,3.225305296,3.225305121,3.225305069,3.225304973,3.225305229,3.225305157,3.225305754
+"10820","NUDT13",4.117264097,4.117263981,4.117263994,4.117264012,4.117264015,4.117263991,4.117264007,4.117264034,4.11726398,4.117263998,4.117263989,4.117264069,4.117264056,4.117264068,4.117264046,4.117263983,4.117264011,4.117264005,4.117264012,4.117264097,4.117264,4.117264,4.117263985,4.117263974,4.117264012,4.117264052,4.117264058,4.117264029
+"10821","NUDT14",5.589212217,5.589212246,5.589212222,5.58921219,5.589212281,5.589212202,5.58921225,5.589212261,5.589212246,5.589212221,5.589212267,5.58921227,5.589212219,5.589212176,5.589212253,5.589212223,5.589212272,5.589212264,5.589212258,5.589212209,5.58921226,5.589212256,5.589212195,5.589212198,5.589212243,5.589212247,5.589212207,5.589212273
+"10822","NUDT15",4.786973066,4.786973093,4.786973127,4.786973132,4.78697314,4.78697314,4.786973093,4.786973152,4.786973126,4.78697312,4.786973122,4.786973158,4.786973079,4.786973111,4.78697313,4.786973075,4.786973133,4.786973115,4.786973128,4.786973134,4.78697311,4.786973126,4.78697309,4.786973062,4.786973099,4.786973119,4.786973114,4.786973113
+"10823","NUDT16",6.789135308,6.789135029,6.789135366,6.789135338,6.789135378,6.789135489,6.789135436,6.789135531,6.789135179,6.789135491,6.789135672,6.789135332,6.78913527,6.789134841,6.789135047,6.789134953,6.789135434,6.789135231,6.789135127,6.78913535,6.789135276,6.789135324,6.789135053,6.78913496,6.789135204,6.789135166,6.789135402,6.789135107
+"10824","NUDT16L1",6.996992521,6.996992534,6.996992575,6.996992531,6.996992607,6.996992541,6.996992568,6.996992581,6.996992527,6.996992585,6.996992582,6.996992551,6.996992542,6.996992522,6.996992568,6.996992514,6.996992588,6.996992598,6.996992526,6.996992553,6.996992567,6.996992587,6.996992537,6.996992522,6.996992536,6.996992557,6.996992549,6.996992522
+"10825","NUDT16L2P",6.403319347,6.403319259,6.403319466,6.403319271,6.403319321,6.40331957,6.403319221,6.403319202,6.403319083,6.403319183,6.40331941,6.40331937,6.40331941,6.403318729,6.403319314,6.403319089,6.403319503,6.40331921,6.403319185,6.403319654,6.403319307,6.403319394,6.403319279,6.40331902,6.403319154,6.403319228,6.403319149,6.40331893
+"10826","NUDT17",5.556033073,5.556033121,5.55603312,5.556033101,5.556033181,5.556032973,5.556033047,5.556033126,5.556033104,5.556033085,5.556033172,5.556033095,5.556033101,5.556032996,5.556033074,5.556033142,5.556033115,5.556033154,5.556033061,5.556033078,5.556033107,5.556033119,5.556033043,5.556033087,5.556033109,5.556033137,5.556033078,5.556033088
+"10827","NUDT18",6.222389031,6.222389015,6.222389211,6.222389094,6.222389335,6.222389198,6.222389203,6.222389259,6.222389158,6.222389237,6.222389305,6.222389283,6.222389163,6.222388868,6.222389274,6.222389128,6.222389297,6.222389144,6.222389117,6.222389163,6.222389168,6.222389248,6.222389151,6.222389083,6.222389242,6.222389163,6.222389056,6.222389192
+"10828","NUDT2",5.768135171,5.768135148,5.768135155,5.768135078,5.76813523,5.768135192,5.768135207,5.768135167,5.768135118,5.768135103,5.768134963,5.768135264,5.768135273,5.768135285,5.768135183,5.76813525,5.768135098,5.768135037,5.768135182,5.768135293,5.768135194,5.768135182,5.76813511,5.768135218,5.768135066,5.768135217,5.768135138,5.76813524
+"10829","NUDT21",8.065277723,8.065264486,8.065258149,8.065254049,8.065262821,8.065260158,8.06527302,8.065249284,8.065274176,8.065269876,8.065246079,8.06524484,8.065265945,8.065296428,8.065264974,8.065250282,8.065249469,8.065248813,8.065266086,8.065252737,8.065264069,8.065257103,8.065281756,8.065266567,8.065246019,8.06525352,8.065263947,8.065288879
+"10830","NUDT22",7.181714542,7.181714537,7.181714605,7.18171452,7.181714888,7.181714608,7.181714745,7.181714714,7.181714384,7.181714609,7.181714625,7.181714856,7.181714617,7.181714301,7.181714832,7.181714709,7.18171501,7.181714682,7.181714697,7.181714576,7.181714869,7.181714819,7.181714364,7.181714369,7.181714606,7.181714677,7.181714553,7.181714709
+"10831","NUDT5",6.875518238,6.875518428,6.875518199,6.87551851,6.875517861,6.875518176,6.87551801,6.875517948,6.87551824,6.875518206,6.875518337,6.875517568,6.875518352,6.875518477,6.875518077,6.87551843,6.875517853,6.875518456,6.875517973,6.875518045,6.875518308,6.875518004,6.875518395,6.875518262,6.875518408,6.87551817,6.875518399,6.87551804
+"10832","NUDT6",4.225496112,4.22549621,4.22549618,4.225496041,4.225496219,4.225496034,4.225496178,4.2254962,4.225496208,4.225496162,4.225496255,4.225496263,4.225496172,4.225496063,4.225496145,4.225496065,4.225496246,4.225496224,4.22549609,4.225496131,4.22549606,4.225496231,4.225496069,4.225496102,4.225496191,4.225496087,4.225496161,4.22549614
+"10833","NUDT7",5.617992358,5.617992337,5.617992325,5.617992312,5.617992327,5.617992371,5.617992327,5.617992332,5.617992347,5.617992335,5.617992327,5.617992342,5.61799232,5.617992343,5.617992348,5.617992316,5.617992315,5.617992329,5.617992324,5.617992366,5.617992327,5.617992319,5.617992333,5.617992327,5.61799233,5.617992327,5.617992332,5.617992339
+"10834","NUDT8",6.15473846,6.15473837,6.15473865,6.154738482,6.154738976,6.154738438,6.154738709,6.154738691,6.154738516,6.154738664,6.154738774,6.154738933,6.154738654,6.15473824,6.154738836,6.154738779,6.154738959,6.154738791,6.15473857,6.154738656,6.154738966,6.154738813,6.154738519,6.154738291,6.154738694,6.154738818,6.15473868,6.154738541
+"10835","NUDT9",5.33909873,5.339098788,5.339098672,5.339098629,5.339098757,5.339098735,5.33909864,5.339098739,5.339098739,5.339098689,5.339098643,5.339098678,5.339098712,5.339098884,5.339098724,5.339098766,5.339098646,5.339098653,5.339098781,5.339098667,5.339098689,5.339098777,5.33909876,5.339098709,5.33909854,5.339098726,5.339098742,5.339098821
+"10836","NUDT9P1",3.646563743,3.646563756,3.646563717,3.646563565,3.646563887,3.646563772,3.646563747,3.646563729,3.646563801,3.646563954,3.646563495,3.646563621,3.646563882,3.646563788,3.646563778,3.646563797,3.646563674,3.646563809,3.64656354,3.646563735,3.646563684,3.646563767,3.646563738,3.646563734,3.646563565,3.646563735,3.646563766,3.646563768
+"10837","NUF2",3.385411691,3.385411672,3.385411631,3.385411644,3.385411644,3.385411601,3.385411692,3.385411616,3.385411738,3.385411671,3.385411652,3.385411832,3.385411638,3.385411688,3.385411717,3.385411664,3.385411678,3.385411651,3.385411716,3.385411651,3.385411773,3.385411667,3.385411733,3.385411678,3.385411652,3.385411642,3.385411634,3.385411622
+"10838","NUFIP1",5.616610815,5.616610617,5.61661073,5.616610821,5.616610783,5.616610523,5.616610569,5.61661081,5.616610868,5.616610795,5.616610225,5.616610758,5.616610777,5.616610912,5.616610641,5.616610777,5.616610614,5.616610538,5.616610679,5.616610712,5.616610715,5.61661081,5.616610795,5.616610905,5.616610631,5.61661067,5.616610709,5.616610861
+"10839","NUFIP2",8.050990809,8.050990843,8.050990576,8.050990842,8.050990574,8.050990648,8.050990726,8.05099056,8.050990672,8.050990681,8.05099058,8.050990377,8.050990712,8.050991127,8.050990738,8.050990795,8.050990548,8.050990709,8.050990737,8.050990567,8.050990664,8.050990604,8.050990751,8.050990776,8.050990686,8.050990555,8.050990672,8.050990848
+"10840","NUGGC",5.031345672,5.031345701,5.031345669,5.031345666,5.031345674,5.031345669,5.031345711,5.031345709,5.031345708,5.031345634,5.031345696,5.031345661,5.031345678,5.031345619,5.031345715,5.031345721,5.031345671,5.031345682,5.031345687,5.031345684,5.031345737,5.031345713,5.031345696,5.031345683,5.031345709,5.031345687,5.031345673,5.031345648
+"10841","NUMA1",7.783268512,7.783268567,7.78326837,7.783268463,7.783268534,7.783268585,7.783268538,7.783268417,7.783268719,7.783268648,7.783268409,7.783268589,7.78326863,7.783268738,7.783268511,7.783268447,7.783268347,7.783268339,7.783268537,7.783268484,7.783268499,7.783268404,7.783268654,7.783268574,7.783268335,7.783268571,7.783268668,7.783268601
+"10842","NUMB",8.464736945,8.46473792,8.464736553,8.464738565,8.46473599,8.464737304,8.464737124,8.464736362,8.464736048,8.464736425,8.464737157,8.464735161,8.464736845,8.464736673,8.464736631,8.464737546,8.464736805,8.464737814,8.464737215,8.46473789,8.464736973,8.46473641,8.464736998,8.464737703,8.464737805,8.464736117,8.46473674,8.464735843
+"10843","NUMBL",6.858439478,6.858439489,6.858439532,6.858439527,6.858439581,6.858439495,6.858439564,6.858439589,6.858439582,6.858439534,6.858439512,6.858439589,6.858439543,6.858439435,6.85843958,6.858439576,6.858439593,6.858439578,6.858439541,6.858439532,6.858439574,6.85843958,6.858439492,6.858439471,6.858439551,6.858439564,6.858439495,6.858439536
+"10844","NUP107",6.05696978,6.05696947,6.056969265,6.056968919,6.056969182,6.056969253,6.056969338,6.056969145,6.056969278,6.056969361,6.056968764,6.056968852,6.056969217,6.056970428,6.056969074,6.056968805,6.056968312,6.056968197,6.056969295,6.056969277,6.056968858,6.056968802,6.05696951,6.056969298,6.056968663,6.056969086,6.056969585,6.056969681
+"10845","NUP133",6.033253367,6.033253264,6.033252846,6.033252813,6.033253021,6.033253109,6.033253123,6.033252893,6.033253042,6.033253233,6.033252885,6.033252947,6.033253177,6.03325356,6.033253137,6.03325315,6.033252659,6.033252656,6.033253153,6.033252854,6.033253111,6.033252957,6.033253096,6.033253231,6.033252886,6.033253012,6.033253291,6.033253165
+"10846","NUP153",8.167825657,8.167825797,8.167825585,8.167825723,8.167825446,8.167825604,8.16782576,8.167825585,8.167825603,8.167825489,8.167825504,8.167825483,8.167825634,8.16782576,8.167825689,8.167825536,8.167825426,8.16782574,8.167825596,8.16782513,8.167825676,8.1678256,8.167825659,8.167825699,8.167825666,8.167825718,8.167825635,8.167825572
+"10847","NUP155",6.590098712,6.590098658,6.590098266,6.590098182,6.590098243,6.5900985,6.590098595,6.590098341,6.590098696,6.590098445,6.590098167,6.590098361,6.590098541,6.59009907,6.590098527,6.590098191,6.590098057,6.590098059,6.590098527,6.590098406,6.590098412,6.590098338,6.590098803,6.590098619,6.590098204,6.590098376,6.590098568,6.590098683
+"10848","NUP160",7.036516215,7.036515887,7.036515367,7.036515304,7.036515396,7.036515508,7.036515732,7.036514937,7.036515817,7.036515981,7.036515014,7.036515206,7.036515811,7.036516888,7.036515389,7.036515348,7.036514646,7.036514876,7.03651595,7.036514698,7.036515378,7.036515049,7.036515937,7.036515742,7.036514947,7.036515459,7.036516123,7.036515981
+"10849","NUP188",6.863183407,6.863183327,6.863182845,6.863182797,6.863183202,6.863183386,6.863183429,6.86318308,6.863183452,6.863183644,6.863182618,6.863183112,6.863183348,6.863183726,6.863183138,6.863182756,6.863182432,6.863182571,6.863183148,6.863182929,6.863183198,6.86318316,6.863183478,6.863183141,6.86318272,6.863183294,6.863183337,6.86318333
+"10850","NUP205",6.589462894,6.58946245,6.589462281,6.589462024,6.589462262,6.589462638,6.589462501,6.589462125,6.589462863,6.589462431,6.58946221,6.589462172,6.589462442,6.589463168,6.589462361,6.589462065,6.58946185,6.589461723,6.589462339,6.589462404,6.589462483,6.589462297,6.589462629,6.589462631,6.58946205,6.589462411,6.589462507,6.589462819
+"10851","NUP210",8.121680297,8.121680099,8.121679563,8.121679774,8.121679868,8.121680425,8.121679968,8.121679964,8.121680595,8.121680354,8.121679855,8.121680161,8.12168026,8.121680557,8.121679971,8.121679796,8.121679373,8.121679523,8.121680098,8.1216801,8.121679821,8.12168013,8.121680411,8.121680236,8.12167975,8.121680355,8.121680483,8.121680165
+"10852","NUP210L",3.684463205,3.684465341,3.684463311,3.684463427,3.6844644,3.6844633,3.684463449,3.68446338,3.684463366,3.684463331,3.68446334,3.684463118,3.684463258,3.684462656,3.684463421,3.684465575,3.684463357,3.68446351,3.684465354,3.684463291,3.684463155,3.684463545,3.684463379,3.684462649,3.684463426,3.684462894,3.684463221,3.684462961
+"10853","NUP210P1",5.071511443,5.071511126,5.071511346,5.07151144,5.07151187,5.071511337,5.071511565,5.071511594,5.071511502,5.071511393,5.071511513,5.071511596,5.071511611,5.071511155,5.071511637,5.071511522,5.071511566,5.071511489,5.071511465,5.071511339,5.071511721,5.071511695,5.071511272,5.071511487,5.071511552,5.071511683,5.071511232,5.07151143
+"10854","NUP214",7.532934573,7.532934514,7.532934494,7.532934562,7.532934462,7.532934635,7.532934556,7.532934422,7.53293455,7.532934524,7.532934385,7.532934448,7.532934514,7.532934537,7.532934507,7.53293451,7.532934356,7.53293446,7.532934524,7.532934482,7.532934507,7.532934442,7.532934525,7.532934572,7.53293449,7.532934525,7.532934549,7.532934399
+"10855","NUP35",5.647351545,5.647350609,5.647350575,5.64735089,5.647350826,5.647350746,5.647351237,5.647350817,5.647351437,5.647351024,5.64735027,5.647351385,5.647351437,5.647351839,5.647351251,5.647350169,5.647350748,5.647350942,5.647351156,5.647351336,5.647351262,5.647350831,5.647351221,5.647351026,5.647350777,5.647351361,5.647351243,5.647351376
+"10856","NUP37",5.148198168,5.148198023,5.14819797,5.148197793,5.148197774,5.148197838,5.148198033,5.148197821,5.148198102,5.148198008,5.148197834,5.148197686,5.148198159,5.148198428,5.148197922,5.148197927,5.148197705,5.148197669,5.148198129,5.148197642,5.148198011,5.148198025,5.148198305,5.148197931,5.148197738,5.148197896,5.148197986,5.148198129
+"10857","NUP42",5.754621541,5.754620775,5.754620902,5.754620494,5.754620912,5.75462081,5.754620979,5.754620645,5.754620487,5.754620756,5.754620718,5.754620521,5.754620569,5.754621767,5.754620917,5.754620889,5.754620532,5.754620281,5.754620912,5.754620818,5.754620943,5.754620954,5.754620533,5.75462054,5.754620474,5.754621004,5.754621309,5.754620949
+"10858","NUP43",6.796888393,6.796887656,6.796887773,6.796887612,6.796887689,6.79688774,6.796887924,6.79688748,6.796888205,6.796888211,6.796887506,6.796887587,6.796888093,6.796888458,6.796888015,6.796887379,6.796887465,6.796887194,6.796888084,6.796887923,6.796887708,6.796887725,6.796888187,6.796887918,6.796887715,6.796888128,6.796888013,6.796888004
+"10859","NUP50",7.284036969,7.284036921,7.284036557,7.284037163,7.284036596,7.284036938,7.284036862,7.284036757,7.284036826,7.28403646,7.284036865,7.284036431,7.284036807,7.284037223,7.284036761,7.284036749,7.284036524,7.284036978,7.284036946,7.284037212,7.284036787,7.284036682,7.284036995,7.284036706,7.284036968,7.284036774,7.284036715,7.284036913
+"10860","NUP54",5.503688959,5.503688897,5.503688909,5.503688878,5.503688858,5.503688944,5.503688883,5.503688861,5.503688957,5.503688968,5.503688797,5.503688823,5.503688913,5.503689061,5.503688868,5.503688787,5.503688892,5.503688767,5.503688913,5.503688886,5.50368887,5.503688887,5.503689006,5.503688973,5.503688786,5.503688835,5.503688929,5.50368899
+"10861","NUP58",6.999506801,6.99950678,6.999506645,6.99950691,6.999506599,6.99950677,6.999506836,6.999506616,6.999506656,6.999506645,6.999506649,6.999506484,6.999506681,6.999506853,6.999506778,6.999506716,6.999506639,6.999506767,6.999506794,6.999506653,6.999506734,6.999506642,6.999506806,6.999506852,6.999506714,6.999506575,6.999506649,6.999506709
+"10862","NUP62CL",3.705892615,3.705892611,3.705892686,3.705892648,3.705892631,3.705892694,3.705892726,3.705892713,3.705892729,3.705892687,3.70589255,3.705892837,3.705892641,3.705892465,3.705892532,3.705892555,3.705892734,3.705892587,3.705892646,3.705892609,3.70589268,3.705892682,3.705892755,3.705892667,3.705892712,3.705892728,3.705892633,3.705892646
+"10863","NUP85",6.748758608,6.748758509,6.748758573,6.748758579,6.748758587,6.748758531,6.748758649,6.748758582,6.748758579,6.748758549,6.748758552,6.748758601,6.74875857,6.748758646,6.748758616,6.748758491,6.748758513,6.748758523,6.74875862,6.748758454,6.748758581,6.748758596,6.748758559,6.748758543,6.748758462,6.748758584,6.748758631,6.748758537
+"10864","NUP88",6.691972114,6.691970442,6.691969675,6.691969823,6.69196959,6.691969903,6.691970448,6.691969401,6.691971099,6.691970702,6.691969407,6.691970309,6.691971042,6.69197248,6.691970886,6.691969143,6.691969112,6.691968987,6.69197112,6.691968977,6.69197004,6.691969879,6.691971241,6.691971022,6.691969389,6.691970438,6.691971141,6.691971557
+"10865","NUP93",7.446423662,7.446423797,7.446423574,7.446423614,7.446423688,7.446423864,7.446423732,7.44642359,7.446423723,7.446423732,7.446423688,7.446423534,7.446423811,7.446423877,7.446423527,7.446423652,7.446423466,7.44642351,7.446423737,7.446423696,7.446423644,7.446423563,7.446423683,7.446423623,7.446423552,7.446423677,7.446423709,7.446423818
+"10866","NUP98",8.248516861,8.248517007,8.248516623,8.248517349,8.24851656,8.248517064,8.248517028,8.248516732,8.248516816,8.248516637,8.248516625,8.248516497,8.248516989,8.248516874,8.248516825,8.248516754,8.248516431,8.248517214,8.248516894,8.248516866,8.248516833,8.248516621,8.248517058,8.248516953,8.248516759,8.248516797,8.248516904,8.248516624
+"10867","NUPR1",5.384199384,5.384199404,5.384199422,5.384199412,5.384199436,5.384199371,5.384199419,5.384199424,5.384199396,5.384199398,5.384199398,5.384199457,5.384199428,5.384199353,5.384199419,5.38419942,5.384199421,5.384199442,5.384199416,5.384199398,5.384199441,5.384199412,5.384199395,5.384199394,5.38419942,5.384199435,5.384199361,5.384199409
+"10868","NUPR2",6.173182746,6.173182666,6.173182979,6.173182768,6.173183104,6.17318268,6.17318277,6.17318298,6.173182781,6.173182811,6.173182964,6.173182983,6.173182757,6.173182571,6.173183021,6.173182946,6.173183101,6.173183054,6.17318285,6.173182903,6.173182948,6.173183061,6.173182759,6.173182827,6.173182918,6.173182945,6.173182811,6.173182878
+"10869","NUS1",7.804251251,7.804251205,7.80425124,7.804251174,7.80425122,7.804251105,7.804251214,7.804251188,7.80425122,7.80425123,7.804251157,7.804251142,7.804251213,7.804251307,7.804251202,7.804251195,7.804251181,7.804251145,7.80425123,7.804251082,7.804251247,7.804251187,7.804251257,7.804251185,7.80425115,7.804251226,7.804251196,7.804251293
+"10870","NUSAP1",4.931784595,4.931784481,4.931784632,4.931784394,4.931784447,4.931784685,4.931785079,4.931784533,4.93178472,4.931784732,4.931784589,4.931784636,4.931784629,4.931784403,4.93178455,4.931784531,4.931784603,4.931784577,4.931784569,4.931784699,4.931784968,4.931784591,4.931784858,4.931784527,4.931784583,4.931784648,4.931784775,4.931784543
+"10871","NUTF2",8.567618094,8.567617917,8.567618074,8.56761803,8.567618411,8.567618027,8.567618263,8.567618234,8.56761824,8.567618087,8.567617889,8.567618312,8.567618194,8.567617939,8.567618281,8.567617963,8.567618151,8.56761803,8.567618218,8.567617874,8.567618277,8.567618211,8.567618146,8.567617952,8.567617838,8.567618312,8.567618151,8.56761819
+"10872","NUTM1",4.590304675,4.590304725,4.590304842,4.590304743,4.590304782,4.590304756,4.590304727,4.590304726,4.590304756,4.590304742,4.590304796,4.59030483,4.590304753,4.590304691,4.590304727,4.590304791,4.590304846,4.590304818,4.590304703,4.590304731,4.590304711,4.590304807,4.590304704,4.590304751,4.59030472,4.590304738,4.590304724,4.590304716
+"10873","NVL",5.86350012,5.863500087,5.863500032,5.863500033,5.863500032,5.863500064,5.863500084,5.863500031,5.863500076,5.863500065,5.863500015,5.863500043,5.863500063,5.863500102,5.863500057,5.863500043,5.863499989,5.863499985,5.863500097,5.863500039,5.863500072,5.863500062,5.863500098,5.863500049,5.863500028,5.863500052,5.863500061,5.863500072
+"10874","NWD1",4.279547206,4.279547288,4.279547361,4.279547232,4.279547365,4.279547269,4.279547378,4.279547362,4.279547291,4.279547362,4.279547425,4.279547301,4.279547214,4.279547366,4.279547321,4.279547339,4.279547351,4.279547335,4.279547308,4.279547338,4.279547383,4.27954743,4.279547191,4.279547218,4.279547387,4.279547294,4.279547179,4.279547283
+"10875","NWD2",3.864145411,3.864145427,3.864145414,3.864145413,3.86414542,3.864145421,3.864145411,3.864145416,3.86414541,3.864145416,3.864145417,3.864145421,3.864145411,3.864145407,3.864145424,3.864145427,3.864145424,3.86414542,3.864145411,3.86414543,3.864145419,3.864145405,3.864145409,3.864145416,3.864145416,3.864145414,3.864145409,3.864145422
+"10876","NXF1",8.802073445,8.802073127,8.802072972,8.802073152,8.802072974,8.802073533,8.802073431,8.802072955,8.80207324,8.802073125,8.802073047,8.802073045,8.8020734,8.802073494,8.802073204,8.802073046,8.80207302,8.80207302,8.802073084,8.802073371,8.802073421,8.802073262,8.802073233,8.802073208,8.802073068,8.802073366,8.802073347,8.802072914
+"10877","NXF3",3.999556892,3.999556886,3.999556896,3.999556909,3.999556907,3.999556874,3.999556884,3.999556901,3.999556887,3.999556888,3.999556914,3.99955691,3.999556909,3.999556881,3.999556887,3.999556898,3.999556916,3.999556911,3.999556894,3.999556898,3.999556881,3.999556893,3.999556877,3.999556872,3.999556882,3.999556881,3.999556883,3.999556901
+"10878","NXF4",3.587105294,3.587105289,3.587105302,3.587105297,3.587105313,3.587105342,3.587105275,3.58710536,3.587105325,3.587105313,3.587105319,3.587105285,3.587105314,3.587105202,3.587105307,3.587105295,3.587105383,3.587105272,3.58710537,3.587105271,3.587105331,3.58710537,3.587105347,3.587105227,3.587105317,3.587105298,3.587105266,3.587105303
+"10879","NXF5",3.9594467,3.959446708,3.95944671,3.95944671,3.959446702,3.959446728,3.959446669,3.959446727,3.95944667,3.959446716,3.959446744,3.95944674,3.959446717,3.959446686,3.959446742,3.959446725,3.959446707,3.959446711,3.959446726,3.959446702,3.959446696,3.959446741,3.959446722,3.959446688,3.959446701,3.959446716,3.959446734,3.959446724
+"10880","NXN",5.465347941,5.465347964,5.465347986,5.46534797,5.465347977,5.465347943,5.465347979,5.465348007,5.465348001,5.465347944,5.465347969,5.46534799,5.465347989,5.465347893,5.465347963,5.465348001,5.46534801,5.465347997,5.465347995,5.46534794,5.465347965,5.465348011,5.465347951,5.465347959,5.465347989,5.465347969,5.465347941,5.465347976
+"10881","NXNL1",7.511044814,7.511044847,7.511045078,7.511044978,7.511045262,7.511044933,7.511045001,7.511045122,7.511044855,7.511045052,7.511045109,7.511045213,7.511045009,7.511044716,7.511045125,7.511045002,7.511045179,7.511045083,7.511045039,7.511044999,7.511045101,7.511045142,7.511044971,7.511044857,7.511045043,7.511045122,7.511044878,7.511044977
+"10882","NXNL2",6.25610308,6.256103159,6.256103242,6.256103174,6.256103306,6.25610295,6.256103267,6.256103298,6.256103243,6.256103205,6.25610328,6.256103215,6.256103264,6.256103058,6.256103286,6.256103355,6.256103324,6.25610328,6.256103158,6.256103177,6.256103306,6.25610331,6.256103139,6.25610318,6.256103305,6.256103241,6.256103187,6.256103248
+"10883","NXPE1",3.746732742,3.746732853,3.746732894,3.746732793,3.746732747,3.746732778,3.746732743,3.746732778,3.74673286,3.746732745,3.746732842,3.746732863,3.746732722,3.74673267,3.74673273,3.746732863,3.746732838,3.746732815,3.746732794,3.746732785,3.746732727,3.746732742,3.74673283,3.746732785,3.74673287,3.746732763,3.746732802,3.746732762
+"10884","NXPE2",3.162241791,3.162242002,3.162241866,3.162241892,3.162241766,3.16224188,3.162241692,3.16224179,3.162241877,3.162242068,3.162241956,3.162242017,3.16224187,3.162241881,3.162241924,3.162242038,3.162242003,3.162241763,3.162241901,3.162242001,3.162241833,3.162241915,3.162241768,3.162241962,3.162241904,3.162241761,3.16224199,3.162241732
+"10885","NXPE3",7.494440701,7.494439982,7.494439996,7.494440213,7.494440135,7.494440348,7.494440924,7.494439737,7.494440662,7.494440757,7.494440232,7.494440157,7.494440604,7.494441193,7.494440019,7.494439621,7.494439563,7.49443974,7.494440576,7.494439976,7.494440393,7.494439871,7.494440712,7.494440405,7.494440437,7.494440365,7.494440727,7.494440552
+"10886","NXPE4",3.564330227,3.564330316,3.564330367,3.564330332,3.564330417,3.56433038,3.564330361,3.564330299,3.564330331,3.564330364,3.564330457,3.56433046,3.564330214,3.564330302,3.564330439,3.564330353,3.564330515,3.564330295,3.564330361,3.564330372,3.564330381,3.564330352,3.564330244,3.564330288,3.564330367,3.564330352,3.564330345,3.564330362
+"10887","NXPH1",4.923017997,4.923017987,4.923018005,4.923018,4.923018007,4.923018,4.923018007,4.923018014,4.923018001,4.923017992,4.923018008,4.923018017,4.923017993,4.923017969,4.923018002,4.923017999,4.923018003,4.923017997,4.92301801,4.923017998,4.923018006,4.923018007,4.923017981,4.923017993,4.923017997,4.923018011,4.923017989,4.923017995
+"10888","NXPH2",5.318310701,5.31831059,5.318311179,5.318311001,5.318311669,5.318311309,5.318311361,5.318311201,5.318310979,5.318311438,5.318311302,5.318311656,5.318311113,5.318310422,5.318311472,5.318311062,5.318311805,5.318311075,5.318311218,5.318311263,5.318311653,5.318311391,5.318310686,5.318310477,5.318310642,5.318311333,5.31831089,5.318311112
+"10889","NXPH3",5.86094788,5.860947803,5.860947964,5.860947904,5.860948022,5.860947759,5.86094791,5.860948006,5.860947903,5.860947855,5.86094794,5.860947906,5.86094789,5.860947759,5.860948005,5.860947987,5.860948029,5.860948022,5.860947886,5.860948005,5.860947948,5.860947962,5.860947817,5.860947853,5.860948,5.860947899,5.860947918,5.860947844
+"10890","NXPH4",5.906703337,5.906703321,5.906703514,5.906703424,5.906703595,5.906703409,5.906703467,5.906703568,5.906703456,5.906703496,5.906703667,5.906703721,5.906703467,5.906703281,5.906703567,5.906703298,5.906703738,5.906703631,5.906703525,5.906703533,5.906703531,5.906703611,5.906703416,5.906703287,5.90670351,5.906703513,5.906703403,5.906703452
+"10891","NXT1",6.754286146,6.754286063,6.754286202,6.754286142,6.754286598,6.754286259,6.754286369,6.754286501,6.754286362,6.754286268,6.754286322,6.754286545,6.754286188,6.754285999,6.754286455,6.754286229,6.754286441,6.754286384,6.754286342,6.754286149,6.754286479,6.754286402,6.754286176,6.754286097,6.75428608,6.754286439,6.7542862,6.754286358
+"10892","NXT2",4.98536461,4.98536459,4.985364606,4.985364581,4.985364592,4.985364606,4.985364606,4.98536459,4.985364602,4.985364607,4.985364602,4.985364599,4.985364599,4.985364647,4.985364606,4.985364589,4.985364608,4.985364592,4.985364602,4.985364596,4.985364616,4.985364592,4.985364611,4.985364603,4.985364589,4.985364607,4.985364587,4.985364641
+"10893","NYAP1",6.013463168,6.013463192,6.013463277,6.013463256,6.013463316,6.013463102,6.013463198,6.013463298,6.013463262,6.013463228,6.013463319,6.013463285,6.013463234,6.013463136,6.013463254,6.013463249,6.01346333,6.013463285,6.01346326,6.013463204,6.01346328,6.013463282,6.013463182,6.013463216,6.013463333,6.013463252,6.013463183,6.013463268
+"10894","NYAP2",3.840055046,3.840055038,3.84005508,3.840055082,3.840055097,3.840055057,3.840055074,3.840055084,3.840055037,3.840055044,3.840055083,3.840055103,3.840055061,3.840055027,3.840055099,3.840055051,3.840055073,3.840055084,3.840055084,3.840055043,3.840055086,3.840055063,3.840055035,3.840055049,3.840055083,3.840055079,3.840055045,3.840055071
+"10895","NYNRIN",4.7490473455,4.749047357,4.749047373,4.7490474005,4.749047468,4.749047427,4.749047316,4.749047452,4.7490473805,4.7490473415,4.749047328,4.749047518,4.749047357,4.7490473225,4.7490474185,4.7490474645,4.7490474555,4.749047347,4.7490474235,4.749047274,4.7490472945,4.7490474615,4.7490474285,4.749047413,4.7490473545,4.7490473235,4.749047353,4.7490473635
+"10896","NYX",5.845170238,5.845170231,5.845170306,5.845170261,5.845170358,5.845170228,5.845170281,5.845170295,5.845170288,5.845170319,5.8451703,5.845170336,5.845170273,5.84517017,5.845170327,5.845170325,5.845170363,5.845170352,5.845170296,5.845170247,5.845170356,5.845170321,5.84517022,5.845170226,5.84517028,5.845170329,5.845170217,5.845170256
+"10897","OAF",6.808574878,6.808575047,6.808575415,6.808575089,6.808575638,6.808575199,6.80857537,6.808575412,6.80857512,6.808575248,6.808575405,6.808575533,6.808575407,6.808574936,6.808575515,6.808575199,6.808575553,6.8085754,6.808575327,6.808575256,6.808575434,6.808575582,6.808575113,6.80857505,6.80857529,6.808575504,6.808575235,6.808575493
+"10898","OARD1",6.523290307,6.523290205,6.52329011,6.523289937,6.523289991,6.523289987,6.523290032,6.523289901,6.5232902,6.523290126,6.523290046,6.523289982,6.523290279,6.523290633,6.523290194,6.523290179,6.523289843,6.523289914,6.523290167,6.523290151,6.523290136,6.523290112,6.523290176,6.523290228,6.523290048,6.523290123,6.523290148,6.523290484
+"10899","OAS1",7.908161861,8.282330018,8.135015694,7.637085432,8.632567,9.697345219,8.018196649,7.518577696,7.796335382,8.128796028,7.607002305,7.359006771,7.953996162,7.801243483,7.778110956,8.118393275,8.004109514,7.38735746,8.551690041,9.617804389,8.026746504,7.78570663,7.732144231,7.92001557,7.591512668,7.467403115,7.995452017,7.7003618
+"10900","OAS2",7.580030643,7.580323963,7.578196737,7.578215547,7.583730498,7.589361717,7.580636177,7.578635186,7.580365587,7.57949852,7.57754267,7.57686453,7.580227001,7.579880964,7.578887973,7.578613245,7.578277315,7.5769351,7.582895659,7.587115634,7.579870948,7.578505044,7.580298425,7.578939191,7.577173971,7.578584997,7.580477278,7.578085566
+"10901","OAS3",6.514640206,7.653423173,7.076856134,6.744260254,7.947634024,9.02600268,6.926164701,6.56552982,7.040955394,7.093937954,6.908374872,6.122587766,6.751691015,6.633695737,6.476762025,7.528820511,6.836098854,6.72582973,7.873487327,8.907203968,6.833985794,6.707774067,7.024603732,7.110937515,6.787551868,6.494538103,6.932289095,6.556505243
+"10902","OASL",6.442883108,6.442928491,6.442896169,6.44292151,6.442913344,6.442957191,6.442897576,6.442865702,6.442897419,6.442892773,6.442900653,6.442875857,6.442881265,6.442876186,6.442887204,6.442933213,6.44288954,6.442910938,6.442929485,6.442961324,6.442903615,6.442869356,6.442918007,6.442916229,6.442913113,6.442888556,6.442888303,6.442868155
+"10903","OAT",6.541179645,6.54117963,6.541179533,6.541179564,6.541179517,6.541179369,6.541179597,6.541179505,6.54117962,6.541179497,6.541179355,6.541179262,6.541179514,6.541179852,6.541179643,6.541179523,6.541179442,6.541179502,6.541179629,6.541179561,6.541179453,6.541179312,6.541179884,6.541179736,6.541179339,6.54117942,6.541179375,6.541179624
+"10904","OAZ1",11.23560032,11.10974665,11.70320507,11.33215718,11.11306722,11.54897169,11.51483413,11.61771119,11.34230266,11.23945643,11.24762703,11.69637092,11.05713208,10.99269947,11.22456719,10.86008671,11.61428048,11.24740588,11.07709039,11.56280413,11.50623516,11.54004103,11.37917269,11.26773262,11.09963598,11.77594802,11.14937252,11.08086879
+"10905","OAZ2",8.321931975,8.321932828,8.321932769,8.321933903,8.32193126,8.321932628,8.321931963,8.321933016,8.321931414,8.321932063,8.321932691,8.321931386,8.32193207,8.321932366,8.321931822,8.321932616,8.321932773,8.321933291,8.321932523,8.321932692,8.321931839,8.321932585,8.321932221,8.321932571,8.321932989,8.321931965,8.321931617,8.321931658
+"10906","OAZ3",4.19903966,4.19903964,4.199039724,4.199039688,4.199039703,4.199039735,4.199039695,4.19903967,4.19903973,4.199039703,4.199039667,4.199039726,4.199039674,4.199039637,4.199039666,4.199039732,4.199039713,4.199039725,4.199039704,4.199039718,4.199039651,4.199039718,4.19903972,4.19903967,4.199039722,4.19903968,4.199039703,4.199039664
+"10907","OBI1",5.308973138,5.308972926,5.30897295,5.308972504,5.308972431,5.308972082,5.308972929,5.308972156,5.308973101,5.308973106,5.308972548,5.308972154,5.308972938,5.308974516,5.308972976,5.308972506,5.308972353,5.308972543,5.308972691,5.308972031,5.308972734,5.308972264,5.308973073,5.308973025,5.308972352,5.308972728,5.308972807,5.308974288
+"10908","OBP2A",6.04652839,6.0465281975,6.046529154,6.046528606,6.04652899,6.046528853,6.046528483,6.0465291845,6.046528631,6.046528793,6.046529052,6.046528938,6.0465287155,6.0465280735,6.0465287405,6.0465279395,6.046528985,6.046528853,6.046528484,6.046528818,6.046528796,6.0465288855,6.046528621,6.046528506,6.0465289065,6.0465290685,6.0465287795,6.046528339
+"10909","OBP2B",5.2262524765,5.226252368,5.2262528605,5.226252357,5.2262528425,5.226252622,5.226252577,5.226252688,5.226252404,5.2262524975,5.2262526735,5.226252867,5.226252603,5.22625224,5.2262525065,5.226252511,5.226252859,5.226252742,5.2262526415,5.2262523565,5.2262526145,5.226252639,5.2262524985,5.2262524055,5.226252513,5.226252686,5.2262526055,5.226252831
+"10910","OBSCN",5.642203849,5.64220385,5.64220393,5.642203908,5.642204012,5.642203845,5.642203944,5.642203999,5.642204033,5.64220406,5.642203889,5.642204125,5.64220395,5.642203846,5.642203992,5.642203968,5.642203979,5.642204023,5.642203938,5.642203894,5.642203994,5.642204053,5.642203976,5.642203867,5.642203922,5.642204064,5.642203993,5.642203921
+"10911","OBSCN-AS1",4.826122242,4.826122236,4.82612233,4.826122233,4.826122313,4.826122308,4.826122272,4.826122266,4.82612228,4.82612227,4.82612232,4.826122316,4.826122239,4.826122209,4.826122292,4.82612228,4.82612227,4.82612225,4.826122271,4.826122302,4.826122265,4.8261223,4.826122255,4.826122235,4.826122284,4.82612228,4.826122298,4.826122272
+"10912","OBSL1",4.624152348,4.624152365,4.624152405,4.624152374,4.624152389,4.624152363,4.624152386,4.624152391,4.624152378,4.624152369,4.624152378,4.624152396,4.624152371,4.624152361,4.624152389,4.624152387,4.624152394,4.62415237,4.624152381,4.624152379,4.624152387,4.624152382,4.624152368,4.624152372,4.624152393,4.624152385,4.624152374,4.624152365
+"10913","OC90",4.747511166,4.747511272,4.747511245,4.747511265,4.747511273,4.7475113,4.747511235,4.747511272,4.747511248,4.747511229,4.747511236,4.747511295,4.747511198,4.747511182,4.747511239,4.747511233,4.747511297,4.747511236,4.747511185,4.747511238,4.747511158,4.747511251,4.74751123,4.747511274,4.747511213,4.747511247,4.747511265,4.747511238
+"10914","OCA2",4.725245721,4.725245757,4.725245645,4.725245687,4.725245883,4.725245696,4.72524579,4.725245757,4.72524572,4.725245678,4.725245611,4.725245765,4.725245642,4.72524559,4.725245784,4.725245799,4.725245842,4.725245781,4.725245839,4.725245775,4.725245808,4.725245762,4.725245705,4.725245619,4.725245795,4.725245751,4.725245645,4.725245749
+"10915","OCEL1",5.903371145,5.903371137,5.903371164,5.903371183,5.903371145,5.903371144,5.90337115,5.903371163,5.903371154,5.903371161,5.903371111,5.903371146,5.903371163,5.903371076,5.903371175,5.903371115,5.903371162,5.903371188,5.903371143,5.903371175,5.903371173,5.903371132,5.903371133,5.903371164,5.90337114,5.903371168,5.903371177,5.903371127
+"10916","OCIAD1",5.917079564,5.917079437,5.917079491,5.917079419,5.917079341,5.91707947,5.917079428,5.917079433,5.917079504,5.917079515,5.917079403,5.917079435,5.917079529,5.917079707,5.917079405,5.917079442,5.917079331,5.91707931,5.917079423,5.917079534,5.917079433,5.917079418,5.917079529,5.917079468,5.917079415,5.917079481,5.917079505,5.917079533
+"10917","OCIAD2",5.755709851,5.755709953,5.755709268,5.755709227,5.755709187,5.755709499,5.755709533,5.75570975,5.755710376,5.755709975,5.755709605,5.755709628,5.755709752,5.755710135,5.755709548,5.755709592,5.755709206,5.755709568,5.755709682,5.755709391,5.755709504,5.755709616,5.75571015,5.755709757,5.75570926,5.75570977,5.755710049,5.755710147
+"10918","OCRL",4.971553792,4.971553794,4.971553761,4.971553762,4.971553725,4.97155379,4.971553674,4.971553777,4.971553771,4.971553877,4.971553686,4.971553841,4.971553828,4.971553756,4.971553752,4.971553734,4.971553776,4.971553774,4.971553816,4.971553802,4.971553762,4.971553804,4.971553805,4.971553771,4.971553749,4.97155382,4.971553791,4.971553813
+"10919","OCSTAMP",5.159425964,5.159425949,5.159426005,5.159426017,5.159426084,5.159426031,5.159425978,5.159426016,5.159425982,5.159426034,5.159425988,5.159426018,5.159426012,5.159425948,5.159426068,5.159425911,5.159426093,5.159426056,5.159426009,5.159426038,5.15942602,5.15942602,5.15942597,5.159425901,5.15942595,5.15942603,5.159425974,5.159425984
+"10920","ODAD1",5.383834302,5.383834351,5.383834681,5.383834747,5.383834681,5.383834177,5.383834681,5.383834548,5.383834593,5.383834696,5.383834461,5.38383491,5.383834612,5.383834232,5.383834784,5.383834328,5.383834784,5.383834638,5.383834342,5.383834739,5.383834773,5.383834883,5.383834422,5.383834496,5.383834566,5.383834514,5.3838343,5.383834666
+"10921","ODAD2",3.676942495,3.676942528,3.676942571,3.676942562,3.67694255,3.676942565,3.676942546,3.676942544,3.67694253,3.676942529,3.676942576,3.676942545,3.67694258,3.676942539,3.676942553,3.676942564,3.676942514,3.676942539,3.676942533,3.676942562,3.676942558,3.67694255,3.67694261,3.676942573,3.676942518,3.676942533,3.676942531,3.676942518
+"10922","ODAD3",4.95017081,4.950170861,4.950170904,4.950170882,4.950170961,4.950170769,4.950170906,4.950170915,4.950170803,4.950170858,4.95017094,4.950170972,4.950170861,4.950170813,4.950170913,4.950170879,4.950170953,4.950170951,4.950170852,4.950170921,4.950170951,4.950170929,4.950170749,4.950170861,4.950170967,4.950170916,4.950170843,4.950170856
+"10923","ODAD4",4.178507508,4.17850754,4.17850755,4.178507558,4.178507573,4.178507551,4.178507627,4.178507572,4.178507584,4.178507538,4.178507571,4.178507612,4.178507519,4.178507542,4.178507549,4.178507575,4.178507562,4.17850758,4.178507554,4.178507511,4.17850759,4.178507572,4.178507559,4.178507578,4.178507559,4.17850759,4.178507493,4.178507592
+"10924","ODAM",3.066745357,3.066745385,3.066745376,3.066745386,3.066745409,3.066745478,3.066745401,3.066745412,3.06674543,3.066745422,3.066745432,3.066745424,3.066745388,3.066745381,3.066745426,3.066745445,3.066745426,3.066745381,3.06674539,3.066745376,3.066745356,3.066745439,3.066745451,3.066745412,3.066745427,3.066745406,3.066745388,3.066745436
+"10925","ODAPH",3.447590128,3.447590356,3.447590283,3.447590383,3.44759038,3.447590261,3.447590221,3.44759034,3.447590236,3.44759042,3.447590338,3.447590236,3.447590159,3.44759027,3.447590221,3.447590244,3.447590318,3.44759035,3.447590265,3.447590328,3.447590284,3.447590232,3.447590109,3.447590199,3.447590185,3.447590294,3.447590308,3.447590296
+"10926","ODC1",9.039942244,9.07630465,9.472840923,9.438395227,9.101593264,9.064030454,9.036745232,9.267441869,9.383289693,9.270003004,9.413572316,9.660097215,8.865547664,8.942765645,8.921205517,8.892564789,9.476452227,9.452152421,9.083111823,8.949758035,8.99103979,9.239521064,9.422155877,9.329979004,9.353610069,9.65918871,8.971607782,9.197646465
+"10927","ODF1",4.59960004,4.599600046,4.599600022,4.599600018,4.599600057,4.599600023,4.599600089,4.599600092,4.599600032,4.599600027,4.599600071,4.599600128,4.599600037,4.599599958,4.599600063,4.599600024,4.599600107,4.599600091,4.599600028,4.599600036,4.599600074,4.599600027,4.599600016,4.599599987,4.599600036,4.599600038,4.5996,4.599599988
+"10928","ODF2",6.722193179,6.722193209,6.722193176,6.722193142,6.72219319,6.722193208,6.722193182,6.722193159,6.7221932,6.722193202,6.722193142,6.722193156,6.722193194,6.722193219,6.722193174,6.7221932,6.722193157,6.722193159,6.722193174,6.722193194,6.722193198,6.722193159,6.722193197,6.722193165,6.722193137,6.722193198,6.722193209,6.722193209
+"10929","ODF2L",4.910520428,4.910520046,4.910520155,4.910519959,4.910520045,4.910519413,4.910519923,4.910520122,4.910520316,4.910519964,4.910519961,4.91051946,4.910520215,4.910520554,4.910520267,4.910520087,4.910519818,4.910520019,4.910520228,4.910519695,4.910519909,4.910520029,4.910520207,4.910520065,4.910519854,4.910519987,4.910520165,4.910520299
+"10930","ODF3",4.772940315,4.772940325,4.772940346,4.772940329,4.772940353,4.77294031,4.772940328,4.77294035,4.772940326,4.772940349,4.772940341,4.772940352,4.772940333,4.77294031,4.772940347,4.772940333,4.772940346,4.772940342,4.772940333,4.772940329,4.772940328,4.772940345,4.772940328,4.772940335,4.772940336,4.772940333,4.772940325,4.77294033
+"10931","ODF3B",6.823647646,6.823647604,6.823648115,6.823647901,6.823647692,6.823650211,6.823647575,6.823647672,6.823647281,6.823648008,6.823647888,6.823647473,6.823647893,6.823646931,6.823647174,6.823647038,6.823648016,6.823647525,6.8236477,6.82365009,6.823647466,6.82364763,6.823647364,6.823647452,6.823647565,6.823646889,6.823648089,6.823647315
+"10932","ODF3L1",4.454663277,4.454663304,4.454663326,4.454663278,4.454663373,4.454663313,4.45466332,4.454663359,4.454663356,4.454663335,4.454663346,4.454663355,4.45466331,4.454663262,4.454663347,4.454663332,4.454663415,4.45466335,4.454663354,4.454663286,4.454663352,4.454663394,4.454663326,4.454663296,4.454663282,4.454663344,4.45466335,4.454663312
+"10933","ODF3L2",6.197646245,6.197646257,6.197646519,6.197646446,6.197646671,6.197646357,6.197646534,6.197646581,6.197646442,6.197646423,6.19764655,6.197646655,6.197646396,6.197646291,6.19764662,6.197646534,6.197646636,6.197646537,6.197646517,6.197646454,6.197646596,6.197646651,6.197646335,6.197646359,6.197646446,6.197646526,6.197646425,6.19764648
+"10934","ODF4",4.075646228,4.075646212,4.075646246,4.075646227,4.075646236,4.075646226,4.075646271,4.075646231,4.075646233,4.075646233,4.075646244,4.075646277,4.075646234,4.075646241,4.075646258,4.075646241,4.075646255,4.075646258,4.075646236,4.075646222,4.075646241,4.075646243,4.075646229,4.075646253,4.075646235,4.075646233,4.075646227,4.075646263
+"10935","ODR4",5.317174726,5.317174364,5.317174374,5.317174215,5.317173903,5.317173985,5.317174119,5.317174048,5.317174249,5.31717413,5.317174086,5.317173606,5.317174345,5.317175053,5.31717438,5.317174358,5.317174215,5.317174145,5.317174294,5.317173907,5.317174279,5.317174279,5.317174409,5.317174335,5.31717423,5.317173949,5.317174317,5.31717481
+"10936","OFCC1",3.419285309,3.419285329,3.419285312,3.419285329,3.41928534,3.419285317,3.419285309,3.419285326,3.419285328,3.419285328,3.419285332,3.419285332,3.419285313,3.419285303,3.419285309,3.419285324,3.419285351,3.419285312,3.41928532,3.419285321,3.419285324,3.419285323,3.419285311,3.419285308,3.419285325,3.419285328,3.419285302,3.419285321
+"10937","OFD1",6.812057694,6.81205653,6.812055658,6.812056364,6.812056107,6.812055993,6.812057237,6.812055474,6.812056711,6.812055984,6.812056145,6.812055172,6.812057569,6.812058196,6.812057015,6.812056993,6.81205501,6.812056373,6.812057027,6.812054683,6.81205707,6.812055892,6.812056738,6.812056546,6.812056765,6.81205649,6.812057396,6.812056909
+"10938","OGA",9.241416134,9.241416182,9.241412972,9.241417058,9.24141179,9.241412165,9.241414288,9.241412001,9.241413231,9.241411292,9.241413033,9.24140988,9.241415191,9.241416947,9.241413603,9.24141717,9.241411888,9.241416016,9.24141601,9.241412975,9.24141542,9.241412354,9.241414448,9.241414144,9.241415095,9.2414144,9.241415224,9.241413689
+"10939","OGDH",8.333309697,8.33330977,8.333309512,8.333309628,8.333309613,8.33330991,8.333309806,8.33330948,8.333309733,8.333309698,8.3333095,8.333309478,8.333309609,8.333309673,8.333309582,8.33330966,8.333309553,8.3333096,8.333309618,8.333309797,8.333309665,8.333309572,8.333309687,8.333309683,8.333309604,8.333309643,8.333309721,8.333309527
+"10940","OGDHL",4.837685091,4.837685071,4.837685086,4.837685072,4.837685094,4.837685078,4.837685095,4.837685104,4.837685092,4.837685097,4.837685111,4.837685082,4.837685103,4.837685047,4.837685099,4.837685093,4.83768509,4.837685116,4.837685095,4.837685101,4.837685112,4.837685109,4.837685091,4.837685073,4.837685103,4.837685108,4.837685089,4.83768508
+"10941","OGFOD1",6.197887785,6.197887798,6.197887624,6.197887625,6.197887626,6.197887751,6.19788772,6.19788763,6.19788777,6.197887705,6.19788767,6.197887605,6.197887781,6.197887878,6.197887701,6.197887729,6.197887419,6.19788767,6.197887702,6.197887544,6.197887705,6.197887614,6.197887809,6.197887729,6.197887606,6.197887661,6.197887742,6.197887772
+"10942","OGFOD2",6.264609412,6.264609287,6.264609562,6.264609481,6.264609437,6.264609542,6.264609395,6.26460943,6.264609567,6.264609432,6.264609509,6.264609507,6.264609517,6.264609414,6.264609446,6.264609596,6.264609663,6.264609461,6.264609559,6.264609434,6.264609409,6.264609507,6.26460955,6.264609336,6.264609672,6.264609507,6.264609582,6.264609532
+"10943","OGFOD3",5.753394939,5.753394852,5.753394858,5.75339481,5.753394988,5.753394954,5.753394826,5.753394909,5.753394909,5.753394867,5.753394804,5.75339483,5.75339498,5.753394982,5.753394914,5.753394897,5.753394889,5.753394831,5.753394883,5.753394948,5.753394915,5.75339495,5.753394845,5.753394903,5.753394762,5.753394861,5.753394941,5.753394843
+"10944","OGFR",8.352855009,8.352855227,8.352855063,8.352855132,8.352855091,8.35285537,8.352855016,8.352855169,8.352855115,8.352855124,8.352855032,8.352854998,8.352855089,8.352855082,8.352855117,8.352855223,8.352854984,8.352855068,8.352855069,8.352855322,8.352855049,8.352855199,8.352855092,8.352855072,8.352855113,8.352855081,8.352855124,8.352855049
+"10945","OGFRL1",8.544806851,8.544805699,8.544806431,8.544806748,8.544804975,8.544805653,8.544806176,8.544806087,8.544803999,8.544804628,8.544806244,8.544804848,8.544806166,8.544807161,8.544806374,8.544805788,8.544805962,8.544805979,8.544806404,8.544806503,8.544806777,8.544806514,8.544805673,8.544806277,8.54480693,8.544805749,8.544805351,8.544806726
+"10946","OGFRP1",5.698339592,5.698339619,5.698339622,5.69833962,5.698339811,5.698339709,5.69833968,5.698339797,5.698339582,5.698339656,5.698339642,5.698339818,5.698339742,5.698339541,5.698339753,5.698339705,5.698339776,5.69833968,5.698339709,5.698339672,5.698339842,5.698339735,5.698339603,5.698339614,5.698339609,5.698339757,5.698339637,5.69833969
+"10947","OGG1",6.223345998,6.223345982,6.223345943,6.223345949,6.223345937,6.223346008,6.223345969,6.223345935,6.223345938,6.223346036,6.223345877,6.223345924,6.223346044,6.22334597,6.223345943,6.223345899,6.223345886,6.223345893,6.223345875,6.223345909,6.223345886,6.223345962,6.223345952,6.223345972,6.223345946,6.223345968,6.223345971,6.223345906
+"10948","OGN",3.181141197,3.181141183,3.181141175,3.181141196,3.181141225,3.181141236,3.181141173,3.181141182,3.181141202,3.181141208,3.181141206,3.181141213,3.181141184,3.181141201,3.181141217,3.181141176,3.181141204,3.181141224,3.181141216,3.181141187,3.181141181,3.18114122,3.181141184,3.181141202,3.18114121,3.181141191,3.181141202,3.181141258
+"10949","OGT",8.872131662,8.872130875,8.87213076,8.872131073,8.872130631,8.872130733,8.872131411,8.872130814,8.872131278,8.872130911,8.872130734,8.872130866,8.872131444,8.872131518,8.872130989,8.872130731,8.872130088,8.872130561,8.872131225,8.872130762,8.872131445,8.87213093,8.87213125,8.872130906,8.872130819,8.872131191,8.872131486,8.872130962
+"10950","OIP5",4.425247584,4.425247622,4.425247588,4.425247567,4.425247604,4.425247612,4.425247657,4.425247616,4.425247553,4.425247613,4.425247614,4.425247657,4.425247527,4.425247544,4.425247576,4.425247532,4.425247692,4.425247577,4.425247621,4.425247583,4.42524756,4.425247566,4.425247663,4.425247548,4.425247621,4.425247627,4.425247524,4.425247547
+"10951","OIT3",4.476203567,4.476203622,4.476203656,4.476203721,4.47620366,4.476203665,4.476203712,4.476203578,4.476203617,4.476203581,4.476203615,4.476203617,4.47620374,4.476203565,4.47620361,4.476203606,4.47620352,4.476203591,4.476203591,4.476203678,4.476203691,4.476203723,4.476203486,4.476203665,4.476203563,4.476203611,4.476203686,4.476203638
+"10952","OLA1",5.686072893,5.686072862,5.686072885,5.686072855,5.68607284,5.686072853,5.686072856,5.686072874,5.686072851,5.686072847,5.686072844,5.686072871,5.686072878,5.686072894,5.686072886,5.686072852,5.686072867,5.686072807,5.686072864,5.686072856,5.686072867,5.686072871,5.686072875,5.68607286,5.686072845,5.686072871,5.686072861,5.686072907
+"10953","OLAH",3.367926815,3.367926941,3.367926861,3.36792693,3.367926797,3.367926807,3.36792685,3.367926843,3.367926923,3.367926867,3.367926801,3.367926883,3.367926784,3.367926897,3.367926785,3.367926954,3.367926944,3.367926944,3.36792678,3.367926908,3.367926789,3.367926834,3.367926829,3.367926789,3.367926953,3.367926782,3.367926897,3.367926855
+"10954","OLFM1",4.96721066,4.967210691,4.967210827,4.967210919,4.967210954,4.967210948,4.967210844,4.967210894,4.967210774,4.967210745,4.967210915,4.967210881,4.967210801,4.967210653,4.96721084,4.967210846,4.967211064,4.967210977,4.967210894,4.967210786,4.96721087,4.967210965,4.967210687,4.967210726,4.967210839,4.967210858,4.967210794,4.967210815
+"10955","OLFM2",6.320692365,6.320692501,6.320692475,6.320692405,6.320692642,6.320692647,6.32069247,6.32069248,6.320692583,6.320692581,6.320692535,6.320692637,6.320692458,6.320692293,6.320692449,6.320692484,6.320692601,6.320692535,6.32069263,6.320692447,6.320692486,6.320692582,6.320692612,6.320692321,6.32069231,6.320692491,6.320692495,6.320692461
+"10956","OLFM3",3.401512361,3.401512499,3.401512457,3.401512385,3.401512477,3.401512457,3.401512454,3.401512443,3.401512508,3.401512402,3.401512419,3.401512501,3.401512431,3.401512461,3.401512491,3.401512462,3.40151251,3.401512464,3.401512435,3.401512446,3.401512512,3.401512474,3.401512477,3.401512404,3.401512441,3.40151248,3.401512398,3.401512503
+"10957","OLFM4",4.245633657,4.245629897,4.245636056,4.245631696,4.245631077,4.245634842,4.245637991,4.245632354,4.24563118,4.24563148,4.245633241,4.245632528,4.245631378,4.245630595,4.24563362,4.245630538,4.245635905,4.245630638,4.245631359,4.245633548,4.245637856,4.245632112,4.245630299,4.245630845,4.245633329,4.245632326,4.245630142,4.245630702
+"10958","OLFML1",3.345057164,3.345057161,3.345057172,3.34505721,3.345057114,3.345057185,3.345057154,3.345057156,3.345057128,3.345057187,3.345057133,3.345057227,3.345057122,3.345057133,3.345057164,3.345057153,3.345057192,3.345057232,3.345057168,3.345057238,3.345057165,3.345057118,3.345057134,3.345057197,3.34505714,3.345057135,3.345057155,3.345057219
+"10959","OLFML2A",5.852335353,5.852335299,5.852335619,5.852335422,5.852335862,5.852335427,5.85233549,5.852335692,5.85233547,5.85233547,5.852335645,5.852335879,5.85233552,5.852335207,5.852335732,5.8523353,5.852335931,5.85233561,5.852335378,5.852335507,5.852335765,5.852335719,5.852335445,5.852335428,5.85233546,5.852335609,5.852335381,5.852335377
+"10960","OLFML2B",4.093304821,4.093304823,4.093304829,4.093304793,4.093304872,4.093304825,4.093304838,4.093304833,4.093304838,4.09330484,4.093304836,4.093304853,4.093304829,4.093304801,4.093304837,4.093304826,4.093304853,4.093304825,4.093304815,4.093304854,4.093304841,4.093304821,4.093304814,4.093304835,4.093304814,4.093304842,4.093304821,4.093304824
+"10961","OLFML3",4.570839801,4.570839936,4.570839905,4.570840076,4.570839907,4.570839945,4.570839929,4.570839985,4.570839828,4.570839888,4.570839937,4.570839913,4.570839977,4.570839845,4.570839916,4.570839953,4.570839939,4.570839997,4.570839883,4.570839928,4.570839949,4.570839822,4.570839947,4.570839888,4.570839995,4.570839872,4.570839844,4.570839902
+"10962","OLIG1",6.526337979,6.526337999,6.526338038,6.526338005,6.526338163,6.526338019,6.526338065,6.526338078,6.52633806,6.526338073,6.526338122,6.526338103,6.526338058,6.52633791,6.526338065,6.526338018,6.526338089,6.52633802,6.526338084,6.526338019,6.526338066,6.526338096,6.526338007,6.526337996,6.526338082,6.526338018,6.526338015,6.526338046
+"10963","OLIG2",5.62544852,5.625449376,5.625448857,5.625448314,5.625449566,5.625448477,5.625449172,5.625448973,5.625449104,5.625449054,5.625449587,5.625449213,5.625448827,5.625449012,5.625448528,5.625448556,5.625448852,5.625448709,5.625449373,5.625448928,5.625449035,5.625448914,5.625448702,5.625448722,5.625448833,5.625449208,5.625448741,5.625448965
+"10964","OLIG3",4.369745704,4.36974583,4.369745736,4.369745806,4.369745883,4.369745746,4.369745623,4.369746046,4.369745838,4.369745776,4.369745851,4.369745986,4.369745594,4.369745656,4.369746019,4.369745943,4.369745773,4.369745967,4.369745759,4.369745762,4.369746023,4.369746024,4.369745713,4.369745627,4.369745931,4.369745903,4.36974571,4.369745994
+"10965","OLR1",3.750282671,3.750282696,3.750282754,3.750282664,3.750282789,3.750282738,3.750282924,3.750282755,3.750282744,3.7502827,3.750282777,3.750282771,3.750282597,3.750282657,3.750282741,3.750282675,3.750282871,3.750282739,3.750282783,3.750282765,3.750282794,3.75028273,3.750282784,3.750282636,3.750282824,3.750282759,3.750282682,3.75028269
+"10966","OMA1",6.290942687,6.290941614,6.290941588,6.290941038,6.290941092,6.290941023,6.290941382,6.290940885,6.290942079,6.290941754,6.290941346,6.290940848,6.290942184,6.290942886,6.290941917,6.290941107,6.290941284,6.290940931,6.290941747,6.290941245,6.290941448,6.290941104,6.290942096,6.290941784,6.290941403,6.290941537,6.290941993,6.290942119
+"10967","OMD",2.495406884,2.495406893,2.495406908,2.495406881,2.495406919,2.495406916,2.495406916,2.495406868,2.495406892,2.495406923,2.49540687,2.49540697,2.495406917,2.495406914,2.495406914,2.495406922,2.495406928,2.495406934,2.495406896,2.495406869,2.495406866,2.495406898,2.495406876,2.495406888,2.495406913,2.495406871,2.495406847,2.495406897
+"10968","OMG",3.052603589,3.052603763,3.052603569,3.05260369,3.052603502,3.052603542,3.052603595,3.052603682,3.052603705,3.052603398,3.052603606,3.052603519,3.052603592,3.052603676,3.052603718,3.052603775,3.052603742,3.052603958,3.052603625,3.052603783,3.052603636,3.052603592,3.052603715,3.052603781,3.052603811,3.052603419,3.052603893,3.052603713
+"10969","OMP",6.010116342,6.010116353,6.010116612,6.01011663,6.010116703,6.010116239,6.010116539,6.010116566,6.010116566,6.010116521,6.010116678,6.010116743,6.010116387,6.010116217,6.010116658,6.010116468,6.010116796,6.010116668,6.010116618,6.010116477,6.010116663,6.010116567,6.010116373,6.010116421,6.010116618,6.010116655,6.010116417,6.010116439
+"10970","ONECUT1",6.467394792,6.467394721,6.467395239,6.467394933,6.467395181,6.467394632,6.46739485,6.467395238,6.467394879,6.467394987,6.467395121,6.46739518,6.467395009,6.467394725,6.467395019,6.467394963,6.467395125,6.467395124,6.467394858,6.467395049,6.467395101,6.46739512,6.467394865,6.467395059,6.467395052,6.467395147,6.467394955,6.467394976
+"10971","ONECUT2",5.530505937,5.530505959,5.530505946,5.53050595,5.530506004,5.530505929,5.53050593,5.530505977,5.53050598,5.530505973,5.530505981,5.530506042,5.530505929,5.53050587,5.530506045,5.530505948,5.530506052,5.53050604,5.530505906,5.530505973,5.530505958,5.530505952,5.530505879,5.530505892,5.530505936,5.530505998,5.53050588,5.530505895
+"10972","OOSP2",3.257109689,3.257109779,3.257109705,3.257109792,3.257109833,3.257109863,3.257109769,3.257109891,3.257109826,3.25710981,3.257109709,3.257109881,3.25710978,3.257109766,3.257109782,3.257109681,3.257109757,3.257109672,3.257109812,3.257109933,3.25710989,3.257109879,3.257109787,3.257109754,3.257109798,3.257109753,3.257109773,3.257109687
+"10973","OPA1",6.861402857,6.861402453,6.861402594,6.861402091,6.861402138,6.861401769,6.86140208,6.861401637,6.861402665,6.8614023,6.861402053,6.861401629,6.861402327,6.861403803,6.861402517,6.861402061,6.861401949,6.861401566,6.86140235,6.861401405,6.861402132,6.86140186,6.861402596,6.861402328,6.861402207,6.861402116,6.861402373,6.861403573
+"10974","OPA3",5.609685329,5.60968532,5.609685337,5.609685359,5.609685354,5.609685365,5.609685371,5.609685362,5.609685362,5.609685355,5.609685347,5.609685367,5.609685339,5.609685333,5.609685351,5.609685357,5.609685375,5.60968538,5.609685363,5.609685346,5.609685346,5.609685363,5.609685358,5.609685367,5.609685351,5.609685348,5.609685363,5.609685349
+"10975","OPALIN",4.296955885,4.29695583,4.296955987,4.296955781,4.296955899,4.296955604,4.296955874,4.296955935,4.29695586,4.29695586,4.296955919,4.296956209,4.296955958,4.296955442,4.296955982,4.296955964,4.296956125,4.296956054,4.296956013,4.296955705,4.296955997,4.296955805,4.296955764,4.29695551,4.296956049,4.296956081,4.296955649,4.296955905
+"10976","OPCML",3.778717228,3.778717248,3.778717334,3.778717253,3.778717316,3.778717207,3.778717294,3.778717345,3.778717271,3.778717308,3.778717363,3.77871734,3.778717255,3.778717252,3.778717278,3.7787173,3.778717348,3.778717335,3.77871727,3.778717284,3.778717308,3.778717292,3.778717296,3.778717314,3.778717295,3.778717284,3.778717271,3.778717309
+"10977","OPHN1",4.191910406,4.191910372,4.191910412,4.191910424,4.191910404,4.191910447,4.191910345,4.191910328,4.191910403,4.191910376,4.191910417,4.191910431,4.191910366,4.191910374,4.191910345,4.191910338,4.191910401,4.19191041,4.191910362,4.191910424,4.191910366,4.191910327,4.191910405,4.191910401,4.191910368,4.191910414,4.191910396,4.191910351
+"10978","OPLAH",5.753403786,5.753403799,5.753403792,5.75340382,5.753403808,5.753403803,5.753403814,5.75340381,5.753403802,5.753403803,5.753403807,5.753403796,5.753403806,5.753403774,5.753403826,5.753403812,5.753403804,5.753403831,5.753403815,5.753403795,5.753403817,5.75340381,5.753403804,5.753403804,5.753403813,5.753403805,5.753403777,5.753403797
+"10979","OPN1LW",3.184086922,3.184086905,3.184086976,3.184087002,3.184086966,3.18408697,3.184086953,3.184086975,3.184086948,3.184086938,3.184086933,3.184086973,3.184086921,3.184086925,3.184086953,3.18408697,3.184087004,3.18408693,3.184086922,3.184086931,3.184086966,3.184086944,3.184086938,3.1840869,3.184086921,3.184086939,3.184086975,3.184086936
+"10980","OPN1SW",4.003116989,4.003116991,4.003117005,4.003116995,4.003117023,4.003116999,4.003116989,4.00311703,4.003117022,4.003116993,4.003116998,4.003117025,4.003117013,4.003116975,4.003117019,4.003117011,4.003117064,4.003117016,4.00311702,4.003117012,4.003117019,4.003117053,4.003116994,4.003116982,4.003116988,4.003117012,4.003117037,4.003116989
+"10981","OPN3",6.597186064,6.597186048,6.597185997,6.597185995,6.597186045,6.597186029,6.597186007,6.597185979,6.597185995,6.597186069,6.597185964,6.597185983,6.597185999,6.597186125,6.59718605,6.597186012,6.597186009,6.597185954,6.597186045,6.597186001,6.597186003,6.597185993,6.597185988,6.597186032,6.597185941,6.597186001,6.59718602,6.597186093
+"10982","OPN4",5.70778062,5.707780646,5.707780716,5.707780694,5.707780774,5.707780688,5.707780723,5.707780749,5.707780675,5.70778068,5.707780768,5.707780771,5.707780639,5.707780592,5.707780739,5.707780712,5.707780803,5.707780728,5.707780666,5.7077807,5.707780769,5.707780721,5.707780656,5.707780604,5.707780698,5.707780711,5.707780685,5.707780678
+"10983","OPN5",3.578263597,3.578263898,3.578264015,3.578263814,3.578263757,3.578263701,3.578263784,3.578263861,3.578263822,3.578263681,3.57826354,3.578263889,3.578263671,3.578263684,3.578263775,3.578263749,3.578263929,3.57826384,3.578263815,3.578263769,3.578263826,3.57826408,3.578263525,3.578263606,3.578263696,3.578263647,3.578263697,3.578263861
+"10984","OPRD1",6.373587574,6.373587502,6.373588028,6.373587643,6.373588361,6.373587402,6.373588089,6.373588173,6.373587154,6.373587728,6.373588173,6.373588479,6.373587832,6.373587237,6.373588415,6.37358818,6.373588398,6.373587865,6.373588266,6.373587958,6.373588291,6.373588272,6.37358718,6.373587627,6.373587957,6.373588011,6.373587431,6.373587823
+"10985","OPRK1",4.434422822,4.434422782,4.434422824,4.434422775,4.434422843,4.43442281,4.434422791,4.434422849,4.434422792,4.434422802,4.434422821,4.434422816,4.434422797,4.434422723,4.434422784,4.434422814,4.434422853,4.434422776,4.43442282,4.434422815,4.434422809,4.434422805,4.434422776,4.4344228,4.434422813,4.43442281,4.434422803,4.4344228
+"10986","OPRL1",6.333315814,6.33331592,6.333315863,6.333315949,6.333315907,6.333315865,6.333315853,6.333315878,6.333315847,6.333315824,6.333315915,6.333315798,6.333315817,6.333315855,6.333315856,6.333315963,6.333315874,6.333315923,6.33331591,6.333315779,6.333315877,6.33331587,6.333315839,6.333315901,6.333315877,6.33331586,6.333315825,6.333315791
+"10987","OPRM1",4.089558244,4.089558245,4.089558249,4.089558249,4.089558244,4.089558248,4.08955824,4.089558243,4.089558252,4.089558241,4.089558243,4.089558248,4.089558245,4.089558242,4.089558247,4.08955825,4.089558253,4.08955825,4.089558238,4.08955825,4.089558246,4.089558249,4.089558238,4.089558243,4.089558245,4.089558241,4.089558239,4.089558243
+"10988","OPRPN",3.155987109,3.155987318,3.155987265,3.15598732,3.155987295,3.155987259,3.15598738,3.155987295,3.155987211,3.155987343,3.155987145,3.155987566,3.155987256,3.155987286,3.155987372,3.155987341,3.155987469,3.155987359,3.15598733,3.155987246,3.155987405,3.155987339,3.155987274,3.155987269,3.155987142,3.1559873,3.155987155,3.155987394
+"10989","OPTC",5.022506313,5.02250642,5.02250637,5.022506409,5.022506411,5.022506353,5.022506402,5.02250643,5.022506392,5.02250642,5.022506367,5.022506436,5.022506335,5.022506358,5.022506379,5.022506418,5.022506409,5.022506405,5.022506372,5.022506455,5.022506427,5.022506481,5.022506337,5.022506399,5.02250645,5.02250644,5.022506407,5.022506333
+"10990","OPTN",7.638516114,7.638516103,7.63851639,7.63851595,7.638516308,7.638516376,7.638516256,7.638516428,7.638516189,7.638516391,7.638516384,7.638516486,7.638516008,7.638516029,7.638516163,7.638515882,7.638516227,7.638516114,7.638516082,7.638516272,7.638516206,7.638516292,7.638516116,7.638516316,7.638516288,7.638516656,7.638516096,7.638516145
+"10991","OR10A3",3.54936689,3.549366929,3.549366927,3.549366876,3.549366963,3.54936685,3.549366914,3.54936694,3.549366889,3.549366872,3.549366989,3.549366952,3.549366922,3.54936686,3.54936691,3.549366921,3.549366918,3.549366924,3.549366897,3.549366877,3.549366973,3.54936691,3.549366864,3.549366809,3.549366828,3.549366889,3.549366909,3.549366885
+"10992","OR10A4",4.280298887,4.280298902,4.280298877,4.280298867,4.280298908,4.280298918,4.280298892,4.280298916,4.280298878,4.280298881,4.28029891,4.280298901,4.2802989,4.280298893,4.280298901,4.280298917,4.280298907,4.280298917,4.280298902,4.280298901,4.280298913,4.280298898,4.280298894,4.280298891,4.280298883,4.280298878,4.280298873,4.280298903
+"10993","OR10A5",2.95562761,2.955627618,2.955627619,2.95562765,2.955627617,2.955627655,2.955627628,2.95562762,2.955627631,2.955627637,2.955627611,2.955627629,2.955627619,2.9556276,2.955627625,2.955627618,2.955627657,2.955627643,2.95562762,2.955627642,2.955627614,2.955627641,2.955627614,2.955627624,2.955627629,2.955627634,2.955627637,2.955627649
+"10994","OR10A6",2.577968103,2.577968212,2.577968094,2.577968121,2.577968137,2.577968209,2.577968309,2.577968164,2.577968123,2.577968055,2.577968196,2.577968299,2.577968098,2.577968064,2.577968274,2.57796829,2.577968247,2.577968275,2.57796801,2.577968102,2.577968081,2.577968114,2.577968241,2.577968108,2.577968236,2.577968029,2.577968163,2.577968143
+"10995","OR10A7",3.340893994,3.340893959,3.340894003,3.340894015,3.340893992,3.340894016,3.340893994,3.340894008,3.340894028,3.340894008,3.340894026,3.340894048,3.340893986,3.340893966,3.340894005,3.340893982,3.340894025,3.340894006,3.340894005,3.340893973,3.340894002,3.340893984,3.340893995,3.340893934,3.340893985,3.340894016,3.340894002,3.340893976
+"10996","OR10AD1",4.183462497,4.183462695,4.183462431,4.183462684,4.183462673,4.183462673,4.183462731,4.183462571,4.183462592,4.183462723,4.183462442,4.183462745,4.183462543,4.183462388,4.183462689,4.1834626,4.183462725,4.183462481,4.183462597,4.183462499,4.183462709,4.183462602,4.183462319,4.183462573,4.183462466,4.183462461,4.183462545,4.183462494
+"10997","OR10AG1",3.102876282,3.102876453,3.102876434,3.10287633,3.102876359,3.102876532,3.102876332,3.102876368,3.102876308,3.102876332,3.102876303,3.102876452,3.102876264,3.102876409,3.102876298,3.102876216,3.102876452,3.102876368,3.102876374,3.102876371,3.10287642,3.102876268,3.102876375,3.102876355,3.102876238,3.102876245,3.102876384,3.102876344
+"10998","OR10C1",4.300818594,4.300818538,4.300818589,4.300818545,4.300818737,4.300818495,4.300818659,4.300818706,4.300818669,4.300818618,4.30081867,4.300818743,4.300818571,4.300818494,4.300818784,4.300818675,4.300818798,4.300818686,4.300818675,4.300818556,4.30081879,4.300818702,4.30081857,4.300818521,4.300818709,4.300818716,4.300818647,4.300818692
+"10999","OR10D1P",4.618443187,4.618443239,4.61844322,4.618443228,4.618443229,4.618443243,4.618443174,4.618443249,4.61844318,4.618443224,4.618443233,4.618443236,4.61844324,4.618443216,4.618443241,4.618443194,4.61844328,4.618443266,4.618443192,4.618443259,4.618443251,4.618443237,4.618443194,4.618443219,4.618443193,4.61844324,4.618443267,4.618443157
+"11000","OR10D3",3.637327458,3.637327487,3.637327578,3.637327702,3.637327677,3.637327844,3.637327697,3.637327822,3.637327605,3.637327661,3.637327886,3.637327985,3.637327689,3.637327669,3.637327687,3.637327822,3.637327961,3.637327721,3.637327824,3.637327761,3.637327819,3.637327752,3.637327726,3.63732774,3.637327685,3.637327701,3.63732754,3.637327775
+"11001","OR10G2",4.24618836,4.246188362,4.246188413,4.246188405,4.246188478,4.246188299,4.246188422,4.246188505,4.246188497,4.246188418,4.246188301,4.246188443,4.24618836,4.246188439,4.246188583,4.246188501,4.246188498,4.246188505,4.246188508,4.246188436,4.246188557,4.246188413,4.246188331,4.246188261,4.246188266,4.246188472,4.246188408,4.246188447
+"11002","OR10G3",3.651657852,3.651657775,3.651657806,3.651657827,3.651657874,3.651657777,3.651657824,3.651657855,3.651657937,3.651657786,3.651657746,3.65165799,3.651657766,3.651657684,3.651657985,3.651657913,3.651657932,3.651657926,3.651657832,3.651657832,3.651658011,3.651657889,3.651657885,3.651657725,3.651657956,3.651657906,3.651657857,3.651657889
+"11003","OR10G4",4.965825494,4.965825423,4.965825589,4.965825599,4.965825603,4.965825532,4.965825562,4.965825589,4.965825502,4.96582546,4.965825585,4.965825511,4.965825656,4.965825517,4.965825467,4.965825513,4.965825455,4.965825584,4.965825604,4.965825498,4.965825638,4.965825511,4.965825531,4.965825474,4.965825577,4.965825585,4.965825478,4.96582553
+"11004","OR10G7",5.491558657,5.491558736,5.491558682,5.491558712,5.491558925,5.491558623,5.491558685,5.491558773,5.491558783,5.491558661,5.491558577,5.491558996,5.491558508,5.491558463,5.491558822,5.491558882,5.491558849,5.491558795,5.491558571,5.491558581,5.491558815,5.491558836,5.491558604,5.491558628,5.491558739,5.491558654,5.491558715,5.49155869
+"11005","OR10G8",3.973341812,3.973342163,3.973341901,3.973342019,3.973341963,3.97334235,3.973341823,3.973341898,3.97334217,3.973342083,3.973341978,3.973342043,3.973341998,3.973341719,3.973342082,3.973341957,3.973342073,3.973342054,3.973341995,3.973341806,3.973341886,3.973341845,3.973341861,3.973341684,3.973342158,3.973341915,3.973341855,3.973341794
+"11006","OR10H1",4.190373766,4.190373841,4.190374013,4.190374017,4.190374059,4.190373839,4.19037381,4.190374081,4.190373893,4.190373923,4.190373868,4.190373732,4.190373907,4.190373785,4.190373887,4.190373861,4.190374106,4.190373849,4.190374113,4.190374027,4.190373949,4.190373936,4.190373785,4.190373924,4.190374063,4.190373836,4.19037389,4.190373982
+"11007","OR10H2",3.738505492,3.738505483,3.738505509,3.738505495,3.73850548,3.73850548,3.738505488,3.738505486,3.738505468,3.738505472,3.738505485,3.738505497,3.738505491,3.73850547,3.738505475,3.738505489,3.738505505,3.738505486,3.73850549,3.73850549,3.738505504,3.738505492,3.738505485,3.738505465,3.738505482,3.738505485,3.738505481,3.738505486
+"11008","OR10H3",3.69522694,3.695226958,3.695226943,3.695226934,3.695226943,3.695226977,3.695226953,3.695226958,3.695226962,3.695226945,3.695226969,3.695226961,3.695226927,3.695226935,3.695226958,3.695226937,3.695226986,3.695226979,3.695226952,3.695226962,3.695226948,3.695226936,3.695226939,3.695226946,3.695226939,3.695226937,3.695226958,3.695226961
+"11009","OR10H4",3.693502847,3.693502883,3.693502902,3.693502905,3.693502866,3.69350292,3.693502871,3.693502875,3.693502896,3.693502905,3.693502892,3.693502924,3.693502879,3.693502882,3.693502902,3.693502874,3.693502907,3.693502893,3.693502839,3.693502898,3.693502837,3.693502888,3.693502906,3.693502883,3.693502933,3.693502882,3.693502916,3.693502867
+"11010","OR10H5",5.304057392,5.3040574,5.304057436,5.304057407,5.304057474,5.304057381,5.304057391,5.304057461,5.304057429,5.304057436,5.304057464,5.304057484,5.304057403,5.304057369,5.304057454,5.304057343,5.304057483,5.304057403,5.304057397,5.304057446,5.304057461,5.304057442,5.304057448,5.304057408,5.304057404,5.304057449,5.304057416,5.304057406
+"11011","OR10J1",3.426199332,3.42619936,3.426199324,3.426199342,3.426199338,3.426199326,3.426199324,3.426199367,3.426199315,3.426199332,3.426199342,3.42619938,3.42619932,3.426199311,3.426199344,3.426199317,3.426199324,3.426199353,3.426199327,3.426199346,3.426199336,3.426199363,3.426199336,3.426199326,3.42619934,3.42619934,3.426199325,3.426199332
+"11012","OR10J3",4.771159585,4.771159701,4.771159786,4.771159872,4.771159904,4.771159621,4.771159551,4.771159858,4.771159676,4.771159787,4.771159633,4.77115991,4.771159556,4.771159359,4.771159846,4.771159874,4.771160164,4.771159771,4.771159967,4.771159694,4.771159909,4.77116015,4.771159459,4.771159443,4.771159999,4.771159834,4.771159393,4.771159692
+"11013","OR10J5",2.987156241,2.987156262,2.987156274,2.987156249,2.987156253,2.987156249,2.987156246,2.987156246,2.987156279,2.98715625,2.987156265,2.987156258,2.987156264,2.98715626,2.987156245,2.987156246,2.987156267,2.987156249,2.987156252,2.987156244,2.987156237,2.98715626,2.987156272,2.987156239,2.987156274,2.987156248,2.987156283,2.987156293
+"11014","OR10K1",3.644972834,3.644972938,3.64497297,3.644972978,3.644972883,3.64497303,3.644973016,3.644972991,3.644973044,3.644973007,3.644973063,3.644973011,3.644973039,3.644972898,3.64497296,3.644973003,3.644973033,3.644972949,3.644973004,3.644972985,3.644972958,3.644972958,3.644972976,3.644972882,3.644972941,3.644972977,3.644973082,3.644972972
+"11015","OR10K2",3.213586484,3.213586495,3.213586529,3.213586588,3.213586548,3.213586544,3.213586516,3.213586511,3.213586518,3.213586562,3.21358651,3.213586563,3.213586485,3.213586523,3.213586487,3.213586593,3.213586536,3.213586497,3.21358653,3.213586526,3.213586492,3.213586533,3.213586528,3.213586476,3.213586491,3.213586486,3.213586474,3.213586514
+"11016","OR10P1",5.099459593,5.099459605,5.099459615,5.099459595,5.099459636,5.099459599,5.099459628,5.099459632,5.099459598,5.099459598,5.099459622,5.099459635,5.09945961,5.099459564,5.099459641,5.099459633,5.099459635,5.099459633,5.09945963,5.099459647,5.099459649,5.099459652,5.099459601,5.099459577,5.099459561,5.099459654,5.0994596,5.099459641
+"11017","OR10Q1",4.763039282,4.763039296,4.763039304,4.763039297,4.763039302,4.763039298,4.763039288,4.763039302,4.763039292,4.763039288,4.763039303,4.763039295,4.763039283,4.763039236,4.763039299,4.763039248,4.763039319,4.763039292,4.763039284,4.763039314,4.763039291,4.763039296,4.763039289,4.763039289,4.763039278,4.763039291,4.763039271,4.763039298
+"11018","OR10R2",2.639633645,2.639633662,2.639633651,2.639633683,2.639633665,2.639633708,2.639633701,2.639633668,2.639633677,2.639633678,2.639633663,2.639633675,2.639633683,2.639633678,2.639633653,2.639633669,2.63963368,2.639633674,2.639633675,2.639633656,2.639633651,2.639633673,2.639633671,2.639633665,2.639633684,2.639633651,2.639633673,2.639633684
+"11019","OR10R3P",3.37920361,3.379203637,3.379203725,3.379203722,3.379203559,3.379203757,3.379203542,3.379203667,3.379203581,3.379203731,3.379203743,3.379203638,3.379203639,3.379203549,3.379203608,3.379203595,3.379203651,3.379203596,3.379203605,3.379203601,3.379203547,3.379203511,3.379203882,3.379203473,3.379203703,3.379203466,3.379203643,3.379203462
+"11020","OR10S1",5.361142505,5.361142737,5.36114287,5.361142779,5.361143035,5.361142378,5.361142813,5.361142995,5.361142676,5.361142726,5.36114276,5.361142988,5.361142837,5.361142698,5.361143036,5.361143017,5.361143023,5.361142946,5.361142916,5.361142523,5.361142972,5.36114289,5.361142665,5.361142671,5.36114273,5.361142928,5.361142684,5.361142839
+"11021","OR10T2",3.219301708,3.219301685,3.219301637,3.219301723,3.219301699,3.219301616,3.219301717,3.219301628,3.219301606,3.219301701,3.219301708,3.219301729,3.219301584,3.219301541,3.219301793,3.219301608,3.219301798,3.219301702,3.219301666,3.219301724,3.219301781,3.219301705,3.219301577,3.219301466,3.219301681,3.219301586,3.219301654,3.219301633
+"11022","OR10V1",4.238287763,4.238287748,4.238287763,4.238287756,4.238287775,4.238287742,4.238287766,4.238287782,4.238287771,4.238287769,4.238287762,4.238287765,4.238287756,4.238287758,4.238287774,4.238287765,4.238287752,4.238287768,4.238287766,4.238287775,4.238287768,4.238287776,4.238287749,4.238287756,4.238287779,4.238287776,4.238287755,4.238287764
+"11023","OR10W1",3.976669044,3.976669177,3.976669056,3.976669074,3.976669155,3.976669157,3.976669084,3.9766691,3.976669094,3.976669104,3.976669127,3.976669102,3.976669053,3.976669018,3.976669109,3.976669093,3.97666917,3.976669143,3.976669117,3.976669108,3.976669107,3.976669164,3.976669093,3.97666908,3.976669037,3.976669059,3.976669059,3.976669063
+"11024","OR10X1",3.06777318,3.067773221,3.067773417,3.067773462,3.067773218,3.067773379,3.067773232,3.067773318,3.067773254,3.06777335,3.067773449,3.067773484,3.067773246,3.067773277,3.067773265,3.06777328,3.067773378,3.067773269,3.067773218,3.067773312,3.067773201,3.067773177,3.067773249,3.067773295,3.06777322,3.067773164,3.067773268,3.067773178
+"11025","OR10Z1",4.224563035,4.224563343,4.224563484,4.224563366,4.224563653,4.22456335,4.224563385,4.224563942,4.224563442,4.224563317,4.224563525,4.224563427,4.224563208,4.224563448,4.224563719,4.224563589,4.224563626,4.224563661,4.224563636,4.224563526,4.224563659,4.224563446,4.224563303,4.224563468,4.224563568,4.224563402,4.224563596,4.224563392
+"11026","OR11A1",3.590753945,3.590753958,3.590753964,3.590753971,3.590753959,3.590753981,3.590753969,3.590753968,3.590753969,3.590753974,3.590753974,3.590753987,3.590753973,3.590753954,3.590753962,3.59075397,3.59075399,3.590753958,3.590753954,3.590753971,3.590753959,3.590753973,3.590753961,3.590753957,3.590753962,3.590753958,3.590753959,3.590753954
+"11027","OR11G2",2.815088191,2.815088247,2.815088099,2.815088357,2.815088116,2.81508832,2.815088401,2.815088079,2.815088491,2.815088358,2.815087947,2.815088093,2.815088017,2.815088106,2.815088568,2.815088288,2.815088601,2.81508831,2.81508822,2.815088331,2.815088206,2.815088056,2.815087978,2.815088343,2.815088066,2.81508832,2.815088074,2.815088168
+"11028","OR11H4",3.063708725,3.0637089,3.063708802,3.063709079,3.063708868,3.06370897,3.063708799,3.063708929,3.063708944,3.063708885,3.063708867,3.063708912,3.063708725,3.063708761,3.063708833,3.063708896,3.063708879,3.063708782,3.063708922,3.063708826,3.063708755,3.06370892,3.063708964,3.063708817,3.06370885,3.06370881,3.063708915,3.063708882
+"11029","OR11H6",3.624113769,3.624113779,3.624113789,3.624113749,3.624113778,3.6241138,3.624113786,3.624113777,3.624113764,3.624113743,3.624113789,3.624113819,3.624113763,3.62411375,3.624113768,3.624113782,3.624113811,3.624113783,3.624113772,3.624113768,3.624113772,3.624113763,3.624113799,3.624113748,3.624113763,3.624113746,3.62411377,3.624113766
+"11030","OR11L1",4.518068325,4.518068306,4.518068325,4.518068315,4.518068319,4.51806832,4.518068309,4.518068313,4.51806832,4.518068303,4.518068332,4.518068339,4.518068312,4.518068295,4.518068312,4.518068328,4.518068339,4.518068317,4.518068322,4.518068331,4.518068321,4.518068323,4.518068311,4.518068322,4.518068304,4.518068304,4.518068321,4.518068304
+"11031","OR12D2",2.792874369,2.7928744,2.792874432,2.792874405,2.792874417,2.792874463,2.792874378,2.792874457,2.792874472,2.792874365,2.792874386,2.792874375,2.792874468,2.792874454,2.792874507,2.792874494,2.79287449,2.792874416,2.792874424,2.792874333,2.792874455,2.792874486,2.792874283,2.79287432,2.792874586,2.792874352,2.792874328,2.79287432
+"11032","OR12D3",4.896482774,4.8964800615,4.8964821715,4.8964835215,4.896480967,4.8964834925,4.896480432,4.8964826685,4.896482874,4.8964823305,4.8964821065,4.896482824,4.896482576,4.896480781,4.896482634,4.89648299,4.896483023,4.8964813995,4.8964806085,4.896482791,4.8964817235,4.896481881,4.896481527,4.8964801915,4.8964827055,4.8964804715,4.8964810535,4.89648201
+"11033","OR13A1",4.307261702,4.307261739,4.307261704,4.307261681,4.307261758,4.307261755,4.307261688,4.307261705,4.307261716,4.307261711,4.307261749,4.307261744,4.30726175,4.307261701,4.30726177,4.307261731,4.307261797,4.307261683,4.307261651,4.307261709,4.307261715,4.307261726,4.307261791,4.307261751,4.30726171,4.307261784,4.307261695,4.307261733
+"11034","OR13C2",2.685461224,2.685461216,2.685461177,2.685461182,2.68546119,2.685461306,2.685461021,2.685461163,2.68546113,2.685461147,2.685461314,2.685461318,2.685461181,2.685461141,2.685461272,2.685461172,2.68546145,2.685461186,2.685461048,2.685461041,2.685461125,2.685461156,2.685461314,2.685461283,2.685461234,2.685461216,2.685461229,2.685461268
+"11035","OR13C3",2.814234947,2.814234935,2.814234946,2.814234942,2.814234939,2.814234955,2.814234955,2.814234953,2.81423495,2.814234933,2.81423495,2.814234977,2.814234928,2.814234944,2.814234944,2.814234935,2.814234965,2.81423495,2.814234937,2.814234939,2.814234939,2.814234942,2.814234944,2.814234933,2.814234953,2.814234943,2.814234951,2.814234944
+"11036","OR13C4",3.331876052,3.331876025,3.331876048,3.331876012,3.331876013,3.331876026,3.331876029,3.331876024,3.33187608,3.331876043,3.331876008,3.331876052,3.331876011,3.331876037,3.331876028,3.331876005,3.331876064,3.331876063,3.331875994,3.331876081,3.331876046,3.331876025,3.331876017,3.331876023,3.331876009,3.331876022,3.33187601,3.331876076
+"11037","OR13C5",4.042534907,4.042534867,4.042534778,4.042534925,4.042535126,4.042534644,4.042534852,4.042535098,4.042534856,4.04253476,4.042534928,4.042535006,4.04253485,4.042534777,4.042534947,4.042535045,4.042535215,4.042534942,4.042534854,4.042534865,4.042535075,4.042534914,4.042534782,4.042534602,4.042534752,4.042534969,4.04253486,4.042535092
+"11038","OR13C8",3.205364104,3.205364136,3.205364171,3.205364135,3.20536417,3.205364196,3.20536419,3.205364137,3.205364196,3.205364159,3.205364234,3.205364205,3.205364206,3.205364139,3.2053642,3.20536412,3.205364218,3.205364245,3.205364118,3.20536418,3.205364153,3.205364179,3.20536412,3.205364083,3.205364094,3.205364143,3.205364146,3.205364185
+"11039","OR13C9",3.360652181,3.360652187,3.360652183,3.36065217,3.360652218,3.36065217,3.360652193,3.360652176,3.360652185,3.360652201,3.360652198,3.36065219,3.360652177,3.360652169,3.360652192,3.360652187,3.360652169,3.360652195,3.360652188,3.360652198,3.360652189,3.360652193,3.360652191,3.360652183,3.360652174,3.360652195,3.360652186,3.360652175
+"11040","OR13D1",2.56050769,2.560507677,2.560507615,2.560507814,2.560507535,2.560507566,2.560507646,2.560507533,2.560507686,2.56050759,2.560507771,2.560507621,2.560507533,2.560507669,2.560507601,2.560507533,2.560507664,2.560507542,2.560507641,2.560507563,2.560507601,2.56050768,2.560507688,2.560507668,2.560507634,2.560507498,2.560507537,2.56050769
+"11041","OR13F1",4.176689979,4.176690006,4.176690023,4.176690009,4.176690045,4.176689994,4.176690022,4.176690031,4.176690011,4.176690017,4.176689989,4.176690041,4.176689995,4.176689983,4.176690039,4.176690058,4.176690036,4.176690044,4.176690005,4.176690019,4.176690005,4.176690035,4.176690023,4.176690001,4.176690038,4.176690012,4.176690002,4.176690017
+"11042","OR13G1",3.292875429,3.29287546,3.292875456,3.292875445,3.292875472,3.292875462,3.292875455,3.292875453,3.292875446,3.292875462,3.292875438,3.292875447,3.292875432,3.292875446,3.292875455,3.292875473,3.292875481,3.29287545,3.292875439,3.292875462,3.292875447,3.292875443,3.29287546,3.292875444,3.292875454,3.292875447,3.292875449,3.292875452
+"11043","OR13H1",3.052315937,3.052315728,3.052315911,3.052315906,3.052315848,3.05231583,3.052315909,3.052316052,3.05231595,3.05231595,3.052315882,3.052315829,3.052315958,3.052315894,3.052315816,3.052315971,3.052316018,3.052316069,3.052315898,3.052316071,3.052315912,3.052315924,3.052315945,3.05231595,3.052315895,3.052316001,3.052315901,3.052315817
+"11044","OR13J1",4.727934863,4.727934923,4.727935005,4.727934992,4.727935037,4.727934828,4.727934887,4.727935115,4.727935042,4.727935051,4.727935057,4.727934931,4.727934871,4.72793478,4.727935062,4.727935041,4.727934949,4.727934934,4.72793475,4.727935,4.727935044,4.727935046,4.727934804,4.727934894,4.727935044,4.727934909,4.727934837,4.727934971
+"11045","OR14A16",3.473068093,3.473068084,3.473068106,3.473068136,3.473068107,3.473068094,3.47306808,3.473068137,3.473068099,3.473068074,3.47306809,3.473068099,3.473068077,3.473068066,3.473068101,3.473068046,3.473068179,3.473068095,3.473068152,3.473068149,3.473068136,3.473068096,3.473068067,3.473068089,3.473068133,3.473068093,3.473068083,3.473068084
+"11046","OR14C36",4.297011818,4.297011879,4.297011897,4.297011887,4.297012005,4.297011811,4.297011734,4.297011612,4.297011789,4.297011714,4.297011937,4.297011942,4.297011678,4.297011807,4.297011964,4.29701197,4.297011933,4.297011855,4.297011803,4.297011854,4.297011897,4.297011872,4.297011829,4.297011827,4.297011742,4.297011762,4.29701176,4.297011864
+"11047","OR14I1",4.331648236,4.331648232,4.33164827,4.331648107,4.331648255,4.331648079,4.331648313,4.331648236,4.331648426,4.331648176,4.331648091,4.331648291,4.331648071,4.331648057,4.331648482,4.331648353,4.331648277,4.331648338,4.331648355,4.331648136,4.331648288,4.331648272,4.331648188,4.331648091,4.331648259,4.33164831,4.331648096,4.331647987
+"11048","OR14J1",3.446318255,3.446318219,3.44631818,3.446318092,3.4463181,3.446318189,3.446318034,3.446318075,3.446318025,3.446318121,3.446318134,3.446318089,3.446318228,3.446318129,3.446318201,3.446318159,3.446318184,3.446318191,3.446318252,3.446318047,3.446318108,3.446318128,3.446318101,3.446318115,3.446318211,3.446318304,3.446318055,3.446318077
+"11049","OR1A1",3.750084807,3.750084791,3.750084866,3.750084862,3.750084892,3.750084769,3.75008485,3.75008475,3.750084837,3.750084814,3.750084856,3.750084849,3.750084831,3.750084773,3.750084887,3.750084904,3.750084896,3.750084895,3.750084821,3.750084877,3.750084773,3.750084833,3.750084823,3.750084716,3.750084789,3.750084809,3.750084847,3.750084812
+"11050","OR1A2",3.527559656,3.527559688,3.527559697,3.527559698,3.527559674,3.52755969,3.527559685,3.527559691,3.527559711,3.527559669,3.527559693,3.527559693,3.527559645,3.527559632,3.527559702,3.527559684,3.527559681,3.527559712,3.527559678,3.527559705,3.527559714,3.527559688,3.527559672,3.527559655,3.52755973,3.527559652,3.527559676,3.527559673
+"11051","OR1B1",4.630150084,4.630150341,4.630150388,4.630150263,4.630150522,4.630150424,4.63015033,4.630150546,4.630150153,4.630150298,4.63015019,4.630150357,4.630150344,4.630150293,4.63015033,4.630150311,4.630150384,4.630150391,4.630150376,4.630150236,4.630150486,4.630150358,4.630150034,4.630150293,4.630150228,4.630150205,4.63015036,4.630150305
+"11052","OR1C1",3.000087552,3.000087641,3.00008764,3.000087618,3.000087599,3.000087597,3.000087588,3.000087623,3.00008759,3.000087595,3.000087632,3.000087613,3.000087598,3.000087582,3.000087618,3.000087633,3.000087602,3.00008761,3.000087601,3.000087557,3.000087573,3.000087575,3.000087572,3.000087605,3.000087609,3.000087567,3.000087562,3.000087559
+"11053","OR1D2",3.76767461,3.767674782,3.767674743,3.767674907,3.767674823,3.76767482,3.767674982,3.767674946,3.767674837,3.767674911,3.767674925,3.76767482,3.767674796,3.767674731,3.767674979,3.767674691,3.767674664,3.767675005,3.767674966,3.767674993,3.767674879,3.767674908,3.767674673,3.767674737,3.767675161,3.767674753,3.767674501,3.767674686
+"11054","OR1D5",4.513986099,4.513986559,4.513986251,4.51398648,4.513986391,4.513986157,4.513986261,4.513986589,4.513986164,4.513986288,4.513986396,4.513986216,4.513986467,4.513985969,4.513986575,4.51398634,4.513986579,4.513986729,4.513986084,4.513986537,4.513986249,4.513986488,4.513986366,4.51398644,4.513986454,4.513986198,4.513986347,4.513986076
+"11055","OR1E1",3.877059725,3.877059823,3.877060042,3.877059853,3.877059714,3.877059829,3.877059827,3.877059819,3.877059973,3.87705985,3.877060104,3.877059857,3.877059865,3.877059746,3.877059839,3.87706005,3.877059952,3.877059789,3.877059728,3.877060029,3.877059712,3.877059768,3.877059639,3.877059686,3.877059639,3.877059593,3.877059641,3.877059885
+"11056","OR1E2",3.521041887,3.52104208,3.521041966,3.521041923,3.521042076,3.521042102,3.521041946,3.521041981,3.521042058,3.521041927,3.521041975,3.521042027,3.521041993,3.521041967,3.521041949,3.521042024,3.521041995,3.521042031,3.52104203,3.521041925,3.521041953,3.521041984,3.52104202,3.521041923,3.52104206,3.52104193,3.521042032,3.521041975
+"11057","OR1F1",4.480791383,4.480791378,4.480791425,4.480791312,4.480791584,4.480791323,4.480791476,4.48079138,4.480791419,4.480791412,4.480791289,4.480791565,4.48079128,4.480791306,4.480791437,4.480791502,4.480791538,4.48079141,4.480791465,4.480791532,4.480791477,4.480791451,4.480791334,4.480791404,4.480791323,4.480791496,4.480791353,4.480791415
+"11058","OR1F2P",4.185378754,4.185379023,4.185378142,4.185378498,4.185378433,4.185378672,4.185378399,4.185378352,4.185378947,4.185378228,4.185378375,4.185378046,4.185378265,4.185378984,4.185378482,4.185378112,4.185378443,4.185378594,4.185378219,4.18537848,4.185377969,4.185378313,4.185378418,4.185378023,4.185378927,4.185378191,4.185378458,4.185377765
+"11059","OR1G1",3.773237254,3.773237289,3.773237285,3.773237309,3.773237274,3.773237317,3.773237287,3.773237292,3.773237277,3.77323727,3.773237285,3.773237285,3.773237284,3.773237283,3.773237302,3.773237293,3.773237348,3.773237307,3.773237302,3.773237309,3.773237305,3.773237306,3.773237261,3.773237279,3.773237281,3.773237308,3.77323727,3.773237287
+"11060","OR1I1",4.902982822,4.902982801,4.902982803,4.902982814,4.90298285,4.902982838,4.902982834,4.902982845,4.902982814,4.902982828,4.902982819,4.902982866,4.902982826,4.902982808,4.902982851,4.902982824,4.902982861,4.902982843,4.902982829,4.902982863,4.902982826,4.902982822,4.902982828,4.902982821,4.902982832,4.90298282,4.902982834,4.90298283
+"11061","OR1J1",4.003078361,4.003078361,4.003078363,4.003078393,4.00307856,4.003078451,4.003078535,4.003078687,4.003078504,4.003078439,4.003078512,4.003078515,4.00307843,4.003078404,4.003078577,4.00307844,4.003078525,4.003078487,4.003078609,4.003078386,4.003078569,4.003078441,4.003078495,4.003078311,4.003078258,4.003078522,4.003078427,4.003078656
+"11062","OR1J2",2.76462075,2.764620745,2.76462077,2.76462081,2.76462074,2.764620775,2.764620875,2.764620747,2.76462075,2.764620786,2.764620712,2.764620715,2.764620736,2.764620816,2.764620765,2.764620746,2.76462073,2.764620747,2.764620701,2.764620734,2.764620816,2.764620759,2.764620724,2.764620801,2.764620774,2.764620744,2.76462072,2.76462079
+"11063","OR1J4",3.19918666,3.199186254,3.199186518,3.199186551,3.199186854,3.199186358,3.199186701,3.199186386,3.199186455,3.199186579,3.199186674,3.199186473,3.199186281,3.199186984,3.199186448,3.199186498,3.199186685,3.199186442,3.199186587,3.199186734,3.199186614,3.199186326,3.199186318,3.199186527,3.199186381,3.199186438,3.199186485,3.199186611
+"11064","OR1K1",4.30297664,4.302976685,4.302976825,4.302976713,4.302976916,4.302976721,4.302976812,4.302976805,4.302976674,4.302976645,4.302977092,4.302976755,4.302976693,4.302976448,4.302976729,4.302976838,4.302976937,4.302976752,4.302976807,4.302976805,4.302976871,4.302976812,4.302976621,4.302976482,4.302976809,4.302976901,4.302976636,4.302976677
+"11065","OR1L1",2.800847746,2.800847739,2.800847677,2.800847769,2.800847686,2.800847798,2.800847731,2.800847678,2.800847696,2.800847699,2.800847734,2.800847667,2.800847687,2.800847779,2.800847736,2.80084769,2.800847642,2.800847693,2.800847719,2.800847671,2.800847693,2.80084764,2.800847723,2.800847628,2.800847797,2.80084772,2.800847664,2.800847696
+"11066","OR1L3",3.47680992,3.47680992,3.476809842,3.476810036,3.476809966,3.476809958,3.476809935,3.476809964,3.47681,3.476809921,3.476809761,3.476809924,3.47680998,3.476809849,3.476810048,3.476810004,3.476810082,3.476809959,3.476809936,3.476810027,3.476809937,3.476810007,3.476809826,3.476809909,3.476809907,3.476809908,3.47680986,3.476809964
+"11067","OR1L4",4.203598203,4.203598211,4.203598232,4.203598213,4.203598236,4.203598231,4.203598204,4.203598256,4.20359823,4.203598258,4.20359825,4.203598245,4.203598208,4.203598199,4.203598262,4.203598251,4.203598314,4.203598259,4.203598298,4.203598205,4.203598253,4.203598245,4.203598208,4.20359822,4.203598227,4.203598223,4.203598253,4.20359826
+"11068","OR1L6",3.562349629,3.562349646,3.562349683,3.562349694,3.56234969,3.562349715,3.562349715,3.562349718,3.562349742,3.562349696,3.562349674,3.562349763,3.562349677,3.562349717,3.562349698,3.562349677,3.56234977,3.562349677,3.562349758,3.562349697,3.562349718,3.562349742,3.562349713,3.562349702,3.562349794,3.562349722,3.56234969,3.562349729
+"11069","OR1L8",4.478794487,4.478794556,4.47879455,4.478794562,4.478794598,4.478794528,4.47879457,4.478794597,4.478794529,4.478794563,4.478794567,4.478794578,4.478794512,4.478794502,4.478794598,4.47879454,4.478794634,4.478794547,4.478794557,4.478794572,4.478794577,4.4787946,4.47879451,4.478794523,4.478794532,4.478794541,4.478794511,4.478794577
+"11070","OR1M1",4.424613239,4.424613227,4.424613219,4.424613272,4.42461332,4.424613209,4.424613293,4.424613273,4.424613299,4.424613251,4.424613279,4.424613337,4.424613249,4.424613237,4.424613275,4.424613211,4.424613302,4.424613271,4.424613295,4.424613314,4.424613316,4.424613317,4.424613273,4.42461322,4.424613247,4.424613288,4.424613265,4.424613257
+"11071","OR1N1",4.117529715,4.117529715,4.117529721,4.11752972,4.117529746,4.117529711,4.117529706,4.117529722,4.117529681,4.117529736,4.117529786,4.117529712,4.117529694,4.117529699,4.117529707,4.117529706,4.1175297,4.117529696,4.117529737,4.117529762,4.117529746,4.117529713,4.117529712,4.117529701,4.11752971,4.11752972,4.117529763,4.11752972
+"11072","OR1N2",3.403070932,3.403071154,3.403071123,3.403071159,3.403071081,3.403071047,3.403071358,3.403071475,3.403071065,3.403070857,3.403071489,3.40307112,3.403071063,3.40307108,3.403071213,3.403071305,3.403071032,3.403071013,3.403071226,3.403071116,3.403071141,3.403071092,3.403071153,3.403070748,3.403071107,3.403071089,3.403071036,3.403071189
+"11073","OR1Q1",3.286242755,3.28624274,3.286242884,3.286242697,3.28624245,3.286242866,3.286242785,3.286242849,3.286242771,3.286242734,3.286242625,3.286243181,3.286242856,3.286242729,3.286242811,3.286242605,3.286242722,3.286242596,3.286242557,3.286242805,3.286242951,3.286242912,3.286242744,3.286242813,3.286242853,3.286242498,3.286242608,3.286242865
+"11074","OR1S1",2.832038796,2.832038799,2.832038827,2.832038828,2.832038877,2.832038824,2.832038808,2.832038794,2.832038892,2.832038833,2.832038856,2.832038875,2.832038803,2.832038781,2.832038826,2.832038866,2.832038876,2.832038894,2.832038854,2.832038863,2.832038788,2.832038828,2.832038868,2.832038856,2.832038827,2.832038817,2.832038818,2.832038846
+"11075","OR1S2",3.616923988,3.616924049,3.616924026,3.616924024,3.616924091,3.616924088,3.616924079,3.616924036,3.616924022,3.616924056,3.61692401,3.616924053,3.616924054,3.616924004,3.616924046,3.616924036,3.616924049,3.616924072,3.616924038,3.616923977,3.616924018,3.616924024,3.616924083,3.616924045,3.616924033,3.616923997,3.616924026,3.616923983
+"11076","OR2A12",3.503619301,3.503619537,3.50361958,3.503619416,3.503619589,3.503619437,3.503619633,3.503619572,3.503619374,3.503619548,3.503619464,3.503619645,3.503619473,3.503619348,3.503619531,3.503619567,3.503619622,3.503619596,3.503619458,3.503619511,3.503619356,3.503619616,3.503619522,3.503619446,3.503619566,3.503619576,3.503619422,3.503619502
+"11077","OR2A14",4.565424979,4.565425017,4.565425097,4.565425072,4.565425057,4.56542495,4.565425011,4.565425075,4.565425045,4.56542499,4.565425055,4.565425078,4.565425061,4.565424964,4.565425083,4.565425034,4.56542513,4.565425102,4.565424976,4.565425104,4.56542503,4.565425046,4.565425002,4.565424999,4.565425092,4.565425042,4.565425068,4.565425034
+"11078","OR2A2",4.06860243,4.068602484,4.068602426,4.068602478,4.068602442,4.068602502,4.068602443,4.068602455,4.068602481,4.068602403,4.068602423,4.068602468,4.068602433,4.068602463,4.068602425,4.068602449,4.068602529,4.06860245,4.068602427,4.068602462,4.068602448,4.068602452,4.068602412,4.068602445,4.068602455,4.068602446,4.068602463,4.068602432
+"11079","OR2A25",3.557928318,3.557928253,3.557928316,3.557928451,3.557928163,3.557928262,3.55792817,3.557928358,3.557928438,3.557928242,3.557928424,3.557928614,3.557928359,3.557928157,3.557928239,3.557928264,3.557928318,3.557928377,3.55792827,3.557928312,3.557928273,3.557928105,3.557928231,3.557928271,3.557928353,3.557928485,3.557928221,3.55792848
+"11080","OR2A5",3.474768358,3.474768354,3.474768313,3.47476823,3.474768536,3.474768322,3.474768339,3.474768333,3.474768429,3.474768334,3.474768304,3.474768491,3.474768219,3.474768266,3.474768363,3.474768377,3.474768475,3.474768381,3.474768212,3.474768339,3.474768385,3.474768361,3.474768277,3.474768242,3.474768425,3.474768258,3.474768326,3.474768397
+"11081","OR2AE1",4.963558576,4.96355856,4.963558555,4.963558542,4.963558563,4.963558561,4.963558567,4.96355858,4.963558545,4.963558567,4.963558564,4.963558536,4.96355856,4.963558559,4.96355855,4.963558565,4.96355855,4.963558554,4.963558588,4.963558579,4.963558562,4.963558557,4.96355858,4.963558592,4.963558581,4.963558572,4.963558584,4.963558566
+"11082","OR2AG1",4.678887017,4.678887033,4.678887056,4.678887032,4.678887048,4.67888702,4.67888702,4.678887046,4.678887009,4.678887052,4.678887012,4.678887036,4.678887041,4.678887017,4.678887047,4.678887018,4.678887068,4.67888704,4.678887028,4.678887044,4.678887038,4.678887026,4.67888701,4.678887045,4.678887028,4.678887031,4.678887032,4.678887017
+"11083","OR2AG2",4.07231429,4.072314296,4.07231428,4.072314324,4.072314292,4.072314289,4.072314282,4.07231429,4.072314273,4.072314279,4.072314312,4.072314302,4.072314282,4.07231427,4.072314298,4.072314285,4.072314308,4.07231429,4.072314291,4.07231428,4.072314292,4.07231429,4.072314286,4.07231428,4.072314286,4.072314292,4.072314288,4.0723143
+"11084","OR2AK2",4.273521237,4.273520198,4.273520223,4.27352107,4.273520555,4.273521315,4.273520737,4.27352074,4.273522096,4.27352087,4.273520192,4.273521441,4.27352133,4.273520818,4.273521174,4.273520227,4.273520756,4.273521038,4.273520848,4.273520752,4.273520683,4.273521127,4.273521482,4.273520505,4.273520131,4.273521326,4.273521774,4.273520621
+"11085","OR2AP1",3.281405908,3.281405915,3.281405932,3.281405944,3.281405917,3.281405939,3.281405925,3.281405928,3.281405912,3.281405915,3.281405926,3.281405928,3.281405906,3.281405898,3.281405922,3.281405935,3.281405934,3.281405919,3.28140592,3.281405921,3.281405905,3.281405901,3.281405924,3.281405923,3.281405919,3.281405914,3.281405927,3.281405927
+"11086","OR2AT4",4.595731598,4.595731544,4.595731547,4.595731595,4.595731624,4.595731595,4.595731577,4.595731563,4.595731576,4.595731585,4.595731587,4.595731622,4.595731588,4.595731566,4.595731578,4.5957316,4.595731623,4.595731598,4.595731564,4.595731594,4.595731594,4.595731569,4.595731537,4.595731615,4.59573162,4.595731594,4.595731561,4.595731557
+"11087","OR2B11",4.636639974,4.636639985,4.636640045,4.636639934,4.636640053,4.63663993,4.636640031,4.636639998,4.636639996,4.636639903,4.636640043,4.636640034,4.636640076,4.636639852,4.636639975,4.636639929,4.636640093,4.636640064,4.636640015,4.636640052,4.636640025,4.636640051,4.636639896,4.636639946,4.636640062,4.636639939,4.636640047,4.636639992
+"11088","OR2B2",3.350690037,3.350690069,3.350689968,3.350690028,3.350690026,3.350689966,3.350690072,3.350689951,3.350689916,3.350690186,3.350690186,3.350690126,3.350689917,3.350690107,3.350690046,3.350690102,3.350690089,3.350690047,3.350690061,3.350690038,3.350690081,3.350690106,3.350690078,3.350689906,3.350690114,3.35069004,3.350689983,3.350690126
+"11089","OR2B3",3.629166589,3.629166695,3.629166688,3.629166782,3.629166632,3.629166826,3.62916714,3.629166657,3.62916674,3.62916681,3.629166768,3.629166963,3.629166698,3.629166357,3.629166589,3.629166899,3.629167228,3.629166883,3.629166685,3.629166609,3.629166818,3.629166863,3.629166698,3.629166538,3.629166893,3.629166736,3.629166854,3.629166597
+"11090","OR2B6",3.619677154,3.619677149,3.619677178,3.61967718,3.619677177,3.619677184,3.619677161,3.61967716,3.619677154,3.619677164,3.619677166,3.619677179,3.619677189,3.61967717,3.619677182,3.619677168,3.619677161,3.619677188,3.619677177,3.619677189,3.619677176,3.619677153,3.619677173,3.619677154,3.61967719,3.619677163,3.619677177,3.619677152
+"11091","OR2C1",4.657471357,4.657471352,4.657471379,4.657471308,4.657471382,4.657471354,4.657471362,4.657471396,4.657471365,4.657471363,4.657471326,4.657471389,4.657471379,4.657471345,4.657471361,4.657471351,4.657471377,4.657471382,4.657471343,4.657471396,4.657471407,4.657471379,4.657471369,4.657471392,4.657471365,4.657471379,4.657471368,4.657471366
+"11092","OR2D2",3.821491552,3.821491612,3.821491639,3.821491593,3.82149161,3.821491585,3.821491647,3.821491696,3.821491676,3.821491627,3.821491579,3.821491585,3.821491566,3.82149154,3.821491669,3.821491591,3.821491718,3.821491606,3.821491583,3.821491515,3.821491646,3.821491634,3.821491592,3.821491597,3.821491593,3.821491594,3.821491606,3.821491582
+"11093","OR2D3",3.77242626,3.772426295,3.77242638,3.772426323,3.772426261,3.772426226,3.772426357,3.772426384,3.772426288,3.772426346,3.772426409,3.772426429,3.772426391,3.772426212,3.772426393,3.772426368,3.772426491,3.772426466,3.772426268,3.772426394,3.772426474,3.772426289,3.772426353,3.772426323,3.772426378,3.772426265,3.772426329,3.77242633
+"11094","OR2F1",4.494674795,4.494674793,4.494674813,4.494674819,4.494674824,4.494674793,4.494674818,4.494674827,4.4946748,4.494674774,4.494674825,4.494674822,4.494674798,4.494674778,4.494674812,4.49467481,4.494674823,4.494674814,4.494674808,4.494674809,4.494674804,4.494674833,4.494674786,4.494674788,4.494674826,4.4946748,4.494674821,4.494674776
+"11095","OR2F2",3.484650959,3.484651039,3.484651076,3.484651019,3.484651037,3.484651074,3.484651003,3.484651024,3.484651053,3.484651065,3.484651049,3.484651083,3.48465107,3.484651036,3.484651083,3.48465107,3.484651105,3.484651078,3.484651099,3.484651031,3.484651062,3.484651101,3.484651034,3.484651023,3.48465105,3.484651006,3.484651072,3.484651046
+"11096","OR2G2",4.653493541,4.653493435,4.653493627,4.653493466,4.65349392,4.653493159,4.65349368,4.6534938,4.653493725,4.653493531,4.653493641,4.653494035,4.653493647,4.653493372,4.653493808,4.653493956,4.653493949,4.653493911,4.653493601,4.653493615,4.653493784,4.653493783,4.65349329,4.653493713,4.653493622,4.653493817,4.653493403,4.653493848
+"11097","OR2G3",3.573317939,3.573317914,3.573317946,3.57331795,3.573317951,3.573317924,3.573317937,3.573317934,3.573317941,3.573317902,3.573317943,3.573317928,3.573317925,3.573317915,3.573317952,3.573317954,3.57331796,3.573317961,3.573317958,3.573317935,3.573317951,3.573317942,3.573317915,3.573317927,3.573317941,3.573317948,3.57331792,3.573317948
+"11098","OR2G6",4.105721928,4.105722051,4.105721948,4.105721967,4.105722011,4.105721952,4.105722022,4.105722023,4.105721782,4.105721957,4.105721973,4.105722097,4.105722031,4.105721893,4.105722119,4.105722053,4.105722155,4.105722048,4.105722033,4.105722082,4.105722109,4.105722136,4.105721943,4.10572195,4.105722021,4.105721994,4.10572196,4.105721931
+"11099","OR2H1",4.205794103,4.205794107,4.205794385,4.205794237,4.205794284,4.20579428,4.205794305,4.205794271,4.205794291,4.205794277,4.205794183,4.205794345,4.205794243,4.205794171,4.205794315,4.205794209,4.20579436,4.205794246,4.205794321,4.205794309,4.205794295,4.205794314,4.205794149,4.205794156,4.205794315,4.205794252,4.205794327,4.205794355
+"11100","OR2K2",3.350694329,3.350694335,3.350694367,3.350694334,3.350694398,3.350694339,3.35069438,3.350694389,3.350694368,3.350694336,3.350694372,3.350694389,3.350694338,3.350694348,3.350694374,3.350694375,3.35069441,3.350694379,3.350694386,3.350694358,3.350694375,3.350694378,3.350694322,3.350694335,3.350694353,3.350694367,3.350694347,3.350694355
+"11101","OR2L13",4.064513189,4.064513312,4.064513267,4.064513407,4.064513487,4.064513289,4.06451349,4.064513376,4.064513403,4.064513228,4.064513308,4.064513469,4.064513439,4.064513207,4.06451349,4.064513392,4.064513651,4.064513357,4.064513334,4.064513422,4.064513411,4.064513379,4.064513469,4.064513458,4.064513241,4.064513469,4.064513319,4.064513299
+"11102","OR2L2",4.382545704,4.382545292,4.38254534,4.382545583,4.382545618,4.382545685,4.382545483,4.382545543,4.38254577,4.38254535,4.38254555,4.382545581,4.382545627,4.382545487,4.382545589,4.382545342,4.382545405,4.382545731,4.382545551,4.382545647,4.382545385,4.382545333,4.382545833,4.382545451,4.382545333,4.382545577,4.382545632,4.38254553
+"11103","OR2L3",4.38772907,4.387729125,4.387729199,4.387729278,4.387728885,4.387729331,4.387728974,4.38772905,4.387729411,4.387729299,4.387729284,4.387729231,4.387729111,4.387729103,4.387729149,4.387729182,4.387729221,4.387729151,4.387729097,4.387729236,4.387728937,4.387729052,4.387729196,4.387729144,4.387729118,4.387729054,4.387729216,4.387729079
+"11104","OR2L5",3.995536034,3.995534276,3.995534706,3.995535993,3.99553549,3.995536181,3.995535354,3.9955354,3.995536665,3.995535589,3.995534809,3.995536212,3.995535704,3.995535192,3.99553579,3.995534713,3.995535427,3.995535808,3.995535568,3.995535619,3.995535093,3.995535672,3.99553653,3.99553564,3.995534215,3.995535692,3.995535855,3.995535273
+"11105","OR2L8",5.007533521,5.0075292,5.007529184,5.007533734,5.007530404,5.007533065,5.007530072,5.007529578,5.007536026,5.007531018,5.00752979,5.007533343,5.007532149,5.007531888,5.007533242,5.007530489,5.007528705,5.007533964,5.007530858,5.00753277,5.007530131,5.007532377,5.007534977,5.007529747,5.007527796,5.007533018,5.007533171,5.007530977
+"11106","OR2M2",2.533208863,2.533208877,2.533208878,2.533208862,2.533208823,2.533209023,2.533208842,2.533208928,2.533208896,2.533208848,2.533208816,2.533208863,2.533208833,2.533208869,2.533208893,2.533208901,2.533209055,2.533208887,2.533208985,2.533208885,2.533208848,2.533208835,2.533208858,2.533208947,2.533208922,2.533208871,2.533208971,2.533208899
+"11107","OR2M3",2.960245077,2.96024518,2.9602452,2.960244757,2.960244889,2.960244935,2.960244628,2.960244962,2.960245089,2.960245103,2.960245476,2.960244961,2.96024461,2.960244799,2.960244613,2.960244367,2.960245273,2.960244846,2.960244758,2.960245454,2.96024491,2.960245242,2.960244735,2.960244769,2.960245437,2.960244758,2.960245071,2.960245123
+"11108","OR2M4",3.818230245,3.818230541,3.818230321,3.81823039,3.818230322,3.818230169,3.818230319,3.81823042,3.818230258,3.818230138,3.818230547,3.818230367,3.818230097,3.818230028,3.818230307,3.818230341,3.818230355,3.818230374,3.818230346,3.818230259,3.818230502,3.818230416,3.818230059,3.818230264,3.818230275,3.818230333,3.818230356,3.818230165
+"11109","OR2M5",4.001427694,4.001427734,4.001427852,4.00142782,4.001427841,4.001427809,4.001427752,4.001427805,4.001427782,4.001427787,4.001427788,4.001427811,4.001427753,4.001427741,4.001427748,4.001427752,4.001427811,4.001427824,4.00142773,4.00142781,4.001427759,4.00142776,4.001427805,4.001427743,4.001427834,4.001427755,4.001427758,4.00142782
+"11110","OR2M7",3.008008529,3.008008509,3.008008442,3.008008541,3.008008633,3.008008548,3.008008473,3.008008556,3.00800858,3.008008507,3.008008617,3.008008598,3.008008469,3.008008519,3.008008497,3.008008469,3.008008478,3.008008551,3.008008416,3.008008502,3.008008499,3.008008483,3.008008429,3.008008585,3.008008473,3.008008492,3.008008434,3.008008509
+"11111","OR2S2",4.951667102,4.951667128,4.951667135,4.951667126,4.951667129,4.951667123,4.951667115,4.951667147,4.951667109,4.951667148,4.951667134,4.951667146,4.951667146,4.951667102,4.951667111,4.951667104,4.951667146,4.951667117,4.95166713,4.951667142,4.951667121,4.951667124,4.95166714,4.951667133,4.951667162,4.951667087,4.95166713,4.951667114
+"11112","OR2T1",4.336775115,4.336775119,4.336775102,4.336775146,4.336775158,4.336775099,4.336775109,4.336775122,4.336775152,4.336775115,4.336775156,4.336775142,4.336775115,4.336775072,4.336775125,4.33677513,4.336775175,4.336775135,4.336775154,4.336775124,4.336775109,4.33677509,4.336775089,4.336775145,4.336775164,4.336775133,4.336775109,4.336775087
+"11113","OR2T10",3.512504599,3.51250475,3.512504645,3.5125047,3.512504557,3.51250473,3.51250478,3.512504765,3.512504505,3.512504658,3.512504731,3.512504747,3.512504519,3.512504647,3.512504546,3.512504909,3.512504624,3.512504676,3.512504637,3.512504638,3.512504691,3.512504757,3.512504735,3.512504668,3.512504677,3.512504648,3.512504725,3.512504514
+"11114","OR2T11",3.746350496,3.74635053,3.746350495,3.746350506,3.746350488,3.746350535,3.746350502,3.746350498,3.746350482,3.746350502,3.746350511,3.746350512,3.7463505,3.746350531,3.74635051,3.746350517,3.746350511,3.746350527,3.746350494,3.7463505,3.7463505,3.746350499,3.746350496,3.746350516,3.746350498,3.746350507,3.746350488,3.746350511
+"11115","OR2T27",3.599501401,3.599501424,3.59950145,3.59950152,3.599501456,3.599501454,3.599501444,3.599501462,3.599501505,3.59950146,3.599501454,3.599501378,3.59950139,3.599501484,3.599501444,3.599501427,3.59950145,3.599501468,3.599501405,3.599501461,3.599501403,3.599501447,3.599501431,3.599501351,3.599501501,3.599501475,3.599501395,3.599501464
+"11116","OR2T4",2.934089745,2.934089306,2.934090567,2.934090189,2.934089776,2.934089969,2.934089863,2.934089875,2.934090311,2.934090013,2.93408998,2.934089952,2.934089378,2.934090082,2.934090044,2.934089598,2.934090511,2.934089451,2.934090035,2.934089807,2.93408935,2.934089829,2.934090316,2.934089468,2.934089711,2.934089226,2.934090513,2.934090316
+"11117","OR2T6",3.06454423,3.064544244,3.064544253,3.064544265,3.064544268,3.064544244,3.06454422,3.064544252,3.064544253,3.064544242,3.064544264,3.064544256,3.064544242,3.064544252,3.064544238,3.064544265,3.06454425,3.064544249,3.064544273,3.064544236,3.06454423,3.064544251,3.064544251,3.064544226,3.064544246,3.06454425,3.064544242,3.064544238
+"11118","OR2T8",4.175315189,4.175315333,4.17531548,4.17531621,4.175316943,4.175317973,4.175317381,4.175317115,4.175317656,4.175316989,4.17531484,4.175317337,4.175316621,4.175316613,4.175317454,4.175317569,4.175318252,4.175316831,4.175316732,4.175319083,4.175318307,4.175318734,4.175317103,4.175316901,4.175316085,4.175316817,4.175315162,4.175316168
+"11119","OR2V1",4.361146471,4.3611464,4.361146529,4.361146673,4.361146783,4.361146753,4.361146451,4.361146768,4.361146484,4.361146502,4.361146635,4.361146769,4.361146354,4.361146401,4.361146614,4.361146674,4.361146541,4.361146366,4.361146577,4.361146685,4.36114662,4.361146703,4.361146296,4.361146413,4.361146681,4.361146481,4.361146399,4.361146323
+"11120","OR2V2",4.146222494,4.146222488,4.1462225,4.146222498,4.146222495,4.146222501,4.14622251,4.146222519,4.146222486,4.146222481,4.146222483,4.14622249,4.146222491,4.146222484,4.146222507,4.146222501,4.146222514,4.146222506,4.146222512,4.146222504,4.146222504,4.146222503,4.14622249,4.146222473,4.146222487,4.146222496,4.146222492,4.1462225
+"11121","OR2W1",3.139405587,3.13940554,3.139405591,3.139405547,3.13940558,3.139405541,3.139405584,3.139405589,3.139405603,3.139405583,3.139405569,3.139405627,3.139405613,3.139405531,3.139405559,3.13940565,3.139405596,3.13940563,3.139405603,3.139405592,3.139405602,3.139405589,3.139405599,3.139405594,3.139405648,3.139405546,3.13940554,3.139405588
+"11122","OR2W5P",4.50844315,4.508443149,4.508443141,4.50844315,4.508443164,4.508443144,4.50844315,4.508443165,4.508443155,4.508443147,4.508443172,4.508443165,4.508443149,4.508443135,4.508443161,4.508443162,4.50844316,4.508443169,4.508443141,4.508443143,4.508443169,4.508443148,4.508443159,4.508443155,4.508443158,4.508443157,4.508443132,4.508443149
+"11123","OR2Y1",4.464155113,4.46415512,4.464155152,4.464155124,4.464155156,4.464155128,4.464155149,4.464155166,4.464155116,4.464155138,4.464155154,4.464155134,4.464155125,4.464155115,4.464155164,4.464155137,4.464155151,4.464155136,4.464155124,4.464155144,4.464155138,4.46415514,4.464155119,4.464155145,4.464155148,4.464155138,4.464155136,4.464155148
+"11124","OR2Z1",5.049649591,5.04964864,5.049649501,5.04964884,5.0496506,5.049648937,5.049649926,5.049649762,5.049649614,5.049650032,5.049649586,5.04965014,5.049649274,5.049648711,5.049650368,5.049649817,5.049650332,5.049649869,5.04964947,5.049648815,5.049650539,5.049650052,5.04964935,5.049649331,5.049649347,5.049650115,5.049648851,5.049649166
+"11125","OR3A1",4.476614425,4.476614473,4.476614474,4.476614488,4.476614491,4.476614485,4.4766145,4.4766145,4.476614484,4.476614474,4.476614446,4.476614537,4.476614483,4.476614461,4.476614468,4.476614439,4.476614531,4.476614539,4.476614489,4.476614567,4.476614463,4.476614503,4.476614482,4.476614479,4.476614496,4.476614472,4.476614478,4.476614466
+"11126","OR3A2",4.996884789,4.9968849495,4.996885001,4.9968848635,4.996885283,4.9968845925,4.996884824,4.996885097,4.996884978,4.9968848095,4.996884751,4.9968851755,4.9968848395,4.9968845885,4.9968850035,4.9968849595,4.9968849935,4.9968850585,4.996884689,4.9968850835,4.9968853035,4.9968852745,4.99688482,4.996884752,4.9968847695,4.996885232,4.9968846125,4.996884924
+"11127","OR3A3",4.860773957,4.86077392,4.860773824,4.860773993,4.860774172,4.860773858,4.860773958,4.860774112,4.860774094,4.860773871,4.860773913,4.86077399,4.860774006,4.860773909,4.860773858,4.860774079,4.860773838,4.860774029,4.860773781,4.86077387,4.860773974,4.860774053,4.860773834,4.86077392,4.86077384,4.860774084,4.860773722,4.860774166
+"11128","OR3A4P",4.593757699,4.593757658,4.593757787,4.593757677,4.593757813,4.593757625,4.593757715,4.593757784,4.593757721,4.593757725,4.593757723,4.593757706,4.593757744,4.593757689,4.593757782,4.593757699,4.593757825,4.593757797,4.593757796,4.593757797,4.593757833,4.593757725,4.593757715,4.593757783,4.593757767,4.593757769,4.59375774,4.593757789
+"11129","OR4A15",3.083462886,3.083462936,3.083463018,3.083463016,3.083462987,3.083463015,3.08346299,3.083463002,3.083462919,3.08346291,3.083462937,3.083463023,3.083463014,3.083462894,3.083463016,3.083462952,3.08346303,3.083462962,3.083462956,3.083462973,3.08346297,3.083462998,3.083462909,3.083462917,3.083463025,3.083463013,3.083462947,3.083462983
+"11130","OR4A16",3.240240314,3.240240394,3.240240264,3.240240373,3.240240284,3.240240285,3.240240249,3.240240378,3.240240344,3.240240355,3.240240534,3.240240588,3.240240459,3.240240333,3.24024038,3.240240559,3.240240615,3.240240388,3.240240518,3.240240367,3.240240463,3.240240371,3.240240495,3.240240644,3.240240485,3.240240438,3.240240152,3.240240342
+"11131","OR4A47",3.076084004,3.076084212,3.0760841735,3.076084081,3.076084188,3.076084109,3.076084146,3.0760842065,3.076084121,3.076084159,3.076084124,3.076084225,3.076084078,3.0760841475,3.076084074,3.0760840825,3.0760841625,3.076084104,3.076084072,3.0760840805,3.0760841035,3.076084094,3.076084129,3.076084098,3.076084104,3.07608415,3.0760840805,3.076084156
+"11132","OR4A5",3.834878654,3.834878638,3.834878691,3.834878682,3.834878651,3.834878654,3.834878586,3.83487883,3.834878662,3.834878674,3.834878706,3.834878768,3.834878668,3.834878625,3.834878584,3.834878682,3.834878658,3.834878649,3.834878706,3.834878601,3.834878635,3.834878626,3.83487867,3.834878707,3.834878713,3.834878714,3.834878679,3.834878645
+"11133","OR4B1",4.161624705,4.161624881,4.16162506,4.161624797,4.161625123,4.161624588,4.16162488,4.161625183,4.161625025,4.161624956,4.16162507,4.161625232,4.16162493,4.161624521,4.161625062,4.161625191,4.161625339,4.161625077,4.161625039,4.161624827,4.161624978,4.161625044,4.161624914,4.161624907,4.161625017,4.161625103,4.161624755,4.161625227
+"11134","OR4C11",3.458533139,3.458533074,3.458533152,3.458533116,3.458533215,3.458533166,3.458533077,3.458533044,3.458533208,3.458533159,3.458533235,3.458533182,3.458533158,3.458533094,3.458533126,3.458533076,3.458533262,3.458533167,3.458533052,3.458533076,3.458533099,3.45853325,3.458533075,3.458533163,3.458533138,3.45853313,3.458533063,3.458533215
+"11135","OR4C12",2.964116647,2.964116649,2.9641166695,2.9641166705,2.96411667,2.9641167155,2.964116675,2.9641167165,2.9641166515,2.964116671,2.9641167105,2.9641167045,2.964116681,2.964116632,2.9641166645,2.9641167005,2.96411663,2.964116643,2.964116671,2.9641167035,2.9641166185,2.964116678,2.9641166635,2.9641166635,2.9641166575,2.9641166585,2.964116683,2.9641166725
+"11136","OR4C13",3.6169466635,3.61694682,3.6169468645,3.6169469065,3.616946892,3.616946837,3.616946839,3.616946858,3.6169468365,3.6169468155,3.616946812,3.6169469495,3.616946839,3.616946828,3.616946864,3.616946807,3.6169468295,3.6169470645,3.6169468205,3.616946791,3.6169468965,3.6169469515,3.616946801,3.616946827,3.6169468995,3.616946837,3.616946855,3.6169468235
+"11137","OR4C15",3.625629624,3.625629645,3.625629712,3.625629678,3.625629667,3.625629614,3.625629681,3.625629706,3.625629671,3.625629672,3.625629698,3.625629716,3.625629693,3.625629666,3.625629701,3.62562969,3.625629742,3.625629743,3.625629678,3.625629672,3.625629666,3.625629724,3.625629707,3.625629629,3.62562969,3.625629638,3.625629665,3.625629685
+"11138","OR4C16",3.364833645,3.364833607,3.364833613,3.364833583,3.364833705,3.364833922,3.364833623,3.364833671,3.364833615,3.36483384,3.36483354,3.364833629,3.36483374,3.364833518,3.364833753,3.364833623,3.364833764,3.364833641,3.364833642,3.364833747,3.364833664,3.364833696,3.364833747,3.364833543,3.364833505,3.36483389,3.364833642,3.364833672
+"11139","OR4C3",3.513804487,3.513804489,3.513804525,3.513804528,3.513804521,3.513804497,3.513804525,3.513804499,3.51380449,3.513804487,3.513804515,3.513804591,3.513804478,3.513804449,3.513804476,3.513804535,3.513804514,3.513804512,3.513804496,3.513804504,3.513804497,3.513804516,3.513804491,3.51380448,3.513804501,3.51380452,3.513804508,3.513804492
+"11140","OR4C45",2.945739702,2.945739693,2.945739731,2.945739712,2.945739709,2.945739729,2.945739708,2.945739718,2.945739701,2.945739725,2.945739687,2.945739716,2.945739699,2.945739688,2.945739719,2.945739686,2.945739695,2.945739686,2.945739707,2.945739701,2.945739687,2.9457397,2.945739707,2.945739703,2.945739752,2.945739702,2.945739727,2.945739699
+"11141","OR4C46",3.865046787,3.86504679,3.86504682,3.865046791,3.865046879,3.865046836,3.865046801,3.86504682,3.86504679,3.865046864,3.865046853,3.865046817,3.865046812,3.865046792,3.865046866,3.865046805,3.865046802,3.865046828,3.865046822,3.865046816,3.86504681,3.865046833,3.865046821,3.865046785,3.865046788,3.865046776,3.86504674,3.865046838
+"11142","OR4C6",3.767188791,3.767188743,3.767189036,3.767189037,3.767189071,3.767188952,3.767189041,3.767188899,3.767189076,3.767188933,3.767188887,3.767189194,3.76718881,3.767188665,3.767189058,3.767188861,3.767189013,3.767189069,3.767189061,3.767188888,3.767188793,3.767189057,3.767188887,3.767188854,3.767188946,3.767188926,3.767188911,3.767188753
+"11143","OR4D1",4.033517634,4.033517542,4.033517685,4.033517618,4.033517701,4.033517775,4.033517639,4.033517644,4.033517626,4.033517753,4.033517632,4.033517733,4.03351764,4.033517562,4.033517702,4.033517667,4.033517749,4.033517766,4.033517769,4.033517701,4.033517683,4.033517721,4.033517557,4.033517711,4.033517667,4.033517715,4.033517745,4.033517824
+"11144","OR4D10",3.758247395,3.758247423,3.758247439,3.758247415,3.758247427,3.758247446,3.758247442,3.75824744,3.758247395,3.758247415,3.758247446,3.758247481,3.758247434,3.758247408,3.758247422,3.758247418,3.758247456,3.758247419,3.758247409,3.758247444,3.758247433,3.758247426,3.758247407,3.758247407,3.758247455,3.758247415,3.758247406,3.758247427
+"11145","OR4D11",3.95503062,3.95503081,3.955030845,3.955030865,3.95503092,3.955030794,3.955030781,3.955030871,3.955030796,3.955030793,3.955030854,3.955030816,3.95503077,3.955030625,3.955030741,3.955030806,3.955030955,3.955030807,3.955030703,3.955030863,3.955030736,3.955030798,3.9550306,3.95503081,3.95503073,3.955030668,3.955030772,3.955030904
+"11146","OR4D2",3.354097806,3.354097902,3.354097815,3.354097844,3.354097839,3.354097936,3.354097922,3.354098068,3.354097716,3.354097829,3.35409797,3.354097907,3.354097785,3.354097774,3.354097856,3.35409796,3.35409778,3.354097955,3.354097822,3.354097847,3.35409784,3.354097931,3.3540978,3.354097905,3.354097829,3.354097835,3.354097843,3.354097707
+"11147","OR4D5",4.822508364,4.822508308,4.822508352,4.822508332,4.82250838,4.822508322,4.822508354,4.82250836,4.822508332,4.822508349,4.822508352,4.822508384,4.822508344,4.822508325,4.822508384,4.822508375,4.822508392,4.822508361,4.822508385,4.822508347,4.822508383,4.822508385,4.822508325,4.822508332,4.822508363,4.822508359,4.822508334,4.822508375
+"11148","OR4D6",3.934621433,3.934621317,3.934621312,3.934621342,3.934621421,3.934621371,3.934621436,3.934621438,3.934621391,3.934621372,3.93462129,3.934621456,3.934621375,3.934621355,3.934621461,3.934621429,3.934621466,3.934621382,3.934621443,3.934621457,3.934621406,3.934621452,3.934621367,3.934621321,3.934621323,3.934621387,3.934621423,3.93462133
+"11149","OR4D9",3.521418201,3.521418224,3.52141823,3.521418243,3.521418254,3.521418169,3.521418246,3.521418223,3.521418265,3.521418201,3.521418229,3.521418241,3.521418248,3.521418194,3.521418252,3.521418283,3.521418279,3.521418267,3.521418242,3.521418226,3.521418241,3.521418265,3.521418217,3.521418246,3.521418241,3.521418224,3.521418245,3.521418261
+"11150","OR4E2",3.658515439,3.658515533,3.658515524,3.658515554,3.658515481,3.658515501,3.658515519,3.658515549,3.658515586,3.658515494,3.658515531,3.658515592,3.658515557,3.65851548,3.658515584,3.658515568,3.658515526,3.658515514,3.658515523,3.658515487,3.658515512,3.658515471,3.658515524,3.658515525,3.658515575,3.658515551,3.658515514,3.658515485
+"11151","OR4F13P",3.410990314,3.410990321,3.410990248,3.410990318,3.410990308,3.41099025,3.410990327,3.410990306,3.410990283,3.410990324,3.410990263,3.410990283,3.410990312,3.410990288,3.410990304,3.41099035,3.410990321,3.410990306,3.410990262,3.410990278,3.410990339,3.410990299,3.410990285,3.410990319,3.410990319,3.410990298,3.410990282,3.410990315
+"11152","OR4F15",3.101484944,3.101484958,3.101484968,3.101484958,3.101484965,3.101484979,3.101484966,3.101484987,3.101484969,3.101484969,3.101484963,3.101485002,3.101484968,3.101484961,3.101484972,3.101484949,3.101484999,3.101484979,3.101484985,3.101484953,3.101484948,3.101484955,3.101484984,3.101484961,3.101484978,3.101484958,3.101484948,3.10148497
+"11153","OR4F6",3.617861754,3.617861779,3.617861777,3.617861779,3.617861782,3.617861768,3.617861766,3.617861779,3.617861741,3.617861771,3.61786178,3.61786178,3.617861754,3.617861725,3.617861772,3.617861775,3.61786178,3.617861762,3.617861749,3.617861766,3.61786176,3.617861778,3.617861764,3.617861757,3.617861779,3.617861765,3.617861766,3.617861765
+"11154","OR4K1",3.102619619,3.102619587,3.102619576,3.102619649,3.102619662,3.102619595,3.102619586,3.10261962,3.102619587,3.102619635,3.102619642,3.102619625,3.10261958,3.102619591,3.102619608,3.102619575,3.102619591,3.102619608,3.102619636,3.102619625,3.102619644,3.102619614,3.102619571,3.10261959,3.102619671,3.102619576,3.102619609,3.102619637
+"11155","OR4K13",3.524802223,3.524802231,3.524802228,3.524802216,3.524802226,3.52480223,3.524802225,3.524802217,3.524802229,3.524802224,3.524802234,3.524802221,3.524802237,3.524802213,3.524802226,3.524802228,3.524802241,3.524802228,3.524802234,3.524802231,3.52480224,3.524802233,3.524802205,3.524802213,3.524802231,3.524802225,3.524802216,3.524802204
+"11156","OR4K14",4.03200727,4.032007302,4.03200729,4.032007306,4.032007336,4.032007354,4.032007394,4.032007417,4.032007246,4.032007346,4.032007356,4.032007394,4.032007242,4.032007303,4.03200736,4.032007291,4.032007437,4.032007408,4.032007388,4.032007372,4.032007318,4.032007391,4.032007304,4.032007297,4.032007357,4.032007339,4.03200727,4.032007284
+"11157","OR4K15",3.483181795,3.483181778,3.483181973,3.483182075,3.48318184,3.4831818365,3.4831818615,3.483181882,3.483181786,3.483181762,3.4831816605,3.4831818155,3.4831818035,3.4831818405,3.483181824,3.483181856,3.483181859,3.4831819985,3.483181884,3.483181757,3.483181779,3.4831818405,3.4831817525,3.483181708,3.48318177,3.4831817455,3.483181802,3.483181672
+"11158","OR4K17",3.919722847,3.919722943,3.919722881,3.919723333,3.919722839,3.919723074,3.919722661,3.919722789,3.919722917,3.919722792,3.919723148,3.919722723,3.919722996,3.919722808,3.919723009,3.919722936,3.919722893,3.91972325,3.919723035,3.919723116,3.919723024,3.91972307,3.919722891,3.919722824,3.919722761,3.919722881,3.91972298,3.919722577
+"11159","OR4K2",3.207218417,3.207218602,3.20721863,3.207218506,3.207218625,3.207218454,3.20721844,3.207218626,3.207218618,3.207218593,3.207218571,3.207218763,3.207218541,3.207218397,3.207218616,3.207218567,3.207218796,3.207218473,3.207218541,3.207218539,3.207218601,3.207218539,3.207218552,3.207218361,3.207218396,3.207218551,3.207218599,3.207218573
+"11160","OR4K5",3.118034091,3.118033862,3.118034006,3.118033988,3.118034001,3.118034112,3.118034038,3.118034,3.118033984,3.118033957,3.118034093,3.118034094,3.118033945,3.118033985,3.118033968,3.118034164,3.118034061,3.118034029,3.118034076,3.118034123,3.118033963,3.118034126,3.118033984,3.118033962,3.118034025,3.118034096,3.118033968,3.118034195
+"11161","OR4L1",3.974200363,3.974200368,3.974200384,3.974200411,3.974200421,3.974200381,3.974200398,3.974200386,3.974200372,3.974200391,3.974200415,3.974200442,3.974200406,3.974200399,3.974200395,3.974200411,3.974200489,3.974200366,3.974200447,3.974200427,3.974200402,3.974200444,3.974200373,3.974200361,3.974200378,3.974200398,3.974200402,3.97420038
+"11162","OR4N2",4.129256564,4.129256626,4.129256591,4.129256584,4.129256552,4.129256666,4.129256634,4.129256658,4.129256585,4.12925661,4.129256573,4.12925657,4.1292566,4.129256611,4.129256543,4.129256523,4.12925663,4.129256591,4.129256616,4.129256591,4.129256459,4.129256581,4.129256624,4.12925665,4.129256627,4.129256529,4.129256571,4.129256501
+"11163","OR4N3P",2.764120975,2.764120971,2.764120968,2.764120987,2.764120978,2.764120966,2.764120992,2.764120986,2.764120957,2.764121004,2.764120972,2.764121009,2.764121007,2.764120972,2.764120989,2.764121006,2.764120974,2.764120988,2.764120972,2.764120969,2.764120969,2.764120976,2.76412098,2.764120985,2.764120966,2.764120977,2.764120967,2.764120963
+"11164","OR4N4",3.386642502,3.386642669,3.386642521,3.3866426,3.386642566,3.386642636,3.386642593,3.386642665,3.386642576,3.386642593,3.38664268,3.386642654,3.386642552,3.386642543,3.386642529,3.386642579,3.386642665,3.38664264,3.386642646,3.386642572,3.386642587,3.386642574,3.386642613,3.386642529,3.386642646,3.386642542,3.386642545,3.386642508
+"11165","OR4N5",3.971694316,3.971694243,3.971694304,3.971694325,3.97169436,3.971694409,3.971694361,3.971694304,3.971694271,3.971694272,3.971694265,3.971694339,3.97169434,3.97169436,3.971694276,3.971694322,3.971694416,3.971694365,3.971694262,3.971694326,3.971694289,3.9716943,3.971694306,3.971694286,3.97169424,3.971694287,3.971694252,3.971694249
+"11166","OR4P4",3.168941304,3.168941277,3.168941488,3.168941539,3.168941653,3.168941512,3.168941579,3.168941416,3.168941544,3.168941477,3.168941318,3.168941703,3.168941283,3.168941296,3.168941459,3.16894141,3.168941497,3.168941559,3.16894133,3.168941346,3.168941443,3.16894139,3.168941368,3.168941565,3.168941188,3.168941278,3.168941345,3.168941412
+"11167","OR4Q3",3.420558148,3.420558644,3.420558192,3.420558378,3.420558224,3.420558896,3.420558538,3.420558698,3.42055814,3.420558813,3.420558299,3.420558267,3.420558538,3.420558515,3.420558257,3.420559534,3.420558895,3.420558849,3.420558634,3.42055917,3.420558513,3.420558327,3.420558426,3.420557637,3.420558422,3.420558899,3.420558376,3.420558711
+"11168","OR4S1",3.879135713,3.879135728,3.879135735,3.879135729,3.879135751,3.879135695,3.87913571,3.879135738,3.879135728,3.879135752,3.879135713,3.879135745,3.879135725,3.879135701,3.879135718,3.879135729,3.879135738,3.879135737,3.879135704,3.87913573,3.879135722,3.879135749,3.879135735,3.879135725,3.879135749,3.879135729,3.879135725,3.879135722
+"11169","OR4S2",3.325757272,3.32575726,3.325757337,3.325757295,3.325757405,3.325757322,3.325757236,3.3257573,3.325757288,3.325757279,3.32575735,3.325757293,3.325757334,3.325757304,3.325757333,3.325757316,3.325757383,3.325757372,3.325757346,3.325757307,3.325757319,3.325757328,3.325757289,3.325757302,3.325757388,3.325757321,3.325757295,3.325757339
+"11170","OR4X1",3.999958121,3.999958067,3.999958122,3.999958144,3.999958103,3.999958145,3.99995811,3.999958129,3.999958091,3.999958097,3.999958107,3.999958153,3.9999581,3.999958082,3.999958097,3.999958154,3.999958171,3.999958085,3.999958133,3.999958131,3.999958067,3.999958078,3.999958114,3.99995811,3.999958112,3.999958087,3.999958172,3.999958084
+"11171","OR4X2",3.409079718,3.409079732,3.40907972,3.409079722,3.409079724,3.409079745,3.409079719,3.409079728,3.409079722,3.409079739,3.409079739,3.409079724,3.409079717,3.409079715,3.409079719,3.409079713,3.409079735,3.409079741,3.409079716,3.409079709,3.409079728,3.409079738,3.409079722,3.409079715,3.409079721,3.409079736,3.409079723,3.409079724
+"11172","OR51A2",3.086371173,3.086371186,3.086371217,3.086371164,3.086371309,3.08637118,3.086371194,3.086371238,3.086371203,3.086371222,3.086371274,3.086371317,3.086371242,3.086371224,3.086371261,3.086371312,3.086371243,3.086371235,3.086371223,3.086371181,3.086371169,3.086371209,3.086371188,3.086371193,3.08637121,3.086371249,3.086371207,3.086371193
+"11173","OR51A4",3.883005327,3.883005361,3.883005355,3.883005477,3.883005308,3.8830054,3.88300531,3.883005399,3.883005343,3.883005358,3.883005293,3.883005396,3.883005345,3.883005299,3.883005366,3.883005321,3.883005435,3.883005409,3.883005338,3.883005355,3.883005337,3.883005329,3.883005331,3.883005386,3.883005342,3.883005311,3.883005387,3.883005317
+"11174","OR51A7",3.513771369,3.513771371,3.513771379,3.513771401,3.513771345,3.513771423,3.513771389,3.513771407,3.513771407,3.513771405,3.513771422,3.513771401,3.513771386,3.513771381,3.513771385,3.513771434,3.513771396,3.513771347,3.513771379,3.513771439,3.513771331,3.513771405,3.513771405,3.513771406,3.513771421,3.513771328,3.513771424,3.513771401
+"11175","OR51B2",4.19824087,4.198240903,4.19824091,4.198240896,4.198240877,4.198240906,4.198240895,4.198240901,4.198240893,4.198240886,4.198240894,4.198240867,4.198240856,4.198240863,4.198240873,4.198240911,4.198240937,4.198240897,4.198240877,4.198240907,4.198240876,4.198240907,4.198240891,4.198240856,4.198240908,4.198240899,4.198240894,4.198240894
+"11176","OR51B4",4.069074588,4.069074595,4.069074618,4.069074619,4.069074635,4.06907457,4.069074612,4.069074618,4.069074589,4.069074591,4.069074591,4.069074636,4.069074612,4.0690746,4.069074614,4.069074625,4.069074615,4.069074622,4.069074599,4.069074609,4.069074634,4.069074625,4.06907459,4.069074566,4.069074631,4.069074617,4.069074602,4.069074602
+"11177","OR51B5",3.68688697,3.686887006,3.686887017,3.686886997,3.686887035,3.686887034,3.686887025,3.686887066,3.686886998,3.686886969,3.686887017,3.686887052,3.686887006,3.686886919,3.686887075,3.686886991,3.686887039,3.686887015,3.68688707,3.686886995,3.686887022,3.68688702,3.686887015,3.686886957,3.686887038,3.686886963,3.686887026,3.686886967
+"11178","OR51B6",3.360670943,3.360670884,3.36067096,3.360671136,3.360670923,3.360670964,3.36067096,3.36067112,3.360670945,3.360671046,3.360671258,3.360670834,3.360671005,3.360670946,3.360671071,3.360670923,3.360671165,3.360670994,3.36067092,3.360671028,3.360670893,3.360671007,3.360671047,3.360670879,3.360671179,3.360671027,3.360670909,3.360670975
+"11179","OR51D1",3.741056589,3.741056652,3.741056463,3.741056631,3.741056941,3.741056707,3.741056666,3.741056764,3.741056465,3.74105666,3.741056477,3.741056733,3.741056737,3.741056489,3.741056719,3.74105673,3.741056837,3.741056896,3.741056602,3.741056662,3.741056791,3.741056752,3.741056684,3.741056611,3.74105669,3.741056807,3.741056677,3.741056667
+"11180","OR51E1",4.090880654,4.090880667,4.090880678,4.090880672,4.090880695,4.090880644,4.090880685,4.090880703,4.090880677,4.090880663,4.090880679,4.090880687,4.090880665,4.090880661,4.090880702,4.090880682,4.090880704,4.090880664,4.090880669,4.090880677,4.090880694,4.090880687,4.090880665,4.090880655,4.09088067,4.090880666,4.09088068,4.090880671
+"11181","OR51E2",3.970394884,3.970395017,3.970394975,3.970394947,3.970395002,3.970395085,3.970395001,3.970395021,3.970395013,3.970395043,3.970394981,3.970395017,3.970394925,3.970395054,3.970395018,3.970395,3.970395218,3.970394942,3.970395,3.970395119,3.9703951,3.970395115,3.970394978,3.970394895,3.970394993,3.970394946,3.970395085,3.970394959
+"11182","OR51F1",3.346686823,3.346686764,3.346686737,3.346687005,3.34668692,3.346686817,3.346687,3.346687004,3.346686997,3.346686758,3.346686784,3.346686994,3.346686877,3.346686772,3.346686979,3.346686964,3.346687092,3.346686982,3.34668698,3.346686921,3.346686875,3.346687082,3.346686882,3.346686906,3.346686843,3.346686958,3.346686896,3.34668698
+"11183","OR51F2",3.702605767,3.702605832,3.702605838,3.702605744,3.702605844,3.702605824,3.702605817,3.702605842,3.702605803,3.702605824,3.702605824,3.702605854,3.702605772,3.702605815,3.702605816,3.702605846,3.70260587,3.702605784,3.702605865,3.702605815,3.702605837,3.702605869,3.702605831,3.702605835,3.702605858,3.702605847,3.702605827,3.702605817
+"11184","OR51G1",3.627938628,3.627938583,3.627938693,3.627938632,3.62793862,3.627938637,3.627938552,3.627938553,3.627938485,3.627938653,3.627938532,3.627938603,3.627938652,3.627938552,3.62793858,3.627938647,3.627938685,3.627938605,3.627938636,3.627938597,3.627938592,3.627938631,3.627938701,3.627938594,3.627938543,3.62793864,3.627938634,3.627938578
+"11185","OR51G2",3.819747868,3.819748041,3.819748062,3.819747973,3.819748114,3.819747912,3.819748191,3.819748047,3.81974798,3.81974797,3.819747925,3.819748117,3.819747978,3.819747805,3.819748042,3.819747992,3.819748074,3.819748038,3.819748114,3.819748191,3.819748088,3.819748067,3.819748008,3.819747766,3.819747933,3.819748043,3.819747881,3.819748104
+"11186","OR51I1",4.546863957,4.546864001,4.546863987,4.546863954,4.546863969,4.546864028,4.546863903,4.546863959,4.54686395,4.546864026,4.54686396,4.546864047,4.546863946,4.546863856,4.546863922,4.546863961,4.546864057,4.546863964,4.546863942,4.546863938,4.546863812,4.546863995,4.546863959,4.546863948,4.54686391,4.546863967,4.546863935,4.546863974
+"11187","OR51I2",3.909287174,3.909287281,3.909287181,3.909287193,3.909287264,3.909287094,3.909287098,3.909287556,3.909287173,3.909286967,3.909287142,3.9092874,3.909287047,3.909286921,3.90928728,3.909287243,3.909287573,3.909287411,3.909287394,3.909287251,3.909287342,3.909287508,3.909287333,3.909287087,3.909287322,3.909287293,3.909286974,3.909287121
+"11188","OR51L1",3.4660209,3.466020853,3.466020903,3.46602091,3.466020922,3.466020911,3.46602091,3.466020951,3.466020928,3.466020897,3.466020947,3.466020916,3.466020919,3.466020887,3.466020944,3.466020885,3.46602095,3.466020897,3.466020918,3.466020919,3.466020919,3.466020955,3.466020887,3.466020871,3.466020903,3.466020884,3.466020874,3.466020932
+"11189","OR51M1",4.0515793,4.051579265,4.051579328,4.051579298,4.051579313,4.051579321,4.051579282,4.051579304,4.051579287,4.051579271,4.051579316,4.051579354,4.051579262,4.051579277,4.051579282,4.051579298,4.051579302,4.051579274,4.051579296,4.051579325,4.051579305,4.051579271,4.051579291,4.051579319,4.051579316,4.051579337,4.051579268,4.051579276
+"11190","OR51Q1",3.777268345,3.77726828,3.777268353,3.777268334,3.777268384,3.777268309,3.777268339,3.77726834,3.77726835,3.777268315,3.777268451,3.777268349,3.777268304,3.777268294,3.777268316,3.777268321,3.777268343,3.777268361,3.777268318,3.777268323,3.777268345,3.777268365,3.777268366,3.777268339,3.777268327,3.777268343,3.777268316,3.777268343
+"11191","OR51S1",5.05645766,5.05645772,5.056457711,5.056457698,5.056457704,5.056457746,5.056457718,5.056457725,5.056457722,5.056457744,5.056457682,5.056457694,5.056457688,5.056457707,5.056457697,5.056457679,5.056457721,5.056457699,5.056457679,5.056457708,5.056457675,5.056457713,5.056457699,5.056457699,5.056457673,5.056457689,5.056457691,5.056457684
+"11192","OR51T1",3.232388386,3.232388536,3.23238849,3.23238846,3.232388439,3.232388715,3.23238854,3.232388562,3.232388544,3.232388521,3.232388478,3.232388475,3.232388399,3.232388489,3.232388461,3.232388429,3.232388567,3.232388597,3.232388526,3.232388439,3.232388487,3.232388501,3.232388507,3.232388606,3.232388497,3.232388457,3.23238842,3.23238878
+"11193","OR51V1",4.070867655,4.070867683,4.070867626,4.070867426,4.07086765,4.070867649,4.07086756,4.07086763,4.070867526,4.070867474,4.070867539,4.070867509,4.070867539,4.070867492,4.070867727,4.070867649,4.070867707,4.070867765,4.070867765,4.070867623,4.070867657,4.070867679,4.070867629,4.070867499,4.070867654,4.070867677,4.070867623,4.070867628
+"11194","OR52A1",2.889245427,2.889245517,2.889245419,2.889245539,2.889245537,2.889245429,2.889245379,2.889245417,2.889245443,2.889245484,2.889245489,2.889245515,2.88924543,2.88924545,2.889245555,2.889245452,2.889245529,2.889245613,2.889245369,2.889245501,2.889245429,2.889245427,2.889245468,2.88924552,2.889245359,2.889245399,2.889245398,2.889245349
+"11195","OR52A4P",3.417977206,3.417977213,3.417977174,3.417977252,3.417977199,3.417977381,3.417977308,3.417977124,3.417977321,3.417977199,3.417977129,3.41797713,3.417977139,3.417977179,3.417977222,3.417977084,3.41797731,3.417977167,3.41797729,3.417977236,3.417977287,3.417977222,3.417977159,3.417977266,3.417977121,3.417977252,3.417977297,3.417977107
+"11196","OR52A5",2.879936457,2.879936442,2.879936519,2.879936373,2.879936501,2.879936419,2.879936471,2.879936386,2.879936515,2.879936527,2.879936468,2.879936549,2.879936505,2.879936396,2.879936398,2.879936447,2.87993656,2.8799366,2.87993641,2.879936555,2.879936491,2.879936456,2.879936572,2.879936434,2.879936387,2.879936483,2.879936433,2.879936504
+"11197","OR52B1P",3.547561341,3.547561381,3.547561359,3.547561387,3.547561338,3.54756141,3.547561402,3.547561343,3.547561332,3.54756139,3.547561364,3.547561314,3.547561357,3.547561317,3.547561355,3.547561388,3.547561388,3.547561366,3.547561375,3.547561386,3.547561281,3.547561377,3.547561353,3.547561351,3.547561372,3.547561326,3.547561377,3.547561359
+"11198","OR52B2",4.518678407,4.518678512,4.518678533,4.518678563,4.51867846,4.518678599,4.518678411,4.518678544,4.518678455,4.518678558,4.518678528,4.51867837,4.518678462,4.518678432,4.518678423,4.518678591,4.518678481,4.518678339,4.518678407,4.518678521,4.518678497,4.518678417,4.518678519,4.51867865,4.518678455,4.518678521,4.518678528,4.518678326
+"11199","OR52B3P",4.133870195,4.133870196,4.133870195,4.133870227,4.133870198,4.133870215,4.133870196,4.133870222,4.133870196,4.133870221,4.133870195,4.133870247,4.133870191,4.133870197,4.133870219,4.133870182,4.133870238,4.133870189,4.133870254,4.133870221,4.133870211,4.133870212,4.133870202,4.133870186,4.133870197,4.133870224,4.133870197,4.133870215
+"11200","OR52B4",4.520608284,4.520608323,4.520608265,4.52060832,4.52060827,4.520608323,4.52060833,4.520608312,4.520608275,4.520608283,4.520608306,4.520608313,4.520608283,4.520608249,4.520608298,4.520608299,4.52060833,4.520608257,4.520608302,4.520608307,4.520608301,4.520608326,4.520608281,4.52060829,4.520608282,4.520608263,4.520608295,4.520608236
+"11201","OR52B6",3.926108911,3.926108954,3.926108944,3.926108954,3.926108912,3.926108973,3.926108861,3.926108934,3.926108925,3.926108929,3.926108936,3.926108918,3.926108896,3.926108872,3.926108887,3.926108904,3.926108962,3.926108914,3.92610897,3.926108884,3.926108844,3.926108943,3.926108932,3.926108914,3.926108933,3.926108903,3.92610891,3.926108928
+"11202","OR52D1",4.213073306,4.21307328,4.213073334,4.21307331,4.213073336,4.213073338,4.213073344,4.213073321,4.213073319,4.213073292,4.213073301,4.213073338,4.213073273,4.213073273,4.213073361,4.213073328,4.213073384,4.213073353,4.213073296,4.213073293,4.213073368,4.213073348,4.213073276,4.213073274,4.213073295,4.213073313,4.213073289,4.213073271
+"11203","OR52E2",3.660566048,3.660565964,3.660565989,3.660566025,3.66056602,3.660565917,3.660566246,3.660566108,3.660566089,3.660566096,3.660566017,3.660566262,3.66056601,3.660565822,3.660566138,3.660566158,3.66056608,3.660566086,3.660566125,3.66056616,3.660566141,3.660566035,3.66056605,3.660566149,3.660565941,3.660566026,3.66056619,3.660566047
+"11204","OR52E4",3.569577573,3.569577411,3.56957745,3.569577574,3.569577417,3.569577512,3.569577547,3.569577563,3.569577356,3.569577491,3.569577659,3.569577745,3.569577388,3.569577475,3.56957746,3.569577497,3.569577543,3.56957741,3.569577557,3.569577471,3.569577473,3.569577379,3.56957765,3.569577418,3.569577483,3.569577476,3.569577518,3.569577617
+"11205","OR52E6",3.128753322,3.128753458,3.128753768,3.128753725,3.128753502,3.128753773,3.128753497,3.128753423,3.12875348,3.128753417,3.128753854,3.128753773,3.128753576,3.128753493,3.128753474,3.128753676,3.128753674,3.128753652,3.128753567,3.128753503,3.128753456,3.128753502,3.128753681,3.128753401,3.128753518,3.128753493,3.128753556,3.128753505
+"11206","OR52E8",3.75374905,3.753749059,3.753749065,3.753749059,3.753749068,3.753749099,3.753749057,3.753749054,3.75374907,3.753749075,3.753749074,3.753749065,3.75374905,3.753749064,3.753749072,3.753749072,3.753749049,3.753749108,3.753749062,3.753749077,3.753749062,3.753749071,3.753749055,3.75374906,3.75374907,3.753749064,3.753749074,3.753749082
+"11207","OR52H1",4.562148529,4.56214851,4.562148517,4.562148514,4.562148507,4.562148544,4.562148502,4.562148541,4.562148503,4.562148497,4.562148514,4.562148548,4.562148524,4.562148512,4.562148502,4.562148521,4.562148523,4.562148501,4.562148519,4.562148527,4.562148522,4.562148512,4.562148494,4.562148531,4.562148515,4.562148532,4.562148537,4.562148484
+"11208","OR52I1",3.810610689,3.810610708,3.810610693,3.810610727,3.810610692,3.810610694,3.810610721,3.810610768,3.810610743,3.810610702,3.810610708,3.810610802,3.810610681,3.810610751,3.810610724,3.810610715,3.810610753,3.810610735,3.810610722,3.81061073,3.810610729,3.810610747,3.810610712,3.810610705,3.810610724,3.810610707,3.810610704,3.810610746
+"11209","OR52I2",3.223383915,3.223384273,3.223383935,3.223384067,3.223384098,3.223384381,3.22338413,3.223384137,3.223384169,3.223384097,3.223384345,3.223384152,3.223383944,3.223383943,3.223384127,3.223384061,3.223384674,3.223384532,3.223384113,3.223384091,3.223384066,3.223384056,3.223383851,3.223384116,3.223384113,3.223383952,3.223384078,3.2233847
+"11210","OR52J3",3.686054792,3.686054763,3.686054787,3.686054798,3.686054821,3.686054781,3.686054804,3.686054793,3.686054817,3.686054813,3.686054805,3.686054784,3.686054786,3.686054793,3.68605482,3.68605482,3.686054836,3.686054829,3.686054787,3.686054812,3.686054829,3.686054799,3.686054764,3.686054762,3.686054784,3.686054809,3.686054776,3.686054796
+"11211","OR52K1",5.647965877,5.647967736,5.647965358,5.647968329,5.647964121,5.647968448,5.647966117,5.647966304,5.647965348,5.647963973,5.647966246,5.647965143,5.647964064,5.647965638,5.647965858,5.647967908,5.647965902,5.647966017,5.647964775,5.647969419,5.647965519,5.647965683,5.647964747,5.647966919,5.647967834,5.647966261,5.647964611,5.647961889
+"11212","OR52K2",5.408837565,5.408838039,5.408838035,5.408838307,5.408837409,5.408838535,5.408837838,5.408837911,5.408837414,5.408837415,5.408837994,5.408837832,5.408837575,5.40883752,5.408837936,5.408838338,5.408838157,5.408838109,5.408837735,5.408838925,5.408837964,5.408837753,5.408837588,5.408837953,5.408838462,5.40883796,5.408837634,5.408837227
+"11213","OR52K3P",7.093424661,7.093426756,7.093425424,7.093426181,7.093422302,7.093427319,7.093423175,7.09342539,7.093423718,7.093424752,7.093425715,7.093423669,7.093422221,7.093424128,7.093423361,7.093426999,7.09342244,7.093424694,7.093422269,7.093427638,7.093424227,7.093424515,7.093424663,7.093425089,7.093426724,7.093424532,7.093422834,7.093424515
+"11214","OR52L1",3.868694175,3.868694363,3.868694471,3.868694645,3.868694414,3.868694637,3.86869466,3.86869451,3.868694329,3.868694285,3.868694498,3.86869465,3.868694435,3.868694485,3.868694604,3.868694737,3.868694609,3.86869467,3.868694567,3.868694531,3.868694379,3.868694861,3.868694286,3.868694325,3.868694462,3.868694177,3.8686944,3.868694273
+"11215","OR52M1",4.607942048,4.607941913,4.607942003,4.607942008,4.607942078,4.607941983,4.607942068,4.607942053,4.607941971,4.607942024,4.60794198,4.607942056,4.607942029,4.607941984,4.607942087,4.607942037,4.607942066,4.607942054,4.607942076,4.607942024,4.607942093,4.607942108,4.607942012,4.60794194,4.607941965,4.607942025,4.607942048,4.607942016
+"11216","OR52N1",3.653602318,3.653602799,3.653602506,3.653602583,3.653602816,3.653602583,3.653602863,3.653602514,3.653602579,3.653602539,3.653602832,3.653602887,3.653602526,3.653602516,3.653602809,3.653602593,3.653602964,3.653602807,3.653602556,3.65360262,3.653602636,3.653602684,3.653602465,3.653602391,3.653602689,3.653602457,3.653602503,3.653602563
+"11217","OR52N2",4.680476508,4.680476499,4.680476485,4.680476512,4.680476524,4.680476518,4.680476528,4.680476518,4.680476515,4.680476451,4.680476472,4.680476533,4.680476508,4.680476471,4.680476534,4.680476485,4.680476522,4.680476515,4.680476505,4.68047652,4.680476526,4.680476533,4.680476503,4.680476508,4.6804765,4.680476496,4.680476503,4.680476486
+"11218","OR52N4",3.425184878,3.425184871,3.42518485,3.42518486,3.425184877,3.42518486,3.425184861,3.425184865,3.425184885,3.425184886,3.425184861,3.425184899,3.425184861,3.425184865,3.425184854,3.425184845,3.425184895,3.425184845,3.425184876,3.425184902,3.42518486,3.425184858,3.425184854,3.425184855,3.425184863,3.4251849,3.425184865,3.425184901
+"11219","OR52N5",3.486487882,3.486487649,3.486487935,3.486488014,3.486488027,3.486488006,3.486487872,3.48648783,3.486487998,3.486487993,3.486487958,3.486488078,3.486487866,3.486487844,3.486487904,3.486488097,3.48648806,3.486487908,3.486487829,3.486487994,3.48648775,3.486487938,3.48648771,3.486487818,3.486487731,3.486487874,3.48648813,3.486487989
+"11220","OR52R1",4.091942762,4.09194275,4.091942948,4.091942829,4.091942915,4.091943042,4.09194284,4.091942864,4.091942885,4.091942925,4.091942902,4.09194298,4.091942852,4.091942789,4.09194303,4.091942784,4.091943209,4.091942987,4.09194298,4.091942881,4.091942904,4.091943053,4.091942873,4.091942899,4.091942669,4.09194273,4.091942796,4.091943177
+"11221","OR52W1",4.906355275,4.90635526,4.90635525,4.906355301,4.906355353,4.906355257,4.906355305,4.906355294,4.906355234,4.906355257,4.90635524,4.906355345,4.906355289,4.906355265,4.906355349,4.906355335,4.906355342,4.906355327,4.906355296,4.906355307,4.906355369,4.906355335,4.906355235,4.906355232,4.906355292,4.90635528,4.906355294,4.906355293
+"11222","OR56A1",4.096601964,4.096601978,4.096601956,4.096601909,4.096601974,4.096601943,4.096601931,4.096602004,4.096602023,4.096601855,4.096602,4.096601931,4.096601912,4.096601923,4.096601935,4.09660196,4.096602007,4.096601993,4.096601974,4.096601994,4.096601984,4.096601996,4.096601885,4.096601849,4.096601893,4.096601989,4.096601914,4.096601906
+"11223","OR56A3",4.968602775,4.96860306,4.968602928,4.968602918,4.968602452,4.968603137,4.968602823,4.968602894,4.968602997,4.968603052,4.968602669,4.968602937,4.968602664,4.968602665,4.968602533,4.968602769,4.968602685,4.968602947,4.968602801,4.968602668,4.968602405,4.96860295,4.968602896,4.968603013,4.968602841,4.968602646,4.968602667,4.96860232
+"11224","OR56A4",4.313280625,4.313280638,4.31328046,4.313280802,4.313280312,4.313280702,4.313280553,4.313280786,4.313280765,4.313280471,4.313280594,4.313280597,4.313280586,4.313280417,4.313280536,4.313280739,4.31328068,4.313280712,4.313280546,4.313280826,4.313280534,4.313280699,4.313280453,4.313280617,4.313280712,4.313280499,4.31328071,4.313280277
+"11225","OR56A5",3.759318938,3.759318943,3.759318944,3.759318909,3.759318996,3.759318902,3.759318939,3.759318937,3.759318931,3.759318951,3.759318908,3.759318969,3.759318909,3.759318951,3.759318957,3.759318931,3.759318988,3.759318925,3.759318945,3.759318924,3.759318964,3.759318948,3.759318924,3.759318903,3.75931894,3.759318982,3.759318929,3.75931896
+"11226","OR56B1",3.969720607,3.969720434,3.969720484,3.969720544,3.969720443,3.969720689,3.969720511,3.969720494,3.969720554,3.969720539,3.969720564,3.969720721,3.969720599,3.969720605,3.969720547,3.969720426,3.969720531,3.969720468,3.969720469,3.969720649,3.969720498,3.969720479,3.969720561,3.969720411,3.969720468,3.969720497,3.969720514,3.969720327
+"11227","OR56B4",3.651790941,3.651791056,3.651791283,3.651791266,3.65179125,3.651791351,3.651791284,3.651791344,3.651790975,3.651791229,3.651791003,3.651791065,3.651791173,3.651791115,3.651791205,3.651790937,3.65179146,3.651791194,3.651791293,3.651791077,3.651791179,3.651791304,3.651791314,3.651791126,3.651791283,3.651791093,3.651791004,3.651791103
+"11228","OR5A1",4.384453779,4.384453741,4.38445384,4.384453798,4.384453842,4.384453808,4.384453904,4.384453837,4.384453743,4.384453866,4.384453839,4.384453899,4.384453785,4.384453606,4.384453856,4.384453824,4.384453897,4.384453815,4.384453796,4.384453846,4.384453844,4.384453902,4.384453822,4.384453824,4.384453887,4.38445391,4.384453752,4.384453719
+"11229","OR5A2",3.8850181,3.88501824,3.885018295,3.885018087,3.885018376,3.885018281,3.885018255,3.885018179,3.885018104,3.885018088,3.885018331,3.885018248,3.885018196,3.88501793,3.885018381,3.88501819,3.885018424,3.88501828,3.885018138,3.885018119,3.885018358,3.885018109,3.885017854,3.885018031,3.885018376,3.885018175,3.88501808,3.885018248
+"11230","OR5AC2",3.224432711,3.224432645,3.224432819,3.22443254,3.224432885,3.224432811,3.224432715,3.22443275,3.224432821,3.22443286,3.224432994,3.224432985,3.224432842,3.224432681,3.224433064,3.224432645,3.224433065,3.224432982,3.224432678,3.224432595,3.224432829,3.224432849,3.224432633,3.224432828,3.224432739,3.224432888,3.224432501,3.224433
+"11231","OR5AK2",3.112846518,3.112846512,3.112846443,3.112846585,3.112846627,3.112846611,3.112846621,3.112846772,3.112846499,3.112846483,3.112846604,3.112846736,3.112846519,3.112846499,3.112846762,3.112846603,3.112846772,3.112846887,3.112846678,3.112846563,3.112846577,3.112846662,3.112846638,3.112846382,3.112846294,3.112846592,3.112846436,3.112846679
+"11232","OR5AN1",3.50098508,3.500985046,3.500985081,3.500985128,3.500985131,3.500985127,3.500985058,3.500985067,3.500985086,3.500985094,3.50098509,3.50098515,3.500985073,3.500985105,3.500985123,3.500985063,3.500985097,3.500985105,3.500985093,3.50098517,3.500985117,3.50098511,3.500985125,3.500985085,3.500985135,3.500985124,3.500985143,3.500985072
+"11233","OR5AP2",3.460475953,3.460476052,3.460476066,3.460475954,3.460476163,3.460476048,3.460476197,3.460476217,3.460475987,3.460476021,3.460476007,3.460476244,3.460476031,3.460475973,3.460476149,3.460476033,3.460476271,3.460476263,3.460476137,3.460476071,3.46047611,3.46047612,3.460476014,3.460476029,3.460476185,3.460475967,3.460476026,3.46047612
+"11234","OR5AR1",3.952649421,3.952649034,3.952649061,3.952649106,3.952649404,3.952649365,3.95264919,3.952649161,3.952649171,3.952649251,3.952648961,3.95264938,3.952649032,3.952649242,3.952649505,3.952649279,3.952649528,3.952649368,3.952649424,3.952649303,3.952649406,3.952649416,3.952649274,3.952649373,3.952648735,3.952649168,3.952649244,3.952649421
+"11235","OR5AS1",3.353393537,3.353393543,3.353393524,3.353393525,3.353393557,3.353393547,3.353393566,3.35339355,3.353393542,3.353393544,3.353393581,3.353393543,3.353393556,3.353393547,3.353393567,3.353393547,3.353393554,3.353393576,3.35339357,3.353393566,3.353393561,3.353393561,3.353393536,3.353393513,3.353393555,3.353393532,3.353393551,3.353393535
+"11236","OR5AU1",4.61205386,4.612053878,4.612053933,4.612054183,4.612054771,4.612053622,4.612054244,4.612054494,4.612054051,4.612054012,4.612054319,4.612054929,4.612054184,4.612053469,4.612054494,4.612054241,4.612054857,4.612054445,4.612053922,4.612054021,4.612054649,4.612054478,4.612053906,4.612053973,4.612053578,4.61205416,4.61205369,4.612054314
+"11237","OR5B12",3.811029915,3.811029936,3.811030004,3.811030042,3.811030034,3.811030001,3.811029978,3.811030018,3.811029975,3.811029987,3.811030028,3.811030041,3.811029944,3.811029939,3.81103,3.811029989,3.811030049,3.811029992,3.811030003,3.811029944,3.811029986,3.811029965,3.811029997,3.811029937,3.811030017,3.811029957,3.811029975,3.811030018
+"11238","OR5B17",3.382012711,3.382012942,3.382012703,3.382012849,3.382012813,3.382012831,3.382012833,3.382012969,3.382012807,3.382012869,3.382012876,3.382012895,3.3820127,3.382012822,3.382012816,3.382012975,3.382012792,3.38201288,3.382012964,3.382012765,3.382012601,3.382012838,3.382012917,3.382012798,3.382012777,3.382012872,3.382012872,3.382012839
+"11239","OR5B2",2.671486899,2.671486916,2.671486922,2.671486921,2.67148692,2.671486943,2.671486945,2.671486938,2.671486937,2.671486903,2.671486929,2.671486963,2.671486894,2.671486904,2.671486929,2.67148693,2.671486985,2.671486919,2.671486927,2.671486908,2.671486928,2.671486913,2.671486902,2.671486928,2.671486908,2.671486926,2.671486911,2.671486931
+"11240","OR5B21",4.266300474,4.266300533,4.266300179,4.266300378,4.2663004,4.266300705,4.266300598,4.266300532,4.266300698,4.26630043,4.266300427,4.266300596,4.266300635,4.266300591,4.266300561,4.26630059,4.266300284,4.266300561,4.266300458,4.266300579,4.266300632,4.266300584,4.266300524,4.266300497,4.266300459,4.266300535,4.26630053,4.266300349
+"11241","OR5B3",3.896512032,3.896512076,3.896512037,3.896512041,3.896512072,3.896512047,3.896512057,3.896512081,3.896512045,3.896512047,3.896512037,3.896512079,3.896512091,3.896512052,3.896512092,3.896512097,3.896512074,3.896512055,3.896512119,3.896512056,3.896512081,3.896512087,3.896512068,3.896512059,3.89651208,3.896512069,3.896512057,3.896512042
+"11242","OR5C1",5.199367154,5.199367138,5.199367115,5.199367155,5.199367151,5.19936714,5.199367154,5.199367167,5.199367159,5.199367136,5.199367165,5.199367168,5.199367154,5.199367105,5.199367176,5.199367181,5.199367171,5.199367151,5.199367161,5.199367162,5.199367161,5.199367158,5.199367147,5.199367152,5.199367131,5.199367146,5.19936714,5.199367135
+"11243","OR5D13",3.053943663,3.053943674,3.053943672,3.053943667,3.053943664,3.053943678,3.053943674,3.053943663,3.053943687,3.053943665,3.053943668,3.053943648,3.053943677,3.05394366,3.053943662,3.05394368,3.053943677,3.053943683,3.053943661,3.053943675,3.053943665,3.05394368,3.053943668,3.05394367,3.053943684,3.053943657,3.053943668,3.053943666
+"11244","OR5D14",3.208615571,3.208615586,3.2086156,3.208615587,3.208615606,3.208615591,3.208615576,3.208615613,3.208615598,3.208615587,3.208615594,3.208615597,3.208615585,3.208615567,3.208615585,3.208615614,3.208615623,3.20861559,3.208615601,3.208615611,3.208615586,3.208615603,3.208615583,3.208615581,3.208615577,3.208615579,3.208615587,3.208615604
+"11245","OR5D16",3.658898472,3.658898471,3.658898507,3.658898484,3.658898498,3.658898484,3.658898489,3.658898502,3.658898503,3.658898479,3.658898486,3.658898506,3.658898489,3.658898451,3.658898484,3.658898492,3.658898479,3.658898484,3.658898457,3.658898479,3.658898475,3.658898486,3.658898452,3.658898473,3.658898482,3.658898473,3.658898475,3.658898507
+"11246","OR5D18",4.053546979,4.053546961,4.053547065,4.053546932,4.053547,4.053546983,4.053546958,4.053546958,4.053546972,4.053546952,4.053546916,4.053547048,4.053546975,4.053547008,4.05354699,4.053546997,4.053547045,4.053546951,4.053546953,4.05354704,4.053546999,4.053547041,4.053546964,4.053546928,4.053546969,4.05354701,4.053546998,4.053546977
+"11247","OR5E1P",4.328639166,4.328639126,4.328639124,4.32863913,4.328639177,4.328639126,4.328639146,4.328639155,4.328639174,4.328639151,4.32863913,4.328639172,4.328639107,4.32863914,4.328639133,4.328639132,4.32863915,4.328639137,4.328639132,4.328639141,4.328639141,4.328639153,4.328639161,4.328639119,4.328639138,4.32863913,4.328639139,4.328639132
+"11248","OR5F1",4.347990289,4.347990375,4.347990323,4.347990489,4.347990442,4.347990646,4.347990525,4.347990535,4.347990448,4.347990527,4.3479905,4.347990509,4.347990381,4.347990343,4.347990467,4.347990447,4.347990453,4.347990491,4.347990353,4.347990555,4.347990194,4.347990511,4.34799054,4.347990284,4.347990474,4.347990175,4.347990345,4.347990359
+"11249","OR5G5P",3.17041299,3.170412994,3.170412997,3.170412999,3.170413003,3.170413007,3.170413016,3.170413001,3.170413025,3.170413026,3.170413033,3.170413002,3.170413,3.170413011,3.170413007,3.170413018,3.17041301,3.170413014,3.170412991,3.17041301,3.170412985,3.170412996,3.170413016,3.170412998,3.170412997,3.17041299,3.17041301,3.170413012
+"11250","OR5H2",2.908544708,2.908544727,2.908544744,2.908544766,2.908544717,2.908544751,2.908544735,2.908544755,2.908544721,2.908544737,2.908544776,2.908544755,2.908544714,2.908544726,2.908544746,2.908544775,2.908544725,2.908544748,2.908544745,2.908544778,2.908544729,2.90854476,2.908544738,2.90854473,2.908544734,2.908544729,2.908544757,2.908544737
+"11251","OR5H6",2.985100519,2.985100638,2.985100536,2.985100658,2.985100666,2.985100637,2.985100528,2.985100481,2.985100494,2.985100492,2.985100568,2.985100583,2.985100501,2.985100525,2.985100471,2.985100552,2.985100548,2.985100626,2.985100574,2.985100564,2.985100491,2.985100502,2.985100594,2.985100504,2.985100556,2.985100532,2.985100509,2.98510046
+"11252","OR5I1",4.059227791,4.059227797,4.059227858,4.05922785,4.059227845,4.059227858,4.059227795,4.059227833,4.05922778,4.059227833,4.059227775,4.059227832,4.059227853,4.059227776,4.059227812,4.059227839,4.059227874,4.059227818,4.059227849,4.059227817,4.059227805,4.05922783,4.059227836,4.05922781,4.059227837,4.059227798,4.0592278,4.059227844
+"11253","OR5J2",3.324974386,3.324974645,3.324974466,3.324974606,3.324974672,3.324974537,3.324974649,3.324974611,3.324974487,3.324974792,3.324974622,3.324974544,3.324974671,3.324974503,3.324974815,3.324974868,3.324974656,3.324974613,3.324974615,3.324974554,3.32497461,3.32497465,3.324974418,3.324974413,3.324974643,3.324974677,3.324974365,3.324974703
+"11254","OR5K1",1.864151223,1.864151302,1.864151321,1.864151497,1.864151327,1.864151216,1.864151243,1.864151238,1.864151448,1.864151227,1.864151344,1.864151312,1.864151324,1.864151245,1.864151319,1.864151398,1.864151488,1.864151479,1.864151308,1.864151206,1.864151198,1.864151165,1.86415123,1.864151238,1.864151382,1.864151182,1.864151228,1.864151371
+"11255","OR5K2",2.846910963,2.846910982,2.846911001,2.846910987,2.846910971,2.846910985,2.846910977,2.846910978,2.846910972,2.846910981,2.846910977,2.846910996,2.846910976,2.846910985,2.846910983,2.846910976,2.846910972,2.846911,2.846910985,2.846910972,2.846910969,2.846910993,2.846910969,2.846910986,2.846910963,2.846910987,2.846910971,2.846910977
+"11256","OR5K3",3.468016434,3.468016404,3.468016378,3.468016449,3.468016577,3.468016589,3.468016367,3.468016447,3.468016596,3.468016506,3.468016507,3.468016184,3.468016324,3.468016306,3.468016417,3.468016646,3.468016551,3.468016267,3.468016308,3.468016453,3.46801634,3.468016476,3.468016364,3.468016369,3.468016352,3.468016308,3.468016591,3.468016195
+"11257","OR5K4",2.625099261,2.625099348,2.625099288,2.62509935,2.6250993,2.625099345,2.625099296,2.625099298,2.625099307,2.625099271,2.625099416,2.625099335,2.625099287,2.625099268,2.6250993,2.625099346,2.625099316,2.625099297,2.625099338,2.625099291,2.625099292,2.625099307,2.625099354,2.625099309,2.625099257,2.625099293,2.625099266,2.625099285
+"11258","OR5L1",3.778315543,3.778315463,3.778315523,3.778315514,3.778315592,3.778315515,3.778315577,3.778315617,3.778315537,3.778315544,3.778315525,3.778315519,3.778315492,3.778315438,3.778315591,3.778315648,3.778315602,3.77831566,3.778315563,3.778315399,3.778315603,3.778315611,3.778315459,3.778315478,3.77831549,3.778315563,3.778315563,3.778315519
+"11259","OR5L2",3.322390891,3.322390886,3.322390895,3.322390915,3.322390924,3.322390922,3.322390941,3.322390936,3.322390889,3.3223909,3.322390929,3.322390907,3.322390907,3.322390915,3.322390928,3.32239091,3.322390944,3.322390929,3.322390921,3.322390912,3.322390923,3.32239092,3.32239089,3.322390905,3.322390919,3.322390911,3.322390892,3.322390912
+"11260","OR5M1",2.920146046,2.920146133,2.920146108,2.920146167,2.920146163,2.920146104,2.920146183,2.920146262,2.920146241,2.920146166,2.920146081,2.920146205,2.920146105,2.920146143,2.920146109,2.920146243,2.920146198,2.920146124,2.920146214,2.920146121,2.920146131,2.920146174,2.92014613,2.920146107,2.920146116,2.920146149,2.92014613,2.920146212
+"11261","OR5M10",3.143006184,3.143006127,3.143006019,3.143006135,3.143006301,3.143006083,3.143006066,3.143006245,3.143006217,3.143006111,3.143006275,3.143006046,3.143006114,3.143006191,3.143006273,3.143006124,3.143006207,3.143006186,3.143006217,3.143006255,3.143006178,3.143006255,3.143006168,3.143006171,3.143006178,3.143006089,3.143006314,3.143006351
+"11262","OR5M11",3.693965038,3.6939651,3.693965077,3.693964948,3.693965057,3.693965012,3.693965108,3.693965135,3.693965015,3.693965084,3.693965068,3.693965135,3.693965078,3.69396506,3.693965118,3.693965148,3.693965052,3.693965062,3.693965097,3.693965196,3.693965151,3.693965029,3.693965063,3.693965055,3.693965132,3.693965068,3.693965107,3.693965146
+"11263","OR5M3",3.326713544,3.32671341,3.326713488,3.326713585,3.326713507,3.326713591,3.326713508,3.326713475,3.326713539,3.326713483,3.326713464,3.326713483,3.326713548,3.326713467,3.326713572,3.326713525,3.326713596,3.326713616,3.326713565,3.326713599,3.32671355,3.326713556,3.326713486,3.326713418,3.326713491,3.326713544,3.326713448,3.326713606
+"11264","OR5M8",3.931813938,3.931813966,3.931814023,3.931814013,3.931814023,3.931813945,3.931813989,3.931813984,3.931814016,3.931813999,3.931814056,3.931813997,3.931813961,3.931813909,3.931814018,3.931814009,3.931814066,3.931814031,3.93181399,3.93181403,3.931814018,3.931813986,3.931813984,3.931813987,3.931814008,3.931814,3.931813993,3.931813975
+"11265","OR5M9",3.570375796,3.570375932,3.570376087,3.570375984,3.570376157,3.570375847,3.570375862,3.570375912,3.570375822,3.570375727,3.57037617,3.570375857,3.570376011,3.570375771,3.570376007,3.570375879,3.570376245,3.570375876,3.57037625,3.570375846,3.570375988,3.570375979,3.57037583,3.570375912,3.570375901,3.570375777,3.570376025,3.570375751
+"11266","OR5P1P",3.713242772,3.713242705,3.713242814,3.713242796,3.713242759,3.713242715,3.713242742,3.713242787,3.713242639,3.713242721,3.713242758,3.713242738,3.713242784,3.713242601,3.713242744,3.713242737,3.713242836,3.713242683,3.713242719,3.713242654,3.713242713,3.713242744,3.713242708,3.713242804,3.71324281,3.71324268,3.71324275,3.713242623
+"11267","OR5P2",2.907230654,2.907230696,2.907230688,2.907230687,2.907230679,2.907230676,2.907230679,2.907230677,2.907230669,2.907230687,2.907230693,2.90723067,2.907230673,2.907230702,2.907230673,2.907230682,2.907230689,2.907230687,2.907230683,2.907230656,2.907230662,2.907230713,2.907230694,2.907230673,2.907230714,2.907230673,2.907230688,2.907230703
+"11268","OR5P3",3.751111112,3.751111144,3.751111143,3.751111156,3.75111121,3.75111121,3.751111179,3.751111133,3.751111156,3.751111143,3.751111206,3.751111245,3.751111201,3.751111112,3.751111254,3.751111173,3.751111339,3.75111112,3.751111186,3.751111182,3.751111206,3.751111191,3.751111119,3.751111136,3.751111177,3.75111124,3.751111111,3.751111222
+"11269","OR5T1",2.019127504,2.019127585,2.01912755,2.019127584,2.019127495,2.019127515,2.019127633,2.019127504,2.019127527,2.019127583,2.019127627,2.019127562,2.019127489,2.019127593,2.019127462,2.019127612,2.019127459,2.019127557,2.019127613,2.019127577,2.019127511,2.019127451,2.019127607,2.019127622,2.019127509,2.019127521,2.019127626,2.019127537
+"11270","OR5T2",2.824121867,2.824121868,2.824122003,2.82412196,2.82412204,2.824122081,2.824121846,2.824121901,2.824122003,2.824122034,2.824122053,2.824122024,2.824122084,2.824121735,2.824122219,2.824122078,2.824122351,2.824122079,2.824122066,2.824122195,2.82412205,2.824122206,2.824121867,2.824122318,2.824122049,2.824121924,2.824122035,2.824121913
+"11271","OR5T3",2.054654544,2.054654585,2.054654551,2.054654539,2.054654585,2.054654583,2.054654577,2.054654584,2.054654623,2.054654672,2.054654661,2.054654576,2.054654596,2.054654601,2.054654612,2.054654579,2.054654637,2.0546547,2.054654646,2.054654572,2.054654598,2.054654584,2.054654614,2.054654611,2.054654612,2.054654589,2.054654652,2.054654639
+"11272","OR5V1",2.509099462,2.509099501,2.509099487,2.509099524,2.509099489,2.509099517,2.509099484,2.509099507,2.509099488,2.509099476,2.509099485,2.509099635,2.509099514,2.509099444,2.509099435,2.509099502,2.509099573,2.509099501,2.509099451,2.509099488,2.509099458,2.509099462,2.509099514,2.509099437,2.509099465,2.509099482,2.509099434,2.5090995
+"11273","OR5W2",3.43932987,3.439329789,3.439329896,3.439329985,3.439330057,3.439329973,3.439329897,3.439329895,3.439329885,3.439329881,3.439329831,3.439330016,3.439329776,3.439329746,3.439329817,3.439329834,3.43933016,3.439329855,3.439329908,3.439329701,3.439330085,3.439330092,3.439329838,3.439329983,3.439329721,3.439329887,3.439329766,3.439329808
+"11274","OR6A2",3.049313637,3.049313776,3.04931384,3.049313819,3.049313685,3.049313758,3.049313881,3.049314025,3.049313706,3.049313884,3.049314003,3.049314029,3.049313774,3.049313665,3.049313882,3.049313733,3.049313934,3.049313801,3.049313908,3.049313823,3.049313872,3.049313747,3.04931382,3.04931368,3.049313633,3.049313826,3.049313858,3.049313686
+"11275","OR6B1",3.896338787,3.896338675,3.89633876,3.896338694,3.896338785,3.896338793,3.89633874,3.896338825,3.896338658,3.896338753,3.896338687,3.896338679,3.896338768,3.896338673,3.89633878,3.896338795,3.896338721,3.896338748,3.896338759,3.896338776,3.896338803,3.896338747,3.896338773,3.896338691,3.89633873,3.896338704,3.896338742,3.896338701
+"11276","OR6B2",3.410490102,3.410489685,3.41049026,3.410490857,3.410490331,3.410490819,3.410490266,3.410491339,3.410490739,3.410490722,3.410490562,3.410491401,3.410490651,3.410490337,3.410490419,3.410489777,3.410491204,3.410490993,3.410490842,3.410490823,3.410489724,3.410491062,3.410489677,3.410489509,3.410489953,3.410490541,3.410491038,3.410489997
+"11277","OR6B3",3.591845387,3.591845561,3.59184577,3.591845881,3.591845403,3.59184546,3.591845501,3.591845593,3.591845487,3.591845746,3.591845717,3.591845724,3.591845561,3.591845367,3.59184561,3.591845714,3.591845842,3.591845645,3.59184566,3.591845952,3.591845443,3.591845734,3.591845556,3.591845469,3.591845828,3.591845516,3.591845708,3.59184553
+"11278","OR6C1",2.73892054,2.738920511,2.738920454,2.738920641,2.738920566,2.73892055,2.738920476,2.738920505,2.738920503,2.738920473,2.738920698,2.738920729,2.738920462,2.738920475,2.73892055,2.738920534,2.738920713,2.73892048,2.738920466,2.738920491,2.738920489,2.738920431,2.738920422,2.738920458,2.738920486,2.738920561,2.738920505,2.738920462
+"11279","OR6C2",2.739368339,2.739368347,2.739368338,2.73936838,2.73936829,2.7393684,2.739368408,2.739368378,2.73936838,2.739368359,2.739368437,2.739368328,2.739368329,2.73936835,2.739368318,2.739368368,2.739368353,2.739368316,2.739368322,2.739368414,2.739368314,2.739368357,2.739368374,2.739368344,2.739368327,2.739368323,2.739368392,2.739368326
+"11280","OR6C3",3.329089138,3.329089262,3.329089047,3.329089147,3.329089121,3.329089184,3.329089317,3.329089182,3.329089205,3.329088996,3.329089299,3.32908918,3.329089124,3.32908908,3.329089198,3.329089252,3.329089206,3.329089248,3.32908928,3.329089346,3.329089163,3.329089115,3.329089165,3.32908925,3.329089036,3.329089107,3.329089114,3.329088986
+"11281","OR6C4",3.148831632,3.148831665,3.14883176,3.148831494,3.148831916,3.148831675,3.148831792,3.148831578,3.1488316,3.148831573,3.148831993,3.148831885,3.148831625,3.14883153,3.148831652,3.14883156,3.14883183,3.148831944,3.148831754,3.148831783,3.148831736,3.148831656,3.148831665,3.148831637,3.148831764,3.148831774,3.148831741,3.148831616
+"11282","OR6C6",3.346237977,3.346238135,3.346238131,3.346238122,3.346237961,3.346238173,3.346237993,3.346238139,3.346238372,3.346238162,3.346238205,3.346238281,3.346238139,3.346238089,3.346238023,3.346238089,3.346238103,3.346238093,3.34623806,3.346238293,3.346237853,3.346238133,3.346238199,3.346238141,3.346238146,3.346237898,3.346238125,3.346238064
+"11283","OR6C65",3.087084396,3.087084415,3.087084385,3.08708445,3.08708445,3.087084591,3.087084311,3.087084471,3.087084427,3.087084408,3.087084296,3.087084473,3.087084421,3.08708438,3.087084353,3.087084399,3.087084473,3.08708437,3.087084387,3.087084423,3.087084382,3.087084406,3.087084421,3.087084347,3.087084373,3.08708451,3.087084466,3.087084549
+"11284","OR6C68",2.333538426,2.333538488,2.333538431,2.333538507,2.333538461,2.33353845,2.333538467,2.333538442,2.333538434,2.333538467,2.333538533,2.333538432,2.3335385,2.333538487,2.333538442,2.333538457,2.33353854,2.33353851,2.333538446,2.333538452,2.333538415,2.333538441,2.333538505,2.333538497,2.333538455,2.333538465,2.333538499,2.333538422
+"11285","OR6C70",2.15643805,2.156438036,2.15643805,2.15643808,2.156438054,2.15643807,2.156438044,2.15643806,2.156438062,2.156438096,2.156438046,2.156438042,2.156438044,2.156438048,2.156438057,2.156438101,2.156438079,2.156438065,2.156438077,2.156438078,2.156438042,2.156438069,2.15643807,2.156438054,2.156438088,2.156438043,2.156438059,2.156438044
+"11286","OR6C74",3.111631909,3.111632027,3.111631777,3.111631765,3.111631858,3.111632038,3.111631983,3.11163206,3.111631991,3.111631775,3.111631917,3.111632006,3.111631805,3.111631785,3.111632153,3.111632158,3.111632219,3.111631953,3.111631981,3.111631967,3.111631856,3.111631912,3.111631893,3.111631885,3.11163185,3.11163199,3.111631845,3.111631931
+"11287","OR6C75",3.171132247,3.171132415,3.171132365,3.171132539,3.171132345,3.171132534,3.171132426,3.171132497,3.171132535,3.171132571,3.171132576,3.17113259,3.171132556,3.171132437,3.171132442,3.171132581,3.171132554,3.17113274,3.171132392,3.171132387,3.17113258,3.171132425,3.1711325,3.171132439,3.171132516,3.171132385,3.17113247,3.171132534
+"11288","OR6C76",3.157332224,3.157332233,3.157332257,3.157332217,3.157332217,3.157332275,3.157332196,3.157332203,3.157332272,3.157332241,3.157332283,3.157332267,3.157332251,3.157332181,3.157332255,3.157332227,3.157332307,3.157332228,3.157332237,3.157332262,3.157332244,3.157332273,3.157332219,3.157332156,3.157332255,3.157332237,3.157332255,3.157332306
+"11289","OR6F1",4.188174665,4.188174673,4.188174665,4.188174628,4.188174682,4.18817463,4.188174647,4.188174673,4.188174619,4.18817468,4.1881747,4.188174664,4.188174709,4.188174682,4.188174658,4.188174663,4.188174689,4.188174703,4.188174656,4.188174696,4.188174723,4.188174672,4.188174663,4.188174592,4.188174679,4.188174696,4.188174635,4.188174711
+"11290","OR6K2",3.974664447,3.974664283,3.974664385,3.974664536,3.974664418,3.974664841,3.974664636,3.974664415,3.974664522,3.97466472,3.974664684,3.974664614,3.974664411,3.974664557,3.974664432,3.974664485,3.974664684,3.974664475,3.974664664,3.97466472,3.974664487,3.974664369,3.974664326,3.974664366,3.974664779,3.974664485,3.974664547,3.974664391
+"11291","OR6K3",3.21973604,3.219736012,3.219736033,3.219736049,3.219736049,3.21973605,3.219736036,3.219736046,3.219736056,3.219736042,3.219736051,3.219736047,3.21973605,3.219736028,3.219736044,3.219736038,3.219736083,3.219736066,3.219736067,3.219736049,3.21973604,3.219736044,3.219736051,3.21973602,3.219736038,3.219736042,3.219736049,3.219736048
+"11292","OR6K6",3.986545809,3.986545844,3.986545882,3.986545869,3.986545837,3.986545792,3.986545789,3.986545896,3.986545841,3.986545835,3.986545863,3.986545845,3.98654581,3.986545802,3.986545828,3.986545866,3.986545876,3.986545872,3.986545815,3.986545825,3.986545831,3.986545859,3.986545844,3.986545851,3.986545902,3.986545816,3.986545794,3.986545829
+"11293","OR6M1",2.963487174,2.96348717,2.963487169,2.963487198,2.963487206,2.963487227,2.963487187,2.963487199,2.963487183,2.963487197,2.9634872,2.963487204,2.963487183,2.963487186,2.963487172,2.963487201,2.963487189,2.963487183,2.963487238,2.9634872,2.963487191,2.963487208,2.963487177,2.963487176,2.96348718,2.963487187,2.963487175,2.963487193
+"11294","OR6N1",4.13669716,4.136697179,4.136697175,4.136697191,4.136697178,4.136697125,4.136697184,4.136697169,4.136697157,4.136697166,4.136697151,4.136697176,4.136697145,4.136697146,4.136697189,4.136697174,4.136697215,4.13669716,4.136697178,4.136697161,4.136697172,4.136697138,4.136697124,4.136697159,4.13669717,4.136697169,4.136697131,4.136697154
+"11295","OR6N2",4.116201841,4.116201804,4.116201816,4.11620184,4.116201829,4.116201824,4.11620183,4.116201853,4.116201811,4.116201806,4.116201821,4.116201822,4.116201813,4.116201808,4.116201809,4.116201811,4.116201843,4.116201808,4.116201839,4.116201813,4.116201826,4.116201821,4.116201809,4.116201792,4.11620183,4.116201827,4.116201833,4.116201815
+"11296","OR6P1",4.409446009,4.409446076,4.409446098,4.409446024,4.409446215,4.409445946,4.409446154,4.409446211,4.409446164,4.409446071,4.409446163,4.409446205,4.409445935,4.409446027,4.409446173,4.409446247,4.409446201,4.409446111,4.409446066,4.409445996,4.409446177,4.409446122,4.40944607,4.409446039,4.409446124,4.409446143,4.409445986,4.409446191
+"11297","OR6Q1",3.966892124,3.966892121,3.966892137,3.96689213,3.966892142,3.966892144,3.966892138,3.966892138,3.966892143,3.966892146,3.966892148,3.966892138,3.966892135,3.966892126,3.966892141,3.966892142,3.96689216,3.966892142,3.966892139,3.966892151,3.966892147,3.966892158,3.966892125,3.966892107,3.966892111,3.96689214,3.966892129,3.966892136
+"11298","OR6S1",3.562020668,3.56202065,3.562020705,3.562020671,3.56202071,3.562020675,3.562020698,3.562020692,3.562020671,3.562020665,3.562020712,3.562020724,3.56202068,3.562020675,3.562020656,3.562020673,3.562020707,3.562020675,3.562020663,3.562020685,3.562020696,3.562020692,3.562020676,3.562020662,3.562020722,3.562020703,3.562020662,3.562020673
+"11299","OR6T1",4.153325586,4.153325588,4.15332572,4.153325628,4.153325856,4.153325806,4.153325753,4.153326268,4.15332566,4.153325784,4.153325748,4.153325751,4.153325759,4.153325579,4.153325772,4.153325853,4.153325844,4.153325932,4.153325921,4.153325723,4.153325775,4.153325915,4.15332571,4.153325756,4.153325801,4.153325766,4.153325824,4.153325607
+"11300","OR6V1",4.418340196,4.418340152,4.418340226,4.418340201,4.418340228,4.418340182,4.418340212,4.41834019,4.418340188,4.418340185,4.418340206,4.418340194,4.418340187,4.418340171,4.418340216,4.418340197,4.418340249,4.418340235,4.418340204,4.418340207,4.418340248,4.418340211,4.418340181,4.418340204,4.418340195,4.418340207,4.418340194,4.418340187
+"11301","OR6W1P",3.942085831,3.942085955,3.94208604,3.942086093,3.94208606,3.942085958,3.942085958,3.94208601,3.942085945,3.942085986,3.942085984,3.942086077,3.942085918,3.94208585,3.942085948,3.942086019,3.942086041,3.942085961,3.942085998,3.942085994,3.942085929,3.942086001,3.942085911,3.942085989,3.942086,3.942086015,3.942086067,3.94208601
+"11302","OR6X1",3.408499952,3.408500195,3.408500283,3.408500789,3.408500332,3.408500534,3.408499984,3.408500149,3.408500003,3.408500049,3.408499957,3.408500516,3.408500363,3.408499872,3.408500216,3.408500197,3.40850021,3.408500156,3.408500337,3.408500029,3.408500121,3.408499996,3.408500222,3.408500308,3.408500107,3.408500425,3.408500138,3.408500032
+"11303","OR6Y1",4.08839757,4.088397646,4.088397442,4.088397951,4.088397997,4.088397734,4.088398055,4.088397857,4.088397615,4.088397526,4.088397757,4.088397988,4.088397652,4.088397483,4.088397885,4.088397729,4.088397865,4.088397759,4.088397858,4.088398025,4.08839792,4.088397804,4.088397842,4.088397781,4.088397682,4.088397714,4.088397606,4.088397741
+"11304","OR7A10",2.972031258,2.97203127,2.972031283,2.97203128,2.972031286,2.972031288,2.972031269,2.972031271,2.972031273,2.972031293,2.972031286,2.972031323,2.972031279,2.972031282,2.972031285,2.972031288,2.972031305,2.972031274,2.972031311,2.972031263,2.972031273,2.972031274,2.972031265,2.972031274,2.972031308,2.972031261,2.972031287,2.972031279
+"11305","OR7A17",3.556935169,3.556935296,3.556935352,3.556935416,3.556935145,3.556935413,3.55693535,3.556935197,3.556935219,3.556935182,3.556935371,3.55693551,3.556935465,3.556935195,3.556935466,3.556935432,3.55693558,3.556935378,3.556935424,3.556935313,3.556935431,3.556935418,3.556935167,3.556935344,3.55693531,3.556935379,3.556935439,3.556935383
+"11306","OR7A5",3.12958031,3.129580314,3.129580344,3.129580353,3.129580322,3.129580346,3.129580315,3.129580325,3.129580335,3.129580336,3.129580338,3.129580313,3.129580314,3.129580324,3.129580303,3.129580315,3.129580349,3.129580332,3.129580313,3.129580325,3.129580305,3.129580319,3.12958034,3.129580325,3.129580337,3.12958031,3.12958033,3.129580313
+"11307","OR7C1",3.453667737,3.453667782,3.453667863,3.453667808,3.453667808,3.453667798,3.453667851,3.4536679,3.453667815,3.453667682,3.45366768,3.453667961,3.45366764,3.453667656,3.453667836,3.453667836,3.453667901,3.453667817,3.453667867,3.453667834,3.453667735,3.453667839,3.453667712,3.453667706,3.453667729,3.453667763,3.453667757,3.453667758
+"11308","OR7C2",4.259597723,4.259597736,4.259597749,4.259597755,4.25959774,4.259597735,4.259597736,4.259597739,4.259597727,4.259597726,4.259597771,4.259597732,4.259597757,4.25959771,4.259597739,4.259597756,4.259597756,4.259597771,4.259597741,4.259597762,4.259597746,4.25959775,4.259597716,4.259597727,4.259597745,4.259597757,4.259597733,4.259597729
+"11309","OR7D2",3.972513477,3.972513404,3.972513356,3.972513534,3.97251345,3.972513679,3.972513711,3.972513528,3.972513386,3.972513356,3.972513321,3.972513628,3.972513436,3.972513373,3.972513446,3.972513552,3.972513653,3.972513489,3.972513582,3.97251342,3.972513787,3.972513499,3.972513366,3.972513422,3.972513424,3.972513476,3.972513275,3.972513526
+"11310","OR7D4",4.879437312,4.87943735,4.879437339,4.87943715,4.879437344,4.879437373,4.879437344,4.879437351,4.87943728,4.87943716,4.879437521,4.879437511,4.879437108,4.879437104,4.879437396,4.879437313,4.879437521,4.879437625,4.879437273,4.879437738,4.879437542,4.879437362,4.87943717,4.879437153,4.879437386,4.879437483,4.879437487,4.879437332
+"11311","OR7E13P",3.557521577,3.55752159,3.557521641,3.557521621,3.557521661,3.55752166,3.557521602,3.557521598,3.557521563,3.557521619,3.557521639,3.557521619,3.557521586,3.557521557,3.557521568,3.557521686,3.557521666,3.557521618,3.557521625,3.557521649,3.557521611,3.557521622,3.557521603,3.557521655,3.557521649,3.557521613,3.557521634,3.557521627
+"11312","OR7E14P",4.863918651,4.863918662,4.863918643,4.86391868,4.863918616,4.863918644,4.863918638,4.863918692,4.863918662,4.86391866,4.863918627,4.863918624,4.863918692,4.863918647,4.863918677,4.863918588,4.863918553,4.863918574,4.863918627,4.863918629,4.863918532,4.863918639,4.863918688,4.863918599,4.863918559,4.863918622,4.863918727,4.863918597
+"11313","OR7E18P",3.055178528,3.055178541,3.055178513,3.055178537,3.055178521,3.05517855,3.055178514,3.055178543,3.055178538,3.055178522,3.055178545,3.05517852,3.055178523,3.055178527,3.055178512,3.055178518,3.055178543,3.05517854,3.055178488,3.05517854,3.055178515,3.055178525,3.055178544,3.055178535,3.055178535,3.055178525,3.055178538,3.055178511
+"11314","OR7E19P",4.325282651,4.325282538,4.32528264,4.32528267,4.325282723,4.325282859,4.325282686,4.325282624,4.325282703,4.325282606,4.325282768,4.325282694,4.325282616,4.325282693,4.325282707,4.325282586,4.325282727,4.325282768,4.325282592,4.325282708,4.325282929,4.325282827,4.325282673,4.325282671,4.325282622,4.325282684,4.325282652,4.325282756
+"11315","OR7E24",3.907114534,3.907114558,3.90711453,3.907114561,3.907114526,3.907114569,3.907114534,3.907114568,3.907114538,3.907114573,3.907114542,3.907114586,3.907114515,3.907114524,3.907114562,3.907114531,3.907114574,3.907114547,3.907114565,3.907114581,3.907114547,3.907114565,3.90711457,3.907114533,3.907114554,3.907114554,3.907114539,3.907114546
+"11316","OR7E35P",4.914309221,4.914309196,4.914309233,4.914309247,4.914309244,4.914309255,4.914309227,4.914309249,4.91430919,4.914309236,4.91430921,4.914309253,4.914309203,4.914309167,4.914309252,4.914309166,4.914309247,4.914309223,4.914309212,4.91430924,4.914309282,4.914309243,4.914309222,4.914309242,4.914309194,4.914309253,4.9143092,4.914309197
+"11317","OR7E91P",4.320464705,4.320464704,4.320464709,4.320464724,4.320464713,4.32046468,4.320464712,4.320464709,4.320464706,4.320464706,4.320464689,4.320464696,4.320464707,4.320464692,4.320464701,4.320464705,4.320464715,4.320464706,4.320464701,4.320464695,4.320464697,4.320464698,4.320464709,4.320464705,4.320464712,4.320464706,4.320464709,4.320464688
+"11318","OR7G1",3.734996927,3.734996936,3.734997024,3.734997008,3.734996984,3.734997111,3.734996974,3.73499715,3.73499714,3.734997142,3.734997022,3.734996979,3.734997056,3.734996924,3.734997057,3.734997074,3.734997135,3.734997071,3.734997065,3.73499701,3.734997061,3.734997031,3.734997272,3.734996999,3.734996979,3.73499704,3.734997132,3.734996941
+"11319","OR7G2",3.546047971,3.546048042,3.546048036,3.546048023,3.546047991,3.546048018,3.546048008,3.546048019,3.546048058,3.546048043,3.546048022,3.546048042,3.546048007,3.546047991,3.546047977,3.546047975,3.54604806,3.546048043,3.54604803,3.546048044,3.546048025,3.546048066,3.546048028,3.546048005,3.546048019,3.546047976,3.546048042,3.546048009
+"11320","OR7G3",4.101325243,4.101325083,4.10132534,4.101325359,4.101325308,4.10132529,4.10132533,4.10132532,4.10132523,4.101325218,4.101325153,4.101325345,4.101325215,4.101325178,4.101325193,4.1013251,4.101325326,4.101325342,4.101325263,4.101325352,4.101325302,4.101325179,4.101325212,4.101325273,4.101325253,4.101325082,4.101325271,4.101325284
+"11321","OR8A1",4.038356912,4.038356935,4.03835692,4.038356964,4.038356932,4.038356962,4.03835694,4.038356946,4.038356926,4.038356948,4.038356912,4.038356942,4.038356922,4.038356904,4.03835693,4.038356935,4.038356954,4.038356934,4.038356934,4.038356931,4.038356916,4.038356933,4.038356922,4.038356952,4.038356929,4.038356898,4.038356944,4.038356902
+"11322","OR8B12",3.72624108,3.726240995,3.726241328,3.726241261,3.726241366,3.726241004,3.726241316,3.726241377,3.72624133,3.726241249,3.726241336,3.726241359,3.726241131,3.726240997,3.726241197,3.726241356,3.726241478,3.72624125,3.726241252,3.726241147,3.72624139,3.726241351,3.726241112,3.726241124,3.726241273,3.726241234,3.72624115,3.726241262
+"11323","OR8B4",3.413892642,3.413892652,3.413892982,3.41389284,3.41389273,3.413892837,3.413892853,3.413892899,3.41389298,3.413892566,3.413893126,3.413892846,3.413892915,3.413892703,3.413892888,3.413892969,3.413892904,3.413893276,3.413892949,3.41389278,3.413892791,3.413893004,3.41389274,3.41389261,3.4138928,3.413892848,3.413892584,3.4138927
+"11324","OR8B8",3.891953449,3.891953536,3.891953671,3.891953472,3.891953695,3.891953684,3.891953773,3.89195369,3.89195369,3.891953489,3.891953511,3.89195368,3.891953645,3.891953442,3.891953702,3.891953542,3.891953653,3.891953706,3.891953616,3.89195363,3.891953796,3.89195358,3.891953535,3.891953464,3.891953676,3.89195363,3.89195347,3.891953807
+"11325","OR8D1",3.534712516,3.534712511,3.534712531,3.534712534,3.534712522,3.534712528,3.534712525,3.534712526,3.534712535,3.534712523,3.534712518,3.534712537,3.534712518,3.534712512,3.534712526,3.534712513,3.534712556,3.534712521,3.534712521,3.534712524,3.534712528,3.534712537,3.534712517,3.534712522,3.534712522,3.534712525,3.53471252,3.534712534
+"11326","OR8D2",3.962868696,3.962868766,3.962868829,3.962868771,3.96286875,3.962868802,3.962868758,3.962868757,3.962868807,3.962868778,3.962868711,3.962868779,3.962868817,3.962868671,3.962868773,3.962868766,3.962868848,3.962868839,3.96286874,3.962868775,3.962868766,3.962868856,3.962868834,3.962868864,3.962868767,3.962868806,3.962868767,3.96286886
+"11327","OR8D4",3.060118156,3.060118402,3.0601185,3.060118508,3.060118521,3.060118593,3.060118261,3.060118489,3.060118297,3.060118219,3.060118616,3.060118193,3.060118552,3.060118374,3.060118257,3.060118453,3.060118433,3.060118538,3.060118368,3.060118594,3.060118386,3.060118317,3.060118522,3.060118457,3.060118472,3.060118265,3.060118365,3.060118535
+"11328","OR8G1",4.108926037,4.108926057,4.108926081,4.108926019,4.108926108,4.108926005,4.108926047,4.108926075,4.108925988,4.108926024,4.108926026,4.108926104,4.108926009,4.108925962,4.108926093,4.108926109,4.108926053,4.108926041,4.108926074,4.108926046,4.108926079,4.108926095,4.108926071,4.108926075,4.108926059,4.108926079,4.108926017,4.10892602
+"11329","OR8G2P",3.169680968,3.169681048,3.169680957,3.169681036,3.169681036,3.169681007,3.169680972,3.169681104,3.169681049,3.169680992,3.169681069,3.169681,3.169681057,3.169681034,3.169680995,3.169681113,3.169680977,3.169681043,3.169680955,3.169681045,3.169680934,3.169680996,3.169681003,3.169681038,3.169681066,3.169680951,3.169681007,3.169680997
+"11330","OR8H1",2.992686828,2.992686844,2.992686863,2.992686854,2.992686848,2.992686855,2.992686838,2.992686852,2.992686845,2.992686845,2.992686839,2.992686879,2.992686834,2.992686842,2.992686828,2.99268684,2.992686878,2.992686848,2.992686848,2.992686891,2.992686824,2.992686843,2.992686869,2.992686847,2.992686858,2.992686858,2.992686841,2.992686867
+"11331","OR8H2",2.597848418,2.597848428,2.597848442,2.597848436,2.597848394,2.597848455,2.597848396,2.597848396,2.597848404,2.597848447,2.597848449,2.59784843,2.597848402,2.597848433,2.597848429,2.597848418,2.597848424,2.597848409,2.597848423,2.597848397,2.5978484,2.597848402,2.597848426,2.597848412,2.597848393,2.597848441,2.597848415,2.597848397
+"11332","OR8H3",2.896399274,2.896399278,2.896399309,2.896399345,2.8963993,2.896399331,2.896399316,2.896399284,2.89639928,2.896399307,2.896399267,2.896399329,2.896399302,2.896399302,2.896399296,2.896399348,2.896399331,2.896399311,2.896399284,2.896399335,2.896399274,2.896399281,2.896399284,2.896399292,2.896399343,2.896399275,2.896399299,2.896399308
+"11333","OR8I2",3.22657147,3.226571506,3.226571473,3.22657152,3.226571532,3.226571505,3.226571495,3.226571518,3.226571509,3.226571464,3.226571541,3.226571492,3.22657151,3.226571483,3.226571523,3.226571521,3.226571591,3.226571507,3.226571508,3.22657147,3.226571535,3.226571519,3.226571475,3.226571542,3.226571499,3.226571518,3.226571484,3.226571506
+"11334","OR8J1",2.579025846,2.579025885,2.579025896,2.579025912,2.579025922,2.579025885,2.579025898,2.579025937,2.579025872,2.579025942,2.579025928,2.579026034,2.579025899,2.57902588,2.579025884,2.579025933,2.579025995,2.579025883,2.579025891,2.579025888,2.579025868,2.57902592,2.579025904,2.57902589,2.579025901,2.57902585,2.579025914,2.579025896
+"11335","OR8J3",2.604666702,2.604666717,2.604666741,2.604666744,2.604666718,2.604666726,2.604666724,2.604666705,2.604666757,2.604666722,2.604666736,2.60466673,2.604666718,2.604666727,2.604666708,2.604666732,2.604666775,2.604666716,2.604666718,2.604666748,2.604666696,2.604666699,2.604666728,2.604666708,2.604666737,2.604666687,2.604666702,2.604666689
+"11336","OR8K1",3.01800627,3.018006265,3.018006259,3.018006288,3.018006308,3.018006269,3.018006196,3.018006287,3.018006273,3.018006268,3.018006258,3.018006257,3.018006229,3.018006269,3.018006249,3.018006247,3.018006272,3.018006247,3.018006266,3.018006253,3.018006242,3.018006206,3.018006271,3.018006276,3.018006296,3.018006232,3.01800624,3.018006238
+"11337","OR8K3",3.182579899,3.182579936,3.182579932,3.182579974,3.182579941,3.182579915,3.182579952,3.182579922,3.182579922,3.182579924,3.182579923,3.182579911,3.182579923,3.182579884,3.182579924,3.182579945,3.182579916,3.182579944,3.182579928,3.182579914,3.182579914,3.182579926,3.182579885,3.18257994,3.182579895,3.182579925,3.182579876,3.182579888
+"11338","OR8K5",2.733261997,2.733261953,2.733261945,2.733262069,2.733262023,2.733262038,2.733262049,2.733262017,2.733262012,2.733262067,2.733261988,2.73326201,2.733261959,2.733261959,2.733261929,2.733261958,2.733261998,2.733262056,2.733261977,2.733262059,2.733261988,2.733262033,2.733262204,2.733261966,2.733261986,2.733261999,2.733262029,2.733262028
+"11339","OR8S1",4.496907655,4.496907653,4.496907685,4.496907669,4.49690768,4.496907656,4.496907661,4.496907681,4.496907675,4.496907662,4.496907682,4.496907681,4.496907654,4.496907639,4.496907674,4.496907676,4.496907676,4.496907691,4.496907676,4.496907665,4.496907678,4.496907678,4.496907683,4.496907664,4.496907685,4.496907667,4.496907665,4.496907665
+"11340","OR8U3",3.688631534,3.688631535,3.688631757,3.688631591,3.688632018,3.688631572,3.688631841,3.68863182,3.68863159,3.688631758,3.688631945,3.688631798,3.688631767,3.688631567,3.688631856,3.688631845,3.688631884,3.688632017,3.688631916,3.688631924,3.68863189,3.688631958,3.688631799,3.688631452,3.688631612,3.688631705,3.688631556,3.688631703
+"11341","OR9A2",3.537326074,3.537326091,3.537326107,3.537326084,3.537326083,3.537326112,3.537326096,3.537326104,3.537326083,3.537326087,3.537326099,3.537326148,3.537326046,3.537326051,3.537326075,3.537326078,3.537326088,3.537326105,3.537326099,3.537326057,3.537326089,3.537326113,3.537326102,3.537326034,3.53732605,3.537326076,3.537326097,3.537326103
+"11342","OR9A4",3.26225811,3.262258038,3.262258206,3.262258188,3.262258118,3.262258209,3.262258101,3.262258101,3.262257921,3.262258112,3.262258122,3.262258123,3.262258044,3.262258103,3.262258052,3.262258275,3.262258182,3.262258129,3.2622582,3.262258146,3.262258164,3.262258166,3.262258151,3.262258108,3.262258142,3.262258044,3.262258189,3.262258029
+"11343","OR9G4",3.662803912,3.662803785,3.662803902,3.662803933,3.662804036,3.66280398,3.662803878,3.662803846,3.662803789,3.662803923,3.662803948,3.6628039,3.662803957,3.662803698,3.662803941,3.662803908,3.662803875,3.662804016,3.662803902,3.662803903,3.662803872,3.662803924,3.662803841,3.662803841,3.66280395,3.662803873,3.662803724,3.662803938
+"11344","OR9H1P",3.552469667,3.552469715,3.552469824,3.552469636,3.552469775,3.552469715,3.55246976,3.552469679,3.552469705,3.552469707,3.552469788,3.55246985,3.552469704,3.552469716,3.552469831,3.552469753,3.552469799,3.552469776,3.552469714,3.55246988,3.552469673,3.552469727,3.552469771,3.55246973,3.552469766,3.552469772,3.552469689,3.552469747
+"11345","OR9I1",3.552787946,3.552787927,3.552787871,3.552787943,3.552787938,3.552787938,3.552787913,3.552787964,3.552787922,3.552787932,3.552787925,3.552787896,3.552787911,3.552787879,3.552787926,3.55278792,3.552787924,3.552787929,3.55278792,3.552787975,3.552787877,3.552787913,3.552787928,3.552787894,3.552787885,3.552787914,3.552787896,3.552787933
+"11346","OR9K2",3.456918129,3.45691814,3.456918191,3.456918192,3.456918137,3.456918149,3.456918149,3.456918195,3.45691819,3.456918159,3.456918124,3.456918174,3.45691815,3.45691811,3.45691816,3.456918131,3.456918151,3.4569182,3.456918177,3.456918116,3.456918133,3.456918142,3.456918148,3.456918102,3.456918156,3.456918145,3.456918135,3.456918191
+"11347","OR9Q1",3.569421256,3.56942125,3.56942128,3.569421305,3.56942117,3.569421255,3.569421174,3.569421161,3.569421284,3.569421135,3.569421335,3.569421178,3.569421185,3.569421277,3.569421216,3.569421374,3.569421308,3.569421229,3.569421292,3.569421254,3.569421199,3.569421288,3.569421309,3.569421313,3.569421282,3.569421198,3.569421334,3.569421154
+"11348","OR9Q2",4.590808915,4.590808922,4.590809003,4.590808902,4.590809054,4.590809081,4.590809066,4.590809132,4.590808918,4.59080902,4.590809101,4.590809142,4.590808939,4.590808854,4.590809088,4.590808962,4.5908091,4.590809039,4.590809067,4.59080896,4.590809092,4.590809039,4.590808963,4.590808953,4.590809027,4.590809009,4.590808957,4.590809058
+"11349","ORAI1",7.741768856,7.741768853,7.741768842,7.741768868,7.74176886,7.741768913,7.741768847,7.741768887,7.741768865,7.741768899,7.741768886,7.741768879,7.741768893,7.741768874,7.741768851,7.741768833,7.741768885,7.741768839,7.741768855,7.741768876,7.741768823,7.741768883,7.741768866,7.74176889,7.741768842,7.741768864,7.741768909,7.74176887
+"11350","ORAI2",7.82417551,7.824344372,7.824225509,7.824348676,7.824182668,7.824329762,7.823929123,7.824085512,7.824242626,7.824159875,7.824255852,7.824094938,7.824169406,7.82411744,7.824146439,7.824369922,7.824123652,7.824319631,7.824246752,7.824277778,7.823895138,7.824074025,7.824291229,7.824274975,7.824315124,7.824194594,7.824147951,7.824100833
+"11351","ORAI3",7.125875004,7.125875043,7.125875018,7.125875098,7.125875061,7.125875061,7.125875099,7.125875022,7.125874961,7.125874985,7.125875091,7.12587505,7.125874996,7.12587493,7.125875031,7.125875106,7.125875129,7.125875062,7.125875094,7.125875085,7.125875031,7.125875045,7.125875013,7.125875046,7.125875096,7.125875025,7.125875038,7.125874974
+"11352","ORC1",4.627585967,4.62758597,4.62758598,4.62758598,4.627585996,4.627586005,4.627586022,4.627585969,4.627586003,4.627585978,4.627586004,4.627585986,4.627585984,4.627585958,4.627585972,4.627585979,4.627585987,4.627585984,4.627585979,4.627586011,4.627586007,4.627585981,4.627585996,4.627585988,4.627585986,4.627585993,4.62758598,4.627585962
+"11353","ORC2",6.768982986,6.768982956,6.768982846,6.768982855,6.768982754,6.768982827,6.768982878,6.768982821,6.768982908,6.768982816,6.768982759,6.768982773,6.768982869,6.768983111,6.768982889,6.768982917,6.768982703,6.76898276,6.768982878,6.768982805,6.76898288,6.768982806,6.768982938,6.768982894,6.768982814,6.768982842,6.768982929,6.768982922
+"11354","ORC3",5.446953425,5.446952943,5.446953305,5.446952982,5.446953048,5.446953113,5.446953278,5.446952991,5.446953416,5.44695338,5.446953042,5.446953042,5.446953362,5.446953706,5.446953239,5.446952906,5.446953093,5.446952899,5.446953288,5.44695311,5.446953106,5.446953175,5.446953344,5.446953313,5.446953088,5.44695315,5.446953435,5.446953462
+"11355","ORC4",5.584190778,5.584190636,5.584190506,5.584190591,5.584190493,5.584190395,5.584190535,5.584190393,5.584190544,5.584190333,5.584190567,5.584190428,5.584190599,5.584190932,5.584190629,5.58419053,5.584190456,5.584190547,5.584190636,5.584190486,5.584190593,5.584190458,5.584190683,5.58419059,5.584190624,5.584190535,5.584190591,5.584190748
+"11356","ORC5",5.497420175,5.497420176,5.497420041,5.497419697,5.497419929,5.497419799,5.497420164,5.497419772,5.49742003,5.497420095,5.497419638,5.497419951,5.4974199,5.497420574,5.497420037,5.497419882,5.497419807,5.497419689,5.497420087,5.497419819,5.497420101,5.497420018,5.49742025,5.497420155,5.497419812,5.497420123,5.497419974,5.497420218
+"11357","ORC6",4.134803927,4.134803899,4.134803976,4.134803826,4.134804072,4.134803954,4.134804099,4.134804057,4.134803921,4.134803967,4.134803985,4.134804057,4.134803924,4.134803885,4.134804042,4.134804119,4.134804084,4.134804016,4.134804023,4.134803909,4.134804229,4.134804002,4.134804041,4.13480394,4.13480399,4.134804016,4.134803986,4.134804058
+"11358","ORM1",3.91660696,3.916607168,3.916607434,3.916607514,3.916607279,3.916607548,3.916607905,3.916607477,3.91660666,3.916607711,3.916607798,3.916606557,3.916606694,3.916606051,3.916607236,3.916607178,3.916607762,3.916607741,3.91660771,3.916607435,3.916607995,3.916607521,3.916607452,3.916608234,3.916607558,3.91660767,3.916607189,3.91660652
+"11359","ORMDL1",6.639056375,6.639056089,6.639056218,6.63905603,6.6390558,6.639055762,6.639056078,6.639055908,6.63905598,6.639055986,6.639056014,6.639055969,6.639056189,6.639056547,6.639056078,6.639056143,6.63905577,6.639055758,6.639056042,6.639055834,6.639056116,6.639056054,6.639056043,6.639056033,6.639055929,6.639056105,6.639056132,6.639056279
+"11360","ORMDL2",6.673881366,6.673881447,6.673881456,6.673881322,6.6738812,6.673881346,6.673881368,6.673881256,6.673881304,6.673881364,6.673881315,6.673881115,6.673881426,6.673881434,6.67388138,6.673881285,6.673881221,6.673881334,6.67388133,6.673881342,6.673881323,6.673881393,6.673881436,6.673881391,6.67388132,6.673881333,6.673881427,6.673881374
+"11361","ORMDL3",7.941472134,7.941472483,7.941472604,7.941472214,7.941472574,7.941472375,7.941472656,7.94147284,7.941472867,7.94147328,7.941472467,7.941472296,7.941472536,7.941472715,7.94147177,7.941472249,7.941472212,7.941472115,7.941472765,7.941471638,7.941472275,7.941472704,7.94147273,7.941473023,7.941472279,7.94147239,7.94147249,7.941472919
+"11362","OS9",8.68787447,8.687875129,8.687874288,8.687875065,8.687874165,8.68787524,8.687874872,8.687873619,8.687874099,8.687874481,8.687874636,8.687873077,8.687874447,8.6878749,8.687874399,8.687874886,8.687874136,8.687874737,8.687874682,8.687875144,8.687874507,8.6878741,8.687874413,8.687874894,8.687874587,8.687874067,8.687874371,8.687874095
+"11363","OSBP",7.241225608,7.241225695,7.241225582,7.241225594,7.241225573,7.241225666,7.241225657,7.241225473,7.241225735,7.241225731,7.241225613,7.241225639,7.241225763,7.241225786,7.241225554,7.241225664,7.241225491,7.241225608,7.241225658,7.241225547,7.241225579,7.241225504,7.241225704,7.241225739,7.241225495,7.241225606,7.241225679,7.241225737
+"11364","OSBP2",6.760473386,6.760473023,6.76047774,6.760474537,6.760473978,6.760476426,6.760477097,6.76047691,6.760476445,6.760476798,6.760477225,6.76047982,6.760469705,6.760472838,6.76047423,6.760471723,6.76047726,6.760474899,6.76047173,6.76047457,6.760476064,6.760474876,6.760476106,6.760476194,6.760476849,6.760479976,6.760470958,6.760475732
+"11365","OSBPL10",6.405309776,6.40530867,6.405309133,6.405309681,6.405309169,6.405309149,6.405309611,6.405308744,6.405309128,6.405309171,6.40530879,6.405309259,6.405309525,6.405310012,6.405309602,6.405308797,6.405308814,6.405309667,6.405309264,6.405308962,6.405309397,6.405308752,6.40530903,6.405309209,6.40530889,6.405309383,6.405309525,6.405309973
+"11366","OSBPL11",6.499940781,6.499940865,6.499940406,6.49994108,6.499939878,6.499940524,6.499940384,6.499940037,6.499939915,6.499940437,6.499940456,6.499939442,6.499940481,6.499940992,6.499940389,6.499940816,6.499940119,6.499940658,6.499940538,6.499940563,6.49994063,6.499940062,6.499940554,6.499940853,6.499940812,6.499940088,6.499940417,6.499940529
+"11367","OSBPL1A",5.309306205,5.309306357,5.309306209,5.309306476,5.309306304,5.309306147,5.309306035,5.309305963,5.309306118,5.309306226,5.309306208,5.309306084,5.309305817,5.309305777,5.309306275,5.309306393,5.309306178,5.309306492,5.309306244,5.309306303,5.30930612,5.309306025,5.309306079,5.309306094,5.309306329,5.309305973,5.30930605,5.309306196
+"11368","OSBPL2",8.164603258,8.164604727,8.164603454,8.16460498,8.164602209,8.164603947,8.164603594,8.164603275,8.164603304,8.164602839,8.164603439,8.16460236,8.164603213,8.164603312,8.164603242,8.164605065,8.164603116,8.164604637,8.16460362,8.164604227,8.164603383,8.164603198,8.164603753,8.164604115,8.164604153,8.164603216,8.164603161,8.164602753
+"11369","OSBPL3",6.733805419,6.733805105,6.733804899,6.733804805,6.733805115,6.733804953,6.733805358,6.733805108,6.73380512,6.733805211,6.733804912,6.733804998,6.733805202,6.733805396,6.733805207,6.733805022,6.733804887,6.733804872,6.733805114,6.733804997,6.733805332,6.733805139,6.733805262,6.733805175,6.733805029,6.733804948,6.73380521,6.733805136
+"11370","OSBPL5",6.38879147,6.388791456,6.388791456,6.388791387,6.388791313,6.388791476,6.388791401,6.38879147,6.38879123,6.388791456,6.388791376,6.388791338,6.3887915,6.388791369,6.388791447,6.38879134,6.388791467,6.388791383,6.388791356,6.388791365,6.388791361,6.388791445,6.388791357,6.388791432,6.388791342,6.388791449,6.388791522,6.388791304
+"11371","OSBPL6",4.123078064,4.123078064,4.12307812,4.12307808,4.123078145,4.123078131,4.123078083,4.123078079,4.123078116,4.123078088,4.123078107,4.123078137,4.123078096,4.123078018,4.123078115,4.123078055,4.123078134,4.12307814,4.123078107,4.123078087,4.12307805,4.123078113,4.123078065,4.123078068,4.123078154,4.12307806,4.123078085,4.123078102
+"11372","OSBPL7",6.529781499,6.529781514,6.529781535,6.52978152,6.529781541,6.52978151,6.529781515,6.529781539,6.529781539,6.529781522,6.529781507,6.529781521,6.529781522,6.529781504,6.529781538,6.529781505,6.529781527,6.529781533,6.529781509,6.529781503,6.529781523,6.529781547,6.529781521,6.529781512,6.529781533,6.529781539,6.529781515,6.529781524
+"11373","OSBPL8",8.234982624,8.929880544,7.971264003,8.284901956,7.844732507,7.660379736,8.066270281,7.707678087,8.126801137,8.063788901,7.998414254,7.494794201,7.889470399,8.627016376,8.043680733,8.771004675,7.879077365,8.30977005,8.157014494,7.746342954,8.100176682,7.81786116,8.471920386,8.225302192,8.217032486,7.853221602,7.838681369,8.407320392
+"11374","OSBPL9",7.572880933,7.572880947,7.572880848,7.572880947,7.572880856,7.572880798,7.572880936,7.572880765,7.572880839,7.572880815,7.572880799,7.572880897,7.572880883,7.572881048,7.572880895,7.572880983,7.572880776,7.572880886,7.572880924,7.572880913,7.572880969,7.572880771,7.572880963,7.572880919,7.572880854,7.572880925,7.572880861,7.572880925
+"11375","OSCAR",6.470066169,6.470066152,6.470066165,6.470066237,6.470066186,6.470066263,6.470066202,6.470066185,6.470066109,6.470066178,6.470066222,6.47006613,6.470066152,6.470066085,6.470066194,6.47006613,6.470066178,6.470066233,6.47006617,6.470066232,6.470066122,6.470066201,6.47006612,6.470066158,6.470066188,6.470066107,6.470066135,6.470066108
+"11376","OSCP1",4.366089056,4.366089016,4.366089096,4.366089342,4.3660893,4.366089103,4.366089218,4.366089289,4.366089113,4.366089196,4.366089223,4.366089374,4.366089205,4.366088992,4.366089187,4.366089248,4.36608942,4.36608923,4.36608923,4.366089263,4.366089431,4.366089214,4.366089225,4.366089159,4.36608925,4.366089225,4.366089144,4.36608921
+"11377","OSER1",6.346259057,6.346258055,6.34625814,6.346259154,6.346257271,6.346258226,6.346257916,6.34625743,6.346257956,6.346258032,6.346258212,6.346257268,6.34625821,6.346258584,6.346258767,6.346257905,6.34625809,6.346259171,6.346258158,6.346258817,6.346258484,6.346257552,6.346258453,6.346258866,6.346258839,6.346258327,6.346258102,6.346258313
+"11378","OSGEP",6.505063683,6.505063605,6.505063703,6.505063574,6.505063581,6.505063627,6.505063623,6.505063529,6.505063703,6.50506367,6.505063501,6.505063614,6.505063622,6.505063846,6.505063579,6.505063568,6.505063476,6.505063503,6.505063535,6.505063629,6.505063581,6.505063561,6.505063614,6.505063595,6.505063476,6.505063717,6.505063647,6.505063632
+"11379","OSGEPL1",4.829561891,4.829561737,4.829561779,4.829561724,4.829561745,4.829561724,4.829561792,4.829561797,4.829561882,4.829561766,4.829561796,4.829561757,4.829561851,4.829561894,4.829561858,4.829561776,4.829561757,4.829561788,4.829561821,4.829561655,4.829561814,4.829561836,4.829561757,4.829561746,4.829561774,4.829561882,4.829561798,4.829561841
+"11380","OSGIN1",6.269002124,6.269002143,6.269002325,6.269002225,6.269002435,6.269002219,6.26900222,6.269002375,6.26900227,6.269002332,6.269002361,6.269002525,6.269002207,6.269002099,6.269002409,6.269002243,6.269002427,6.269002385,6.269002261,6.269002264,6.269002352,6.269002267,6.269002229,6.269002195,6.269002289,6.269002363,6.269002262,6.269002324
+"11381","OSGIN2",6.386680734,6.386681153,6.386680694,6.386680701,6.386679924,6.386679727,6.386680582,6.38667987,6.386679599,6.386680081,6.386680599,6.386679081,6.386680372,6.386681264,6.386680506,6.386680957,6.386680366,6.38668088,6.386681014,6.386680307,6.386680869,6.386680007,6.386680642,6.386680843,6.386680958,6.38667959,6.386680197,6.386681
+"11382","OSM",5.597060287,5.597060429,5.597060367,5.597060596,5.597060498,5.597060427,5.597060401,5.597060417,5.597060535,5.597060325,5.597060426,5.597060379,5.597060448,5.59706038,5.59706053,5.597060625,5.597060544,5.597060592,5.597060519,5.597060627,5.597060403,5.597060419,5.597060552,5.597060465,5.597060474,5.59706038,5.597060444,5.597060456
+"11383","OSMR",3.263001264,3.263001263,3.263001309,3.263001251,3.263001294,3.263001296,3.263001288,3.263001273,3.263001272,3.263001271,3.263001273,3.263001308,3.263001249,3.263001234,3.263001302,3.263001301,3.263001335,3.263001283,3.263001251,3.263001267,3.263001287,3.263001285,3.263001267,3.263001261,3.263001252,3.263001295,3.263001248,3.263001287
+"11384","OSR1",5.11241563,5.11241567,5.112415784,5.112415797,5.112415989,5.112415833,5.112415843,5.112415847,5.112415848,5.112415906,5.112415803,5.112415948,5.112415734,5.11241549,5.112415827,5.112415697,5.112415868,5.112415795,5.112415782,5.112415728,5.112415904,5.112415929,5.112415796,5.112415737,5.112415768,5.112415915,5.112415785,5.11241596
+"11385","OSR2",4.715116746,4.715116898,4.715116836,4.71511686,4.715116959,4.715116815,4.715116861,4.715116996,4.715116906,4.715116824,4.71511687,4.715116932,4.715116765,4.715116599,4.715116742,4.715116803,4.715116848,4.715116841,4.715116783,4.715116897,4.715116837,4.715116869,4.715116829,4.715116716,4.715116777,4.715116968,4.715116794,4.715116934
+"11386","OSTC",6.748747641,6.748747315,6.748747111,6.748746895,6.748747239,6.748746953,6.748747661,6.748747112,6.74874736,6.748747417,6.748746998,6.748746543,6.748747004,6.748748131,6.748746699,6.748746502,6.74874702,6.748746278,6.748747008,6.748746736,6.74874749,6.748747034,6.748747256,6.748746812,6.748746113,6.748746759,6.748747068,6.748747363
+"11387","OSTCP1",4.081508103,4.081508098,4.081508113,4.081508104,4.081508136,4.081508112,4.081508122,4.081508131,4.081508121,4.081508122,4.081508139,4.081508102,4.081508135,4.081508098,4.08150812,4.08150813,4.081508119,4.081508142,4.081508131,4.081508137,4.081508127,4.081508125,4.081508084,4.081508109,4.081508133,4.08150813,4.081508108,4.08150809
+"11388","OSTF1",9.275800236,9.275868478,9.275675452,9.275779573,9.275674692,9.275689492,9.275732797,9.275670611,9.275664745,9.275689106,9.27571699,9.275537889,9.275705361,9.275833554,9.27577638,9.275881715,9.27562329,9.275736029,9.275788292,9.275830503,9.275777903,9.275682346,9.275757771,9.275814752,9.275776396,9.275669549,9.275697399,9.275807862
+"11389","OSTM1",6.740603886,6.740603813,6.740603827,6.740603862,6.740603742,6.740603719,6.740603783,6.740603708,6.740603715,6.740603749,6.740603787,6.74060366,6.740603799,6.74060386,6.740603812,6.74060378,6.740603769,6.740603839,6.740603851,6.740603801,6.740603815,6.740603723,6.740603835,6.740603813,6.740603822,6.740603765,6.740603827,6.740603815
+"11390","OSTN",3.21255122,3.212551242,3.212551264,3.212551194,3.212551226,3.212551256,3.212551259,3.212551288,3.212551243,3.212551289,3.212551222,3.212551233,3.212551229,3.212551217,3.212551211,3.212551268,3.212551222,3.212551227,3.212551249,3.212551261,3.212551208,3.212551257,3.212551209,3.212551256,3.212551224,3.212551224,3.212551225,3.212551237
+"11391","OTC",3.169886387,3.169886443,3.169886351,3.169886661,3.169886582,3.169886466,3.1698866,3.16988632,3.169886462,3.169886743,3.169886607,3.169886809,3.169886453,3.169886504,3.169886539,3.169886656,3.169887028,3.169886391,3.169886553,3.169886397,3.169886559,3.169886436,3.169886842,3.169886428,3.169886915,3.169886321,3.16988663,3.169886503
+"11392","OTOA",4.794528191,4.794528201,4.79452825,4.794528195,4.794528229,4.794528195,4.794528221,4.794528237,4.794528218,4.794528187,4.794528237,4.794528236,4.794528227,4.794528186,4.794528234,4.794528225,4.794528261,4.79452824,4.794528204,4.794528234,4.794528244,4.794528224,4.794528179,4.794528192,4.794528193,4.794528214,4.794528187,4.794528205
+"11393","OTOF",4.979165962,4.97916601,4.979166064,4.979166048,4.979166085,4.97916607,4.979166028,4.979166091,4.979166001,4.97916602,4.979166045,4.979166071,4.97916603,4.979165961,4.979166047,4.979166022,4.979166065,4.979166102,4.979166005,4.979166081,4.979166073,4.979166044,4.979165975,4.979166054,4.979166041,4.979166047,4.979166002,4.979166043
+"11394","OTOG",4.663366647,4.663366642,4.663366737,4.663366817,4.663366934,4.663366779,4.663366848,4.663366978,4.663366664,4.663366893,4.663366721,4.663366923,4.663366792,4.6633666,4.663366896,4.663366748,4.663366854,4.663366776,4.663366785,4.663366923,4.663366926,4.663366991,4.663366672,4.663366811,4.663366716,4.663366813,4.66336675,4.663366734
+"11395","OTOGL",2.272603886,2.27260391,2.272603899,2.272603899,2.272603902,2.272603903,2.272603884,2.272603904,2.272603903,2.272603902,2.272603916,2.272603904,2.272603889,2.2726039,2.272603904,2.272603904,2.272603914,2.272603904,2.272603897,2.272603892,2.272603889,2.272603904,2.272603894,2.272603901,2.272603903,2.272603889,2.272603915,2.272603894
+"11396","OTOL1",4.913467981,4.913468004,4.9134681,4.913468056,4.91346809,4.913467858,4.913468024,4.913468122,4.913468066,4.913467985,4.913468114,4.913468094,4.913468002,4.913467961,4.913468037,4.913468118,4.913468166,4.913468092,4.913468001,4.913467998,4.913468027,4.913468098,4.913467963,4.913468028,4.913468096,4.913468047,4.913467971,4.913468042
+"11397","OTOP1",4.387787557,4.387787557,4.387787665,4.387787517,4.387787895,4.387787595,4.387787721,4.38778782,4.387787626,4.387787606,4.38778758,4.387787868,4.387787582,4.387787588,4.387787819,4.38778784,4.387787851,4.387787786,4.387787573,4.387787676,4.387787726,4.387787732,4.387787508,4.387787478,4.387787574,4.38778777,4.38778758,4.387787742
+"11398","OTOP2",5.250414168,5.250414173,5.250414204,5.250414189,5.250414218,5.250414194,5.250414194,5.250414211,5.250414198,5.250414195,5.250414202,5.250414211,5.250414194,5.250414167,5.250414214,5.250414195,5.250414208,5.250414207,5.250414207,5.250414182,5.250414191,5.25041419,5.250414176,5.250414172,5.250414189,5.250414214,5.250414191,5.250414204
+"11399","OTOP3",5.140543445,5.140543495,5.140543515,5.140543455,5.140543552,5.140543437,5.140543494,5.140543548,5.140543435,5.140543524,5.140543526,5.140543537,5.14054348,5.140543418,5.140543521,5.140543482,5.14054354,5.140543523,5.140543465,5.140543468,5.140543534,5.140543552,5.140543474,5.140543475,5.140543466,5.140543548,5.140543443,5.140543482
+"11400","OTOR",3.700927638,3.700927596,3.700927561,3.700927719,3.700927762,3.700927331,3.700927675,3.700927748,3.70092785,3.700927892,3.700927809,3.700927973,3.700927474,3.700927367,3.700927769,3.700927758,3.700927872,3.700927801,3.700927775,3.700927431,3.700927704,3.700927687,3.700927603,3.700927475,3.700927583,3.700927499,3.700927583,3.700927725
+"11401","OTOS",6.696189973,6.696190233,6.69619112,6.696190001,6.696192053,6.696189892,6.696191123,6.696191378,6.696190575,6.696190482,6.6961913,6.696192121,6.696190448,6.696189292,6.696191636,6.696190644,6.696192074,6.69619145,6.696190811,6.696190608,6.696191424,6.696191499,6.696189893,6.696189914,6.696190793,6.696191488,6.696190053,6.696190919
+"11402","OTP",4.470944148,4.470944193,4.47094428,4.470944209,4.470944395,4.470944225,4.470944262,4.470944281,4.470944221,4.470944245,4.470944303,4.470944296,4.470944241,4.470944099,4.470944385,4.470944254,4.47094446,4.470944349,4.470944285,4.47094429,4.470944389,4.470944345,4.470944144,4.470944128,4.470944175,4.470944353,4.47094424,4.470944286
+"11403","OTUB1",7.60876101,7.608760898,7.608760901,7.608760908,7.608760987,7.608761012,7.608760967,7.608760871,7.608760782,7.608760892,7.608760869,7.608760994,7.608760878,7.608760798,7.608760888,7.608760843,7.608760958,7.60876072,7.608760975,7.608761046,7.608760905,7.608760999,7.608760838,7.608760807,7.60876084,7.608760878,7.608760938,7.608760754
+"11404","OTUB2",4.971204379,4.971204372,4.971204426,4.971204403,4.971204408,4.971204388,4.971204389,4.971204435,4.971204434,4.971204409,4.971204456,4.971204447,4.971204415,4.971204422,4.971204405,4.971204433,4.971204444,4.971204411,4.971204454,4.971204433,4.971204397,4.97120442,4.971204428,4.971204426,4.97120444,4.971204416,4.971204398,4.971204426
+"11405","OTUD1",6.802384984,6.802385307,6.802384954,6.802385081,6.802384342,6.802384842,6.802384676,6.802384645,6.802384198,6.802384507,6.802384642,6.802384051,6.802384947,6.802385015,6.802385091,6.802385134,6.802384636,6.802385208,6.802384959,6.80238511,6.802384693,6.802384774,6.80238456,6.802384891,6.802384859,6.802384634,6.802384605,6.802385186
+"11406","OTUD3",5.709139489,5.709139381,5.709139018,5.709139119,5.709139382,5.709139172,5.709139242,5.709139343,5.709139611,5.709139444,5.709139222,5.709139375,5.709139425,5.709139634,5.709139519,5.709139343,5.709139354,5.709139189,5.709139279,5.70913934,5.70913939,5.709139347,5.709139428,5.709139351,5.709139393,5.70913961,5.709139347,5.709139513
+"11407","OTUD4",5.586232721,5.586232452,5.586231582,5.586232153,5.586231684,5.586232321,5.586231543,5.586232093,5.58623214,5.586232052,5.586231884,5.586231034,5.586232409,5.586233161,5.586231446,5.586231929,5.586230733,5.586231272,5.58623212,5.586232304,5.586232037,5.58623178,5.586232681,5.586232579,5.586231884,5.586231839,5.586232481,5.586232133
+"11408","OTUD5",7.515174172,7.515174349,7.515174165,7.515174307,7.515174026,7.515174413,7.515174277,7.515173972,7.515174067,7.515174109,7.515174125,7.515174118,7.5151742,7.515174058,7.515174023,7.515174315,7.515173971,7.515174308,7.515174197,7.515174376,7.515174207,7.515174019,7.515174228,7.515174197,7.515174238,7.515174127,7.515174288,7.515173987
+"11409","OTUD6A",4.948939571,4.948939664,4.94893975,4.948939634,4.948939784,4.948939603,4.948939736,4.94893976,4.948939759,4.948939701,4.94893973,4.948939835,4.948939654,4.948939541,4.948939749,4.948939749,4.948939824,4.948939772,4.948939725,4.948939658,4.948939809,4.948939723,4.948939689,4.948939623,4.948939682,4.948939767,4.948939584,4.948939784
+"11410","OTUD6B",5.323017494,5.323017437,5.323017376,5.323017202,5.323017377,5.323017253,5.323017312,5.323017347,5.323017439,5.323017306,5.323017255,5.32301717,5.323017356,5.32301771,5.323017335,5.323017492,5.323017244,5.323017208,5.323017364,5.323017153,5.323017297,5.323017306,5.323017547,5.323017334,5.323017267,5.323017314,5.323017353,5.323017528
+"11411","OTUD7A",6.160559912,6.160559959,6.160560083,6.160559973,6.160560212,6.160559924,6.16056005,6.160560108,6.160560145,6.160560115,6.160560011,6.160560222,6.160560067,6.160559921,6.160560183,6.160560171,6.160560188,6.160560134,6.160560084,6.1605601,6.160560137,6.160560196,6.160559847,6.16055994,6.160560064,6.160560172,6.160560007,6.16056014
+"11412","OTUD7B",5.311617737,5.311617878,5.311617684,5.311617605,5.311617585,5.311617816,5.311617896,5.311617697,5.311617856,5.31161779,5.311617568,5.311617602,5.311617664,5.311617836,5.311617804,5.311617697,5.311617592,5.311617705,5.311617813,5.311617844,5.311617723,5.311617794,5.311617845,5.311617704,5.311617688,5.311617681,5.311617812,5.31161779
+"11413","OTULIN",6.839376508,6.839376571,6.839376334,6.839376484,6.839376198,6.839376289,6.839376396,6.839376365,6.83937641,6.839376418,6.83937624,6.83937613,6.839376509,6.83937659,6.839376404,6.839376538,6.839376101,6.839376321,6.839376421,6.839376118,6.839376296,6.839376346,6.839376472,6.839376451,6.83937641,6.839376282,6.839376434,6.839376457
+"11414","OTULINL",7.036382516,7.036382458,7.036382361,7.036382298,7.03638211,7.036382172,7.036382167,7.036382202,7.036382187,7.036382347,7.036382226,7.036381788,7.036382264,7.036382714,7.036382274,7.036382218,7.036382055,7.036382216,7.036382224,7.036382269,7.036382248,7.036382179,7.036382233,7.03638241,7.036382202,7.036382056,7.036382297,7.036382209
+"11415","OTX1",6.581617424,6.581617445,6.58161747,6.581617549,6.581617781,6.58161751,6.581617807,6.581617715,6.581617521,6.581617607,6.5816178,6.5816179,6.581617406,6.581617142,6.581617712,6.581617538,6.581617837,6.581617762,6.581617858,6.581617603,6.581617745,6.581617778,6.581617542,6.581617424,6.581617657,6.58161767,6.581617462,6.581617519
+"11416","OTX2",5.117788384,5.117788394,5.117788409,5.117788372,5.11778842,5.117788371,5.117788401,5.117788422,5.117788397,5.117788409,5.117788409,5.117788435,5.117788387,5.117788388,5.117788413,5.117788402,5.117788442,5.117788401,5.117788435,5.117788417,5.117788402,5.117788437,5.117788396,5.117788381,5.117788406,5.117788397,5.117788416,5.117788414
+"11417","OVCH1",3.751864411,3.75186441,3.751864409,3.751864389,3.751864466,3.751864286,3.751864208,3.751864411,3.751864251,3.7518643,3.751864424,3.751864531,3.751864309,3.751864275,3.751864418,3.751864519,3.751864433,3.751864473,3.751864401,3.751864374,3.75186446,3.751864412,3.751864319,3.751864229,3.751864495,3.751864349,3.75186427,3.751864375
+"11418","OVCH2",3.636989663,3.636989713,3.636989703,3.636989678,3.636989728,3.636989712,3.636989715,3.636989702,3.636989711,3.63698971,3.636989753,3.636989729,3.636989676,3.636989671,3.636989713,3.636989716,3.636989732,3.63698969,3.636989695,3.636989701,3.636989679,3.636989721,3.636989706,3.636989679,3.63698971,3.636989684,3.636989717,3.636989713
+"11419","OVGP1",5.496274363,5.496274375,5.496274362,5.496274143,5.496274403,5.496274364,5.496274264,5.496274319,5.496274504,5.496274335,5.496274251,5.496274736,5.496274437,5.496274399,5.496274333,5.4962745,5.496274379,5.496274288,5.496274516,5.49627414,5.496274161,5.496274289,5.496274273,5.496274156,5.496274368,5.496274345,5.496274226,5.49627442
+"11420","OVOL1",4.845253433,4.845253423,4.845253646,4.845253912,4.845253829,4.845253389,4.845253568,4.845254083,4.845253715,4.845253624,4.845253833,4.84525383,4.845253722,4.84525344,4.845253637,4.845253735,4.845253993,4.845253789,4.845253594,4.845253685,4.845253747,4.845253778,4.845253711,4.845253468,4.845253731,4.845253751,4.845253695,4.84525384
+"11421","OVOL2",5.093613356,5.093613383,5.093613374,5.093613367,5.093613395,5.093613361,5.09361337,5.093613379,5.093613382,5.093613383,5.093613391,5.093613387,5.093613369,5.093613358,5.093613388,5.093613387,5.093613397,5.093613381,5.093613381,5.093613373,5.093613376,5.093613396,5.09361337,5.093613386,5.093613382,5.093613383,5.09361338,5.093613394
+"11422","OVOL3",5.454185879,5.454185904,5.45418601,5.454185941,5.454186094,5.454185957,5.454185968,5.454186007,5.454185908,5.454185974,5.454186018,5.454185957,5.454185963,5.454185819,5.454185971,5.454186011,5.454186067,5.454185964,5.454186066,5.454185915,5.454186037,5.454185997,5.454185909,5.454185881,5.454185944,5.454186001,5.454185977,5.454185983
+"11423","OVOS2",3.958551223,3.958551236,3.95855127,3.958551711,3.958551549,3.958551378,3.958551404,3.958551535,3.958551415,3.958551518,3.958551485,3.95855162,3.958551353,3.958551468,3.958551134,3.958551356,3.958551602,3.958551215,3.958551248,3.958551479,3.958551285,3.95855137,3.958551188,3.958551485,3.958551177,3.958551148,3.958551271,3.958551286
+"11424","OXA1L",8.437669299,8.437669101,8.437669045,8.4376689,8.437668991,8.437669246,8.437669047,8.437668936,8.437669185,8.437669324,8.437668617,8.437669105,8.437669222,8.437669321,8.437668949,8.437668602,8.437668807,8.437668702,8.437668946,8.437669017,8.437669019,8.437668987,8.437669148,8.43766925,8.437668533,8.437669121,8.437669162,8.437668993
+"11425","OXCT1",6.425885156,6.425884899,6.425884473,6.425884458,6.425884665,6.425884564,6.425885119,6.425884515,6.425885176,6.42588464,6.42588443,6.425884438,6.425884924,6.425885524,6.425884981,6.425884681,6.425884238,6.425884512,6.425884907,6.425884451,6.425884899,6.425884625,6.42588524,6.425884716,6.425884295,6.425884932,6.42588486,6.425885232
+"11426","OXER1",6.610231961,6.610232199,6.610232057,6.610232074,6.610232152,6.610231956,6.610232084,6.610232057,6.610232072,6.610232091,6.610232094,6.610232093,6.610232051,6.610232005,6.610231981,6.610232223,6.61023206,6.610231924,6.610232162,6.610232029,6.610232104,6.610232011,6.610232116,6.610232066,6.610232119,6.610232067,6.610232029,6.610232061
+"11427","OXGR1",3.786173435,3.786173441,3.786173472,3.786173415,3.786173466,3.786173428,3.786173481,3.786173466,3.786173436,3.786173476,3.786173481,3.786173491,3.786173456,3.786173443,3.786173469,3.786173447,3.786173536,3.786173488,3.786173475,3.786173506,3.786173453,3.786173454,3.78617349,3.786173421,3.786173438,3.786173484,3.786173444,3.786173464
+"11428","OXLD1",7.426201217,7.426201283,7.426201344,7.426201253,7.426201477,7.426201266,7.426201407,7.426201401,7.426201353,7.426201369,7.426201417,7.426201472,7.426201363,7.42620123,7.42620146,7.426201397,7.42620147,7.426201376,7.426201334,7.426201301,7.42620142,7.426201405,7.426201303,7.426201278,7.426201352,7.426201403,7.426201323,7.426201394
+"11429","OXNAD1",8.098692079,7.949640235,7.820376782,7.696679689,7.745722237,7.523289654,7.537387103,7.731933267,8.506996879,8.234912534,7.345643479,8.037642582,8.037559289,8.448614158,7.613037562,7.817892814,7.340677567,7.3379132,7.933914882,7.506781551,7.358939021,7.762617231,8.187228134,7.869473313,7.199753827,7.94716194,8.058841201,8.062797458
+"11430","OXR1",5.708857972,5.708857472,5.708857358,5.708857232,5.70885737,5.708857211,5.708857526,5.708856941,5.708857557,5.7088573,5.708857307,5.708856758,5.708857599,5.708858809,5.708857655,5.70885722,5.7088571,5.708857183,5.708857677,5.708856777,5.708857589,5.708857291,5.708857802,5.70885805,5.708857434,5.708856996,5.708857492,5.708858606
+"11431","OXSM",4.563860338,4.563860324,4.56386034,4.563860316,4.563860293,4.563860345,4.563860305,4.563860305,4.563860324,4.563860349,4.563860292,4.563860313,4.563860344,4.563860349,4.563860318,4.563860321,4.56386032,4.563860307,4.56386034,4.563860301,4.563860323,4.563860329,4.563860339,4.563860337,4.563860324,4.563860326,4.563860331,4.563860325
+"11432","OXSR1",7.421016406,7.421016608,7.421016164,7.421016538,7.421016049,7.421016183,7.42101627,7.421016121,7.421016202,7.421016345,7.421016154,7.421015859,7.421016298,7.42101659,7.421016132,7.421016417,7.421015851,7.421016314,7.421016175,7.421015989,7.421016187,7.421016034,7.421016492,7.421016544,7.421016368,7.42101612,7.421016305,7.421016344
+"11433","OXT",6.299712022,6.299711874,6.299712768,6.299712409,6.29971288,6.299712421,6.299712509,6.299712785,6.299712192,6.299712565,6.29971293,6.29971305,6.299712152,6.299711498,6.299712921,6.299711818,6.299713069,6.299712332,6.299712526,6.29971237,6.299712935,6.299712946,6.29971202,6.299711747,6.299712252,6.299712605,6.299712325,6.299712301
+"11434","OXTR",4.862079297,4.862079374,4.862079527,4.862079431,4.862079727,4.862079255,4.862079316,4.862079606,4.862079433,4.862079494,4.862079666,4.862079609,4.862079411,4.86207922,4.862079467,4.862079416,4.862079596,4.862079721,4.86207942,4.862079523,4.862079505,4.862079421,4.862079308,4.862079301,4.862079454,4.862079576,4.862079338,4.862079449
+"11435","P2RX1",6.663097175,7.057630124,7.18522136,7.254204412,6.808303415,7.124447952,6.916303749,6.793767979,6.78129858,7.204385131,7.089677308,7.046103674,6.969196027,6.930773361,6.730130481,7.106043447,7.130004864,7.207967118,6.892471316,7.171658953,6.941347111,6.77061709,6.787460538,7.274527668,7.19425581,7.112996353,6.993634406,6.925134686
+"11436","P2RX2",5.450753103,5.450753089,5.450753314,5.450753183,5.450753641,5.45075316,5.450753204,5.450753296,5.450753208,5.450753083,5.450753254,5.450753566,5.450753247,5.450752916,5.450753393,5.450753354,5.450753675,5.450753529,5.450753276,5.450753316,5.4507535,5.450753486,5.450753263,5.450753048,5.450753261,5.450753356,5.4507531,5.450753277
+"11437","P2RX3",5.011014317,5.011014208,5.011014334,5.011014202,5.011014348,5.011014331,5.011014326,5.011014338,5.011014254,5.011014274,5.011014319,5.011014415,5.01101432,5.011014204,5.011014381,5.011014271,5.011014393,5.011014358,5.011014348,5.011014367,5.01101433,5.011014359,5.011014251,5.011014303,5.011014263,5.011014205,5.011014242,5.011014258
+"11438","P2RX4",6.01981197,6.019811929,6.019811905,6.019811788,6.019811875,6.019811966,6.019811903,6.019811892,6.019811913,6.019811931,6.019811903,6.019811818,6.019811925,6.01981196,6.019811926,6.019811836,6.01981177,6.019811854,6.019811869,6.019811833,6.019811878,6.01981196,6.019811934,6.019811889,6.019811901,6.019811822,6.019811956,6.019811957
+"11439","P2RX6",5.057039025,5.057039036,5.057039049,5.057039035,5.057039062,5.057039012,5.05703904,5.057039045,5.057039031,5.057039031,5.057039049,5.057039048,5.057039024,5.057039008,5.057039057,5.057039046,5.057039063,5.057039066,5.057039056,5.057039037,5.057039052,5.057039059,5.057039034,5.057039033,5.057039063,5.057039033,5.057039009,5.057039057
+"11440","P2RX7",6.426448103,6.426447273,6.426447633,6.426447372,6.426447214,6.426448871,6.426447985,6.426447376,6.426447506,6.426447862,6.426447447,6.426447454,6.426447761,6.426447968,6.426447731,6.426446378,6.426447315,6.426447321,6.426447345,6.426448619,6.426447403,6.426447735,6.426447369,6.426447665,6.426447561,6.426446974,6.426448217,6.426447225
+"11441","P2RY1",5.558581862,5.558581887,5.558581925,5.558581874,5.558581977,5.558581904,5.558581881,5.55858191,5.55858187,5.558581854,5.55858194,5.558581995,5.558581906,5.558581798,5.55858192,5.558581877,5.558581977,5.558581988,5.558581906,5.558581945,5.558581924,5.55858192,5.558581831,5.558581911,5.558581905,5.55858195,5.558581883,5.558581889
+"11442","P2RY10",6.177212048,6.177212441,6.17721149,6.177210986,6.177211314,6.177210984,6.177212185,6.177210622,6.177211113,6.177211001,6.177210995,6.177210988,6.17721185,6.177212936,6.177211395,6.177211867,6.177210536,6.177211212,6.177212518,6.177209839,6.17721179,6.177210584,6.177212153,6.177211238,6.177211589,6.17721215,6.177211766,6.177212855
+"11443","P2RY12",4.393953638,4.393953654,4.393953661,4.393953729,4.393953664,4.393953654,4.39395356,4.3939536,4.393953524,4.393953692,4.393953661,4.393953632,4.393953645,4.393953628,4.393953619,4.393953594,4.393953655,4.393953745,4.393953657,4.393953596,4.393953568,4.393953568,4.393953648,4.39395373,4.393953668,4.393953675,4.393953627,4.393953698
+"11444","P2RY13",8.173282682,8.173282565,8.173282398,8.173282263,8.173281376,8.173282152,8.173282054,8.173281329,8.173281083,8.173281433,8.173282016,8.173280368,8.17328217,8.173282677,8.173282399,8.173282139,8.173281974,8.17328198,8.173282167,8.173282658,8.173282474,8.173281813,8.173282223,8.173282342,8.173281983,8.173281228,8.173281899,8.173281712
+"11445","P2RY14",5.919745543,5.919760911,5.919739902,5.919736594,5.919756728,5.919785289,5.919750858,5.919739465,5.919751135,5.919757251,5.919752002,5.919728231,5.919750218,5.91975814,5.919735269,5.919748718,5.919731651,5.919717495,5.919759083,5.919790609,5.919742052,5.919739787,5.9197509,5.919757427,5.919747908,5.91972762,5.919744543,5.919755837
+"11446","P2RY2",6.76900774,6.769009594,6.769008909,6.769008691,6.76900954,6.769009093,6.769008816,6.769008839,6.769008925,6.76900903,6.769009964,6.769008475,6.769009031,6.769008756,6.769007906,6.769009059,6.769008817,6.769007922,6.769009614,6.769008733,6.769008524,6.769008372,6.769008807,6.769009039,6.769009521,6.769008875,6.769009056,6.769008637
+"11447","P2RY4",5.687141901,5.687141838,5.687142419,5.687142029,5.687142198,5.687141774,5.687142096,5.687142277,5.687142057,5.687141884,5.68714222,5.687142488,5.687141978,5.687141642,5.687142251,5.687142281,5.687142418,5.687142167,5.687142066,5.687142029,5.687142045,5.687142251,5.687141854,5.687142055,5.687142246,5.687141943,5.687142158,5.687142142
+"11448","P2RY6",5.262116793,5.262116805,5.262116812,5.262116803,5.262116817,5.262116803,5.262116821,5.262116821,5.26211681,5.262116813,5.262116809,5.262116824,5.26211681,5.262116783,5.262116813,5.262116816,5.262116815,5.262116815,5.262116826,5.262116814,5.262116827,5.262116825,5.2621168,5.262116804,5.262116815,5.262116814,5.262116806,5.262116807
+"11449","P2RY8",8.264792895,8.264792756,8.264791856,8.264792183,8.264792578,8.264792612,8.264792815,8.264792504,8.264793058,8.264792661,8.264791884,8.264792575,8.26479274,8.264793035,8.264792661,8.264792297,8.26479213,8.264791518,8.264792437,8.264792588,8.264792433,8.264792432,8.264793104,8.264792682,8.26479208,8.264792637,8.264792923,8.26479287
+"11450","P3H1",5.868495948,5.868495866,5.868495843,5.868495909,5.86849591,5.868495877,5.868495904,5.868495848,5.868495993,5.868495978,5.868495977,5.868495925,5.868495968,5.868495963,5.86849593,5.868495798,5.868495871,5.868495965,5.86849593,5.868495709,5.868495882,5.868495945,5.868495859,5.86849586,5.868495877,5.86849588,5.868495867,5.868495919
+"11451","P3H2",4.861988313,4.861988327,4.861988367,4.861988337,4.861988364,4.861988308,4.861988324,4.861988355,4.86198835,4.861988359,4.861988357,4.861988349,4.861988308,4.861988297,4.86198835,4.861988358,4.861988356,4.861988357,4.861988316,4.861988321,4.861988354,4.861988345,4.861988328,4.861988338,4.86198834,4.861988366,4.861988325,4.861988339
+"11452","P3H4",5.412249534,5.412249558,5.412249574,5.412249597,5.41224966,5.412249571,5.412249652,5.41224964,5.412249585,5.412249558,5.412249652,5.412249709,5.412249579,5.412249503,5.412249614,5.41224951,5.412249671,5.412249625,5.412249621,5.412249596,5.412249641,5.412249702,5.41224961,5.412249586,5.412249575,5.412249615,5.412249599,5.412249591
+"11453","P4HA1",5.885365778,5.885365642,5.885365245,5.885365435,5.885365132,5.885365062,5.885365405,5.885365122,5.885365193,5.88536546,5.88536518,5.88536462,5.885365391,5.885366255,5.885365584,5.885365337,5.885365275,5.885365067,5.885365528,5.885365008,5.885365284,5.885364979,5.885365465,5.885365847,5.885365116,5.885364961,5.885365255,5.885365796
+"11454","P4HA2",4.819225359,4.819225363,4.819225449,4.81922534,4.819225425,4.819225351,4.819225348,4.819225446,4.819225306,4.819225413,4.819225412,4.819225483,4.819225371,4.819225291,4.819225426,4.819225397,4.819225465,4.819225408,4.819225335,4.819225448,4.819225438,4.819225418,4.819225352,4.819225312,4.819225413,4.819225403,4.819225354,4.819225387
+"11455","P4HA3",4.51779874,4.517798771,4.51779881,4.517798856,4.517798922,4.517798676,4.517798801,4.51779892,4.517798815,4.517798781,4.517798874,4.51779891,4.517798807,4.517798788,4.517798957,4.517798872,4.51779897,4.517798834,4.517798776,4.517798826,4.517798963,4.517798874,4.517798772,4.517798768,4.517798893,4.517798893,4.517798805,4.517798779
+"11456","P4HB",8.5728172715,8.572817307,8.5728169405,8.572816973,8.572816977,8.5728175275,8.572817503,8.572816881,8.5728170565,8.572817493,8.5728168555,8.572816412,8.572817432,8.5728175435,8.5728170415,8.572816815,8.5728167105,8.5728164725,8.572816934,8.572817303,8.572817327,8.572817023,8.5728170405,8.5728172905,8.5728167385,8.572816968,8.572817491,8.5728171165
+"11457","P4HTM",6.728923399,6.728923398,6.728923391,6.728923392,6.728923416,6.728923397,6.728923397,6.728923414,6.728923414,6.728923386,6.728923375,6.728923407,6.728923412,6.728923394,6.728923394,6.728923374,6.728923413,6.728923388,6.728923389,6.728923342,6.728923406,6.728923428,6.7289234,6.728923387,6.728923393,6.728923413,6.728923413,6.728923411
+"11458","PA2G4",8.479474848,8.479474865,8.479474912,8.479474769,8.479474915,8.47947488,8.47947483,8.479474971,8.479475078,8.479474941,8.479474827,8.479474826,8.479474912,8.479475007,8.479474855,8.479474915,8.479474779,8.479474649,8.47947476,8.479474852,8.479474924,8.479475004,8.479475055,8.479474959,8.479474846,8.479474913,8.479474955,8.479474863
+"11459","PAAF1",5.859034131,5.859034059,5.859034136,5.859034074,5.859034065,5.85903403,5.859034126,5.859034096,5.859034128,5.859034038,5.859034028,5.859034116,5.859034147,5.859034156,5.859034066,5.859034115,5.859034052,5.859034083,5.859034137,5.859034085,5.85903407,5.859034097,5.859034126,5.859034025,5.859034043,5.859034131,5.859034105,5.859034156
+"11460","PABIR1",7.409660021,7.409660072,7.409659973,7.409659869,7.409659812,7.409659991,7.40965983,7.409659856,7.409659948,7.409660064,7.409659742,7.409659828,7.409660053,7.409660224,7.409659867,7.409659894,7.409659561,7.409659748,7.409660028,7.409660097,7.409659965,7.409659864,7.409660063,7.409660095,7.409659722,7.409659836,7.409660013,7.409660001
+"11461","PABIR2",6.533294668,6.533294347,6.533294403,6.533294396,6.533294392,6.533294659,6.533294581,6.533294398,6.533294565,6.533294604,6.533294401,6.533294553,6.533294514,6.53329464,6.533294601,6.533294427,6.533294126,6.533294372,6.533294604,6.533294493,6.533294492,6.533294397,6.533294537,6.533294518,6.533294561,6.533294476,6.533294516,6.533294493
+"11462","PABIR3",6.531395403,6.531395047,6.531395105,6.531395147,6.531394999,6.531395707,6.531395384,6.531395306,6.531395327,6.531395178,6.531394812,6.531395264,6.531395354,6.531395437,6.531395233,6.531394688,6.531394848,6.531394795,6.53139523,6.531395671,6.531395192,6.53139509,6.531395443,6.531395345,6.531395355,6.531395222,6.531395475,6.531394949
+"11463","PABPC1",11.20512857,11.09291057,11.00110514,10.97983541,11.1118907,11.06132314,11.09346003,10.99497188,11.16138451,11.17177378,10.94043941,11.0554492,11.14017576,11.32324324,11.09408231,10.89791187,10.95494103,10.96832997,11.09605112,11.03278684,11.05040236,11.05525899,11.13341351,11.13166983,10.85977268,11.09364406,11.16416818,11.1632928
+"11464","PABPC1L",6.268445751,6.268445804,6.268445629,6.268445891,6.26844576,6.268445857,6.268445827,6.268445794,6.2684456,6.268445689,6.268445829,6.268445778,6.268445703,6.268445569,6.2684457,6.268445875,6.268445652,6.268445849,6.268445661,6.268445908,6.268445916,6.26844583,6.268445687,6.268445724,6.268445779,6.268445764,6.268445681,6.26844556
+"11465","PABPC1P2",4.281069803,4.281069709,4.281069851,4.28106975,4.281069828,4.281069756,4.281069697,4.281069736,4.281069758,4.28106977,4.281069764,4.28106976,4.281069693,4.281069783,4.281069697,4.281069811,4.281069742,4.281069682,4.281069626,4.281069773,4.281069845,4.281069834,4.281069612,4.281069682,4.281069631,4.281069778,4.281069725,4.28106972
+"11466","PABPC3",6.501967678,6.501967526,6.501967484,6.501967354,6.501967471,6.501967261,6.501967387,6.501967343,6.501967384,6.50196739,6.501967396,6.501967361,6.501967547,6.501967648,6.501967388,6.501967349,6.50196718,6.501967348,6.501967385,6.50196737,6.501967533,6.501967329,6.501967454,6.501967407,6.501967372,6.501967568,6.501967586,6.501967514
+"11467","PABPC4",7.800152513,7.800152623,7.800152387,7.800152322,7.800152339,7.800152337,7.800152441,7.800152076,7.800152695,7.8001527,7.800152366,7.800152484,7.800152665,7.800152837,7.800152411,7.80015246,7.800152249,7.800152343,7.800152374,7.80015234,7.8001524,7.80015231,7.80015256,7.800152586,7.800152374,7.800152549,7.800152699,7.800152643
+"11468","PABPC5",3.748135421,3.748135569,3.748135461,3.74813554,3.748135485,3.748135564,3.74813557,3.748135478,3.748135512,3.748135558,3.74813553,3.748135532,3.748135346,3.74813537,3.748135579,3.748135699,3.748135575,3.748135612,3.748135509,3.748135582,3.748135523,3.748135587,3.748135557,3.748135359,3.748135539,3.748135497,3.748135617,3.748135501
+"11469","PACC1",5.565422026,5.565422015,5.565422,5.565421943,5.565422023,5.565421995,5.565422019,5.565422028,5.565422015,5.565422123,5.565422038,5.565421918,5.565422078,5.565422058,5.565422015,5.565421908,5.565421948,5.565421926,5.565421989,5.565422073,5.565422008,5.565421973,5.565422037,5.56542202,5.565421977,5.565421913,5.565421961,5.565421961
+"11470","PACRG",3.99257571,3.992575614,3.992575852,3.992575639,3.992575705,3.992575877,3.992575654,3.992575615,3.99257566,3.992575757,3.992575669,3.992575876,3.992575711,3.992575669,3.992575755,3.992575754,3.992575683,3.992575748,3.992575784,3.992575662,3.992575632,3.992575744,3.99257563,3.992575732,3.992575514,3.992575702,3.992575653,3.992575755
+"11471","PACRGL",5.213715773,5.213715717,5.213715707,5.213715603,5.213715626,5.213715686,5.213715714,5.213715686,5.213715757,5.213715769,5.213715547,5.213715573,5.21371572,5.213715833,5.213715691,5.213715663,5.213715627,5.213715588,5.213715677,5.213715673,5.213715675,5.213715683,5.213715766,5.213715696,5.213715619,5.213715625,5.213715739,5.213715792
+"11472","PACS1",8.21602851,8.2160287,8.216028396,8.216028874,8.216028391,8.216028436,8.216028469,8.216028473,8.216028558,8.216028546,8.21602846,8.216028556,8.216028547,8.216028616,8.216028579,8.21602853,8.216028192,8.216028856,8.216028406,8.216028338,8.216028589,8.21602853,8.216028657,8.216028594,8.216028646,8.216028725,8.21602858,8.216028426
+"11473","PACS2",6.290001208,6.2900011985,6.2900012665,6.290001207,6.290001351,6.290001175,6.29000133,6.2900013195,6.290001173,6.290001212,6.2900012155,6.2900012725,6.2900011675,6.290001113,6.2900012425,6.29000127,6.2900013355,6.2900012755,6.2900012255,6.290001193,6.290001343,6.290001296,6.2900011465,6.2900011095,6.2900012405,6.290001299,6.290001113,6.2900012935
+"11474","PACSIN1",5.85727836,5.857278307,5.857278545,5.857278638,5.857278893,5.857278601,5.857278619,5.857278644,5.857278571,5.857278762,5.857278527,5.857278903,5.857278437,5.857278156,5.857278692,5.857278416,5.85727883,5.857278635,5.857278627,5.857278454,5.857278698,5.857278717,5.85727854,5.857278506,5.857278549,5.857278685,5.857278426,5.857278681
+"11475","PACSIN2",8.352006027,8.352007003,8.352005622,8.352007961,8.35200601,8.352005907,8.352005662,8.352005883,8.352005172,8.352005532,8.352006278,8.3520049,8.352005864,8.352005691,8.352005848,8.35200668,8.352005436,8.352007213,8.352006345,8.352005949,8.352005613,8.352005899,8.352006221,8.352006625,8.35200636,8.35200522,8.352005849,8.352005031
+"11476","PACSIN3",6.315179027,6.315179087,6.31517916,6.315179151,6.315179315,6.315178982,6.315179152,6.315179261,6.315179129,6.315179112,6.315179272,6.315179309,6.315179115,6.315178985,6.315179248,6.315179188,6.315179258,6.31517923,6.31517919,6.315178971,6.31517918,6.315179235,6.315179075,6.315179011,6.315179196,6.315179218,6.315179001,6.315179181
+"11477","PADI1",4.682502523,4.682502529,4.682502579,4.682502589,4.682502669,4.682502588,4.682502589,4.68250266,4.682502642,4.682502565,4.682502583,4.682502712,4.682502555,4.682502482,4.682502684,4.682502567,4.682502674,4.682502597,4.68250258,4.682502622,4.682502614,4.682502661,4.682502594,4.682502577,4.682502586,4.682502672,4.682502556,4.682502601
+"11478","PADI2",6.857722573,8.588122636,8.445176858,9.286194371,7.011707805,8.861703564,8.887304803,7.881213044,7.47602697,8.655320928,8.664379604,7.014253587,8.338573075,7.817749307,7.234765647,8.718639178,8.596122798,9.122240984,7.571502881,8.864572894,8.841342687,7.990515685,7.66392097,9.106247218,8.920157629,7.171719073,8.417778104,7.785153802
+"11479","PADI3",4.951926455,4.951926468,4.951926484,4.951926446,4.951926529,4.951926493,4.951926469,4.951926509,4.951926521,4.951926492,4.951926512,4.951926541,4.951926451,4.951926425,4.951926534,4.951926504,4.951926538,4.951926499,4.951926513,4.951926478,4.95192652,4.951926532,4.951926474,4.951926459,4.951926483,4.951926494,4.951926469,4.951926497
+"11480","PADI4",7.953638271,7.953677685,7.95366069,7.953730708,7.953609657,7.953649489,7.9536836,7.953655998,7.953647932,7.953644016,7.953676367,7.953630681,7.953648518,7.953632993,7.953666246,7.953718845,7.953676928,7.953708868,7.953675732,7.953669483,7.953677666,7.95365909,7.953680053,7.953695929,7.953711983,7.953646759,7.95365311,7.953616635
+"11481","PADI6",4.282747845,4.282747841,4.282747871,4.28274787,4.282747873,4.282747861,4.282747851,4.282747874,4.282747873,4.282747864,4.282747863,4.282747854,4.282747866,4.282747834,4.282747852,4.282747854,4.28274788,4.282747859,4.282747856,4.282747873,4.282747868,4.282747876,4.282747858,4.282747847,4.282747859,4.28274786,4.282747852,4.282747875
+"11482","PAEP",5.527714808,5.527714839,5.527714888,5.527714864,5.527714933,5.527714823,5.527714879,5.527714919,5.52771486,5.527714841,5.52771487,5.527714928,5.527714876,5.527714809,5.527714889,5.527714852,5.527714947,5.52771491,5.527714884,5.527714881,5.527714917,5.527714911,5.527714839,5.527714815,5.52771487,5.527714904,5.527714844,5.527714846
+"11483","PAF1",7.414978331,7.414978635,7.414978265,7.414978577,7.414978344,7.414978664,7.414978452,7.414978343,7.414978522,7.414978506,7.414978319,7.414978123,7.414978472,7.414978643,7.414978393,7.41497843,7.414978191,7.414978415,7.414978355,7.41497864,7.414978393,7.414978349,7.414978476,7.414978477,7.414978416,7.414978352,7.414978461,7.414978505
+"11484","PAFAH1B1",8.071551563,8.071551835,8.071551346,8.071551471,8.071551065,8.071551211,8.071551447,8.071551065,8.07155147,8.071551058,8.071551248,8.071550958,8.071551595,8.07155226,8.071551348,8.071551911,8.07155107,8.071551283,8.071551723,8.071551211,8.07155139,8.071551109,8.071551566,8.071551511,8.071551255,8.071551349,8.071551467,8.071551595
+"11485","PAFAH1B2",7.642140581,7.642140492,7.6421405,7.642140586,7.642140338,7.64214037,7.642140392,7.642140315,7.642140373,7.642140376,7.642140484,7.642140314,7.642140434,7.642140538,7.642140449,7.642140408,7.642140429,7.64214047,7.642140496,7.642140403,7.642140419,7.642140381,7.642140464,7.642140506,7.642140442,7.642140358,7.642140401,7.642140457
+"11486","PAFAH1B3",6.878800015,6.878800083,6.87880013,6.878800088,6.878800294,6.878800108,6.878800133,6.878800151,6.878800111,6.878800113,6.87880021,6.878800279,6.878800143,6.878800017,6.878800205,6.878800082,6.878800275,6.878800078,6.878800127,6.878800132,6.878800198,6.878800234,6.878800062,6.878800037,6.878800096,6.878800185,6.878800145,6.878800205
+"11487","PAFAH2",7.202069468,7.202069747,7.202069154,7.202068287,7.202069553,7.202069295,7.202069241,7.202069518,7.202069501,7.202069611,7.202069407,7.202069135,7.202069449,7.202069644,7.202069244,7.202069463,7.202068672,7.202068132,7.202069748,7.202068177,7.20206909,7.202069216,7.202069861,7.20206974,7.202069359,7.202069335,7.202069292,7.202069479
+"11488","PAG1",8.05142907,8.051429032,8.051428742,8.051428928,8.051428916,8.051428856,8.051428878,8.051428721,8.051428919,8.051428978,8.051428757,8.051428903,8.05142899,8.051429002,8.051428852,8.051428888,8.051428547,8.051428829,8.051428924,8.051428859,8.051428823,8.051428707,8.05142894,8.051428871,8.05142879,8.051428871,8.051429093,8.051428925
+"11489","PAGE1",4.088010132,4.088010144,4.088010133,4.088010134,4.088010156,4.088010143,4.08801014,4.088010136,4.088010115,4.088010111,4.08801012,4.088010167,4.088010134,4.088010127,4.088010147,4.088010183,4.088010148,4.088010148,4.088010145,4.08801012,4.088010161,4.088010128,4.088010122,4.088010124,4.088010137,4.08801015,4.088010133,4.088010139
+"11490","PAGE2",3.605230069,3.605230066,3.605230186,3.605230073,3.605230152,3.605230181,3.605229995,3.605229904,3.605230228,3.605230265,3.605229903,3.605229954,3.60523009,3.605230068,3.605230215,3.605230129,3.605229895,3.605230136,3.605230041,3.605230257,3.60522968,3.605230299,3.605230304,3.605230216,3.605230163,3.605229707,3.60523007,3.605230266
+"11491","PAGE2B",4.797429485,4.797429661,4.797429922,4.797429802,4.797430095,4.797430295,4.797429857,4.797429839,4.797430176,4.797430333,4.797429757,4.797429965,4.797430474,4.797429888,4.797429928,4.797429515,4.797429879,4.797429925,4.797429848,4.797430167,4.79742982,4.797429846,4.797430081,4.797430025,4.797429959,4.797429968,4.797429668,4.797430118
+"11492","PAGE3",4.022530492,4.022530542,4.022530622,4.022530583,4.02253063,4.022530489,4.022530613,4.022530637,4.022530567,4.022530637,4.022530594,4.022530732,4.02253057,4.022530539,4.022530651,4.02253061,4.022530771,4.022530662,4.022530616,4.022530615,4.022530585,4.022530624,4.022530616,4.022530582,4.022530682,4.022530601,4.022530545,4.022530576
+"11493","PAGE4",3.593503744,3.593503769,3.593503761,3.593503736,3.593503723,3.593503797,3.593503819,3.593503782,3.593503727,3.593503726,3.593503834,3.593503877,3.593503687,3.593503734,3.593503755,3.59350369,3.593503716,3.59350369,3.593503759,3.593503737,3.59350376,3.593503711,3.593503692,3.593503786,3.593503735,3.593503794,3.593503744,3.593503707
+"11494","PAGE5",5.601238132,5.601237902,5.601238302,5.601238005,5.601238422,5.601237956,5.601238253,5.601238289,5.601238161,5.601238111,5.601238111,5.601238344,5.60123808,5.601237768,5.6012382,5.60123822,5.601238271,5.60123824,5.60123825,5.601238088,5.60123831,5.601238233,5.601238003,5.601238042,5.6012382,5.601238403,5.601238088,5.601238212
+"11495","PAGR1",7.544708113,7.544708095,7.544708035,7.544708039,7.544708104,7.544708046,7.544708067,7.54470805,7.544708097,7.544708139,7.544708039,7.544708064,7.544708101,7.54470823,7.544708062,7.544708048,7.544707988,7.544708092,7.54470815,7.544707997,7.544708024,7.544708083,7.544708123,7.544708128,7.544708047,7.5447081,7.544708143,7.544708201
+"11496","PAH",3.869532586,3.869532599,3.869532628,3.869532516,3.869532592,3.869532665,3.869532594,3.869532611,3.869532688,3.869532562,3.86953255,3.869532672,3.869532587,3.869532383,3.869532622,3.869532528,3.869532785,3.869532743,3.869532553,3.869532658,3.869532639,3.869532634,3.869532562,3.869532536,3.869532495,3.869532645,3.869532546,3.869532622
+"11497","PAICS",5.357780308,5.35778031,5.357780161,5.357780014,5.357779994,5.357780178,5.357780301,5.357780147,5.357780326,5.357780268,5.357780116,5.357780084,5.357780274,5.357780477,5.35778006,5.357780162,5.357779999,5.357780022,5.357780209,5.357780276,5.357780305,5.357780021,5.357780379,5.357780263,5.357780086,5.357780192,5.3577802,5.357780272
+"11498","PAIP1",5.416607773,5.41660773,5.4166077,5.416607675,5.416607636,5.416607691,5.41660767,5.416607644,5.416607719,5.416607743,5.416607632,5.41660765,5.416607714,5.41660781,5.416607678,5.416607655,5.416607679,5.416607624,5.416607726,5.416607668,5.41660766,5.416607655,5.416607717,5.416607724,5.416607664,5.416607646,5.416607733,5.416607767
+"11499","PAIP2",8.314139407,8.314139587,8.314138798,8.314139282,8.314138568,8.314138519,8.31413904,8.314138639,8.314139251,8.314138627,8.314138946,8.314138135,8.31413926,8.314140382,8.314139029,8.314139279,8.314138715,8.314138928,8.314139075,8.314137945,8.31413904,8.314138907,8.314139366,8.314139155,8.314139168,8.31413888,8.314138945,8.314139687
+"11500","PAIP2B",5.46393373,5.463933714,5.463933587,5.463933612,5.463933598,5.463933352,5.463933573,5.463933671,5.463933846,5.463933838,5.463933489,5.463933744,5.463933573,5.46393395,5.463933648,5.463933769,5.463933566,5.463933597,5.463933626,5.463933356,5.463933454,5.463933672,5.463933706,5.463933797,5.463933453,5.463933664,5.463933669,5.463933915
+"11501","PAK1",8.888751538,9.28637115,9.150389396,9.258109217,8.702873605,9.407069347,9.037607801,8.882137472,8.75716176,8.941555653,8.867027296,8.505864096,8.926996442,9.019107368,8.842593384,9.271669586,9.175138104,9.038324385,9.040841268,9.504568446,9.078720038,8.954028704,8.913865829,9.154282317,8.986872108,8.796133096,8.852559301,8.765701038
+"11502","PAK1IP1",4.385919404,4.385919419,4.385919385,4.385919372,4.385919371,4.385919359,4.385919433,4.385919288,4.385919403,4.38591941,4.385919315,4.385919372,4.385919415,4.385919497,4.385919327,4.385919425,4.38591933,4.385919333,4.385919409,4.385919311,4.385919384,4.38591938,4.385919379,4.385919326,4.385919375,4.385919396,4.385919392,4.385919378
+"11503","PAK2",8.583330119,8.583330029,8.58332974,8.583330363,8.583329819,8.583329982,8.583330125,8.583329752,8.583329837,8.583329978,8.583330228,8.583329403,8.583330036,8.58333002,8.583330022,8.583330011,8.583329689,8.583330335,8.58333002,8.583329484,8.583330068,8.583329787,8.583329804,8.583330137,8.583330079,8.583329996,8.583329916,8.5833298
+"11504","PAK3",3.917052919,3.917052915,3.917053082,3.917052968,3.917053094,3.917052964,3.917053092,3.917052977,3.917052974,3.917053158,3.917053113,3.917053211,3.917053065,3.917052951,3.917053112,3.917052909,3.917053135,3.91705301,3.917053164,3.91705302,3.917053195,3.917053104,3.917052806,3.917053094,3.917052935,3.917052945,3.917053076,3.91705305
+"11505","PAK4",6.656352463,6.656352386,6.656352561,6.656352383,6.656352701,6.656352548,6.656352504,6.656352622,6.656352479,6.656352474,6.656352631,6.656352716,6.65635248,6.65635227,6.656352655,6.656352506,6.656352723,6.656352601,6.656352543,6.656352565,6.656352605,6.656352588,6.656352451,6.656352401,6.656352436,6.656352551,6.656352409,6.65635255
+"11506","PAK5",4.384839011,4.38483904,4.384838992,4.384839025,4.384839041,4.384839029,4.38483905,4.384839049,4.384839048,4.384839046,4.384839032,4.384839041,4.384839026,4.384838968,4.384839032,4.384839061,4.38483904,4.384839018,4.384839024,4.384839027,4.384838995,4.384839023,4.384839018,4.384839018,4.384839034,4.384839029,4.384839032,4.384839033
+"11507","PAK6-AS1",6.001280768,6.00128085,6.001280952,6.001280898,6.001280875,6.001280691,6.001280776,6.001280898,6.001280881,6.001280883,6.001280905,6.00128081,6.001280899,6.001280779,6.001280869,6.001280948,6.00128093,6.001280888,6.001280813,6.001280867,6.00128084,6.001280902,6.001280837,6.00128087,6.001280975,6.001280861,6.001280912,6.001280872
+"11508","PALB2",5.090881405,5.090880971,5.090881157,5.090881138,5.090880959,5.090881199,5.090881331,5.090881141,5.090881186,5.090881396,5.09088108,5.090881436,5.090881265,5.090881625,5.090881198,5.090880704,5.090880948,5.090881054,5.090881255,5.09088133,5.090881225,5.090881285,5.090881511,5.090881097,5.090880885,5.09088117,5.090881335,5.090881497
+"11509","PALD1",5.567958033,5.567958234,5.5679588,5.567958188,5.56795891,5.567958188,5.567958442,5.567958665,5.567958461,5.567958311,5.567958802,5.567958863,5.567958618,5.567958151,5.56795868,5.567958622,5.567958986,5.567958751,5.567958584,5.5679581,5.567958786,5.567958704,5.567958022,5.567958135,5.56795829,5.567958803,5.56795795,5.567958709
+"11510","PALLD",4.091736473,4.091736727,4.091736374,4.091736464,4.09173666,4.091736449,4.091736461,4.091736612,4.091736309,4.091736421,4.091736569,4.091736551,4.091736488,4.091736488,4.09173668,4.091736545,4.091736692,4.0917366,4.091736425,4.091736363,4.091736537,4.09173642,4.091736408,4.091736531,4.091736383,4.09173651,4.091736577,4.091736592
+"11511","PALM",6.32483921,6.324839242,6.324839266,6.324839292,6.32483929,6.324839205,6.324839247,6.324839301,6.324839239,6.324839211,6.324839274,6.324839281,6.324839284,6.324839202,6.324839266,6.324839297,6.324839281,6.324839337,6.324839255,6.324839237,6.324839301,6.324839292,6.324839223,6.324839206,6.324839284,6.324839263,6.324839255,6.324839271
+"11512","PALM2AKAP2",5.048548815,5.048548854,5.048548696,5.04854885,5.048548914,5.048548779,5.048548878,5.048548843,5.04854889,5.048548883,5.048548883,5.048548924,5.048548878,5.048548875,5.048548942,5.048548832,5.048548804,5.048548884,5.04854886,5.048548875,5.04854888,5.048548832,5.048548852,5.048548887,5.048548842,5.048548841,5.048548855,5.048548959
+"11513","PALM3",6.587147894,6.587148445,6.587149213,6.587148283,6.587149176,6.587147487,6.587148519,6.587149294,6.587148571,6.587148458,6.587148801,6.587149242,6.587148678,6.587147899,6.587148805,6.587149431,6.587149451,6.587149389,6.587148476,6.587148406,6.587148632,6.587149039,6.587148345,6.5871485,6.58714903,6.587148991,6.587148418,6.587149091
+"11514","PALMD",3.596970563,3.596970585,3.596970574,3.596970574,3.596970642,3.596970576,3.596970572,3.596970592,3.596970586,3.596970566,3.596970577,3.596970607,3.59697058,3.596970577,3.596970595,3.596970586,3.596970596,3.596970601,3.596970587,3.596970611,3.596970603,3.596970589,3.596970576,3.596970573,3.596970585,3.596970596,3.596970569,3.596970607
+"11515","PALS1",4.334025002,4.334024998,4.334024971,4.334024958,4.334024987,4.334024929,4.334024989,4.334024965,4.334024996,4.334024982,4.334024968,4.334024986,4.334024985,4.334025059,4.334024996,4.334024961,4.334024948,4.334024957,4.334025005,4.334024975,4.334024974,4.334024975,4.334025009,4.334024984,4.334024989,4.334024989,4.334025006,4.334025029
+"11516","PALS2",5.286971873,5.286971803,5.286971763,5.286971715,5.286971747,5.286971742,5.286971794,5.286971753,5.28697183,5.286971812,5.286971651,5.286971799,5.286971768,5.286971943,5.286971809,5.286971776,5.286971702,5.286971736,5.286971753,5.286971715,5.286971766,5.286971793,5.286971811,5.286971809,5.286971745,5.286971792,5.286971857,5.286971866
+"11517","PAM",5.741491092,5.741491929,5.741489113,5.741492332,5.741490294,5.741492883,5.741489746,5.741492192,5.741491629,5.741489031,5.741489834,5.741489288,5.741491794,5.741490485,5.741490214,5.741491934,5.741489193,5.741491694,5.741491661,5.741492613,5.741489872,5.741492271,5.741492823,5.74149042,5.741489717,5.741490835,5.74149206,5.74149018
+"11518","PAMR1",4.236903086,4.236903098,4.236903109,4.236903085,4.236903129,4.236903085,4.236903081,4.236903103,4.236903102,4.236903101,4.236903109,4.236903106,4.23690309,4.236903075,4.236903115,4.236903079,4.236903116,4.236903109,4.236903106,4.236903117,4.236903112,4.236903116,4.236903078,4.236903097,4.236903087,4.236903107,4.236903104,4.236903109
+"11519","PAN2",6.567581294,6.567581147,6.56758118,6.567581201,6.567581218,6.567581262,6.567581329,6.567581208,6.567581253,6.567581286,6.567581093,6.567581323,6.567581299,6.567581299,6.567581219,6.567581108,6.56758114,6.567581083,6.567581254,6.56758122,6.567581285,6.567581263,6.567581161,6.567581212,6.567581113,6.567581323,6.567581314,6.567581185
+"11520","PAN3",9.035080499,9.035080533,9.035080245,9.035080528,9.035079939,9.035080213,9.035080367,9.035080097,9.035080106,9.035080018,9.035080155,9.035079887,9.035080232,9.035080681,9.035080308,9.035080358,9.03508005,9.035080217,9.035080448,9.03507995,9.035080343,9.035080049,9.035080339,9.035080335,9.035080282,9.03508011,9.035080201,9.035080294
+"11521","PANK1",5.584164471,5.584164554,5.584164703,5.584164609,5.584164836,5.584164485,5.584164575,5.5841648,5.584164468,5.584164577,5.584164667,5.584164913,5.584164651,5.584164254,5.584164631,5.584164771,5.58416475,5.584164725,5.584164643,5.584164581,5.584164754,5.584164743,5.584164489,5.584164466,5.584164704,5.584164779,5.584164615,5.584164657
+"11522","PANK2",7.835854439,7.835854536,7.835854171,7.835854297,7.835853979,7.83585453,7.835854169,7.83585426,7.835854112,7.835854081,7.835854046,7.835853777,7.835854139,7.835854366,7.835854217,7.835854626,7.835853958,7.835853865,7.835854336,7.835854775,7.83585413,7.835854097,7.835854238,7.835854364,7.835854117,7.835854082,7.835854235,7.835854193
+"11523","PANK3",7.184835769,7.184835802,7.184835784,7.184835652,7.184835632,7.184835692,7.184835729,7.184835615,7.184835715,7.184835771,7.184835706,7.184835592,7.184835674,7.184835976,7.184835687,7.18483551,7.184835541,7.184835487,7.184835713,7.184835508,7.184835601,7.184835613,7.184835686,7.184835667,7.184835577,7.184835654,7.184835685,7.184835907
+"11524","PANK4",7.162348446,7.162348463,7.162348417,7.162348451,7.162348431,7.162348444,7.162348433,7.162348436,7.162348442,7.16234844,7.162348407,7.162348424,7.162348458,7.162348458,7.162348421,7.162348451,7.162348414,7.162348448,7.162348436,7.162348458,7.162348423,7.162348446,7.162348427,7.162348452,7.162348415,7.162348451,7.162348459,7.162348438
+"11525","PANX1",6.573571336,6.573571444,6.573571346,6.573571422,6.573571263,6.573571455,6.573571342,6.573571291,6.573571319,6.573571445,6.573571336,6.573571383,6.573571352,6.573571409,6.57357128,6.573571316,6.573571285,6.573571361,6.573571266,6.573571361,6.573571295,6.573571271,6.573571372,6.573571437,6.573571291,6.57357134,6.573571304,6.573571335
+"11526","PANX2",6.897596327,6.897596358,6.897596519,6.897596452,6.897596653,6.897596212,6.897596503,6.89759651,6.897596529,6.897596389,6.897596582,6.897596574,6.897596412,6.897596199,6.897596611,6.897596523,6.897596599,6.897596643,6.897596566,6.897596326,6.897596622,6.897596573,6.897596407,6.897596236,6.897596514,6.897596525,6.897596442,6.897596422
+"11527","PANX3",4.490896906,4.49089686,4.490897146,4.490896916,4.490897204,4.490896892,4.490896991,4.490897112,4.490897069,4.490897036,4.490897154,4.490897078,4.490897102,4.490896789,4.49089707,4.490897149,4.490897149,4.490897219,4.490897033,4.490897054,4.490897201,4.490897111,4.490896882,4.490896903,4.490897097,4.490897135,4.490897058,4.49089698
+"11528","PAOX",6.922842745,6.922842757,6.922842773,6.922842756,6.922842799,6.92284273,6.922842789,6.922842783,6.922842769,6.922842775,6.922842772,6.922842793,6.922842753,6.922842722,6.922842796,6.922842801,6.922842807,6.922842776,6.922842769,6.922842762,6.922842782,6.922842791,6.922842755,6.922842738,6.922842765,6.922842785,6.922842768,6.922842773
+"11529","PAPLN",5.384642947,5.384642779,5.384642961,5.384642892,5.384643143,5.384642922,5.384642884,5.384643074,5.384642801,5.384642921,5.384643004,5.384643214,5.384642981,5.384642634,5.384643099,5.384642985,5.384643202,5.384643084,5.384642955,5.384643063,5.384643021,5.384643171,5.384642718,5.384642759,5.384642921,5.38464301,5.384642852,5.384642859
+"11530","PAPOLA",8.042776027,8.042775021,8.042774045,8.042774635,8.042773871,8.042773477,8.042774469,8.042773475,8.042773714,8.042773984,8.042774163,8.042771655,8.042774457,8.042777266,8.042774837,8.042774291,8.042773828,8.042774044,8.042774665,8.042774299,8.042775021,8.042773341,8.042774822,8.042774566,8.042774152,8.042773702,8.042774295,8.042775339
+"11531","PAPOLB",3.6795418,3.679542023,3.679542106,3.67954189,3.679542008,3.679542003,3.679541872,3.679541698,3.679541973,3.679541913,3.679542054,3.679541993,3.679541867,3.679541566,3.679541794,3.67954174,3.67954195,3.679541969,3.679542071,3.679542064,3.679541817,3.679541864,3.679542029,3.679541808,3.679542269,3.679541897,3.679541545,3.679541673
+"11532","PAPOLG",7.484755891,7.484755801,7.484755577,7.484755886,7.484755401,7.484755602,7.484755578,7.484755481,7.484755596,7.484755495,7.484755598,7.484755207,7.484755649,7.484756,7.484755683,7.484755646,7.484755391,7.484755679,7.484755824,7.484755561,7.48475568,7.484755442,7.484755782,7.484755746,7.484755666,7.484755656,7.484755671,7.484755647
+"11533","PAPPA",4.255477922,4.255477994,4.255478006,4.255478013,4.255478069,4.255477977,4.25547797,4.25547803,4.255478072,4.255477985,4.255478012,4.255478047,4.255478009,4.255477941,4.255478025,4.255477961,4.255478056,4.255478044,4.255478017,4.25547802,4.255478026,4.255478008,4.255478014,4.255477946,4.255477953,4.255478032,4.255477991,4.255477986
+"11534","PAPPA-AS1",3.971298246,3.971298174,3.971298181,3.971298171,3.971298219,3.971298134,3.971298135,3.971298302,3.971298132,3.971298094,3.971298264,3.971298324,3.971298242,3.971298259,3.971298238,3.971298259,3.97129827,3.971298215,3.971298217,3.9712982,3.971298234,3.971298323,3.971298252,3.971298186,3.971298253,3.971298331,3.971298235,3.971298181
+"11535","PAPPA2",4.278631854,4.278631835,4.278631858,4.278631915,4.278631896,4.278631953,4.278631871,4.278631919,4.278631822,4.27863187,4.278631943,4.278631881,4.278631826,4.278631816,4.27863182,4.27863194,4.278631971,4.27863193,4.278631986,4.278632002,4.278631852,4.27863192,4.278631916,4.278631932,4.278631895,4.278631879,4.278631852,4.278631835
+"11536","PAPSS1",6.739100331,6.739100428,6.739098519,6.739100457,6.739101456,6.739100988,6.739101252,6.739098967,6.739100098,6.739100599,6.739099976,6.739097766,6.739099056,6.739102586,6.739098841,6.739098658,6.739096585,6.739098755,6.739101338,6.73910094,6.739100599,6.739098239,6.73910082,6.739101036,6.7390997,6.739097716,6.739098649,6.739101954
+"11537","PAPSS2",5.141824606,5.141824646,5.141824587,5.141824652,5.141824634,5.141824621,5.141824641,5.141824636,5.141824627,5.141824619,5.141824651,5.14182463,5.141824646,5.141824647,5.141824617,5.141824638,5.141824622,5.141824661,5.141824632,5.141824662,5.141824619,5.141824611,5.141824619,5.141824643,5.141824633,5.141824639,5.141824639,5.141824614
+"11538","PAQR3",4.267389819,4.267389587,4.267389882,4.267389442,4.267389503,4.267389538,4.267389431,4.267389465,4.267389708,4.267389338,4.267389485,4.267389573,4.267389423,4.267389908,4.267389701,4.267389658,4.267389468,4.267389252,4.267389689,4.267389552,4.267389436,4.267389639,4.26738949,4.267389432,4.267389407,4.267389524,4.267389647,4.26738968
+"11539","PAQR4",7.01563896,7.015638992,7.015639016,7.015638988,7.015639051,7.015639035,7.015639027,7.01563897,7.015638991,7.015638995,7.015639032,7.015639046,7.015638972,7.015638929,7.01563901,7.015638989,7.015639028,7.015638999,7.015638994,7.015639014,7.015639012,7.015638982,7.015638931,7.015638957,7.015638967,7.015638989,7.015639,7.015638974
+"11540","PAQR5",4.093477074,4.093477034,4.093477072,4.093477068,4.093477169,4.093477059,4.093477097,4.093477101,4.093477062,4.093477047,4.093477193,4.093477105,4.093477029,4.093477019,4.093477127,4.093476994,4.093477171,4.093477046,4.093477059,4.093477078,4.093477135,4.093477153,4.093477085,4.093477014,4.093477059,4.093477074,4.093477037,4.093477029
+"11541","PAQR6",5.802221966,5.802222143,5.802222181,5.80222212,5.802222162,5.802222169,5.802222162,5.802222265,5.802222089,5.802222123,5.802222171,5.802222254,5.802222188,5.802222025,5.802222209,5.802222106,5.802222332,5.802222311,5.802222021,5.802222224,5.802222212,5.802222176,5.802222112,5.802222115,5.802222299,5.802222174,5.802222156,5.80222214
+"11542","PAQR7",4.921508651,4.921508672,4.921508647,4.921508624,4.921508642,4.921508578,4.921508602,4.921508639,4.921508655,4.921508656,4.921508622,4.921508643,4.921508638,4.921508658,4.921508627,4.921508633,4.921508646,4.92150861,4.921508655,4.921508658,4.921508626,4.921508616,4.921508612,4.921508661,4.921508688,4.921508661,4.921508655,4.921508629
+"11543","PAQR8",7.73819564,7.73819502,7.738194802,7.738194851,7.738195163,7.738194939,7.738195068,7.738195056,7.738196236,7.73819548,7.738194915,7.738195894,7.738195366,7.738196268,7.738195064,7.738194567,7.738194594,7.738194158,7.73819541,7.738195685,7.738194813,7.738195484,7.738195949,7.738195532,7.738194939,7.738195921,7.738195579,7.73819545
+"11544","PAQR9",4.979976349,4.979976178,4.979976255,4.979976425,4.979976582,4.979976575,4.979976564,4.979976298,4.979976418,4.979976716,4.979976432,4.979976544,4.979976441,4.979976125,4.97997654,4.97997647,4.979976583,4.979976381,4.979976558,4.979976494,4.979976435,4.97997643,4.979976378,4.979976319,4.979976454,4.979976382,4.979976376,4.979976325
+"11545","PARD3",4.668022471,4.668022679,4.668022509,4.668023225,4.66802267,4.668022727,4.668022501,4.668022688,4.668022419,4.66802292,4.668022927,4.668022859,4.668022476,4.66802245,4.668022463,4.668022734,4.668022698,4.668022987,4.66802265,4.668022534,4.668022588,4.668022381,4.66802258,4.668022865,4.66802292,4.66802293,4.668022521,4.668022562
+"11546","PARD3B",5.035523975,5.03552406,5.035524202,5.035524169,5.035524449,5.035523986,5.035524255,5.035524283,5.035524126,5.035524124,5.035524193,5.035524427,5.035524115,5.035524127,5.035524324,5.03552424,5.035524315,5.035524225,5.035524205,5.035524099,5.035524328,5.03552432,5.035524151,5.035524019,5.035524168,5.035524353,5.035524061,5.035524145
+"11547","PARD6A",6.313706485,6.313706858,6.313707361,6.313707244,6.313707464,6.313706937,6.313707,6.313707442,6.313707083,6.313707159,6.313707408,6.313707428,6.31370697,6.313706234,6.31370715,6.313707048,6.31370743,6.313707345,6.313707075,6.313706745,6.313707002,6.313707379,6.313706912,6.313707219,6.313707607,6.31370705,6.313707119,6.313706922
+"11548","PARD6B",7.229761463,7.229761518,7.229761521,7.229761478,7.229761563,7.22976139,7.2297615,7.229761579,7.229761517,7.229761502,7.229761502,7.22976156,7.229761531,7.229761443,7.229761551,7.229761549,7.229761557,7.229761525,7.229761507,7.22976146,7.229761513,7.229761527,7.229761505,7.229761496,7.229761574,7.22976155,7.229761487,7.229761567
+"11549","PARD6G",4.118669832,4.118669808,4.118670022,4.118670107,4.118670078,4.11866974,4.118670163,4.11866996,4.118669979,4.118669883,4.118670118,4.118670036,4.118669911,4.118669858,4.118670288,4.118669896,4.11867028,4.11867019,4.118670033,4.118669911,4.118670019,4.118670198,4.118670121,4.118669805,4.11866993,4.118669904,4.118669973,4.118670106
+"11550","PARK7",8.29223698,8.292236942,8.292236891,8.292236742,8.29223682,8.292236972,8.292236949,8.29223685,8.292236963,8.292236971,8.292236795,8.292236682,8.292236898,8.29223713,8.292236815,8.292236825,8.292236675,8.292236562,8.292236846,8.292237115,8.292236882,8.292236919,8.292237004,8.292236946,8.292236662,8.292236805,8.292236936,8.292236866
+"11551","PARL",7.444551167,7.444551108,7.444551129,7.444550991,7.444550949,7.444551112,7.444551056,7.444551039,7.444551023,7.444551065,7.444551029,7.444550917,7.444551136,7.444551242,7.444550992,7.444551125,7.444551084,7.444550887,7.444551055,7.444551118,7.444551017,7.444551063,7.444551027,7.444551115,7.44455096,7.444551034,7.444551123,7.444551093
+"11552","PARM1",4.443591196,4.443591225,4.443591175,4.443591192,4.443591255,4.443591225,4.443591269,4.443591153,4.44359118,4.443591162,4.443591225,4.443591245,4.443591231,4.443591283,4.443591234,4.443591151,4.443591244,4.443591236,4.443591171,4.443591229,4.443591283,4.443591157,4.443591151,4.443591188,4.443591192,4.443591264,4.443591341,4.443591259
+"11553","PARM1-AS1",3.714540779,3.714540811,3.714540537,3.714539916,3.714541367,3.714540543,3.71454096,3.714540492,3.714541973,3.714541008,3.714540429,3.714540884,3.71454073,3.714540612,3.7145413,3.71454142,3.714541032,3.714541429,3.714541089,3.71454028,3.714541096,3.714540937,3.714540175,3.714540764,3.714540881,3.714541584,3.71454059,3.714541317
+"11554","PARN",7.576567251,7.576566744,7.576566812,7.576566539,7.576566549,7.576566803,7.57656673,7.576566606,7.576567015,7.576566777,7.576566627,7.576566561,7.576566835,7.576567416,7.57656685,7.576566561,7.576566372,7.576566663,7.576566999,7.57656651,7.576566701,7.576566609,7.57656696,7.576566949,7.576566567,7.576566803,7.576566971,7.57656693
+"11555","PARP1",7.450062967,7.450062795,7.450062064,7.450061937,7.450062192,7.450062603,7.450062661,7.45006205,7.450062745,7.450062445,7.450061453,7.450061839,7.450062545,7.450063347,7.450062617,7.450062289,7.45006136,7.45006168,7.450062539,7.450062543,7.450062415,7.450062035,7.450062789,7.450062544,7.450061415,7.450062466,7.450062596,7.450062878
+"11556","PARP10",6.971658347,6.971658611,6.971658286,6.971658292,6.971658424,6.971659017,6.971658364,6.971658481,6.971658445,6.971658387,6.971658331,6.971658122,6.971658544,6.971658354,6.971658362,6.971658653,6.971658262,6.97165837,6.971658529,6.971658998,6.971658394,6.971658513,6.971658377,6.971658397,6.971658398,6.971658398,6.971658452,6.971658331
+"11557","PARP11",5.810145524,5.810144996,5.810144622,5.810144608,5.810144439,5.810145862,5.810144894,5.810144899,5.810144861,5.810144923,5.810144485,5.810144869,5.810145123,5.810145541,5.810144917,5.810144905,5.810144296,5.810143865,5.810144965,5.81014597,5.810144643,5.810144564,5.810145231,5.810145161,5.810144785,5.810144982,5.810145164,5.810145102
+"11558","PARP12",7.444632016,7.444631725,7.444630809,7.444631227,7.44463157,7.444635659,7.444631649,7.444631101,7.444631514,7.444632025,7.444630813,7.444630714,7.444632242,7.444631562,7.444630567,7.444630928,7.444629893,7.44463039,7.444632136,7.444635683,7.444631248,7.444631608,7.4446315,7.444631463,7.444630623,7.444630952,7.444632344,7.444631065
+"11559","PARP14",9.077635792,8.972136656,8.485420011,8.701783924,8.842019351,9.877520192,8.880661848,8.743460516,8.251568197,8.578314336,8.450070467,8.104052473,8.761268645,9.028155303,8.876104726,8.863323527,8.293345739,8.388462655,9.045590249,9.766137311,8.867346668,8.826707926,8.354237183,8.672314155,8.435141763,8.310119252,8.695746783,8.654164946
+"11560","PARP15",7.162538046,7.162535916,7.162536136,7.162536386,7.1625352,7.162536653,7.162536692,7.162536597,7.1625368,7.162536843,7.162535648,7.162535751,7.162537503,7.162538087,7.162537003,7.16253532,7.162534615,7.162536271,7.16253598,7.162536925,7.162536514,7.162536566,7.162536952,7.162537097,7.162535986,7.162537625,7.16253774,7.162536468
+"11561","PARP16",7.041958282,7.041958261,7.041958131,7.041958338,7.041958208,7.041958308,7.041958348,7.041958235,7.041958276,7.041958308,7.0419582,7.041958298,7.0419583,7.04195832,7.041958259,7.0419583,7.04195816,7.041958265,7.04195831,7.041958328,7.041958276,7.041958255,7.041958282,7.041958327,7.041958223,7.04195829,7.04195826,7.041958293
+"11562","PARP2",5.218902184,5.218902289,5.218902192,5.21890225,5.218902195,5.218902285,5.218902325,5.218902051,5.218902278,5.218902167,5.218902276,5.218902138,5.218902258,5.218902381,5.218902292,5.21890213,5.218902174,5.21890223,5.218902264,5.21890211,5.218902269,5.218902087,5.218902207,5.21890214,5.218902249,5.218902194,5.218902221,5.218902154
+"11563","PARP3",5.469815453,5.469815422,5.469815455,5.469815418,5.469815446,5.469815595,5.469815465,5.469815438,5.469815496,5.469815472,5.469815432,5.469815481,5.469815462,5.469815405,5.469815433,5.469815404,5.469815473,5.469815454,5.469815457,5.469815557,5.469815442,5.469815477,5.469815526,5.469815472,5.469815411,5.469815434,5.469815453,5.469815426
+"11564","PARP4",8.33796864,8.337969075,8.337968312,8.33796895,8.337968582,8.337968663,8.337969072,8.337968274,8.3379686,8.3379683,8.337968526,8.337967576,8.337968699,8.337969172,8.33796836,8.337968644,8.337968086,8.337968249,8.33796905,8.33796758,8.337968735,8.337968151,8.337968767,8.337968804,8.337968688,8.337968362,8.337968784,8.337968489
+"11565","PARP6",7.128604195,7.12860393,7.128603965,7.12860371,7.128603719,7.128603972,7.128604184,7.128603689,7.128604105,7.12860426,7.128603599,7.128603971,7.12860415,7.128604233,7.128603943,7.128603903,7.128603452,7.128603619,7.128604097,7.128603798,7.128603902,7.128603997,7.128604061,7.128604122,7.128603883,7.128604104,7.128604112,7.128603777
+"11566","PARP8",8.818781249,8.818780677,8.818779912,8.818780769,8.81877932,8.818779704,8.81878004,8.818779353,8.81877959,8.818779365,8.818779653,8.818778246,8.818779979,8.81878088,8.818780038,8.818780408,8.81877936,8.818779686,8.818780306,8.818780281,8.818780541,8.818779708,8.818780218,8.818780461,8.818780071,8.818779506,8.81877993,8.818779757
+"11567","PARP9",8.10236754,8.381373267,7.820205526,8.051879752,7.806510362,9.251134093,8.127332986,7.970438438,7.943650646,7.663675812,7.739826541,6.869448026,8.103827519,8.037651438,8.031113564,8.314286019,7.669811859,7.791802904,8.143287795,9.405324279,8.172094336,8.183569913,8.186775133,7.959935191,7.916983717,7.430797552,8.063760846,7.66580318
+"11568","PARPBP",3.004442718,3.004442698,3.004442725,3.004442717,3.004442698,3.004442732,3.004442726,3.004442719,3.00444273,3.004442707,3.004442727,3.00444273,3.004442699,3.004442739,3.004442712,3.004442721,3.004442718,3.004442708,3.004442699,3.004442707,3.004442715,3.004442723,3.00444274,3.004442698,3.004442711,3.004442701,3.004442728,3.004442713
+"11569","PARS2",7.274823603,7.274823746,7.27482407,7.27482356,7.274824201,7.274823546,7.274823709,7.274824058,7.274823801,7.274823759,7.274823994,7.274824023,7.274823888,7.274823292,7.274823947,7.274824274,7.274823915,7.274824006,7.274823782,7.274823487,7.27482386,7.274823969,7.274823711,7.274823544,7.274823997,7.274823966,7.274823699,7.274824065
+"11570","PART1",3.172584832,3.172584766,3.17258487,3.172584829,3.172584825,3.172584948,3.17258477,3.172584855,3.17258485,3.172584883,3.172584814,3.172584878,3.17258479,3.172584777,3.172584802,3.172584839,3.17258484,3.172584824,3.172584816,3.172584846,3.17258479,3.172584794,3.172584796,3.172584809,3.17258482,3.17258479,3.172584832,3.17258477
+"11571","PARVA",4.508872911,4.508872974,4.508872947,4.508872944,4.508873062,4.508873028,4.508872963,4.508873044,4.508872948,4.508872995,4.508873009,4.508873115,4.508872976,4.508872915,4.508873034,4.50887293,4.508873068,4.508872961,4.508872952,4.508872958,4.508872964,4.508872986,4.508873021,4.508872919,4.508872921,4.508872959,4.508872972,4.508873032
+"11572","PARVB",6.468775171,6.468776011,6.468775794,6.468776316,6.46877577,6.46877525,6.468775037,6.4687748,6.46877446,6.468776673,6.468776538,6.468774951,6.468775359,6.468774272,6.468775251,6.468775457,6.468774956,6.468776291,6.468775398,6.468774533,6.468774389,6.468774589,6.468774464,6.468776905,6.468776439,6.468775059,6.468775561,6.468774668
+"11573","PARVG",8.094476206,8.094476174,8.094476226,8.094476334,8.094476034,8.094476411,8.094476353,8.094476161,8.09447606,8.094476145,8.094476223,8.0944761,8.094476303,8.094476173,8.094476068,8.094475998,8.09447607,8.094476074,8.094476245,8.09447636,8.094476231,8.094476354,8.09447614,8.094476296,8.094476216,8.094476097,8.094476308,8.094476021
+"11574","PASD1",3.504972094,3.504972189,3.504972142,3.504972112,3.504972173,3.504972184,3.504972123,3.50497218,3.504972135,3.504972125,3.504972241,3.50497213,3.504972142,3.504972141,3.504972123,3.504972166,3.504972127,3.504972116,3.504972132,3.504972131,3.504972199,3.504972211,3.504972081,3.504972076,3.504972139,3.504972109,3.504972121,3.504972112
+"11575","PASK",6.515091282,6.515089776,6.515090746,6.515091062,6.515090909,6.515090862,6.515091407,6.515090848,6.51509173,6.515091739,6.515089554,6.515091839,6.515091695,6.515091835,6.515090956,6.515089529,6.515090901,6.515091278,6.515091385,6.51509097,6.515091155,6.515090949,6.515091605,6.515090889,6.51509062,6.515091691,6.515091396,6.515091556
+"11576","PATE1",3.497412372,3.497412332,3.497412482,3.497412437,3.497412444,3.497412408,3.497412359,3.497412457,3.497412513,3.497412423,3.497412478,3.497412496,3.497412389,3.497412284,3.4974124,3.497412455,3.49741247,3.497412423,3.497412337,3.497412393,3.497412431,3.497412449,3.497412467,3.497412405,3.497412334,3.497412362,3.497412401,3.497412388
+"11577","PATE2",3.614159451,3.61415947,3.614159479,3.614159471,3.614159495,3.614159475,3.61415949,3.614159485,3.614159483,3.614159452,3.614159469,3.614159494,3.614159461,3.614159457,3.614159498,3.614159472,3.614159494,3.614159489,3.614159474,3.614159484,3.614159493,3.614159486,3.61415948,3.614159465,3.614159475,3.614159481,3.614159464,3.614159487
+"11578","PATJ",6.531787298,6.531787305,6.531785784,6.531785898,6.531786746,6.531785814,6.531786208,6.531786088,6.531787506,6.531786715,6.531785702,6.53178696,6.531786855,6.531788716,6.531786278,6.531786488,6.531784855,6.531785977,6.531787173,6.53178535,6.531786145,6.53178661,6.531787424,6.531786663,6.53178636,6.531787446,6.531787317,6.53178751
+"11579","PATL1",8.097750902,8.097751103,8.097750807,8.097751202,8.097750496,8.097751834,8.097751019,8.097750668,8.097750896,8.097750816,8.097750696,8.097750477,8.097750911,8.097750951,8.097750697,8.097750814,8.097750554,8.097750965,8.097750892,8.09775201,8.097750885,8.097750815,8.09775106,8.097750982,8.09775096,8.097750723,8.097750914,8.097750662
+"11580","PATL2",6.948583101,6.948582315,6.948582801,6.948582242,6.94858166,6.94858351,6.948583398,6.948583039,6.948583183,6.948582612,6.948582636,6.948582111,6.948582549,6.948582386,6.948582369,6.948581787,6.948582298,6.948581468,6.948582207,6.948582857,6.948583064,6.948582929,6.948583092,6.948582596,6.948583034,6.948582162,6.948582314,6.948581629
+"11581","PATZ1",6.520105162,6.520105095,6.520105075,6.520105058,6.520105047,6.52010522,6.520105065,6.520105092,6.520105171,6.520105137,6.520105069,6.520105167,6.52010518,6.520105229,6.520105021,6.520105038,6.52010499,6.520104983,6.520105107,6.520105029,6.520105003,6.520105068,6.520105205,6.520105083,6.520105034,6.520105116,6.520105142,6.520105143
+"11582","PAWR",4.460348301,4.46034814,4.460348275,4.460348196,4.460348392,4.460348125,4.460348199,4.460348176,4.460348432,4.460348236,4.460348135,4.460347985,4.460348318,4.460348602,4.460348423,4.460348093,4.460348251,4.460348247,4.460348197,4.460348185,4.460348257,4.460348173,4.460348184,4.460348326,4.460348235,4.460348149,4.460348208,4.460348466
+"11583","PAX1",5.408401664,5.408401716,5.408401735,5.408401669,5.408401808,5.408401608,5.408401722,5.408401826,5.408401574,5.40840173,5.4084017,5.40840174,5.408401689,5.408401472,5.40840173,5.408401696,5.408401803,5.408401752,5.408401741,5.408401706,5.408401767,5.408401767,5.408401676,5.408401604,5.408401668,5.408401698,5.408401628,5.408401692
+"11584","PAX2",5.570845538,5.570845638,5.570845644,5.570845634,5.570845847,5.570845506,5.570845643,5.570845661,5.570845602,5.570845691,5.570845748,5.570845713,5.570845573,5.57084563,5.570845782,5.570845726,5.570845832,5.570845863,5.5708456,5.570845658,5.570845672,5.570845742,5.570845657,5.570845514,5.570845759,5.570845738,5.570845562,5.570845736
+"11585","PAX3",4.377199049,4.377199066,4.377199208,4.377199069,4.377199222,4.377199026,4.377199207,4.377199219,4.377199084,4.377199129,4.37719912,4.377199225,4.377199126,4.377199035,4.377199217,4.377199165,4.37719924,4.377199344,4.377199219,4.377199165,4.377199269,4.37719923,4.377199105,4.377199029,4.377199167,4.377199192,4.377199108,4.377199202
+"11586","PAX4",4.936539402,4.936539627,4.936539785,4.936539681,4.936539746,4.936539567,4.936539779,4.936539638,4.936539701,4.936539753,4.936539649,4.936539692,4.936539624,4.936539362,4.936539716,4.936539689,4.936539864,4.93653987,4.936539658,4.936539652,4.936539641,4.936539581,4.9365397,4.936539741,4.936539695,4.936539605,4.936539539,4.936539767
+"11587","PAX5",7.016718197,7.016717369,7.016716915,7.016717372,7.016717549,7.016717621,7.016717821,7.016716748,7.016716948,7.01671813,7.016716554,7.016717854,7.016717277,7.016718406,7.016718209,7.01671703,7.016716705,7.016717853,7.01671755,7.0167175,7.016717485,7.016716994,7.016716947,7.016717983,7.016716434,7.016717911,7.016717626,7.016718488
+"11588","PAX6",3.884803143,3.884803211,3.884803266,3.884803239,3.884803176,3.88480327,3.884803225,3.884803237,3.884803201,3.884803256,3.884803242,3.88480334,3.884803201,3.884803208,3.884803204,3.884803241,3.884803219,3.884803264,3.88480325,3.884803219,3.884803232,3.884803281,3.884803306,3.884803205,3.884803208,3.884803281,3.884803276,3.884803218
+"11589","PAX7",4.968369132,4.968369142,4.968369275,4.968369239,4.968369273,4.968369245,4.968369256,4.968369342,4.968369304,4.968369256,4.968369327,4.96836934,4.968369235,4.968369079,4.968369334,4.968369227,4.968369395,4.968369285,4.968369256,4.968369231,4.968369281,4.968369294,4.968369235,4.968369192,4.968369301,4.968369265,4.968369272,4.968369225
+"11590","PAX8",5.602893284,5.602893287,5.602893323,5.602893291,5.60289333,5.602893301,5.602893298,5.602893327,5.602893276,5.602893299,5.602893341,5.602893325,5.602893294,5.602893225,5.602893312,5.602893294,5.602893304,5.602893322,5.602893305,5.602893304,5.602893314,5.602893329,5.602893278,5.602893274,5.602893308,5.602893311,5.60289328,5.602893291
+"11591","PAX8-AS1",4.583365485,4.583365353,4.583364708,4.5833651,4.583365606,4.583365482,4.583365924,4.583365889,4.58336564,4.583365599,4.583365536,4.58336467,4.583365383,4.583365201,4.583365526,4.583365166,4.583364913,4.583365168,4.583365852,4.583365516,4.583365867,4.583366057,4.583365608,4.583365456,4.583365711,4.583364889,4.583365246,4.583364862
+"11592","PAX9",4.442693173,4.442693091,4.442693306,4.442693251,4.442693273,4.442693287,4.442693248,4.442693279,4.442693248,4.442693158,4.442693354,4.442693628,4.442693112,4.442693102,4.442693338,4.442693227,4.442693441,4.442693335,4.442693157,4.442693177,4.442693233,4.442693333,4.44269326,4.442693186,4.442693245,4.442693244,4.442693223,4.442693166
+"11593","PAXBP1",6.168656215,6.168656105,6.16865604,6.168655983,6.168655932,6.168655823,6.168656016,6.168655957,6.168656219,6.168655969,6.16865596,6.168655787,6.168656118,6.168656456,6.168656059,6.168656035,6.168655849,6.168655984,6.168656089,6.168655846,6.168656044,6.168655991,6.168656159,6.168656042,6.168655958,6.168656017,6.168656084,6.168656222
+"11594","PAXIP1",5.728667437,5.728667394,5.728667418,5.728667384,5.728667427,5.728667517,5.728667527,5.728667395,5.728667411,5.728667436,5.728667429,5.728667435,5.72866749,5.728667478,5.72866745,5.728667313,5.728667306,5.728667354,5.728667472,5.728667367,5.728667508,5.728667469,5.728667437,5.728667457,5.728667383,5.728667454,5.728667463,5.728667477
+"11595","PAXX",7.72386555,7.723865539,7.723865591,7.723865534,7.723865623,7.723865561,7.723865583,7.723865594,7.723865594,7.723865586,7.723865587,7.723865643,7.723865559,7.723865509,7.723865617,7.723865599,7.723865627,7.723865565,7.723865561,7.723865576,7.723865574,7.723865616,7.723865573,7.723865542,7.723865551,7.723865608,7.723865553,7.723865598
+"11596","PBDC1",5.333654586,5.33365412,5.333653832,5.33365415,5.333653968,5.333654458,5.333654289,5.333654186,5.333654616,5.333654453,5.333653789,5.33365362,5.333654234,5.333655092,5.333654326,5.333654171,5.33365373,5.333654013,5.333654268,5.333654074,5.333654169,5.33365401,5.333654727,5.333654351,5.333654117,5.333653886,5.333654033,5.333654493
+"11597","PBK",2.807798705,2.807798971,2.80779867,2.807798805,2.807798629,2.807798808,2.807799011,2.807798618,2.807798969,2.807798884,2.807798918,2.807799263,2.807798827,2.807798578,2.807798791,2.807799038,2.807798639,2.807799055,2.807798985,2.807798773,2.807799265,2.807798957,2.807798887,2.807798728,2.807798609,2.807798765,2.807798764,2.807798883
+"11598","PBLD",4.279688219,4.279688195,4.279688227,4.279688223,4.27968821,4.279688201,4.279688193,4.279688211,4.279688198,4.279688209,4.279688218,4.279688221,4.279688201,4.279688203,4.27968822,4.279688208,4.279688213,4.279688221,4.279688214,4.279688228,4.279688215,4.27968822,4.279688207,4.27968822,4.279688212,4.279688199,4.279688177,4.279688197
+"11599","PBOV1",3.094499656,3.094499653,3.09449966,3.094499652,3.09449967,3.094499647,3.094499671,3.094499664,3.094499664,3.094499646,3.094499667,3.094499675,3.094499665,3.094499643,3.094499682,3.094499678,3.09449967,3.094499703,3.094499665,3.09449966,3.094499648,3.09449967,3.094499656,3.094499656,3.094499658,3.094499645,3.094499654,3.094499664
+"11600","PBRM1",7.640729707,7.640728982,7.640728765,7.640728799,7.640729097,7.640728709,7.640729198,7.640728486,7.640728901,7.640728998,7.640728477,7.640728127,7.640728933,7.640730078,7.640729259,7.64072872,7.640728533,7.640728397,7.640729223,7.640727675,7.640729088,7.64072866,7.640729326,7.640729284,7.640728646,7.640728995,7.640729269,7.640729174
+"11601","PBX1",6.292452635,6.292452878,6.292453168,6.292453238,6.292452885,6.292453319,6.29245275,6.292453103,6.292452955,6.292453116,6.292453313,6.292453247,6.292452751,6.292452331,6.29245273,6.292452937,6.292453068,6.292453119,6.292452535,6.292453095,6.29245283,6.292452892,6.292452962,6.292453348,6.292453293,6.29245326,6.292452968,6.292452692
+"11602","PBX3",6.158375114,6.158374985,6.158375018,6.158375061,6.158375048,6.15837503,6.158375029,6.158375025,6.15837506,6.158375073,6.158374991,6.158375039,6.158375117,6.158375122,6.158375072,6.158374894,6.158375012,6.158374996,6.158375055,6.158375001,6.158375046,6.158375013,6.158375042,6.158375071,6.158375018,6.158375066,6.158375091,6.158375059
+"11603","PBX3-DT",4.008299213,4.00829923,4.008299247,4.008299254,4.008299265,4.008299219,4.008299249,4.008299251,4.008299231,4.008299222,4.00829925,4.008299281,4.008299239,4.008299227,4.008299256,4.008299234,4.008299273,4.008299244,4.008299238,4.008299233,4.008299271,4.00829927,4.008299231,4.008299221,4.00829925,4.008299247,4.008299207,4.008299233
+"11604","PBX4",6.470136551,6.470136372,6.470136529,6.47013652,6.470136568,6.470136505,6.470136579,6.470136598,6.470136557,6.470136546,6.470136489,6.470136638,6.470136569,6.470136483,6.470136528,6.470136415,6.470136501,6.470136458,6.470136523,6.47013644,6.470136578,6.470136647,6.470136505,6.4701364,6.470136459,6.470136526,6.470136546,6.470136538
+"11605","PBXIP1",7.364370575,7.364370918,7.364370676,7.364370774,7.364370699,7.364370363,7.364370535,7.364370605,7.364370634,7.364370628,7.364370694,7.364370515,7.364370816,7.364370781,7.364370714,7.36437099,7.364370632,7.364370833,7.364370728,7.364370491,7.364370563,7.36437066,7.364370677,7.364370674,7.364370771,7.364370756,7.364370789,7.364370843
+"11606","PC",4.832996244,4.832996221,4.832996242,4.832996252,4.832996277,4.832996251,4.832996242,4.832996269,4.832996254,4.832996247,4.832996256,4.832996274,4.832996259,4.832996196,4.832996281,4.832996248,4.832996276,4.832996273,4.832996249,4.83299626,4.832996289,4.83299628,4.832996236,4.832996215,4.832996259,4.832996298,4.832996257,4.832996263
+"11607","PCARE",4.921659618,4.921659578,4.921659635,4.921659607,4.921659649,4.921659606,4.92165961,4.921659654,4.921659624,4.921659611,4.921659633,4.921659653,4.921659607,4.921659594,4.921659638,4.921659624,4.921659667,4.921659656,4.921659614,4.921659627,4.921659638,4.92165964,4.921659599,4.921659608,4.921659635,4.921659641,4.921659594,4.921659661
+"11608","PCAT18",4.60677655,4.606776542,4.606776643,4.606776583,4.60677671,4.606776511,4.606776689,4.606776668,4.606776575,4.606776556,4.606776634,4.606776658,4.606776605,4.606776521,4.606776662,4.606776688,4.606776801,4.606776655,4.606776686,4.606776672,4.60677672,4.606776685,4.606776549,4.606776422,4.606776637,4.606776608,4.60677658,4.606776565
+"11609","PCAT4",2.370774613,2.370774812,2.370774758,2.370774779,2.370774776,2.370774797,2.370774869,2.370774818,2.370774727,2.370774723,2.370774779,2.370774783,2.370774711,2.370774729,2.370774642,2.37077469,2.370774741,2.370774684,2.370774713,2.370774772,2.370774756,2.370774675,2.370774802,2.370774706,2.370774743,2.370774722,2.370774724,2.370774781
+"11610","PCBD1",5.528995488,5.528995533,5.528995501,5.528995401,5.52899541,5.52899548,5.528995512,5.528995466,5.528995486,5.528995532,5.528995442,5.528995406,5.528995514,5.528995505,5.52899544,5.528995482,5.528995514,5.52899545,5.528995438,5.52899541,5.528995524,5.528995445,5.528995432,5.528995451,5.528995372,5.528995433,5.52899544,5.528995392
+"11611","PCBD2",6.013310864,6.013310669,6.013310798,6.013310569,6.013310802,6.013310689,6.013310796,6.013310832,6.013310771,6.013310592,6.013310732,6.013310466,6.013310636,6.013310889,6.01331063,6.013310895,6.013310638,6.013310603,6.013310687,6.013310792,6.013310598,6.013310557,6.013310673,6.013310651,6.013310614,6.013310593,6.013310717,6.013310692
+"11612","PCBP1",8.630254216,8.630254273,8.630254044,8.630254181,8.630253876,8.630254645,8.63025414,8.630254418,8.630254461,8.630254142,8.630253941,8.630253892,8.630254272,8.630254221,8.630254227,8.630253884,8.630253854,8.630253912,8.63025388,8.630254451,8.630253906,8.63025435,8.630254507,8.630254344,8.630253825,8.630254259,8.630254361,8.630254022
+"11613","PCBP3",5.361017195,5.361017283,5.361017232,5.361017158,5.361017314,5.361017285,5.36101719,5.361017266,5.361016938,5.3610172,5.361017212,5.361017188,5.361017251,5.36101683,5.361017161,5.361017452,5.361017331,5.361017352,5.36101734,5.361017342,5.361017207,5.361017262,5.361016925,5.361017216,5.361017119,5.361017407,5.36101737,5.361017218
+"11614","PCBP4",5.142426315,5.142426326,5.14242632,5.142426315,5.142426359,5.14242629,5.142426337,5.142426345,5.142426325,5.142426325,5.142426318,5.142426352,5.142426305,5.142426302,5.142426352,5.142426314,5.142426365,5.142426349,5.142426296,5.142426348,5.142426325,5.142426359,5.142426314,5.14242632,5.142426331,5.142426317,5.142426325,5.142426323
+"11615","PCCA",5.361394443,5.361394223,5.361393604,5.361393785,5.36139423,5.3613939,5.361394081,5.361393817,5.361394056,5.361394231,5.361393802,5.361393746,5.361394424,5.361394341,5.361393935,5.361393823,5.361393434,5.361393748,5.36139403,5.361393459,5.361393867,5.361394111,5.361394056,5.361394206,5.361393843,5.361393954,5.361394227,5.361394096
+"11616","PCCB",6.736766264,6.736766245,6.736766284,6.736766192,6.736766127,6.736766558,6.736766464,6.736766293,6.736766377,6.736766473,6.736766047,6.736766323,6.736766318,6.736766572,6.736766173,6.736766358,6.736766206,6.736765868,6.736766217,6.736765856,6.736766353,6.736766265,6.736766409,6.736766579,6.736765974,6.736766177,6.73676632,6.736766414
+"11617","PCDH1",6.141018372,6.141018367,6.141018404,6.141018386,6.141018409,6.141018366,6.141018378,6.141018399,6.141018376,6.141018393,6.141018393,6.1410184,6.141018384,6.141018337,6.141018397,6.141018402,6.141018413,6.141018403,6.141018394,6.141018377,6.141018388,6.141018406,6.141018376,6.141018379,6.141018393,6.141018394,6.141018375,6.14101839
+"11618","PCDH10",4.638721842,4.638721939,4.638721956,4.638722013,4.638722068,4.63872195,4.638721909,4.638722042,4.638721976,4.638721961,4.638722036,4.638722136,4.63872194,4.638721819,4.638722002,4.638721969,4.638722019,4.638721996,4.638721981,4.638722048,4.638722047,4.638722072,4.638721921,4.638721995,4.638721965,4.638722002,4.638721943,4.638721959
+"11619","PCDH12",5.008049087,5.008049273,5.008049551,5.008049269,5.008049642,5.00804907,5.008049405,5.008049474,5.008049211,5.008049242,5.008049445,5.008049398,5.008049389,5.008049021,5.008049461,5.008049516,5.008049577,5.008049561,5.008049349,5.008049264,5.008049409,5.008049544,5.008049145,5.008049289,5.008049368,5.008049519,5.008049285,5.008049499
+"11620","PCDH15",3.035160471,3.035160487,3.035160504,3.035160488,3.035160487,3.035160506,3.035160502,3.03516051,3.035160542,3.035160505,3.035160534,3.035160494,3.035160495,3.035160453,3.035160509,3.035160556,3.035160534,3.035160523,3.035160508,3.035160512,3.035160509,3.035160488,3.035160499,3.035160483,3.035160502,3.035160481,3.035160497,3.035160507
+"11621","PCDH17",5.181203461,5.181203466,5.181203546,5.181203501,5.181203545,5.181203449,5.18120355,5.181203583,5.181203524,5.181203535,5.181203517,5.181203563,5.181203496,5.181203434,5.181203527,5.181203441,5.181203592,5.181203538,5.181203511,5.181203459,5.181203528,5.181203523,5.181203497,5.181203465,5.181203532,5.18120351,5.181203484,5.181203506
+"11622","PCDH18",3.242023793,3.242023783,3.242023788,3.242023782,3.242023823,3.242023802,3.242023801,3.242023822,3.242023785,3.242023792,3.24202383,3.242023813,3.242023789,3.242023785,3.242023804,3.242023793,3.242023838,3.242023848,3.242023781,3.242023787,3.242023803,3.242023798,3.242023796,3.242023793,3.242023814,3.24202379,3.242023792,3.242023783
+"11623","PCDH19",3.678177479,3.678177458,3.678177482,3.678177467,3.678177513,3.678177476,3.678177499,3.678177485,3.678177508,3.678177452,3.678177514,3.678177508,3.678177461,3.678177457,3.678177496,3.678177466,3.678177515,3.678177501,3.678177471,3.678177428,3.678177469,3.678177492,3.678177488,3.67817745,3.678177486,3.678177457,3.678177468,3.678177505
+"11624","PCDH20",4.226574784,4.226574981,4.226575007,4.226575113,4.226574943,4.226575027,4.226574889,4.226574812,4.226574905,4.226574978,4.226575019,4.226574951,4.226574871,4.226574694,4.226575016,4.226575002,4.226575152,4.226574951,4.226574915,4.226574943,4.226574945,4.226575053,4.226574956,4.226575017,4.226574976,4.226574924,4.226575055,4.226575008
+"11625","PCDH7",4.466301037,4.466301124,4.46630126,4.4663012,4.466301243,4.466301042,4.466300988,4.466301239,4.466301164,4.466301139,4.466301332,4.466301105,4.466301091,4.466300975,4.466301199,4.466301159,4.466301237,4.466301174,4.466301025,4.466301091,4.466301242,4.466301268,4.466301144,4.466301032,4.466301189,4.46630127,4.466301123,4.466301282
+"11626","PCDH8",5.142639828,5.14263982,5.142639853,5.14263985,5.142639845,5.142639831,5.142639853,5.142639847,5.142639848,5.142639867,5.142639872,5.142639865,5.142639838,5.142639816,5.142639836,5.14263985,5.142639849,5.14263987,5.142639846,5.142639835,5.14263985,5.142639837,5.14263983,5.142639825,5.142639847,5.142639847,5.142639836,5.142639833
+"11627","PCDH9",3.722104352,3.722104324,3.722104324,3.722104363,3.722104351,3.722104335,3.722104315,3.722104301,3.722104329,3.722104329,3.722104354,3.722104342,3.722104301,3.722104337,3.722104369,3.722104338,3.722104353,3.722104361,3.722104322,3.722104323,3.72210431,3.722104327,3.722104328,3.722104373,3.722104332,3.722104359,3.722104329,3.722104318
+"11628","PCDHA1",4.04528546,4.045285716,4.045285738,4.045285248,4.045286482,4.045285387,4.045285702,4.045285618,4.045285692,4.045285423,4.045285185,4.045286249,4.045285793,4.045285401,4.045285563,4.045286246,4.045285982,4.045285253,4.045285887,4.045285016,4.045285604,4.045286286,4.045285871,4.045285168,4.045285173,4.045285774,4.04528533,4.045285286
+"11629","PCDHA10",4.889632751,4.88963279,4.889632849,4.889632777,4.889632781,4.889632778,4.889632793,4.88963281,4.889632777,4.889632815,4.889632786,4.889632801,4.889632796,4.889632759,4.889632767,4.889632793,4.889632838,4.889632778,4.889632805,4.889632748,4.889632758,4.889632854,4.889632813,4.889632767,4.889632837,4.889632759,4.889632768,4.889632745
+"11630","PCDHA11",2.67481947,2.674819427,2.674819233,2.674819153,2.674819397,2.674819441,2.674819273,2.674819301,2.674819394,2.674819592,2.674819621,2.674819638,2.674819358,2.674819363,2.674819482,2.674819157,2.674819461,2.674819486,2.674819265,2.674819571,2.674819437,2.674819378,2.674819273,2.67481952,2.674819449,2.674819573,2.674819401,2.674819241
+"11631","PCDHA12",4.336277395,4.336277574,4.336277679,4.336277379,4.336277807,4.336277179,4.336277318,4.336277673,4.336277637,4.336277534,4.336277655,4.336277789,4.336277571,4.336277514,4.336277768,4.3362777,4.336277563,4.336277538,4.336277762,4.336277385,4.336277578,4.336277758,4.336277393,4.33627755,4.336277883,4.336277727,4.336277556,4.33627767
+"11632","PCDHA13",5.935986503,5.935985401,5.935986605,5.935986551,5.935987658,5.935986417,5.935986826,5.935987483,5.935985947,5.935986506,5.93598688,5.935986379,5.935986811,5.935986163,5.935987265,5.935986794,5.935987137,5.935986447,5.935986921,5.935986258,5.935987047,5.935987851,5.935985984,5.935986104,5.935986499,5.935986915,5.935984396,5.935987201
+"11633","PCDHA2",3.4022938325,3.402293983,3.402294079,3.4022940505,3.4022938885,3.402293574,3.4022938745,3.402293782,3.402294022,3.4022941285,3.402294232,3.4022941625,3.402293773,3.402293715,3.4022940435,3.4022942835,3.402294308,3.402294083,3.402293795,3.4022936235,3.402293779,3.402293887,3.402293815,3.402294153,3.402294138,3.4022939255,3.402293925,3.4022939205
+"11634","PCDHA3",4.665936632,4.665937075,4.665937367,4.665936037,4.665936349,4.66593846,4.66593701,4.665939573,4.665936753,4.665939375,4.665939033,4.665939646,4.665935252,4.665932457,4.665937144,4.665935222,4.665940151,4.665939387,4.665936298,4.665938404,4.665940495,4.665938078,4.665939766,4.665937418,4.665941404,4.665939543,4.665939752,4.665938153
+"11635","PCDHA4",3.459869388,3.459869303,3.459869299,3.459869387,3.45986939,3.459869558,3.459869318,3.45986936,3.459869374,3.45986948,3.459869361,3.459869417,3.459869445,3.459869556,3.459869627,3.459869337,3.459869817,3.459869571,3.459869563,3.459869414,3.459869121,3.459869643,3.459869274,3.459869542,3.459869724,3.459869306,3.459869399,3.459869382
+"11636","PCDHA5",5.167382603,5.167384205,5.167385486,5.167380461,5.167385748,5.167383156,5.167384925,5.16738518,5.167386037,5.16738538,5.167386704,5.16738899,5.167385579,5.167383644,5.167387085,5.167383426,5.167386603,5.16738455,5.167383963,5.167384485,5.16738447,5.167383643,5.167382818,5.16738176,5.167384916,5.167384133,5.167385033,5.167384357
+"11637","PCDHA6",3.963241293,3.963241942,3.963241193,3.963241266,3.963241991,3.963242381,3.963241496,3.963241211,3.963241802,3.963241845,3.963241198,3.963241849,3.963240895,3.963242024,3.963241692,3.96324174,3.963241609,3.963241555,3.96324178,3.963242362,3.963240959,3.963242683,3.96324114,3.963241703,3.963241968,3.963241931,3.963241373,3.963242253
+"11638","PCDHA7",4.291060428,4.291060451,4.291060445,4.291060489,4.291060502,4.291060389,4.291060434,4.291060489,4.291060421,4.291060344,4.291060516,4.291060455,4.291060427,4.291060421,4.291060529,4.291060306,4.291060437,4.291060396,4.29106049,4.291060501,4.291060469,4.291060408,4.291060344,4.291060408,4.291060631,4.291060451,4.291060392,4.291060448
+"11639","PCDHA8",5.12457302,5.124573013,5.124572986,5.124573033,5.124573085,5.124573022,5.124573067,5.124573036,5.124573002,5.124573038,5.124573019,5.124573043,5.12457304,5.12457296,5.12457307,5.124573004,5.124573027,5.124573048,5.12457302,5.124573034,5.124573062,5.124573033,5.124573,5.124573008,5.124573023,5.124573075,5.124573019,5.124573022
+"11640","PCDHB1",3.367302392,3.367302483,3.367302602,3.367302619,3.367302492,3.367302741,3.36730263,3.367302771,3.367302402,3.367302724,3.3673027,3.367302567,3.367302688,3.367302584,3.367302575,3.36730257,3.367302785,3.367302612,3.367302645,3.367302495,3.367302741,3.367302617,3.367302641,3.367302473,3.367302645,3.36730265,3.367302445,3.367302561
+"11641","PCDHB10",3.496733061,3.49673308,3.496733104,3.496733053,3.496733097,3.496732979,3.496733103,3.496733105,3.496733072,3.496733101,3.496733086,3.496733181,3.496733059,3.496733081,3.496733097,3.496733129,3.496733142,3.496733089,3.496733095,3.496733038,3.496733106,3.496733104,3.496733025,3.49673307,3.496733096,3.49673308,3.496733055,3.49673313
+"11642","PCDHB11",3.826335966,3.826335974,3.826335968,3.826335959,3.826336001,3.826335956,3.826335986,3.826336,3.826335965,3.826335955,3.826336003,3.826336002,3.826335988,3.826335942,3.826335989,3.826335992,3.826335992,3.826335987,3.826335989,3.826335978,3.826336017,3.826335999,3.826335958,3.82633596,3.826335968,3.82633599,3.826335932,3.826335995
+"11643","PCDHB12",3.931609822,3.931609879,3.93160991,3.931609873,3.931609912,3.931609803,3.931609896,3.931609935,3.931609847,3.931609871,3.931609903,3.931609913,3.931609904,3.931609826,3.931609872,3.931609916,3.931609876,3.93160993,3.931609854,3.931609936,3.931609862,3.931609912,3.931609896,3.931609929,3.931609927,3.931609887,3.931609858,3.93160988
+"11644","PCDHB13",3.029618958,3.029618951,3.029619088,3.02961895,3.029619139,3.029619043,3.029619083,3.029619212,3.029619068,3.029618977,3.029619084,3.029619342,3.029619034,3.029618945,3.029618931,3.029618861,3.02961912,3.029618995,3.029619236,3.029618894,3.029619089,3.029618833,3.029618864,3.029618924,3.02961909,3.029618928,3.029618949,3.029619045
+"11645","PCDHB14",3.371804637,3.371804639,3.371804656,3.371804643,3.371804663,3.371804629,3.371804641,3.371804659,3.371804651,3.371804628,3.37180465,3.371804657,3.371804643,3.371804632,3.371804635,3.371804658,3.371804651,3.371804644,3.371804644,3.371804654,3.371804642,3.371804643,3.371804639,3.371804634,3.371804657,3.371804629,3.371804636,3.371804667
+"11646","PCDHB15",3.416778651,3.416778696,3.416778784,3.41677873,3.416778775,3.416778606,3.416778653,3.416778678,3.416778676,3.416778701,3.416778621,3.41677861,3.416778619,3.416778665,3.416778663,3.416778701,3.416778815,3.416778724,3.416778679,3.41677863,3.416778697,3.416778574,3.416778623,3.416778619,3.416778619,3.416778608,3.416778621,3.416778796
+"11647","PCDHB16",3.68233678,3.682336717,3.682336836,3.682336783,3.68233686,3.682336561,3.682336839,3.682336727,3.68233686,3.682336557,3.682336911,3.682336984,3.682337044,3.682336633,3.682336899,3.682336765,3.682337091,3.682336882,3.682336639,3.682336956,3.682337093,3.682336872,3.682336693,3.68233671,3.682336901,3.682336878,3.682336861,3.682336579
+"11648","PCDHB17P",3.422007076,3.422007392,3.42200712,3.422007289,3.422007559,3.422007281,3.422007501,3.422007318,3.422007532,3.422007665,3.422007509,3.422007557,3.422007468,3.422007536,3.42200784,3.422007818,3.422007507,3.422007482,3.422007398,3.422007544,3.422007547,3.422007287,3.422007194,3.422007324,3.422007596,3.422007314,3.42200735,3.422007554
+"11649","PCDHB18P",4.638894097,4.638894133,4.638894206,4.638894175,4.638894213,4.638894028,4.638894153,4.638894221,4.638894164,4.638894128,4.638894167,4.638894228,4.638894127,4.638894059,4.638894152,4.638894145,4.63889419,4.638894157,4.638894138,4.638894115,4.638894135,4.638894179,4.638894113,4.638894129,4.638894214,4.638894133,4.638894135,4.638894178
+"11650","PCDHB2",4.397538046,4.397537926,4.397538252,4.397538292,4.397538601,4.397538042,4.397538088,4.397538421,4.397538408,4.397538071,4.397538002,4.39753858,4.397538037,4.397538285,4.397538218,4.397538515,4.397538493,4.397538236,4.397538146,4.397537662,4.397538161,4.397538471,4.397537702,4.397538143,4.397538423,4.39753853,4.397538074,4.397538647
+"11651","PCDHB3",3.558463724,3.558463781,3.55846392,3.55846391,3.558464424,3.558463422,3.558463646,3.558463987,3.558463919,3.558463587,3.558463958,3.55846412,3.558463759,3.558463821,3.558464127,3.558464137,3.558463753,3.558464178,3.558464006,3.558463616,3.558463867,3.5584641,3.558463802,3.558463629,3.558464293,3.558463779,3.558463703,3.558464171
+"11652","PCDHB4",2.486972347,2.486972372,2.486972422,2.486972394,2.486972386,2.486972423,2.486972393,2.486972441,2.486972381,2.486972398,2.486972403,2.486972401,2.486972395,2.486972407,2.486972388,2.486972462,2.486972427,2.486972371,2.486972437,2.486972392,2.486972382,2.486972394,2.486972377,2.48697241,2.486972395,2.486972396,2.4869724,2.486972454
+"11653","PCDHB5",3.549347391,3.5493474,3.549347462,3.549347424,3.549347455,3.549347392,3.549347426,3.549347437,3.549347391,3.549347444,3.549347438,3.549347423,3.549347405,3.549347419,3.54934746,3.549347402,3.549347427,3.549347432,3.549347423,3.549347437,3.549347431,3.549347427,3.549347433,3.549347414,3.549347412,3.549347413,3.549347427,3.549347446
+"11654","PCDHB6",3.470749892,3.470750185,3.470750255,3.470750331,3.470749989,3.470749918,3.470749944,3.470750126,3.470750119,3.470749925,3.470750297,3.470750153,3.470750234,3.470750041,3.47074995,3.470750385,3.470750326,3.470750295,3.470750043,3.470750098,3.470749921,3.470750203,3.47075006,3.470750023,3.470750156,3.470749972,3.470750023,3.470749983
+"11655","PCDHB7",3.668796678,3.668796637,3.668796827,3.66879682,3.668796704,3.668796847,3.668796736,3.668796799,3.668797032,3.668796767,3.66879711,3.668796954,3.668796661,3.668796815,3.668796882,3.668796823,3.668796713,3.668796759,3.668796964,3.668796873,3.668796852,3.668796948,3.668796621,3.668796915,3.668797036,3.66879697,3.668796768,3.6687969
+"11656","PCDHB8",2.558911172,2.558911228,2.55891128,2.55891132,2.55891133,2.558911309,2.558911482,2.558911468,2.558911289,2.55891135,2.55891141,2.55891141,2.558911323,2.55891121,2.55891148,2.558911291,2.558911427,2.558911484,2.558911346,2.558911396,2.558911264,2.558911338,2.55891137,2.558911389,2.558911315,2.558911381,2.558911339,2.558911458
+"11657","PCDHB9",3.606664186,3.60666418,3.60666419,3.606664206,3.606664207,3.606664168,3.606664184,3.606664207,3.606664192,3.606664194,3.606664226,3.606664209,3.606664204,3.606664182,3.606664202,3.606664202,3.606664201,3.606664196,3.606664219,3.606664185,3.606664202,3.606664189,3.606664201,3.606664194,3.606664193,3.606664195,3.606664182,3.606664171
+"11658","PCDHGB4",6.367529719,6.367529721,6.367530141,6.367530102,6.367530336,6.367530071,6.367530275,6.36753003,6.367529957,6.36753006,6.367530225,6.367530312,6.367529371,6.367529544,6.367530429,6.367529973,6.367530271,6.367529893,6.367530289,6.367530061,6.367530196,6.367530497,6.367529816,6.367529573,6.367529714,6.367530346,6.367529934,6.367530311
+"11659","PCED1A",6.482271014,6.482270905,6.482271022,6.482270866,6.482270949,6.48227096,6.482270997,6.482270949,6.482270977,6.482270995,6.482270991,6.482271089,6.482270955,6.482270722,6.482270929,6.482271014,6.482270937,6.482270893,6.482270921,6.48227089,6.4822709,6.482271049,6.482270717,6.482270797,6.482270952,6.482270979,6.482270997,6.482270962
+"11660","PCED1B",6.44752009,6.447519521,6.447519412,6.447519568,6.447519589,6.447519789,6.447519437,6.447519629,6.447520475,6.447519883,6.447519473,6.447519884,6.447519893,6.447519985,6.447519536,6.447519352,6.447519196,6.447519557,6.447519727,6.44751953,6.447519424,6.447519629,6.447520216,6.447519692,6.447519438,6.447519915,6.447519967,6.447519954
+"11661","PCF11",7.564809313,7.564809259,7.564808634,7.564809125,7.564808466,7.564808357,7.56480905,7.564808258,7.564808832,7.564808883,7.564808237,7.564807972,7.56480912,7.564810514,7.564808999,7.564808955,7.564807881,7.564808637,7.564809128,7.564808593,7.564808758,7.5648083,7.564808911,7.564808925,7.564808915,7.564808359,7.564808958,7.564809739
+"11662","PCGF1",5.235169959,5.235169984,5.235169942,5.23516997,5.235169928,5.235169947,5.235169959,5.235169961,5.235169983,5.235169987,5.235169977,5.235169939,5.23516997,5.235169972,5.235169947,5.23516999,5.235169942,5.235169935,5.235169967,5.235169935,5.235169955,5.235169957,5.235169966,5.235169966,5.235169976,5.235169939,5.23516996,5.235169948
+"11663","PCGF2",5.543644123,5.543644282,5.543644555,5.543644285,5.543644446,5.543644135,5.543644349,5.543644474,5.543644261,5.543644255,5.543644522,5.543644548,5.543644375,5.543644061,5.543644308,5.543644447,5.543644566,5.543644512,5.5436443,5.543644216,5.543644307,5.543644432,5.543644294,5.543644195,5.54364443,5.543644302,5.543644354,5.543644319
+"11664","PCGF3",6.429277551,6.429277185,6.429277305,6.429277844,6.429277468,6.429277185,6.42927722,6.429277179,6.429277272,6.429277486,6.42927735,6.429277231,6.429277508,6.429277513,6.429277342,6.429276644,6.429276723,6.429277507,6.429277545,6.429277461,6.429277267,6.429277214,6.429277576,6.429277303,6.429277452,6.429277423,6.429277271,6.429277116
+"11665","PCGF5",7.918348568,7.918348287,7.918348543,7.918348324,7.918348396,7.918348542,7.918348358,7.91834843,7.91834852,7.918348456,7.918348368,7.918348251,7.918348298,7.918348506,7.918348431,7.918348108,7.918348473,7.91834832,7.918348438,7.918348466,7.918348371,7.918348435,7.918348569,7.91834847,7.918348446,7.918348365,7.918348347,7.918348516
+"11666","PCGF6",4.6515731175,4.6515731845,4.651573092,4.651573107,4.651573076,4.6515730385,4.651573085,4.651573094,4.6515731825,4.651573099,4.6515730335,4.651573046,4.6515731165,4.6515731935,4.6515731125,4.6515732045,4.651573115,4.6515731465,4.6515730225,4.6515731065,4.651573073,4.651573137,4.6515731895,4.6515731205,4.651573164,4.6515730535,4.651573122,4.6515731405
+"11667","PCID2",6.451080127,6.4510797685,6.4510796185,6.4510796445,6.451079687,6.451079794,6.451079909,6.451079798,6.451080008,6.4510798555,6.4510795365,6.4510796325,6.4510799955,6.451080107,6.451079787,6.451079767,6.451079402,6.451079512,6.4510798485,6.451079742,6.451079793,6.4510798545,6.45107989,6.4510799455,6.4510795975,6.4510799015,6.451080003,6.4510798755
+"11668","PCIF1",7.100267453,7.100267526,7.100267396,7.100267607,7.100267277,7.100267519,7.100267387,7.100267349,7.100267399,7.100267429,7.100267282,7.100267415,7.100267528,7.100267308,7.100267322,7.100267424,7.100267272,7.100267425,7.100267381,7.100267278,7.100267361,7.100267419,7.100267369,7.100267573,7.100267445,7.100267374,7.10026756,7.100267202
+"11669","PCK1",4.367661309,4.367661275,4.367661364,4.367661251,4.367661428,4.367661363,4.367661354,4.367661338,4.367661337,4.367661317,4.367661335,4.367661407,4.367661332,4.367661265,4.36766135,4.367661347,4.367661419,4.367661326,4.367661332,4.367661315,4.367661376,4.367661348,4.367661255,4.367661276,4.367661323,4.36766135,4.367661351,4.367661378
+"11670","PCK2",6.276163648,6.2761636,6.276163828,6.276163752,6.276163801,6.276163914,6.276163761,6.276163822,6.276163752,6.276163757,6.276163687,6.276163853,6.276163655,6.276163669,6.276163668,6.276163539,6.276163656,6.276163694,6.276163707,6.276163783,6.276163703,6.276163841,6.276163601,6.276163771,6.276163679,6.276163688,6.276163826,6.276163677
+"11671","PCLAF",3.452209783,3.452210149,3.452209661,3.452209822,3.452210002,3.452210428,3.452212314,3.452209732,3.452210946,3.452209914,3.45220955,3.452209943,3.452210293,3.452209652,3.452209831,3.452209567,3.452210058,3.45220947,3.45220932,3.452210559,3.452211733,3.452209611,3.452211832,3.452209954,3.452209635,3.452209608,3.45220977,3.452209562
+"11672","PCLO",3.367113007,3.367113004,3.367113014,3.36711301,3.367113012,3.367113015,3.367113005,3.367113009,3.367113006,3.367113014,3.367113013,3.367113019,3.367113003,3.367113008,3.367113007,3.36711301,3.367113005,3.367113015,3.367113015,3.367113008,3.367113008,3.367113007,3.367113006,3.367113005,3.367113012,3.367113008,3.367113008,3.367113004
+"11673","PCM1",7.284461944,7.284461665,7.28446162,7.28446153,7.284461572,7.284461495,7.284461796,7.284461554,7.284461722,7.284461625,7.28446151,7.284461504,7.284461708,7.284462177,7.284461802,7.284461488,7.284461484,7.28446148,7.284461787,7.284461248,7.284461791,7.284461512,7.284461756,7.28446158,7.284461554,7.284461731,7.284461729,7.284461954
+"11674","PCMT1",6.685365579,6.685365525,6.685365668,6.685365379,6.685365119,6.685365344,6.685365485,6.685365101,6.685365137,6.685365591,6.685365409,6.685364877,6.685365322,6.685366068,6.685365337,6.685365622,6.685365342,6.685365256,6.685365477,6.685365766,6.685365388,6.685365168,6.685365661,6.685365699,6.68536548,6.685365002,6.685365166,6.685365466
+"11675","PCMTD1",5.323884153,5.323884499,5.323883697,5.3238838165,5.323883255,5.3238825265,5.323882713,5.3238832125,5.3238832215,5.3238834635,5.3238834385,5.3238820605,5.3238835665,5.323885806,5.323883351,5.323884058,5.3238835345,5.323883926,5.3238839775,5.323882917,5.323883122,5.32388326,5.323884072,5.3238841065,5.32388386,5.323883273,5.3238835815,5.3238849455
+"11676","PCMTD2",8.125594091,8.125593292,8.125592548,8.125593209,8.125591934,8.125591529,8.125592543,8.125592469,8.125593588,8.125592527,8.125590838,8.125592493,8.125592794,8.125594856,8.125592981,8.125593171,8.125591317,8.125593193,8.125592708,8.125590636,8.125592509,8.125592846,8.125593287,8.125592969,8.125591767,8.125593444,8.125592747,8.125593616
+"11677","PCNA",5.792560639,5.79256017,5.792560024,5.79256026,5.792560122,5.792560557,5.792561653,5.792559826,5.792560703,5.792560071,5.792559528,5.792559699,5.792560447,5.792560824,5.792560421,5.792559573,5.79255989,5.792559685,5.792560408,5.792560757,5.79256127,5.79256018,5.79256079,5.792560574,5.792559109,5.792559842,5.7925603,5.79256042
+"11678","PCNP",7.664993093,7.6649929025,7.66499276,7.6649926475,7.6649924125,7.6649922995,7.664992563,7.66499262,7.664992803,7.6649926995,7.664992477,7.6649923845,7.6649929215,7.6649935755,7.66499272,7.6649929395,7.664992479,7.6649928275,7.664992759,7.6649926975,7.6649928905,7.664992624,7.664992934,7.6649929435,7.6649925685,7.664992757,7.6649927925,7.6649934895
+"11679","PCNT",6.368460546,6.368460667,6.368460612,6.36846053,6.368460642,6.368460715,6.368460752,6.368460613,6.368460752,6.368460663,6.368460525,6.368460625,6.368460687,6.368460719,6.368460579,6.368460634,6.36846046,6.368460526,6.36846057,6.36846039,6.36846072,6.368460637,6.368460666,6.368460676,6.36846052,6.368460774,6.368460684,6.368460617
+"11680","PCNX1",8.901999052,8.901999162,8.901997464,8.901998695,8.901997594,8.901997531,8.901998854,8.901997463,8.9019978,8.901997655,8.901998322,8.901997545,8.901998107,8.901998716,8.901998447,8.901999261,8.901997366,8.901998005,8.901998743,8.901998005,8.901999023,8.901997419,8.901998658,8.90199886,8.901998772,8.901998279,8.901998215,8.901997739
+"11681","PCNX2",6.229894049,6.22989364,6.229893533,6.229893657,6.229893637,6.229893569,6.22989387,6.229893701,6.229893868,6.229893749,6.229893579,6.229893719,6.229893899,6.229893988,6.229893879,6.229893472,6.229893368,6.229893645,6.229893847,6.229893425,6.229893805,6.229893876,6.229893803,6.229893658,6.229893546,6.229893703,6.229893853,6.229893866
+"11682","PCNX3",7.128310997,7.1283110535,7.1283110265,7.128311057,7.1283110455,7.1283111185,7.1283110575,7.1283110985,7.1283110325,7.1283110585,7.12831105,7.128311068,7.1283110175,7.128310947,7.128311034,7.128311026,7.1283110975,7.12831106,7.128311055,7.1283110465,7.1283110185,7.1283111015,7.1283110545,7.128311004,7.1283110575,7.128311041,7.12831107,7.1283109805
+"11683","PCNX4",6.233925376,6.233925294,6.233925141,6.233925162,6.233925057,6.233925046,6.233925162,6.233925161,6.23392531,6.233925153,6.233925087,6.233925111,6.233925231,6.233925473,6.23392526,6.233925241,6.233925023,6.233925022,6.233925243,6.233925059,6.233925209,6.23392518,6.233925317,6.233925308,6.233925136,6.233925213,6.233925233,6.23392523
+"11684","PCOLCE",5.813703775,5.813703698,5.813703991,5.813703861,5.813704286,5.813703828,5.813704055,5.813704009,5.813703919,5.81370392,5.813703967,5.813704193,5.813703852,5.813703589,5.813704185,5.813703906,5.813704143,5.813703952,5.813704011,5.813703969,5.813704132,5.813704236,5.813703877,5.813703744,5.813703858,5.81370398,5.813703984,5.81370374
+"11685","PCOLCE2",4.076120386,4.076120401,4.076120412,4.076120413,4.076120408,4.076120393,4.076120399,4.07612043,4.076120422,4.076120401,4.076120434,4.076120438,4.076120399,4.076120402,4.076120414,4.076120413,4.076120435,4.076120419,4.076120394,4.076120408,4.076120425,4.076120426,4.076120394,4.076120411,4.076120421,4.076120399,4.076120391,4.076120413
+"11686","PCOTH",3.937621469,3.937621487,3.937621476,3.937621438,3.937621492,3.937621471,3.937621476,3.937621468,3.937621442,3.937621456,3.937621497,3.937621482,3.937621458,3.937621465,3.937621481,3.937621475,3.937621475,3.937621487,3.937621451,3.937621488,3.937621459,3.937621491,3.937621458,3.93762148,3.937621464,3.937621474,3.93762146,3.937621465
+"11687","PCP2",6.573463581,6.573463562,6.573463649,6.573463722,6.573463848,6.573463596,6.573463747,6.573463752,6.573463707,6.573463653,6.573463751,6.573463826,6.573463648,6.573463515,6.5734638,6.573463747,6.573463874,6.573463821,6.573463718,6.573463692,6.573463783,6.573463783,6.573463641,6.573463663,6.573463767,6.573463861,6.573463651,6.573463759
+"11688","PCP4",4.147541025,4.147541039,4.147541116,4.147541041,4.147541167,4.147540789,4.147540993,4.147541233,4.14754099,4.147541118,4.147541073,4.147541179,4.147541002,4.147540833,4.147541043,4.147541124,4.147540975,4.147541192,4.147541029,4.147541062,4.147541207,4.147541041,4.147540968,4.147540904,4.147541174,4.147541114,4.147540962,4.147541011
+"11689","PCP4L1",5.591597062,5.591597076,5.591597109,5.591597134,5.591597155,5.591597159,5.591597127,5.591597123,5.591597086,5.591597139,5.591597111,5.591597187,5.591597102,5.591597062,5.591597146,5.591597101,5.591597186,5.591597117,5.591597123,5.591597158,5.59159712,5.591597122,5.591597064,5.591597101,5.591597103,5.591597105,5.591597103,5.591597114
+"11690","PCSK1",3.597500589,3.597500478,3.597500622,3.597500571,3.597500658,3.597500607,3.597500606,3.597500591,3.597500561,3.597500578,3.597500536,3.597500684,3.597500528,3.597500511,3.597500616,3.597500619,3.597500734,3.59750067,3.597500586,3.597500562,3.597500541,3.597500605,3.597500591,3.597500556,3.597500583,3.597500567,3.597500554,3.597500574
+"11691","PCSK1N",7.72275074,7.722750808,7.722751128,7.722750805,7.722751221,7.722751055,7.722750821,7.72275115,7.722751031,7.722751083,7.722751185,7.722751374,7.722750992,7.722750399,7.722751091,7.722750603,7.722751458,7.722750962,7.722750976,7.722751146,7.722750896,7.722751178,7.722751017,7.722750825,7.722750871,7.722751044,7.722750918,7.722750886
+"11692","PCSK2",4.254601396,4.254601435,4.254601533,4.254601477,4.254601586,4.254601489,4.254601496,4.254601666,4.254601561,4.25460156,4.254601414,4.254601705,4.254601345,4.254601363,4.254601572,4.254601516,4.25460169,4.254601544,4.254601515,4.254601613,4.254601569,4.25460168,4.254601421,4.254601416,4.254601508,4.254601535,4.254601478,4.254601629
+"11693","PCSK4",5.915776129,5.91577626,5.915776488,5.915776352,5.915776868,5.915776588,5.915776507,5.915776514,5.915776317,5.915776574,5.915776589,5.915776995,5.915776576,5.915775931,5.915776751,5.91577629,5.915776829,5.915776791,5.915776494,5.91577623,5.915776797,5.915776731,5.915776224,5.915776139,5.915776472,5.915776692,5.915776533,5.915776563
+"11694","PCSK5",5.785038395,5.785038437,5.785038368,5.785038376,5.785038405,5.785038423,5.785038381,5.785038386,5.785038492,5.785038447,5.785038328,5.785038444,5.785038413,5.785038445,5.785038388,5.785038395,5.78503836,5.785038399,5.785038417,5.785038393,5.785038334,5.785038411,5.785038477,5.785038429,5.785038371,5.785038426,5.785038401,5.785038449
+"11695","PCSK6",5.249918665,5.249920001,5.249919539,5.249920398,5.249919398,5.249919462,5.249919061,5.249918938,5.249919131,5.249919908,5.249920309,5.249919309,5.249919274,5.249918309,5.249919127,5.249919228,5.249919506,5.249920704,5.249918966,5.249919289,5.249919031,5.249918806,5.249919168,5.249920388,5.249920336,5.249919503,5.249918851,5.249918524
+"11696","PCSK7",7.697692674,7.697691913,7.697692224,7.697691913,7.697691855,7.697692165,7.697692375,7.697692376,7.697692569,7.697692063,7.697691411,7.697692069,7.697692737,7.69769312,7.697691917,7.697692025,7.697691048,7.697691791,7.697691396,7.69769058,7.697691763,7.697692354,7.697692673,7.69769223,7.697691323,7.697692381,7.697692881,7.697692383
+"11697","PCSK9",5.831528786,5.831528767,5.831528804,5.831528727,5.831528853,5.831528786,5.831528783,5.831528827,5.831528774,5.831528776,5.831528818,5.831528818,5.831528763,5.831528723,5.831528826,5.831528769,5.831528853,5.831528806,5.831528767,5.831528803,5.831528832,5.831528808,5.831528773,5.831528748,5.831528777,5.831528793,5.831528746,5.831528803
+"11698","PCTP",6.576428793,6.576428851,6.576428918,6.576429042,6.576428532,6.57642896,6.576428714,6.576428941,6.576428688,6.576428934,6.576429061,6.576428651,6.57642863,6.576428624,6.576428613,6.576428829,6.576428675,6.576428841,6.576428798,6.576429018,6.576428549,6.576428746,6.576428791,6.576429084,6.576428878,6.576428909,6.57642872,6.57642838
+"11699","PCYOX1",6.068318486,6.068318485,6.068318294,6.068318428,6.068318384,6.068318244,6.068318321,6.06831839,6.068318438,6.068318492,6.068318297,6.068318368,6.068318446,6.068318653,6.068318459,6.068318359,6.068318243,6.068318285,6.068318392,6.068318179,6.068318345,6.068318378,6.068318422,6.068318465,6.068318285,6.068318413,6.068318403,6.068318458
+"11700","PCYOX1L",7.30122245,7.301222416,7.30122252,7.301222471,7.301222553,7.301222517,7.301222612,7.301222247,7.301222711,7.301222686,7.301222467,7.301223037,7.301222582,7.3012226,7.301222549,7.301222581,7.301222551,7.301222506,7.301222463,7.301222409,7.301222461,7.301222524,7.301222484,7.301222403,7.301222252,7.301222848,7.301222679,7.301222517
+"11701","PCYT1A",7.542773914,7.542774495,7.542773809,7.542774349,7.542773172,7.542773817,7.542773898,7.542773645,7.542773629,7.542773696,7.542773386,7.542772864,7.542773805,7.542774016,7.542773436,7.542774143,7.542773506,7.542774015,7.542773699,7.542773949,7.542773933,7.54277364,7.542774039,7.542774257,7.542773893,7.542773544,7.542773579,7.542773708
+"11702","PCYT1B",5.557185539,5.557185819,5.557185821,5.557186171,5.557185902,5.557186017,5.55718584,5.557185796,5.557185906,5.557186138,5.557186248,5.557185963,5.557185787,5.557185452,5.557185801,5.557185737,5.557185792,5.557186168,5.557185905,5.557185881,5.557185876,5.557185819,5.557185945,5.557185894,5.557186149,5.557185794,5.557186085,5.557185624
+"11703","PCYT2",8.5876680225,8.5876679385,8.587668251,8.587667922,8.5876685845,8.587668108,8.5876683855,8.587668362,8.58766828,8.587668324,8.5876682955,8.5876685845,8.5876682845,8.587667911,8.5876684405,8.5876683655,8.5876684,8.587668316,8.58766819,8.58766823,8.5876683245,8.587668456,8.5876681535,8.5876679155,8.5876681255,8.587668464,8.587668132,8.5876683505
+"11704","PDAP1",6.698815588,6.698815628,6.698815583,6.698815595,6.698815601,6.698815646,6.698815604,6.698815626,6.698815662,6.698815648,6.698815566,6.698815627,6.698815636,6.698815622,6.698815578,6.698815617,6.698815592,6.698815563,6.698815587,6.698815583,6.698815601,6.698815605,6.698815656,6.698815617,6.698815559,6.69881558,6.698815635,6.698815623
+"11705","PDC",2.894791649,2.894791416,2.894791448,2.894791597,2.894791657,2.894791361,2.894791633,2.894791645,2.894791664,2.89479155,2.89479157,2.894791984,2.894791539,2.894791647,2.894791614,2.894791881,2.894791974,2.894791531,2.894791639,2.894791672,2.894791665,2.894791652,2.89479181,2.894791502,2.894791635,2.894791706,2.894791559,2.894791857
+"11706","PDCD1",6.598384361,6.598384393,6.598384464,6.598384393,6.598384552,6.598384375,6.598384494,6.598384509,6.598384458,6.598384411,6.598384493,6.598384511,6.598384445,6.598384309,6.5983845,6.598384436,6.598384559,6.598384479,6.598384446,6.598384391,6.598384527,6.59838451,6.598384413,6.59838435,6.598384483,6.598384471,6.598384423,6.598384447
+"11707","PDCD10",5.302637238,5.302637307,5.302637219,5.302636942,5.302636737,5.302636616,5.302636876,5.302636804,5.30263711,5.302637101,5.302637057,5.302636553,5.302637037,5.302637713,5.302636959,5.302637131,5.30263679,5.302636803,5.302637219,5.302636437,5.302636958,5.302636983,5.30263732,5.302637274,5.30263714,5.302636895,5.302637028,5.302637551
+"11708","PDCD11",6.325266875,6.325266868,6.325266667,6.325266595,6.325266732,6.32526685,6.325266839,6.325266774,6.325266997,6.325266881,6.325266576,6.325266851,6.325266819,6.325267163,6.325266761,6.325266609,6.325266622,6.32526663,6.325266673,6.325266448,6.325266717,6.325266789,6.32526697,6.325266778,6.325266666,6.32526685,6.325266865,6.325266993
+"11709","PDCD1LG2",4.258949579,4.258948665,4.258949054,4.258949067,4.258949751,4.258951847,4.258949831,4.25894933,4.258950229,4.258949593,4.258949583,4.258949883,4.258949086,4.258949634,4.25894912,4.258949483,4.258949843,4.25894968,4.258949855,4.258952683,4.258949891,4.258949817,4.258950647,4.258949912,4.258949263,4.258948854,4.258948779,4.258949019
+"11710","PDCD2",6.880025967,6.880025913,6.880025861,6.880025775,6.880025887,6.880025862,6.88002595,6.880025897,6.880025939,6.880025937,6.880025804,6.880025941,6.880025914,6.880025984,6.880025957,6.880025832,6.88002586,6.880025816,6.880025864,6.880025899,6.880025936,6.880025916,6.880025948,6.880025896,6.880025807,6.880025906,6.880025862,6.880026024
+"11711","PDCD2L",5.446101121,5.446100965,5.44610112,5.446100695,5.446101074,5.446101156,5.446101109,5.446101176,5.446100962,5.446100997,5.446100736,5.446101118,5.446100912,5.446101206,5.446100859,5.446101075,5.446100754,5.446100984,5.446101096,5.446101145,5.446100834,5.446101001,5.446101355,5.44610123,5.446100741,5.446101077,5.446101238,5.446101089
+"11712","PDCD4",8.513815081,8.513789762,8.51370845,8.513715148,8.513705438,8.51367098,8.513725777,8.513716654,8.513751156,8.5137053,8.513694039,8.513659581,8.513752421,8.513869239,8.513729166,8.513782428,8.513635761,8.513690769,8.513763794,8.51369685,8.513731667,8.513718795,8.513765156,8.513748453,8.513726688,8.513729609,8.513759306,8.513824256
+"11713","PDCD5",6.105599833,6.105599781,6.105599594,6.105599775,6.105600336,6.105599911,6.105599634,6.105599761,6.105599852,6.10559935,6.105600181,6.105600208,6.105599998,6.105599696,6.10560027,6.105600233,6.10560011,6.105600179,6.105599906,6.105600319,6.105600133,6.105600077,6.105599509,6.105599325,6.105600052,6.105599889,6.105599976,6.10559943
+"11714","PDCD6IP",7.516127094,7.516126442,7.516126255,7.516126418,7.5161262,7.516126108,7.516126656,7.51612601,7.516126388,7.516126248,7.516125485,7.516125384,7.516126667,7.516127386,7.51612633,7.51612601,7.516126002,7.516125562,7.516126447,7.516126286,7.516126637,7.516125751,7.516126503,7.516126436,7.516125976,7.51612631,7.516126773,7.516126763
+"11715","PDCD7",7.171618189,7.171618037,7.171618147,7.171618088,7.171618177,7.17161811,7.171618159,7.17161817,7.171618198,7.171618264,7.171618152,7.171618241,7.171618205,7.171618115,7.171618214,7.171618031,7.171618144,7.171618047,7.171618197,7.171618047,7.171618208,7.171618216,7.171618183,7.17161816,7.171618072,7.171618278,7.17161823,7.171618184
+"11716","PDCL",6.123282018,6.123282138,6.123282093,6.123281914,6.123281834,6.12328176,6.123281671,6.123281801,6.123282027,6.123282015,6.12328201,6.12328169,6.123281927,6.123282494,6.123281998,6.123281827,6.123281735,6.123281921,6.123282148,6.123282062,6.123281943,6.123281758,6.123282209,6.123282098,6.123281782,6.123281904,6.123282018,6.123282105
+"11717","PDCL2",3.405922693,3.405922666,3.405922707,3.405922646,3.405922753,3.405922765,3.40592265,3.405922773,3.405922599,3.405922648,3.405922673,3.4059227,3.405922664,3.405922617,3.405922642,3.405922598,3.405922723,3.405922659,3.405922586,3.405922676,3.405922649,3.405922616,3.405922494,3.405922585,3.405922616,3.405922594,3.405922601,3.405922707
+"11718","PDCL3",4.886122446,4.886122373,4.886122396,4.886122298,4.88612244,4.88612237,4.886122407,4.886122308,4.886122405,4.886122327,4.886122359,4.886122395,4.886122416,4.886122498,4.886122363,4.88612236,4.886122286,4.886122287,4.886122387,4.886122401,4.886122378,4.886122357,4.886122386,4.88612238,4.886122354,4.886122351,4.886122378,4.886122426
+"11719","PDE10A",3.406111644,3.40611166,3.406111695,3.406111691,3.406111707,3.406111715,3.406111653,3.40611167,3.40611165,3.406111692,3.406111716,3.406111734,3.406111655,3.406111651,3.406111666,3.406111698,3.406111703,3.406111785,3.406111718,3.406111689,3.406111646,3.406111679,3.406111681,3.406111695,3.406111716,3.406111659,3.406111653,3.406111737
+"11720","PDE11A",3.473169188,3.473169194,3.47316921,3.473169201,3.473169212,3.473169207,3.473169192,3.473169209,3.473169224,3.473169214,3.473169206,3.473169252,3.473169214,3.473169175,3.473169211,3.473169184,3.473169224,3.473169206,3.473169216,3.473169221,3.473169226,3.473169202,3.473169181,3.473169189,3.473169222,3.47316921,3.47316919,3.473169168
+"11721","PDE12",6.020108166,6.020108114,6.020107944,6.020107807,6.020107872,6.020108104,6.02010803,6.020107982,6.020108003,6.020108049,6.020107852,6.020107897,6.020108011,6.020108139,6.020107937,6.020107933,6.020107862,6.020107877,6.020107878,6.020108136,6.020107919,6.020107929,6.020108138,6.020108056,6.020107992,6.020107956,6.020108122,6.020107979
+"11722","PDE1A",2.874318935,2.87431894,2.874318943,2.87431894,2.874318939,2.874318943,2.874318958,2.874318939,2.874318956,2.874318948,2.87431899,2.874318991,2.874318942,2.874318937,2.874318948,2.874318958,2.874318977,2.874318982,2.874318947,2.874318953,2.874318927,2.874318956,2.874318938,2.87431893,2.874318953,2.874318959,2.874318959,2.874318948
+"11723","PDE1B",5.577423384,5.577423411,5.577423331,5.577423337,5.577423479,5.577423417,5.577423484,5.577423374,5.577423356,5.577423395,5.577423374,5.577423427,5.577423341,5.57742315,5.577423399,5.577423396,5.577423417,5.57742331,5.577423439,5.577423333,5.577423433,5.577423395,5.577423386,5.57742326,5.577423231,5.577423321,5.577423296,5.5774233
+"11724","PDE1C",3.63206962,3.632069746,3.632069746,3.632069717,3.632069803,3.632069757,3.632069716,3.632069708,3.632069661,3.632069744,3.632069629,3.632069799,3.632069623,3.632069691,3.632069794,3.632069706,3.63206984,3.632069758,3.632069738,3.632069776,3.632069709,3.632069813,3.6320697,3.632069701,3.632069734,3.632069757,3.632069641,3.632069707
+"11725","PDE2A",4.876401441,4.876401641,4.876401595,4.876401533,4.876401665,4.87640153,4.876401614,4.876401651,4.876401581,4.876401541,4.876401554,4.876401666,4.876401594,4.876401292,4.876401765,4.876401642,4.876401726,4.876401677,4.876401668,4.876401502,4.876401704,4.876401741,4.876401561,4.876401526,4.876401635,4.876401557,4.876401498,4.876401689
+"11726","PDE3A",4.599683666,4.599683747,4.599683724,4.599683812,4.599683763,4.59968371,4.599683717,4.599683666,4.59968365,4.599683767,4.599683807,4.599683711,4.599683663,4.59968366,4.599683723,4.599683711,4.599683739,4.599683827,4.599683692,4.599683732,4.599683756,4.599683702,4.599683618,4.59968385,4.599683783,4.59968371,4.599683695,4.599683703
+"11727","PDE3B",7.311464985,7.311465483,7.311464599,7.311465578,7.311464607,7.311464712,7.311465193,7.311464648,7.311465783,7.311465023,7.311464197,7.311464791,7.311465774,7.311466432,7.311464665,7.311465143,7.311464526,7.311465213,7.311465501,7.311464854,7.311464992,7.311465115,7.311465749,7.311465033,7.311464858,7.311465743,7.311465685,7.311465561
+"11728","PDE4A",6.093101817,6.093101787,6.093101856,6.093101724,6.093101874,6.093101823,6.093101842,6.09310185,6.0931018,6.093101813,6.093101838,6.093101866,6.093101811,6.093101715,6.093101857,6.093101787,6.093101865,6.093101844,6.093101828,6.093101851,6.093101841,6.093101832,6.093101759,6.093101797,6.093101814,6.093101851,6.093101806,6.093101847
+"11729","PDE4B",6.248377128,6.248377182,6.248376851,6.248377499,6.248376891,6.248377453,6.248376922,6.248376829,6.248376872,6.248376476,6.248376882,6.248376363,6.248377394,6.248377458,6.24837727,6.24837687,6.24837703,6.248377152,6.248376762,6.248377194,6.248376928,6.248377037,6.248376898,6.248377044,6.248376982,6.248376786,6.248377129,6.248377258
+"11730","PDE4D",5.602947179,5.602947186,5.602947143,5.602947171,5.602947187,5.602947151,5.602947187,5.602947141,5.602947172,5.602947173,5.602947179,5.602947143,5.60294716,5.602947184,5.602947153,5.602947157,5.602947132,5.602947121,5.602947173,5.602947146,5.602947153,5.602947135,5.602947169,5.602947172,5.60294718,5.602947162,5.602947174,5.602947169
+"11731","PDE4DIP",7.059483595,7.059483449,7.059483439,7.059483481,7.059483498,7.059483486,7.059483541,7.059483496,7.05948352,7.059483472,7.059483465,7.059483516,7.059483525,7.059483637,7.059483567,7.059483404,7.059483394,7.059483465,7.059483572,7.059483402,7.059483584,7.059483492,7.059483473,7.059483483,7.059483466,7.05948351,7.059483515,7.059483523
+"11732","PDE5A",5.446935704,5.446937569,5.446935175,5.446939914,5.446936848,5.44693494,5.446936718,5.446935888,5.446934532,5.446938418,5.446939633,5.446937913,5.446935363,5.446936118,5.446935809,5.446935841,5.44693581,5.446940289,5.446936476,5.44693452,5.44693655,5.446936018,5.446935737,5.446939076,5.446938524,5.446938036,5.446936096,5.446936254
+"11733","PDE6A",3.841609868,3.841609891,3.841609888,3.841609883,3.841609885,3.841609866,3.841609874,3.84160989,3.84160988,3.841609882,3.841609886,3.841609893,3.841609881,3.841609861,3.841609884,3.841609901,3.841609894,3.841609895,3.841609872,3.841609878,3.841609895,3.84160989,3.841609867,3.841609874,3.841609876,3.841609885,3.841609865,3.841609875
+"11734","PDE6B",4.947629014,4.947629021,4.947629151,4.947629005,4.947629061,4.947629017,4.947629057,4.947629079,4.947629011,4.947628993,4.947628959,4.947629215,4.94762911,4.947629017,4.947629053,4.947629146,4.947629053,4.947629072,4.947629028,4.94762903,4.947629106,4.947629139,4.947629009,4.947628965,4.947629009,4.947629109,4.947628978,4.947629158
+"11735","PDE6C",3.195793882,3.195793952,3.195794036,3.195793884,3.195794049,3.195793926,3.195794048,3.195794006,3.195793915,3.195793922,3.195793929,3.195794272,3.195793943,3.195794077,3.195794093,3.195794009,3.19579403,3.195794029,3.195794076,3.195794002,3.195794047,3.19579392,3.195793946,3.195794135,3.195794162,3.195794075,3.195793955,3.195794053
+"11736","PDE6D",6.80053264,6.800532633,6.800532639,6.800532616,6.800532642,6.800532614,6.800532639,6.800532619,6.800532649,6.800532651,6.800532655,6.80053264,6.800532649,6.800532623,6.80053265,6.800532631,6.800532662,6.800532639,6.800532641,6.80053264,6.800532652,6.800532655,6.800532644,6.800532636,6.800532628,6.800532648,6.800532634,6.800532653
+"11737","PDE6G",5.247157962,5.247158276,5.247158211,5.247158104,5.247158567,5.247158139,5.247158227,5.247158409,5.247158469,5.247158338,5.24715815,5.247158928,5.247158181,5.247157918,5.247158463,5.247158355,5.247158795,5.24715848,5.247158222,5.247158267,5.247158597,5.247158451,5.247158106,5.247158058,5.24715833,5.24715836,5.247158094,5.247158328
+"11738","PDE6H",4.112482951,4.112482934,4.112482792,4.112483148,4.112482782,4.112482978,4.112482896,4.112483087,4.112482704,4.112482769,4.11248294,4.112482867,4.112482853,4.112482591,4.112482854,4.112483032,4.112483069,4.112482812,4.112482981,4.112482817,4.112482875,4.112482988,4.112482933,4.112482735,4.112482873,4.112482949,4.112482981,4.112482615
+"11739","PDE7A",7.469987736,7.469986566,7.469986169,7.469985521,7.469985596,7.469984661,7.469985663,7.46998648,7.469988232,7.4699872,7.469984642,7.46998656,7.469987063,7.469988779,7.469986365,7.469985879,7.469985124,7.469985359,7.469987175,7.469984671,7.469985524,7.469986928,7.469987815,7.469987028,7.469985574,7.469987877,7.4699874,7.469987846
+"11740","PDE7B",4.103893764,4.103893799,4.103893818,4.103893733,4.103893762,4.103893582,4.103893719,4.103893701,4.103893735,4.103893851,4.103893681,4.103893799,4.103893759,4.103893866,4.103893776,4.103893682,4.103893664,4.103893685,4.103893824,4.103893712,4.103893701,4.103893631,4.103893776,4.103893773,4.1038937,4.103893754,4.103893758,4.103893756
+"11741","PDE8A",5.80926453,5.809264215,5.809264247,5.809264448,5.809264414,5.809264403,5.809264303,5.809264287,5.809264184,5.809264335,5.809264169,5.809263999,5.809264413,5.809264707,5.809264422,5.809264166,5.809263706,5.809264168,5.809264396,5.809264358,5.809264285,5.809264154,5.80926415,5.809264373,5.809264331,5.809264373,5.809264469,5.809264437
+"11742","PDE8B",3.866801053,3.866801136,3.86680122,3.866801187,3.866801278,3.866800934,3.866801224,3.866801139,3.86680113,3.866801119,3.866801147,3.866801384,3.866801154,3.866801137,3.866801207,3.866800983,3.866801286,3.866801127,3.866801111,3.86680122,3.866801072,3.866800966,3.866801105,3.866801021,3.866801104,3.866801199,3.866801125,3.866801386
+"11743","PDE9A",6.251295391,6.251295352,6.251295469,6.251295452,6.25129562,6.251295129,6.251295524,6.251295503,6.251295408,6.251295388,6.251295428,6.251295558,6.251295483,6.251295399,6.251295464,6.251295368,6.251295509,6.251295488,6.2512956,6.2512954,6.25129556,6.251295457,6.251295497,6.251295356,6.251295499,6.251295589,6.251295433,6.251295547
+"11744","PDGFA",5.33339503,5.333395212,5.3333952,5.333395391,5.333395422,5.333395387,5.33339518,5.333395206,5.333395185,5.333395346,5.3333953,5.333395497,5.333395196,5.333395,5.333395228,5.33339516,5.333395357,5.333395681,5.333395217,5.333395215,5.333395275,5.333395045,5.33339517,5.33339537,5.333395436,5.33339529,5.333395052,5.333395213
+"11745","PDGFB",5.604399448,5.604399495,5.604399496,5.604399497,5.604399551,5.604399448,5.604399498,5.604399549,5.604399439,5.604399439,5.604399522,5.604399573,5.60439949,5.604399368,5.604399539,5.604399539,5.604399533,5.604399543,5.604399465,5.604399478,5.604399553,5.604399543,5.604399434,5.604399451,5.604399565,5.604399499,5.604399402,5.604399531
+"11746","PDGFC",4.798059814,4.798059838,4.798059648,4.798059978,4.798059766,4.798059636,4.798059799,4.798059745,4.798059673,4.798059869,4.798059786,4.798059773,4.798059738,4.798059831,4.798059668,4.798059762,4.798059691,4.7980599,4.798059664,4.798059755,4.798059705,4.79805974,4.79805962,4.798059811,4.798059715,4.798059598,4.798059827,4.798059701
+"11747","PDGFD",4.829270539,4.829270413,4.829270368,4.829270313,4.829270287,4.829270315,4.829270421,4.829270334,4.829270385,4.829270311,4.829270476,4.829270292,4.829270369,4.829270495,4.82927049,4.829270391,4.829270362,4.829270351,4.829270354,4.82927025,4.829270335,4.829270334,4.829270491,4.829270367,4.829270291,4.829270281,4.82927035,4.829270422
+"11748","PDGFRA",4.161368436,4.161368172,4.161368514,4.161368538,4.161368893,4.161368203,4.161368345,4.161368677,4.161368401,4.1613681,4.161368767,4.161368963,4.161368443,4.161368254,4.161368733,4.161368475,4.161368789,4.161368836,4.161368568,4.161368332,4.161368697,4.161368639,4.161368342,4.161368362,4.161368463,4.161368578,4.161368514,4.161368418
+"11749","PDGFRB",4.92464239,4.924642319,4.924642416,4.924642394,4.92464242,4.924642439,4.924642385,4.924642428,4.924642418,4.924642337,4.924642395,4.924642411,4.924642359,4.924642359,4.924642439,4.924642416,4.924642464,4.92464241,4.924642382,4.924642412,4.924642424,4.924642427,4.92464238,4.924642391,4.924642373,4.924642449,4.924642367,4.924642404
+"11750","PDGFRL",4.249595138,4.249595138,4.249595143,4.249595138,4.249595199,4.249595116,4.249595137,4.249595172,4.249595144,4.249595137,4.24959513,4.249595147,4.249595139,4.249595095,4.24959518,4.249595152,4.249595195,4.249595181,4.249595127,4.249595181,4.249595152,4.249595162,4.249595092,4.249595121,4.249595153,4.24959515,4.249595124,4.249595156
+"11751","PDHA1",7.170037326,7.170037395,7.170037043,7.170037074,7.170037111,7.170037232,7.170037357,7.170036971,7.170037409,7.170037356,7.170036834,7.170037021,7.170037294,7.170037607,7.170037196,7.17003712,7.170036929,7.170036568,7.170037108,7.170036964,7.170037167,7.170036968,7.17003729,7.170037284,7.170036833,7.170037066,7.170037175,7.170037181
+"11752","PDHA2",4.498045983,4.498045967,4.498046084,4.498045993,4.498046264,4.498045889,4.498045979,4.498046137,4.49804601,4.49804612,4.498046088,4.498046102,4.498046142,4.498045968,4.498046125,4.498046111,4.498046102,4.498046173,4.49804612,4.498045984,4.498046226,4.49804609,4.49804598,4.498046018,4.498046024,4.498046047,4.498045907,4.498045939
+"11753","PDHB",6.249205669,6.249205812,6.249205489,6.249205469,6.249205363,6.249205632,6.249205421,6.249205396,6.249205597,6.249205713,6.249205331,6.249205279,6.249205741,6.249206016,6.249205425,6.249205579,6.249205318,6.249205214,6.249205556,6.249205604,6.249205542,6.249205372,6.249205585,6.249205656,6.249205314,6.249205572,6.249205771,6.249205602
+"11754","PDHX",6.430137478,6.430137448,6.430137454,6.430137433,6.430137365,6.430137421,6.430137425,6.430137465,6.430137502,6.430137458,6.430137486,6.430137473,6.430137471,6.430137547,6.430137433,6.430137363,6.430137378,6.430137325,6.430137403,6.430137376,6.43013744,6.430137417,6.430137485,6.430137483,6.430137485,6.430137508,6.430137414,6.430137549
+"11755","PDIA2",5.578452661,5.578452771,5.578453291,5.57845312,5.578453553,5.57845297,5.578453114,5.578453326,5.578453177,5.578453146,5.578453261,5.578453337,5.578452954,5.578452356,5.578453188,5.578453177,5.578453338,5.578453177,5.578453084,5.578452893,5.578453162,5.578453379,5.578452839,5.578452872,5.578453166,5.578453102,5.578453021,5.578452863
+"11756","PDIA4",7.7447181,7.744718336,7.744717983,7.744718083,7.744718192,7.744718441,7.744718676,7.7447178,7.744718387,7.744718235,7.744718033,7.744717772,7.744718512,7.744718581,7.744717926,7.744718202,7.744717924,7.744717876,7.744718116,7.744718213,7.744718451,7.74471771,7.74471831,7.744718307,7.744717797,7.74471809,7.744718622,7.744718391
+"11757","PDIA5",5.255098447,5.255098465,5.255098482,5.255098462,5.255098478,5.255098454,5.255098479,5.255098417,5.255098451,5.255098406,5.255098453,5.255098404,5.255098432,5.255098414,5.255098423,5.255098472,5.255098444,5.25509844,5.255098445,5.255098441,5.255098467,5.255098445,5.255098428,5.255098464,5.255098397,5.255098444,5.255098444,5.255098427
+"11758","PDIA6",8.744194515,8.744196446,8.744190297,8.744189315,8.744190483,8.744193738,8.744195583,8.74418989,8.744192516,8.744190773,8.744186608,8.744183978,8.744192988,8.744200653,8.74419102,8.744194082,8.744187656,8.744187296,8.744190728,8.744189944,8.744195129,8.744191097,8.744192914,8.744191341,8.744186956,8.744188195,8.744192877,8.744195308
+"11759","PDIK1L",5.958978203,5.958978282,5.958978005,5.95897752,5.958977862,5.958977512,5.958978251,5.958977576,5.958978248,5.95897852,5.958977875,5.958977896,5.958977985,5.958979284,5.958978123,5.958977896,5.958977897,5.95897749,5.958978307,5.958977131,5.958978313,5.958977942,5.95897856,5.958978218,5.958977695,5.95897775,5.958978064,5.95897914
+"11760","PDILT",3.606768401,3.606768301,3.606768413,3.606768416,3.606768552,3.606768452,3.60676848,3.606768521,3.606768637,3.606768646,3.606768503,3.606768679,3.606768453,3.606768381,3.606768596,3.606768415,3.60676876,3.606768508,3.606768548,3.606768458,3.60676858,3.606768513,3.606768373,3.606768431,3.606768508,3.60676841,3.606768492,3.606768503
+"11761","PDK1",7.602835674,7.602836701,7.602834845,7.602834704,7.602835372,7.602835152,7.60283536,7.602835449,7.602837376,7.602836292,7.602835087,7.60283541,7.602836431,7.602837715,7.602834352,7.602836081,7.60283378,7.602834115,7.60283639,7.602835482,7.602834736,7.60283565,7.602836987,7.602836163,7.602835584,7.602835724,7.602836094,7.60283673
+"11762","PDK2",6.641820423,6.641820459,6.641820802,6.641820439,6.641820878,6.641822142,6.641820644,6.641820678,6.641821615,6.641821474,6.641820152,6.641821158,6.641820343,6.641820491,6.641820656,6.641819394,6.64182061,6.641819862,6.641820529,6.641821659,6.641820385,6.641820982,6.641821212,6.641821188,6.641820608,6.641821173,6.641820558,6.641820812
+"11763","PDK3",7.385372529,7.3853726,7.385372243,7.385372701,7.385371994,7.385372571,7.385372498,7.385372407,7.385372246,7.385372219,7.38537223,7.385372143,7.385372383,7.385372399,7.385372344,7.385372613,7.385372103,7.3853724,7.385372449,7.385372267,7.3853724,7.385372277,7.38537247,7.385372521,7.385372494,7.385372295,7.385372428,7.385372177
+"11764","PDK4",6.526486792,6.526484851,6.526484756,6.526485069,6.526488129,6.526487799,6.526486412,6.526483874,6.526485022,6.526486058,6.526484825,6.526483999,6.526487815,6.526484258,6.526486647,6.52648681,6.526486601,6.526487306,6.526487955,6.526485918,6.526486372,6.526483905,6.526485459,6.526487618,6.526487657,6.526485747,6.526485941,6.526487192
+"11765","PDLIM1",6.685183419,6.685184935,6.685182609,6.685186112,6.685184687,6.685184402,6.685183275,6.685182322,6.685182716,6.685185769,6.685185972,6.685182841,6.685183585,6.685183282,6.685183486,6.685183784,6.685182297,6.685186201,6.685184337,6.685183348,6.685183389,6.68518239,6.685183514,6.685186164,6.685185706,6.685183379,6.685183676,6.685183331
+"11766","PDLIM2",7.277517875,7.277517928,7.277517931,7.277517925,7.277517935,7.277517936,7.277517916,7.277517949,7.277517904,7.277517934,7.277517952,7.277517921,7.277517909,7.27751785,7.277517938,7.277517932,7.277517941,7.27751795,7.277517923,7.277517942,7.277517919,7.277517943,7.277517906,7.277517915,7.277517928,7.277517917,7.277517904,7.277517908
+"11767","PDLIM3",4.413016828,4.413016843,4.413016877,4.413016853,4.413016864,4.413016827,4.413016842,4.41301688,4.413016846,4.41301685,4.413016862,4.413016862,4.413016857,4.413016838,4.413016849,4.413016859,4.413016866,4.41301688,4.413016847,4.413016883,4.41301684,4.413016875,4.413016843,4.413016848,4.413016872,4.413016852,4.413016834,4.413016836
+"11768","PDLIM4",5.638803101,5.638803066,5.638803444,5.638803229,5.638803579,5.638803181,5.638803339,5.638803382,5.638803073,5.638803245,5.638803379,5.638803318,5.638803313,5.638803023,5.638803399,5.63880331,5.638803425,5.638803361,5.638803359,5.638803321,5.638803477,5.638803434,5.638803162,5.638803139,5.638803125,5.638803449,5.638803166,5.638803242
+"11769","PDLIM5",7.027104216,7.027104245,7.027103741,7.027104039,7.027104,7.027104171,7.027103891,7.027103653,7.0271038,7.027103972,7.027104073,7.027103513,7.027104067,7.027104095,7.027104054,7.027103992,7.02710362,7.027103952,7.027104075,7.027104042,7.027103869,7.027103716,7.027103959,7.027104127,7.027104072,7.027103772,7.027103945,7.027104031
+"11770","PDLIM7",7.542864656,7.542865036,7.542864788,7.542865304,7.542864797,7.542864898,7.542864808,7.542864935,7.542864809,7.542864866,7.542865128,7.542864828,7.542864749,7.54286457,7.54286485,7.54286507,7.542864993,7.542865241,7.542864985,7.542864933,7.542864915,7.542864956,7.542864791,7.542864948,7.542865163,7.542864778,7.542864634,7.542864509
+"11771","PDP1",7.10317785,7.103177504,7.1031773,7.10317702,7.103177797,7.103177335,7.103177498,7.103176856,7.103177525,7.103177734,7.10317684,7.103177037,7.103177448,7.103178056,7.103177478,7.103177557,7.103177147,7.103176992,7.103177671,7.103177589,7.103177637,7.103177065,7.103177531,7.103177343,7.103177186,7.10317724,7.10317756,7.103177673
+"11772","PDP2",5.299267359,5.299267415,5.299267253,5.299267238,5.299267238,5.299267118,5.299267393,5.29926727,5.299267256,5.299267073,5.299267048,5.299267267,5.299267391,5.299267602,5.299267267,5.299267373,5.299267076,5.29926724,5.299267011,5.299267201,5.299267251,5.29926735,5.299267196,5.299267094,5.299267336,5.299267562,5.299267177,5.299267331
+"11773","PDPK1",8.367600014,8.3676001645,8.367599922,8.367600186,8.367599912,8.3676001735,8.3676000475,8.3676000845,8.367599965,8.3675999905,8.367599872,8.367599893,8.3676000785,8.36760005,8.3676000565,8.367600147,8.3675999525,8.3676000285,8.367600049,8.3675996255,8.367599933,8.367600089,8.367600044,8.367600119,8.36759992,8.367599976,8.3676001115,8.367599966
+"11774","PDPN",4.407450981,4.407450977,4.407450994,4.407450982,4.407451026,4.407451003,4.407451002,4.407451004,4.407451001,4.407451008,4.407451005,4.407451047,4.407450995,4.407450977,4.407451023,4.407450997,4.407451038,4.407451016,4.407451001,4.407451007,4.407451021,4.407451022,4.407450994,4.407450989,4.407450989,4.407451012,4.407450999,4.407450996
+"11775","PDPR",7.387518767,7.387519758,7.387518874,7.387518406,7.387519142,7.387519686,7.387518616,7.387519455,7.387518622,7.387520046,7.387518691,7.387518304,7.387519423,7.387519333,7.387518313,7.387519344,7.387518394,7.387518349,7.38751918,7.387519172,7.387518558,7.387519105,7.387518719,7.387520021,7.387518471,7.387518417,7.387519386,7.387518921
+"11776","PDRG1",5.174812419,5.174812513,5.174812551,5.174812393,5.174812515,5.174812413,5.174812473,5.174812471,5.17481243,5.174812463,5.174812461,5.174812472,5.174812515,5.17481245,5.17481247,5.174812477,5.174812562,5.174812499,5.174812465,5.174812466,5.174812494,5.174812519,5.174812397,5.174812386,5.174812423,5.174812516,5.174812458,5.174812492
+"11777","PDS5A",7.099848172,7.099847763,7.099847535,7.099847489,7.099847605,7.099847442,7.099847783,7.099847503,7.099847872,7.099847863,7.099847381,7.099847378,7.099847772,7.099848408,7.099847801,7.099847481,7.099847302,7.099847198,7.099847689,7.099847388,7.099847708,7.099847501,7.099847867,7.099847617,7.099847454,7.099847677,7.099847927,7.099847998
+"11778","PDS5B",6.531763371,6.531763177,6.531763003,6.531763018,6.531762784,6.531762678,6.531763129,6.53176253,6.531762958,6.531762903,6.531762946,6.531762546,6.531763123,6.531763717,6.531763107,6.531762992,6.531762786,6.531763028,6.531763158,6.531762718,6.531763087,6.531762702,6.531763083,6.531763181,6.531762958,6.531762853,6.531763033,6.531763369
+"11779","PDSS1",6.209156523,6.209156549,6.209156521,6.209156512,6.209156548,6.209156492,6.209156391,6.20915636,6.209156476,6.209156539,6.20915646,6.209156458,6.209156346,6.209156714,6.20915653,6.209156374,6.209156453,6.209156149,6.209156442,6.209156613,6.209156421,6.209156392,6.209156476,6.209156513,6.209156301,6.209156355,6.209156453,6.209156519
+"11780","PDSS2",4.832238501,4.83223836,4.832238208,4.832238008,4.832238161,4.832238435,4.832238064,4.832238241,4.832238246,4.832238172,4.832238142,4.832238132,4.832238286,4.832238541,4.832238203,4.832238326,4.832237965,4.832238265,4.832238259,4.832238264,4.832238095,4.832238195,4.832238113,4.832238276,4.832238039,4.832238256,4.832238491,4.832238369
+"11781","PDX1",5.537213846,5.537213715,5.537213954,5.537213622,5.537214179,5.537213866,5.537214034,5.537214016,5.537213789,5.53721397,5.537213945,5.537214123,5.537213906,5.537213643,5.537214007,5.537213981,5.537214206,5.537214092,5.537214005,5.537213912,5.53721409,5.537214107,5.537213871,5.537213825,5.537213813,5.537214036,5.537213819,5.537214081
+"11782","PDXDC1",7.224484382,7.224484416,7.224484322,7.224484326,7.224484381,7.224484354,7.224484425,7.224484373,7.224484396,7.224484443,7.22448437,7.224484421,7.224484338,7.224484439,7.224484333,7.224484362,7.224484281,7.224484312,7.224484374,7.224484374,7.224484357,7.224484354,7.224484362,7.224484368,7.224484329,7.224484421,7.224484326,7.224484378
+"11783","PDXDC2P-NPIPB14P",6.932425472,6.932424838,6.932424982,6.932425178,6.93242484,6.932425235,6.932424627,6.932424945,6.932425036,6.932425571,6.932424599,6.932425486,6.932425364,6.932425512,6.932424917,6.932425289,6.932424364,6.932424805,6.932425146,6.932424518,6.93242471,6.932424991,6.932425319,6.932425639,6.932425109,6.932425435,6.932425247,6.932424907
+"11784","PDXK",6.981286945,6.981286986,6.981286973,6.981286998,6.981286894,6.981286982,6.981287001,6.981286923,6.98128691,6.981286936,6.981286917,6.981286918,6.981287004,6.981286928,6.981286915,6.981286968,6.981286924,6.981286922,6.98128693,6.981287001,6.98128694,6.981286969,6.981286921,6.981286974,6.981286939,6.981286962,6.981286983,6.981286849
+"11785","PDXP",7.047655411,7.047655483,7.047655634,7.047655463,7.04765571,7.047655455,7.047655531,7.047655661,7.047655532,7.04765553,7.047655618,7.047655662,7.047655554,7.047655363,7.047655662,7.047655551,7.047655628,7.047655633,7.047655495,7.047655506,7.047655577,7.047655604,7.047655466,7.047655465,7.047655707,7.047655606,7.047655486,7.047655534
+"11786","PDXP-DT",6.568740605,6.568740728,6.568740695,6.568740691,6.568740745,6.568740542,6.568740679,6.568740757,6.568740693,6.568740613,6.568740669,6.56874058,6.568740649,6.56874055,6.56874067,6.568740788,6.568740721,6.568740711,6.568740617,6.568740696,6.568740652,6.568740689,6.568740686,6.568740652,6.568740706,6.568740707,6.568740686,6.568740712
+"11787","PDYN",4.254958914,4.254959007,4.25495897,4.254958971,4.254959044,4.254959014,4.254959032,4.254959007,4.254959002,4.254958973,4.254958991,4.254959037,4.254958939,4.254958809,4.254959019,4.254959025,4.254959039,4.254959018,4.254958994,4.254959043,4.254958984,4.254959082,4.254958914,4.254958968,4.254959026,4.254959027,4.25495899,4.254959082
+"11788","PDZD11",4.712550842,4.712550479,4.712550641,4.71255065,4.712550999,4.712550632,4.712550933,4.712550698,4.712550549,4.71255076,4.71255063,4.712550993,4.712550738,4.712550689,4.712550764,4.712550748,4.712550804,4.712550669,4.71255087,4.712550742,4.712550862,4.712550715,4.712550968,4.712550573,4.712550652,4.712550923,4.712550789,4.712550925
+"11789","PDZD2",4.514583004,4.514582997,4.514583015,4.514583013,4.514583034,4.514582957,4.514582996,4.514583013,4.514583021,4.514582996,4.51458301,4.514583021,4.514582987,4.514582982,4.514583017,4.514583017,4.514582997,4.514583004,4.514583,4.514583002,4.514583015,4.514583036,4.514583007,4.514582988,4.514583015,4.514583029,4.514583002,4.514583004
+"11790","PDZD3",4.54831764,4.548317661,4.548317795,4.548317686,4.548317756,4.54831771,4.548317687,4.548317756,4.548317667,4.548317702,4.548317715,4.548317808,4.548317701,4.548317675,4.548317808,4.548317865,4.548317754,4.548317695,4.548317738,4.548317694,4.548317808,4.548317716,4.548317647,4.548317606,4.54831776,4.548317701,4.548317726,4.548317803
+"11791","PDZD4",5.790089058,5.79008912,5.790089091,5.790089058,5.790089141,5.790088992,5.790089064,5.790089149,5.790089111,5.790089085,5.790089205,5.790089063,5.790089109,5.790089077,5.790089133,5.790089156,5.790089117,5.790089118,5.790089118,5.790088987,5.790089088,5.790089189,5.790089128,5.790089085,5.790089144,5.790089114,5.79008913,5.790089134
+"11792","PDZD7",5.188440475,5.188440493,5.188440522,5.188440507,5.188440523,5.188440499,5.188440496,5.188440514,5.188440501,5.188440512,5.188440525,5.188440537,5.18844051,5.188440474,5.188440517,5.1884405,5.18844052,5.188440526,5.18844051,5.188440503,5.18844052,5.18844051,5.188440483,5.188440515,5.188440515,5.188440503,5.188440513,5.188440493
+"11793","PDZD8",8.119141136,8.119141767,8.119141833,8.119141923,8.119141124,8.119140141,8.119141657,8.119141189,8.119140606,8.119141217,8.119142179,8.119140502,8.119141161,8.119141858,8.119141453,8.119141621,8.119141708,8.119141668,8.119141443,8.119140022,8.119141576,8.119141126,8.119141714,8.119141866,8.119142371,8.119140706,8.119141043,8.119141656
+"11794","PDZD9",3.64291874,3.642918903,3.642919059,3.642919017,3.642918933,3.642918935,3.642918842,3.642919035,3.642918794,3.642919057,3.642919058,3.642919101,3.642918873,3.64291871,3.64291879,3.642919033,3.642919041,3.642919003,3.642918772,3.642918955,3.642918876,3.642918983,3.642918853,3.642918873,3.642918905,3.64291888,3.642918911,3.642919024
+"11795","PDZK1IP1",8.763735272,8.724183832,8.911368306,8.798558866,8.799578082,9.1506233,9.343890495,9.608502521,8.772966664,9.430494429,8.211662852,9.780006053,8.268031192,8.129099206,8.854491288,8.31161318,8.779998532,8.87753304,8.43562918,8.727259177,9.139685075,9.304832924,8.742108818,9.229071383,8.194627976,9.701764222,8.452192222,8.791072827
+"11796","PDZRN3",4.339552113,4.339552152,4.339552162,4.339552146,4.339552178,4.33955214,4.339552162,4.339552153,4.339552156,4.339552156,4.339552173,4.339552171,4.33955215,4.339552131,4.339552168,4.339552158,4.33955218,4.339552164,4.33955215,4.339552156,4.339552174,4.339552156,4.339552141,4.339552153,4.339552162,4.339552176,4.339552146,4.339552156
+"11797","PDZRN4",3.326774018,3.326774034,3.32677409,3.326774073,3.326773939,3.326774038,3.326774004,3.326774108,3.326773959,3.326774063,3.326774109,3.326774096,3.326773965,3.326773983,3.326773999,3.326774039,3.326774236,3.326774047,3.326774139,3.326774214,3.326774054,3.326774065,3.326774051,3.326773979,3.326773982,3.326774,3.326774111,3.326774096
+"11798","PEA15",7.099243344,7.099243285,7.099243137,7.099243042,7.099243016,7.099243675,7.099243182,7.099242807,7.099242587,7.099243741,7.099243176,7.099242119,7.099243428,7.099243428,7.099242953,7.099242432,7.099242583,7.099242549,7.099242994,7.099243336,7.099242977,7.099242682,7.099242632,7.099243369,7.099242757,7.099242755,7.099243431,7.099243233
+"11799","PEAK1",5.705771165,5.705771188,5.705771148,5.705771204,5.705771141,5.705771141,5.705771202,5.705771136,5.705771124,5.705771156,5.705771134,5.705771212,5.705771138,5.705771157,5.70577112,5.705771144,5.705771159,5.705771127,5.705771133,5.705771091,5.705771142,5.705771156,5.705771187,5.705771167,5.705771093,5.705771207,5.705771179,5.705771171
+"11800","PEAK3",6.75969966,6.759699755,6.759699711,6.759699844,6.759699684,6.759699849,6.759699758,6.759699744,6.759699649,6.759699688,6.759699783,6.759699611,6.759699653,6.759699534,6.759699683,6.759699709,6.759699833,6.759699833,6.759699743,6.759699866,6.759699698,6.759699725,6.75969971,6.759699763,6.759699706,6.759699611,6.759699648,6.759699598
+"11801","PEAR1",5.343451036,5.343451703,5.343451421,5.343451963,5.343451734,5.34345106,5.343451509,5.343451641,5.343451406,5.343451645,5.343451999,5.343451693,5.343451311,5.343450956,5.343451591,5.343451604,5.343452071,5.343452204,5.343451522,5.343451481,5.343451776,5.343451644,5.34345122,5.343451943,5.343451748,5.343451488,5.343451498,5.343451057
+"11802","PEBP1",6.600690392,6.600690326,6.600690302,6.600690276,6.600690321,6.600690268,6.600690311,6.600690278,6.600690299,6.600690245,6.600690279,6.600690318,6.600690333,6.60069034,6.600690286,6.600690353,6.600690226,6.600690268,6.600690261,6.60069021,6.600690303,6.600690272,6.600690289,6.600690273,6.600690262,6.600690292,6.600690307,6.600690285
+"11803","PEBP4",4.85982333,4.859823145,4.859823491,4.859823322,4.859823812,4.859823436,4.85982363,4.859823489,4.859823459,4.859823663,4.859823554,4.859823781,4.859823163,4.859823331,4.859823709,4.859823468,4.859823433,4.859823294,4.859823484,4.859823197,4.859823748,4.859823234,4.859823265,4.859822658,4.85982354,4.859823756,4.859823071,4.859823612
+"11804","PECAM1",8.159257131,8.1592584385,8.1592577295,8.159261357,8.159256485,8.159256229,8.1592576395,8.159255989,8.1592558775,8.159257692,8.1592577515,8.159253061,8.159257569,8.1592588085,8.159257011,8.159257466,8.159256789,8.159260263,8.1592578295,8.159256992,8.159258377,8.159256257,8.1592570115,8.159259764,8.1592582865,8.159256348,8.1592577855,8.159256519
+"11805","PECR",5.656489924,5.65648997,5.656489936,5.656489898,5.656489806,5.656489842,5.656489911,5.656489897,5.656490021,5.656489948,5.656489869,5.656489826,5.656489964,5.656490072,5.656489885,5.656489922,5.656489767,5.65648983,5.656489936,5.656489719,5.656489875,5.656489932,5.65649009,5.656489905,5.656489848,5.65648991,5.656489954,5.656489976
+"11806","PEDS1-UBE2V1",8.722322055,8.722322584,8.722322437,8.722322016,8.722322935,8.722322513,8.722322949,8.722323042,8.7223231,8.722323232,8.722322404,8.722323025,8.722322567,8.722322277,8.722322844,8.722322075,8.722323077,8.722322188,8.722322438,8.722321949,8.722322702,8.722322712,8.722322838,8.72232252,8.722322717,8.722322857,8.722322628,8.722322222
+"11807","PEF1",6.444664098,6.444664053,6.444663949,6.444664144,6.444663823,6.44466422,6.444663921,6.444663939,6.444663865,6.444664122,6.444664055,6.444663805,6.444664154,6.444663917,6.444663834,6.44466383,6.44466389,6.444663986,6.444663888,6.444664134,6.44466391,6.444663844,6.444664051,6.444664059,6.444664027,6.444663877,6.444664192,6.444663799
+"11808","PEG10",4.624448418,4.624448418,4.624448447,4.624448452,4.62444844,4.624448454,4.624448442,4.624448439,4.624448435,4.624448445,4.624448438,4.62444845,4.624448427,4.624448425,4.62444845,4.62444845,4.62444844,4.624448459,4.624448441,4.624448438,4.624448438,4.624448435,4.624448437,4.62444844,4.624448444,4.624448438,4.624448446,4.624448439
+"11809","PELI1",9.553562346,9.570361069,9.536227508,9.582067062,9.492476488,9.539323122,9.53120567,9.547858877,9.499204806,9.480713946,9.536878414,9.465737816,9.522951059,9.54440532,9.516873005,9.556008389,9.515412821,9.54603108,9.525332812,9.54428474,9.519908222,9.534844578,9.536755666,9.53730175,9.530228812,9.476569669,9.510180728,9.508711275
+"11810","PELI2",7.882018033,7.882018372,7.88201808,7.882018653,7.882017851,7.88201827,7.882018108,7.882018059,7.882017826,7.882018005,7.882018113,7.882017588,7.882018058,7.882018071,7.882018162,7.882018383,7.882018227,7.882018635,7.882018262,7.882018355,7.882018281,7.882018023,7.882018223,7.882018329,7.88201844,7.88201787,7.88201804,7.882017961
+"11811","PELI3",5.964509507,5.964509511,5.964509517,5.964509505,5.964509542,5.964509479,5.964509497,5.964509511,5.964509511,5.964509513,5.964509526,5.964509538,5.964509514,5.964509482,5.964509524,5.964509509,5.964509535,5.96450952,5.964509501,5.964509522,5.964509517,5.964509527,5.964509508,5.964509501,5.964509503,5.964509511,5.964509485,5.964509523
+"11812","PELP1",6.122311722,6.122311725,6.122311689,6.122311682,6.122311688,6.122311739,6.122311685,6.122311701,6.122311757,6.122311732,6.122311716,6.122311725,6.12231174,6.122311716,6.122311705,6.122311679,6.122311647,6.12231169,6.122311725,6.122311705,6.12231169,6.122311693,6.122311728,6.122311718,6.122311709,6.122311741,6.122311704,6.122311749
+"11813","PEMT",6.042322754,6.042322879,6.042322859,6.042322721,6.042322551,6.042322956,6.042322642,6.04232288,6.042322797,6.042322848,6.042322646,6.042322612,6.042322997,6.042322842,6.042322733,6.042322969,6.042322689,6.042322529,6.042322897,6.042322907,6.042322582,6.042322892,6.042322869,6.042322884,6.042322746,6.042322609,6.042322958,6.042322738
+"11814","PENK",4.888085866,4.888085855,4.888085902,4.888085879,4.888085882,4.888085891,4.888085843,4.888085893,4.888085889,4.88808588,4.888085894,4.888085871,4.888085855,4.888085812,4.888085878,4.888085899,4.888085944,4.888085909,4.888085833,4.888085882,4.88808587,4.888085895,4.888085862,4.888085832,4.888085892,4.888085882,4.888085884,4.888085863
+"11815","PEPD",7.751469069,7.751468984,7.751468472,7.751468288,7.75146898,7.751469108,7.75146855,7.751468595,7.751468713,7.751468811,7.751468173,7.751468348,7.751468564,7.751469158,7.751468708,7.751468342,7.75146834,7.751467878,7.751468722,7.751468594,7.751468441,7.751468645,7.751468846,7.751468722,7.751467764,7.751468504,7.751468666,7.751468805
+"11816","PER1",5.879524994,5.87952496,5.879525081,5.879525171,5.879525081,5.879524827,5.879524832,5.87952499,5.879524917,5.879524719,5.879525091,5.87952506,5.879524843,5.879524714,5.879524788,5.879524615,5.879524821,5.879524892,5.879524796,5.879524633,5.879524837,5.879524819,5.879524689,5.879524781,5.879524783,5.879524858,5.879524845,5.87952466
+"11817","PER2",5.833663888,5.833663949,5.83366389,5.833663887,5.833663959,5.833663995,5.833663954,5.833663964,5.833663945,5.833664001,5.833663925,5.833663989,5.833663937,5.833663976,5.833663934,5.833663822,5.833663964,5.833663871,5.833663921,5.833663963,5.833663899,5.833663966,5.833663852,5.83366393,5.83366393,5.833663905,5.833663962,5.83366393
+"11818","PER3",5.101810125,5.101809985,5.101810037,5.101809976,5.101810109,5.10181011,5.101810051,5.101810167,5.101810121,5.101810169,5.101810145,5.10181028,5.10181002,5.101810031,5.101809959,5.101809989,5.101809966,5.101809946,5.101810027,5.101810061,5.10181004,5.101810126,5.101810018,5.101809944,5.101810015,5.101810102,5.10181005,5.101809931
+"11819","PERM1",5.985715491,5.98571552,5.98571567,5.985715529,5.985715732,5.985715571,5.985715484,5.985715745,5.985715565,5.985715601,5.985715645,5.985715785,5.985715513,5.985715425,5.985715654,5.985715753,5.985715812,5.985715754,5.985715633,5.985715494,5.985715599,5.985715654,5.985715482,5.985715538,5.985715735,5.985715647,5.985715589,5.985715646
+"11820","PERP",5.47338553,5.473385533,5.473385566,5.47338555,5.473385789,5.473385497,5.473385699,5.473385667,5.473385674,5.473385535,5.473385647,5.473385706,5.4733857,5.473385498,5.473385738,5.473385685,5.473385719,5.473385625,5.47338557,5.473385534,5.473385715,5.473385651,5.473385648,5.473385574,5.473385681,5.473385614,5.473385607,5.473385642
+"11821","PES1",5.971970206,5.971970263,5.971970321,5.971970096,5.97197032,5.971970287,5.971970342,5.971970185,5.971970295,5.971970283,5.97197021,5.97197026,5.971970394,5.971970354,5.97197026,5.971970172,5.971970273,5.971970153,5.971970156,5.971970276,5.9719702,5.971970265,5.971970328,5.971970299,5.971970102,5.971970262,5.971970284,5.971970306
+"11822","PEX1",5.997474215,5.99747402,5.99747407,5.997474111,5.997473658,5.997473857,5.997474139,5.997473976,5.997474176,5.997474013,5.997473792,5.997474027,5.99747407,5.997474359,5.997473787,5.997473986,5.997473555,5.997473538,5.997474129,5.997473665,5.997474027,5.997473865,5.997474274,5.997474187,5.997473936,5.997474047,5.997474205,5.99747431
+"11823","PEX10",5.837484978,5.837484913,5.837485039,5.837484884,5.837484941,5.837485008,5.837484844,5.837484973,5.837485034,5.837485045,5.837484989,5.837484765,5.837484937,5.837484955,5.83748505,5.837484902,5.837485149,5.837484876,5.837484973,5.83748512,5.837485081,5.837485129,5.837485053,5.837484947,5.837484756,5.837484938,5.837484993,5.837484926
+"11824","PEX11A",5.231505023,5.231505018,5.231505042,5.231505021,5.231505047,5.231504996,5.231505013,5.231505052,5.231505005,5.231504996,5.231505021,5.23150505,5.231505031,5.231505009,5.231505012,5.231505018,5.231505049,5.231505007,5.231505033,5.231505009,5.231505045,5.231505028,5.231504991,5.231504999,5.231505041,5.231505041,5.23150502,5.231505033
+"11825","PEX11B",6.467909924,6.467909848,6.467909828,6.467909771,6.467909643,6.467909831,6.467909771,6.467909795,6.467909855,6.467909706,6.467909648,6.467909716,6.467909886,6.467910029,6.467909721,6.467909575,6.467909611,6.467909443,6.467909799,6.467909828,6.467909724,6.467909804,6.46790971,6.467909831,6.467909694,6.467909788,6.467909891,6.467909765
+"11826","PEX11G",7.102975032,7.102975076,7.102975185,7.10297508,7.102975291,7.102975059,7.102975088,7.102975198,7.102975151,7.102975177,7.102975169,7.102975187,7.102975136,7.102974995,7.102975152,7.102975128,7.10297521,7.102975159,7.102975096,7.102975117,7.102975174,7.102975183,7.102975096,7.102975105,7.102975176,7.102975196,7.10297509,7.102975106
+"11827","PEX12",5.231422836,5.231422849,5.231422743,5.231422812,5.231422812,5.231422885,5.231422796,5.231422817,5.231422819,5.231422801,5.23142276,5.231422811,5.231422832,5.231422881,5.231422819,5.231422774,5.231422778,5.231422781,5.23142279,5.231422835,5.231422769,5.231422794,5.231422816,5.231422841,5.231422789,5.231422757,5.231422835,5.231422868
+"11828","PEX13",5.829192951,5.829192851,5.829192733,5.829192635,5.829192756,5.82919257,5.829192764,5.829192749,5.829192848,5.82919259,5.82919269,5.829192499,5.829192839,5.829193092,5.82919266,5.829192749,5.829192605,5.829192685,5.829192759,5.829192716,5.829192721,5.829192698,5.829192866,5.829192839,5.829192661,5.829192684,5.829192758,5.829192931
+"11829","PEX14",6.513683678,6.513683595,6.513683808,6.513683639,6.513683753,6.513683689,6.51368368,6.513683711,6.513683757,6.513683636,6.513683607,6.513683853,6.513683685,6.513683654,6.513683657,6.513683668,6.51368354,6.513683583,6.513683687,6.513683563,6.513683622,6.513683671,6.513683707,6.513683658,6.513683663,6.5136837,6.513683826,6.513683671
+"11830","PEX16",6.787559047,6.787559082,6.787559058,6.787559005,6.787559104,6.787559078,6.787559058,6.787559155,6.787559077,6.787558988,6.787559062,6.787559051,6.787559085,6.787559014,6.787559112,6.787559137,6.787559141,6.787558993,6.787559123,6.787558984,6.787559021,6.787559134,6.787559065,6.787559014,6.787558943,6.787559096,6.787559073,6.787559116
+"11831","PEX19",6.714770294,6.714770271,6.714770274,6.714770254,6.714770226,6.714770258,6.714770248,6.714770251,6.714770282,6.714770258,6.714770219,6.71477025,6.714770272,6.714770309,6.714770235,6.714770194,6.714770215,6.714770214,6.714770242,6.714770256,6.714770235,6.714770233,6.71477027,6.714770273,6.714770255,6.714770258,6.714770271,6.71477025
+"11832","PEX2",5.035359932,5.035359813,5.035359663,5.035359728,5.035359321,5.035359361,5.03535949,5.03535944,5.035359708,5.035359486,5.035359617,5.035359432,5.035359693,5.03536006,5.035359698,5.035359744,5.035359692,5.035359498,5.035359557,5.035359593,5.035359647,5.035359683,5.035359741,5.03535955,5.035359468,5.035359637,5.035359778,5.035360046
+"11833","PEX26",6.80874826,6.808748257,6.808748228,6.808748235,6.808748238,6.808748268,6.808748256,6.808748249,6.808748267,6.808748266,6.808748238,6.808748268,6.808748259,6.808748249,6.808748258,6.808748241,6.808748232,6.808748227,6.808748222,6.808748266,6.808748228,6.808748235,6.80874825,6.808748245,6.808748227,6.808748251,6.808748254,6.808748234
+"11834","PEX3",5.098684482,5.098684317,5.098684273,5.098684179,5.098684127,5.098684144,5.098684279,5.098684159,5.098684436,5.098684422,5.098684016,5.098684127,5.098684423,5.098684672,5.098684262,5.09868413,5.098684034,5.098683967,5.098684342,5.098684021,5.098684283,5.098684282,5.098684629,5.098684363,5.098684112,5.098684376,5.098684474,5.098684533
+"11835","PEX5",5.939659372,5.939659403,5.939659378,5.939659381,5.939659346,5.93965939,5.939659383,5.939659374,5.939659386,5.939659391,5.939659373,5.939659371,5.939659393,5.939659385,5.939659372,5.939659403,5.939659356,5.939659372,5.93965937,5.939659377,5.939659359,5.939659375,5.939659375,5.939659383,5.939659364,5.93965936,5.939659383,5.939659371
+"11836","PEX5L",4.585577253,4.585577426,4.585577526,4.585577348,4.585577502,4.585577361,4.585577357,4.585577503,4.585577467,4.585577416,4.585577482,4.585577569,4.585577364,4.585577313,4.58557755,4.585577459,4.585577492,4.585577497,4.585577388,4.58557736,4.585577427,4.585577548,4.585577394,4.585577327,4.585577418,4.585577462,4.585577384,4.585577408
+"11837","PEX6",6.31918762,6.319187914,6.319187518,6.319187716,6.319187563,6.31918775,6.319187624,6.319187368,6.319187559,6.319187701,6.319187797,6.319187499,6.319187738,6.319187948,6.319187643,6.319187883,6.319187598,6.319187581,6.3191875,6.319187602,6.319187782,6.319187494,6.319187425,6.319187602,6.319187638,6.319187698,6.319187977,6.319187753
+"11838","PEX7",5.491313565,5.491313589,5.491313602,5.491313553,5.49131357,5.491313544,5.491313571,5.491313526,5.491313577,5.491313536,5.491313529,5.491313559,5.491313538,5.491313577,5.491313577,5.491313578,5.491313579,5.491313568,5.491313561,5.491313547,5.491313576,5.491313574,5.491313592,5.491313567,5.491313592,5.491313579,5.491313571,5.49131357
+"11839","PF4",6.34876517,6.690706482,6.227659491,7.282871401,6.650857755,6.421953188,6.338780562,5.872041256,5.93231201,7.353798285,7.183255065,6.742391809,6.049712891,5.416667494,6.513812438,6.497258255,6.327625396,7.096840679,6.495908561,6.424722419,6.055997588,5.624784122,5.973837862,7.543741981,7.052479766,6.588439446,6.350403861,5.801970935
+"11840","PF4V1",5.63063307,5.630632777,5.630633398,5.630633411,5.630632339,5.630633247,5.630632035,5.630631952,5.630632973,5.630633417,5.630634355,5.630632409,5.630631784,5.630630801,5.630632823,5.63063271,5.630632495,5.630633704,5.630632446,5.630632787,5.63063225,5.630631383,5.63063339,5.630634132,5.630634596,5.630632351,5.630632203,5.630632019
+"11841","PFAS",6.127470567,6.12747055,6.127470631,6.127470607,6.127470641,6.127470658,6.127470656,6.127470659,6.127470659,6.127470604,6.127470607,6.127470709,6.127470623,6.12747058,6.127470628,6.127470589,6.127470662,6.127470594,6.127470559,6.12747057,6.127470609,6.127470628,6.127470571,6.127470586,6.127470562,6.127470646,6.127470594,6.127470611
+"11842","PFDN1",5.898710308,5.898710202,5.898710203,5.898710081,5.898710224,5.898710232,5.898710313,5.89871017,5.898710224,5.898710255,5.898709992,5.898710156,5.898710208,5.898710406,5.898710214,5.898710043,5.898710183,5.898710063,5.898710158,5.898710226,5.898710157,5.898710197,5.898710261,5.898710302,5.898710063,5.898710149,5.898710177,5.898710303
+"11843","PFDN2",6.854273862,6.854273922,6.854274004,6.85427397,6.854274049,6.854273755,6.854273931,6.854273992,6.854273975,6.854273946,6.854273979,6.854273982,6.854273952,6.854273868,6.854273999,6.854274019,6.85427401,6.854274041,6.854273867,6.854273902,6.854273974,6.854273993,6.854273928,6.854273933,6.854273996,6.854273943,6.854273894,6.854274025
+"11844","PFDN4",2.968148745,2.968148563,2.9681487,2.968148531,2.968148445,2.9681487,2.968148485,2.968148622,2.968148614,2.968148667,2.96814876,2.968148825,2.968148873,2.968148868,2.968148681,2.968148698,2.968148746,2.968148672,2.968148759,2.968148539,2.968148673,2.968148555,2.968148658,2.968148838,2.968148813,2.968148764,2.968148677,2.96814891
+"11845","PFDN5",6.034520116,6.034520201,6.034520272,6.034520143,6.034520009,6.034520358,6.034520301,6.034520291,6.034520258,6.034520258,6.034520286,6.034520234,6.034520132,6.034520292,6.03452004,6.034520111,6.034520303,6.034520159,6.034520271,6.034520045,6.034520244,6.034520251,6.034520295,6.034520229,6.034520182,6.034520236,6.034520181,6.034520128
+"11846","PFDN6",5.711011498,5.711011447,5.711011548,5.71101153,5.711011608,5.711011492,5.711011565,5.711011477,5.711011636,5.711011508,5.711011457,5.711011427,5.711011581,5.71101158,5.71101155,5.711011504,5.711011528,5.711011563,5.711011477,5.711011635,5.711011592,5.711011552,5.711011543,5.711011532,5.711011504,5.711011553,5.711011495,5.711011648
+"11847","PFKFB1",3.863624842,3.863624864,3.863624911,3.863624855,3.863624868,3.863625,3.863624877,3.863624921,3.863624877,3.863624941,3.863624823,3.863624879,3.863624879,3.863624907,3.86362492,3.863624892,3.863624852,3.863624828,3.863624894,3.86362493,3.863624883,3.863624929,3.863624902,3.863624834,3.863624899,3.863624871,3.86362492,3.863624859
+"11848","PFKFB2",5.669773686,5.669773799,5.669773548,5.669774029,5.669773465,5.669773647,5.669773763,5.669773289,5.669773404,5.669773429,5.66977387,5.669773305,5.66977352,5.669773367,5.669773159,5.669773832,5.669773546,5.669773557,5.669773533,5.669773648,5.669773279,5.669773373,5.669773564,5.6697738,5.669773511,5.669773433,5.669773342,5.669773072
+"11849","PFKFB3",7.804672996,7.842504161,7.81055836,7.878203513,7.809179643,7.821686528,7.832096651,7.804837298,7.836656826,7.833411311,7.840268225,7.778233006,7.815856001,7.800271812,7.800971631,7.847430031,7.829121168,7.883506622,7.853051544,7.843636232,7.80828381,7.808247652,7.861742885,7.862199294,7.869622227,7.7962838,7.821948412,7.796244843
+"11850","PFKFB4",7.421896838,7.421899184,7.421897103,7.421900195,7.42189659,7.421898578,7.421897602,7.421897689,7.421896108,7.421896279,7.421898246,7.421895603,7.421897557,7.42189669,7.421896372,7.421898581,7.421897616,7.421898898,7.421897735,7.421899138,7.421897208,7.421896883,7.421897088,7.421898429,7.421898932,7.421896163,7.421897432,7.421896024
+"11851","PFKL",7.67043437,7.670434434,7.670434366,7.670434272,7.670434352,7.670434428,7.670434343,7.6704343,7.670434294,7.670434398,7.670434224,7.670434268,7.670434402,7.670434435,7.670434273,7.670434375,7.67043425,7.670434237,7.670434329,7.670434274,7.670434333,7.670434365,7.670434295,7.67043438,7.670434105,7.670434257,7.670434373,7.670434333
+"11852","PFKM",5.301928411,5.301928494,5.301928379,5.301928378,5.301928459,5.301928441,5.301928366,5.301928457,5.301928436,5.301928329,5.301928386,5.301928395,5.301928439,5.301928477,5.301928415,5.301928455,5.301928412,5.301928381,5.301928457,5.301928499,5.301928412,5.301928326,5.301928416,5.301928445,5.301928393,5.301928402,5.30192844,5.301928523
+"11853","PFKP",6.496905747,6.496905767,6.496905573,6.496905604,6.496905645,6.49690575,6.496905735,6.496905673,6.496905831,6.496905555,6.496905612,6.496905575,6.496905696,6.496905694,6.49690569,6.496905761,6.49690563,6.496905628,6.496905661,6.49690574,6.49690568,6.496905708,6.496905776,6.496905594,6.496905658,6.496905696,6.496905679,6.496905723
+"11854","PFN1",9.416733523,9.416733609,9.416733614,9.416733699,9.416733742,9.416734134,9.416733827,9.416733866,9.416733896,9.416733876,9.416733549,9.416733191,9.416734056,9.416733672,9.416733614,9.416733278,9.416733461,9.416733365,9.416733422,9.416734179,9.416733822,9.416734065,9.416733869,9.416733861,9.416733166,9.416733558,9.41673404,9.416733716
+"11855","PFN1P2",10.06312632,10.06312616,10.06312618,10.06312616,10.06312599,10.06312629,10.06312604,10.06312625,10.06312603,10.06312608,10.06312619,10.06312572,10.06312634,10.06312594,10.06312599,10.06312578,10.06312603,10.06312597,10.06312601,10.06312563,10.06312625,10.06312633,10.0631262,10.06312607,10.06312613,10.06312611,10.06312634,10.06312587
+"11856","PFN2",3.784168295,3.784168311,3.784168295,3.784168297,3.784168317,3.784168296,3.7841683,3.784168323,3.784168298,3.784168309,3.784168303,3.784168307,3.784168303,3.784168311,3.784168269,3.78416833,3.784168266,3.784168313,3.784168273,3.784168242,3.7841683,3.784168307,3.784168307,3.784168295,3.784168263,3.784168301,3.784168284,3.784168305
+"11857","PFN3",5.749481126,5.749481096,5.749481174,5.749481121,5.749481135,5.749481108,5.749481108,5.74948118,5.749481121,5.74948107,5.749481125,5.749481184,5.749481124,5.749481058,5.749481163,5.749481114,5.749481128,5.749481172,5.7494811,5.749481118,5.749481115,5.749481148,5.749481101,5.749481093,5.749481145,5.749481159,5.74948115,5.749481098
+"11858","PFN4",4.294759163,4.294759345,4.294759176,4.29475911,4.29475925,4.294759033,4.294759245,4.294758906,4.294759208,4.294759164,4.294759349,4.294758984,4.294759158,4.294758958,4.294759502,4.294759363,4.29475972,4.294759303,4.294759015,4.294759197,4.294759283,4.294759149,4.294759056,4.294759248,4.294758778,4.294759155,4.294759195,4.294759303
+"11859","PGAM2",6.763802445,6.763802454,6.763802488,6.763802464,6.76380245,6.763802532,6.763802444,6.763802464,6.763802493,6.763802513,6.763802514,6.763802471,6.763802472,6.763802406,6.763802448,6.763802449,6.763802512,6.763802501,6.763802464,6.76380249,6.763802412,6.763802466,6.763802477,6.763802438,6.763802494,6.763802446,6.763802469,6.763802409
+"11860","PGAM5",7.358122724,7.35812273,7.358122769,7.358122719,7.35812279,7.358122721,7.358122742,7.358122786,7.35812277,7.358122741,7.358122753,7.358122782,7.358122781,7.358122715,7.358122785,7.358122735,7.358122748,7.358122754,7.358122742,7.358122767,7.35812277,7.358122768,7.358122747,7.358122708,7.358122761,7.358122768,7.358122731,7.358122779
+"11861","PGAP1",4.413327819,4.413327798,4.413327625,4.413327703,4.413327555,4.413327792,4.413327618,4.413327537,4.413327762,4.413327668,4.413327482,4.413327343,4.413327831,4.413327918,4.413327689,4.413327692,4.413327536,4.413327571,4.413327716,4.413327749,4.413327596,4.413327667,4.413327866,4.413327644,4.413327541,4.413327522,4.41332775,4.413327702
+"11862","PGAP2",6.218823233,6.218823236,6.218823254,6.218823258,6.218823242,6.218823249,6.218823259,6.218823247,6.218823269,6.218823281,6.218823238,6.218823249,6.218823244,6.21882328,6.218823243,6.218823257,6.218823236,6.218823245,6.218823249,6.218823241,6.218823235,6.218823237,6.218823264,6.218823261,6.218823231,6.21882323,6.218823232,6.218823248
+"11863","PGAP3",6.269571218,6.269571259,6.26957124,6.269571194,6.26957123,6.269571207,6.269571169,6.26957127,6.269571254,6.269571271,6.2695712,6.269571173,6.269571236,6.269571245,6.269571209,6.269571291,6.269571214,6.2695712,6.26957115,6.26957124,6.26957113,6.269571256,6.269571278,6.269571261,6.269571228,6.269571178,6.269571244,6.269571203
+"11864","PGAP4",3.959716843,3.959716702,3.959716965,3.959716791,3.95971692,3.959716819,3.959716821,3.959716852,3.959716844,3.959716872,3.959717051,3.959716775,3.95971691,3.959716755,3.959716952,3.959716856,3.959717199,3.959716946,3.959717166,3.959717007,3.959717268,3.959717177,3.959716948,3.95971698,3.959716864,3.959716782,3.959716952,3.959717043
+"11865","PGAP6",7.897405016,7.897406589,7.897405686,7.897406519,7.897406016,7.897405379,7.897405595,7.897405671,7.897405122,7.897406199,7.897405849,7.897405176,7.897405675,7.897406061,7.897404897,7.89740641,7.897405726,7.897406004,7.897406423,7.897405341,7.897404905,7.897405588,7.897405517,7.897406245,7.897405928,7.897405123,7.897405958,7.897405605
+"11866","PGBD1",3.898762632,3.898762637,3.898762635,3.898762578,3.898762684,3.898762571,3.898762524,3.898762758,3.89876263,3.898762705,3.898762779,3.898762759,3.89876263,3.898762545,3.898762578,3.898762705,3.898762663,3.898762634,3.898762679,3.898762753,3.89876262,3.898762651,3.898762639,3.898762609,3.898762851,3.898762721,3.898762551,3.898762697
+"11867","PGBD2",4.943912512,4.943912507,4.943912476,4.943912501,4.943912369,4.943912428,4.943912492,4.943912474,4.943912476,4.943912492,4.94391249,4.943912393,4.943912466,4.943912596,4.943912491,4.943912445,4.943912472,4.943912467,4.943912453,4.94391247,4.943912438,4.94391243,4.943912481,4.943912492,4.943912456,4.943912494,4.943912502,4.943912497
+"11868","PGBD4",5.457965772,5.457965482,5.457965769,5.457965551,5.45796561,5.457965635,5.45796561,5.457965652,5.457965908,5.457965533,5.457965788,5.457965646,5.457965649,5.457965657,5.457965728,5.45796556,5.457965867,5.457965687,5.457965814,5.457965701,5.457965684,5.4579659,5.457965617,5.457965564,5.457965715,5.457965896,5.457965653,5.457965892
+"11869","PGBD5",4.084656381,4.084656252,4.084656666,4.084656403,4.084656823,4.084656617,4.084656535,4.084656601,4.084656584,4.084656761,4.084656633,4.084656917,4.084656536,4.08465636,4.084656773,4.084656465,4.08465683,4.084656506,4.084656415,4.084656589,4.08465665,4.084656568,4.084656468,4.084656494,4.084656552,4.084656559,4.084656681,4.084656379
+"11870","PGC",4.859651521,4.859651501,4.859651544,4.859651543,4.859651562,4.859651529,4.859651541,4.85965156,4.859651498,4.859651503,4.859651543,4.859651553,4.859651536,4.859651508,4.859651568,4.859651533,4.859651586,4.859651541,4.859651558,4.859651528,4.859651567,4.859651558,4.859651503,4.85965152,4.859651539,4.859651552,4.859651531,4.859651553
+"11871","PGD",10.12931079,10.69750172,10.05624352,10.47358072,10.33609631,10.29049468,10.23383475,9.820164186,10.1778351,10.19995145,10.43920033,9.761492244,10.01489615,10.3362978,10.09658047,10.72225778,9.970655705,10.19762363,10.52590266,10.39951418,10.19918352,9.844148634,10.32975283,10.43994789,10.40805834,9.93506045,10.05438224,10.13155524
+"11872","PGF",5.016752308,5.016752246,5.016752321,5.016752247,5.016752414,5.016752343,5.016752399,5.01675239,5.016752339,5.016752413,5.01675242,5.016752509,5.016752356,5.016752266,5.0167524,5.016752371,5.016752472,5.016752458,5.016752397,5.016752428,5.01675244,5.016752401,5.016752323,5.016752317,5.016752329,5.016752442,5.016752288,5.016752389
+"11873","PGGHG",8.147710992,8.147711133,8.147711232,8.147711472,8.147710821,8.147711342,8.147711161,8.147711314,8.14771165,8.147711102,8.1477113,8.147711404,8.147711105,8.147711116,8.147710866,8.147711247,8.147711191,8.147711253,8.147710949,8.147711139,8.147711221,8.147711599,8.147711159,8.147710971,8.147711186,8.147711338,8.147711115,8.147710862
+"11874","PGGT1B",6.903984204,6.903984415,6.903983579,6.903983805,6.903983759,6.903983868,6.903984434,6.903983473,6.903983307,6.903983707,6.90398294,6.903982907,6.903983609,6.903985416,6.903984027,6.903984562,6.903982919,6.903983088,6.903984628,6.903983576,6.903984314,6.903983661,6.903984042,6.903984251,6.903983498,6.903983397,6.903983541,6.903984682
+"11875","PGK1",9.409960719,9.409960815,9.409960307,9.409960676,9.409960327,9.409960586,9.409960522,9.409960043,9.409960193,9.4099605,9.409960142,9.409959678,9.409960624,9.409961081,9.409960249,9.409960542,9.409959947,9.409960228,9.409960463,9.4099607,9.409960489,9.409960176,9.409960621,9.409960754,9.409960136,9.409960128,9.409960398,9.409960341
+"11876","PGK2",3.81588306,3.81588304,3.815883465,3.815883359,3.815883231,3.815883155,3.815883157,3.815883297,3.81588324,3.815883283,3.815883349,3.815883481,3.815883159,3.815883079,3.815883091,3.815883275,3.815883486,3.815883214,3.815883286,3.815883213,3.815883321,3.815883121,3.815883542,3.815883437,3.81588314,3.8158832,3.815883292,3.81588307
+"11877","PGLS",6.997533114,6.997533096,6.997533105,6.997533213,6.997533041,6.997533084,6.997533039,6.99753317,6.997533048,6.997533078,6.997533131,6.997532964,6.997533214,6.997533061,6.997533038,6.997533054,6.997533055,6.997533098,6.997533084,6.997533058,6.997532967,6.997533159,6.997533127,6.997533133,6.997533154,6.997533039,6.99753324,6.997533061
+"11878","PGLYRP1",7.069206127,7.069206705,7.069206378,7.069207043,7.069206074,7.069206766,7.069206866,7.069206445,7.069206672,7.069206234,7.069206704,7.069206464,7.069206145,7.069206136,7.069206398,7.069206968,7.069206739,7.069206915,7.069206378,7.069206945,7.069206896,7.06920638,7.069206916,7.069206921,7.069206898,7.069206303,7.069205961,7.069206282
+"11879","PGLYRP2",4.226903954,4.226903975,4.226903929,4.226903962,4.226904021,4.226903935,4.226904038,4.226904127,4.226904028,4.226904011,4.226903997,4.226904023,4.22690396,4.226903901,4.226903894,4.226904014,4.226904003,4.226904105,4.226904026,4.226904049,4.226904068,4.226903975,4.226904039,4.226904035,4.226903951,4.226904021,4.22690391,4.226903919
+"11880","PGLYRP3",4.221360513,4.221360532,4.221360428,4.221360475,4.221360496,4.221360538,4.221360544,4.22136053,4.221360459,4.221360449,4.221360365,4.221360547,4.22136049,4.221360526,4.221360567,4.221360496,4.221360634,4.221360588,4.221360359,4.221360511,4.221360604,4.221360516,4.221360533,4.221360434,4.221360427,4.221360474,4.221360442,4.221360559
+"11881","PGLYRP4",4.568545532,4.568545655,4.568545655,4.568545664,4.568545801,4.568545519,4.568545715,4.568545727,4.56854564,4.568545594,4.568545736,4.568545775,4.568545645,4.568545536,4.568545807,4.568545622,4.568545818,4.568545665,4.56854565,4.568545607,4.568545758,4.568545766,4.568545604,4.568545615,4.568545662,4.568545654,4.56854559,4.568545786
+"11882","PGM1",6.822265584,6.822265785,6.822265526,6.822265703,6.822265444,6.822265687,6.822265701,6.822265553,6.822265568,6.822265782,6.822265355,6.822265375,6.822265508,6.822265604,6.822265409,6.822265842,6.822265419,6.822265676,6.822265721,6.822265594,6.822265575,6.822265514,6.8222658,6.822265884,6.822265575,6.822265544,6.822265626,6.822265425
+"11883","PGM2",7.954155676,7.954155983,7.954155352,7.954156086,7.954155239,7.954154836,7.954155722,7.954154929,7.954155186,7.954155393,7.954155892,7.954155123,7.954155261,7.954155982,7.954155468,7.95415613,7.954154946,7.954155656,7.954155882,7.954155069,7.954155725,7.954155197,7.954155774,7.954155867,7.954155946,7.954155353,7.954155204,7.954155254
+"11884","PGM2L1",5.546519833,5.546519827,5.546519807,5.54651979,5.546519806,5.546519807,5.546519808,5.546519832,5.546519844,5.54651983,5.546519814,5.546519789,5.546519832,5.546519872,5.546519841,5.546519822,5.546519775,5.5465198,5.546519806,5.546519789,5.546519795,5.546519809,5.546519825,5.546519803,5.546519794,5.546519809,5.546519807,5.54651985
+"11885","PGM3",4.802300186,4.802300086,4.802300068,4.802299968,4.802300035,4.802300022,4.802300085,4.802300126,4.802300093,4.80230015,4.802300038,4.802299986,4.80230008,4.802300255,4.802300093,4.802300027,4.802300039,4.802299996,4.802300098,4.802300039,4.802300082,4.802300048,4.802300145,4.802300119,4.802300048,4.802300125,4.80230011,4.802300143
+"11886","PGM5",4.202960258,4.202960081,4.202959948,4.202960182,4.202960395,4.20296084,4.202960216,4.202960455,4.20296009,4.202960323,4.202960439,4.202959858,4.202960578,4.202959962,4.202960335,4.202960022,4.202960417,4.202960113,4.202960463,4.202960999,4.202960293,4.202960274,4.202959941,4.202960329,4.202960472,4.202959882,4.202960371,4.202960112
+"11887","PGP",7.25548579,7.255485658,7.255485889,7.255485758,7.255486101,7.255485884,7.255485972,7.25548589,7.255485861,7.255485991,7.255485937,7.255486078,7.255485864,7.255485724,7.255486055,7.255485526,7.255486018,7.255485934,7.255485916,7.255485841,7.255486034,7.255486025,7.255485813,7.255485773,7.255485838,7.255485985,7.255485789,7.255485847
+"11888","PGPEP1L",4.885470832,4.885470869,4.885470856,4.885470637,4.885471142,4.885470822,4.885470864,4.885471008,4.885470925,4.885471053,4.885471041,4.885471113,4.885470925,4.885470849,4.885471203,4.885470795,4.88547091,4.885470995,4.885471004,4.885470949,4.885471107,4.885471003,4.885470813,4.885470835,4.885471082,4.88547107,4.885470772,4.885470828
+"11889","PGR",3.749800597,3.749800699,3.749800747,3.749800701,3.749800751,3.74980073,3.749800691,3.74980077,3.74980073,3.749800687,3.749800728,3.749800783,3.74980071,3.749800651,3.749800734,3.749800712,3.749800709,3.749800721,3.749800687,3.749800701,3.74980071,3.74980071,3.749800699,3.749800679,3.749800741,3.749800677,3.749800721,3.749800715
+"11890","PGRMC1",7.38925414,7.38925604,7.389254947,7.389257558,7.389254902,7.389253405,7.389253943,7.389253779,7.389253363,7.389255816,7.389256477,7.389254924,7.389253994,7.389254242,7.389254047,7.38925542,7.389254359,7.389257632,7.389254851,7.389251324,7.389253716,7.389253232,7.38925443,7.389256359,7.389256148,7.389255034,7.389254401,7.389254754
+"11891","PGRMC2",6.899451817,6.899451777,6.899451779,6.899451746,6.899451767,6.899451703,6.899451781,6.899451792,6.899451802,6.899451761,6.899451762,6.899451792,6.899451799,6.899451839,6.899451813,6.899451824,6.899451746,6.89945177,6.899451788,6.899451747,6.899451797,6.899451776,6.899451769,6.899451786,6.899451775,6.899451804,6.899451797,6.899451852
+"11892","PGS1",8.500126546,8.500127118,8.500126348,8.500127851,8.500125874,8.500127385,8.500127099,8.500126846,8.5001273,8.500127134,8.500126641,8.500126156,8.500126968,8.500126693,8.500126418,8.500127073,8.500126741,8.500127338,8.500127196,8.500127865,8.500126464,8.500126676,8.500127523,8.500127559,8.500127336,8.500126092,8.500127004,8.500126343
+"11893","PHACTR1",4.888917564,4.888917597,4.888917537,4.888917577,4.888917592,4.888917521,4.888917588,4.888917565,4.88891751,4.88891761,4.888917538,4.888917566,4.888917545,4.888917571,4.88891757,4.888917595,4.888917596,4.888917602,4.888917612,4.88891756,4.888917573,4.888917559,4.888917586,4.888917645,4.88891758,4.888917561,4.888917566,4.888917618
+"11894","PHACTR2",5.705930546,5.705930302,5.705929909,5.705930213,5.70593007,5.705930498,5.705930403,5.705930375,5.705930375,5.705930299,5.70593014,5.705929889,5.705930379,5.705930565,5.705930371,5.705930385,5.70592983,5.705930194,5.70593022,5.705930502,5.705930383,5.705930251,5.70593036,5.705930307,5.705930046,5.705930274,5.705930481,5.705930311
+"11895","PHACTR3",5.153029785,5.153029902,5.153030059,5.153029813,5.15303015,5.153029584,5.153030098,5.153029943,5.153029849,5.153030261,5.153030251,5.153030068,5.153029936,5.153029858,5.153030234,5.153030183,5.15303017,5.153030186,5.153029863,5.153030143,5.153030265,5.1530302,5.153029844,5.15302991,5.153030126,5.153030206,5.153029853,5.153029976
+"11896","PHACTR4",6.123469466,6.123469405,6.123469353,6.12346939,6.12346945,6.123469499,6.123469443,6.123469419,6.123469433,6.123469382,6.123469422,6.123469442,6.12346948,6.123469466,6.1234694,6.12346933,6.123469246,6.123469326,6.123469428,6.123469341,6.123469471,6.123469395,6.123469419,6.123469356,6.123469381,6.123469481,6.123469516,6.123469312
+"11897","PHAF1",6.705029079,6.705028983,6.705029027,6.705029006,6.705028922,6.705029035,6.705028978,6.705028959,6.705028983,6.705029028,6.705028939,6.705028979,6.705029025,6.70502905,6.705028998,6.705028918,6.705028938,6.705028942,6.705028972,6.705029015,6.705028957,6.705028906,6.705028993,6.705029056,6.705028928,6.705028975,6.705029049,6.705028959
+"11898","PHAX",5.455264919,5.455264667,5.455264342,5.455263938,5.455263862,5.455263815,5.455264298,5.455263736,5.455264416,5.455264337,5.455264118,5.455263468,5.455264297,5.455265826,5.455264179,5.455264673,5.455264324,5.455264273,5.45526467,5.455263237,5.455264581,5.455264181,5.455264987,5.455264503,5.455264085,5.455264473,5.455264788,5.455265489
+"11899","PHB1",7.084817617,7.084817582,7.084817591,7.084817568,7.084817555,7.084817609,7.084817647,7.084817487,7.084817642,7.084817629,7.084817511,7.084817543,7.084817572,7.08481762,7.084817576,7.084817537,7.084817526,7.084817456,7.08481753,7.084817636,7.084817545,7.084817542,7.084817593,7.084817572,7.084817414,7.084817522,7.084817554,7.084817603
+"11900","PHB1P19",6.660169839,6.660169861,6.660169845,6.660169852,6.660169822,6.660169879,6.660169844,6.660169909,6.660169917,6.660169837,6.660169808,6.660169868,6.660169878,6.660169931,6.660169789,6.660169877,6.660169845,6.660169872,6.660169836,6.66016985,6.660169815,6.660169869,6.660169893,6.66016986,6.66016983,6.66016985,6.660169923,6.660169792
+"11901","PHB2",7.968847496,7.96884666,7.968846966,7.96884646,7.968846683,7.968847212,7.968847453,7.968846774,7.96884756,7.968847606,7.968846725,7.968846952,7.968847279,7.968847588,7.968846911,7.968846216,7.968846663,7.968846361,7.968846954,7.968846915,7.968847271,7.968846909,7.968847343,7.968847275,7.968846623,7.968847033,7.968847325,7.968847271
+"11902","PHC1",6.255726511,6.25572634,6.2557286705,6.255728274,6.2557297355,6.255727941,6.255729067,6.255729337,6.2557277195,6.2557272115,6.2557290625,6.255728781,6.2557283245,6.255727154,6.2557294915,6.255727611,6.2557285165,6.2557293835,6.2557294595,6.255728617,6.2557277165,6.2557274665,6.255727726,6.2557263405,6.255729417,6.2557280135,6.2557281965,6.255725271
+"11903","PHC2",6.981230492,6.981231006,6.981230661,6.9812324,6.981229807,6.981231228,6.981231058,6.981230627,6.981230208,6.981230213,6.981231501,6.981230289,6.98123048,6.981230082,6.981230411,6.981231074,6.981230925,6.981231548,6.98123061,6.98123128,6.981230685,6.981230663,6.981230833,6.981231029,6.981230993,6.981230343,6.981230451,6.981229061
+"11904","PHC3",8.400411278,8.400410997,8.400410561,8.40041057,8.400410665,8.400410956,8.400410948,8.400410744,8.400411286,8.400411056,8.400410594,8.400410881,8.400411059,8.400411559,8.400410973,8.40041044,8.400410125,8.400410449,8.40041081,8.400410893,8.400410892,8.400410613,8.400411338,8.400411039,8.400410642,8.400411158,8.400411042,8.400411051
+"11905","PHETA1",6.222222026,6.222222173,6.222222281,6.222222198,6.222222508,6.222222122,6.222222165,6.222222375,6.222222191,6.222222225,6.22222241,6.222222414,6.222222271,6.222221976,6.222222296,6.222222262,6.222222343,6.222222414,6.222222186,6.222222346,6.222222418,6.222222341,6.22222208,6.222222146,6.222222206,6.222222367,6.222222231,6.222222307
+"11906","PHETA2",6.193535933,6.193536087,6.19353621,6.193536064,6.193536309,6.193535745,6.193536014,6.193536244,6.193535955,6.19353572,6.193536232,6.193536082,6.193536013,6.193535791,6.193536184,6.193536031,6.193536272,6.193536242,6.193536062,6.193536065,6.193536193,6.193536157,6.193535851,6.19353596,6.193536215,6.193536247,6.193535877,6.193536031
+"11907","PHEX",4.535021562,4.535021839,4.535021828,4.535021762,4.535021953,4.53502167,4.5350217,4.535021754,4.535021758,4.535021617,4.535021749,4.535021902,4.53502176,4.535021753,4.535021688,4.53502174,4.535021904,4.535021709,4.535021941,4.535021808,4.535021689,4.53502168,4.535021711,4.535021797,4.535021663,4.5350219,4.535021781,4.535021677
+"11908","PHF1",7.307264314,7.307264519,7.307264084,7.307264716,7.30726417,7.307264487,7.307264144,7.30726435,7.307264608,7.307264363,7.30726404,7.307264344,7.307264487,7.307264634,7.307264087,7.307264478,7.307263908,7.307264345,7.307264298,7.307263671,7.30726396,7.307264349,7.30726438,7.307264406,7.307264273,7.307264342,7.307264488,7.307264282
+"11909","PHF10",7.218804743,7.218804579,7.218804554,7.218804532,7.218804524,7.218804495,7.218804622,7.218804656,7.218804643,7.218804615,7.218804597,7.218804649,7.218804745,7.218804845,7.218804717,7.218804496,7.218804368,7.218804585,7.218804602,7.218804177,7.218804521,7.218804673,7.218804712,7.21880459,7.218804559,7.218804625,7.218804838,7.218804607
+"11910","PHF11",6.632703657,6.632703367,6.632703106,6.632703369,6.632702999,6.632703532,6.632703102,6.632702864,6.632703091,6.632703164,6.632703057,6.632702475,6.63270348,6.632703466,6.632703069,6.632703098,6.632702417,6.632702931,6.632703426,6.632703643,6.632703167,6.632702963,6.632703181,6.63270308,6.632703201,6.632703091,6.632703228,6.632703267
+"11911","PHF12",7.475348006,7.475348259,7.475347802,7.475348518,7.475347898,7.475348255,7.475348322,7.475347914,7.475348156,7.475348125,7.475348083,7.475347897,7.475347993,7.475347968,7.47534811,7.475348082,7.475347915,7.475348375,7.475348204,7.475348253,7.47534808,7.475347984,7.475348272,7.475348282,7.475348293,7.475348078,7.475348211,7.475347779
+"11912","PHF13",6.49225,6.49225002,6.492249965,6.492250028,6.492249992,6.492250024,6.492250026,6.492250019,6.492250017,6.492250012,6.492250023,6.492249986,6.492250007,6.492250013,6.492250007,6.492249983,6.492249997,6.492250017,6.49225002,6.492250015,6.492249988,6.492250001,6.492250003,6.492250003,6.492250006,6.492250002,6.492249998,6.492249995
+"11913","PHF14",5.874929069,5.874928741,5.874928445,5.87492798,5.87492836,5.874927999,5.874928345,5.874928143,5.874928842,5.874928593,5.87492786,5.874927884,5.874928898,5.874929783,5.874928649,5.874928515,5.874927845,5.874928057,5.874928727,5.874927872,5.874928511,5.874928611,5.874929032,5.874928418,5.874928124,5.874928385,5.874928777,5.874929168
+"11914","PHF19",6.587949313,6.587949275,6.587949228,6.587949211,6.587949281,6.587949346,6.58794935,6.58794928,6.587949361,6.587949311,6.587949274,6.587949103,6.587949374,6.587949319,6.587949286,6.587949223,6.587949179,6.587949232,6.587949295,6.587949347,6.587949366,6.587949275,6.587949349,6.587949338,6.587949259,6.587949279,6.587949371,6.587949222
+"11915","PHF2",6.988216737,6.988216756,6.988216752,6.988216766,6.988216715,6.988216752,6.988216741,6.988216738,6.98821673,6.988216753,6.988216754,6.988216734,6.988216744,6.98821674,6.988216739,6.988216756,6.988216732,6.988216746,6.988216741,6.988216717,6.988216734,6.988216737,6.988216747,6.988216742,6.98821674,6.988216729,6.988216737,6.988216726
+"11916","PHF20",7.128632595,7.128632642,7.128632542,7.128632594,7.128632566,7.128632597,7.128632585,7.128632528,7.128632562,7.128632565,7.128632629,7.128632505,7.128632583,7.128632667,7.128632548,7.12863264,7.128632496,7.128632564,7.128632533,7.12863256,7.128632604,7.128632536,7.128632577,7.128632615,7.128632611,7.128632601,7.128632591,7.128632574
+"11917","PHF20L1",6.54011803,6.540118127,6.540117757,6.540118262,6.540117781,6.540117637,6.540117911,6.540117577,6.540117693,6.540117662,6.540117705,6.540117097,6.540117938,6.540118626,6.540117938,6.540118142,6.540117779,6.540118086,6.540118132,6.540117731,6.540118082,6.540117673,6.540118088,6.540118184,6.540118084,6.540117626,6.540117792,6.540118154
+"11918","PHF21A",7.935278347,7.935278176,7.935277536,7.935279084,7.935277659,7.935278706,7.935278551,7.935277847,7.935277787,7.935278205,7.935278336,7.93527709,7.935278115,7.935277542,7.935278063,7.935278268,7.935277492,7.935279205,7.935278475,7.935279228,7.935278735,7.935277908,7.935278661,7.935278813,7.935278804,7.935277843,7.935278057,7.935277137
+"11919","PHF21B",5.944870531,5.944870535,5.94487082,5.944870701,5.944870988,5.944870738,5.944870697,5.944870943,5.944870746,5.944870637,5.944870929,5.944871178,5.944870632,5.944870253,5.944870939,5.944870866,5.944871074,5.944871053,5.944870684,5.94487077,5.944870879,5.9448709,5.944870547,5.944870554,5.944870833,5.944870947,5.944870555,5.944870725
+"11920","PHF23",7.03069776,7.030697804,7.030697819,7.030697812,7.030697769,7.030697777,7.030697762,7.030697806,7.030697794,7.030697806,7.030697772,7.03069773,7.030697788,7.030697779,7.030697754,7.030697821,7.030697775,7.030697821,7.030697783,7.030697805,7.030697745,7.030697789,7.0306978,7.030697817,7.03069783,7.030697756,7.030697779,7.030697801
+"11921","PHF24",4.748402145,4.748402152,4.748402168,4.748402164,4.748402199,4.748402164,4.748402151,4.748402128,4.748402185,4.748402175,4.748402136,4.748402146,4.748402198,4.748402086,4.748402216,4.748402159,4.7484022,4.748402188,4.748402128,4.748402121,4.748402159,4.748402149,4.74840213,4.748402169,4.748402213,4.748402129,4.748402178,4.748402182
+"11922","PHF3",7.765154088,7.765153774,7.765153208,7.765153779,7.765153467,7.765153492,7.76515368,7.765153121,7.76515367,7.765153696,7.765153083,7.765152733,7.765153597,7.765154986,7.765153731,7.765153521,7.765153111,7.765153439,7.765153864,7.765153067,7.765153696,7.76515339,7.765153994,7.765153823,7.76515375,7.765153674,7.76515376,7.765154387
+"11923","PHF5A",6.228212791,6.228213186,6.22821353,6.228212988,6.228213306,6.228212777,6.228213292,6.228213224,6.228213142,6.228213395,6.228213058,6.228213349,6.228213167,6.228213632,6.22821319,6.228213702,6.228213479,6.228213323,6.228213085,6.228213104,6.228213356,6.228213446,6.228213346,6.228213095,6.228213209,6.228213168,6.228212894,6.228213595
+"11924","PHF6",5.504042866,5.504042156,5.504041429,5.504041221,5.504041648,5.504041344,5.504042446,5.504041833,5.504042162,5.504042636,5.504041513,5.504041206,5.50404239,5.504044092,5.504042354,5.504041681,5.504041942,5.504042208,5.504041997,5.504041755,5.504042587,5.504042021,5.504042967,5.504042165,5.504041308,5.504041754,5.50404199,5.504043563
+"11925","PHF7",4.955968253,4.955968218,4.955968244,4.95596822,4.95596821,4.955968224,4.95596823,4.955968238,4.95596823,4.955968281,4.955968262,4.955968219,4.95596821,4.955968203,4.95596821,4.95596825,4.955968247,4.955968228,4.955968244,4.955968222,4.955968223,4.955968284,4.955968197,4.95596819,4.955968244,4.955968242,4.955968254,4.955968203
+"11926","PHF8",7.04234102,7.042341109,7.042341001,7.042341073,7.042340922,7.042341086,7.042340989,7.042341021,7.042341052,7.042341028,7.042340917,7.042340915,7.042341034,7.042341137,7.042341013,7.042341022,7.042340792,7.042341027,7.042341052,7.042341116,7.042340991,7.042340947,7.04234098,7.042341047,7.042340958,7.04234108,7.04234108,7.042340941
+"11927","PHGDH",5.763049359,5.763049715,5.763049754,5.763050009,5.763050126,5.763049716,5.763049987,5.763049694,5.76305031,5.76304996,5.763049949,5.763050355,5.763049827,5.763049641,5.763049873,5.763049954,5.763049845,5.76305005,5.763049657,5.763049691,5.763050066,5.763049861,5.763049993,5.763049875,5.763049939,5.763050329,5.763049868,5.763049698
+"11928","PHIP",7.871357366,7.871357431,7.871357167,7.871357354,7.871357071,7.871357244,7.871357336,7.871357086,7.871357272,7.871357243,7.871357152,7.871357026,7.871357344,7.871357646,7.871357243,7.871357385,7.871357188,7.871357241,7.8713574,7.87135717,7.871357377,7.871357179,7.871357407,7.87135727,7.87135718,7.871357202,7.871357316,7.87135742
+"11929","PHKA1",4.091467261,4.091467353,4.091467456,4.091467344,4.09146744,4.091467286,4.09146751,4.091467508,4.091467376,4.091467251,4.091467391,4.091467557,4.091467428,4.09146732,4.091467505,4.091467473,4.09146751,4.091467488,4.091467455,4.091467397,4.091467449,4.091467541,4.091467299,4.091467242,4.091467396,4.091467411,4.091467187,4.091467455
+"11930","PHKA2",7.149692781,7.149692793,7.149692585,7.149693007,7.149692507,7.149692815,7.149692751,7.149692616,7.149692633,7.149692791,7.149692637,7.149692637,7.149692784,7.149692733,7.149692633,7.149692816,7.149692476,7.149692774,7.149692809,7.149692767,7.149692676,7.149692578,7.149692743,7.149692896,7.149692776,7.149692677,7.14969287,7.149692591
+"11931","PHKB",7.522101515,7.522101488,7.522101133,7.522101136,7.522100967,7.522100982,7.522101013,7.522100728,7.522101044,7.522101356,7.522100939,7.522100432,7.522101044,7.522101524,7.52210125,7.52210124,7.522100961,7.522100902,7.522101258,7.522100665,7.522101171,7.522100875,7.522101122,7.522101255,7.522100999,7.52210089,7.522101074,7.522101137
+"11932","PHKG1",4.632796465,4.632796466,4.632796525,4.632796495,4.63279658,4.632796532,4.632796534,4.6327965,4.632796466,4.632796506,4.632796538,4.632796658,4.632796507,4.632796418,4.632796551,4.632796528,4.632796589,4.632796561,4.632796486,4.632796475,4.632796541,4.632796542,4.632796405,4.632796372,4.632796498,4.63279649,4.632796473,4.632796527
+"11933","PHKG2",7.019420251,7.019420417,7.019420373,7.019420084,7.019419981,7.019420401,7.019420334,7.019419916,7.019420354,7.019420403,7.019420196,7.019420296,7.019420084,7.01942033,7.019420208,7.019419629,7.019419621,7.019420059,7.01942019,7.019420905,7.019420084,7.01942014,7.01941992,7.019420468,7.019420157,7.019420159,7.019420221,7.019419773
+"11934","PHLDA1",5.286145203,5.286145227,5.286145226,5.286145218,5.286145244,5.286145187,5.286145184,5.28614521,5.286145196,5.286145225,5.286145195,5.28614521,5.286145209,5.286145168,5.286145212,5.286145214,5.286145217,5.286145204,5.286145165,5.286145188,5.286145222,5.286145265,5.286145195,5.28614517,5.2861452,5.286145205,5.286145161,5.28614524
+"11935","PHLDA2",6.423263644,6.423263627,6.423263781,6.423263712,6.423263822,6.423263726,6.423263745,6.423263777,6.423263713,6.423263761,6.423263793,6.423263868,6.423263664,6.423263541,6.423263834,6.423263713,6.42326386,6.423263748,6.423263754,6.423263708,6.423263843,6.423263804,6.423263662,6.423263683,6.423263717,6.423263851,6.423263739,6.423263766
+"11936","PHLDA3",6.158295025,6.158294965,6.158295569,6.158295119,6.158295711,6.158294616,6.158295113,6.158295643,6.158295459,6.158295445,6.158295532,6.158295801,6.158295317,6.158294611,6.15829546,6.158295451,6.158295886,6.158295685,6.158295101,6.158295182,6.158295479,6.158295622,6.158294978,6.158295299,6.158295447,6.158295206,6.15829518,6.158295381
+"11937","PHLDB1",4.9596569,4.959656888,4.959656943,4.959656931,4.959656962,4.959656927,4.959656936,4.959656937,4.959656962,4.959656925,4.959657013,4.959657022,4.959656946,4.959656893,4.959656944,4.959656929,4.959656998,4.959656994,4.959656952,4.959656925,4.959656959,4.959656943,4.959656919,4.95965688,4.959656941,4.959656942,4.959656912,4.959656965
+"11938","PHLDB2",4.294582788,4.294582771,4.294582744,4.294582729,4.294582718,4.294582753,4.294582766,4.294582749,4.294582736,4.294582772,4.294582779,4.294582735,4.294582779,4.294582802,4.294582764,4.294582771,4.294582703,4.294582761,4.294582756,4.294582756,4.294582763,4.294582751,4.294582789,4.294582773,4.294582797,4.294582763,4.29458279,4.294582751
+"11939","PHLDB3",5.92918621,5.9291861025,5.929186301,5.929186384,5.9291863825,5.9291860745,5.929186119,5.9291864925,5.929186327,5.929186407,5.9291863565,5.9291865165,5.9291863375,5.9291860705,5.9291864305,5.9291864,5.9291864525,5.9291864605,5.929186196,5.9291863345,5.9291862635,5.9291864165,5.9291861795,5.9291864,5.929186471,5.929186365,5.9291862575,5.929186326
+"11940","PHLPP1",6.310344778,6.310344798,6.310344786,6.310344809,6.310344779,6.310344817,6.310344795,6.310344774,6.310344773,6.310344771,6.310344776,6.310344765,6.310344784,6.310344784,6.310344785,6.310344789,6.310344796,6.310344806,6.310344789,6.310344817,6.310344809,6.310344769,6.310344794,6.310344793,6.310344791,6.310344783,6.310344788,6.310344791
+"11941","PHLPP2",5.453362466,5.453362455,5.453362694,5.453362413,5.453362469,5.453362581,5.45336243,5.453362605,5.453362697,5.453362674,5.453362545,5.453362584,5.45336246,5.453362529,5.453362535,5.453362295,5.453362679,5.45336251,5.453362355,5.453362069,5.453362481,5.453362634,5.453362632,5.453362631,5.453362553,5.453362645,5.4533625,5.453362433
+"11942","PHOSPHO1",9.09242369,9.560329216,9.91281598,9.66037237,9.125614583,9.700376965,9.316504461,9.984822803,9.550379354,9.337668769,9.840658373,9.679399251,9.156925708,8.540877184,9.214952825,9.167493206,9.763275802,9.577484139,9.168311297,9.427046164,9.210827622,9.669417821,9.628873949,9.399122961,9.862582091,9.657875429,9.272734414,8.802546174
+"11943","PHOX2A",5.28653273,5.286532825,5.286533005,5.286533053,5.286533322,5.28653315,5.286533243,5.286533262,5.286533138,5.286533145,5.286533299,5.286533454,5.286533021,5.286532505,5.286533312,5.286532865,5.286533355,5.286533299,5.286533235,5.286533008,5.28653331,5.286533479,5.286532929,5.286532785,5.286532775,5.286533084,5.286532852,5.286533109
+"11944","PHOX2B",4.426914339,4.426914337,4.42691434,4.426914321,4.426914382,4.426914329,4.426914356,4.426914376,4.426914374,4.426914343,4.426914391,4.426914383,4.426914369,4.426914307,4.426914399,4.426914435,4.426914378,4.426914387,4.426914365,4.42691437,4.426914391,4.426914349,4.426914328,4.426914278,4.426914383,4.426914402,4.426914322,4.42691438
+"11945","PHPT1",6.062611055,6.062611049,6.06261105,6.06261104,6.062611048,6.062611083,6.062611064,6.062611052,6.06261105,6.062611073,6.06261106,6.062611061,6.062611069,6.062611037,6.062611037,6.062611032,6.062611072,6.06261104,6.062611044,6.062611062,6.062611046,6.062611066,6.062611005,6.062611037,6.062611015,6.062611049,6.062611061,6.062610995
+"11946","PHRF1",6.817317857,6.817317863,6.817317875,6.817317873,6.817317877,6.817317877,6.817317875,6.817317887,6.817317875,6.817317881,6.817317867,6.817317877,6.817317878,6.817317856,6.817317878,6.817317866,6.817317879,6.817317874,6.817317873,6.817317869,6.817317881,6.817317885,6.817317855,6.81731786,6.81731786,6.817317879,6.817317873,6.817317874
+"11947","PHTF1",6.145141151,6.145141592,6.145140925,6.145141609,6.145140474,6.145141383,6.145141154,6.145140379,6.145140691,6.145140817,6.145141267,6.145140281,6.145140896,6.145141284,6.145140984,6.145141215,6.145140976,6.14514122,6.145141036,6.145140938,6.14514093,6.145140462,6.145141233,6.145141529,6.145141006,6.145140468,6.145140938,6.145140739
+"11948","PHTF2",6.290185384,6.290184924,6.290184833,6.29018447,6.290184617,6.290184282,6.290184782,6.290184368,6.290184705,6.290184359,6.290184205,6.290183964,6.290184858,6.290185502,6.290184874,6.290184773,6.290184591,6.290184471,6.290185073,6.290184242,6.290184789,6.290184595,6.290184795,6.29018462,6.290184602,6.29018454,6.290184812,6.290185309
+"11949","PHYH",4.781505525,4.781505555,4.781505616,4.781505515,4.781505599,4.781505529,4.781505483,4.781505573,4.781505551,4.781505538,4.781505576,4.781505575,4.781505511,4.78150549,4.781505531,4.781505498,4.781505591,4.781505526,4.781505496,4.781505532,4.781505483,4.781505558,4.781505575,4.781505579,4.781505567,4.781505525,4.781505529,4.781505503
+"11950","PHYHD1",5.368406419,5.368406426,5.368406428,5.36840642,5.368406594,5.368406435,5.368406477,5.36840649,5.36840645,5.368406473,5.368406449,5.368406543,5.368406463,5.368406393,5.368406559,5.36840649,5.36840657,5.368406532,5.368406463,5.368406508,5.368406573,5.368406539,5.368406451,5.368406392,5.36840647,5.368406531,5.36840637,5.368406489
+"11951","PHYHIP",4.943749765,4.943749772,4.943749797,4.943749789,4.94374988,4.943749755,4.94374978,4.943749844,4.943749851,4.943749754,4.943749871,4.943749895,4.943749744,4.943749676,4.943749846,4.943749847,4.943749933,4.943749819,4.943749905,4.943749778,4.943749841,4.943749864,4.943749676,4.943749753,4.943749736,4.943749843,4.943749723,4.943749823
+"11952","PHYHIPL",3.972208196,3.972208155,3.972208115,3.97220818,3.972208269,3.972208233,3.972208158,3.97220823,3.972208132,3.972208038,3.972208266,3.972208133,3.972208205,3.972208039,3.972208068,3.97220814,3.972208223,3.972208143,3.972208249,3.972208277,3.972208166,3.972208218,3.972208112,3.972208206,3.972208216,3.972208137,3.972208286,3.972208067
+"11953","PHYKPL",7.413088315,7.413088315,7.413088097,7.413088334,7.413088033,7.413088504,7.413088312,7.413088157,7.413088369,7.413088245,7.413088075,7.413088248,7.413088456,7.413088383,7.413088028,7.413088192,7.413087849,7.41308812,7.413088117,7.413088582,7.413088206,7.413088223,7.413088278,7.413088203,7.413088159,7.413088359,7.413088384,7.413088237
+"11954","PI15",3.147343382,3.147343448,3.147343523,3.147343504,3.147343607,3.147343701,3.147343478,3.147343439,3.147343499,3.147343535,3.147343663,3.147343551,3.147343459,3.147343365,3.147343432,3.147343588,3.14734387,3.14734351,3.147343627,3.147343759,3.147343422,3.147343519,3.147343512,3.147343486,3.147343484,3.147343538,3.147343434,3.147343566
+"11955","PI16",6.148376833,6.148376833,6.148376815,6.148376841,6.148376852,6.148376826,6.148376815,6.148376825,6.148376838,6.148376796,6.148376811,6.148376809,6.148376813,6.148376806,6.148376838,6.148376827,6.148376789,6.148376869,6.148376837,6.148376843,6.148376806,6.148376837,6.148376829,6.148376807,6.148376824,6.148376825,6.148376806,6.148376819
+"11956","PI3",8.432331688,8.559303279,7.881739283,8.074926658,6.718524956,7.878719035,7.711360525,7.057379464,7.056464106,6.950489346,7.905370909,6.374507482,7.611186315,6.589900438,7.995306524,8.225406947,7.63763123,7.317814619,6.392436327,8.100569805,7.515584471,7.318646778,6.998635486,6.96598643,7.504365104,6.442599719,7.320361825,6.176245472
+"11957","PI4K2A",6.780099752,6.780099732,6.780099728,6.780099762,6.780099813,6.780099856,6.780099824,6.78009985,6.780099863,6.780099862,6.78009982,6.780099784,6.780099836,6.780099748,6.780099839,6.780099706,6.78009978,6.780099725,6.780099818,6.780099703,6.780099728,6.780099811,6.780099904,6.780099845,6.780099714,6.78009981,6.780099748,6.780099699
+"11958","PI4K2B",6.078559473,6.07855926,6.078559311,6.078558964,6.078558806,6.078559335,6.078559319,6.078558715,6.078559447,6.078559323,6.078558863,6.078558634,6.078559289,6.078560206,6.078559128,6.078558937,6.078559445,6.078558494,6.078559017,6.078559012,6.078558961,6.078558921,6.078559494,6.078559277,6.078559107,6.078559178,6.07855946,6.078559737
+"11959","PI4KA",8.399012889,8.399012922,8.399012503,8.399012589,8.399012416,8.399013049,8.399012754,8.399012725,8.399013019,8.399013208,8.399012271,8.39901267,8.399012897,8.399013148,8.399012462,8.399012624,8.399012022,8.39901222,8.399012982,8.39901277,8.399012509,8.399012546,8.399012824,8.399013013,8.399012459,8.399012995,8.399013079,8.3990126
+"11960","PI4KB",7.692955272,7.692955263,7.692955285,7.692955281,7.692955257,7.692955358,7.692955297,7.692955239,7.692955275,7.692955301,7.692955249,7.692955263,7.692955295,7.692955288,7.692955276,7.69295521,7.69295521,7.692955243,7.692955284,7.692955255,7.69295527,7.69295526,7.692955268,7.692955272,7.692955275,7.692955274,7.692955289,7.692955272
+"11961","PIANP",5.449653588,5.449653531,5.449653649,5.449653704,5.449653712,5.44965362,5.449653624,5.449653718,5.449653554,5.449653663,5.449653724,5.449653667,5.449653601,5.449653477,5.449653721,5.449653575,5.449653681,5.449653678,5.449653615,5.449653629,5.449653727,5.449653699,5.449653446,5.449653548,5.449653691,5.449653602,5.449653639,5.449653633
+"11962","PIAS1",8.793955417,8.793954879,8.793954446,8.793955529,8.793954044,8.793954837,8.793955062,8.793954034,8.793954247,8.793954046,8.793954357,8.793953051,8.793954747,8.793955493,8.793954788,8.793954323,8.793953919,8.793954842,8.793954863,8.79395537,8.793955328,8.793954326,8.793954776,8.793954914,8.793954894,8.793954186,8.793954526,8.793954657
+"11963","PIAS2",6.4125085,6.412508524,6.412507583,6.412507913,6.412507371,6.412507623,6.412507633,6.412507648,6.412507982,6.412507702,6.412506768,6.412507553,6.412507437,6.41250926,6.41250784,6.412508012,6.412507244,6.412507285,6.412507768,6.412507565,6.412507519,6.412507661,6.412507994,6.412508205,6.412507094,6.412507909,6.412507573,6.41250845
+"11964","PIAS3",6.27690234,6.276902318,6.276902223,6.276902214,6.276902086,6.276902359,6.276902288,6.276902302,6.276902216,6.276902389,6.276902132,6.276902164,6.276902274,6.276902395,6.27690212,6.276902095,6.276901912,6.276902094,6.276902133,6.276902251,6.276902167,6.27690211,6.276902081,6.276902155,6.276902198,6.276902233,6.276902297,6.276902013
+"11965","PIAS4",7.321021238,7.321021219,7.321021236,7.321021259,7.321021246,7.32102126,7.321021243,7.321021277,7.321021239,7.321021238,7.321021218,7.321021246,7.321021257,7.321021239,7.321021245,7.321021228,7.321021241,7.321021272,7.321021238,7.321021275,7.321021252,7.321021248,7.32102125,7.321021225,7.321021251,7.321021229,7.321021232,7.321021257
+"11966","PIBF1",4.543656777,4.54365656,4.543656068,4.543656026,4.543655996,4.543655799,4.543656234,4.543655963,4.543656521,4.543656245,4.543656104,4.543656066,4.543656482,4.543657163,4.543656092,4.543656141,4.543656128,4.543655998,4.543656436,4.543655898,4.54365649,4.543656025,4.543656482,4.543656292,4.543656053,4.543656239,4.543656329,4.543656814
+"11967","PICALM",9.555717498,9.555717612,9.555717135,9.555718186,9.555716362,9.555717081,9.555717116,9.555716793,9.555716566,9.555716698,9.55571726,9.555715686,9.555716949,9.55571789,9.555717367,9.555717459,9.555717345,9.555717886,9.555717534,9.555717601,9.555717632,9.555716994,9.555717652,9.555718008,9.555717823,9.555716803,9.55571709,9.555717273
+"11968","PICK1",6.158979916,6.158979917,6.158979961,6.158979928,6.158979985,6.158979876,6.158979935,6.158979945,6.158979958,6.158979941,6.158979967,6.158979965,6.15897994,6.158979896,6.158979971,6.158979972,6.158979982,6.158979976,6.158979932,6.15897989,6.158979943,6.158979971,6.158979891,6.158979903,6.158979953,6.158979958,6.158979938,6.158979938
+"11969","PID1",5.463143836,5.463143838,5.463143816,5.463143784,5.463143754,5.463143777,5.463143713,5.463143801,5.463143664,5.463143725,5.463143781,5.463143787,5.463143783,5.463143749,5.463143772,5.463143763,5.463143779,5.463143757,5.463143798,5.463143838,5.463143716,5.463143865,5.463143647,5.463143715,5.463143793,5.463143737,5.463143708,5.463143678
+"11970","PIDD1",6.620179292,6.620179293,6.6201793,6.620179293,6.620179295,6.620179297,6.620179296,6.62017928,6.620179293,6.620179302,6.620179327,6.620179293,6.620179294,6.620179284,6.620179313,6.620179289,6.620179318,6.620179308,6.620179293,6.620179288,6.620179301,6.620179309,6.620179284,6.620179271,6.620179296,6.620179309,6.620179298,6.620179286
+"11971","PIERCE1",5.033447412,5.033447421,5.033447413,5.033447423,5.033447443,5.033447431,5.033447417,5.033447431,5.033447414,5.033447414,5.03344743,5.033447457,5.03344741,5.033447399,5.033447406,5.033447427,5.033447438,5.03344743,5.03344744,5.033447416,5.033447416,5.033447427,5.033447405,5.033447415,5.033447411,5.03344742,5.033447437,5.033447434
+"11972","PIEZO1",7.387470455,7.387470433,7.387470427,7.387470391,7.387470501,7.387470503,7.387470489,7.387470416,7.38747047,7.387470481,7.387470425,7.387470457,7.387470477,7.387470405,7.387470448,7.387470407,7.387470419,7.387470416,7.387470425,7.387470481,7.387470477,7.387470432,7.387470408,7.387470431,7.387470433,7.387470474,7.387470483,7.387470403
+"11973","PIEZO2",4.05890379366667,4.05890386333333,4.05890382333333,4.05890384566667,4.05890386133333,4.05890383466667,4.058903872,4.05890381933333,4.058903829,4.05890382066667,4.05890390233333,4.05890391633333,4.05890383966667,4.05890377466667,4.05890391233333,4.05890386466667,4.05890395366667,4.05890385666667,4.05890383933333,4.05890382033333,4.058903882,4.05890389366667,4.05890380133333,4.05890377,4.058903848,4.058903847,4.05890382166667,4.05890389233333
+"11974","PIF1",5.94296086,5.94296089,5.942960964,5.942960881,5.942961085,5.942960845,5.942960945,5.942960965,5.942960894,5.942960871,5.942960941,5.942961,5.942960936,5.942960772,5.942961064,5.942961043,5.942961092,5.942961081,5.942960935,5.94296091,5.942961017,5.942960983,5.942960866,5.942960893,5.942960937,5.942960968,5.942960886,5.942960953
+"11975","PIFO",3.838706387,3.838706356,3.838706407,3.838706445,3.838706459,3.838706362,3.838706376,3.838706467,3.838706354,3.838706369,3.838706356,3.83870642,3.838706412,3.838706331,3.838706477,3.838706382,3.838706452,3.83870647,3.838706339,3.838706392,3.838706469,3.838706376,3.838706275,3.8387063,3.838706434,3.838706506,3.838706377,3.838706447
+"11976","PIGA",5.032061981,5.032061975,5.032061953,5.032061956,5.032061946,5.032061945,5.032061961,5.032061958,5.032061977,5.032061955,5.032061923,5.032061962,5.032061971,5.032061991,5.03206195,5.032061974,5.032061957,5.032061967,5.03206198,5.032061963,5.032061967,5.032061953,5.032061954,5.03206198,5.032061959,5.032061965,5.03206197,5.032061982
+"11977","PIGB",6.583218546,6.583221107,6.583216607,6.583218552,6.583214714,6.583214432,6.583216264,6.583215734,6.583214563,6.583214823,6.583216033,6.583212609,6.583215432,6.583217691,6.583217148,6.583220694,6.583215729,6.583217791,6.583216932,6.583214383,6.583216488,6.583215141,6.583215687,6.583217487,6.583217523,6.583214378,6.583215963,6.583216121
+"11978","PIGC",6.072706175,6.072706171,6.072706107,6.072706072,6.072706124,6.072706115,6.072706096,6.072706082,6.072706153,6.072706139,6.072706059,6.072706059,6.072706126,6.07270622,6.072706091,6.072706157,6.072706088,6.072706037,6.072706095,6.072706153,6.072706121,6.072706042,6.072706147,6.072706135,6.072706125,6.072706124,6.072706156,6.072706174
+"11979","PIGF",4.4890209,4.489020889,4.4890206465,4.48902077,4.489020341,4.489020578,4.4890205715,4.489020195,4.4890206455,4.489020439,4.489020296,4.489019961,4.489020605,4.4890212235,4.4890207655,4.489020665,4.489020153,4.4890203815,4.4890207345,4.489020694,4.4890204985,4.489019884,4.489020666,4.4890207035,4.489020198,4.489020417,4.489020296,4.4890207775
+"11980","PIGG",7.08210669,7.08210671,7.082106668,7.082106664,7.082106666,7.082106681,7.082106678,7.082106689,7.082106685,7.082106651,7.08210666,7.082106676,7.082106678,7.082106716,7.082106671,7.082106706,7.082106674,7.082106654,7.082106675,7.082106639,7.082106658,7.082106702,7.082106696,7.082106694,7.082106674,7.082106701,7.08210669,7.082106681
+"11981","PIGH",5.467498007,5.467498121,5.467498037,5.467498004,5.467498055,5.467497824,5.467497989,5.4674981,5.467498001,5.467497969,5.467498114,5.467498094,5.467498077,5.467497981,5.46749802,5.467498044,5.467498102,5.467498081,5.467497969,5.467498026,5.467497855,5.467498072,5.467498015,5.467498081,5.467498119,5.467497956,5.467498045,5.467498043
+"11982","PIGK",4.599525625,4.599525108,4.599525201,4.599524356,4.599524829,4.599524619,4.599524874,4.599524672,4.599525461,4.599524797,4.599524789,4.599524545,4.599525242,4.599526631,4.599525144,4.599524761,4.599524859,4.599524932,4.599525172,4.599524053,4.599524802,4.599524922,4.599525663,4.599525503,4.599524521,4.599524918,4.599524902,4.599526132
+"11983","PIGL",6.29107657,6.291075757,6.29107519,6.291075358,6.291075416,6.291075642,6.291075858,6.291076026,6.291076497,6.291076074,6.291075659,6.291076245,6.291076254,6.291076293,6.29107561,6.291075455,6.291074648,6.29107491,6.291075411,6.291074668,6.291075524,6.291075955,6.291076031,6.291075689,6.291075502,6.291076358,6.29107606,6.291075607
+"11984","PIGM",6.667123531,6.667123436,6.667123422,6.667123361,6.667123357,6.66712349,6.667123546,6.667123514,6.667123494,6.66712341,6.667123391,6.667123368,6.667123435,6.667123617,6.66712346,6.667123484,6.667123405,6.66712327,6.667123515,6.667123374,6.667123437,6.667123519,6.667123465,6.667123542,6.667123104,6.667123366,6.667123535,6.66712359
+"11985","PIGN",5.737957645,5.737957422,5.737957349,5.737957171,5.737957172,5.737957111,5.7379574,5.737957237,5.73795739,5.737957427,5.737957117,5.737957219,5.737957461,5.737957763,5.737957181,5.737957339,5.737957041,5.737957058,5.737957395,5.737956935,5.737957265,5.737957286,5.737957495,5.737957445,5.737957141,5.737957349,5.737957463,5.737957502
+"11986","PIGO",6.46792803,6.467928027,6.467928026,6.467928006,6.467928006,6.46792803,6.467928025,6.467927999,6.467928031,6.467928023,6.467927988,6.467928045,6.467928034,6.467928032,6.467928008,6.467928019,6.467928028,6.467928004,6.467928018,6.467928013,6.46792802,6.46792803,6.467928031,6.467928033,6.467927986,6.467928023,6.467928034,6.467928014
+"11987","PIGP",4.50979686,4.509796762,4.509796904,4.509796836,4.509796849,4.509796808,4.509796852,4.509796885,4.509796889,4.509796909,4.509796868,4.509796856,4.509796871,4.509796931,4.50979687,4.509796842,4.509796949,4.509796828,4.509796847,4.509796865,4.509796873,4.509796863,4.509796909,4.50979685,4.509796843,4.509796902,4.509796879,4.509796909
+"11988","PIGQ",6.225206595,6.225206955,6.225207219,6.225206786,6.225206705,6.225207352,6.225206945,6.225207159,6.225207088,6.225206746,6.225206666,6.225206875,6.225206953,6.225206529,6.225206838,6.225206983,6.225207284,6.225206722,6.225206961,6.225206805,6.225206774,6.225207012,6.225207223,6.225206898,6.225206865,6.225207021,6.225207014,6.225206636
+"11989","PIGR",4.691943785,4.69194376,4.691943792,4.691943793,4.691943861,4.69194377,4.691943799,4.69194384,4.691943793,4.691943794,4.69194382,4.691943798,4.691943794,4.691943756,4.691943843,4.691943828,4.691943869,4.691943809,4.691943783,4.691943806,4.691943849,4.691943854,4.69194376,4.691943786,4.691943791,4.691943821,4.691943777,4.691943801
+"11990","PIGS",7.442902363,7.442902398,7.442902367,7.442902378,7.442902359,7.44290237,7.442902372,7.442902347,7.442902385,7.442902384,7.442902346,7.442902346,7.442902349,7.442902378,7.442902346,7.442902382,7.442902328,7.442902356,7.442902364,7.442902366,7.442902345,7.442902318,7.442902356,7.442902396,7.442902341,7.442902355,7.442902357,7.442902358
+"11991","PIGT",6.843866243,6.843866242,6.843866242,6.843866258,6.843866237,6.843866279,6.843866237,6.843866258,6.843866243,6.843866263,6.843866239,6.843866243,6.843866251,6.843866246,6.843866233,6.843866246,6.843866223,6.843866233,6.843866232,6.843866245,6.843866228,6.843866235,6.843866242,6.843866263,6.843866227,6.843866216,6.84386627,6.843866225
+"11992","PIGU",6.124697932,6.124697787,6.12469769,6.124697467,6.124697446,6.124697754,6.124697736,6.124697723,6.12469791,6.124697679,6.124697556,6.124697542,6.124697826,6.124698035,6.124697699,6.124697739,6.124697406,6.124697351,6.124697567,6.12469774,6.124697598,6.124697678,6.124697906,6.124697909,6.124697619,6.124697594,6.12469796,6.124697689
+"11993","PIGV",7.110137805,7.110137801,7.110137729,7.11013777,7.110137752,7.110137766,7.110137775,7.110137731,7.11013782,7.11013779,7.110137729,7.110137753,7.110137778,7.110137829,7.110137775,7.110137789,7.110137722,7.110137736,7.110137773,7.11013778,7.110137776,7.110137771,7.1101378,7.11013776,7.110137729,7.110137755,7.110137794,7.110137757
+"11994","PIGW",4.470156034,4.470156038,4.470156003,4.470156022,4.470156025,4.470156036,4.470156007,4.470156014,4.470156035,4.470156009,4.470156016,4.470156004,4.470156028,4.470156043,4.470156037,4.470156034,4.470156019,4.470156006,4.470156031,4.470156022,4.470156018,4.470156025,4.470156053,4.470156033,4.470156009,4.470156018,4.470156033,4.47015605
+"11995","PIGX",6.271932576,6.271932274,6.271932371,6.271932438,6.271931698,6.271931505,6.27193228,6.27193173,6.271931892,6.271931628,6.271932358,6.271930792,6.271932322,6.271932616,6.271931894,6.271932195,6.27193198,6.271932359,6.271932053,6.271931823,6.271932241,6.271932074,6.271932086,6.271931868,6.271932784,6.271931484,6.271931822,6.27193224
+"11996","PIGZ",4.534720452,4.534720442,4.534720471,4.53472045,4.534720469,4.53472044,4.534720451,4.534720473,4.534720459,4.534720458,4.53472049,4.53472049,4.534720439,4.53472044,4.534720485,4.534720451,4.534720479,4.534720485,4.534720464,4.534720486,4.534720488,4.534720461,4.534720445,4.534720446,4.534720463,4.53472048,4.534720442,4.534720464
+"11997","PIH1D1",5.937219093,5.937219049,5.937218916,5.937218988,5.937218957,5.937219097,5.937218972,5.937218898,5.937219002,5.937219105,5.937218721,5.937218919,5.937219149,5.937219081,5.937218873,5.937218958,5.937218787,5.937218838,5.937219124,5.937218841,5.937218938,5.937218735,5.937218969,5.937219113,5.937219061,5.937218983,5.937219159,5.937219097
+"11998","PIH1D2",2.149818257,2.149818258,2.14981826,2.149818267,2.149818266,2.14981827,2.149818259,2.149818267,2.149818266,2.149818256,2.149818249,2.149818263,2.149818272,2.149818245,2.149818257,2.149818256,2.149818293,2.149818249,2.149818256,2.149818271,2.149818251,2.149818273,2.149818249,2.149818262,2.149818275,2.149818252,2.149818271,2.149818262
+"11999","PIK3AP1",8.670526271,8.670576671,8.670482993,8.67060039,8.670422257,8.671113914,8.67059886,8.670453858,8.670381786,8.670668391,8.670391922,8.669930744,8.670584102,8.670476909,8.670458034,8.670400923,8.670480751,8.670424074,8.670522464,8.6710867,8.670605794,8.670467173,8.670592028,8.670668735,8.670459981,8.670238258,8.670476433,8.670216377
+"12000","PIK3C2A",6.291038756,6.291038574,6.291038618,6.291038497,6.291038513,6.291038368,6.291038587,6.29103836,6.29103859,6.291038469,6.291038544,6.291038294,6.291038626,6.291038915,6.291038622,6.291038402,6.291038269,6.291038441,6.291038669,6.291038439,6.291038587,6.291038479,6.291038532,6.291038537,6.291038586,6.291038575,6.291038564,6.291038657
+"12001","PIK3C2B",6.205746382,6.20574626,6.20574625,6.205746191,6.205746347,6.205746463,6.205746278,6.205746294,6.205746391,6.205746464,6.205746054,6.205746188,6.205746333,6.205746587,6.205746364,6.205746225,6.205746054,6.205746259,6.205746336,6.20574628,6.205746244,6.205746258,6.205746391,6.205746378,6.205746228,6.205746373,6.205746309,6.205746531
+"12002","PIK3C2G",3.233588941,3.23358896,3.23358897,3.233588963,3.233588971,3.233588947,3.233588969,3.233588947,3.233588961,3.23358897,3.233588961,3.233588964,3.233588964,3.233588952,3.233588988,3.233588952,3.233588975,3.233588973,3.233588957,3.233588961,3.233588972,3.233588968,3.233588973,3.233588963,3.233588969,3.233588963,3.233588975,3.23358897
+"12003","PIK3C3",7.260617259,7.260617049,7.260616228,7.260616611,7.260615514,7.26061543,7.260616157,7.260615616,7.260616637,7.260615788,7.260616262,7.260614434,7.260616728,7.260618102,7.260616808,7.26061704,7.260616622,7.260616447,7.260617188,7.260615658,7.260616515,7.260615769,7.260617255,7.260616389,7.260616464,7.260615627,7.260616638,7.260616893
+"12004","PIK3CA",6.991331642,6.991331381,6.991331104,6.99133142,6.991331039,6.991330785,6.991331385,6.991331075,6.991331269,6.991331219,6.991331118,6.991330686,6.991331377,6.991332192,6.991331565,6.991331413,6.991330996,6.991331364,6.991331603,6.991330686,6.991331264,6.991331121,6.991331448,6.991331201,6.991331131,6.991330832,6.99133128,6.991331927
+"12005","PIK3CB",7.331198307,7.331198404,7.331198139,7.331198369,7.331198176,7.331198042,7.331198193,7.331197789,7.331198015,7.331198021,7.331198202,7.331197752,7.331198212,7.331198527,7.331198254,7.33119831,7.331197975,7.331198225,7.331198357,7.331197831,7.331198225,7.331197974,7.331198148,7.331198214,7.331198364,7.331198168,7.331198062,7.331198112
+"12006","PIK3CD",8.746841206,8.746841649,8.74684128,8.746841742,8.746841203,8.746841711,8.746841492,8.746841423,8.746841539,8.746841459,8.74684141,8.746841229,8.746841465,8.746841332,8.7468413,8.746841619,8.746841187,8.746841632,8.746841551,8.746841768,8.746841444,8.746841431,8.746841597,8.746841598,8.74684156,8.746841395,8.746841547,8.746841367
+"12007","PIK3CD-AS1",5.401529035,5.401529043,5.401529041,5.401529085,5.401529058,5.401529067,5.401529049,5.401529034,5.401529053,5.401529045,5.401529055,5.401529025,5.401529052,5.401528995,5.401529027,5.401529051,5.401529054,5.401529064,5.40152908,5.401529075,5.401529063,5.401529033,5.401529057,5.401529046,5.40152905,5.401529048,5.401529033,5.401529029
+"12008","PIK3CG",8.068856158,8.068856069,8.068855834,8.068856285,8.068855959,8.068856173,8.068856146,8.068855711,8.068855808,8.068855916,8.068855981,8.068855539,8.068855967,8.068856188,8.068856232,8.068856015,8.068855694,8.06885609,8.068856413,8.068856052,8.068856257,8.068855693,8.068855991,8.06885624,8.068856202,8.068855961,8.068855995,8.06885603
+"12009","PIK3IP1",8.947439058,9.005900029,8.551706548,8.694039383,8.731881867,8.34617332,8.599091779,8.751537571,9.330995506,8.81694263,8.238198377,8.934399494,8.820596196,9.433443918,8.339125494,8.778118263,8.266205854,8.364434769,8.605814619,8.09550161,8.161377682,8.704065068,8.962226575,8.830760264,8.054023849,8.730375853,8.787158494,9.166403932
+"12010","PIK3R1",7.789056209,7.789056028,7.789055735,7.789055743,7.789055989,7.789055368,7.789056059,7.789055723,7.7890561,7.78905599,7.789055751,7.789055677,7.789055947,7.789057215,7.789055983,7.789055606,7.789055406,7.789055502,7.789056015,7.789055406,7.789055939,7.789055792,7.789056103,7.789055994,7.789055725,7.789055859,7.789055881,7.789056692
+"12011","PIK3R2",6.648162372,6.648162607,6.648163912,6.648162484,6.648162409,6.648164962,6.648163666,6.648163757,6.648163102,6.64816361,6.64816339,6.648164384,6.648162419,6.64816192,6.648163679,6.648162052,6.648163898,6.648163129,6.648162164,6.648164718,6.648163353,6.648163565,6.648163213,6.648162305,6.648162612,6.648164081,6.648162742,6.648162656
+"12012","PIK3R4",6.853590357,6.853590054,6.853589662,6.853590094,6.853589708,6.85359015,6.85359017,6.853589717,6.853589796,6.853590001,6.853589746,6.853589261,6.853590161,6.853590353,6.853590109,6.853589789,6.853589282,6.853589588,6.853589996,6.853589773,6.853589715,6.853589725,6.853590277,6.853589922,6.853589722,6.853589632,6.853589928,6.853590241
+"12013","PIK3R5",8.142133944,8.142133975,8.142133561,8.142134535,8.142133373,8.142134543,8.142134279,8.142133935,8.142133696,8.142133517,8.142133924,8.142133401,8.142133795,8.142133427,8.142133893,8.142133661,8.142133886,8.142134242,8.142133946,8.14213406,8.142134039,8.142134041,8.142133838,8.142134137,8.142134035,8.142133559,8.142133687,8.142133321
+"12014","PIK3R6",6.371829084,6.371830327,6.371829711,6.371829689,6.371830476,6.371829644,6.371830082,6.371829388,6.371829496,6.371830257,6.371830964,6.371829606,6.371829807,6.371829933,6.371828669,6.371829731,6.371829642,6.371829028,6.371830664,6.37182925,6.371829761,6.371829191,6.371829487,6.371829812,6.371830782,6.371829733,6.371829526,6.371829343
+"12015","PIKFYVE",7.406166038,7.406165957,7.406165823,7.406165991,7.406165751,7.406166046,7.406166032,7.4061658,7.406165859,7.40616593,7.406165759,7.406165651,7.406165957,7.406166319,7.406165969,7.406166,7.406165682,7.406165799,7.406166028,7.406165988,7.406166115,7.406165792,7.40616598,7.406165986,7.406166001,7.406165941,7.406165899,7.406166055
+"12016","PILRA",8.615449833,8.616123094,8.615800636,8.616467861,8.615316435,8.61638817,8.615734811,8.615869912,8.615537935,8.615702691,8.615666617,8.615138697,8.615882705,8.61551865,8.615768665,8.615963535,8.615969501,8.616192863,8.61580125,8.61633761,8.615595029,8.615917233,8.615867034,8.616117393,8.615940714,8.615491785,8.615833608,8.615364121
+"12017","PIM1",9.732211346,9.884753716,10.38082584,9.630073992,10.08429105,10.25408435,10.00428078,10.15420437,10.28002192,10.22614524,10.00768699,10.41237522,9.754961292,9.588659478,9.717304673,9.50507621,10.29616113,9.644553416,9.910632577,10.13175188,9.843629767,9.983058208,10.24674134,10.1281945,9.948586198,10.38739263,9.839207891,9.794679286
+"12018","PIM2",9.093661176,9.214181585,8.861738674,9.069271455,8.879102723,9.643672821,9.047117218,9.238000085,9.313593263,9.122357043,8.903424624,9.021271386,9.339996886,9.100620521,9.038721486,9.108972237,8.867613836,9.085836556,9.154241991,9.630765651,9.040543875,9.165899577,9.305397592,8.953191818,8.996356513,9.093152824,9.353295786,9.061778379
+"12019","PIM3",7.197676396,7.197676433,7.197676421,7.197676435,7.197676408,7.197676404,7.197676415,7.197676419,7.197676431,7.197676407,7.197676429,7.197676401,7.19767642,7.197676399,7.197676426,7.197676459,7.197676429,7.197676446,7.197676406,7.197676431,7.197676419,7.197676429,7.197676415,7.197676418,7.197676411,7.197676394,7.197676404,7.197676416
+"12020","PIMREG",5.132405018,5.132405032,5.132405025,5.132405006,5.13240511,5.132404978,5.132405067,5.132405079,5.132405024,5.132405052,5.132405082,5.132405069,5.132405023,5.132404941,5.13240506,5.132405089,5.132405122,5.132405061,5.132405034,5.132405063,5.132405095,5.132405072,5.132405012,5.132404991,5.132405028,5.132405082,5.132405049,5.132405085
+"12021","PIN1",6.907542924,6.90754291,6.907542893,6.907542902,6.907542846,6.9075429,6.907542833,6.907542911,6.907542929,6.90754291,6.907542938,6.907542921,6.907542922,6.907542859,6.907542853,6.90754292,6.907542856,6.907542878,6.907542826,6.907542917,6.907542875,6.907542811,6.907542886,6.907542889,6.907542889,6.907542943,6.907542909,6.907542908
+"12022","PIN1P1",6.296272715,6.296272585,6.296272787,6.296272699,6.296272975,6.296272707,6.296272854,6.296272827,6.296272699,6.296272782,6.29627285,6.296272984,6.296272715,6.296272635,6.296272859,6.296272719,6.296272925,6.29627289,6.296272857,6.296272881,6.296272935,6.296272948,6.296272684,6.296272679,6.29627277,6.29627292,6.296272805,6.296272921
+"12023","PIN4",4.764907995,4.764908299,4.764907824,4.764907434,4.764907426,4.764907059,4.764907544,4.764908162,4.764908162,4.764907474,4.76490715,4.764906835,4.764907679,4.764908483,4.764907052,4.764908035,4.764906795,4.764906074,4.764907701,4.764907319,4.764907257,4.764907826,4.764908327,4.764907846,4.764907461,4.764907563,4.764907616,4.764908516
+"12024","PINK1-AS",5.407302582,5.407302749,5.407302923,5.407303049,5.407302804,5.407302971,5.407302261,5.407302627,5.407302832,5.407302852,5.407302338,5.407302648,5.407302788,5.40730259,5.407302654,5.407302228,5.407302441,5.407302746,5.407302542,5.407302506,5.407302035,5.407302541,5.4073029,5.407302618,5.407302479,5.407302399,5.407302662,5.407302249
+"12025","PINLYP",5.104111704,5.104111823,5.104112013,5.104111885,5.104111908,5.104111762,5.104111855,5.104112,5.104111975,5.104111858,5.104112046,5.10411186,5.104111867,5.104111756,5.104111958,5.104111907,5.104111993,5.104111997,5.10411191,5.104112007,5.104111843,5.104112037,5.104111728,5.104112041,5.104112039,5.104111913,5.104111882,5.104111858
+"12026","PINX1",5.069319929,5.069319931,5.069319917,5.069319926,5.069319909,5.069319911,5.069319927,5.069319928,5.069319954,5.069319945,5.069319934,5.069319937,5.069319943,5.069319967,5.069319916,5.069319904,5.069319889,5.069319912,5.069319924,5.069319868,5.069319932,5.069319914,5.069319939,5.069319924,5.069319925,5.069319923,5.069319946,5.069319954
+"12027","PIP",4.008470173,4.008470159,4.008470213,4.008470295,4.008470174,4.008470156,4.008470127,4.008470268,4.008470111,4.008470154,4.008470214,4.00847023,4.008470173,4.008470146,4.008470185,4.008470173,4.008470253,4.008470204,4.00847018,4.008470174,4.008470161,4.00847018,4.00847019,4.008470152,4.008470151,4.008470195,4.008470143,4.008470175
+"12028","PIP4K2A",10.35191236,10.09796977,10.36785064,10.21683936,10.31169473,10.51259435,10.41931659,10.60491665,10.49253676,10.46581296,10.37176847,10.53903098,10.2469402,9.999914032,10.35438874,9.738668971,10.24966121,10.17077761,10.06677195,10.34791919,10.34844271,10.39359432,10.39614311,10.43690981,10.32861896,10.59533274,10.40186868,10.05404624
+"12029","PIP4K2B",7.04880775,7.048807887,7.04880756,7.048807657,7.048807691,7.048807788,7.048807486,7.048807773,7.048807817,7.048807684,7.04880755,7.048807769,7.048807799,7.048807952,7.048807782,7.0488078,7.048807642,7.0488077,7.048807658,7.048807693,7.048807636,7.048807705,7.048807865,7.048807841,7.048807681,7.048807801,7.048807786,7.048807854
+"12030","PIP4K2C",6.154342384,6.154342437,6.154342348,6.154342442,6.154342308,6.154342417,6.1543424,6.154342325,6.154342375,6.154342255,6.154342338,6.154342222,6.154342394,6.154342376,6.1543423,6.15434242,6.154342267,6.154342373,6.154342352,6.154342424,6.15434234,6.15434227,6.154342387,6.15434237,6.154342361,6.154342312,6.154342352,6.154342286
+"12031","PIP4P1",7.131983781,7.131983736,7.131983742,7.131983812,7.131983669,7.131983771,7.131983759,7.131983766,7.131983717,7.131983799,7.13198368,7.131983738,7.131983791,7.13198377,7.131983679,7.131983734,7.131983583,7.131983659,7.13198374,7.131983743,7.131983687,7.131983746,7.131983753,7.131983791,7.131983688,7.131983701,7.131983796,7.131983724
+"12032","PIP4P2",7.708873954,7.70887432,7.708873894,7.708875013,7.708872792,7.708874097,7.708874224,7.708873296,7.708873444,7.708873704,7.708873826,7.708872694,7.708873761,7.708874509,7.708874004,7.708874329,7.708874129,7.708874763,7.708874344,7.708874549,7.708874571,7.708873584,7.70887457,7.70887481,7.708874519,7.708873336,7.708873399,7.708873458
+"12033","PIP5K1A",7.145489963,7.145489867,7.145489841,7.145489892,7.145489636,7.145490382,7.145489985,7.145489856,7.145490005,7.145490089,7.145489648,7.145489614,7.145489904,7.145490131,7.145489555,7.145489691,7.145489391,7.145489698,7.145490078,7.14549027,7.145490093,7.14548983,7.145489952,7.145490121,7.145489963,7.14548973,7.145490221,7.145489781
+"12034","PIP5K1B",5.533847541,5.533847597,5.533847,5.53384747,5.53384732,5.533847239,5.533847293,5.53384715,5.533847202,5.533847141,5.533847527,5.533846866,5.533847517,5.533847374,5.533847149,5.533846833,5.533846962,5.53384734,5.533847509,5.533847295,5.533847352,5.533846953,5.533847167,5.533847328,5.533847609,5.533847057,5.533847468,5.533847212
+"12035","PIP5K1C",7.149660539,7.149660535,7.149660509,7.149660486,7.149660487,7.149660603,7.149660395,7.149660589,7.149660524,7.149660542,7.149660511,7.149660509,7.149660531,7.149660461,7.149660548,7.149660418,7.149660495,7.149660505,7.14966045,7.149660512,7.14966041,7.149660516,7.149660552,7.149660483,7.149660543,7.149660488,7.149660577,7.149660373
+"12036","PIP5K1P1",3.550854049,3.550854067,3.55085406,3.550854039,3.550854053,3.550854068,3.550854054,3.550854073,3.550854051,3.550854058,3.550854051,3.550854068,3.550854051,3.55085405,3.550854051,3.550854046,3.550854076,3.55085407,3.550854046,3.550854054,3.550854054,3.550854051,3.550854058,3.550854047,3.550854059,3.550854044,3.550854066,3.550854059
+"12037","PIP5KL1",5.804757803,5.804757882,5.804758155,5.804757878,5.804758195,5.804757903,5.804757993,5.804758068,5.804758048,5.804758072,5.804758043,5.804758173,5.804757979,5.804757448,5.804758089,5.804757962,5.804758131,5.804758102,5.804758007,5.804757867,5.804757992,5.804758089,5.804757937,5.804757838,5.80475796,5.804757951,5.804758014,5.80475799
+"12038","PIPOX",5.078390565,5.078390446,5.078390664,5.078390512,5.078390782,5.078390435,5.078390727,5.078390776,5.078390637,5.07839066,5.078390581,5.078390743,5.078390578,5.078390434,5.078390697,5.07839065,5.07839077,5.078390718,5.078390678,5.078390546,5.078390748,5.078390785,5.078390557,5.078390432,5.078390604,5.078390705,5.078390559,5.078390625
+"12039","PIPSL",4.603397512,4.603397678,4.603397626,4.603397584,4.603397574,4.6033977,4.603397583,4.603397672,4.603397607,4.603397634,4.603397658,4.603397681,4.603397622,4.603397564,4.603397598,4.603397652,4.603397464,4.603397567,4.603397642,4.603397645,4.603397564,4.603397576,4.603397583,4.603397531,4.603397581,4.603397556,4.603397632,4.60339761
+"12040","PIRT",4.609996256,4.609996036,4.60999637,4.609996104,4.609996542,4.609996151,4.609996438,4.609995985,4.609996078,4.609995889,4.609995952,4.609996213,4.60999598,4.609996122,4.609996562,4.609996307,4.609996842,4.609996606,4.609996359,4.609996166,4.609996539,4.609996445,4.609996051,4.609995899,4.609996081,4.609996677,4.609996148,4.609996481
+"12041","PISD",7.970000272,7.970000939,7.9700008,7.970001214,7.970000045,7.970000534,7.970000818,7.970000949,7.969999843,7.969998498,7.970000143,7.969999508,7.969999661,7.970000025,7.970000141,7.970000727,7.970000507,7.970000983,7.970000659,7.97000112,7.970000922,7.970000815,7.970000418,7.969999249,7.970000401,7.970000077,7.969999677,7.969999558
+"12042","PITHD1",7.671660805,7.335273236,8.098119342,7.739249895,7.616651977,8.277967645,8.236756572,8.415872772,8.088402587,8.109559849,7.980470956,8.835639066,7.300227909,7.427302937,7.747518411,7.093086543,7.886743211,7.689408974,7.454197352,8.034838552,8.054920845,8.220448581,7.996190079,8.053958038,7.778309682,8.896694175,7.411100709,7.456955614
+"12043","PITPNA",8.468346701,8.468347942,8.468346645,8.468347619,8.468345722,8.468347049,8.468346518,8.468347221,8.46834721,8.468346235,8.468346962,8.468345458,8.468346619,8.468347026,8.468346584,8.468347871,8.46834644,8.468347174,8.468346431,8.468346646,8.468346237,8.468347076,8.468347604,8.468346869,8.468346774,8.468346125,8.468346529,8.468346244
+"12044","PITPNB",7.559834587,7.559834596,7.559833705,7.559834074,7.559833758,7.559833619,7.559834044,7.55983391,7.55983411,7.559833953,7.559833346,7.559833422,7.559834015,7.559835128,7.559834029,7.55983457,7.55983352,7.559833621,7.559834198,7.55983394,7.559833973,7.559833515,7.559834289,7.559834344,7.559833668,7.559833804,7.559834176,7.559834591
+"12045","PITPNC1",7.575661141,7.575661013,7.575659385,7.575660223,7.575659137,7.575659193,7.575659784,7.575659266,7.575661062,7.575660388,7.575659576,7.575659323,7.575660982,7.575660773,7.575659921,7.575660403,7.575658928,7.575659179,7.575660181,7.575659137,7.575659792,7.575659334,7.57566113,7.575660145,7.575660004,7.575659911,7.575661118,7.575660086
+"12046","PITPNM1",7.212176811,7.212176945,7.212176788,7.212176979,7.212176884,7.212177014,7.212176897,7.212176842,7.212176878,7.212176887,7.212176936,7.212176665,7.212176977,7.212176792,7.212176863,7.212176826,7.212176912,7.2121769,7.212176932,7.212176687,7.212176858,7.212176783,7.212176744,7.212176801,7.212176896,7.21217681,7.212176925,7.212176576
+"12047","PITPNM2",5.994995173,5.994995207,5.994995185,5.994995243,5.994995214,5.994995212,5.994995169,5.99499518,5.994995288,5.994995263,5.994995246,5.994995238,5.994995216,5.9949952,5.994995167,5.994995189,5.994995179,5.994995239,5.994995162,5.99499518,5.994995141,5.994995196,5.994995242,5.994995234,5.994995166,5.994995225,5.994995241,5.994995162
+"12048","PITPNM3",5.207037273,5.207037269,5.207037312,5.207037269,5.20703732,5.207037247,5.207037316,5.207037313,5.207037283,5.207037262,5.207037295,5.20703732,5.207037277,5.2070372,5.207037314,5.207037322,5.20703734,5.207037333,5.207037277,5.20703727,5.207037311,5.20703732,5.207037233,5.207037266,5.207037296,5.207037306,5.207037252,5.207037275
+"12049","PITRM1",6.932399285,6.932399096,6.932399252,6.932398909,6.932399162,6.932399225,6.932399163,6.932399247,6.932399369,6.932399299,6.932398851,6.932399338,6.932399287,6.932399449,6.932399116,6.932399024,6.932398962,6.932398759,6.932399144,6.932399081,6.932399128,6.932399123,6.932399378,6.932399164,6.932398834,6.932399268,6.932399236,6.932399327
+"12050","PITX1",5.848803168,5.848803115,5.848803435,5.848803297,5.848803537,5.848803079,5.848803167,5.848803462,5.848803244,5.848803244,5.848803598,5.848803516,5.848803312,5.848802742,5.848803575,5.848803145,5.848803569,5.84880351,5.848803077,5.848803284,5.848803422,5.848803383,5.84880321,5.848803124,5.848803505,5.848803493,5.848803341,5.848803219
+"12051","PITX2",5.079928662,5.079928723,5.079928741,5.079928735,5.07992874,5.079928685,5.07992873,5.079928704,5.079928731,5.079928714,5.079928748,5.079928772,5.079928717,5.079928705,5.079928762,5.079928728,5.079928745,5.079928738,5.079928704,5.079928755,5.079928743,5.079928742,5.079928689,5.079928712,5.079928758,5.079928761,5.079928711,5.079928724
+"12052","PITX3",5.957943889,5.957943911,5.957944257,5.957944129,5.957944441,5.957944143,5.957944302,5.957944272,5.957944199,5.957944126,5.957944271,5.957944498,5.957944048,5.957943716,5.957944334,5.957944067,5.957944437,5.957944182,5.957944252,5.957944212,5.95794433,5.957944306,5.957943978,5.957943955,5.957944217,5.957944245,5.957943977,5.957944121
+"12053","PIWIL1",3.876536535,3.876536526,3.876536557,3.876536536,3.876536597,3.876536524,3.876536586,3.876536576,3.87653656,3.876536514,3.876536573,3.876536533,3.876536534,3.87653655,3.876536535,3.876536547,3.876536592,3.876536568,3.876536564,3.87653654,3.876536585,3.876536568,3.876536545,3.876536553,3.876536558,3.876536588,3.876536563,3.876536558
+"12054","PIWIL2",3.712306185,3.712306154,3.712306181,3.712306175,3.712306202,3.712306318,3.712306168,3.712306184,3.712306227,3.712306227,3.712306211,3.712306189,3.712306169,3.71230619,3.712306181,3.712306169,3.712306171,3.712306166,3.712306154,3.712306285,3.712306167,3.712306226,3.712306193,3.7123062,3.712306167,3.712306179,3.712306195,3.712306157
+"12055","PIWIL3",3.686209092,3.686209068,3.686209136,3.686209119,3.68620914,3.686209088,3.686209177,3.686209185,3.686209091,3.686209141,3.686209102,3.68620914,3.68620912,3.686209071,3.686209112,3.686209153,3.686209178,3.686209164,3.686209127,3.686209149,3.686209128,3.686209112,3.686209137,3.686209119,3.686209114,3.686209195,3.68620913,3.686209111
+"12056","PIWIL4",4.718043572,4.71804358,4.718043577,4.718043551,4.718043566,4.718043596,4.718043563,4.718043533,4.718043565,4.718043558,4.71804358,4.718043557,4.718043567,4.718043559,4.718043564,4.718043582,4.718043571,4.718043551,4.71804357,4.718043578,4.718043581,4.718043544,4.718043563,4.71804358,4.718043576,4.718043533,4.718043558,4.718043545
+"12057","PJA1",5.448435749,5.448435577,5.448435573,5.448435715,5.448435628,5.448435759,5.448435668,5.448435615,5.448435822,5.448435806,5.44843568,5.44843546,5.448435669,5.44843583,5.448435713,5.448435565,5.448435483,5.448435679,5.448435705,5.448435717,5.448435623,5.448435724,5.448435885,5.448435762,5.44843553,5.448435601,5.448435706,5.448435833
+"12058","PJA2",8.518553241,8.518553258,8.518552476,8.518553127,8.518551961,8.518552288,8.518552283,8.518552416,8.518552197,8.518552726,8.518552614,8.518551193,8.51855242,8.518553095,8.518552763,8.518553161,8.518552322,8.518552702,8.518552827,8.518552501,8.518552442,8.51855227,8.518553079,8.518553143,8.518553006,8.51855198,8.518552299,8.518552718
+"12059","PKD1",6.445712759,6.445712773,6.445712801,6.445712742,6.445712903,6.445712819,6.445712823,6.445712887,6.445712882,6.445712848,6.445712845,6.445712912,6.445712855,6.445712726,6.445712909,6.445712817,6.445712885,6.445712849,6.445712856,6.445712745,6.445712872,6.445712887,6.445712853,6.445712763,6.445712728,6.445712857,6.445712778,6.445712835
+"12060","PKD1L1",4.578626508,4.578626503,4.578626512,4.578626519,4.578626531,4.578626493,4.578626523,4.578626515,4.578626498,4.578626502,4.578626519,4.578626529,4.578626509,4.578626492,4.578626531,4.578626518,4.578626533,4.578626535,4.578626518,4.578626513,4.578626527,4.578626514,4.578626491,4.578626498,4.578626505,4.578626512,4.57862648,4.57862651
+"12061","PKD1L1-AS1",3.176360359,3.17636039,3.176360458,3.176360473,3.176360441,3.176360382,3.176360437,3.176360408,3.176360463,3.176360384,3.176360519,3.176360464,3.176360395,3.176360397,3.176360414,3.176360584,3.176360525,3.176360466,3.176360361,3.176360486,3.176360404,3.176360491,3.176360329,3.176360393,3.176360558,3.17636041,3.176360479,3.176360349
+"12062","PKD1L2",4.621490656,4.621490674,4.621490681,4.621490677,4.621490691,4.621490686,4.621490674,4.621490686,4.621490661,4.621490665,4.62149069,4.621490697,4.621490681,4.621490659,4.621490687,4.62149068,4.621490692,4.621490689,4.621490666,4.621490676,4.621490681,4.621490693,4.621490668,4.621490664,4.621490694,4.621490682,4.621490664,4.621490661
+"12063","PKD1L3",3.592989759,3.592989763,3.592989759,3.592989854,3.592989771,3.592989917,3.592989756,3.592989758,3.592989873,3.592989823,3.592989715,3.592989774,3.592989693,3.59298969,3.592989761,3.59298981,3.592989843,3.592989796,3.592989773,3.592989783,3.592989775,3.592989841,3.592989743,3.592989798,3.592989825,3.592989783,3.592989794,3.59298972
+"12064","PKD2",6.097748621,6.097748957,6.097748448,6.097748422,6.097748335,6.09774839,6.097748888,6.097748365,6.097748508,6.09774832,6.097748197,6.097748716,6.09774828,6.097748747,6.097748597,6.097748868,6.097748491,6.097748374,6.097748555,6.097748409,6.097748837,6.097748365,6.097748678,6.097748326,6.097748527,6.097748751,6.09774854,6.097748519
+"12065","PKD2L1",4.238342767,4.238342745,4.238342748,4.238342885,4.238342956,4.238342724,4.238342792,4.23834292,4.238342902,4.238342779,4.23834287,4.238342931,4.238342813,4.238342649,4.238342812,4.238342766,4.238343132,4.238342736,4.238342726,4.238342762,4.238343002,4.238342938,4.238342819,4.238342797,4.238342965,4.238342794,4.23834276,4.238342897
+"12066","PKD2L2",3.343302159,3.343302155,3.343302176,3.343302196,3.34330215,3.34330218,3.343302171,3.343302163,3.343302148,3.343302171,3.34330217,3.343302178,3.343302182,3.343302176,3.343302156,3.343302153,3.343302185,3.343302186,3.343302148,3.343302154,3.343302151,3.343302175,3.343302183,3.343302163,3.343302159,3.343302137,3.343302199,3.343302153
+"12067","PKDCC",5.699542994,5.699542999,5.699542978,5.699543014,5.699543062,5.699542941,5.699543016,5.699543038,5.699542976,5.69954299,5.699543021,5.699543019,5.699543015,5.699542941,5.699543018,5.699543007,5.699543066,5.699543035,5.699542976,5.699543002,5.699543028,5.699543025,5.699542952,5.699542994,5.699543024,5.699543029,5.699542949,5.699542962
+"12068","PKDREJ",3.885747972,3.885747979,3.885747995,3.885747975,3.885748001,3.88574798,3.885747996,3.885748018,3.885748002,3.885747998,3.885747993,3.885747996,3.885747983,3.885747967,3.885748,3.885747995,3.885748008,3.885747979,3.88574799,3.885747994,3.885748003,3.885748004,3.885747978,3.885747984,3.885747992,3.885748,3.885747991,3.885748011
+"12069","PKHD1",3.580264809,3.580264773,3.580264817,3.580264814,3.580264876,3.580264807,3.580264957,3.580264934,3.580264879,3.580264703,3.580264849,3.580264943,3.58026478,3.580264768,3.580264867,3.580264827,3.580264986,3.580264959,3.580264834,3.580264873,3.58026489,3.580264915,3.580264804,3.580264778,3.580264846,3.580264824,3.580264812,3.580264839
+"12070","PKHD1L1",3.52445475,3.524455152,3.524455069,3.524455724,3.524455307,3.524455115,3.52445524,3.524455092,3.5244551,3.524455607,3.524455802,3.52445544,3.524454895,3.524454835,3.524455139,3.524455269,3.52445519,3.524455946,3.524455159,3.524455072,3.524455205,3.524455118,3.524454873,3.524455538,3.524455703,3.524455069,3.524454958,3.524455162
+"12071","PKIA",4.953965521,4.953965582,4.953965414,4.953965454,4.953965348,4.953965497,4.95396534,4.953965481,4.953965563,4.953965506,4.953965471,4.953965616,4.95396565,4.953965759,4.953965549,4.953965506,4.953965466,4.953965631,4.953965363,4.953965399,4.953965361,4.953965463,4.953965555,4.953965313,4.953965318,4.953965609,4.953965686,4.953965655
+"12072","PKIB",3.863838872,3.863838854,3.863838874,3.863838872,3.863838866,3.863838882,3.863838863,3.863838883,3.863838859,3.863838862,3.863838871,3.863838889,3.863838869,3.863838852,3.863838864,3.863838851,3.8638389,3.863838867,3.863838864,3.86383887,3.863838853,3.86383887,3.863838885,3.863838862,3.863838866,3.863838869,3.863838875,3.863838866
+"12073","PKIG",5.460377187,5.46037716,5.460377166,5.4603772,5.460377169,5.460377232,5.460377169,5.46037719,5.46037719,5.460377213,5.460377183,5.460377207,5.4603772,5.460377154,5.460377216,5.460377165,5.460377181,5.460377224,5.460377115,5.460377233,5.460377179,5.460377248,5.460377199,5.460377171,5.460377196,5.460377205,5.460377228,5.460377209
+"12074","PKLR",5.271297914,5.271297939,5.27129795,5.271297942,5.271297979,5.271297949,5.271297964,5.271297975,5.271297937,5.271297958,5.27129795,5.271297963,5.271297948,5.271297909,5.271297981,5.271297952,5.271297976,5.271297979,5.271297956,5.271297942,5.27129797,5.271297953,5.2712979,5.271297956,5.271297944,5.271297927,5.271297928,5.271297919
+"12075","PKM",9.084837684,9.084837735,9.084837701,9.084837864,9.084837697,9.084837913,9.08483779,9.084837429,9.084837617,9.084837905,9.0848377,9.084837543,9.08483776,9.084837732,9.084837516,9.084837432,9.084837484,9.084837642,9.084837702,9.084837696,9.084837694,9.084837599,9.084837498,9.084837772,9.084837532,9.084837602,9.084837763,9.084837479
+"12076","PKMYT1",5.239711775,5.239711802,5.239711816,5.239711817,5.239711834,5.239711827,5.23971185,5.239711869,5.239711812,5.239711821,5.239711817,5.239711828,5.239711797,5.239711743,5.239711828,5.239711809,5.239711862,5.239711784,5.239711805,5.239711824,5.239711845,5.239711817,5.239711793,5.23971179,5.239711792,5.239711834,5.239711805,5.239711818
+"12077","PKN1",7.925505456,7.925505492,7.925505448,7.925505492,7.925505453,7.925505542,7.925505481,7.925505412,7.925505496,7.925505498,7.925505454,7.925505439,7.925505496,7.925505491,7.925505434,7.925505475,7.925505411,7.925505449,7.925505463,7.925505451,7.92550545,7.925505452,7.925505486,7.925505508,7.925505453,7.925505472,7.925505508,7.925505465
+"12078","PKN2",8.043833743,8.043851937,8.043823837,8.043845418,8.043791347,8.043810514,8.043822384,8.043801715,8.043803547,8.043799534,8.043814059,8.043772261,8.043820652,8.04387113,8.04383726,8.043859129,8.04382814,8.043847691,8.043841184,8.043806651,8.043834187,8.043812663,8.0438296,8.043830125,8.043845658,8.043812454,8.043815246,8.043845234
+"12079","PKN3",5.89971648,5.899716478,5.899716513,5.8997165,5.899716516,5.89971649,5.899716488,5.899716509,5.89971649,5.899716495,5.899716532,5.899716521,5.899716487,5.899716463,5.899716503,5.899716498,5.89971651,5.899716507,5.899716501,5.899716489,5.899716504,5.899716508,5.899716506,5.899716483,5.899716517,5.899716513,5.899716502,5.899716504
+"12080","PKNOX1",6.044702649,6.044702787,6.044702829,6.044702796,6.044702524,6.044702854,6.044702838,6.044702609,6.044702692,6.044702556,6.044702738,6.044702539,6.044702692,6.044702752,6.04470269,6.044702755,6.044702609,6.044702819,6.0447028,6.044702855,6.044702673,6.044702731,6.044702807,6.04470292,6.0447029,6.04470267,6.044702746,6.044702694
+"12081","PKNOX2",5.237627786,5.23762777,5.237627813,5.237627791,5.237627834,5.237627801,5.237627787,5.237627809,5.237627778,5.237627777,5.237627826,5.237627807,5.237627785,5.237627748,5.237627792,5.237627774,5.237627839,5.237627832,5.237627779,5.237627849,5.237627803,5.237627802,5.237627753,5.237627782,5.237627805,5.237627792,5.237627806,5.237627781
+"12082","PKP1",5.024489279,5.024489283,5.02448937,5.024489296,5.024489468,5.024489331,5.024489363,5.024489416,5.024489339,5.024489351,5.024489368,5.024489475,5.024489325,5.024489222,5.024489417,5.024489312,5.02448947,5.024489404,5.024489358,5.024489382,5.024489442,5.024489364,5.02448933,5.024489266,5.024489362,5.024489353,5.024489325,5.024489355
+"12083","PKP2",5.152481378,5.152481424,5.152481305,5.152481455,5.152481452,5.152481292,5.152481413,5.1524814,5.152481292,5.152481388,5.152481451,5.15248137,5.15248136,5.152481367,5.152481331,5.152481395,5.152481334,5.152481393,5.152481388,5.152481345,5.152481385,5.152481361,5.152481305,5.152481413,5.152481427,5.152481363,5.152481361,5.152481422
+"12084","PKP3",5.758420928,5.758420914,5.758420943,5.758420934,5.758421021,5.758420905,5.758420999,5.758420991,5.758420951,5.75842097,5.758420949,5.758421005,5.758420935,5.758420858,5.758421,5.758420966,5.758421043,5.758420974,5.758420964,5.758420927,5.758420987,5.758420992,5.758420932,5.758420901,5.758420948,5.75842097,5.75842091,5.758420946
+"12085","PKP4",5.484033323,5.484033667,5.484033164,5.484033577,5.484033331,5.484033645,5.484033513,5.484033117,5.484033076,5.484033323,5.484033219,5.484033031,5.484033498,5.484033662,5.48403316,5.484033497,5.484033437,5.484033437,5.484033425,5.484033691,5.484033578,5.484033092,5.484032955,5.484033389,5.484033263,5.484033329,5.484033312,5.484033362
+"12086","PLA1A",4.65264667,4.652646616,4.652646753,4.652646461,4.652646933,4.652646446,4.652646522,4.652646785,4.652646541,4.652646739,4.652646615,4.652646873,4.65264676,4.652646384,4.652646783,4.652646753,4.652646715,4.652646727,4.652646775,4.652646663,4.652646875,4.652646803,4.652646501,4.652646457,4.652646625,4.652646667,4.65264646,4.652646834
+"12087","PLA2G10",3.996134069,3.996132708,3.996133115,3.996132802,3.996133397,3.996134727,3.996135523,3.996132524,3.9961338,3.996134493,3.996133994,3.996134105,3.996132327,3.9961335,3.996134409,3.996135029,3.99613412,3.996132802,3.996135239,3.99613391,3.996132816,3.996132789,3.996133295,3.996133808,3.996133374,3.996134046,3.996133208,3.996132823
+"12088","PLA2G12AP1",6.656883246,6.656883391,6.656883419,6.656883446,6.65688343,6.656883107,6.656883275,6.656883363,6.656883434,6.656883342,6.656883508,6.656883395,6.656883397,6.65688313,6.656883355,6.656883639,6.656883378,6.656883523,6.656883293,6.656883196,6.656883239,6.656883347,6.656883279,6.65688336,6.656883437,6.656883378,6.656883329,6.656883402
+"12089","PLA2G12B",4.631491934,4.631491944,4.63149196,4.631491932,4.631491985,4.631491905,4.631491972,4.631491954,4.631491912,4.63149193,4.631491963,4.631491968,4.631491947,4.631491922,4.631491958,4.63149197,4.631491963,4.631491952,4.631491949,4.631491958,4.631491992,4.631491972,4.631491917,4.631491927,4.631491953,4.631491937,4.631491927,4.631491965
+"12090","PLA2G15",5.758270725,5.758270844,5.758270732,5.758270682,5.758270737,5.758270825,5.758270746,5.758270669,5.758270573,5.758270862,5.758270957,5.758270631,5.75827074,5.758270631,5.75827084,5.758270703,5.758270798,5.758270411,5.758270805,5.758270761,5.758270623,5.758270724,5.758270726,5.758270722,5.75827078,5.758270549,5.758270796,5.758270673
+"12091","PLA2G1B",4.541469403,4.541469428,4.541469441,4.541469523,4.541469526,4.541469496,4.541469543,4.541469601,4.541469316,4.541469306,4.541469407,4.541469561,4.541469326,4.541469234,4.541469581,4.541469816,4.54146967,4.54146945,4.541469588,4.54146947,4.541469506,4.541469674,4.541469418,4.541469304,4.541469519,4.541469392,4.541469446,4.541469363
+"12092","PLA2G2A",4.86163509,4.86163512,4.861635166,4.861635149,4.861635172,4.861635146,4.861635167,4.861635157,4.861635141,4.861635133,4.86163517,4.861635174,4.86163512,4.861635103,4.861635148,4.861635149,4.861635161,4.861635162,4.861635147,4.861635181,4.861635174,4.861635172,4.86163513,4.861635123,4.861635106,4.861635122,4.861635114,4.861635169
+"12093","PLA2G2C",5.509271266,5.509271299,5.509271369,5.509271218,5.509271311,5.509271154,5.509271275,5.509271332,5.509271324,5.509271288,5.509271334,5.509271354,5.509271294,5.509271199,5.509271232,5.509271297,5.509271325,5.509271332,5.509271262,5.509271289,5.509271255,5.509271307,5.50927128,5.509271301,5.509271294,5.509271286,5.509271304,5.509271303
+"12094","PLA2G2D",6.119877821,6.119877827,6.119878165,6.11987795,6.119878208,6.119877912,6.119878073,6.119878129,6.119877886,6.119877928,6.119878132,6.119878167,6.119877988,6.119877686,6.119878155,6.119877943,6.119878291,6.119878233,6.119877972,6.119878063,6.119878131,6.119878198,6.119877873,6.119877901,6.11987811,6.119878082,6.119877902,6.119878029
+"12095","PLA2G2E",5.209475359,5.209475358,5.209475353,5.209475381,5.209475433,5.209475359,5.209475368,5.209475414,5.20947533,5.209475395,5.2094754,5.209475413,5.209475367,5.209475324,5.209475422,5.209475379,5.209475467,5.209475425,5.209475366,5.209475389,5.20947544,5.209475409,5.209475341,5.209475351,5.209475333,5.20947541,5.209475355,5.209475387
+"12096","PLA2G2F",5.149405922,5.149405906,5.149406112,5.149405922,5.149406117,5.1494061,5.149406181,5.149406193,5.149406087,5.149406131,5.149406155,5.149406087,5.149405999,5.149405904,5.149406177,5.149406089,5.149406217,5.149406293,5.14940601,5.149406097,5.149406178,5.149406074,5.149406042,5.149406031,5.149405987,5.149405998,5.149406025,5.14940603
+"12097","PLA2G3",5.399867786,5.399867918,5.39986798,5.399867879,5.399868252,5.399867768,5.399868022,5.399868172,5.399868043,5.399867901,5.399867899,5.399868187,5.39986796,5.399867771,5.399868171,5.399868107,5.399868215,5.39986812,5.399868126,5.399868042,5.399868245,5.399868152,5.399867918,5.399867847,5.399868168,5.399868209,5.399867919,5.399867839
+"12098","PLA2G4A",4.005951538,4.00595147,4.005951504,4.005951525,4.005951463,4.005951536,4.005951486,4.005951456,4.005951252,4.00595148,4.005951375,4.00595123,4.005951498,4.005951589,4.005951452,4.00595134,4.005951468,4.005951428,4.005951524,4.005951575,4.005951456,4.005951513,4.005951489,4.005951467,4.005951416,4.005951329,4.00595142,4.00595141
+"12099","PLA2G4C",4.267696166,4.267696122,4.267696119,4.26769621,4.267696152,4.26769619,4.267696129,4.267696115,4.267696141,4.267696109,4.267696151,4.267696226,4.267696247,4.267696107,4.267696164,4.267696181,4.267696161,4.267696245,4.267696158,4.267696167,4.267696139,4.26769615,4.267696086,4.267696113,4.267696116,4.267696197,4.267696211,4.267696143
+"12100","PLA2G4D",5.199804267,5.199804017,5.199804479,5.199804386,5.199804813,5.199804075,5.199804544,5.199804511,5.199804403,5.199804326,5.199804355,5.19980472,5.199804366,5.199804099,5.199804695,5.199804453,5.199804541,5.199804507,5.19980456,5.199804297,5.19980471,5.199804605,5.199804301,5.199804163,5.199804508,5.199804623,5.199804262,5.199804681
+"12101","PLA2G4E",4.476675903,4.476675928,4.476675935,4.476675909,4.476675947,4.476675899,4.476675931,4.476675951,4.476675923,4.476675938,4.476675937,4.476675948,4.476675925,4.476675922,4.476675947,4.476675934,4.476675956,4.476675924,4.476675914,4.476675944,4.47667594,4.476675941,4.476675921,4.476675909,4.476675934,4.476675929,4.476675924,4.476675928
+"12102","PLA2G4F",4.419746292,4.419746256,4.419746241,4.419746264,4.419746344,4.419746259,4.419746266,4.419746282,4.419746293,4.419746279,4.419746297,4.419746348,4.419746293,4.419746282,4.419746348,4.419746304,4.419746299,4.419746292,4.419746302,4.419746279,4.419746348,4.419746296,4.419746252,4.419746267,4.419746329,4.419746321,4.419746266,4.419746326
+"12103","PLA2G5",4.308030125,4.308030254,4.308030289,4.308030233,4.308030291,4.308030164,4.308030302,4.308030371,4.30803029,4.308030213,4.308030261,4.308030306,4.308030186,4.308030062,4.30803037,4.308030254,4.308030285,4.308030312,4.308030209,4.308030189,4.308030343,4.308030306,4.308030103,4.308030236,4.308030268,4.308030205,4.308030249,4.308030185
+"12104","PLA2G6",5.520710771,5.520710652,5.520710624,5.520710596,5.520710751,5.520710713,5.520710802,5.520710727,5.52071089,5.520710655,5.520710765,5.520710801,5.52071084,5.520710734,5.520710694,5.520710677,5.52071073,5.520710803,5.520710849,5.520710798,5.52071073,5.520710801,5.520710768,5.520710858,5.520710611,5.520710765,5.520710845,5.520710741
+"12105","PLA2G7",5.846375484,5.846374764,5.846374591,5.846375109,5.846373667,5.846375436,5.846373537,5.846374028,5.846372623,5.846375084,5.846373727,5.846373531,5.846374433,5.846375661,5.84637433,5.8463735,5.846373665,5.846373853,5.846373882,5.846375316,5.846373,5.846373878,5.846371856,5.846373748,5.846372868,5.846373939,5.846374053,5.846373741
+"12106","PLA2R1",3.972685328,3.972685333,3.972685344,3.972685336,3.97268535,3.972685324,3.972685333,3.972685325,3.972685343,3.972685347,3.972685344,3.972685328,3.972685337,3.972685328,3.972685337,3.972685346,3.972685347,3.972685352,3.972685348,3.97268534,3.972685346,3.972685342,3.972685318,3.97268532,3.972685336,3.972685339,3.972685316,3.972685332
+"12107","PLAA",6.225511193,6.22551118,6.225511127,6.225511078,6.225511102,6.225511116,6.225511149,6.225511097,6.225511191,6.225511121,6.225511038,6.225511048,6.225511146,6.225511273,6.225511144,6.225511206,6.225511087,6.22551109,6.225511165,6.225511068,6.225511125,6.225511129,6.225511196,6.225511171,6.225511119,6.225511118,6.225511161,6.225511221
+"12108","PLAAT1",4.639416394,4.639416599,4.639416617,4.639416625,4.639416611,4.639416659,4.639416555,4.639416523,4.639416618,4.63941662,4.639416612,4.639416774,4.639416469,4.639416367,4.639416619,4.639416555,4.639416697,4.63941664,4.63941663,4.639416582,4.639416527,4.639416615,4.639416406,4.6394166,4.639416603,4.639416553,4.639416455,4.639416477
+"12109","PLAAT2",3.927989744,3.927989734,3.927989726,3.927989754,3.927989749,3.927989716,3.927989767,3.927989754,3.92798974,3.927989733,3.927989748,3.927989775,3.92798975,3.927989709,3.927989752,3.927989723,3.927989749,3.92798975,3.927989753,3.92798973,3.927989772,3.927989743,3.927989726,3.927989726,3.927989746,3.927989748,3.927989756,3.927989745
+"12110","PLAAT3",5.710919163,5.710919016,5.710918998,5.71091884,5.710918894,5.710918974,5.710919055,5.710919101,5.710918977,5.710918935,5.710918957,5.71091874,5.710918859,5.710919038,5.710919173,5.710919055,5.710918961,5.710918946,5.710918741,5.71091906,5.710918971,5.710919096,5.710918876,5.710919016,5.710918886,5.710918886,5.710918887,5.710918948
+"12111","PLAAT4",6.930242417,6.930239996,6.930240465,6.930239052,6.930239288,6.930245053,6.930240885,6.930240093,6.930242277,6.930240886,6.930239669,6.93023837,6.930242284,6.930241292,6.930241243,6.930239455,6.930238237,6.9302387,6.930239612,6.930244942,6.930241125,6.930241006,6.930242013,6.930240891,6.930240123,6.930240306,6.930242242,6.930240479
+"12112","PLAAT5",5.285470358,5.285470396,5.285470443,5.285470392,5.285470523,5.285470358,5.285470423,5.285470486,5.285470395,5.285470385,5.285470482,5.285470478,5.285470406,5.285470344,5.285470456,5.285470441,5.285470464,5.285470429,5.285470517,5.285470374,5.285470416,5.285470433,5.285470383,5.285470446,5.285470427,5.28547042,5.285470441,5.285470408
+"12113","PLAC1",3.856338248,3.856338208,3.856338257,3.856338163,3.856338229,3.856338329,3.856338276,3.856338204,3.856338298,3.856338273,3.856338234,3.856338155,3.856338283,3.856338213,3.856338233,3.856338264,3.856338319,3.856338278,3.856338217,3.856338234,3.856338169,3.856338231,3.856338202,3.856338246,3.856338234,3.856338222,3.85633821,3.856338208
+"12114","PLAC4",3.789936811,3.78993682,3.789936813,3.789936823,3.789936868,3.789936819,3.789936846,3.789936862,3.789936798,3.789936805,3.789936865,3.789936879,3.789936812,3.789936813,3.789936807,3.789936816,3.789936894,3.789936843,3.789936843,3.789936892,3.789936862,3.789936805,3.789936798,3.789936793,3.789936807,3.78993687,3.789936849,3.78993681
+"12115","PLAC8",9.597268023,9.350068293,9.330016608,9.030059041,9.29753565,9.59478588,9.387415531,9.411763891,9.439868523,9.329216607,9.015068406,9.352999747,9.54896453,9.619892483,9.368472277,9.153115627,9.096416255,9.054842092,9.322231497,9.578467668,9.39194414,9.504216773,9.400613843,9.360187732,8.972633421,9.48565164,9.55762937,9.490355073
+"12116","PLAC8L1",4.166075786,4.166075813,4.166075918,4.16607566,4.166075886,4.166075485,4.16607593,4.166075901,4.166075707,4.166075952,4.166075648,4.166076069,4.166075635,4.166075615,4.166075905,4.166075713,4.166076114,4.166075693,4.166075928,4.166075658,4.166075944,4.166075912,4.166075932,4.166075573,4.166075891,4.166075815,4.16607581,4.166075636
+"12117","PLAC9",5.571061777,5.571061991,5.571062174,5.571062082,5.571062156,5.571061945,5.571061969,5.571062052,5.57106199,5.57106198,5.571061975,5.571062116,5.571062015,5.571061892,5.571062127,5.571062055,5.571062076,5.571062169,5.571061963,5.571062016,5.571062158,5.571062008,5.571061987,5.571061948,5.571062123,5.571061981,5.571062035,5.571062022
+"12118","PLAG1",4.710716312,4.71071631,4.710716252,4.710716281,4.710716231,4.710716235,4.710716222,4.710716265,4.710716413,4.710716351,4.710716155,4.710716316,4.710716317,4.710716436,4.710716265,4.710716291,4.710716222,4.710716277,4.710716154,4.710716218,4.710716222,4.710716195,4.710716366,4.710716272,4.710716236,4.710716332,4.710716329,4.710716319
+"12119","PLAGL2",6.548514374,6.548514383,6.548514345,6.548514409,6.5485143,6.548514693,6.548514459,6.548514311,6.548514176,6.548514426,6.548514333,6.548514206,6.54851452,6.548514391,6.548514255,6.5485143,6.548514215,6.548514196,6.548514271,6.548514676,6.548514362,6.54851426,6.548514201,6.548514515,6.548514401,6.548514241,6.548514481,6.548514205
+"12120","PLAT",4.981722042,4.981721994,4.981722088,4.98172207,4.981722338,4.981722065,4.981722137,4.981722222,4.981722055,4.981722124,4.981722176,4.981722324,4.981722109,4.981721781,4.98172221,4.981722066,4.981722383,4.981722246,4.981722176,4.981722129,4.981722273,4.981722169,4.98172204,4.981721928,4.981722199,4.981722248,4.981722134,4.981722133
+"12121","PLAU",4.935295161,4.935295206,4.935295383,4.935295239,4.935295393,4.935295215,4.935295332,4.935295235,4.935295305,4.935295179,4.935295213,4.935295306,4.935295215,4.935295054,4.935295445,4.935295187,4.935295329,4.935295324,4.935295279,4.935295303,4.935295407,4.935295308,4.935295321,4.935295207,4.935295259,4.935295345,4.935295236,4.935295247
+"12122","PLAUR",7.83630008,7.837726235,7.835993446,7.838460558,7.836253295,7.83841464,7.836570204,7.836916203,7.836271246,7.836301025,7.836769481,7.835349088,7.836323457,7.835656549,7.836771225,7.83777967,7.836541581,7.837706323,7.836537654,7.838300318,7.836666522,7.836873453,7.836904528,7.837803324,7.837130214,7.835616235,7.836423586,7.834927617
+"12123","PLB1",6.463645076,6.463647995,6.463643028,6.463646406,6.463644493,6.463642468,6.463647424,6.463643925,6.463644813,6.46364436,6.46364729,6.463645698,6.463643582,6.463642735,6.463645506,6.463647893,6.463644589,6.463646109,6.463645478,6.463643054,6.463647214,6.463644403,6.46364545,6.463645129,6.463647922,6.463646764,6.463643544,6.463642968
+"12124","PLBD1",8.668994219,8.668892227,8.668861738,8.6691064,8.668723935,8.668952173,8.668842376,8.668621899,8.668519074,8.668786521,8.668867529,8.668510607,8.668737215,8.668746705,8.668819219,8.668814752,8.668822964,8.668884883,8.66882287,8.668955891,8.668825818,8.668622735,8.668745834,8.668981926,8.668843683,8.668649451,8.668702884,8.668564309
+"12125","PLBD2",6.558032486,6.558032376,6.558032345,6.558032261,6.558032488,6.558032694,6.55803248,6.558032546,6.558032462,6.558032595,6.558032539,6.558032617,6.558032345,6.558032367,6.558032289,6.558032052,6.558032445,6.558032411,6.558032462,6.558032551,6.558032288,6.558032425,6.558032188,6.558032231,6.558032343,6.558032534,6.558032355,6.558032344
+"12126","PLCB1",5.675920887,5.675920866,5.675920603,5.675920583,5.675920635,5.675920606,5.67592069,5.675920636,5.675920499,5.675920681,5.675920745,5.675920282,5.675920841,5.675920834,5.675920714,5.675920782,5.675920251,5.675920708,5.67592076,5.675920502,5.675920636,5.675920677,5.675920605,5.675920733,5.675920882,5.675920593,5.675920845,5.675920744
+"12127","PLCB2",8.615947883,8.615948134,8.615948306,8.615948524,8.615948097,8.615948524,8.615948469,8.615948001,8.615948023,8.615948296,8.615948444,8.615948013,8.615948267,8.615948226,8.61594803,8.61594823,8.615948254,8.615948363,8.615948417,8.61594851,8.615948506,8.615948108,8.615948171,8.615948471,8.615948613,8.615948227,8.615948346,8.615948052
+"12128","PLCB3",5.881428994,5.88142898,5.881429,5.881429016,5.881429045,5.881428998,5.881429003,5.881429021,5.881428981,5.881429009,5.881428988,5.881429,5.881428999,5.881428978,5.881429002,5.881429013,5.881429024,5.881428999,5.881428992,5.88142898,5.881428984,5.881429015,5.88142897,5.881428975,5.881429004,5.881429021,5.88142897,5.881428985
+"12129","PLCB4",3.304481496,3.304481509,3.304481562,3.304481533,3.304481561,3.304481545,3.304481543,3.304481535,3.304481541,3.304481599,3.304481618,3.30448148,3.304481492,3.304481473,3.304481548,3.304481587,3.304481556,3.304481596,3.304481487,3.30448154,3.304481528,3.304481558,3.304481566,3.304481501,3.304481603,3.304481493,3.304481482,3.304481562
+"12130","PLCD1",6.224317979,6.224318226,6.224317996,6.224317951,6.224318113,6.224317966,6.224318081,6.224318247,6.224318279,6.224318059,6.224318077,6.224318183,6.224318153,6.224317852,6.224318068,6.224317916,6.224318147,6.224318138,6.224318024,6.224318009,6.224318031,6.224318203,6.224318084,6.224318154,6.224318177,6.224318065,6.224318004,6.22431796
+"12131","PLCD3",5.691960378,5.691960369,5.691960378,5.691960374,5.69196041,5.691960377,5.691960386,5.691960391,5.691960378,5.691960389,5.691960365,5.691960396,5.691960377,5.691960354,5.691960391,5.691960367,5.691960402,5.691960399,5.691960383,5.691960379,5.691960388,5.691960392,5.69196036,5.691960363,5.691960385,5.691960389,5.691960378,5.691960368
+"12132","PLCD4",4.221649599,4.221649599,4.221649668,4.221649653,4.221649672,4.221649628,4.221649671,4.221649663,4.221649637,4.221649628,4.221649657,4.221649695,4.221649634,4.221649592,4.221649657,4.221649651,4.221649687,4.22164966,4.221649639,4.22164963,4.221649657,4.221649671,4.221649609,4.221649614,4.221649638,4.221649675,4.221649609,4.22164967
+"12133","PLCE1",3.78947481,3.789474853,3.789474831,3.789474833,3.789474826,3.789474833,3.789474803,3.789474868,3.789474838,3.789474882,3.789474914,3.789474894,3.789474833,3.789474783,3.789474876,3.789474853,3.789474864,3.789474929,3.789474891,3.789474878,3.789474854,3.789474862,3.78947479,3.789474813,3.789474848,3.789474841,3.789474819,3.789474891
+"12134","PLCG1",8.001023016,8.001022771,8.001021363,8.001021768,8.001021467,8.001023162,8.001022362,8.001023054,8.001024214,8.001023361,8.00102059,8.001023251,8.001023235,8.001023875,8.001021785,8.001021675,8.001020078,8.001020935,8.001022241,8.001021308,8.001021525,8.001023243,8.001023363,8.001022386,8.001020428,8.001023221,8.001023665,8.001023151
+"12135","PLCG2",9.0056703515,8.9505747915,8.933064767,8.856500208,8.6682057165,8.7619546485,8.8570136955,8.7435030695,9.0099477085,9.0052574225,8.9243730635,8.8156011785,8.978396243,8.8722506015,8.8757745065,8.996262013,8.9973956275,8.7625363015,8.874187114,9.0154760515,8.970019634,8.6847263105,9.0531548295,9.027081152,8.91788203,8.854662675,8.8873000755,8.899170433
+"12136","PLCH1",3.791803624,3.791803603,3.791803613,3.791803622,3.791803652,3.791803685,3.79180368,3.791803635,3.791803605,3.79180364,3.791803675,3.791803665,3.791803611,3.791803599,3.791803652,3.791803691,3.791803625,3.791803633,3.791803602,3.791803653,3.791803629,3.791803664,3.79180358,3.791803604,3.791803656,3.791803625,3.79180362,3.791803636
+"12137","PLCH2",6.770928144,6.770928136,6.770928433,6.770928238,6.770928695,6.770928337,6.770928447,6.770928635,6.77092843,6.770928418,6.770928715,6.770928658,6.770928373,6.770928044,6.77092859,6.77092833,6.770928631,6.77092852,6.770928328,6.770928252,6.770928515,6.770928779,6.770928201,6.770928142,6.77092842,6.770928536,6.770928263,6.770928342
+"12138","PLCL1",5.003103903,5.003103746,5.003103659,5.003103636,5.003103788,5.003103635,5.003103531,5.003103567,5.003104075,5.003103885,5.003103546,5.003103738,5.003103685,5.003104146,5.003103684,5.003103687,5.003103604,5.003103706,5.003103957,5.003103513,5.003103569,5.00310366,5.003104023,5.003103839,5.00310354,5.003103797,5.00310382,5.003104146
+"12139","PLCXD1",5.944864385,5.944864506,5.9448649535,5.94486422,5.9448643335,5.944864854,5.9448648515,5.944864154,5.944864348,5.944864397,5.9448638075,5.944864665,5.944864378,5.9448647075,5.944864288,5.9448647275,5.9448640695,5.944864425,5.944864484,5.944864871,5.944864554,5.9448645635,5.944864758,5.9448646875,5.9448646385,5.9448647535,5.944864544,5.9448646365
+"12140","PLCXD3",3.691125193,3.691125149,3.691125219,3.691125274,3.691125496,3.691125227,3.691125201,3.691125278,3.691125217,3.691125266,3.691125402,3.691125375,3.69112531,3.691125197,3.691125379,3.691125294,3.691125361,3.691125242,3.691125195,3.691125223,3.691125281,3.691125339,3.691125199,3.691125114,3.691125231,3.691125291,3.691125139,3.691125259
+"12141","PLCZ1",3.04109131,3.041091321,3.041091337,3.041091321,3.041091326,3.041091316,3.041091336,3.041091346,3.041091334,3.041091339,3.041091363,3.041091355,3.041091355,3.041091317,3.041091336,3.041091308,3.041091347,3.041091356,3.041091336,3.041091323,3.041091328,3.04109135,3.04109135,3.041091303,3.04109135,3.041091285,3.041091313,3.041091299
+"12142","PLD1",5.32416338,5.324163449,5.324163383,5.324163443,5.324163329,5.324163254,5.324163414,5.324163331,5.324163266,5.324163367,5.324163397,5.324163306,5.32416333,5.324163405,5.324163368,5.324163399,5.324163281,5.32416332,5.324163401,5.324163272,5.324163365,5.32416329,5.32416338,5.324163383,5.32416338,5.324163277,5.324163305,5.324163386
+"12143","PLD2",5.730727603,5.730727639,5.730727565,5.730727599,5.730727667,5.730727602,5.73072762,5.730727633,5.730727608,5.730727659,5.730727633,5.730727605,5.730727561,5.730727567,5.730727603,5.730727642,5.730727663,5.730727545,5.730727596,5.730727574,5.73072765,5.730727628,5.730727561,5.730727542,5.730727564,5.730727638,5.73072752,5.730727637
+"12144","PLD3",7.828063324,7.828063352,7.828063301,7.828063262,7.828063294,7.828063276,7.828063237,7.828063224,7.828063263,7.828063306,7.828063345,7.828063255,7.828063278,7.828063244,7.828063252,7.82806327,7.828063261,7.828063174,7.828063314,7.828063137,7.828063193,7.82806322,7.828063204,7.8280633,7.828063261,7.828063247,7.828063297,7.828063256
+"12145","PLD4",6.779356075,6.779356403,6.779356191,6.779356111,6.779356604,6.77935602,6.779356163,6.779356033,6.779356296,6.779356507,6.779356268,6.779356328,6.779356307,6.779356425,6.779355841,6.779356262,6.779356161,6.779356038,6.779356522,6.779356017,6.779356075,6.779356142,6.779355832,6.779356494,6.779356186,6.779356374,6.779356309,6.779356204
+"12146","PLD5",4.671534762,4.67153484,4.671534665,4.671534782,4.67153502,4.671534519,4.671534692,4.671534739,4.671534628,4.671534673,4.671534926,4.671534782,4.671534624,4.671534316,4.671534965,4.671534703,4.671534909,4.671534831,4.671534849,4.671534872,4.671534823,4.671534861,4.67153461,4.671534589,4.671534649,4.671534885,4.671534653,4.671534666
+"12147","PLD6",6.20808468,6.208084658,6.208084675,6.208084677,6.20808469,6.208084672,6.208084686,6.208084697,6.208084688,6.208084686,6.208084682,6.208084696,6.208084693,6.20808468,6.208084687,6.208084699,6.208084684,6.208084686,6.208084687,6.208084676,6.208084696,6.208084693,6.208084673,6.208084679,6.20808469,6.208084685,6.208084676,6.20808469
+"12148","PLEC",7.809590445,7.809590542,7.809590479,7.809590536,7.809590556,7.809590476,7.80959047,7.809590455,7.809590579,7.809590605,7.809590537,7.809590521,7.809590552,7.809590608,7.809590412,7.809590495,7.809590426,7.809590531,7.809590501,7.809590421,7.80959043,7.80959049,7.809590518,7.809590563,7.809590491,7.809590569,7.809590594,7.809590556
+"12149","PLEK",9.134537173,9.157008112,9.015461764,9.150575531,8.99694232,9.172937073,9.083603942,9.032039851,9.005874625,9.081313696,9.054118254,8.880466336,9.044860461,9.081040546,9.127353688,9.176682779,8.992860611,9.123737428,9.086566849,9.261633321,9.154063098,9.049360632,9.095472409,9.173532835,9.126375573,9.020773202,9.056791073,9.01085315
+"12150","PLEK2",7.424792424,7.424791736,7.424792947,7.424791845,7.424792409,7.424792782,7.424793062,7.424794098,7.42479263,7.424792776,7.424792785,7.424793757,7.42479202,7.424790562,7.424792208,7.424791343,7.424792946,7.424792406,7.42479185,7.424792888,7.424792589,7.424793761,7.424792806,7.424793011,7.424792897,7.42479367,7.424792139,7.424791311
+"12151","PLEKHA1",6.979894094,6.979892797,6.979892169,6.979891341,6.97989159,6.979890597,6.979891542,6.979892087,6.979892744,6.979892758,6.979891034,6.979891772,6.979892542,6.979894814,6.979893024,6.979891699,6.979891167,6.979891849,6.97989267,6.979890406,6.979891595,6.979892014,6.979893053,6.979892517,6.979891016,6.979892268,6.979892843,6.979893843
+"12152","PLEKHA2",8.455683855,8.455684049,8.455682788,8.455684039,8.455683544,8.455684116,8.455683655,8.455683331,8.455683342,8.455683866,8.455683732,8.455682732,8.455683539,8.455684259,8.455683571,8.455683698,8.455682626,8.455683532,8.455683879,8.455683638,8.45568322,8.455683258,8.45568357,8.455684049,8.455683626,8.455683133,8.455683582,8.455683982
+"12153","PLEKHA3",5.360466099,5.360466016,5.360466066,5.36046608,5.360466036,5.360465877,5.36046597,5.360465899,5.360465823,5.360465979,5.360465903,5.360465847,5.360466045,5.360466306,5.360466061,5.360466041,5.360466007,5.360465967,5.360466056,5.36046586,5.360465956,5.36046597,5.360466021,5.360466237,5.360465893,5.360465932,5.360465982,5.360466102
+"12154","PLEKHA4",5.819824075,5.819824119,5.819824253,5.819824115,5.819824338,5.819823882,5.819824304,5.819824366,5.819824104,5.819824184,5.819824283,5.819824449,5.819824206,5.819823878,5.819824377,5.819824122,5.819824422,5.819824386,5.819824346,5.819824285,5.819824478,5.819824419,5.819824035,5.819824089,5.819824219,5.819824394,5.819824113,5.819824178
+"12155","PLEKHA5",4.22149781,4.221497143,4.221497453,4.221497346,4.221497381,4.22149756,4.221497523,4.221497622,4.22149735,4.221497356,4.221497528,4.221497457,4.221497417,4.221497716,4.221497737,4.221497094,4.221497219,4.221497276,4.221497355,4.221497376,4.221497534,4.221497875,4.221497601,4.221497356,4.221496985,4.221497426,4.22149765,4.22149761
+"12156","PLEKHA6",5.594083927,5.594084018,5.594084069,5.594084058,5.594084141,5.594084082,5.594084037,5.594084059,5.594083974,5.594084073,5.594084067,5.594084038,5.594084054,5.594083966,5.594084139,5.59408417,5.594084201,5.594084213,5.594084096,5.594084143,5.594084075,5.59408412,5.594083981,5.594084067,5.594084177,5.594084137,5.594083956,5.59408403
+"12157","PLEKHA7",5.11621986,5.116219871,5.116219823,5.116219823,5.116219904,5.116219828,5.116219863,5.116219846,5.116219873,5.116219864,5.116219882,5.116219831,5.116219856,5.116219826,5.116219863,5.116219865,5.116219833,5.116219837,5.116219852,5.11621984,5.116219859,5.116219848,5.116219839,5.116219869,5.116219828,5.11621985,5.116219843,5.116219835
+"12158","PLEKHA8",6.498252882,6.498252833,6.49825305,6.498252747,6.498252803,6.498252373,6.498252693,6.498252944,6.498253056,6.498252595,6.498252791,6.498252618,6.498252916,6.498253356,6.49825262,6.498253013,6.498252708,6.498252819,6.498252788,6.498252214,6.498252432,6.498253035,6.498252684,6.498252779,6.498253051,6.498252495,6.498252838,6.498252852
+"12159","PLEKHA8P1",6.404291248,6.404291469,6.404290988,6.404291443,6.404291396,6.40429134,6.404291361,6.404291241,6.40429109,6.404291158,6.404291514,6.404291027,6.404291199,6.404291325,6.404291235,6.404291718,6.404291285,6.404291312,6.404291619,6.404290291,6.404290726,6.40429131,6.40429136,6.40429099,6.40429151,6.404291594,6.40429174,6.404291353
+"12160","PLEKHB1",6.192107569,6.192107411,6.192107416,6.192107484,6.192107408,6.192107374,6.192107427,6.192107562,6.192107877,6.192107747,6.192107155,6.192107585,6.192107609,6.192107853,6.192107475,6.192107408,6.192107494,6.192107503,6.192107282,6.192107437,6.192107146,6.192107495,6.192107584,6.192107589,6.192107292,6.19210757,6.192107585,6.192107723
+"12161","PLEKHB2",8.792664771,8.794383458,8.792563714,8.792764238,8.792406379,8.792784265,8.791779543,8.792609043,8.792225085,8.792957613,8.79172059,8.790522145,8.792538943,8.793918996,8.79247034,8.794042608,8.792379318,8.792373708,8.792608069,8.793436736,8.791507719,8.792221699,8.792395655,8.79328131,8.792171372,8.791591059,8.792205726,8.793144033
+"12162","PLEKHD1",4.613922359,4.613922361,4.613922362,4.613922358,4.613922373,4.613922363,4.613922355,4.613922375,4.613922372,4.613922377,4.613922377,4.613922376,4.613922366,4.613922345,4.613922366,4.613922372,4.613922384,4.613922366,4.613922352,4.613922375,4.613922378,4.613922378,4.613922348,4.613922376,4.613922376,4.613922375,4.613922361,4.613922374
+"12163","PLEKHF1",6.909421336,6.909420918,6.909421493,6.909420996,6.909421296,6.909421846,6.909421401,6.909421425,6.909421385,6.909421335,6.909421471,6.909421431,6.909421373,6.909421073,6.909421371,6.909421,6.909421322,6.909421153,6.909421193,6.90942143,6.909421047,6.909421531,6.909421395,6.909421163,6.909421313,6.909421313,6.90942145,6.909421169
+"12164","PLEKHF2",5.884775149,5.884774798,5.884774001,5.88477411,5.884773268,5.884773235,5.884773702,5.884772526,5.884773335,5.884773966,5.884773585,5.884772197,5.884774388,5.884776032,5.884774044,5.884773943,5.884773546,5.884773883,5.884774209,5.884773247,5.884774062,5.884773276,5.884773983,5.884773993,5.884773721,5.884772858,5.884773377,5.884775749
+"12165","PLEKHG1",5.025869288,5.025869062,5.025868948,5.025869131,5.025869127,5.025869207,5.025869281,5.025868992,5.025869062,5.025869218,5.025869093,5.025869129,5.025869153,5.025869336,5.025869199,5.025868986,5.02586901,5.025869221,5.025869124,5.025869155,5.025869259,5.025869149,5.025869129,5.025869191,5.025869057,5.025869184,5.025869161,5.025869304
+"12166","PLEKHG2",6.379024692,6.379024701,6.379024674,6.379024696,6.379024762,6.379024813,6.37902479,6.37902474,6.379024777,6.379024762,6.379024661,6.379024817,6.379024696,6.379024775,6.37902478,6.379024609,6.379024718,6.379024712,6.379024679,6.37902475,6.379024754,6.379024752,6.37902472,6.379024675,6.379024728,6.379024732,6.37902474,6.37902472
+"12167","PLEKHG3",7.21955777,7.219558014,7.219557757,7.219557991,7.219557541,7.219557911,7.219557637,7.219557895,7.219557447,7.219557561,7.219557814,7.219557665,7.21955778,7.219557708,7.2195578,7.219558033,7.219557616,7.219558082,7.219557844,7.219558007,7.219557767,7.219557823,7.219557823,7.219557724,7.219557981,7.219557787,7.219557812,7.219557727
+"12168","PLEKHG4",5.003690853,5.003690865,5.003690899,5.003690833,5.003690977,5.003690924,5.003690902,5.003690978,5.003690891,5.00369086,5.003690865,5.003690961,5.003690894,5.003690796,5.003690906,5.003690879,5.00369092,5.003690898,5.003690924,5.003690913,5.003690912,5.003690913,5.003690893,5.003690834,5.003690897,5.003690902,5.003690906,5.003690911
+"12169","PLEKHG4B",5.275530244,5.275530202,5.27553028,5.275530343,5.275530271,5.275530204,5.2755302,5.275530315,5.275530131,5.275530254,5.275530321,5.27553028,5.275530269,5.275530174,5.275530218,5.275530246,5.275530354,5.275530315,5.275530192,5.275530313,5.275530247,5.275530185,5.275530217,5.275530131,5.275530264,5.275530276,5.275530188,5.275530135
+"12170","PLEKHG6",5.164035516,5.164035588,5.164035675,5.164035614,5.164035605,5.1640356,5.164035597,5.164035666,5.164035612,5.164035603,5.16403563,5.164035632,5.164035594,5.164035577,5.164035598,5.16403562,5.164035633,5.164035628,5.164035589,5.164035616,5.164035612,5.164035638,5.164035539,5.16403557,5.164035617,5.164035569,5.164035602,5.164035529
+"12171","PLEKHG7",3.7993429685,3.799343059,3.799343,3.799343035,3.799343262,3.7993432695,3.7993432455,3.799343256,3.7993432435,3.799343045,3.799343233,3.799343151,3.799343187,3.799343042,3.7993430875,3.7993430625,3.7993433985,3.799343318,3.799343055,3.799343137,3.799343266,3.799343167,3.7993429435,3.799343146,3.799343115,3.799343325,3.7993430295,3.7993431675
+"12172","PLEKHH1",4.638107919,4.638107874,4.63810793,4.638107937,4.638108009,4.638107909,4.638107992,4.638108009,4.638107926,4.638107984,4.638107992,4.638108029,4.63810798,4.638107915,4.638108038,4.638107926,4.638108049,4.638107986,4.638107967,4.638107957,4.638108034,4.638108026,4.638107984,4.638107908,4.638107935,4.638107996,4.638107951,4.638107978
+"12173","PLEKHH2",3.352633601,3.352633562,3.352633568,3.352633673,3.35263365,3.352633632,3.35263359,3.352633624,3.352633622,3.352633713,3.352633609,3.352633746,3.352633665,3.352633554,3.352633575,3.352633644,3.352633648,3.35263363,3.352633694,3.352633603,3.352633645,3.352633587,3.352633754,3.352633628,3.352633645,3.352633631,3.352633594,3.352633655
+"12174","PLEKHH3",5.627707432,5.627707407,5.627707483,5.62770742,5.627707523,5.627707452,5.627707473,5.627707459,5.627707426,5.627707441,5.627707487,5.627707503,5.627707418,5.627707327,5.627707468,5.627707432,5.627707524,5.627707415,5.627707454,5.627707494,5.627707472,5.627707483,5.627707367,5.627707422,5.627707448,5.627707503,5.627707444,5.627707417
+"12175","PLEKHJ1",7.640913802,7.640913811,7.640913821,7.640913801,7.640913826,7.640913795,7.64091381,7.640913817,7.640913821,7.640913808,7.640913818,7.64091382,7.64091382,7.640913801,7.640913811,7.640913834,7.640913825,7.640913823,7.640913806,7.640913793,7.640913825,7.640913819,7.640913805,7.640913808,7.640913819,7.640913826,7.640913801,7.640913823
+"12176","PLEKHM1",7.460987155,7.460987659,7.460987333,7.460987679,7.460986786,7.460987559,7.46098698,7.460987248,7.460986784,7.460987231,7.460987413,7.460987082,7.460987137,7.460986477,7.46098721,7.460987407,7.460987448,7.460987463,7.460987235,7.460987599,7.460986685,7.460986997,7.460987205,7.460987277,7.460987515,7.460986818,7.460987181,7.46098618
+"12177","PLEKHM2",7.47555919,7.475559184,7.475559191,7.475559205,7.475559155,7.47555938,7.475559184,7.475559168,7.475559125,7.475559242,7.47555913,7.47555914,7.47555917,7.475559158,7.475559117,7.475559131,7.475559094,7.475559136,7.475559167,7.475559285,7.475559098,7.475559181,7.475559195,7.475559175,7.475559154,7.475559141,7.47555918,7.475559091
+"12178","PLEKHM3",6.663693097,6.6636930755,6.663693054,6.663693118,6.66369304,6.663693067,6.663693095,6.663693061,6.6636930525,6.663693054,6.6636930655,6.6636930435,6.663693043,6.663693073,6.663693106,6.66369306,6.6636930325,6.6636930735,6.6636930875,6.663693066,6.663693075,6.663693059,6.663693071,6.663693106,6.6636930895,6.6636930615,6.6636930455,6.663693056
+"12179","PLEKHN1",6.462342511,6.462342593,6.462342706,6.46234261,6.46234277,6.462342693,6.462342604,6.462342674,6.462342695,6.462342608,6.462342799,6.462342787,6.462342634,6.462342297,6.462342791,6.462342639,6.462342794,6.462342771,6.462342623,6.462342725,6.462342653,6.462342827,6.462342465,6.462342536,6.462342684,6.462342549,6.462342558,6.462342581
+"12180","PLEKHO1",7.278433037,7.278433116,7.278432805,7.278433077,7.278432514,7.278433829,7.278432712,7.27843276,7.278432561,7.278432916,7.278432902,7.278432355,7.278433053,7.278433082,7.278432779,7.278433179,7.278432337,7.278432798,7.27843281,7.27843384,7.278432853,7.278432902,7.278432551,7.27843285,7.278432933,7.278432678,7.278433002,7.278432658
+"12181","PLEKHO2",8.412921219,8.412922765,8.412921296,8.41292241,8.412920974,8.412922314,8.412921286,8.412922122,8.41292113,8.412921253,8.412921751,8.412920228,8.412921371,8.412921111,8.41292176,8.412922651,8.412920976,8.412922221,8.412921023,8.412922368,8.412921373,8.412921897,8.412921506,8.412922056,8.412922275,8.412921068,8.412921622,8.412920836
+"12182","PLEKHS1",3.51977703,3.51977705,3.51977705,3.51977694,3.519776936,3.519776866,3.519777001,3.519777253,3.519777009,3.519776854,3.51977733,3.519777245,3.519777275,3.519776839,3.519777052,3.519777091,3.519777149,3.519776896,3.519776775,3.519777084,3.519777028,3.519777307,3.519776876,3.519777034,3.519776894,3.519777127,3.519777071,3.519776875
+"12183","PLET1",3.70885047,3.708850491,3.70885051,3.70885054,3.708850581,3.708850551,3.708850493,3.70885048,3.708850485,3.708850495,3.708850514,3.708850504,3.708850592,3.708850477,3.708850513,3.708850578,3.708850554,3.708850453,3.708850478,3.708850535,3.708850535,3.708850538,3.708850578,3.708850447,3.7088505,3.708850565,3.708850501,3.708850501
+"12184","PLG",4.535559882,4.535559862,4.535559897,4.535559914,4.535560029,4.535560052,4.535559908,4.535560057,4.535559988,4.535560022,4.535560037,4.53556006,4.535559985,4.535559891,4.535560042,4.535559931,4.535560047,4.53556002,4.535559947,4.535560078,4.535560042,4.53555995,4.535559903,4.535559976,4.535559945,4.535559929,4.535559958,4.535560019
+"12185","PLGRKT",3.874595591,3.874595715,3.874595445,3.874595494,3.874595283,3.874595678,3.874595553,3.874595643,3.874595549,3.874595543,3.874595367,3.874595325,3.874595443,3.874595608,3.874595461,3.874595417,3.874595389,3.87459542,3.874595694,3.874595781,3.874595448,3.87459546,3.8745957,3.874595686,3.874595371,3.874595425,3.874595317,3.874595321
+"12186","PLIN1",5.598170655,5.598170481,5.598170737,5.598170557,5.598170826,5.598170765,5.598170792,5.598170751,5.598170716,5.598170746,5.598170838,5.598171084,5.598170685,5.598170375,5.598170939,5.598170624,5.598170939,5.598170805,5.598170664,5.598170742,5.598170845,5.598170814,5.598170624,5.598170433,5.598170656,5.598170756,5.598170706,5.598170764
+"12187","PLIN2",6.374844296,6.374844224,6.374844155,6.374844236,6.374844349,6.374844258,6.374844284,6.374844175,6.374844266,6.374844269,6.374844239,6.374844116,6.374844323,6.374844329,6.374844246,6.374844275,6.374844192,6.37484418,6.374844432,6.374844197,6.374844166,6.374844156,6.374844255,6.374844301,6.37484441,6.374844133,6.374844253,6.37484437
+"12188","PLIN3",7.518897119,7.518897745,7.518896765,7.518897767,7.518896477,7.518897622,7.518896591,7.518896877,7.518896756,7.518896748,7.518897026,7.518895944,7.518896509,7.518896617,7.518896717,7.518897571,7.518896619,7.518897455,7.518896859,7.518897605,7.518896561,7.51889659,7.518896739,7.518897191,7.518896976,7.518896399,7.518896819,7.518896121
+"12189","PLIN4",5.702195282,5.702195335,5.702195384,5.702195472,5.702195386,5.702195379,5.702195461,5.702195453,5.70219542,5.702195342,5.702195408,5.702195404,5.702195427,5.702195236,5.702195442,5.702195457,5.702195429,5.702195403,5.702195317,5.702195403,5.702195488,5.702195442,5.702195301,5.702195363,5.70219544,5.702195459,5.702195364,5.702195275
+"12190","PLK1",5.336635231,5.336635354,5.336635312,5.336635261,5.336635346,5.33663539,5.336635684,5.336635232,5.336635434,5.33663527,5.336635262,5.33663523,5.336635436,5.33663506,5.336635298,5.336635121,5.336635279,5.336635373,5.336635245,5.33663515,5.3366356,5.336635245,5.336635422,5.336635169,5.336635312,5.336635291,5.336635327,5.33663525
+"12191","PLK2",3.244345997,3.244346007,3.244346018,3.244346029,3.244345993,3.244346001,3.244346016,3.244346,3.24434601,3.244346002,3.244346004,3.244346017,3.244345984,3.244345996,3.244345979,3.244346034,3.244345991,3.244345983,3.244345989,3.244346007,3.244345993,3.244345993,3.244346017,3.244346002,3.244345994,3.244345996,3.244346008,3.24434601
+"12192","PLK3",6.745939,6.745939191,6.745938915,6.745939287,6.745938822,6.745939036,6.745938909,6.745939044,6.745939053,6.745938887,6.745938759,6.745938876,6.745938983,6.745938944,6.74593889,6.745939105,6.745938991,6.745939181,6.745938877,6.745938791,6.745938656,6.745938841,6.745938914,6.745938902,6.745938864,6.7459388,6.745939149,6.745938865
+"12193","PLK4",3.218623123,3.218622969,3.218622957,3.218623002,3.218622968,3.218622983,3.218623191,3.218623038,3.218623096,3.218623122,3.21862297,3.21862298,3.218623156,3.218623247,3.218623001,3.218623002,3.218623005,3.218622963,3.218622895,3.218622985,3.218623111,3.21862295,3.21862312,3.218623011,3.218622967,3.218622982,3.218623017,3.21862305
+"12194","PLK5",6.66732478,6.66732494,6.66732511,6.667324897,6.66732553,6.66732469,6.667325119,6.667325392,6.667325075,6.667325182,6.667325256,6.667325599,6.667325183,6.667324644,6.667325443,6.667325225,6.667325614,6.667325361,6.667325063,6.667325094,6.667325306,6.66732556,6.667324914,6.667324811,6.66732517,6.667325453,6.667325033,6.667325241
+"12195","PLLP",6.453291354,6.453291416,6.45329134,6.453291405,6.453291441,6.453291361,6.453291347,6.453291434,6.45329143,6.45329138,6.453291406,6.453291447,6.453291407,6.453291376,6.453291381,6.453291414,6.453291391,6.453291443,6.453291349,6.4532914,6.453291374,6.453291432,6.45329136,6.453291389,6.453291369,6.453291362,6.453291403,6.453291398
+"12196","PLN",2.932164373,2.932164399,2.932164435,2.932164416,2.932164464,2.932164535,2.932164432,2.932164392,2.932164504,2.93216444,2.932164525,2.932164448,2.932164362,2.932164441,2.932164357,2.932164361,2.932164501,2.932164433,2.932164408,2.932164451,2.932164312,2.932164404,2.932164411,2.932164385,2.932164375,2.932164468,2.9321645,2.932164469
+"12197","PLOD1",6.767418347,6.767418503,6.767418446,6.76741854,6.767418365,6.767418434,6.767418401,6.767418414,6.767418241,6.767418351,6.767418461,6.767418215,6.767418334,6.76741836,6.767418435,6.767418556,6.767418427,6.767418397,6.767418436,6.767418491,6.767418387,6.767418415,6.767418307,6.767418525,6.767418476,6.767418325,6.767418384,6.767418372
+"12198","PLOD2",3.186663758,3.18666392,3.186663827,3.186664032,3.186663761,3.186663743,3.186663784,3.186663746,3.186663834,3.186663889,3.186663912,3.186663792,3.186663781,3.186663758,3.186663768,3.18666385,3.18666376,3.186663886,3.186663752,3.186663771,3.186663766,3.186663812,3.186663828,3.186663805,3.18666387,3.186663778,3.186663701,3.186663768
+"12199","PLOD3",6.604052266,6.604052337,6.604052188,6.604052262,6.604052236,6.604052449,6.604052188,6.604052238,6.604052261,6.604052271,6.604052296,6.604052173,6.604052276,6.604052332,6.604052144,6.604052285,6.604052192,6.604052212,6.604052224,6.604052172,6.604052132,6.604052199,6.604052166,6.604052267,6.604052093,6.604052107,6.604052387,6.604052139
+"12200","PLP1",4.513593915,4.513593935,4.513594011,4.513594,4.513594029,4.513593931,4.513593952,4.513593974,4.513593952,4.51359392,4.513593937,4.513593973,4.513593948,4.513593893,4.513593991,4.513594021,4.513593992,4.51359399,4.513593934,4.51359396,4.513593999,4.513593994,4.513593876,4.513593968,4.51359391,4.513593982,4.513593894,4.513593964
+"12201","PLP2",9.213385868,9.213386521,9.213385904,9.213386019,9.213385428,9.213386246,9.213385594,9.213385351,9.213386148,9.21338672,9.213385578,9.213385445,9.213385714,9.213386009,9.21338546,9.213386243,9.213385597,9.213385605,9.21338601,9.213386757,9.213385397,9.21338568,9.213386206,9.213386686,9.213385588,9.213385453,9.21338584,9.213385669
+"12202","PLPBP",7.156288571,7.156289093,7.156288521,7.156288519,7.156288357,7.156288842,7.156288346,7.156288529,7.156288794,7.156288626,7.156288435,7.15628826,7.156288757,7.156289022,7.156288368,7.156288832,7.15628817,7.156288463,7.156288282,7.156288859,7.156288419,7.156288436,7.156288706,7.15628904,7.156288431,7.156288505,7.156288677,7.156288723
+"12203","PLPP1",4.468524274,4.468524185,4.468524053,4.468524157,4.468524264,4.468524199,4.468524115,4.468524108,4.468524399,4.468524237,4.468524031,4.468524308,4.468524285,4.468524442,4.468524126,4.46852414,4.468523951,4.468524007,4.468524311,4.468524201,4.468524057,4.468524092,4.468524294,4.468524138,4.468523999,4.468524083,4.468524265,4.468524341
+"12204","PLPP2",6.62112612,6.62112647,6.621126801,6.621126517,6.621126883,6.621125979,6.621126421,6.621126927,6.621126484,6.621126574,6.621126826,6.621126948,6.621126698,6.621125738,6.621126683,6.621126869,6.621127162,6.6211268,6.621126507,6.621126325,6.621126699,6.621126911,6.621126346,6.621126305,6.621127186,6.621126613,6.621126451,6.621126826
+"12205","PLPP3",5.713497933,5.713497871,5.71349804,5.713497947,5.713498157,5.713497911,5.713498067,5.713498076,5.713497943,5.71349797,5.713498084,5.713498127,5.713497984,5.713497846,5.713498072,5.713498013,5.713498089,5.713498088,5.713498012,5.713497985,5.713498126,5.713498047,5.713497936,5.713497939,5.713497953,5.713498113,5.713497964,5.713498044
+"12206","PLPP4",4.729418968,4.729419021,4.729419011,4.729419047,4.729419054,4.729418994,4.729419012,4.729419043,4.729419034,4.729419043,4.729419007,4.729419013,4.729419029,4.729418963,4.729419023,4.729419052,4.729419044,4.729419052,4.729419008,4.729419015,4.729419,4.729419022,4.729419029,4.729419003,4.729419049,4.729419021,4.729419037,4.729419041
+"12207","PLPP5",6.546762883,6.546761483,6.54676121,6.546761759,6.546761687,6.546761844,6.546762039,6.546761127,6.546761516,6.54676219,6.546761323,6.546761535,6.546761399,6.546762427,6.546762305,6.546761336,6.546761077,6.546761737,6.546762039,6.546761221,6.546761697,6.546761608,6.5467616,6.546762185,6.5467611,6.546761807,6.546761263,6.546762481
+"12208","PLPP6",5.325289836,5.325289916,5.325289781,5.325289795,5.325289829,5.325289837,5.3252898,5.325289867,5.32528992,5.32528983,5.325289732,5.325289771,5.325289889,5.325290007,5.325289765,5.325289787,5.325289702,5.325289784,5.325289788,5.325289831,5.325289741,5.325289776,5.325289907,5.325289853,5.325289846,5.325289892,5.325289821,5.325289914
+"12209","PLPP7",6.210572993,6.210572981,6.210572998,6.210572977,6.210573044,6.210572979,6.210572989,6.210573039,6.210572962,6.210573004,6.210573012,6.210573026,6.210572995,6.210572953,6.210573033,6.210573034,6.210573042,6.210573017,6.21057299,6.210573032,6.210573004,6.210573016,6.210572971,6.210572953,6.210573015,6.210573029,6.210572965,6.210573018
+"12210","PLPPR1",4.58314752,4.583147527,4.583147525,4.583147523,4.583147529,4.583147529,4.583147534,4.583147523,4.583147532,4.583147544,4.583147529,4.58314754,4.583147523,4.583147506,4.583147532,4.583147524,4.583147532,4.58314753,4.58314752,4.583147535,4.583147538,4.583147535,4.583147526,4.58314752,4.583147517,4.583147528,4.583147522,4.583147513
+"12211","PLPPR2",7.628197978,7.628198586,7.62819832,7.628199226,7.628197797,7.628198396,7.628198406,7.628198422,7.62819806,7.628198116,7.628198364,7.628197965,7.628198256,7.628198069,7.628198267,7.628198606,7.628198362,7.628199084,7.628198285,7.628198143,7.628198303,7.628198539,7.628198271,7.628198555,7.628198616,7.628198217,7.628198304,7.62819774
+"12212","PLPPR3",6.008295671,6.008295648,6.008295833,6.008295795,6.008296096,6.00829569,6.008295878,6.008296021,6.008295719,6.008295728,6.008295915,6.008295909,6.008295831,6.008295443,6.008295988,6.008295862,6.008296062,6.008296004,6.008295809,6.008295939,6.008295947,6.008295939,6.008295628,6.008295581,6.008295969,6.008295784,6.008295854,6.008295792
+"12213","PLPPR4",4.056827859,4.056827939,4.056827912,4.056827772,4.056827974,4.056828029,4.056827926,4.056827985,4.056827938,4.056827934,4.056827857,4.05682792,4.056827841,4.056827818,4.05682802,4.056827988,4.056828074,4.056827867,4.056827881,4.05682789,4.056827999,4.056828001,4.056827994,4.056827894,4.056827887,4.056827966,4.05682789,4.056827841
+"12214","PLPPR5",3.732501705,3.732501748,3.732501727,3.732501662,3.732501837,3.732501715,3.732501695,3.732501746,3.732501674,3.732501803,3.732501899,3.732501948,3.732501704,3.732501598,3.732501791,3.732501825,3.732501884,3.732501779,3.732501758,3.732501678,3.732501761,3.732501739,3.732501774,3.732501678,3.73250176,3.732501838,3.732501721,3.732501738
+"12215","PLRG1",6.842047777,6.842047085,6.842046467,6.842045958,6.842046222,6.842045932,6.842046429,6.842045726,6.84204713,6.842046965,6.842045156,6.84204561,6.842046477,6.842049589,6.842046537,6.842046659,6.842046013,6.842044523,6.842046943,6.84204601,6.842046649,6.842046476,6.842047057,6.84204673,6.842046009,6.842046254,6.842046722,6.842048435
+"12216","PLS1",3.915633354,3.915633385,3.915633373,3.915633364,3.915633394,3.915633384,3.915633364,3.915633362,3.915633359,3.915633366,3.915633382,3.915633362,3.915633375,3.915633402,3.915633379,3.915633411,3.91563335,3.915633385,3.915633382,3.915633407,3.915633365,3.915633388,3.915633367,3.915633393,3.915633367,3.915633407,3.915633343,3.915633373
+"12217","PLS3",3.347253071,3.347253075,3.347253064,3.34725306,3.347253103,3.347253094,3.347253103,3.347253074,3.347253075,3.347253066,3.347253072,3.347253094,3.347253067,3.347253061,3.347253085,3.347253096,3.347253106,3.347253071,3.347253103,3.347253097,3.347253084,3.347253082,3.347253087,3.347253079,3.347253076,3.347253059,3.347253074,3.347253088
+"12218","PLSCR1",6.488949555,6.488938085,6.488825774,6.48891246,6.488951725,6.48907123,6.488874821,6.488851396,6.488870691,6.488831385,6.488882416,6.488664529,6.48882459,6.488853262,6.488907502,6.488907917,6.488860185,6.488892695,6.488981638,6.489091443,6.488866358,6.488854025,6.488940769,6.488917977,6.488885106,6.488787912,6.488789614,6.488789993
+"12219","PLSCR2",3.872231196,3.872231204,3.872231191,3.872231149,3.872231219,3.872231218,3.872231173,3.872231184,3.872231159,3.872231163,3.872231184,3.872231184,3.872231142,3.872231167,3.872231187,3.872231231,3.872231185,3.872231167,3.872231223,3.872231236,3.872231181,3.872231186,3.872231156,3.872231169,3.87223125,3.872231164,3.872231163,3.872231161
+"12220","PLSCR4",3.697726478,3.697726549,3.69772657,3.697726594,3.697726502,3.69772662,3.697726524,3.697726554,3.697726515,3.697726585,3.697726515,3.697726526,3.697726535,3.697726494,3.697726553,3.697726492,3.697726601,3.697726569,3.697726531,3.697726571,3.697726556,3.697726496,3.69772658,3.697726484,3.697726553,3.697726586,3.697726516,3.697726557
+"12221","PLTP",5.221225005,5.221225027,5.221225061,5.221225001,5.221225061,5.221225022,5.221225074,5.221225064,5.221224953,5.221225093,5.221225076,5.22122509,5.221224983,5.221224952,5.221225044,5.221224979,5.221225026,5.221225099,5.221225031,5.221225001,5.221225076,5.221225074,5.221224911,5.221225049,5.221225065,5.22122506,5.221225011,5.221225003
+"12222","PLVAP",6.775144725,6.775144412,6.775145755,6.775144607,6.775145313,6.775145962,6.775145514,6.775145072,6.775144971,6.775145187,6.775145214,6.775145828,6.775144347,6.775144661,6.775144935,6.775144253,6.775145543,6.775144863,6.775144872,6.775145491,6.775145194,6.775145006,6.775144999,6.775144897,6.775144976,6.775145646,6.775144521,6.775145261
+"12223","PLXDC1",6.263791949,6.263791939,6.263791985,6.263791958,6.263791996,6.263791949,6.263791928,6.263792011,6.263792062,6.263792025,6.26379195,6.263792134,6.263792012,6.26379201,6.263792004,6.263791998,6.263791944,6.263791996,6.263792,6.263791921,6.263791989,6.263792076,6.263791988,6.263791926,6.263791962,6.263792094,6.263792029,6.263792015
+"12224","PLXDC2",8.134031481,8.13403324,8.134031036,8.134034248,8.134030966,8.134033331,8.134031846,8.134031346,8.134029311,8.134031203,8.134032778,8.134029754,8.134031497,8.134031842,8.134031387,8.134032698,8.134031637,8.134032821,8.134031746,8.134033462,8.134031375,8.134031059,8.134031299,8.134033347,8.13403335,8.134030931,8.134031624,8.13403098
+"12225","PLXNA1",5.45632434,5.456324254,5.456324361,5.456324358,5.456324438,5.456324344,5.45632434,5.45632429,5.456324422,5.456324417,5.456324302,5.456324484,5.456324378,5.456324214,5.45632449,5.456324265,5.456324324,5.456324414,5.456324392,5.456324276,5.456324408,5.456324447,5.456324217,5.456324372,5.456324371,5.456324485,5.456324305,5.456324414
+"12226","PLXNA2",4.840904844,4.840904855,4.84090488,4.840904871,4.840904872,4.840904864,4.840904876,4.840904859,4.840904834,4.840904878,4.840904881,4.840904872,4.840904866,4.840904839,4.840904885,4.840904895,4.840904884,4.840904875,4.840904878,4.84090486,4.840904877,4.840904857,4.840904843,4.840904877,4.840904886,4.840904849,4.840904867,4.84090485
+"12227","PLXNA3",5.666032035,5.666032014,5.666032071,5.666031853,5.666032133,5.666032106,5.666032059,5.66603205,5.666032086,5.666032037,5.666032024,5.666032133,5.666032023,5.666031987,5.666032104,5.666032043,5.666031974,5.666031946,5.666032038,5.666031978,5.666032106,5.666032148,5.666032005,5.666031953,5.666031924,5.666032127,5.666032066,5.666031933
+"12228","PLXNA4",5.154937921,5.154937954,5.154937963,5.154937947,5.154938011,5.154937962,5.154937911,5.154937934,5.154937937,5.154937967,5.154937954,5.154937974,5.154937985,5.154937905,5.154937919,5.154937962,5.15493795,5.154937919,5.154937978,5.154937962,5.15493792,5.15493794,5.154937944,5.154937951,5.154937955,5.154937965,5.154937957,5.15493795
+"12229","PLXNB1",4.959215162,4.959215146,4.959215176,4.959215157,4.959215222,4.959215176,4.9592152,4.9592152,4.959215165,4.959215181,4.959215186,4.959215229,4.959215173,4.959215131,4.959215241,4.959215157,4.959215223,4.959215206,4.9592152,4.959215205,4.959215244,4.959215228,4.959215165,4.95921514,4.959215178,4.959215199,4.959215167,4.959215169
+"12230","PLXNB2",7.211930034,7.21193004,7.211930147,7.211929949,7.211930265,7.211930366,7.211930041,7.211929885,7.211929638,7.211930387,7.211930234,7.211929763,7.211930282,7.211930091,7.211929969,7.211929819,7.211930104,7.211929905,7.211929873,7.21193036,7.211930004,7.211929949,7.211929575,7.211929998,7.211930124,7.211929759,7.211930348,7.211929816
+"12231","PLXNB3",5.693398971,5.693398975,5.693399076,5.693399049,5.693399131,5.693398959,5.693399071,5.693399072,5.693399019,5.69339895,5.693399139,5.693399074,5.693399031,5.693398856,5.693399116,5.693399078,5.693399093,5.693399145,5.693399036,5.693399021,5.693399111,5.693399059,5.693398998,5.693398968,5.693399089,5.693399076,5.693398991,5.693399037
+"12232","PLXNC1",9.468398703,9.726861581,9.221409172,9.922734384,9.250452885,9.474818725,9.536190643,9.131552086,9.304978081,9.391844866,9.505269857,8.939671273,9.415570822,9.294892544,9.461778017,9.612299012,9.258269385,9.720855968,9.506801752,9.607927774,9.528908589,9.055875228,9.612980711,9.699715563,9.618983544,9.132337117,9.290892235,9.052452223
+"12233","PLXND1",6.18986281,6.189862818,6.189862782,6.189862775,6.189862822,6.189862806,6.189862797,6.189862774,6.189862699,6.189862798,6.189862791,6.189862774,6.189862791,6.189862774,6.189862797,6.189862744,6.189862791,6.189862765,6.189862749,6.189862765,6.189862785,6.189862786,6.189862695,6.189862763,6.189862792,6.189862763,6.189862808,6.189862712
+"12234","PM20D1",5.12224281,5.122242781,5.122242829,5.122242773,5.122242833,5.122242756,5.122242726,5.122242856,5.1222428,5.122242808,5.122242821,5.122242877,5.122242772,5.122242771,5.122242836,5.122242838,5.122242863,5.122242888,5.122242769,5.122242831,5.122242814,5.122242846,5.122242756,5.122242851,5.12224282,5.122242792,5.122242765,5.12224288
+"12235","PM20D2",6.310709884,6.310709624,6.310708943,6.310709609,6.310709077,6.310708999,6.310709456,6.310709182,6.310709438,6.310709145,6.31070895,6.310708793,6.310709475,6.310710043,6.310709433,6.31070949,6.310708897,6.310709301,6.310709517,6.310708922,6.310709406,6.310709092,6.310709744,6.310709275,6.310709177,6.310709334,6.310709484,6.310709432
+"12236","PMAIP1",5.07276494,5.072764953,5.072764964,5.072764949,5.072764946,5.072764938,5.072764967,5.072764947,5.07276492,5.072764942,5.072764964,5.072764934,5.072764942,5.072764954,5.072764954,5.072764951,5.072764976,5.072764972,5.072764971,5.072764958,5.072764968,5.072764971,5.07276495,5.072764954,5.072764964,5.072764941,5.072764931,5.07276498
+"12237","PMCH",2.493173314,2.493173328,2.493173359,2.49317336,2.493173333,2.493173371,2.493173314,2.493173363,2.493173352,2.493173349,2.493173325,2.493173338,2.493173324,2.493173335,2.493173336,2.493173352,2.493173352,2.493173354,2.493173332,2.493173344,2.49317332,2.493173311,2.49317334,2.493173332,2.493173356,2.493173319,2.493173327,2.493173332
+"12238","PMCHL1",2.314738638,2.314738627,2.314738704,2.314738905,2.314738557,2.314738741,2.314738686,2.314738696,2.314738501,2.314738786,2.314738749,2.314739244,2.31473843,2.314738546,2.314738799,2.314738794,2.314739065,2.314738736,2.314738892,2.314738704,2.314738509,2.314738623,2.314738558,2.314738458,2.314738517,2.314738302,2.314738566,2.314738678
+"12239","PMEL",4.333914878,4.333914566,4.333915051,4.333915021,4.333915317,4.333914771,4.333915091,4.333915206,4.333914876,4.333914831,4.333915206,4.333915448,4.333914848,4.333914591,4.333915129,4.333914987,4.333915345,4.333915204,4.333915056,4.333914874,4.333915172,4.333915334,4.33391483,4.333914881,4.333915202,4.333914887,4.333914703,4.333915027
+"12240","PMEPA1",4.919986225,4.919986196,4.919986228,4.919986179,4.919986338,4.919986203,4.919986221,4.919986278,4.919986202,4.919986183,4.91998619,4.91998639,4.919986193,4.919986202,4.919986322,4.919986225,4.919986347,4.91998628,4.919986259,4.919986315,4.919986303,4.919986274,4.919986172,4.91998619,4.919986137,4.919986313,4.919986161,4.919986305
+"12241","PMFBP1",3.632181605,3.63218163,3.632181586,3.632181687,3.632181682,3.632181636,3.63218172,3.63218168,3.632181658,3.63218171,3.632181651,3.632181702,3.632181658,3.632181639,3.632181641,3.632181683,3.632181663,3.632181708,3.6321817,3.632181685,3.632181726,3.632181679,3.632181691,3.632181688,3.632181681,3.632181644,3.632181616,3.632181703
+"12242","PML",6.76640158,6.766401776,6.766401586,6.766401786,6.766401945,6.766402872,6.76640165,6.766401632,6.766401783,6.766401882,6.766401737,6.766401574,6.766401798,6.766401547,6.766401551,6.76640158,6.766401497,6.766401646,6.766401764,6.766402546,6.766401624,6.766401827,6.766401757,6.766401694,6.766401696,6.766401469,6.766401922,6.766401607
+"12243","PMM1",5.64892108,5.648921121,5.648921148,5.648921122,5.648921116,5.648921078,5.648921142,5.648921181,5.648921131,5.648921088,5.648921145,5.64892113,5.648921142,5.648921121,5.648921101,5.6489211,5.648921069,5.648921097,5.648921109,5.648921061,5.648921117,5.648921144,5.648921076,5.648921148,5.648921134,5.648921135,5.64892111,5.648921124
+"12244","PMM2",6.157107312,6.157107271,6.157107225,6.157107267,6.157107242,6.157107262,6.157107255,6.157107295,6.157107298,6.157107265,6.15710722,6.157107272,6.157107312,6.157107298,6.157107242,6.157107232,6.15710723,6.157107209,6.157107232,6.157107189,6.15710727,6.157107255,6.157107289,6.157107235,6.157107241,6.15710729,6.157107302,6.157107267
+"12245","PMP2",3.416196411,3.416196508,3.416196441,3.416196506,3.416196482,3.416196519,3.416196397,3.416196572,3.416196586,3.416196485,3.416196446,3.416196474,3.416196425,3.416196408,3.416196483,3.416196614,3.416196469,3.416196467,3.41619645,3.416196445,3.4161965,3.416196546,3.41619647,3.416196433,3.416196573,3.416196405,3.416196467,3.416196393
+"12246","PMP22",5.336473489,5.33647363,5.33647359,5.336473558,5.336473764,5.336473584,5.336473492,5.336473513,5.336473689,5.336473621,5.33647367,5.336473658,5.336473569,5.336473624,5.336473494,5.336473637,5.336473466,5.336473473,5.336473686,5.336473639,5.336473549,5.336473571,5.336473534,5.336473685,5.336473722,5.336473646,5.336473568,5.33647368
+"12247","PMPCA",6.870569365,6.870569159,6.870569167,6.870569151,6.870569113,6.870569233,6.870569236,6.870569153,6.870569275,6.870569284,6.870569127,6.870569089,6.870569261,6.870569433,6.87056918,6.870569194,6.870569045,6.870569096,6.870569244,6.87056917,6.870569225,6.870569174,6.870569221,6.870569294,6.870569078,6.870569343,6.870569259,6.870569155
+"12248","PMPCB",6.701813371,6.701813088,6.701812706,6.701812643,6.701812626,6.701812401,6.701812835,6.701812655,6.701812932,6.701812925,6.701812381,6.701812312,6.701812969,6.701813827,6.701812881,6.701812967,6.701812567,6.701812428,6.701812844,6.701812353,6.701812777,6.701812713,6.701813161,6.701813049,6.701812531,6.701812966,6.701812875,6.701813211
+"12249","PMS1",5.778809891,5.7788095,5.778809301,5.77880945,5.778809268,5.778809381,5.778809548,5.778809454,5.778809738,5.778809473,5.778809183,5.778809303,5.778809689,5.778809932,5.778809617,5.778809439,5.778809293,5.778809267,5.778809612,5.778809183,5.778809517,5.778809558,5.778809647,5.778809583,5.778809263,5.778809542,5.778809649,5.778809651
+"12250","PMS2",7.114820352,7.114820316,7.114820243,7.114820133,7.11482012,7.114820205,7.114820172,7.114820128,7.114820299,7.114820267,7.114820087,7.114820203,7.114820292,7.114820582,7.114820079,7.114820144,7.114819898,7.114820147,7.114820289,7.114820206,7.114820081,7.114820225,7.114820269,7.114820211,7.114820123,7.114820377,7.11482024,7.1148202
+"12251","PMS2CL",5.962553259,5.962552964,5.962552618,5.962552598,5.962552593,5.962552611,5.962552823,5.962552996,5.962552856,5.962552456,5.962552477,5.962552905,5.962552804,5.962553008,5.962552705,5.962552835,5.962552608,5.962552328,5.962553011,5.962552868,5.962552508,5.962552839,5.962552903,5.96255291,5.96255245,5.962552879,5.962553011,5.962552816
+"12252","PMS2P1",7.622632829,7.622632743,7.622632543,7.622631914,7.622631475,7.622631392,7.622632391,7.622631839,7.622631759,7.622632169,7.622631608,7.622631704,7.622633157,7.622633558,7.622632333,7.622632252,7.622631194,7.622631326,7.622632562,7.622631381,7.622632138,7.622632311,7.622632549,7.622632261,7.622631634,7.622632946,7.622632934,7.622632897
+"12253","PMS2P3",7.825359097,7.825358922,7.825358884,7.825358742,7.825358792,7.825358859,7.825359212,7.82535892,7.825358996,7.825358927,7.825358849,7.825359032,7.825359003,7.825359164,7.825359051,7.825358813,7.825358743,7.825358643,7.825358864,7.825358774,7.825359059,7.825359039,7.825359007,7.825358689,7.825358781,7.825359059,7.82535892,7.825358889
+"12254","PMVK",6.100742109,6.100742205,6.100742413,6.100742081,6.100742166,6.10074229,6.100742364,6.100742381,6.100742255,6.100742368,6.100742129,6.100742311,6.100742303,6.100742193,6.100742263,6.100742312,6.100742195,6.100742168,6.100742329,6.100742304,6.100742175,6.100742185,6.100742315,6.10074217,6.100742146,6.100742204,6.100742251,6.100742414
+"12255","PNCK",5.982294244,5.982294262,5.982294267,5.982294274,5.98229431,5.982294269,5.98229428,5.98229428,5.982294256,5.98229427,5.982294287,5.982294294,5.982294257,5.982294219,5.982294296,5.982294255,5.982294324,5.982294299,5.982294278,5.982294268,5.982294276,5.982294299,5.982294262,5.982294243,5.982294274,5.982294267,5.982294244,5.98229425
+"12256","PNISR",8.077705959,8.07770578,8.077705488,8.077705492,8.07770493,8.077705013,8.077705274,8.077705106,8.0777058,8.077705272,8.077704918,8.0777044,8.077705641,8.077706924,8.077705421,8.077705602,8.077704456,8.077705155,8.077705654,8.077704778,8.077705321,8.077705114,8.077705556,8.077705446,8.077705254,8.077705322,8.077705741,8.077705816
+"12257","PNKD",6.557462175,6.557462355,6.557462491,6.557462346,6.557462483,6.557462272,6.557462356,6.557462483,6.557462403,6.55746244,6.55746247,6.55746247,6.557462392,6.557462218,6.557462412,6.557462279,6.557462511,6.557462457,6.557462288,6.557462382,6.557462372,6.557462454,6.55746231,6.557462323,6.557462457,6.55746243,6.557462385,6.55746227
+"12258","PNKP",7.108475549,7.108475551,7.108475668,7.108475584,7.108475567,7.108475623,7.108475673,7.10847572,7.108475537,7.108475542,7.108475711,7.108475677,7.108475636,7.108475445,7.10847555,7.108475579,7.10847567,7.108475625,7.108475572,7.108475583,7.108475587,7.108475712,7.108475593,7.10847556,7.108475676,7.108475563,7.108475686,7.108475528
+"12259","PNLDC1",4.300968526,4.300968533,4.300968548,4.300968558,4.300968596,4.300968546,4.300968566,4.300968601,4.300968544,4.300968551,4.300968575,4.300968557,4.300968593,4.300968513,4.300968574,4.300968533,4.300968585,4.300968556,4.300968589,4.300968533,4.300968574,4.300968589,4.300968496,4.300968521,4.300968548,4.300968566,4.300968585,4.300968569
+"12260","PNLIP",3.319373881,3.319373866,3.319373931,3.319373942,3.319374164,3.319374078,3.319373948,3.319373963,3.319373821,3.319373929,3.319373918,3.319374078,3.319373781,3.319373841,3.319373946,3.31937416,3.319374075,3.319374042,3.319373935,3.319373798,3.319373924,3.319374063,3.319373791,3.319373873,3.319374082,3.319373905,3.319373928,3.319373935
+"12261","PNLIPRP1",4.200126388,4.200126352,4.200126265,4.200126183,4.200126651,4.200126235,4.200126517,4.200126489,4.200126287,4.200126329,4.200126489,4.200126512,4.200126425,4.20012615,4.200126596,4.200126495,4.200126525,4.200126324,4.200126458,4.200126409,4.200126671,4.200126502,4.200126143,4.200126289,4.200126404,4.200126523,4.200126244,4.200126323
+"12262","PNLIPRP2",4.032420324,4.032420476,4.032420356,4.032420359,4.032420363,4.032420438,4.032420276,4.032420516,4.032420447,4.032420463,4.032420582,4.032420439,4.032420252,4.032420504,4.032420686,4.032420724,4.032420484,4.03242048,4.032420497,4.032420563,4.03242045,4.032420559,4.032420487,4.032420465,4.032420615,4.032420412,4.032420337,4.032420519
+"12263","PNLIPRP3",2.966495148,2.966495319,2.966495215,2.966495322,2.966495183,2.966495265,2.96649523,2.966495249,2.96649538,2.96649547,2.966495327,2.966495191,2.966495329,2.966495106,2.966495316,2.966495383,2.96649533,2.966495309,2.966495304,2.966495387,2.966495094,2.966495342,2.966495339,2.966495307,2.966495316,2.96649511,2.966495324,2.966495148
+"12264","PNMA1",7.184419336,7.184419472,7.184419468,7.184419527,7.184419643,7.184419221,7.184419409,7.184419642,7.184419493,7.184419319,7.184419543,7.184419597,7.18441948,7.184419382,7.184419356,7.18441968,7.184419139,7.184419672,7.184419463,7.184419057,7.184419322,7.184419467,7.184419563,7.184419367,7.18441948,7.184419273,7.184419378,7.184419509
+"12265","PNMA2",4.252927229,4.252927248,4.252927262,4.252927236,4.252927251,4.252927244,4.252927252,4.25292727,4.252927241,4.252927243,4.252927241,4.252927258,4.252927218,4.252927227,4.252927253,4.25292725,4.25292726,4.252927258,4.252927234,4.25292723,4.252927254,4.252927263,4.252927222,4.252927251,4.252927259,4.252927256,4.252927232,4.252927248
+"12266","PNMA3",5.972570372,5.972570443,5.972570928,5.972570515,5.972570725,5.972570202,5.972570191,5.972570727,5.972570803,5.972570527,5.97257064,5.972571114,5.9725707,5.972569617,5.972570497,5.972570484,5.972571093,5.972570913,5.972570581,5.972570408,5.972570135,5.972570801,5.972570464,5.972570243,5.972570616,5.972570477,5.972570525,5.972570438
+"12267","PNMA5",5.034861325,5.034861303,5.034861282,5.034861406,5.034861438,5.03486127,5.034861355,5.034861313,5.034861374,5.034861268,5.034861311,5.034861336,5.034861335,5.034861264,5.034861372,5.03486137,5.034861403,5.034861446,5.034861264,5.034861393,5.034861453,5.034861416,5.034861371,5.034861216,5.034861305,5.03486135,5.034861287,5.03486134
+"12268","PNMA6A",6.0538144705,6.0538143255,6.05381482,6.0538146835,6.0538148265,6.0538144,6.0538143905,6.0538147605,6.053814828,6.0538145525,6.0538146105,6.053815112,6.053814398,6.0538140885,6.053814855,6.053814259,6.0538147075,6.0538148335,6.0538144165,6.053814534,6.053814471,6.053814778,6.0538142465,6.0538145075,6.0538147885,6.0538145965,6.053814138,6.0538143935
+"12269","PNMA8A",4.945316743,4.945316738,4.945316767,4.945316757,4.945316808,4.945316733,4.945316765,4.945316779,4.945316749,4.945316739,4.945316753,4.945316794,4.94531674,4.945316717,4.945316777,4.945316765,4.945316798,4.945316786,4.945316769,4.945316762,4.945316791,4.945316774,4.945316733,4.945316728,4.94531675,4.945316783,4.945316749,4.94531676
+"12270","PNMT",4.868486788,4.868486798,4.868486804,4.868486795,4.868486819,4.868486785,4.868486777,4.86848681,4.868486815,4.868486813,4.868486745,4.868486798,4.868486809,4.868486763,4.868486811,4.868486783,4.868486804,4.868486822,4.868486805,4.868486802,4.868486826,4.86848681,4.868486814,4.86848677,4.868486798,4.868486802,4.868486785,4.868486794
+"12271","PNN",7.376072835,7.376072822,7.376072604,7.376072531,7.376072494,7.376072563,7.376072587,7.376072519,7.376072817,7.376072688,7.376072338,7.376072405,7.376072724,7.37607325,7.376072601,7.376072847,7.376072397,7.376072503,7.376072576,7.376072659,7.376072716,7.376072587,7.376072759,7.376072669,7.376072543,7.3760727,7.37607277,7.376072829
+"12272","PNO1",5.587858715,5.587858694,5.587858701,5.587858715,5.587858688,5.587858695,5.587858694,5.5878587,5.587858692,5.587858709,5.587858715,5.58785871,5.587858719,5.587858702,5.587858691,5.587858677,5.587858685,5.587858687,5.587858697,5.587858699,5.587858705,5.587858703,5.587858689,5.58785869,5.587858676,5.587858697,5.587858709,5.587858695
+"12273","PNOC",5.826656581,5.826656533,5.826656575,5.826656563,5.82665664,5.826656553,5.826656635,5.826656595,5.826656563,5.826656562,5.826656568,5.826656611,5.826656582,5.826656559,5.826656643,5.826656569,5.826656662,5.82665663,5.826656606,5.82665655,5.826656647,5.826656601,5.826656557,5.82665655,5.826656555,5.82665661,5.826656588,5.826656613
+"12274","PNP",6.973712545,6.973712424,6.973712373,6.973712477,6.973712255,6.973712423,6.973712591,6.973712543,6.973712458,6.973712419,6.973712175,6.973712613,6.97371238,6.973712515,6.973712476,6.9737123,6.973712215,6.973712402,6.973712375,6.97371245,6.973712487,6.973712407,6.973712471,6.973712525,6.973712162,6.97371255,6.973712402,6.973712329
+"12275","PNPLA1",6.065188149,6.065188229,6.06518821,6.065188266,6.065188226,6.065188179,6.065188152,6.065188184,6.065188163,6.065188195,6.065188261,6.065188151,6.065188155,6.065188178,6.065188204,6.065188267,6.06518825,6.065188254,6.065188251,6.065188218,6.065188208,6.065188211,6.065188204,6.065188243,6.065188277,6.065188202,6.06518812,6.065188211
+"12276","PNPLA2",8.359728636,8.359728912,8.359731296,8.359729764,8.359730407,8.359731741,8.359729727,8.359731376,8.359731701,8.359730539,8.359729147,8.359730433,8.359729246,8.359727475,8.359729096,8.359728027,8.35973096,8.359729643,8.359729251,8.359730694,8.359728951,8.359730225,8.359730932,8.359730326,8.35972943,8.359730858,8.359729847,8.359727938
+"12277","PNPLA3",4.278107302,4.278107315,4.278107333,4.278107324,4.278107339,4.278107306,4.278107313,4.278107332,4.278107311,4.278107322,4.278107323,4.278107333,4.278107272,4.278107276,4.278107341,4.278107318,4.278107345,4.278107334,4.278107337,4.278107309,4.278107317,4.278107326,4.278107289,4.278107294,4.278107313,4.278107314,4.27810729,4.278107304
+"12278","PNPLA4",5.559240511,5.559240538,5.559240491,5.5592402,5.559240279,5.559240271,5.559240461,5.559240276,5.559240427,5.559240531,5.559240199,5.559240401,5.559240368,5.55924055,5.559240447,5.55924047,5.559240218,5.559240424,5.559240368,5.559240402,5.559240544,5.559240335,5.559240462,5.559240424,5.559240483,5.559240561,5.559240315,5.559240676
+"12279","PNPLA5",4.758394703,4.75839469,4.758394748,4.758394737,4.758394792,4.758394753,4.758394791,4.758394733,4.758394699,4.758394779,4.758394764,4.758394822,4.75839474,4.758394666,4.758394753,4.75839474,4.758394754,4.758394745,4.75839476,4.758394738,4.758394771,4.758394774,4.758394716,4.758394708,4.758394768,4.758394767,4.758394698,4.758394705
+"12280","PNPLA6",7.598204209,7.59820472,7.598204199,7.598204344,7.598204882,7.598204773,7.598204495,7.598204271,7.59820456,7.598204591,7.598204802,7.598204168,7.598204578,7.598204465,7.598204196,7.598204605,7.598204251,7.598204159,7.598204726,7.598204557,7.598204385,7.59820443,7.598204597,7.598204554,7.598204658,7.598204259,7.598204704,7.598204472
+"12281","PNPLA7",5.937336263,5.93733601,5.93733628,5.937336331,5.937336414,5.937336379,5.937336147,5.93733634,5.937336313,5.93733626,5.937336294,5.937336495,5.93733625,5.93733601,5.937336335,5.93733622,5.937336523,5.937336341,5.937336195,5.937336158,5.93733618,5.937336331,5.937336146,5.937336238,5.937336276,5.937336355,5.937336333,5.937336251
+"12282","PNPLA8",5.499009148,5.49900851,5.499008258,5.499007684,5.499007804,5.499007171,5.499008017,5.499007418,5.499007888,5.499007965,5.499007628,5.49900607,5.499008231,5.499009987,5.499008348,5.499008246,5.499007775,5.499007861,5.499008323,5.499007681,5.499008016,5.499007428,5.49900814,5.499008232,5.499008099,5.499007128,5.499007884,5.499009561
+"12283","PNPO",6.126186353,6.126186354,6.126186353,6.126186356,6.126186348,6.126186386,6.126186356,6.126186362,6.126186375,6.126186363,6.126186339,6.126186357,6.126186364,6.126186366,6.126186351,6.126186341,6.126186315,6.12618636,6.126186344,6.126186351,6.126186354,6.126186352,6.126186365,6.126186358,6.126186334,6.126186344,6.126186367,6.126186348
+"12284","PNPT1",5.741803254,5.741803035,5.741803014,5.741802882,5.74180319,5.741802895,5.741802838,5.741802925,5.741803103,5.741803041,5.74180289,5.741802928,5.741803082,5.741803484,5.741802878,5.741802931,5.741802585,5.741802634,5.741803312,5.741803187,5.741802825,5.741802871,5.741803218,5.74180297,5.741802857,5.741803118,5.741803172,5.741803308
+"12285","PNRC1",10.09345829,10.09345808,10.09345739,10.09345762,10.09345715,10.09345737,10.09345706,10.09345763,10.09345773,10.09345737,10.09345743,10.09345705,10.09345753,10.09345859,10.09345762,10.09345796,10.09345716,10.09345759,10.09345757,10.09345631,10.09345719,10.09345778,10.09345775,10.09345737,10.09345763,10.09345734,10.09345744,10.09345831
+"12286","PNRC2",9.225609983,9.071266509,9.01734199,8.700260059,9.051908431,8.720095744,9.073713318,8.810529765,9.167142451,9.135340535,8.824252327,8.645684046,9.024412579,9.817147462,9.172726475,9.052048099,9.008641008,8.736741458,9.16046474,8.74857739,9.122702094,9.029958893,9.30925744,9.014071542,8.794682331,8.828321769,8.954890224,9.576582749
+"12287","POC1A",4.439831213,4.439831269,4.439831314,4.439831245,4.439831301,4.439831271,4.439831304,4.439831287,4.439831277,4.439831284,4.439831257,4.439831259,4.439831276,4.439831218,4.439831282,4.439831297,4.439831293,4.439831311,4.439831271,4.439831268,4.43983132,4.439831266,4.439831273,4.439831262,4.439831296,4.439831241,4.439831281,4.439831246
+"12288","POC5",5.658308162,5.658307668,5.658307651,5.6583076,5.65830745,5.658307705,5.658307905,5.658307626,5.658307808,5.658307792,5.658307344,5.65830742,5.658307829,5.658308146,5.658308055,5.65830764,5.658307639,5.65830773,5.658307765,5.65830775,5.658307712,5.658307637,5.658307832,5.658307964,5.658307358,5.658307612,5.658307831,5.658307847
+"12289","PODN",5.304928668,5.304928681,5.304928715,5.304928643,5.304928762,5.304928607,5.304928703,5.304928792,5.304928719,5.304928668,5.30492877,5.304928776,5.304928721,5.30492867,5.304928771,5.304928676,5.304928771,5.304928773,5.304928692,5.304928694,5.304928739,5.30492875,5.304928692,5.304928714,5.304928777,5.304928772,5.304928677,5.304928684
+"12290","PODNL1",5.074787156,5.074787206,5.074787242,5.074787188,5.07478724,5.074787183,5.074787177,5.074787264,5.07478718,5.074787218,5.074787237,5.074787255,5.074787191,5.074787187,5.074787226,5.074787229,5.074787215,5.074787275,5.074787204,5.074787209,5.0747872,5.074787226,5.074787233,5.074787211,5.074787203,5.074787194,5.074787198,5.074787182
+"12291","PODXL",5.519811801,5.519811693,5.519811825,5.519811789,5.519811987,5.519811843,5.519811912,5.519811818,5.519811823,5.51981182,5.519811886,5.519811875,5.519811783,5.519811636,5.519811983,5.519811757,5.519811972,5.519811962,5.519811771,5.519811855,5.51981193,5.519811854,5.519811807,5.519811717,5.519811805,5.519811906,5.519811865,5.519811753
+"12292","PODXL2",6.312050071,6.31205007,6.312050284,6.31205035,6.312050402,6.312049961,6.312050185,6.312050498,6.312050158,6.312050225,6.312050374,6.312050271,6.312050257,6.312049808,6.312050277,6.312050356,6.312050445,6.312050478,6.312050075,6.312050319,6.31205041,6.312050491,6.312049863,6.31205017,6.312050368,6.312050367,6.312050203,6.312050049
+"12293","POF1B",3.045838625,3.045838636,3.04583864,3.045838667,3.04583862,3.045838662,3.045838637,3.045838632,3.045838638,3.045838654,3.045838643,3.045838636,3.045838628,3.045838636,3.045838642,3.045838631,3.045838639,3.045838658,3.04583864,3.045838643,3.045838628,3.045838628,3.045838636,3.045838629,3.045838632,3.045838625,3.045838645,3.045838656
+"12294","POFUT1",6.39114164,6.391141637,6.39114164,6.391141613,6.391141639,6.391141649,6.391141642,6.391141625,6.391141648,6.391141654,6.391141615,6.391141632,6.39114165,6.391141653,6.391141624,6.391141611,6.391141633,6.391141627,6.391141634,6.391141612,6.391141633,6.391141645,6.391141626,6.391141649,6.39114163,6.391141623,6.391141653,6.391141628
+"12295","POFUT2",5.915993801,5.915993814,5.915993813,5.915993819,5.915993816,5.915993813,5.915993798,5.91599383,5.915993813,5.915993819,5.91599382,5.915993791,5.915993823,5.915993808,5.91599381,5.915993842,5.915993801,5.915993837,5.915993812,5.91599381,5.915993813,5.915993806,5.915993799,5.915993797,5.915993825,5.915993825,5.915993811,5.915993809
+"12296","POGK",7.242043085,7.242043042,7.242042622,7.242042215,7.242043059,7.242042472,7.242042636,7.242042664,7.242043214,7.242043289,7.242042354,7.242042426,7.242042996,7.24204365,7.242042798,7.24204263,7.242042017,7.242042185,7.242042678,7.242042891,7.242042765,7.24204245,7.242042859,7.242043056,7.242042194,7.242042753,7.242042803,7.242043252
+"12297","POGLUT1",5.726398769,5.726398638,5.726398531,5.726398482,5.726398395,5.72639847,5.726398636,5.726398583,5.72639865,5.726398567,5.72639857,5.726398502,5.726398771,5.726398829,5.726398513,5.726398551,5.726398287,5.726398497,5.726398549,5.726398415,5.7263985,5.726398514,5.726398662,5.726398656,5.726398574,5.726398621,5.726398673,5.726398604
+"12298","POGLUT2",3.123978741,3.123978798,3.123978584,3.123978747,3.123978667,3.123978732,3.123978588,3.123978692,3.123978814,3.123978715,3.123978697,3.123978804,3.12397877,3.123978769,3.123978631,3.123978752,3.123978652,3.123978681,3.123978786,3.123978633,3.123978611,3.123978684,3.123978824,3.123978651,3.123978623,3.123978796,3.12397875,3.123978787
+"12299","POGLUT3",5.301796151,5.301796132,5.301796127,5.301796069,5.301796098,5.301796141,5.301796137,5.301796129,5.301796166,5.301796112,5.30179612,5.301796109,5.301796132,5.301796153,5.301796138,5.301796091,5.301796116,5.301796116,5.301796144,5.301796127,5.301796118,5.30179615,5.301796176,5.301796131,5.301796136,5.301796131,5.301796135,5.301796147
+"12300","POGZ",6.984918145,6.984918081,6.984918019,6.98491807,6.98491806,6.984918172,6.984918134,6.984918073,6.984918123,6.984918132,6.984918056,6.984918107,6.984918147,6.984918145,6.98491812,6.984917965,6.984917943,6.984918052,6.984918134,6.984918164,6.984918077,6.984918071,6.984918094,6.984918104,6.984918079,6.984918128,6.984918139,6.984918056
+"12301","POLA1",5.611550815,5.611550559,5.611550477,5.611550292,5.611550245,5.611550507,5.611550889,5.611550143,5.611550609,5.611550651,5.611550241,5.611550143,5.611550551,5.611551065,5.611550526,5.61155032,5.611550275,5.611550031,5.611550631,5.611550214,5.611550718,5.611550239,5.611550877,5.611550342,5.611550365,5.611550485,5.611550728,5.611550687
+"12302","POLA2",6.542806218,6.542806052,6.542805945,6.542806009,6.54280591,6.542806464,6.542806233,6.542805975,6.542806174,6.542806143,6.542805866,6.542805975,6.54280623,6.542806187,6.542806012,6.54280592,6.542805722,6.542805772,6.542806039,6.542806201,6.542806026,6.542805999,6.542806184,6.542806047,6.542805974,6.542806141,6.542806158,6.542805952
+"12303","POLB",6.411942757,6.411943035,6.411942593,6.411943187,6.411942055,6.411944081,6.411942881,6.411942577,6.411942697,6.411942323,6.411942529,6.411941007,6.411942937,6.411943163,6.411942534,6.411943036,6.411942428,6.411942575,6.411942805,6.411944437,6.411942522,6.4119428,6.411942817,6.411942768,6.411942885,6.411942046,6.411942862,6.411942644
+"12304","POLD1",5.487779114,5.487779182,5.487779175,5.487779102,5.487779226,5.487779086,5.487779311,5.487779168,5.487779199,5.487779174,5.487779116,5.487779095,5.487779228,5.487779078,5.487779233,5.487779022,5.487779225,5.487779114,5.487779105,5.487779273,5.487779215,5.487779181,5.487779278,5.487779161,5.487779183,5.487779173,5.487779252,5.487779189
+"12305","POLD2",6.444198237,6.444198131,6.444197866,6.444197861,6.444198308,6.444198297,6.444198202,6.444198067,6.44419843,6.444198282,6.444197975,6.444198131,6.444198276,6.444198332,6.444198233,6.444198219,6.444197601,6.444198021,6.444198151,6.444198292,6.444198182,6.444198244,6.444198123,6.444198237,6.444198024,6.444198188,6.444198115,6.4441983
+"12306","POLD3",5.726463493,5.72646377,5.726462753,5.726463531,5.726462895,5.726463467,5.726463376,5.726462934,5.726462802,5.726463226,5.726463101,5.726462048,5.726463484,5.726463748,5.726463097,5.726463681,5.726462441,5.726463358,5.726463267,5.726463858,5.72646334,5.726462764,5.726463248,5.72646341,5.726463292,5.72646293,5.726463412,5.726463056
+"12307","POLD4",8.081945207,8.081945229,8.08194533,8.081945292,8.081945297,8.081945286,8.081945285,8.081945298,8.081945286,8.081945276,8.081945316,8.081945282,8.081945309,8.08194523,8.081945266,8.081945251,8.081945339,8.081945301,8.081945284,8.081945274,8.081945233,8.081945321,8.081945291,8.081945251,8.0819453,8.081945264,8.081945298,8.081945278
+"12308","POLDIP2",7.849982807,7.84998285,7.84998289,7.849982828,7.849982784,7.849982907,7.849982843,7.84998286,7.849982896,7.849982891,7.849982802,7.849982847,7.849982857,7.849982863,7.849982777,7.849982839,7.849982845,7.849982777,7.849982816,7.849982906,7.849982822,7.849982841,7.849982867,7.849982878,7.84998281,7.849982858,7.849982885,7.849982862
+"12309","POLDIP3",7.728642919,7.728642936,7.728642743,7.728642901,7.728642787,7.728643121,7.72864289,7.72864288,7.728642947,7.728642941,7.728642831,7.728642771,7.728643007,7.728642955,7.728642796,7.728642766,7.728642746,7.728642812,7.728642894,7.728643035,7.728642833,7.728642844,7.728642966,7.728643014,7.728642865,7.728642914,7.728642987,7.728642768
+"12310","POLE",6.008921635,6.008921623,6.008921625,6.008921615,6.008921627,6.008921653,6.008921663,6.008921641,6.008921651,6.008921638,6.008921632,6.008921623,6.008921651,6.008921658,6.008921619,6.008921615,6.008921601,6.008921613,6.008921618,6.008921629,6.008921651,6.008921634,6.008921634,6.008921639,6.008921631,6.008921647,6.008921656,6.008921613
+"12311","POLE2",3.299889185,3.299889181,3.299889213,3.29988918,3.299889156,3.299889199,3.299889193,3.299889148,3.299889209,3.299889185,3.299889205,3.299889214,3.299889165,3.299889189,3.299889139,3.29988913,3.299889197,3.299889194,3.29988916,3.299889159,3.299889181,3.299889162,3.299889246,3.299889232,3.29988923,3.299889208,3.299889167,3.299889173
+"12312","POLE3",6.281464704,6.281464687,6.281464704,6.281464683,6.28146471,6.281464684,6.281464702,6.281464673,6.281464716,6.281464702,6.281464707,6.281464702,6.281464713,6.281464698,6.281464701,6.281464691,6.28146469,6.281464692,6.281464703,6.281464681,6.281464694,6.281464701,6.28146471,6.281464709,6.281464691,6.281464703,6.281464701,6.281464684
+"12313","POLE4",6.968013778,6.968013732,6.968013628,6.968013613,6.968013746,6.968013718,6.96801376,6.968013612,6.968013663,6.968013666,6.968013584,6.968013648,6.968013729,6.968013715,6.968013779,6.968013712,6.968013542,6.96801361,6.968013654,6.968013758,6.96801368,6.968013745,6.9680137,6.968013651,6.968013651,6.968013728,6.968013716,6.968013674
+"12314","POLG",7.09437462,7.09437463,7.09437461,7.094374607,7.0943746,7.094374629,7.094374586,7.09437461,7.094374607,7.09437463,7.094374575,7.094374607,7.09437462,7.094374627,7.094374605,7.094374607,7.094374554,7.094374593,7.0943746,7.094374645,7.094374588,7.094374616,7.094374624,7.094374623,7.094374618,7.094374612,7.094374632,7.094374609
+"12315","POLG2",5.300269219,5.300269211,5.30026915,5.300269093,5.300269066,5.300269123,5.300269136,5.300269131,5.300269208,5.300269141,5.300269089,5.300269169,5.3002692,5.300269292,5.300269126,5.300269135,5.300269069,5.300269022,5.300269178,5.300269111,5.300269108,5.300269147,5.300269189,5.300269125,5.300269109,5.300269174,5.30026918,5.300269152
+"12316","POLH",6.433960939,6.433960762,6.433960395,6.433960418,6.433960401,6.433960654,6.43396084,6.433960289,6.43396094,6.433960646,6.433960423,6.433960378,6.433960638,6.433961143,6.433960707,6.433960559,6.433960257,6.433960256,6.433960677,6.433960469,6.433960574,6.433960229,6.433960829,6.433960622,6.433960263,6.433960556,6.43396075,6.43396087
+"12317","POLI",5.826361173,5.826361056,5.826361141,5.826361251,5.826361112,5.826360784,5.826361166,5.826361186,5.826361291,5.826361059,5.826361077,5.826360686,5.826361274,5.826361503,5.826361131,5.826360974,5.826360956,5.826361022,5.826361112,5.826360919,5.826361167,5.826361273,5.826361103,5.826361136,5.826361166,5.826361044,5.826361382,5.826361262
+"12318","POLK",5.325206826,5.325206454,5.325206421,5.325206254,5.325206134,5.32520612,5.325206149,5.325205798,5.325206266,5.325206575,5.325206113,5.325205972,5.325206497,5.325207151,5.325206516,5.3252063,5.325206264,5.325206017,5.325206401,5.325206261,5.325206254,5.325206196,5.325206449,5.325206598,5.325206296,5.325206159,5.325206594,5.325206781
+"12319","POLL",6.853156539,6.853155736,6.853158509,6.853156564,6.853157297,6.85315787,6.853157241,6.853157918,6.853157918,6.853157591,6.853157323,6.853157826,6.853156363,6.85315525,6.853156816,6.853154407,6.853157796,6.853156721,6.853156335,6.853156911,6.853156652,6.85315717,6.853157406,6.853156964,6.853157446,6.853157753,6.853156381,6.853155403
+"12320","POLN",4.340925785,4.34092572,4.340925777,4.340925821,4.340925739,4.340925891,4.340925762,4.34092575,4.340925802,4.340925797,4.340925785,4.340925788,4.34092574,4.340925856,4.340925769,4.340925714,4.340925841,4.340925784,4.340925748,4.340925826,4.340925732,4.340925798,4.340925863,4.340925752,4.34092581,4.340925728,4.340925845,4.340925711
+"12321","POLQ",3.520894605,3.520894634,3.520894677,3.520894599,3.520894632,3.520894668,3.520894696,3.520894603,3.520894649,3.520894701,3.520894639,3.520894602,3.520894627,3.520894554,3.520894608,3.520894634,3.520894669,3.520894635,3.520894576,3.5208947,3.520894727,3.520894613,3.520894708,3.520894571,3.520894662,3.520894579,3.520894626,3.520894627
+"12322","POLR1A",6.53244351,6.532443479,6.532443487,6.532443471,6.532443508,6.532443515,6.532443527,6.532443474,6.532443498,6.532443507,6.532443486,6.532443506,6.532443503,6.532443512,6.532443512,6.53244349,6.532443469,6.532443477,6.532443498,6.532443465,6.532443509,6.532443498,6.532443499,6.532443493,6.532443473,6.532443518,6.532443493,6.532443511
+"12323","POLR1B",5.93786487,5.937864652,5.937864588,5.93786455,5.937864437,5.937864601,5.937864528,5.937864457,5.937864888,5.937864795,5.937864404,5.937864529,5.937864856,5.937864996,5.937864639,5.937864487,5.937864099,5.937864398,5.937864604,5.937864565,5.937864489,5.937864481,5.937864907,5.937864724,5.937864268,5.937864642,5.937864743,5.93786467
+"12324","POLR1C",6.396647046,6.396646914,6.396646835,6.396646745,6.396646743,6.396646945,6.39664698,6.396646779,6.396646962,6.396646977,6.396646677,6.396646904,6.396647038,6.396647111,6.396646748,6.396646811,6.396646562,6.396646368,6.396646828,6.396646505,6.396646731,6.396646852,6.396647001,6.396646898,6.396646529,6.39664683,6.396646979,6.396646839
+"12325","POLR1D",6.915603757,6.915603433,6.915603608,6.915603173,6.915603172,6.915603988,6.915603578,6.91560346,6.915603888,6.915603455,6.915603129,6.915603276,6.915603584,6.915603408,6.91560331,6.915602899,6.915603062,6.915603113,6.915603168,6.915603925,6.915603592,6.915603152,6.915603869,6.915603685,6.915602991,6.915603444,6.915603693,6.915603408
+"12326","POLR1E",6.063860651,6.063860694,6.063860608,6.063860564,6.063860595,6.063860611,6.063860603,6.063860603,6.063860751,6.063860659,6.063860552,6.063860659,6.06386072,6.063860822,6.06386063,6.063860639,6.063860542,6.063860547,6.063860604,6.063860623,6.063860638,6.06386065,6.063860777,6.063860643,6.063860501,6.06386063,6.063860678,6.06386076
+"12327","POLR1F",4.917231175,4.917231125,4.917231093,4.917231118,4.917231118,4.917231126,4.91723118,4.917231108,4.917231156,4.91723113,4.917231065,4.917231137,4.917231145,4.917231283,4.917231167,4.917231117,4.917231133,4.917231108,4.917231133,4.917231087,4.917231136,4.917231117,4.91723117,4.917231106,4.917231114,4.917231165,4.917231155,4.917231235
+"12328","POLR1G",5.304624187,5.304624181,5.3046242,5.304624204,5.304624219,5.304624167,5.304624187,5.304624197,5.304624162,5.304624197,5.304624216,5.304624222,5.304624216,5.304624177,5.304624207,5.304624176,5.304624218,5.304624215,5.304624177,5.3046242,5.304624236,5.304624191,5.3046242,5.30462419,5.304624223,5.304624198,5.304624193,5.304624183
+"12329","POLR1H",5.0247381295,5.024738268,5.024738258,5.024737806,5.02473754,5.024737774,5.024738375,5.024738135,5.024738202,5.024738256,5.024738083,5.0247381345,5.0247381745,5.0247383295,5.0247380825,5.02473831,5.024737515,5.0247376735,5.024738291,5.0247382095,5.0247380475,5.024738237,5.0247383235,5.024738335,5.024737914,5.024738046,5.0247379365,5.0247379575
+"12330","POLR1HASP",5.2777616725,5.277761046,5.277761019,5.2777608815,5.277760726,5.2777609855,5.2777610735,5.2777609205,5.277761128,5.2777610645,5.277760722,5.277760632,5.2777615485,5.277761695,5.2777610155,5.2777610485,5.277761012,5.277761019,5.2777610885,5.2777609965,5.2777608205,5.2777612795,5.2777613955,5.27776103,5.277761005,5.277761239,5.2777613205,5.2777614325
+"12331","POLR2A",7.871968542,7.871968616,7.871968557,7.871968633,7.87196855,7.871968651,7.871968615,7.871968539,7.87196859,7.871968568,7.871968564,7.871968531,7.871968565,7.871968589,7.871968579,7.871968595,7.871968502,7.871968606,7.871968575,7.871968636,7.871968588,7.871968554,7.871968603,7.871968599,7.871968582,7.871968557,7.871968573,7.871968542
+"12332","POLR2B",8.217695771,8.217695226,8.217694283,8.217693772,8.217693454,8.217693768,8.217694379,8.217693904,8.217694606,8.217694955,8.217693526,8.217692778,8.21769373,8.217697049,8.217694572,8.21769458,8.217693683,8.217692881,8.217694414,8.217693664,8.217694168,8.217693775,8.217694916,8.217694825,8.217693399,8.217693524,8.217694256,8.217695351
+"12333","POLR2C",6.75633253,6.756332553,6.756332528,6.756332575,6.756332483,6.756332554,6.756332557,6.756332511,6.756332551,6.756332556,6.756332538,6.756332498,6.756332562,6.756332567,6.756332536,6.756332537,6.756332502,6.756332536,6.756332536,6.756332514,6.756332527,6.756332532,6.756332596,6.756332552,6.756332521,6.756332528,6.756332564,6.756332561
+"12334","POLR2D",6.028040171,6.028040223,6.02804018,6.028040101,6.028040148,6.028040106,6.028040183,6.028040163,6.028040251,6.028040164,6.02804012,6.028040095,6.028040217,6.028040274,6.028040191,6.028040165,6.028040124,6.0280401,6.028040152,6.028040147,6.028040199,6.028040171,6.028040233,6.028040188,6.028040097,6.028040184,6.028040203,6.028040239
+"12335","POLR2E",8.151837595,8.151837673,8.151837628,8.151837655,8.151837579,8.15183765,8.1518376,8.151837623,8.151837677,8.15183767,8.151837626,8.151837596,8.151837622,8.151837577,8.151837602,8.15183756,8.151837563,8.151837601,8.151837563,8.15183761,8.151837568,8.151837601,8.151837628,8.151837634,8.151837593,8.151837546,8.151837605,8.151837558
+"12336","POLR2F",6.562022864,6.562022867,6.562022867,6.562022855,6.562022853,6.562022852,6.562022862,6.562022851,6.562022885,6.562022842,6.562022834,6.562022838,6.562022859,6.562022863,6.562022842,6.56202288,6.562022828,6.562022841,6.56202284,6.562022847,6.562022835,6.56202286,6.562022873,6.562022857,6.562022858,6.562022834,6.562022866,6.562022846
+"12337","POLR2G",6.711620418,6.711620042,6.711620195,6.711620088,6.711619661,6.711620154,6.711620095,6.711620002,6.711620112,6.711620249,6.71162028,6.711620044,6.711620353,6.711620156,6.711619826,6.711619659,6.711619659,6.711619579,6.711620043,6.71162041,6.711620145,6.71162003,6.711620153,6.711620287,6.71161995,6.711619901,6.711620239,6.711619808
+"12338","POLR2H",6.191511681,6.19151167,6.191511666,6.191511587,6.191511559,6.191511637,6.191511685,6.191511638,6.191511705,6.191511656,6.191511631,6.191511518,6.191511659,6.191511748,6.191511594,6.19151162,6.191511558,6.19151153,6.191511622,6.191511689,6.19151164,6.191511685,6.191511662,6.19151165,6.191511565,6.191511644,6.191511674,6.19151168
+"12339","POLR2I",5.742783366,5.742783376,5.742783357,5.742783353,5.742783383,5.742783355,5.742783348,5.742783394,5.742783399,5.742783378,5.742783414,5.742783403,5.742783394,5.742783376,5.742783352,5.742783399,5.742783366,5.742783393,5.742783395,5.74278341,5.742783353,5.742783401,5.742783383,5.742783379,5.742783393,5.742783362,5.742783386,5.742783373
+"12340","POLR2J",6.245603068,6.245603069,6.245603077,6.245603068,6.245603073,6.245603092,6.245603069,6.245603085,6.245603075,6.245603068,6.245603074,6.245603075,6.245603078,6.245603049,6.245603071,6.245603072,6.245603081,6.24560308,6.245603065,6.24560308,6.245603086,6.245603081,6.245603075,6.245603071,6.245603071,6.245603079,6.245603075,6.245603045
+"12341","POLR2K",4.647286068,4.647285965,4.647285915,4.647285704,4.647285874,4.647286006,4.647285982,4.64728585,4.647286041,4.647286098,4.647285843,4.647286059,4.647285941,4.647286275,4.647285731,4.647286037,4.647286078,4.647285636,4.647285924,4.647285894,4.647285941,4.647285764,4.647286165,4.647285969,4.647286023,4.647285996,4.647286023,4.647286157
+"12342","POLR2L",7.681369513,7.681369531,7.681369507,7.681369421,7.68136953,7.681369535,7.681369472,7.681369509,7.68136953,7.681369465,7.681369477,7.681369354,7.681369563,7.681369386,7.681369455,7.681369508,7.681369495,7.681369424,7.681369467,7.681369591,7.681369464,7.681369512,7.681369489,7.681369378,7.68136943,7.681369439,7.681369529,7.681369398
+"12343","POLR2M",6.767343862,6.767343138,6.767343082,6.767341809,6.767342914,6.76734185,6.767342992,6.767342464,6.767343613,6.767343214,6.767341762,6.767341918,6.767343404,6.767345759,6.767343166,6.767342555,6.767342703,6.767341799,6.767343342,6.76734201,6.767343048,6.767342975,6.767343908,6.767343581,6.767342108,6.767343119,6.767342704,6.767345331
+"12344","POLR3A",6.506497449,6.506497457,6.50649742,6.506497363,6.506497387,6.506497428,6.506497422,6.506497406,6.506497463,6.506497458,6.506497307,6.506497362,6.506497432,6.506497455,6.506497379,6.506497354,6.506497302,6.506497268,6.506497312,6.506497356,6.506497358,6.506497398,6.506497433,6.506497417,6.506497327,6.506497418,6.506497444,6.506497388
+"12345","POLR3B",5.881573236,5.881573244,5.881573212,5.881573216,5.881573221,5.881573211,5.881573219,5.881573223,5.881573223,5.881573222,5.881573234,5.881573208,5.881573236,5.881573252,5.881573208,5.881573236,5.881573202,5.881573209,5.881573224,5.881573216,5.881573222,5.881573212,5.881573227,5.881573235,5.881573217,5.881573226,5.881573232,5.881573211
+"12346","POLR3C",6.584649036,6.58464889,6.584648788,6.584648813,6.584648939,6.584648993,6.584648985,6.584648893,6.58464897,6.584649025,6.584648814,6.584648791,6.584648913,6.584649053,6.584648786,6.584648765,6.584648675,6.584648692,6.584648891,6.584648907,6.584648816,6.584648801,6.584649015,6.58464894,6.584648867,6.584648899,6.584648928,6.584648939
+"12347","POLR3D",6.509233616,6.509233659,6.509233646,6.509233399,6.509233558,6.509233996,6.509233657,6.509233544,6.509233894,6.509233715,6.509233316,6.509233712,6.509233812,6.509233834,6.509233628,6.509233532,6.509233208,6.50923315,6.509233449,6.509233598,6.509233509,6.509233654,6.509233771,6.50923358,6.509233499,6.509233674,6.509233747,6.509233726
+"12348","POLR3E",7.155581305,7.155581267,7.155581272,7.155581266,7.155581274,7.155581324,7.155581299,7.155581283,7.155581342,7.155581295,7.155581253,7.155581325,7.155581316,7.15558132,7.155581306,7.155581272,7.155581221,7.15558126,7.155581298,7.155581302,7.155581279,7.155581295,7.15558132,7.155581271,7.155581252,7.15558132,7.155581317,7.155581305
+"12349","POLR3F",4.640656358,4.640656293,4.640656408,4.640656103,4.640655924,4.640656144,4.640656081,4.640656036,4.640656301,4.640656357,4.640655897,4.640656123,4.640656331,4.64065655,4.64065636,4.640656065,4.640656069,4.640656043,4.640656209,4.640656055,4.640656161,4.640656111,4.640656343,4.64065648,4.640656252,4.640656123,4.640656176,4.640656533
+"12350","POLR3G",4.394862655,4.394862705,4.394862679,4.394862674,4.394862729,4.394862683,4.394862697,4.394862719,4.394862626,4.394862712,4.394862624,4.394862726,4.394862657,4.394862726,4.394862743,4.394862635,4.394862649,4.39486272,4.394862658,4.394862715,4.394862705,4.394862712,4.394862714,4.394862684,4.39486267,4.39486272,4.394862693,4.394862763
+"12351","POLR3GL",5.001904339,5.001904317,5.00190432,5.001904313,5.001904313,5.001904323,5.001904314,5.001904307,5.001904325,5.001904335,5.001904322,5.001904308,5.001904314,5.001904359,5.001904284,5.001904319,5.001904276,5.001904295,5.001904301,5.001904313,5.001904293,5.0019043,5.00190433,5.001904334,5.001904269,5.001904312,5.001904315,5.001904346
+"12352","POLR3H",6.779762835,6.779762872,6.779762757,6.779762695,6.77976266,6.779762815,6.779762701,6.77976279,6.779762883,6.779762907,6.779762702,6.779762841,6.779762844,6.779762834,6.779762695,6.77976277,6.7797627,6.779762664,6.779762672,6.779762705,6.779762615,6.779762846,6.779762854,6.779762772,6.779762623,6.779762719,6.779762879,6.779762783
+"12353","POLR3K",7.700212949,7.700212907,7.700212701,7.700212717,7.700212864,7.700212668,7.700212949,7.700212769,7.70021284,7.700212916,7.700212714,7.70021273,7.700212927,7.700213018,7.70021286,7.700212772,7.700212563,7.700212686,7.700212839,7.70021289,7.700212933,7.700212794,7.700212916,7.700212846,7.70021279,7.700212779,7.700212911,7.700212889
+"12354","POLRMT",7.629788904,7.62978901,7.629788954,7.629788922,7.62978899,7.629788906,7.62978893,7.62978903,7.629788958,7.629788929,7.629788995,7.629788985,7.629788983,7.629788955,7.629789007,7.629789,7.629788969,7.629788963,7.629788936,7.629788881,7.629788905,7.629789042,7.629788914,7.629788894,7.629788988,7.629789015,7.629788954,7.629788977
+"12355","POM121L12",5.035867236,5.035867265,5.035867309,5.035867242,5.035867486,5.035867324,5.03586743,5.035867313,5.035867317,5.035867349,5.035867376,5.035867417,5.035867287,5.03586712,5.035867436,5.035867358,5.035867433,5.035867395,5.035867383,5.03586732,5.035867449,5.035867399,5.035867362,5.035867227,5.03586732,5.035867395,5.035867199,5.035867343
+"12356","POM121L2",3.59308295,3.593082974,3.593083007,3.593083119,3.593083223,3.593083068,3.593083095,3.593083079,3.593082875,3.593083169,3.593083384,3.593083207,3.59308301,3.593083186,3.593083029,3.593083058,3.593083276,3.593083322,3.593082963,3.593083108,3.593083077,3.593083114,3.593082897,3.593083092,3.593082976,3.593083035,3.593082972,3.593083037
+"12357","POM121L4P",5.341725828,5.341725779,5.341725854,5.341725888,5.341725849,5.341725659,5.341725805,5.341725927,5.341725857,5.341725763,5.341725818,5.341725788,5.341725804,5.341725739,5.34172584,5.341725871,5.341725848,5.341725906,5.341725821,5.341725852,5.341725886,5.341725888,5.34172574,5.341725853,5.341725827,5.341725753,5.341725847,5.341725795
+"12358","POM121L9P",6.365309716,6.365309731,6.36530969,6.365309823,6.365309698,6.365309635,6.365309728,6.365309754,6.365309752,6.365309736,6.365309748,6.365309746,6.365309688,6.365309675,6.365309731,6.365309701,6.365309744,6.365309786,6.365309726,6.365309788,6.365309731,6.365309772,6.365309696,6.365309724,6.365309751,6.365309626,6.36530971,6.36530968
+"12359","POMC",5.383955632,5.383955659,5.383955736,5.383955515,5.383955957,5.383955865,5.383955762,5.383955796,5.383955904,5.383955998,5.383955968,5.3839561,5.383955551,5.383955407,5.383955848,5.383955905,5.383956151,5.383955922,5.383955696,5.383956017,5.383955811,5.383955805,5.383955707,5.383955643,5.383955559,5.383955749,5.383955636,5.383955767
+"12360","POMGNT1",6.148073043,6.148072931,6.148072988,6.148072998,6.148073164,6.148073145,6.148073177,6.148073245,6.148073299,6.148073283,6.148073044,6.148073175,6.148073193,6.148073067,6.148073071,6.148072884,6.148073139,6.148072859,6.148072996,6.148072942,6.148072976,6.148073121,6.148073141,6.14807304,6.148072878,6.148073037,6.148073381,6.148073104
+"12361","POMGNT2",6.222614878,6.222614915,6.222614996,6.222614935,6.2226151,6.222614903,6.22261495,6.22261501,6.222614961,6.222615015,6.222615049,6.22261516,6.222614955,6.222614751,6.222614982,6.222614827,6.222615039,6.222614991,6.222614969,6.222614934,6.222614962,6.222615033,6.222614915,6.22261491,6.222614931,6.222614934,6.222614877,6.222614929
+"12362","POMK",7.504948041,7.504948047,7.504947843,7.504947882,7.504947704,7.504947878,7.504947803,7.50494787,7.504948082,7.504948057,7.504947591,7.504947604,7.504948043,7.504948172,7.504947902,7.504948055,7.504947769,7.504947714,7.504947932,7.5049481,7.50494788,7.504947827,7.504948021,7.504948041,7.504947857,7.504947803,7.504948026,7.504947999
+"12363","POMP",5.696651364,5.696651212,5.696651172,5.696651107,5.696650991,5.696651338,5.696651182,5.696651098,5.696651132,5.696651118,5.696651129,5.696650878,5.696651181,5.696651277,5.696651123,5.696651245,5.696651015,5.696650849,5.696651151,5.696651338,5.696651192,5.696651069,5.69665127,5.696651211,5.696651094,5.69665103,5.696651157,5.696651064
+"12364","POMT1",6.760203201,6.760203182,6.760203203,6.760203143,6.760203203,6.760203166,6.760203193,6.760203219,6.760203203,6.760203222,6.760203146,6.760203221,6.760203198,6.760203199,6.760203197,6.760203194,6.760203201,6.760203151,6.760203187,6.760203194,6.760203222,6.760203198,6.760203189,6.76020315,6.760203119,6.760203218,6.760203198,6.760203152
+"12365","POMT2",4.926580643,4.92658063,4.926580649,4.926580637,4.926580638,4.926580644,4.926580639,4.926580659,4.926580642,4.926580639,4.92658066,4.926580629,4.926580644,4.926580645,4.926580641,4.926580638,4.92658066,4.92658065,4.926580632,4.926580638,4.926580635,4.926580653,4.926580656,4.92658065,4.926580638,4.926580644,4.926580649,4.926580652
+"12366","PON1",3.419999329,3.419999344,3.41999933,3.419999359,3.419999359,3.419999352,3.419999341,3.419999351,3.419999345,3.419999341,3.419999357,3.419999367,3.419999325,3.419999337,3.419999352,3.419999339,3.419999374,3.419999343,3.419999341,3.419999364,3.419999335,3.419999344,3.419999342,3.41999935,3.419999363,3.419999341,3.419999344,3.419999349
+"12367","PON2",5.630833999,5.630833971,5.630834001,5.630833984,5.630833999,5.630833971,5.630833975,5.63083398,5.630833979,5.630834002,5.630834003,5.630833989,5.630833994,5.630833967,5.630833981,5.630833977,5.630833992,5.630833986,5.630833957,5.630833934,5.630833981,5.630833977,5.63083398,5.630833988,5.630834018,5.630833961,5.630833996,5.630833979
+"12368","PON3",3.833402212,3.833402193,3.833402254,3.833402213,3.833402319,3.833402215,3.833402256,3.833402285,3.833402225,3.833402228,3.833402307,3.833402287,3.833402221,3.833402157,3.833402247,3.833402251,3.833402308,3.833402242,3.833402228,3.833402256,3.833402231,3.833402283,3.833402238,3.833402216,3.833402249,3.833402212,3.833402254,3.833402192
+"12369","POP1",4.29058031,4.290580405,4.2905804645,4.2905803545,4.290580275,4.2905802325,4.290580329,4.290580336,4.2905804405,4.2905801725,4.2905803065,4.2905802365,4.2905802615,4.2905803255,4.2905803455,4.2905803575,4.2905803755,4.290580359,4.2905803625,4.290580288,4.290580319,4.2905803605,4.2905803355,4.290580332,4.290580243,4.2905803745,4.2905801915,4.2905801865
+"12370","POP4",5.991487987,5.99148791,5.991487902,5.991487944,5.991487944,5.991487918,5.991487969,5.991487906,5.99148795,5.991487936,5.991487901,5.9914879,5.991487916,5.991487976,5.991487945,5.991487934,5.991487841,5.991487831,5.991487911,5.991487969,5.991487978,5.991487929,5.991487995,5.99148797,5.991487905,5.991487937,5.991487961,5.991487938
+"12371","POP5",5.373824704,5.373823969,5.373824079,5.373824041,5.373823467,5.373824365,5.373824013,5.37382377,5.373825102,5.373824394,5.373823869,5.373823518,5.373824562,5.373824677,5.373824258,5.373823954,5.373823933,5.373824084,5.373823791,5.37382438,5.37382449,5.373823962,5.373824196,5.373824244,5.373823319,5.373824674,5.373824247,5.373824156
+"12372","POP7",6.248145494,6.248145451,6.24814553,6.248145533,6.248145567,6.248145484,6.24814552,6.24814562,6.248145526,6.248145524,6.248145547,6.24814555,6.248145551,6.248145449,6.248145542,6.248145472,6.248145575,6.248145533,6.248145526,6.248145532,6.248145574,6.248145592,6.248145531,6.248145531,6.248145546,6.248145552,6.248145499,6.248145516
+"12373","POPDC2",4.685153625,4.685153594,4.685153548,4.685153596,4.68515357,4.68515362,4.685153602,4.685153609,4.685153603,4.685153553,4.685153578,4.685153578,4.685153596,4.685153587,4.685153526,4.685153566,4.685153539,4.685153509,4.685153571,4.685153598,4.685153595,4.685153581,4.685153599,4.6851536,4.685153604,4.685153608,4.685153609,4.685153589
+"12374","POPDC3",3.285758442,3.285758398,3.285758418,3.285758397,3.285758496,3.285758481,3.285758416,3.285758473,3.285758446,3.285758325,3.285758519,3.285758619,3.285758393,3.285758412,3.285758398,3.285758487,3.28575847,3.285758307,3.285758379,3.285758375,3.285758313,3.285758507,3.285758456,3.285758455,3.285758487,3.285758397,3.28575839,3.285758443
+"12375","POR",7.233467422,7.233467525,7.233467483,7.233467601,7.233467437,7.23346749,7.233467517,7.233467437,7.233467487,7.233467464,7.233467451,7.233467363,7.23346742,7.233467522,7.233467446,7.233467534,7.233467484,7.233467571,7.233467531,7.233467298,7.233467424,7.23346741,7.23346755,7.233467543,7.233467501,7.233467462,7.233467479,7.233467518
+"12376","PORCN",5.858260571,5.858260584,5.858260575,5.85826055,5.858260593,5.858260545,5.858260586,5.858260621,5.858260589,5.858260617,5.858260575,5.858260604,5.858260583,5.858260587,5.858260618,5.858260625,5.85826059,5.858260575,5.858260571,5.858260585,5.858260585,5.858260606,5.858260597,5.85826055,5.858260572,5.85826058,5.858260536,5.85826057
+"12377","POSTN",2.915446493,2.915446545,2.915446573,2.915446632,2.915446648,2.915446466,2.915446615,2.915446513,2.915446588,2.915446549,2.915446704,2.915446554,2.91544654,2.915446539,2.91544662,2.915446584,2.915446629,2.915446665,2.915446595,2.915446604,2.915446576,2.915446624,2.915446528,2.915446557,2.915446569,2.915446525,2.915446618,2.915446665
+"12378","POT1",4.469647135,4.469647007,4.46964697,4.469646906,4.469646916,4.469646822,4.469646959,4.469646915,4.469646908,4.469647003,4.469647006,4.469646813,4.46964702,4.469647241,4.46964694,4.469646979,4.46964691,4.469646897,4.469647002,4.469646803,4.46964698,4.469647012,4.469646978,4.46964701,4.469646911,4.469646896,4.469646972,4.469647129
+"12379","POT1-AS1",2.923187289,2.923187284,2.923187375,2.923187226,2.923187443,2.923187276,2.923187225,2.923187301,2.923187421,2.923187277,2.923187372,2.92318734,2.923187385,2.923187394,2.923187373,2.923187308,2.923187321,2.923187287,2.923187328,2.923187342,2.923187226,2.923187446,2.923187317,2.923187249,2.923187297,2.923187302,2.923187282,2.923187454
+"12380","POTEA",2.491528574,2.491528673,2.491528791,2.491528716,2.49152872,2.49152852,2.491528549,2.491528644,2.491528534,2.491528884,2.491528657,2.491528805,2.491528732,2.491528647,2.491528559,2.491528622,2.491528657,2.491528951,2.491528769,2.491528574,2.491528648,2.49152868,2.491528696,2.491528531,2.491528654,2.491528641,2.491528723,2.491528725
+"12381","POU1F1",3.449179146,3.449179161,3.449179171,3.449179191,3.44917918,3.449179154,3.44917916,3.449179203,3.449179188,3.449179198,3.449179165,3.449179175,3.449179165,3.449179191,3.449179177,3.449179219,3.449179203,3.449179192,3.44917918,3.449179202,3.449179165,3.449179169,3.44917916,3.449179139,3.449179171,3.449179145,3.449179182,3.449179191
+"12382","POU2AF1",6.093565009,6.09356501,6.093565268,6.093565206,6.093565362,6.093565082,6.093565168,6.093565219,6.093565175,6.093565203,6.093565126,6.093565468,6.093565285,6.09356489,6.093565278,6.093565096,6.093565394,6.093565453,6.093565137,6.093565018,6.093565518,6.093565294,6.09356498,6.09356504,6.093565279,6.093565315,6.093565207,6.093565292
+"12383","POU2AF2",4.177147679,4.177147689,4.177147664,4.177147658,4.177147709,4.177147675,4.177147685,4.177147716,4.17714771,4.177147712,4.177147671,4.177147721,4.177147654,4.177147664,4.177147709,4.177147674,4.177147711,4.177147695,4.177147681,4.177147721,4.177147682,4.177147691,4.177147655,4.177147671,4.177147713,4.177147691,4.177147697,4.177147683
+"12384","POU2F1",6.583458516,6.583458489,6.583458503,6.583458521,6.583458503,6.583458542,6.583458518,6.583458505,6.583458507,6.583458513,6.583458494,6.583458506,6.583458511,6.583458524,6.583458512,6.583458488,6.583458476,6.583458521,6.583458512,6.583458543,6.583458514,6.583458483,6.583458506,6.583458503,6.583458514,6.58345852,6.583458517,6.5834585
+"12385","POU2F2",6.790523876,6.790523869,6.790523892,6.79052388,6.790523906,6.79052391,6.790523896,6.790523876,6.790523884,6.790523894,6.790523901,6.790523902,6.790523898,6.790523878,6.790523903,6.790523867,6.79052391,6.790523886,6.790523889,6.790523901,6.790523909,6.790523897,6.790523874,6.790523882,6.790523892,6.790523894,6.790523901,6.790523885
+"12386","POU2F3",5.287733144,5.28773321,5.287733298,5.287733232,5.287733247,5.287733217,5.287733189,5.287733299,5.287733219,5.287733304,5.287733185,5.287733295,5.28773319,5.2877331,5.287733326,5.287733209,5.2877334,5.287733293,5.287733239,5.287733236,5.28773318,5.287733319,5.287733254,5.287733267,5.28773324,5.287733199,5.287733212,5.287733216
+"12387","POU3F1",6.622157763,6.622157717,6.622157789,6.62215776,6.6221578,6.622157744,6.622157781,6.622157835,6.622157744,6.622157732,6.622157815,6.622157855,6.622157745,6.622157665,6.622157811,6.622157764,6.62215784,6.622157849,6.622157809,6.622157789,6.622157803,6.622157828,6.622157745,6.622157677,6.622157769,6.622157794,6.622157756,6.622157774
+"12388","POU3F2",5.776853838,5.776853833,5.776854068,5.77685396,5.776854216,5.776853839,5.776854036,5.776854149,5.776854064,5.776854042,5.776854237,5.776854254,5.776853889,5.776853708,5.776854091,5.776854069,5.776854338,5.776854139,5.776854046,5.776853897,5.776854166,5.776854077,5.776853938,5.776853958,5.776854041,5.776854113,5.776853878,5.776854064
+"12389","POU3F3",7.195719627,7.195719249,7.19571983,7.195719566,7.195720142,7.195719688,7.195719504,7.19571976,7.195719642,7.195719482,7.195719903,7.195720063,7.195719495,7.195718556,7.195719782,7.195719149,7.195720076,7.195719933,7.195719588,7.195719443,7.195719505,7.195719854,7.195719262,7.195719101,7.195719562,7.195719549,7.195719346,7.195719252
+"12390","POU3F4",5.798601904,5.798602282,5.798602524,5.798602206,5.798602572,5.798601821,5.798602154,5.798602518,5.798602262,5.798602108,5.798602545,5.7986028,5.79860215,5.798601839,5.79860228,5.798602264,5.798602504,5.798602424,5.798602306,5.798602163,5.798602198,5.798602196,5.798601967,5.798602072,5.798602421,5.798602299,5.798602115,5.798602365
+"12391","POU4F1",5.186638788,5.186638817,5.186638825,5.186638819,5.186638927,5.186638869,5.186638873,5.186638864,5.186638766,5.18663885,5.186638897,5.18663897,5.186638842,5.18663871,5.186638925,5.186638782,5.186638913,5.186638891,5.186638885,5.186638845,5.186638905,5.186638893,5.18663878,5.186638783,5.186638838,5.186638881,5.186638808,5.186638878
+"12392","POU4F2",4.872118868,4.872118865,4.872118982,4.872118843,4.872118958,4.872118877,4.87211893,4.872118987,4.872118797,4.872118934,4.87211893,4.872118992,4.872118862,4.872118762,4.872118962,4.872118841,4.872119044,4.872118973,4.872118939,4.872118908,4.872118902,4.872118973,4.872118832,4.872118805,4.87211879,4.872118909,4.872118889,4.872118828
+"12393","POU4F3",5.192195325,5.192195319,5.192195333,5.192195332,5.192195342,5.192195346,5.192195311,5.192195329,5.192195335,5.192195332,5.192195337,5.192195336,5.192195324,5.192195304,5.192195327,5.192195312,5.192195332,5.192195336,5.192195321,5.192195334,5.192195333,5.192195322,5.192195319,5.192195326,5.192195328,5.192195321,5.192195336,5.192195308
+"12394","POU5F1B",6.161125208,6.161125435,6.161125362,6.161125951,6.161125225,6.161125477,6.161124937,6.161125586,6.161125632,6.161125573,6.161125513,6.161125368,6.161125457,6.161125378,6.161125174,6.161125214,6.161125434,6.16112567,6.161125526,6.161125768,6.161125124,6.161125754,6.161125478,6.161125516,6.161125914,6.161125393,6.161125485,6.161125102
+"12395","POU5F1P3",6.519644767,6.519645078,6.519644904,6.51964488,6.519644972,6.519645103,6.519644945,6.519645123,6.519645096,6.519645211,6.519644916,6.519645031,6.519644841,6.519644711,6.519644813,6.519645076,6.519644951,6.51964504,6.519644573,6.519645117,6.519644689,6.519644791,6.519644937,6.519644788,6.519644809,6.519645036,6.519645011,6.519644971
+"12396","POU5F1P4",5.927557938,5.927557794,5.927558149,5.927558223,5.927558209,5.927557875,5.927558049,5.927557888,5.927558072,5.92755813,5.927558359,5.927558215,5.927557865,5.927557622,5.927558089,5.927557821,5.927558215,5.927558174,5.927558023,5.927557881,5.927558056,5.927558119,5.92755799,5.927557779,5.927557999,5.9275582,5.927557838,5.927558077
+"12397","POU5F2",6.670973232,6.670973296,6.670973537,6.67097348,6.670973582,6.670973227,6.670973433,6.670973565,6.670973464,6.670973368,6.670973458,6.670973578,6.670973429,6.670973169,6.670973581,6.670973411,6.670973567,6.670973526,6.670973286,6.670973353,6.670973501,6.670973562,6.670973352,6.670973334,6.670973432,6.670973496,6.670973393,6.670973456
+"12398","POU6F1",6.398899624,6.398899606,6.398899637,6.398899612,6.398899652,6.398899627,6.398899619,6.398899645,6.398899632,6.398899643,6.398899635,6.398899648,6.398899625,6.398899618,6.398899658,6.398899627,6.398899653,6.398899632,6.398899624,6.39889962,6.398899651,6.398899645,6.398899621,6.398899614,6.398899641,6.398899644,6.398899634,6.398899636
+"12399","POU6F2",4.503198386,4.503198373,4.503198376,4.503198386,4.503198411,4.503198395,4.503198384,4.503198401,4.503198393,4.503198395,4.503198377,4.503198406,4.503198389,4.50319836,4.503198408,4.503198405,4.503198416,4.503198402,4.503198403,4.503198378,4.503198413,4.503198417,4.503198401,4.503198383,4.503198392,4.503198396,4.503198399,4.503198397
+"12400","PP12613",4.067956667,4.067956627,4.067956691,4.067956539,4.067956856,4.067956589,4.067956989,4.067956969,4.067956779,4.067956858,4.06795686,4.06795691,4.067956879,4.067956331,4.067956971,4.067956748,4.067956718,4.067956746,4.06795676,4.067956734,4.06795697,4.067956987,4.067956775,4.067956883,4.067956769,4.067957011,4.067956701,4.067956592
+"12401","PP2D1",3.181033278,3.181033295,3.181033255,3.18103329,3.18103329,3.181033286,3.181033279,3.181033277,3.181033278,3.181033269,3.181033265,3.181033283,3.181033314,3.181033254,3.181033278,3.181033244,3.181033321,3.18103326,3.181033305,3.181033248,3.181033272,3.181033285,3.181033282,3.18103328,3.181033316,3.181033243,3.181033286,3.181033277
+"12402","PP7080",6.242303208,6.242303193,6.242303199,6.2423032,6.242303195,6.242303213,6.242303215,6.242303219,6.24230323,6.242303219,6.242303197,6.242303228,6.242303232,6.242303227,6.2423032,6.242303203,6.242303208,6.242303198,6.242303222,6.242303224,6.242303215,6.242303219,6.242303229,6.242303209,6.242303215,6.242303222,6.242303229,6.24230324
+"12403","PPA1",5.670015912,5.6700155,5.670015706,5.67001554,5.670015824,5.670015898,5.670015727,5.670015329,5.670015778,5.670015906,5.670015364,5.670015225,5.670015398,5.67001618,5.670015316,5.670015204,5.670015484,5.670015393,5.670015857,5.670015892,5.670015386,5.670015771,5.670015753,5.670015421,5.670015386,5.670015095,5.670015525,5.670015688
+"12404","PPA2",5.007326819,5.007326778,5.007326804,5.007326748,5.007326786,5.007326702,5.007326792,5.007326756,5.007326889,5.007326815,5.007326793,5.007326777,5.007326873,5.007326917,5.007326827,5.007326786,5.007326732,5.007326768,5.007326788,5.00732678,5.007326819,5.007326823,5.007326893,5.007326827,5.007326717,5.007326756,5.007326851,5.007326872
+"12405","PPARA",5.702728121,5.70272822,5.702728198,5.702728094,5.702728307,5.702728025,5.70272829,5.702728215,5.702728174,5.702728256,5.702728481,5.702727773,5.702728097,5.70272814,5.702728163,5.702728095,5.702727997,5.70272813,5.70272827,5.70272814,5.702728232,5.702728047,5.702727991,5.702728145,5.70272807,5.702728047,5.702728192,5.702728044
+"12406","PPARD",6.370768848,6.370768955,6.370768924,6.37076891,6.370769078,6.370768738,6.370768864,6.370769024,6.370769143,6.370768799,6.370768895,6.370768979,6.370768915,6.370768916,6.370768848,6.370768986,6.370768895,6.370769068,6.370769018,6.370768884,6.370768999,6.370768991,6.370769173,6.370768986,6.370768858,6.370769078,6.370769136,6.370768878
+"12407","PPARG",4.274196387,4.274196316,4.274196468,4.274196412,4.274196369,4.274196322,4.274196408,4.274196406,4.274196331,4.274196432,4.274196414,4.274196352,4.274196328,4.274196288,4.274196368,4.274196493,4.274196373,4.274196417,4.274196325,4.274196377,4.27419631,4.274196427,4.274196286,4.274196387,4.274196475,4.274196371,4.274196278,4.274196428
+"12408","PPARGC1A",4.06720824,4.067208267,4.067208229,4.067208246,4.067208239,4.06720825,4.067208256,4.067208243,4.067208224,4.067208249,4.067208241,4.067208239,4.067208224,4.067208223,4.06720823,4.067208226,4.067208244,4.06720825,4.067208261,4.067208252,4.067208211,4.067208207,4.067208246,4.067208225,4.06720825,4.067208211,4.06720824,4.067208208
+"12409","PPARGC1B",6.181513726,6.181513736,6.181513749,6.18151374,6.18151377,6.181513765,6.181513747,6.181513752,6.181513744,6.181513772,6.181513743,6.18151379,6.181513754,6.181513699,6.181513756,6.181513708,6.181513769,6.181513745,6.181513731,6.181513768,6.18151375,6.181513767,6.181513709,6.181513731,6.18151373,6.181513752,6.181513742,6.181513711
+"12410","PPAT",5.713992849,5.713992845,5.713992841,5.713992836,5.713992796,5.713992806,5.713992836,5.713992806,5.713992896,5.713992782,5.713992781,5.713992828,5.713992868,5.7139929,5.713992826,5.713992844,5.713992786,5.713992771,5.713992801,5.713992858,5.71399281,5.713992765,5.713992881,5.713992836,5.713992811,5.713992802,5.713992847,5.713992865
+"12411","PPBP",8.483287612,7.995316731,8.380698394,9.503631068,8.630907441,7.809249134,8.617425869,7.5737207,7.709871291,9.502327933,9.64529043,8.395742799,8.300802452,8.441677347,8.56376052,7.629531357,8.458382193,9.564166387,8.590563302,7.457075674,8.883045145,7.672935793,8.207209093,9.495769561,9.48776505,8.473895815,8.478390985,8.849803851
+"12412","PPBPP2",3.711528685,3.711528684,3.711528689,3.711528692,3.711528691,3.711528696,3.711528676,3.711528703,3.711528694,3.711528707,3.711528707,3.711528708,3.711528688,3.711528681,3.711528716,3.711528672,3.711528681,3.711528706,3.711528717,3.711528697,3.711528714,3.71152868,3.711528718,3.711528678,3.711528714,3.711528694,3.711528686,3.711528701
+"12413","PPCDC",6.928836698,6.928837891,6.928837255,6.928838254,6.928836543,6.928838393,6.928837577,6.928837167,6.928836896,6.928836659,6.92883737,6.928836096,6.92883774,6.928837087,6.928836881,6.928838237,6.928836815,6.928838085,6.928837639,6.928837897,6.928837539,6.92883769,6.928837564,6.928837467,6.928837722,6.928836288,6.928837783,6.928837275
+"12414","PPCS",6.917097908,6.917097824,6.917097842,6.917097794,6.917097808,6.91709776,6.917097872,6.917097789,6.917097819,6.917097855,6.917097824,6.917097807,6.917097871,6.917097895,6.917097847,6.917097725,6.917097849,6.917097801,6.917097874,6.917097786,6.91709785,6.91709787,6.917097845,6.917097818,6.917097743,6.917097848,6.917097866,6.917097897
+"12415","PPDPF",8.126217293,8.126219384,8.126220529,8.126219233,8.12621936,8.126221028,8.126218974,8.126221261,8.126221272,8.126219859,8.126219747,8.126218986,8.126218341,8.126218239,8.126217353,8.126218296,8.126220571,8.126219403,8.126218229,8.126219974,8.126217751,8.126219808,8.126220211,8.126219328,8.126220007,8.126218679,8.126218717,8.126219137
+"12416","PPDPFL",3.257133923,3.257133928,3.257133909,3.257133987,3.257133931,3.257133909,3.257133906,3.25713393,3.257133875,3.257133932,3.257133902,3.257133945,3.257133898,3.257133887,3.257133886,3.257133874,3.257133928,3.257133941,3.257133898,3.257133928,3.257133914,3.257133974,3.257133833,3.257133862,3.257133912,3.257133904,3.257133904,3.257133881
+"12417","PPEF1",3.218293746,3.218293663,3.218293765,3.218293724,3.218293742,3.218293627,3.218293755,3.218293725,3.218293679,3.218293747,3.218293656,3.218293717,3.218293701,3.218293745,3.21829373,3.218293745,3.218293639,3.218293707,3.218293673,3.218293773,3.218293711,3.218293716,3.218293792,3.218293795,3.218293669,3.218293656,3.218293646,3.218293689
+"12418","PPEF2",4.287168818,4.287168785,4.287168796,4.287168761,4.287168897,4.287168881,4.287168846,4.287168829,4.287168844,4.287168824,4.287168753,4.287168811,4.287168778,4.287168753,4.287168853,4.287168908,4.28716892,4.28716883,4.287168806,4.287168898,4.287168848,4.287168844,4.287168691,4.287168845,4.28716883,4.287168895,4.287168749,4.287168887
+"12419","PPFIA1",7.357522053,7.357522219,7.35752214,7.357522763,7.357521695,7.357521841,7.357522239,7.357521675,7.357521857,7.357521531,7.357521795,7.357521731,7.357522215,7.357522163,7.357522208,7.357522552,7.357521794,7.357522376,7.357522363,7.357521982,7.357522363,7.357521736,7.357522123,7.357522282,7.357522096,7.357522338,7.357521974,7.357521818
+"12420","PPFIA2",3.780710486,3.780710499,3.78071055,3.780710557,3.780710606,3.780710521,3.780710573,3.780710596,3.780710576,3.780710534,3.780710561,3.780710573,3.780710515,3.780710482,3.780710587,3.780710558,3.780710534,3.780710584,3.780710556,3.780710521,3.780710565,3.780710605,3.780710533,3.780710538,3.780710507,3.780710514,3.780710559,3.780710626
+"12421","PPFIA3",4.895186816,4.895186851,4.8951869,4.895186995,4.895186928,4.895186892,4.895186962,4.895186939,4.895186939,4.895186817,4.895187015,4.895186903,4.895186948,4.895186719,4.895186997,4.895186947,4.895187021,4.895186915,4.895186858,4.895187021,4.895187009,4.895186976,4.895186843,4.895186908,4.895187035,4.895186899,4.895186906,4.895187062
+"12422","PPFIA4",5.010486944,5.010486926,5.010487091,5.010486921,5.010487093,5.010486936,5.010486985,5.010487011,5.010486981,5.010486963,5.010487001,5.010487061,5.010486948,5.010486806,5.01048707,5.010486948,5.010487081,5.010487083,5.010487022,5.010487017,5.010487022,5.010487048,5.010486875,5.010487054,5.010487005,5.010487001,5.010487001,5.010486993
+"12423","PPFIBP1",4.135802938,4.135802954,4.135802971,4.135802968,4.135802959,4.135802894,4.135802935,4.135802938,4.135802958,4.135802954,4.135802967,4.135802995,4.135802937,4.135802983,4.135802968,4.135802978,4.135802972,4.135802953,4.13580295,4.135802926,4.135802959,4.135802955,4.135802968,4.135802968,4.135802944,4.135802982,4.135802908,4.135802963
+"12424","PPFIBP2",5.875453608,5.875454189,5.875454156,5.875454061,5.875454189,5.875453534,5.875453889,5.875453786,5.875454278,5.875454108,5.875453729,5.875453615,5.875453716,5.875453785,5.875453914,5.875454272,5.875453567,5.875454032,5.875454212,5.875453748,5.875453826,5.875453797,5.87545438,5.875454051,5.875453707,5.875454003,5.875453848,5.875453398
+"12425","PPHLN1",7.020088392,7.020088253,7.020087998,7.020087655,7.020087781,7.02008774,7.020087935,7.020087802,7.020088447,7.020088242,7.020087717,7.020087143,7.020087854,7.020088723,7.02008769,7.020088175,7.020087279,7.020087195,7.020088081,7.020087616,7.020087498,7.020088228,7.020088531,7.020088467,7.020088115,7.020087972,7.020088143,7.020088279
+"12426","PPIA",7.101635104,7.1016346165,7.1016347125,7.101634122,7.101634476,7.101634651,7.1016349125,7.101634413,7.1016348265,7.101635055,7.1016341835,7.1016343765,7.1016350515,7.101635344,7.101634798,7.1016343555,7.1016344045,7.1016341225,7.10163468,7.101634634,7.101634997,7.10163465,7.1016347865,7.101634645,7.1016344125,7.1016346745,7.101634792,7.101634872
+"12427","PPIB",8.839010689,8.83901073,8.839010642,8.839010614,8.839010668,8.839010719,8.839010783,8.839010626,8.839010591,8.839010679,8.839010577,8.839010471,8.839010764,8.839010743,8.839010673,8.839010598,8.839010547,8.839010573,8.839010681,8.83901062,8.839010737,8.839010629,8.839010638,8.839010658,8.839010485,8.839010564,8.839010777,8.8390107
+"12428","PPIC",4.078835805,4.078835827,4.078835861,4.078835836,4.078835854,4.078835818,4.078835844,4.078835861,4.078835851,4.078835863,4.07883588,4.078835862,4.078835851,4.078835828,4.078835874,4.078835828,4.078835898,4.07883584,4.078835865,4.078835869,4.078835897,4.078835885,4.078835842,4.078835846,4.078835846,4.078835861,4.07883584,4.078835848
+"12429","PPID",5.969320125,5.96932046,5.969319561,5.969320099,5.969319582,5.969319525,5.969319596,5.969319274,5.969319858,5.96931994,5.969319785,5.969318874,5.969319791,5.969320817,5.969319757,5.969320227,5.969319121,5.969319701,5.969319614,5.96932019,5.969319759,5.969319289,5.969320148,5.969320131,5.969319761,5.969319288,5.969319841,5.96931991
+"12430","PPIE",6.463386131,6.463385544,6.463385738,6.463385261,6.46338541,6.463385669,6.463385513,6.46338554,6.463385668,6.463385828,6.463385639,6.463386234,6.463386253,6.463386312,6.463385881,6.463385486,6.463384894,6.463385465,6.463386157,6.463385075,6.463385497,6.463386015,6.463385819,6.463385497,6.463385022,6.463386016,6.463386315,6.463386178
+"12431","PPIEL",4.642875423,4.642875425,4.64287543,4.642875435,4.642875398,4.642875417,4.642875442,4.642875456,4.642875396,4.642875403,4.64287542,4.642875453,4.642875467,4.642875442,4.642875444,4.642875421,4.642875451,4.642875435,4.642875426,4.642875437,4.642875448,4.642875464,4.642875451,4.642875407,4.642875436,4.642875457,4.64287543,4.642875388
+"12432","PPIF",7.930660806,7.930661939,7.930660865,7.93066174,7.930659505,7.930660785,7.930660051,7.930661449,7.930660078,7.930660053,7.930660531,7.930659618,7.930661344,7.930660229,7.930660419,7.930661686,7.930660314,7.93066154,7.930660016,7.93066109,7.930659797,7.930661201,7.930660754,7.930660778,7.930661047,7.930659881,7.930661155,7.93065956
+"12433","PPIG",5.105142049,5.10514209,5.105141812,5.105141489,5.105141271,5.105141466,5.105141518,5.105141431,5.105141711,5.105141678,5.105141328,5.105140705,5.105141911,5.105142851,5.10514159,5.105141959,5.105141063,5.105141617,5.105141827,5.105141444,5.105141365,5.10514147,5.105142075,5.105141937,5.105141702,5.105141529,5.10514176,5.105142597
+"12434","PPIH",6.413055291,6.413055236,6.413055024,6.413054501,6.413054823,6.413055333,6.413055031,6.413054768,6.413055154,6.41305514,6.413054844,6.413054746,6.41305514,6.413055317,6.413054879,6.413055114,6.413054466,6.413054713,6.413054838,6.413055323,6.413054838,6.413055093,6.413055476,6.413054939,6.413054491,6.413055172,6.413055038,6.413054899
+"12435","PPIL1",5.704412435,5.704412445,5.704412424,5.704412387,5.70441251,5.704412534,5.704412493,5.704412411,5.704412543,5.704412566,5.704412401,5.704412507,5.704412469,5.704412363,5.704412422,5.704412457,5.704412465,5.704412388,5.704412457,5.704412418,5.70441247,5.704412399,5.704412523,5.704412444,5.704412381,5.704412366,5.704412465,5.704412454
+"12436","PPIL2",7.07172232,7.071722315,7.071722311,7.071722326,7.071722273,7.071722365,7.071722369,7.07172235,7.071722369,7.071722353,7.071722224,7.071722316,7.071722388,7.071722391,7.071722309,7.071722271,7.07172227,7.071722238,7.07172234,7.071722345,7.071722347,7.071722345,7.071722346,7.071722363,7.071722304,7.071722371,7.071722387,7.071722348
+"12437","PPIL3",5.640330362,5.640330256,5.640330174,5.640330104,5.64033011,5.640330106,5.64033025,5.640330211,5.640330248,5.640330272,5.640330237,5.640330137,5.640330317,5.640330553,5.640330305,5.640330103,5.640330059,5.6403301,5.640330226,5.640329995,5.640330201,5.64033024,5.640330295,5.640330235,5.640330188,5.640330247,5.640330328,5.640330391
+"12438","PPIL4",5.888124022,5.888124102,5.888123601,5.88812371,5.888123706,5.888123148,5.888123573,5.888123376,5.88812378,5.8881234,5.88812382,5.888123155,5.888123944,5.888125003,5.88812375,5.88812336,5.888123406,5.888123621,5.888124129,5.88812304,5.88812343,5.888123761,5.888124159,5.888123736,5.888123853,5.888123802,5.8881241,5.888124569
+"12439","PPIL6",3.476371243,3.47637131,3.476371246,3.476371518,3.476371465,3.476371195,3.476371356,3.476371158,3.47637127,3.476371291,3.476371232,3.476371642,3.476371191,3.476370993,3.47637161,3.476371471,3.476371518,3.4763711,3.476371292,3.476371164,3.476371323,3.476371495,3.476371392,3.476371092,3.476371453,3.476371052,3.476371466,3.476371327
+"12440","PPIP5K1",5.960208297,5.9602078595,5.960208132,5.9602078625,5.9602082545,5.960207566,5.960208262,5.960208084,5.960208156,5.9602079455,5.960208186,5.9602083925,5.960208093,5.9602079185,5.9602081555,5.960207842,5.960208113,5.9602084355,5.9602080655,5.960207946,5.9602083025,5.960208262,5.9602080295,5.9602081045,5.9602083185,5.9602084295,5.960208076,5.9602082465
+"12441","PPIP5K2",6.688550646,6.688550952,6.688550266,6.688549364,6.688549086,6.6885471,6.688549715,6.688548567,6.688548547,6.688549621,6.688549907,6.688548237,6.688549005,6.688552294,6.688549574,6.688550306,6.688549877,6.688549187,6.688549882,6.688547744,6.688549808,6.688549305,6.688549483,6.688549778,6.688549971,6.688549323,6.688549108,6.688551493
+"12442","PPL",5.212939522,5.212939493,5.212939623,5.212939701,5.212939641,5.212939521,5.212939534,5.212939565,5.212939587,5.212939639,5.212939716,5.212939668,5.212939544,5.212939389,5.21293959,5.212939565,5.21293968,5.212939702,5.212939622,5.212939564,5.212939672,5.21293963,5.212939415,5.212939539,5.212939701,5.212939567,5.212939553,5.212939564
+"12443","PPM1A",7.159068051,7.159068073,7.15906847,7.159068135,7.159067967,7.159068126,7.159068001,7.159068251,7.159068204,7.159068123,7.159068133,7.159068085,7.159067977,7.159068155,7.15906814,7.159068068,7.159068318,7.159068225,7.159067966,7.159068214,7.15906805,7.15906825,7.159068293,7.159068228,7.159068102,7.159068255,7.159067927,7.159068171
+"12444","PPM1B",7.297254157,7.297254843,7.297252964,7.297253532,7.297252824,7.297252855,7.297253157,7.297252513,7.297253747,7.297253419,7.297253188,7.297251586,7.297253261,7.297255638,7.297253731,7.297254708,7.297253693,7.297253318,7.297253959,7.297253237,7.297253363,7.297252742,7.297254604,7.297254374,7.297253451,7.297252696,7.297252778,7.297254959
+"12445","PPM1D",6.834657751,6.834657857,6.834657633,6.834657919,6.834657639,6.834657787,6.834657695,6.834657686,6.834657689,6.834657695,6.83465774,6.834657435,6.834657775,6.834657883,6.834657707,6.83465787,6.834657575,6.834657745,6.834657752,6.834657753,6.834657637,6.834657592,6.834657765,6.834657893,6.834657729,6.834657653,6.834657704,6.834657671
+"12446","PPM1E",3.698418868,3.698419013,3.698418982,3.69841881,3.698419244,3.698418909,3.698419057,3.698419012,3.698419039,3.698418976,3.698419067,3.698418816,3.698419005,3.698418965,3.698419212,3.698418874,3.698419297,3.698419231,3.698419054,3.698419049,3.698419138,3.698419107,3.698418957,3.698418749,3.698418912,3.698419054,3.698419018,3.698419036
+"12447","PPM1F",7.764653602,7.764653589,7.764653604,7.764654723,7.764652984,7.764653979,7.764653113,7.764653948,7.764653111,7.764653483,7.764653637,7.764653484,7.764653883,7.764653486,7.764653545,7.764653584,7.764653802,7.764654499,7.764653473,7.764653885,7.764652831,7.764654146,7.764653558,7.764654014,7.76465396,7.764653692,7.764653871,7.76465331
+"12448","PPM1G",7.315443253,7.315443377,7.3154431,7.31544313,7.315443096,7.315443327,7.315443262,7.315443164,7.315443351,7.315443302,7.315443025,7.315443086,7.31544325,7.3154434,7.315443174,7.315443295,7.315442912,7.31544301,7.31544321,7.315443379,7.315443107,7.315443116,7.315443353,7.315443407,7.315443044,7.315443175,7.315443316,7.315443289
+"12449","PPM1H",5.780814824,5.780814918,5.78081489,5.780814915,5.780814899,5.780814816,5.780814857,5.780814899,5.780814866,5.780814837,5.780814902,5.780814864,5.780814872,5.780814863,5.780814907,5.780814912,5.780814906,5.780814892,5.780814884,5.780814849,5.780814873,5.780814861,5.780814868,5.780814826,5.780814824,5.780814873,5.78081482,5.78081487
+"12450","PPM1J",5.649513212,5.649513195,5.649513237,5.649513206,5.649513259,5.649513201,5.649513218,5.649513241,5.649513207,5.649513222,5.649513229,5.649513233,5.649513216,5.649513212,5.649513237,5.649513218,5.649513245,5.649513244,5.649513228,5.649513213,5.649513248,5.649513232,5.649513213,5.649513223,5.649513219,5.649513237,5.649513228,5.64951324
+"12451","PPM1K",5.838929594,5.838929012,5.838928939,5.8389281305,5.8389287345,5.838928514,5.838928904,5.838928007,5.8389295005,5.8389294395,5.8389282595,5.838927674,5.8389287975,5.838929949,5.83892924,5.8389279675,5.8389278055,5.838928549,5.8389289425,5.8389282965,5.838928261,5.8389281745,5.838929596,5.8389291435,5.838928648,5.838929212,5.838928967,5.8389290315
+"12452","PPM1L",5.687850824,5.687850917,5.687850913,5.687850864,5.687850859,5.687850908,5.687850849,5.687850883,5.68785088,5.687850912,5.687850923,5.687850848,5.687850903,5.687850916,5.687850861,5.687850898,5.687850893,5.687850843,5.687850861,5.687850894,5.687850854,5.687850889,5.687850892,5.687850907,5.687850915,5.687850899,5.687850885,5.687850875
+"12453","PPM1M",7.691285531,7.691285785,7.691285537,7.691285618,7.691285289,7.691285717,7.691285485,7.691285503,7.69128565,7.691285693,7.691285238,7.691285282,7.691285499,7.691285671,7.691285307,7.691285865,7.691285163,7.691285363,7.691285496,7.691285784,7.691285375,7.691285415,7.691285712,7.691285748,7.691285343,7.6912855,7.691285698,7.691285414
+"12454","PPM1N",5.337507157,5.337507109,5.337507246,5.337507156,5.337507224,5.337507139,5.337507195,5.337507267,5.337507337,5.337507187,5.337507218,5.337507253,5.337507249,5.337507228,5.337507245,5.337507324,5.337507337,5.337507273,5.337507103,5.337507246,5.337507265,5.337507284,5.337507228,5.337507183,5.33750725,5.337507263,5.337507268,5.337507286
+"12455","PPME1",5.87557685,5.875576785,5.87557651,5.875576618,5.875576499,5.875576859,5.875576626,5.875576699,5.875576637,5.875576582,5.875576505,5.875576593,5.875576756,5.875576935,5.875576785,5.875576877,5.875576651,5.87557632,5.875576697,5.875576419,5.875576791,5.875576497,5.875576966,5.87557677,5.875576479,5.875576771,5.875576765,5.875576616
+"12456","PPOX",5.250554801,5.250554798,5.250554809,5.25055479,5.250554806,5.250554806,5.250554825,5.250554811,5.25055482,5.250554819,5.250554815,5.25055482,5.250554798,5.250554792,5.250554803,5.250554799,5.250554821,5.250554797,5.25055481,5.250554797,5.250554813,5.250554813,5.250554807,5.250554807,5.25055479,5.250554815,5.250554794,5.250554791
+"12457","PPP1CA",9.417732165,9.417732131,9.417732037,9.417732109,9.41773204,9.417732248,9.41773215,9.417732036,9.417732045,9.417732095,9.417731947,9.417731937,9.417732188,9.417732131,9.417732097,9.417731972,9.41773193,9.41773201,9.417732037,9.417732161,9.417732106,9.417732061,9.41773207,9.41773211,9.417731916,9.417732074,9.417732163,9.417731993
+"12458","PPP1CB",8.577918321,8.577918424,8.577918003,8.577917863,8.577917489,8.577916888,8.577917833,8.577917697,8.57791773,8.577917934,8.577917831,8.577916688,8.577918047,8.577919886,8.577917628,8.577918179,8.577917725,8.577917772,8.577917879,8.577916892,8.577918138,8.577917662,8.577918354,8.577918508,8.577917804,8.577917423,8.577917852,8.577919182
+"12459","PPP1CC",9.436474752,9.3389603,9.243832883,9.179771881,9.243695115,9.172170792,9.312932091,9.12272529,9.342634132,9.238555236,9.099074308,9.03937322,9.323465032,9.704083504,9.27598832,9.257881107,9.169787968,9.040287516,9.331648052,9.267586189,9.328472555,9.196692361,9.389603709,9.244996078,9.057335114,9.177524386,9.293387434,9.543790996
+"12460","PPP1R10",7.68013382,7.680133848,7.680133742,7.680133884,7.68013375,7.680133915,7.680133827,7.680133764,7.68013379,7.680133812,7.680133769,7.680133722,7.680133823,7.680133828,7.680133774,7.680133812,7.680133734,7.680133805,7.680133816,7.680133876,7.680133811,7.680133768,7.680133823,7.6801338,7.680133817,7.680133779,7.680133822,7.680133762
+"12461","PPP1R11",7.397021594,7.397021733,7.397021568,7.397021595,7.397021453,7.397021756,7.397021541,7.397021373,7.397021594,7.397021561,7.39702161,7.397021409,7.397021656,7.397021592,7.39702159,7.397021583,7.397021474,7.397021631,7.397021595,7.397021837,7.397021434,7.397021423,7.397021618,7.397021594,7.397021599,7.397021497,7.397021529,7.397021476
+"12462","PPP1R12A",7.326427261,7.326427147,7.32642686,7.326427322,7.326426737,7.326426622,7.326427037,7.326426341,7.326426566,7.32642652,7.326426576,7.326425969,7.326426925,7.326427891,7.326427059,7.32642705,7.326426591,7.326427061,7.326427461,7.326426674,7.326427001,7.326426552,7.326427327,7.326427,7.326427052,7.326426636,7.326426827,7.326427424
+"12463","PPP1R12B",6.508535145,6.508534862,6.508534842,6.508535446,6.508534098,6.508535142,6.508535032,6.508534706,6.508534339,6.508534287,6.508534535,6.508534415,6.50853483,6.508534523,6.508535086,6.508534908,6.508534346,6.508535235,6.508535221,6.508535153,6.508535422,6.508534653,6.508534667,6.508534888,6.508535229,6.508535066,6.508534715,6.508534404
+"12464","PPP1R12C",7.248347739,7.248347757,7.248347761,7.248347763,7.248347768,7.24834777,7.248347753,7.248347765,7.248347764,7.248347759,7.24834776,7.248347758,7.248347764,7.248347743,7.248347754,7.248347753,7.248347763,7.24834777,7.24834776,7.248347756,7.248347756,7.248347766,7.248347751,7.24834776,7.24834776,7.248347767,7.248347765,7.248347759
+"12465","PPP1R13B",6.09885503,6.098855042,6.098854996,6.098855026,6.098854987,6.098855032,6.098854999,6.098855011,6.098855014,6.098855027,6.098854992,6.098854989,6.09885501,6.098855051,6.098855029,6.098855038,6.098855004,6.098855013,6.098855032,6.098854992,6.098854995,6.098855031,6.098855026,6.098855015,6.098854975,6.098855005,6.098855038,6.098855012
+"12466","PPP1R13L",5.828183165,5.828183169,5.828183208,5.828183188,5.828183234,5.82818318,5.828183202,5.828183234,5.828183185,5.828183191,5.828183204,5.828183228,5.828183203,5.82818313,5.82818324,5.82818316,5.828183232,5.828183206,5.828183181,5.828183221,5.828183232,5.828183239,5.828183155,5.828183178,5.828183185,5.828183211,5.828183175,5.828183151
+"12467","PPP1R14A",5.65269868,5.652698705,5.652698772,5.652698679,5.652698796,5.652698688,5.652698779,5.652698777,5.652698755,5.652698757,5.652698794,5.652698828,5.652698716,5.652698674,5.652698751,5.652698782,5.652698834,5.652698798,5.652698785,5.652698752,5.652698738,5.652698759,5.652698723,5.652698699,5.652698734,5.652698743,5.65269871,5.652698726
+"12468","PPP1R14C",5.597588639,5.597588673,5.597588738,5.597588635,5.597588806,5.597588604,5.597588684,5.597588742,5.597588697,5.597588699,5.597588788,5.59758878,5.597588692,5.597588637,5.597588724,5.597588725,5.597588779,5.597588722,5.597588706,5.597588698,5.597588682,5.597588679,5.597588579,5.597588691,5.597588787,5.597588743,5.597588665,5.597588698
+"12469","PPP1R14D",4.613213373,4.613213388,4.61321342,4.613213411,4.613213511,4.613213441,4.61321341,4.613213406,4.61321341,4.61321345,4.613213417,4.613213487,4.613213431,4.613213369,4.613213443,4.613213403,4.613213478,4.613213423,4.613213493,4.613213442,4.61321343,4.613213435,4.613213407,4.613213401,4.61321342,4.613213406,4.613213385,4.613213424
+"12470","PPP1R15A",7.180776226,7.180777706,7.180775696,7.180777872,7.180776034,7.180776718,7.180775665,7.180776275,7.180775848,7.180776076,7.180776449,7.180774509,7.18077638,7.180775744,7.180776379,7.180777073,7.180775582,7.180777809,7.180776663,7.180776464,7.180775393,7.180775224,7.180776598,7.180776612,7.180776592,7.180774582,7.18077628,7.180775968
+"12471","PPP1R15B",8.637917141,8.637917064,8.637916784,8.637917355,8.637916616,8.63791737,8.637917112,8.637916891,8.637916917,8.637916969,8.637916894,8.637916401,8.637917166,8.637917338,8.637917171,8.637916875,8.637916806,8.637917217,8.637917092,8.637917038,8.637916739,8.637916879,8.637917315,8.637917082,8.637916979,8.63791663,8.637917123,8.637916965
+"12472","PPP1R16A",6.210809273,6.210809272,6.210809382,6.210809378,6.210809483,6.210809339,6.210809366,6.210809468,6.210809418,6.210809423,6.210809398,6.210809603,6.210809379,6.210809137,6.210809495,6.210809355,6.210809636,6.210809606,6.210809382,6.210809362,6.210809477,6.210809431,6.21080918,6.210809243,6.210809368,6.210809441,6.210809314,6.210809394
+"12473","PPP1R16B",7.366648837,7.366648904,7.366648539,7.366648659,7.366648655,7.366648843,7.366648847,7.366648739,7.36664884,7.366648832,7.366648559,7.366648739,7.366648892,7.366648814,7.366648768,7.366648699,7.366648442,7.366648645,7.366648636,7.366648744,7.36664878,7.366648654,7.366649031,7.36664878,7.366648756,7.366648802,7.366649012,7.36664877
+"12474","PPP1R17",4.94102402,4.94102403,4.941024074,4.941024035,4.941024074,4.941024041,4.941024047,4.941024058,4.941024051,4.941024085,4.94102408,4.941024089,4.941024023,4.941024035,4.941024073,4.941024007,4.941024069,4.941024081,4.941024071,4.941024067,4.941024083,4.941024073,4.941024017,4.941024065,4.941024053,4.941024063,4.941024035,4.941024046
+"12475","PPP1R1A",5.710109864,5.710109837,5.710109941,5.710109876,5.710110128,5.710109893,5.710110017,5.710109972,5.710109974,5.710109935,5.710109969,5.710110117,5.710109942,5.710109699,5.710110078,5.710109974,5.710110191,5.710110044,5.710109898,5.71011002,5.710110053,5.710110048,5.710109839,5.710109782,5.710110104,5.710109945,5.710109888,5.710109945
+"12476","PPP1R1B",5.86087373,5.860873776,5.860873872,5.860873785,5.860873985,5.860873833,5.860873848,5.860873911,5.860873832,5.860873939,5.860873926,5.860874049,5.860873851,5.860873678,5.860873946,5.860873876,5.860873964,5.860873896,5.860873862,5.860873834,5.860873934,5.860873972,5.860873719,5.860873746,5.860873829,5.860873951,5.860873849,5.860873845
+"12477","PPP1R1C",4.496626474,4.496626474,4.496626478,4.496626473,4.496626482,4.496626475,4.496626484,4.496626491,4.496626478,4.496626478,4.496626495,4.496626493,4.496626481,4.496626452,4.49662647,4.496626474,4.496626492,4.496626477,4.496626478,4.496626477,4.496626481,4.496626501,4.496626476,4.496626472,4.496626473,4.496626467,4.496626474,4.496626455
+"12478","PPP1R2",7.435230038,7.43523018,7.435229853,7.435229842,7.435230105,7.435229754,7.435230074,7.435229844,7.435230378,7.435230225,7.435230001,7.435229999,7.435229931,7.435230564,7.435230205,7.435230053,7.435230002,7.43522992,7.435230224,7.435229812,7.435229978,7.435230004,7.435230234,7.435230027,7.435229898,7.435229957,7.435229993,7.435230556
+"12479","PPP1R21",6.984708372,6.984708385,6.984707968,6.984708623,6.98470782,6.984708124,6.98470831,6.98470796,6.984708294,6.98470822,6.984708116,6.984707612,6.984708123,6.984708665,6.984708238,6.984708588,6.984707891,6.984708485,6.984708508,6.984708228,6.984708319,6.984708008,6.984708192,6.984708175,6.984708352,6.984708154,6.984708257,6.984708276
+"12480","PPP1R26",6.196233215,6.196233277,6.196233324,6.196233249,6.196233333,6.196233129,6.196233264,6.196233322,6.196233321,6.196233299,6.196233324,6.196233299,6.196233278,6.196233235,6.196233302,6.196233321,6.196233318,6.196233297,6.196233232,6.196233256,6.196233312,6.196233288,6.196233264,6.196233284,6.196233317,6.196233282,6.196233237,6.196233338
+"12481","PPP1R27",5.411247365,5.411247398,5.41124757,5.411247387,5.411247709,5.411247368,5.411247515,5.411247647,5.411247546,5.411247569,5.411247543,5.411247731,5.411247469,5.411247215,5.411247546,5.411247554,5.411247692,5.411247657,5.411247531,5.411247584,5.411247549,5.411247626,5.411247488,5.411247487,5.411247595,5.411247653,5.411247438,5.411247525
+"12482","PPP1R2B",4.780810384,4.780810395,4.78081043,4.780810391,4.780810443,4.780810418,4.780810386,4.780810396,4.780810384,4.780810386,4.780810478,4.780810493,4.780810402,4.780810345,4.780810436,4.780810404,4.780810466,4.780810501,4.780810426,4.780810401,4.780810391,4.780810445,4.78081042,4.780810358,4.78081043,4.780810399,4.780810446,4.780810451
+"12483","PPP1R2C",4.360712437,4.360712451,4.360712483,4.36071245,4.360712505,4.360712488,4.360712479,4.360712481,4.36071245,4.360712508,4.360712492,4.360712532,4.360712463,4.360712446,4.360712487,4.360712464,4.360712494,4.360712467,4.360712476,4.36071249,4.360712495,4.360712505,4.360712466,4.360712469,4.360712466,4.360712492,4.36071247,4.360712476
+"12484","PPP1R32",5.61778288,5.617782907,5.617782885,5.617782882,5.617782908,5.617782888,5.617782902,5.617782913,5.617782902,5.617782879,5.617782874,5.61778293,5.617782879,5.61778286,5.617782915,5.617782881,5.617782914,5.617782897,5.617782892,5.617782896,5.617782903,5.617782915,5.617782882,5.617782884,5.617782885,5.617782907,5.617782887,5.617782901
+"12485","PPP1R35",6.993413373,6.993413373,6.993413407,6.993413396,6.993413472,6.993413446,6.993413416,6.993413447,6.993413471,6.993413447,6.99341339,6.99341347,6.993413441,6.993413363,6.993413406,6.993413354,6.993413502,6.993413398,6.993413398,6.993413486,6.993413425,6.99341346,6.993413432,6.993413427,6.993413442,6.993413441,6.993413424,6.993413467
+"12486","PPP1R36",4.009822449,4.009822425,4.009822592,4.009822457,4.009822613,4.009822527,4.009822467,4.009822542,4.009822571,4.009822572,4.009822502,4.009822628,4.00982252,4.00982236,4.009822524,4.009822457,4.009822645,4.009822543,4.009822506,4.009822503,4.009822496,4.009822537,4.009822509,4.0098225,4.009822573,4.009822543,4.009822479,4.009822543
+"12487","PPP1R37",6.375114841,6.375114836,6.375114854,6.375114833,6.375114956,6.375114829,6.375114886,6.375114903,6.375114859,6.375114869,6.375114882,6.375114961,6.375114871,6.375114769,6.375114971,6.375114836,6.375114925,6.37511491,6.375114859,6.37511488,6.375114934,6.375114931,6.37511482,6.37511483,6.375114878,6.375114945,6.375114841,6.375114873
+"12488","PPP1R3A",3.230617134,3.230617241,3.230617269,3.2306172,3.230617164,3.230617238,3.23061718,3.230617133,3.230617268,3.23061725,3.230617152,3.230617254,3.230617215,3.23061714,3.230617143,3.230617141,3.230617225,3.23061726,3.230617151,3.230617206,3.23061716,3.230617183,3.230617311,3.230617166,3.23061715,3.230617171,3.230617178,3.230617204
+"12489","PPP1R3B",7.699688794,7.699689988,7.699689093,7.6996906,7.699688597,7.699688829,7.699689104,7.699688876,7.699688882,7.699688863,7.699689651,7.699687793,7.699688882,7.69968877,7.699689162,7.69968998,7.699689358,7.699690467,7.699689307,7.699689444,7.699689202,7.699688975,7.699689698,7.699689907,7.69968983,7.699688357,7.699688656,7.699688604
+"12490","PPP1R3C",4.528242959,4.528242926,4.528243012,4.52824293,4.528243022,4.52824293,4.528242984,4.528243006,4.528242935,4.528242923,4.528242983,4.528243035,4.528242912,4.528242827,4.528242981,4.528242955,4.528243056,4.528242998,4.528242991,4.528242974,4.52824297,4.528242968,4.528242898,4.528242921,4.528242963,4.528242929,4.528242977,4.528242923
+"12491","PPP1R3D",8.068482482,8.068482715,8.068482205,8.068482711,8.068482364,8.068482762,8.068482605,8.068482452,8.068482536,8.068482513,8.068482515,8.068482364,8.068482434,8.068482139,8.068482567,8.06848263,8.068482461,8.068482715,8.068482701,8.068482803,8.068482379,8.068482516,8.068482612,8.068482507,8.068482492,8.068482277,8.068482402,8.068482382
+"12492","PPP1R3F",6.943727166,6.943727202,6.94372722,6.943727165,6.943727236,6.943727241,6.943727235,6.943727231,6.943727236,6.943727247,6.943727185,6.943727246,6.943727198,6.943727149,6.943727203,6.943727185,6.943727251,6.943727245,6.943727217,6.943727173,6.943727193,6.94372721,6.943727225,6.943727195,6.943727188,6.943727212,6.943727209,6.943727171
+"12493","PPP1R42",2.140337289,2.140337315,2.140337299,2.140337302,2.140337286,2.140337302,2.140337296,2.140337298,2.140337294,2.140337306,2.140337307,2.140337309,2.14033731,2.140337315,2.140337295,2.140337312,2.140337288,2.140337303,2.140337302,2.140337289,2.140337306,2.140337293,2.140337328,2.140337299,2.140337301,2.140337295,2.140337304,2.140337305
+"12494","PPP1R7",6.887847124,6.887847191,6.887847097,6.887847104,6.887847092,6.887847197,6.887847125,6.887847018,6.887847119,6.887847099,6.887847042,6.887846909,6.887847136,6.887847201,6.887847118,6.887847183,6.887847042,6.887847032,6.887847124,6.887847174,6.887847079,6.887847072,6.887847171,6.88784715,6.887847058,6.887847048,6.887847141,6.887847164
+"12495","PPP1R8",6.800294349,6.800294456,6.800294153,6.800294132,6.800294093,6.80029406,6.800294213,6.800294257,6.800294203,6.800294162,6.80029397,6.800293931,6.800294455,6.800294632,6.800294185,6.800294087,6.80029406,6.800293916,6.800294475,6.800294115,6.800294132,6.800294272,6.800294482,6.800294481,6.800293905,6.800293969,6.800294246,6.800294519
+"12496","PPP1R9A",3.847532906,3.84753308,3.847532889,3.847533045,3.847533083,3.847532904,3.84753307,3.84753332,3.847533068,3.847532911,3.847533326,3.847533589,3.847533061,3.847532954,3.847533061,3.847533047,3.847533039,3.847533083,3.847532984,3.847533075,3.847532865,3.847532755,3.847532846,3.847532996,3.847533078,3.847532916,3.847532896,3.847532985
+"12497","PPP1R9B",7.587047978,7.587048544,7.587048432,7.587048352,7.587047968,7.587048244,7.587048062,7.587048181,7.58704819,7.587048301,7.587048396,7.587047787,7.587048149,7.587048022,7.587048073,7.587048375,7.587048131,7.58704834,7.587047954,7.587048304,7.587047987,7.587048094,7.587048123,7.587048239,7.587048324,7.587048044,7.587048083,7.587047963
+"12498","PPP2CB",5.994037845,5.994037803,5.9940377,5.99403769,5.994037645,5.994037701,5.994037643,5.994037647,5.994037661,5.994037703,5.994037709,5.99403767,5.994037743,5.994037911,5.994037652,5.994037816,5.994037622,5.994037656,5.994037618,5.994037712,5.994037642,5.994037727,5.994037797,5.994037894,5.994037713,5.994037682,5.994037691,5.994037822
+"12499","PPP2R1A",8.388187426,8.388187312,8.388187418,8.388187216,8.388187305,8.388187647,8.388187294,8.388187205,8.388187365,8.388187385,8.388187161,8.38818715,8.388187515,8.388187488,8.388187243,8.388187084,8.388187126,8.388187074,8.388187281,8.388187312,8.388187136,8.388187299,8.388187306,8.388187218,8.388187045,8.388187279,8.388187479,8.388187307
+"12500","PPP2R1B",7.03158658,7.031586244,7.03158548,7.031585623,7.031585743,7.031586425,7.031586321,7.031585842,7.031586198,7.031586138,7.031585619,7.031585766,7.031586031,7.031586451,7.031586235,7.031586061,7.031585242,7.031585214,7.031586,7.031586188,7.031585975,7.031585444,7.031586296,7.031585864,7.031585413,7.031586012,7.031586113,7.031586046
+"12501","PPP2R2A",7.009893952,7.009893874,7.009893854,7.009893927,7.009893745,7.009893803,7.009893861,7.009893831,7.0098938,7.009893767,7.009893856,7.009893673,7.009893892,7.009894001,7.00989389,7.009893883,7.009893746,7.009893858,7.0098938,7.009893863,7.009893879,7.009893794,7.009893852,7.009893873,7.009893849,7.009893841,7.00989384,7.009893879
+"12502","PPP2R2B",5.63027139,5.630271291,5.630271105,5.630271098,5.63027064,5.630271523,5.630271511,5.630271628,5.630271113,5.630271123,5.630271259,5.630271273,5.630271399,5.63027128,5.630271454,5.630271364,5.63027095,5.630271256,5.630271028,5.630271036,5.630271447,5.630271487,5.630271452,5.630271274,5.63027135,5.630271074,5.630271348,5.630271303
+"12503","PPP2R2C",4.738085357,4.73808536,4.7380854,4.738085397,4.738085451,4.738085403,4.738085406,4.738085404,4.738085396,4.738085399,4.738085421,4.738085441,4.738085408,4.738085361,4.738085431,4.738085402,4.738085461,4.738085435,4.738085403,4.7380854,4.73808541,4.738085436,4.738085404,4.738085383,4.738085399,4.738085404,4.73808539,4.7380854
+"12504","PPP2R2D",7.214755744,7.21475573,7.214755452,7.214755637,7.214755236,7.214755569,7.214755458,7.21475541,7.214755521,7.214755298,7.214755575,7.214755338,7.214755655,7.214755804,7.214755509,7.214755603,7.214755252,7.214755417,7.214755537,7.214755766,7.214755272,7.214755515,7.21475567,7.214755573,7.214755474,7.214755596,7.214755721,7.214755527
+"12505","PPP2R3A",3.424896119,3.424896132,3.424896086,3.424896142,3.42489609,3.42489613,3.424896109,3.424896058,3.424896115,3.4248962,3.424896148,3.424896091,3.424896085,3.424896095,3.424896172,3.424896074,3.424896167,3.424896141,3.424896066,3.424896095,3.424896121,3.424896136,3.424896129,3.424896211,3.424896081,3.424896103,3.424896089,3.424896187
+"12506","PPP2R3B",5.2965903925,5.2965908035,5.2965911265,5.2965912735,5.296591653,5.2965909995,5.2965910235,5.296591371,5.2965911505,5.2965908425,5.2965913775,5.296591471,5.2965907435,5.2965902285,5.29659108,5.2965909865,5.296590878,5.296591088,5.2965910135,5.2965908525,5.2965908715,5.296590997,5.29659021,5.2965909685,5.2965913015,5.2965909345,5.2965903735,5.2965911295
+"12507","PPP2R3C",5.456208123,5.456207699,5.456207732,5.456208027,5.456207161,5.456206293,5.456207411,5.45620727,5.456206591,5.456206959,5.456207397,5.456206434,5.456207569,5.456208625,5.456207996,5.456207685,5.45620788,5.456207698,5.456207728,5.45620635,5.456207698,5.456207346,5.456206864,5.45620816,5.456207375,5.456206742,5.456207381,5.456207993
+"12508","PPP2R5A",7.536377112,7.536377584,7.536376518,7.536377353,7.536375729,7.536375688,7.536377005,7.536376041,7.536376313,7.536374941,7.53637742,7.536374312,7.536377022,7.53637776,7.53637679,7.536377203,7.536375973,7.536376625,7.536377522,7.536375739,7.536377718,7.536376263,7.536377898,7.536375977,7.536377769,7.53637599,7.536376492,7.53637652
+"12509","PPP2R5B",6.937159956,6.937160053,6.937162136,6.93716036,6.937160991,6.937161741,6.937161052,6.937161892,6.937160964,6.937160571,6.937160531,6.937162514,6.937161194,6.9371593,6.937160312,6.937159866,6.937161987,6.937160243,6.937160424,6.937161007,6.937160896,6.937161306,6.937160925,6.937160311,6.937160672,6.9371621,6.937161635,6.937159433
+"12510","PPP2R5C",7.212665997,7.212665358,7.212664923,7.212665491,7.21266521,7.212665571,7.212665575,7.212665496,7.21266556,7.212665626,7.212665155,7.212664603,7.212665651,7.212666032,7.212665736,7.212665318,7.212664641,7.21266525,7.212665568,7.212665674,7.212665561,7.212665416,7.212665806,7.212665658,7.212665155,7.212665411,7.212665842,7.21266583
+"12511","PPP2R5D",7.00755636,7.007556339,7.007556361,7.00755637,7.007556376,7.007556382,7.007556384,7.007556354,7.007556368,7.007556382,7.007556361,7.007556355,7.007556367,7.007556358,7.007556373,7.00755631,7.007556331,7.007556334,7.007556383,7.007556358,7.007556364,7.007556346,7.007556382,7.007556351,7.007556349,7.007556372,7.007556377,7.007556358
+"12512","PPP2R5E",7.521391312,7.521390911,7.521391251,7.521391264,7.521391265,7.521390994,7.521391237,7.521391278,7.521391043,7.521391125,7.521390802,7.521391024,7.521391344,7.521391366,7.521391099,7.521390584,7.521391178,7.521391075,7.52139141,7.521390658,7.521391235,7.521391171,7.521391134,7.521390955,7.521391056,7.521391411,7.521391216,7.521391389
+"12513","PPP3CA",8.173547354,8.173547745,8.173546687,8.173547587,8.173546378,8.173546179,8.173546812,8.173546451,8.17354633,8.173546624,8.173546805,8.173545745,8.173546629,8.173547874,8.173547146,8.173547716,8.173546637,8.173547386,8.173547141,8.173546639,8.173546943,8.173546586,8.173547096,8.173547452,8.173547233,8.173546607,8.173546664,8.173547316
+"12514","PPP3CB",7.507646404,7.507646183,7.507646197,7.507645943,7.507646179,7.507645842,7.507646167,7.507645951,7.507646229,7.507646124,7.507645938,7.50764611,7.507646264,7.507646586,7.50764621,7.50764608,7.507645831,7.507645921,7.507646264,7.50764617,7.507646182,7.507646086,7.507646195,7.507646267,7.507645924,7.50764617,7.507646295,7.507646398
+"12515","PPP3CC",7.384183639,7.384182122,7.384181511,7.384180942,7.38418169,7.384181636,7.384182708,7.384181654,7.384182358,7.384182464,7.384180872,7.384181107,7.384182818,7.38418365,7.384182464,7.384181046,7.384180443,7.384180847,7.384181858,7.38418095,7.384182819,7.384182434,7.384182869,7.384182054,7.38418139,7.384182005,7.38418276,7.384183239
+"12516","PPP3R1",8.956416718,8.956416722,8.956416802,8.956416814,8.95641655,8.956416411,8.956416616,8.9564168,8.956416843,8.956416618,8.956416625,8.956416387,8.956416722,8.956416896,8.956416623,8.956416429,8.9564165,8.956416676,8.956416708,8.95641637,8.956416649,8.956416542,8.95641697,8.956416729,8.956416467,8.956416511,8.956416765,8.95641673
+"12517","PPP3R2",5.062103152,5.06210322,5.062103285,5.062103215,5.062103436,5.062103235,5.062103287,5.062103329,5.062103221,5.06210331,5.06210322,5.062103431,5.062103289,5.062103103,5.062103357,5.06210321,5.062103424,5.062103318,5.062103328,5.06210327,5.062103363,5.062103352,5.062103211,5.062103251,5.062103241,5.062103329,5.062103237,5.062103282
+"12518","PPP4C",8.342700811,8.34270124,8.342700971,8.342701207,8.342700726,8.342701063,8.342700938,8.342700946,8.342700869,8.342700885,8.342700998,8.342700522,8.342701124,8.342700875,8.342700801,8.342701163,8.342700722,8.342701091,8.342700894,8.34270116,8.342700808,8.342700903,8.342700991,8.342701041,8.342700979,8.342700756,8.342700978,8.342700817
+"12519","PPP4R1",8.289822103,8.289825014,8.289819271,8.289824411,8.289818969,8.289818,8.289820554,8.289817623,8.289815712,8.289815951,8.289819213,8.289813424,8.289818377,8.289820112,8.289821221,8.289824729,8.289818656,8.289822629,8.289822946,8.289818597,8.289821209,8.289817816,8.28981989,8.289820781,8.28982121,8.289816399,8.289817572,8.289818167
+"12520","PPP4R1L",6.464643121,6.464643587,6.464640526,6.464643631,6.464642357,6.464643337,6.464643358,6.464642114,6.464642588,6.464642586,6.464642882,6.464642163,6.464642102,6.464643205,6.464642666,6.464643372,6.464641237,6.464643078,6.464643355,6.464643303,6.464643465,6.464642183,6.464643032,6.464643347,6.464643291,6.464643044,6.464642288,6.464641937
+"12521","PPP4R2",6.514856461,6.51485628,6.514855632,6.514856533,6.514855627,6.514855148,6.514855996,6.51485518,6.514856255,6.514856063,6.514854836,6.514854523,6.514855536,6.514857846,6.51485596,6.514855703,6.514855924,6.514856144,6.514855915,6.514853918,6.514855995,6.514855585,6.514856501,6.514856304,6.514855572,6.514855316,6.514855697,6.514857593
+"12522","PPP4R3A",7.387905396,7.387905396,7.387905339,7.387905335,7.387905195,7.387905252,7.38790533,7.387905265,7.387905281,7.3879053,7.387905237,7.387905119,7.387905368,7.38790557,7.387905328,7.387905341,7.38790524,7.387905301,7.387905317,7.387905289,7.387905301,7.387905262,7.387905358,7.387905379,7.387905238,7.387905332,7.387905334,7.387905505
+"12523","PPP4R3B",7.3847263,7.384725517,7.38472526,7.384725494,7.384724567,7.384724033,7.384725035,7.384724297,7.384725365,7.384725174,7.384724508,7.384723582,7.384725345,7.384727879,7.384725222,7.384725334,7.384724387,7.384724942,7.384725711,7.384723869,7.384725297,7.384725298,7.384725568,7.38472552,7.384724976,7.3847246,7.384725403,7.384727145
+"12524","PPP4R3C",3.416043211,3.416043103,3.416043164,3.416043257,3.416043264,3.416043233,3.416043317,3.416043105,3.416043271,3.416043178,3.416043343,3.416043458,3.416043265,3.416043235,3.416043217,3.416043224,3.416043271,3.41604323,3.416043385,3.416043299,3.416043263,3.416043116,3.416043093,3.416043288,3.416043214,3.416043343,3.416043319,3.416043328
+"12525","PPP4R4",3.651315753,3.65131577,3.651315769,3.651315788,3.651315787,3.651315789,3.651315773,3.651315778,3.651315779,3.651315792,3.65131577,3.651315827,3.651315739,3.651315773,3.651315791,3.651315776,3.65131581,3.651315768,3.65131579,3.651315751,3.651315784,3.651315784,3.651315758,3.651315733,3.651315758,3.651315801,3.651315747,3.651315802
+"12526","PPP5C",6.510794756,6.510794723,6.51079471,6.510794698,6.510794743,6.510794737,6.510794748,6.510794718,6.51079471,6.510794769,6.510794673,6.510794725,6.510794716,6.510794766,6.510794721,6.510794687,6.510794697,6.510794681,6.510794725,6.510794724,6.510794734,6.510794741,6.510794708,6.510794748,6.510794704,6.510794724,6.51079472,6.510794725
+"12527","PPP6C",8.687631257,8.687631202,8.687631046,8.687631107,8.68763101,8.687631079,8.687631172,8.687631041,8.687631136,8.687631051,8.687630967,8.687630878,8.687631151,8.68763138,8.687631057,8.687631125,8.687630955,8.68763102,8.687631024,8.687631111,8.687631093,8.68763103,8.687631251,8.687631128,8.687631086,8.687631031,8.687631161,8.687631113
+"12528","PPP6R1",8.311949608,8.311949655,8.311949796,8.311949707,8.311949618,8.311950055,8.311949752,8.311949759,8.311949844,8.311949772,8.311949689,8.311949711,8.311949662,8.31194958,8.31194962,8.311949417,8.311949721,8.31194961,8.311949591,8.311949817,8.311949602,8.311949674,8.311949785,8.311949684,8.31194973,8.311949739,8.311949738,8.311949511
+"12529","PPP6R2",7.362095416,7.362095433,7.362095338,7.362095414,7.362095297,7.362095553,7.362095428,7.362095442,7.362095482,7.362095439,7.362095227,7.362095167,7.362095583,7.362095497,7.362095456,7.362095458,7.362095313,7.362095304,7.362095273,7.362095394,7.362095409,7.36209548,7.362095475,7.362095469,7.362095395,7.362095464,7.362095541,7.362095356
+"12530","PPP6R3",8.075013303,8.075013225,8.075013169,8.075013195,8.075013183,8.075013137,8.075013227,8.075013156,8.075013221,8.075013209,8.075013195,8.075013103,8.075013242,8.075013386,8.075013246,8.075013196,8.075013115,8.075013175,8.075013243,8.075013169,8.075013229,8.075013123,8.075013222,8.075013165,8.075013181,8.075013201,8.075013224,8.075013297
+"12531","PPRC1",5.778951097,5.77895113,5.778951122,5.778950973,5.778951141,5.778951163,5.778951134,5.778951077,5.778951183,5.778951104,5.778951092,5.778951126,5.778951125,5.778951123,5.778951039,5.778951,5.778951116,5.778951003,5.778951079,5.778951113,5.778951098,5.778951096,5.77895113,5.778951113,5.778951034,5.778951068,5.778951109,5.778951128
+"12532","PPT1",8.8751327,9.87645928,9.248627089,9.752883297,9.383083476,9.525502487,9.097201708,8.861582735,9.166185571,9.232535831,9.386754943,8.905904562,9.038998793,9.617797656,8.641021646,9.710233372,9.222082569,9.485806317,9.484387989,9.538284466,8.950711305,8.972967393,9.438192462,9.277749607,9.398055636,9.053906393,9.049572657,9.291368766
+"12533","PPTC7",8.568456789,8.568456842,8.568456599,8.568456814,8.568456476,8.568456719,8.568456705,8.56845671,8.568456556,8.568456587,8.568456582,8.568456388,8.568456752,8.56845689,8.568456715,8.568456827,8.568456616,8.568456757,8.568456826,8.568456561,8.56845662,8.56845656,8.568456791,8.568456736,8.568456697,8.568456499,8.568456821,8.568456815
+"12534","PPWD1",6.086441933,6.086441193,6.086441136,6.086440436,6.086440382,6.086439758,6.086440405,6.086440388,6.086441871,6.086440385,6.086439883,6.086439071,6.086440848,6.086443572,6.086441071,6.086441254,6.086440571,6.086440121,6.086441272,6.08644008,6.086440579,6.08644038,6.086441637,6.086440581,6.086440083,6.086440468,6.086440987,6.086442203
+"12535","PPY",4.113515294,4.113515266,4.11351524,4.113515281,4.113515335,4.113515311,4.113515303,4.113515362,4.113515339,4.113515295,4.113515335,4.113515296,4.113515288,4.113515124,4.113515345,4.113515349,4.113515494,4.11351517,4.113515236,4.113515334,4.113515373,4.113515509,4.113515325,4.113515042,4.113515115,4.113515325,4.113515313,4.113515136
+"12536","PPY2P",5.073657297,5.073657242,5.073657488,5.073657343,5.073657584,5.073657304,5.073657344,5.073657506,5.073657496,5.07365725,5.073657456,5.073657492,5.073657343,5.073656936,5.073657336,5.073657381,5.073657577,5.073657344,5.073657486,5.073657398,5.073657384,5.073657483,5.073657271,5.073657276,5.073657372,5.073657307,5.073657209,5.073657372
+"12537","PQBP1",6.718227965,6.718228073,6.718227964,6.718227946,6.718227913,6.718228005,6.718227962,6.718227997,6.718228075,6.718228045,6.718227783,6.718227888,6.718228016,6.718228093,6.718227876,6.718228021,6.718227929,6.718227992,6.718227927,6.718228074,6.718227941,6.718228021,6.718227975,6.718228033,6.718227912,6.718228029,6.718227992,6.718227964
+"12538","PRAC1",4.787592029,4.787592178,4.787592269,4.787592182,4.787592127,4.787592136,4.787592203,4.787592349,4.787592168,4.787592223,4.787592243,4.787592284,4.787592146,4.787591998,4.787592107,4.787592351,4.787592369,4.787592381,4.78759197,4.787592113,4.787592007,4.787592335,4.787592196,4.787592195,4.787592448,4.787592166,4.787592186,4.787592172
+"12539","PRADC1",5.771285343,5.771286087,5.771286172,5.771285893,5.771286299,5.771286164,5.771286139,5.771286308,5.771286006,5.771285786,5.771286677,5.771286482,5.771285885,5.771285239,5.771285665,5.771285783,5.771286279,5.771286124,5.771286366,5.771285742,5.771285842,5.771286239,5.771285834,5.771285588,5.771285751,5.771285666,5.771285921,5.771285734
+"12540","PRAF2",6.416785949,6.416785976,6.416785868,6.416786093,6.416786116,6.416785957,6.416785858,6.416786029,6.416786166,6.416786016,6.416786126,6.416786022,6.416786041,6.416785828,6.416786052,6.416786103,6.416786189,6.416786245,6.416786019,6.416786032,6.416785905,6.416786118,6.416786072,6.416786001,6.41678607,6.416786003,6.416785988,6.416786075
+"12541","PRAG1",6.930013115,6.930013212,6.930013131,6.930013109,6.930013095,6.930013131,6.930013117,6.930013047,6.930013449,6.930013354,6.930013041,6.930013297,6.930013213,6.930013267,6.930012959,6.93001304,6.930012904,6.930013115,6.93001302,6.930013033,6.930012958,6.930013176,6.93001333,6.930013136,6.930013019,6.930013237,6.930013299,6.930013214
+"12542","PRAM1",7.644292467,7.644292609,7.644292615,7.644292714,7.64429235,7.644292724,7.64429273,7.64429254,7.64429253,7.644292645,7.644292591,7.644292485,7.644292566,7.644292476,7.644292557,7.644292518,7.644292621,7.644292609,7.644292502,7.644292732,7.644292736,7.644292603,7.644292453,7.644292613,7.644292684,7.64429258,7.64429257,7.64429241
+"12543","PRAME",4.137802539,4.1378027,4.137802517,4.137802498,4.137802774,4.13780245,4.137802592,4.137802705,4.137802454,4.137802661,4.137802594,4.137802588,4.137802516,4.137802371,4.137802671,4.13780273,4.137802869,4.137802664,4.137802706,4.137802748,4.137802754,4.137802699,4.137802466,4.137802409,4.137802578,4.137802485,4.137802377,4.137802538
+"12544","PRAMEF12",4.586424958,4.586424941,4.586424972,4.58642497,4.586424967,4.586424933,4.586424967,4.586424976,4.586424954,4.58642494,4.586424976,4.586424968,4.586424974,4.58642495,4.586424978,4.586424972,4.586424986,4.586424983,4.58642495,4.586424972,4.586424967,4.586424964,4.586424969,4.586424963,4.586424978,4.586424965,4.586424959,4.586424961
+"12545","PRAMEF2",3.690085447,3.690085059,3.690085758,3.690085382,3.690085913,3.690085665,3.690085731,3.690085574,3.690085209,3.690085406,3.690085705,3.690085405,3.690085674,3.690085295,3.690085962,3.690085465,3.690085461,3.690085182,3.690085334,3.690085288,3.690085715,3.690085602,3.69008526,3.690085552,3.690085298,3.690085582,3.69008537,3.690086254
+"12546","PRAMENP",3.902722399,3.902722422,3.902722498,3.902722456,3.902722817,3.902722516,3.902722691,3.902722601,3.902722533,3.902722398,3.902722466,3.902722676,3.902722671,3.902722504,3.902722668,3.902722638,3.902722758,3.902722705,3.902722498,3.902722667,3.902722664,3.902722666,3.902722615,3.902722439,3.90272243,3.902722556,3.902722482,3.902722653
+"12547","PRB3",5.804003313,5.804003073,5.804003511,5.804003452,5.804003525,5.804003381,5.804003296,5.804003307,5.804003457,5.804003504,5.804003563,5.804003809,5.804003256,5.80400302,5.804003535,5.804003401,5.804003895,5.804003494,5.804003483,5.804003492,5.804003616,5.804003504,5.80400332,5.80400306,5.804003052,5.804003439,5.804003306,5.804003401
+"12548","PRC1",4.846377421,4.846377689,4.846377643,4.846377598,4.846377509,4.846377732,4.846378175,4.846377423,4.846377749,4.84637759,4.846377706,4.846377605,4.84637774,4.846377442,4.846377565,4.846377736,4.846377669,4.846377844,4.846377363,4.846377742,4.846378146,4.846377413,4.846377766,4.846377596,4.846377463,4.846377559,4.846377634,4.846377692
+"12549","PRCC",7.453151697,7.453151713,7.453151649,7.453151703,7.453151658,7.453151742,7.45315169,7.453151673,7.453151663,7.453151696,7.453151613,7.453151652,7.453151669,7.453151674,7.453151686,7.453151612,7.453151561,7.453151614,7.453151714,7.453151493,7.453151647,7.453151651,7.453151705,7.453151673,7.453151617,7.453151669,7.453151698,7.453151632
+"12550","PRCP",7.443343378,7.443343297,7.443342568,7.44334331,7.443342104,7.443342995,7.443342306,7.443342461,7.443342237,7.443342391,7.443342297,7.443341144,7.443342393,7.44334312,7.443342575,7.443342985,7.443342108,7.443342495,7.443342739,7.443343265,7.443342326,7.443342329,7.44334273,7.44334311,7.443342826,7.443342099,7.443342437,7.443342419
+"12551","PRDM1",7.773829855,7.77383006,7.773827103,7.773829859,7.773826695,7.773830899,7.773829421,7.773828574,7.773827195,7.773824211,7.77382755,7.773822001,7.773828269,7.773829116,7.773828091,7.773827975,7.773823873,7.773828612,7.77382692,7.773832919,7.773828297,7.773828485,7.77382847,7.773825613,7.773827763,7.77382432,7.773828239,7.773826293
+"12552","PRDM10",6.429446004,6.42944602,6.429445997,6.42944602,6.429445973,6.429446028,6.429446016,6.429445997,6.429446013,6.429446009,6.429445971,6.429445991,6.42944601,6.429446017,6.429445987,6.429446002,6.429445974,6.429445995,6.429445995,6.429446024,6.429446003,6.429445989,6.429446026,6.429446025,6.429445978,6.429445997,6.429445994,6.429446002
+"12553","PRDM10-DT",4.754953648,4.754953804,4.754953786,4.754953732,4.754953758,4.754953908,4.754953753,4.754953808,4.754953833,4.754953831,4.754953856,4.75495383,4.754953715,4.754953625,4.754953726,4.754953777,4.754953793,4.754953787,4.754953783,4.754953764,4.754953701,4.754953783,4.754953716,4.754953754,4.754953708,4.754953768,4.754953742,4.754953778
+"12554","PRDM11",5.507069323,5.507069375,5.507069359,5.507069315,5.507069372,5.507069352,5.507069333,5.507069395,5.507069368,5.507069393,5.507069392,5.507069366,5.5070694,5.507069287,5.507069365,5.507069396,5.507069338,5.507069414,5.507069378,5.507069373,5.507069372,5.507069365,5.507069327,5.507069312,5.507069337,5.507069368,5.507069343,5.507069363
+"12555","PRDM12",6.114729537,6.114729544,6.114729651,6.114729507,6.114729749,6.114729476,6.114729629,6.114729641,6.114729577,6.114729584,6.114729647,6.114729693,6.114729546,6.114729475,6.114729653,6.114729665,6.114729699,6.114729627,6.114729587,6.114729554,6.114729634,6.114729652,6.11472956,6.114729467,6.114729598,6.114729625,6.114729588,6.114729639
+"12556","PRDM13",6.556705159,6.556705132,6.556705287,6.556705202,6.556705363,6.556705254,6.55670527,6.556705264,6.556705243,6.556705269,6.556705247,6.556705345,6.556705249,6.556705069,6.556705271,6.556705166,6.556705331,6.556705279,6.556705244,6.556705178,6.556705241,6.556705296,6.556705182,6.556705137,6.55670522,6.55670524,6.556705213,6.556705215
+"12557","PRDM14",4.749122969,4.749123105,4.749123169,4.749123207,4.749123168,4.749123243,4.749123188,4.749123355,4.749123139,4.749122991,4.749123302,4.749123286,4.749123193,4.749123048,4.749123207,4.749123264,4.749123303,4.749123268,4.749122971,4.749123204,4.749123001,4.749123387,4.749123241,4.749123067,4.74912311,4.749123238,4.749123167,4.749123171
+"12558","PRDM15",5.839837365,5.839837329,5.839837363,5.839837373,5.839837413,5.839837418,5.839837422,5.839837405,5.839837401,5.839837382,5.83983735,5.839837391,5.839837376,5.839837352,5.839837407,5.839837353,5.839837378,5.839837393,5.839837385,5.839837378,5.83983743,5.839837404,5.839837384,5.839837359,5.839837357,5.839837395,5.839837392,5.839837366
+"12559","PRDM16",5.195139539,5.195139561,5.195139568,5.195139546,5.195139611,5.195139561,5.195139517,5.19513959,5.195139551,5.19513956,5.195139582,5.195139586,5.19513956,5.195139505,5.195139604,5.195139549,5.195139618,5.195139581,5.195139583,5.195139561,5.195139577,5.195139574,5.195139491,5.195139568,5.195139576,5.195139568,5.195139537,5.195139575
+"12560","PRDM16-DT",6.518144404,6.518144427,6.518144504,6.518144498,6.518144455,6.5181445625,6.518144433,6.5181445525,6.51814444,6.518144441,6.5181445355,6.5181445025,6.518144504,6.51814426,6.518144484,6.51814447,6.5181445425,6.518144494,6.5181444565,6.5181444975,6.51814445,6.5181445225,6.5181444195,6.5181443975,6.5181444995,6.5181445035,6.518144509,6.518144472
+"12561","PRDM2",7.122282293,7.122282199,7.122282123,7.122282009,7.12228191,7.122281897,7.122282172,7.122281956,7.122282297,7.12228208,7.122281792,7.122281998,7.122282047,7.122282223,7.122282105,7.12228222,7.122281821,7.122281938,7.122282139,7.122280784,7.12228206,7.122281832,7.122282156,7.122282076,7.122282024,7.122282101,7.122282102,7.122282113
+"12562","PRDM4",6.783550886,6.783550879,6.783550867,6.783550875,6.783550865,6.783550844,6.78355085,6.783550851,6.783550859,6.783550871,6.783550851,6.78355085,6.783550896,6.7835509,6.783550868,6.783550821,6.783550838,6.783550869,6.783550882,6.78355086,6.783550851,6.78355086,6.783550873,6.783550882,6.783550874,6.783550848,6.783550883,6.783550875
+"12563","PRDM5",5.123832893,5.12383308,5.123832874,5.123832919,5.123832903,5.123833101,5.123832989,5.1238329,5.123832782,5.123832933,5.123833039,5.123833017,5.123832857,5.123833136,5.123832988,5.123833111,5.123832862,5.123832934,5.123832991,5.123833065,5.123833013,5.123832915,5.123832823,5.123833043,5.123833127,5.123832961,5.123832842,5.1238331
+"12564","PRDM6",4.803710935,4.803710934,4.803711004,4.803710925,4.803711099,4.803710982,4.803711056,4.803711024,4.80371096,4.803710939,4.803711011,4.803711054,4.803710969,4.803710801,4.803711051,4.803710898,4.803711043,4.803711093,4.80371102,4.803710979,4.803711087,4.803711056,4.803710881,4.803710948,4.803710981,4.80371106,4.803710929,4.803710983
+"12565","PRDM7",4.244944717,4.244944743,4.244944801,4.244944711,4.244944838,4.24494466,4.244944867,4.244944857,4.244944816,4.244944735,4.244944808,4.244944912,4.244944842,4.244944824,4.244944833,4.244944916,4.244944867,4.244944798,4.244944876,4.244944802,4.244944895,4.244944842,4.244944844,4.244944775,4.244944826,4.244944836,4.244944708,4.244944912
+"12566","PRDM8",7.020159986,7.020159969,7.020159972,7.020159993,7.02015995,7.020160016,7.020159961,7.020159944,7.020159885,7.020159946,7.020159988,7.020159942,7.020160009,7.020159957,7.020159998,7.020159929,7.020159965,7.020159993,7.020159981,7.020160028,7.020159954,7.020159986,7.02015992,7.02015993,7.020160024,7.020159939,7.020159985,7.020159939
+"12567","PRDM9",3.180930777,3.180930854,3.180930782,3.180930946,3.180930697,3.180930827,3.180930749,3.180930817,3.180930708,3.180930747,3.180930858,3.180930773,3.18093084,3.180930809,3.180930803,3.180930872,3.18093081,3.180930796,3.18093082,3.180930739,3.180930695,3.180930723,3.180930763,3.1809309,3.180930777,3.180930684,3.180930802,3.180930703
+"12568","PRDX1",7.188349535,7.188349565,7.188349564,7.188349293,7.188349498,7.188349645,7.188349463,7.188349522,7.188349563,7.188349664,7.188349483,7.188349359,7.188349443,7.188349548,7.18834939,7.188349439,7.188349357,7.188349267,7.188349512,7.188349623,7.188349449,7.188349519,7.188349549,7.188349537,7.188349303,7.188349358,7.1883495,7.18834937
+"12569","PRDX2",6.932693706,6.932693171,6.932694315,6.932693645,6.932693864,6.932695107,6.932694188,6.932694906,6.932694725,6.932694048,6.93269375,6.932694852,6.932693488,6.932693358,6.932693475,6.932692571,6.932694245,6.932693757,6.932693647,6.932694594,6.93269409,6.932694771,6.932694501,6.932693917,6.932693447,6.932694646,6.932693401,6.932693616
+"12570","PRDX3",7.302087724,7.302087541,7.302087513,7.302087499,7.302087389,7.302087551,7.302087619,7.302087413,7.302087252,7.302087469,7.302087361,7.302087184,7.302087575,7.302087638,7.30208744,7.302087518,7.3020874,7.302087278,7.302087444,7.302087788,7.302087716,7.302087333,7.302087431,7.302087505,7.302087265,7.302087219,7.302087463,7.302087403
+"12571","PRDX4",4.529491229,4.529491148,4.529491099,4.529491108,4.529491004,4.529491188,4.529491062,4.52949097,4.529491127,4.52949127,4.529491226,4.529491049,4.529491269,4.529491232,4.529491005,4.529491018,4.529491141,4.529491138,4.529491036,4.529491263,4.52949118,4.529491056,4.52949117,4.529491157,4.529491044,4.529491065,4.529491169,4.529491238
+"12572","PRDX5",8.161474313,8.200230082,9.562497258,8.3126026,8.381583472,8.528782867,8.469944488,9.370060948,8.94296138,8.332318158,8.394523841,8.805689741,8.147950351,8.281937732,8.122416211,8.20017627,9.34036414,8.282718215,8.311754638,8.600601196,8.527482695,9.132730089,8.918958154,8.380933556,8.367786969,8.63055433,7.9485562,8.376225507
+"12573","PRDX6",8.580076523,9.012049428,8.966975169,8.314920106,8.119619717,9.430679505,8.499275769,9.228847592,8.692688266,9.456234243,8.797680785,9.367562658,8.632381151,7.879709066,8.620869021,8.601187408,8.701584242,8.430221834,8.131625464,9.418391819,8.55054843,9.056153839,8.730707499,9.377942623,8.666612242,9.444426968,8.730558058,8.127979569
+"12574","PREB",7.527135571,7.527135651,7.527135587,7.527135416,7.527135601,7.527135668,7.527135721,7.527135403,7.527135446,7.52713563,7.527135168,7.527135435,7.527135583,7.527135724,7.527135272,7.527135434,7.527135063,7.527135032,7.527135317,7.527135381,7.527135426,7.52713553,7.527135496,7.527135628,7.527135109,7.527135289,7.527135734,7.527135592
+"12575","PRECSIT",3.961543244,3.961543314,3.961543381,3.961543503,3.961543299,3.961543262,3.9615434,3.961543416,3.961543239,3.961543254,3.961543434,3.961543368,3.961543307,3.961543031,3.961543255,3.961543485,3.96154344,3.961543437,3.961543367,3.961543329,3.961543277,3.961543346,3.961543352,3.961543388,3.961543316,3.96154318,3.961543208,3.9615432
+"12576","PRELID1",8.992502382,8.992502921,8.992502538,8.992501755,8.992502063,8.992503695,8.992502326,8.99250174,8.992501896,8.992502822,8.99250211,8.992500975,8.992502941,8.992503189,8.992501857,8.992502207,8.992502472,8.992501956,8.992501948,8.99250381,8.992502352,8.992502106,8.992502141,8.992502303,8.992502006,8.992501609,8.992502446,8.992502793
+"12577","PRELID2",4.162854302,4.162854304,4.162854288,4.162854304,4.162854296,4.162854305,4.162854305,4.162854331,4.162854317,4.16285432,4.162854338,4.162854298,4.162854289,4.162854286,4.162854302,4.162854311,4.162854315,4.16285429,4.162854327,4.162854304,4.162854281,4.162854319,4.162854305,4.162854298,4.16285432,4.162854292,4.162854309,4.162854297
+"12578","PRELID3A",5.240565296,5.240565311,5.240565431,5.240565274,5.240565609,5.240565252,5.240565402,5.240565415,5.240565471,5.240565484,5.240565351,5.240565457,5.240565376,5.240565303,5.240565459,5.240565303,5.240565609,5.240565458,5.240565323,5.240565465,5.24056542,5.240565468,5.240565272,5.240565287,5.240565257,5.24056546,5.24056536,5.24056542
+"12579","PRELP",5.09579727,5.095797268,5.095797284,5.095797267,5.095797289,5.09579728,5.095797277,5.095797293,5.095797274,5.09579727,5.095797281,5.095797294,5.095797283,5.095797239,5.095797282,5.095797266,5.095797298,5.095797285,5.095797282,5.095797267,5.095797274,5.095797288,5.095797273,5.095797271,5.095797282,5.09579729,5.09579726,5.095797274
+"12580","PREP",6.688491241,6.688491205,6.688491201,6.688491162,6.688491191,6.688491205,6.688491217,6.688491163,6.688491237,6.688491212,6.688491172,6.68849115,6.688491233,6.688491303,6.688491227,6.688491204,6.688491158,6.688491159,6.688491197,6.688491199,6.688491201,6.68849117,6.688491245,6.688491232,6.688491185,6.688491207,6.688491242,6.688491256
+"12581","PREPL",6.451199751,6.451199628,6.451199324,6.451198964,6.451199094,6.45119914,6.451199132,6.451198979,6.451199608,6.451199473,6.451199118,6.451198766,6.451199486,6.451200022,6.451199434,6.451199194,6.451198702,6.45119915,6.451199242,6.451198952,6.451199204,6.451199234,6.451199541,6.45119952,6.451199161,6.451199437,6.45119947,6.451199584
+"12582","PREX1",9.463130696,9.781826958,9.449190194,9.932904911,9.446176244,9.799016104,9.724473477,9.480145047,9.437437056,9.383707595,9.648339002,9.358869615,9.588999357,9.411520594,9.523484331,9.726937779,9.548560433,9.813166184,9.649239767,9.759751871,9.634875558,9.476384482,9.629597478,9.597870556,9.721042929,9.457821714,9.578648667,9.316183305
+"12583","PREX2",3.689908936,3.689908938,3.689908965,3.689908969,3.689908961,3.689908939,3.689908967,3.689908963,3.689908954,3.689908966,3.689908968,3.689908978,3.689908962,3.689908943,3.689908966,3.689908972,3.689908971,3.689908968,3.689908966,3.689908944,3.689908974,3.689908956,3.689908937,3.689908939,3.689908969,3.689908956,3.689908955,3.689908956
+"12584","PRF1",9.628472433,9.62823014,9.415766729,8.912477981,9.270371768,9.765839571,9.423124331,9.640848686,9.381054343,9.283506352,9.361345023,9.114729409,9.475575765,9.542832846,9.643830855,9.601372098,9.3935873,9.07465772,9.050755219,9.207676602,9.292459492,9.50894954,9.723188219,9.547289967,9.201352219,9.523976506,9.453401033,9.511382196
+"12585","PRG2",4.648616492,4.648616708,4.648616692,4.64861668,4.648616612,4.648616727,4.648616541,4.648616644,4.648616585,4.648616667,4.648616598,4.648616638,4.648616561,4.648616479,4.648616713,4.648616637,4.648616738,4.648616841,4.648616593,4.648616649,4.648616701,4.648616683,4.648616618,4.648616602,4.648616724,4.64861665,4.648616538,4.648616422
+"12586","PRG3",4.927754495,4.927754506,4.92775453,4.927754517,4.927754524,4.927754498,4.927754507,4.927754521,4.927754527,4.927754521,4.927754531,4.927754536,4.927754516,4.927754502,4.927754518,4.92775452,4.927754536,4.927754525,4.927754523,4.927754523,4.927754517,4.92775454,4.927754521,4.927754515,4.92775452,4.927754523,4.927754529,4.927754524
+"12587","PRG4",3.381385224,3.381385217,3.381385264,3.381385333,3.381385245,3.381385313,3.381385207,3.381385235,3.381385222,3.38138523,3.381385244,3.381385312,3.38138534,3.381385159,3.381385186,3.381385163,3.381385308,3.381385215,3.381385279,3.381385289,3.381385279,3.381385211,3.381385189,3.381385165,3.381385276,3.381385221,3.38138524,3.381385239
+"12588","PRH2",3.441805611,3.441805673,3.441805778,3.441805462,3.44180563,3.441805682,3.441805671,3.441805753,3.441805815,3.441805719,3.441805761,3.441805691,3.441805572,3.441805568,3.441805633,3.441805799,3.441805851,3.441805737,3.441805583,3.441805473,3.441805812,3.441805693,3.441805767,3.441805815,3.441805591,3.441805524,3.441805586,3.441805879
+"12589","PRICKLE1",5.637799275,5.637798736,5.6377982,5.63779872,5.637798547,5.637799091,5.637798769,5.637797939,5.63779839,5.637798718,5.637798504,5.637798415,5.63779843,5.637799641,5.637798836,5.637798303,5.637797179,5.637798676,5.637798667,5.637798817,5.637798382,5.637798142,5.637798257,5.637799182,5.637798478,5.637798465,5.637798823,5.637799105
+"12590","PRICKLE2",4.341292766,4.341293056,4.341293117,4.341293089,4.341293143,4.341292775,4.341292879,4.341292965,4.341292919,4.341292906,4.341293058,4.341293073,4.341292982,4.341292859,4.341293114,4.341293256,4.341293095,4.341293216,4.341293152,4.34129311,4.341293025,4.341293131,4.341293055,4.341293009,4.341292985,4.341292993,4.34129297,4.341292945
+"12591","PRICKLE3",6.132273183,6.132273088,6.132273136,6.13227321,6.132273218,6.132273243,6.132273193,6.132273214,6.132273186,6.132273221,6.132273126,6.13227296,6.132273167,6.132272927,6.132273142,6.13227323,6.13227316,6.132273296,6.132272992,6.132273206,6.132273272,6.132273278,6.132272977,6.132273106,6.132273195,6.132273169,6.132273055,6.132273047
+"12592","PRIM1",5.608456937,5.608456821,5.608456594,5.608456717,5.608456743,5.608456764,5.608456945,5.60845672,5.608456966,5.60845684,5.608456648,5.608456757,5.608456825,5.608457091,5.608456763,5.608456672,5.608456699,5.608456625,5.608456842,5.608456715,5.608456819,5.608456729,5.608456974,5.608456843,5.608456625,5.608456865,5.608456891,5.608456988
+"12593","PRIM2",4.86521665,4.865216535,4.865216483,4.8652165,4.865216465,4.865216489,4.865216635,4.865216506,4.865216559,4.865216546,4.865216382,4.865216404,4.865216592,4.865216723,4.86521654,4.865216481,4.865216489,4.86521643,4.865216536,4.865216574,4.86521651,4.865216451,4.865216623,4.865216561,4.865216515,4.865216513,4.865216603,4.865216682
+"12594","PRIMA1",5.303903654,5.303903665,5.303903716,5.303903681,5.303903739,5.303903651,5.303903643,5.30390379,5.303903675,5.303903762,5.303903721,5.303903663,5.303903679,5.30390357,5.303903717,5.303903622,5.303903706,5.303903712,5.303903619,5.303903713,5.303903722,5.303903702,5.303903648,5.303903638,5.303903696,5.303903732,5.303903682,5.303903624
+"12595","PRIMPOL",4.816609348,4.816609283,4.816609312,4.816609269,4.816609235,4.816609213,4.816609247,4.816609197,4.816609259,4.816609247,4.81660925,4.816609122,4.816609297,4.816609403,4.816609164,4.816609346,4.81660919,4.816609188,4.816609245,4.816609248,4.816609259,4.816609231,4.816609269,4.816609268,4.816609279,4.816609272,4.816609312,4.816609321
+"12596","PRKAA1",7.009326299,7.009326207,7.009325877,7.009325675,7.009325583,7.009325491,7.009325935,7.009325521,7.009325707,7.009325398,7.009325551,7.009325358,7.009325925,7.009326741,7.009325823,7.009326142,7.009325143,7.009325455,7.009325627,7.009325524,7.00932585,7.009325587,7.009325966,7.009325893,7.009325949,7.009325623,7.009325796,7.009325947
+"12597","PRKAA2",4.182491741,4.182491647,4.182491731,4.182491643,4.182491796,4.182491757,4.182491805,4.182491812,4.182491939,4.18249186,4.182491808,4.182492009,4.182491747,4.18249172,4.182491742,4.182491811,4.182491881,4.182491861,4.182491827,4.18249168,4.182491816,4.182491919,4.182491853,4.18249177,4.182491863,4.1824918,4.182491767,4.182491765
+"12598","PRKAB1",7.46819483,7.468194829,7.468194791,7.468194844,7.468194839,7.468194907,7.468194833,7.468194814,7.468194831,7.468194815,7.468194788,7.468194758,7.468194839,7.46819484,7.468194834,7.468194829,7.468194783,7.468194795,7.468194858,7.468194947,7.46819484,7.468194822,7.468194852,7.468194844,7.468194797,7.468194816,7.468194846,7.468194834
+"12599","PRKAB2",6.20223435,6.202234061,6.202234015,6.202233971,6.202234044,6.202234062,6.202234014,6.202233986,6.202234097,6.202234288,6.202233928,6.202234098,6.202234146,6.202234412,6.202234069,6.202233812,6.202233735,6.202233846,6.202234038,6.202234101,6.202234043,6.202233769,6.202234008,6.202234168,6.202234154,6.202234214,6.202234279,6.202234087
+"12600","PRKACA",8.055956722,8.055957029,8.055956855,8.055957041,8.05595668,8.055956876,8.05595674,8.055956723,8.055956661,8.055956747,8.055956881,8.055956446,8.0559568,8.05595693,8.055956747,8.055956996,8.055956804,8.055957004,8.055956749,8.055956844,8.055956696,8.05595675,8.05595683,8.055956878,8.055956901,8.055956717,8.055956848,8.055956768
+"12601","PRKACB",6.706343278,6.705905696,6.705974834,6.705675796,6.705860375,6.7056117,6.706064637,6.7058146,6.706270061,6.706105973,6.705851766,6.705770279,6.706096974,6.706760382,6.706158231,6.705788126,6.705837059,6.705871131,6.70606656,6.705600806,6.706112127,6.705897468,6.706368976,6.706124703,6.705834692,6.706005489,6.706053089,6.706690554
+"12602","PRKACG",4.739738941,4.739738893,4.739739068,4.73973887,4.739739132,4.739739026,4.739738996,4.739739093,4.739738932,4.739739075,4.739739101,4.739739191,4.739738913,4.739738877,4.739739146,4.73973895,4.739739149,4.739739001,4.739739089,4.739738934,4.739739083,4.739739061,4.73973882,4.739739053,4.739738881,4.739738992,4.73973891,4.73973892
+"12603","PRKAG1",6.905631339,6.905631208,6.905631168,6.905631109,6.905630957,6.905631215,6.905631256,6.905631026,6.905631213,6.905631123,6.905631165,6.905630823,6.905631197,6.905631374,6.905630952,6.90563094,6.905630999,6.905631014,6.905631265,6.905631462,6.905631152,6.905631061,6.905631112,6.905631352,6.905631213,6.905630968,6.905631152,6.905631262
+"12604","PRKAG2",6.407619803,6.407619801,6.4076198,6.407619794,6.407619756,6.407619804,6.407619785,6.407619761,6.407619792,6.407619795,6.407619772,6.407619761,6.407619788,6.407619794,6.407619789,6.407619777,6.407619786,6.407619774,6.407619794,6.407619795,6.407619774,6.407619778,6.407619801,6.407619798,6.407619805,6.407619777,6.407619805,6.407619791
+"12605","PRKAG3",5.175683067,5.17568306,5.175683093,5.175683078,5.175683096,5.175683074,5.175683093,5.175683089,5.175683085,5.175683078,5.175683087,5.175683113,5.175683087,5.175683043,5.175683093,5.175683076,5.175683101,5.175683095,5.175683086,5.175683087,5.175683091,5.175683098,5.175683078,5.175683067,5.175683093,5.175683085,5.175683075,5.175683067
+"12606","PRKAR1A",10.112936,10.11296077,10.11292401,10.11295314,10.11292458,10.11293834,10.11292861,10.11292241,10.1129245,10.11292819,10.11293158,10.11290309,10.11293253,10.11295058,10.11294091,10.11295765,10.11292758,10.11294876,10.11293701,10.11294673,10.11293525,10.11292313,10.11293788,10.11294617,10.1129369,10.11292182,10.1129237,10.11293385
+"12607","PRKAR1B",6.174253582,6.174253658,6.174253623,6.174253653,6.174253647,6.174253641,6.174253595,6.17425369,6.174253697,6.174253709,6.174253653,6.17425369,6.174253647,6.17425364,6.174253623,6.174253619,6.174253641,6.174253635,6.174253673,6.174253674,6.174253659,6.174253669,6.174253665,6.174253657,6.174253568,6.174253645,6.174253659,6.174253697
+"12608","PRKAR2A",7.063598415,7.063598423,7.063598294,7.063598419,7.063598414,7.063598355,7.063598334,7.063598383,7.063598359,7.063598409,7.063598366,7.063598303,7.0635984,7.063598451,7.063598362,7.063598394,7.063598303,7.063598382,7.063598414,7.063598309,7.06359836,7.063598331,7.063598422,7.063598454,7.063598358,7.063598355,7.063598342,7.063598468
+"12609","PRKAR2B",7.469303727,8.130969246,7.353589041,8.55634273,7.840559725,7.014219882,7.201095502,7.214074311,7.037800223,8.195194037,8.297994869,7.584222471,7.197786072,7.023748654,7.250467107,7.968765926,7.310161893,8.554799583,7.603950202,6.933651607,7.377498795,6.84993033,7.348157037,8.375099988,8.404001442,7.758232013,7.261311042,7.125223592
+"12610","PRKCA",6.715352129,6.715352228,6.71535179,6.715352047,6.715352186,6.715352318,6.715351702,6.715352095,6.715352556,6.715352499,6.715351782,6.715352309,6.715352271,6.715352605,6.715351941,6.715351938,6.715351756,6.715351853,6.715352317,6.715351822,6.7153515,6.715351971,6.71535259,6.715352381,6.715351682,6.715352474,6.715352393,6.715352281
+"12611","PRKCB",9.565759688,9.565759564,9.565759452,9.565759638,9.565759369,9.565759633,9.565759672,9.565759419,9.565759481,9.565759448,9.565759497,9.565759336,9.565759533,9.565759674,9.565759663,9.565759503,9.565759455,9.565759575,9.565759485,9.565759501,9.565759737,9.565759393,9.565759601,9.565759594,9.565759546,9.565759515,9.565759542,9.565759581
+"12612","PRKCD",9.218183197,9.219252158,9.217992356,9.219285425,9.218157469,9.219477274,9.218557534,9.218001203,9.218121614,9.218682619,9.218407489,9.21740835,9.218329418,9.218342088,9.218373086,9.219091795,9.217788407,9.218538098,9.218396536,9.21932096,9.218519664,9.217997982,9.218364499,9.219190743,9.218755243,9.217877163,9.218261239,9.217474184
+"12613","PRKCE",6.502732203,6.502732191,6.502732127,6.502732177,6.502732159,6.502732223,6.502732168,6.502732131,6.502732152,6.502732181,6.50273216,6.502732152,6.502732148,6.502732178,6.502732179,6.502732163,6.502732096,6.502732165,6.502732175,6.502732229,6.502732167,6.502732122,6.502732151,6.502732183,6.502732156,6.502732184,6.502732179,6.502732155
+"12614","PRKCG",4.607710522,4.607710534,4.607710552,4.60771053,4.607710558,4.607710513,4.607710544,4.60771055,4.607710565,4.607710544,4.607710563,4.607710544,4.607710543,4.607710542,4.607710567,4.607710547,4.607710552,4.607710557,4.607710536,4.60771054,4.607710555,4.607710572,4.607710528,4.607710549,4.607710552,4.60771055,4.607710534,4.607710552
+"12615","PRKCH",9.243848052,9.086572495,8.73709457,8.661616792,8.855468898,8.888416458,9.080071463,8.942150257,9.387475286,9.136800332,8.546608717,9.079723446,9.196745605,9.471094488,9.125349107,8.918556339,8.497783529,8.646910664,8.936226097,8.771090771,9.11470202,8.995869871,9.395521372,9.034104398,8.556369346,9.193964543,9.251696989,9.204003925
+"12616","PRKCI",6.09810253,6.098102415,6.098102224,6.098102092,6.09810217,6.098101933,6.098102513,6.09810214,6.09810229,6.098102483,6.098102192,6.098102083,6.098102349,6.098102963,6.098102539,6.098102006,6.098101939,6.098102075,6.098102255,6.098102097,6.09810233,6.098102155,6.098102413,6.098102691,6.098102185,6.098102244,6.09810229,6.098102512
+"12617","PRKCQ",7.486078729,7.486078085,7.486077071,7.486077252,7.486077523,7.486077886,7.486078321,7.486078002,7.486079002,7.486078405,7.486077133,7.486078009,7.486078502,7.486078486,7.486077663,7.486077501,7.486076249,7.486076698,7.486077806,7.486077335,7.486078059,7.486077942,7.486078777,7.486077959,7.486077186,7.486078181,7.486078771,7.486078202
+"12618","PRKCSH",8.575604797,8.575605143,8.575604806,8.575605148,8.575604756,8.575604942,8.575604748,8.575604894,8.575605201,8.575605091,8.575604779,8.575604942,8.575605044,8.575605274,8.575604893,8.575605104,8.575604732,8.575605063,8.575604836,8.575604513,8.575604578,8.575604941,8.57560519,8.575605048,8.575604768,8.575605012,8.575605104,8.575605124
+"12619","PRKCZ",6.419896209,6.419896533,6.419896445,6.419896423,6.419896312,6.41989612,6.419896198,6.419896313,6.419896345,6.41989621,6.419896337,6.419896284,6.419896327,6.419896362,6.419896331,6.419896582,6.419896407,6.419896396,6.419896274,6.419896329,6.419896222,6.419896326,6.419896426,6.419896313,6.41989643,6.419896305,6.419896296,6.419896358
+"12620","PRKCZ-AS1",4.787781656,4.787781686,4.787781695,4.787781656,4.787781711,4.787781682,4.787781658,4.787781609,4.787781701,4.787781665,4.787781723,4.787781765,4.787781674,4.787781643,4.787781747,4.787781652,4.787781686,4.787781695,4.787781677,4.787781697,4.787781757,4.787781679,4.78778167,4.787781669,4.787781702,4.787781677,4.787781707,4.787781688
+"12621","PRKD1",3.480399465,3.480399457,3.48039947,3.480399484,3.480399483,3.480399474,3.480399483,3.48039948,3.480399479,3.480399477,3.480399487,3.480399498,3.480399471,3.480399452,3.480399503,3.480399479,3.480399497,3.480399486,3.480399482,3.480399482,3.480399504,3.480399482,3.480399453,3.480399486,3.480399488,3.480399479,3.480399458,3.48039949
+"12622","PRKD2",7.854373736,7.854374132,7.854373793,7.854374015,7.854373654,7.85437481,7.854374012,7.854373872,7.854374132,7.854373956,7.854373768,7.854373771,7.854373905,7.854373768,7.854373729,7.854374247,7.854373548,7.854373658,7.854374031,7.85437468,7.85437362,7.854373866,7.854374134,7.854374064,7.854373912,7.854373754,7.854374078,7.854373615
+"12623","PRKD3",5.214013098,5.214013101,5.214013064,5.214013055,5.214013059,5.214013035,5.214013046,5.214013048,5.214013068,5.214013101,5.21401304,5.214013026,5.214013093,5.214013124,5.214013074,5.214013041,5.214013022,5.214013031,5.214013081,5.214013023,5.214013054,5.214013065,5.21401306,5.214013099,5.214013075,5.21401306,5.214013096,5.214013088
+"12624","PRKDC",7.711742786,7.711742926,7.711742452,7.711743116,7.711742448,7.711742642,7.711742992,7.711742431,7.711742723,7.711742542,7.711742605,7.711742556,7.711742687,7.711743027,7.711742712,7.711742849,7.711742349,7.71174289,7.711742676,7.711742446,7.711742912,7.711742474,7.71174276,7.711742714,7.711742667,7.71174275,7.711742694,7.711742663
+"12625","PRKG1",3.772733225,3.772733266,3.772733209,3.77273342,3.772733335,3.772733228,3.772733219,3.772733323,3.772733209,3.772733354,3.772733328,3.772733357,3.772733253,3.772733205,3.772733241,3.772733345,3.77273332,3.772733336,3.772733317,3.772733284,3.772733327,3.77273325,3.772733247,3.772733378,3.772733267,3.772733326,3.772733249,3.772733239
+"12626","PRKG2",3.437383126,3.43738309,3.437383113,3.437383139,3.437383168,3.43738307,3.437383127,3.437383166,3.437383187,3.437383083,3.437383161,3.43738319,3.437383138,3.437383125,3.437383128,3.437383141,3.437383122,3.437383118,3.437383149,3.437383084,3.437383132,3.437383159,3.437383154,3.437383102,3.437383089,3.437383134,3.437383109,3.437383156
+"12627","PRKN",4.841340534,4.841340392,4.841340273,4.841340352,4.841340481,4.841340596,4.841340413,4.841340396,4.841340556,4.841340462,4.841340066,4.841340665,4.841340499,4.841340724,4.84134021,4.841340119,4.841340401,4.841340274,4.841340421,4.84134049,4.841340394,4.841340486,4.841340472,4.841340443,4.841340435,4.841340695,4.841340453,4.841340563
+"12628","PRKRA",6.25141296,6.251412815,6.251412897,6.251412801,6.251412839,6.251412802,6.251412874,6.251412806,6.251412853,6.251412922,6.251412793,6.251412802,6.251412941,6.251413097,6.251412848,6.25141287,6.251412767,6.251412826,6.251412867,6.25141274,6.251412896,6.251412839,6.251412915,6.251412821,6.251412842,6.251412856,6.251412951,6.251412994
+"12629","PRKX",7.42191248,7.421912192,7.421911456,7.421911821,7.421912034,7.421911921,7.421911963,7.421911274,7.421912224,7.421912219,7.421911767,7.421911488,7.421912292,7.421912642,7.421911949,7.421911867,7.421911472,7.421911761,7.421912133,7.421911843,7.421911964,7.421911483,7.421912383,7.42191178,7.421911868,7.421911483,7.421912256,7.421912486
+"12630","PRKXP1",5.573076384,5.573058676,5.572991489,5.573057548,5.572961849,5.573058021,5.573073713,5.573042877,5.573101357,5.5730696,5.572936494,5.573083444,5.573012503,5.573112987,5.573036113,5.573048446,5.572947744,5.573036848,5.572983602,5.5730586,5.573049286,5.573050738,5.57307907,5.573053195,5.572975813,5.573092324,5.573017554,5.573094351
+"12631","PRKY",5.532070949,4.913966298,8.753702063,4.822609332,5.011715706,9.033530799,4.483288953,8.97587936,5.432296605,4.879949028,4.933847261,9.11884967,5.451566515,4.429866032,4.945827757,4.87911937,8.046726864,4.900219333,4.622291154,8.865138938,4.952677831,8.813061884,5.227446699,4.638365878,4.763676546,9.115278917,5.037194162,4.777588647
+"12632","PRL",3.665780867,3.665780914,3.665781027,3.665780988,3.665781125,3.665780994,3.665781001,3.66578106,3.665780885,3.665780968,3.665781008,3.665781272,3.665780949,3.665780878,3.665780918,3.665780971,3.665780966,3.665781157,3.665780956,3.665780811,3.665780878,3.66578088,3.665780954,3.665780912,3.665781069,3.665780944,3.665780951,3.665780956
+"12633","PRLH",6.636831483,6.636831441,6.636831505,6.636831451,6.636831658,6.636831328,6.636831541,6.636831587,6.636831471,6.63683144,6.636831572,6.636831569,6.636831496,6.636831347,6.636831574,6.636831578,6.636831637,6.636831564,6.636831535,6.636831451,6.636831616,6.636831578,6.636831447,6.636831399,6.636831548,6.636831605,6.636831508,6.636831484
+"12634","PRLHR",5.097942954,5.0979431,5.097943636,5.09794335,5.097944195,5.097943543,5.097943864,5.097943615,5.097943311,5.097943898,5.097943631,5.097944083,5.097943309,5.097942165,5.097943996,5.097943113,5.097944212,5.0979438,5.097943468,5.09794241,5.097943877,5.097943825,5.097943277,5.097942475,5.097943279,5.097944034,5.097942788,5.09794366
+"12635","PRLR",3.786660166,3.786660511,3.78666059,3.786660543,3.786660485,3.786660505,3.786660381,3.786660342,3.786660312,3.786660551,3.786660404,3.7866603,3.786660713,3.786660396,3.786660552,3.786660251,3.786660444,3.786660428,3.786660482,3.786660545,3.786660406,3.786660527,3.786660665,3.786660445,3.786660723,3.786660319,3.786660505,3.7866605
+"12636","PRM1",4.574461948,4.574461928,4.574461923,4.574461932,4.574461982,4.574461933,4.574461964,4.574461948,4.574461926,4.57446193,4.574461964,4.574461982,4.57446194,4.574461932,4.574461968,4.574461957,4.574461976,4.574461959,4.574461929,4.574461968,4.574461978,4.574461965,4.574461915,4.574461952,4.574461946,4.574461961,4.57446193,4.574461962
+"12637","PRM2",5.229107666,5.229107741,5.229107724,5.229107696,5.229107836,5.229107733,5.229107758,5.229107761,5.229107762,5.229107761,5.229107795,5.229107836,5.229107756,5.229107639,5.229107752,5.22910784,5.229107803,5.229107799,5.229107726,5.229107764,5.229107773,5.229107758,5.229107708,5.229107745,5.229107679,5.229107816,5.22910773,5.229107798
+"12638","PRM3",5.93326118,5.933261311,5.933262033,5.933261283,5.933262355,5.933261375,5.933261933,5.933262104,5.933261699,5.933261777,5.9332623,5.933262142,5.933261687,5.933260928,5.933261949,5.933261893,5.933262216,5.933262494,5.933261789,5.933261598,5.933262356,5.933262234,5.933261522,5.933261522,5.933262242,5.933262182,5.933261403,5.933262011
+"12639","PRMT1",6.939459257,6.939459221,6.939459134,6.939459106,6.939459054,6.939459262,6.939459199,6.939459228,6.939459286,6.939459264,6.939459142,6.939459199,6.93945923,6.939459304,6.939459193,6.939459202,6.939459081,6.939459054,6.939459095,6.939459246,6.939459131,6.939459212,6.939459237,6.939459176,6.939459075,6.939459201,6.939459248,6.939459213
+"12640","PRMT2",7.397646721,7.397647465,7.397646764,7.397647059,7.397647143,7.397646204,7.397647413,7.397647464,7.397647206,7.39764774,7.397647067,7.397647169,7.397646807,7.39764794,7.39764625,7.397647031,7.397646525,7.3976466,7.397647408,7.397646343,7.397647147,7.397647459,7.39764715,7.397647422,7.39764685,7.397646971,7.397646824,7.397647617
+"12641","PRMT3",5.294466823,5.294466724,5.294466716,5.294466658,5.294466706,5.294466679,5.294466732,5.294466646,5.294466731,5.294466752,5.294466618,5.294466691,5.294466762,5.294466864,5.29446669,5.29446673,5.294466701,5.294466618,5.294466764,5.294466673,5.29446669,5.294466703,5.294466766,5.294466722,5.294466666,5.29446669,5.294466732,5.294466796
+"12642","PRMT5",6.705915624,6.705915757,6.705915425,6.705915868,6.705915565,6.705915667,6.705915657,6.705915391,6.705915597,6.705915405,6.705915445,6.705915323,6.705915593,6.705915605,6.70591554,6.705915596,6.705915379,6.705915729,6.705915525,6.70591578,6.705915585,6.705915562,6.705915861,6.70591541,6.70591537,6.705915513,6.705915664,6.705915504
+"12643","PRMT6",4.92630462,4.926304602,4.926304615,4.926304599,4.926304567,4.926304618,4.926304582,4.926304597,4.926304587,4.926304615,4.926304544,4.926304582,4.926304616,4.926304671,4.926304611,4.926304613,4.926304556,4.926304612,4.926304603,4.926304611,4.92630462,4.926304575,4.926304625,4.926304593,4.926304567,4.926304622,4.92630458,4.926304668
+"12644","PRMT7",6.668101009,6.668100764,6.668100727,6.668100717,6.6681008,6.668100719,6.668100924,6.668100865,6.668101221,6.668101023,6.668100517,6.668101258,6.668101131,6.668101231,6.668100935,6.668100948,6.668100385,6.668100687,6.668100918,6.668100718,6.668100815,6.668100963,6.668100908,6.668100852,6.668100507,6.668100993,6.668101215,6.668100845
+"12645","PRMT8",4.188425033,4.18842505,4.18842504,4.188425041,4.188425042,4.188425027,4.188425034,4.188425031,4.188425037,4.188425025,4.188425058,4.188425071,4.188425008,4.188425008,4.188425063,4.188425053,4.188425082,4.188425028,4.188425068,4.188425039,4.188425036,4.188425042,4.18842502,4.188425029,4.188425004,4.188425049,4.188425018,4.188425022
+"12646","PRMT9",5.203438775,5.20343865,5.203438508,5.203438155,5.20343809,5.203438317,5.203438374,5.203438178,5.203438509,5.203438464,5.203438035,5.203438015,5.203438611,5.203439108,5.203438287,5.203438402,5.203438118,5.203438159,5.203438597,5.203437769,5.203438356,5.203438329,5.203438792,5.20343864,5.203438057,5.203438371,5.203438268,5.203438938
+"12647","PRND",4.514639187,4.514639148,4.514639084,4.514639162,4.51463918,4.514639163,4.514639157,4.514639163,4.514639149,4.514639096,4.514639168,4.514639093,4.514639169,4.514639097,4.514639244,4.51463921,4.514639233,4.51463925,4.514639185,4.514639173,4.514639232,4.514639232,4.514639101,4.514639098,4.514639187,4.514639237,4.514639112,4.514639168
+"12648","PRNP",7.866928312,7.866928387,7.866927897,7.866928052,7.866928025,7.86692792,7.866927934,7.866928109,7.866927986,7.866927836,7.866928024,7.866927904,7.86692797,7.866928525,7.866928197,7.866928167,7.86692787,7.866927933,7.86692792,7.866927899,7.866927844,7.866928061,7.866928088,7.866928027,7.866927994,7.866927932,7.866928039,7.866928297
+"12649","PRNT",3.999607281,3.999607299,3.999607283,3.999607291,3.999607289,3.999607272,3.999607292,3.999607293,3.999607312,3.999607288,3.999607323,3.999607308,3.999607279,3.999607296,3.9996073,3.999607307,3.999607332,3.999607299,3.999607292,3.999607287,3.999607313,3.999607295,3.999607294,3.999607297,3.999607281,3.999607289,3.999607286,3.999607279
+"12650","PROC",5.792324115,5.792324281,5.792324273,5.792324307,5.792324313,5.792323937,5.792324194,5.792324257,5.792324128,5.792324282,5.792324283,5.792324429,5.792324088,5.792323936,5.792324437,5.792324348,5.792324279,5.792324366,5.792324173,5.792324082,5.792324151,5.792324223,5.792324198,5.792324262,5.792324315,5.792324216,5.792324085,5.792324196
+"12651","PROCA1",5.560883677,5.560883687,5.560883721,5.560883687,5.560883733,5.560883676,5.560883685,5.56088371,5.560883658,5.56088372,5.560883709,5.560883718,5.560883688,5.56088368,5.560883717,5.560883761,5.56088366,5.560883679,5.560883683,5.560883649,5.560883648,5.560883665,5.560883645,5.5608837,5.560883713,5.560883638,5.560883666,5.560883661
+"12652","PROCR",5.545150255,5.545150312,5.545150303,5.545150274,5.545150344,5.545150234,5.545150298,5.545150318,5.545150267,5.545150301,5.545150318,5.54515033,5.545150294,5.545150212,5.545150317,5.545150329,5.545150343,5.545150318,5.545150316,5.545150292,5.545150339,5.545150342,5.545150256,5.54515026,5.545150296,5.54515032,5.545150282,5.54515031
+"12653","PRODH2",4.768378024,4.768378082,4.7683781,4.768378104,4.768378171,4.768378,4.768378112,4.768378208,4.76837807,4.768378048,4.768378106,4.768378186,4.768378093,4.768378016,4.768378182,4.768378127,4.76837821,4.768378171,4.768378117,4.768378096,4.768378201,4.768378195,4.768377987,4.768378027,4.768378111,4.768378144,4.768378027,4.768378094
+"12654","PRODHLP",5.134023467,5.134023431,5.134023635,5.134023529,5.134023566,5.134023332,5.134023534,5.134023611,5.134023521,5.13402344,5.134023653,5.134023627,5.134023459,5.134023279,5.13402352,5.134023434,5.134023645,5.134023797,5.134023342,5.134023507,5.134023498,5.134023542,5.134023389,5.134023461,5.134023535,5.134023523,5.134023541,5.134023474
+"12655","PROK1",4.980035296,4.980035392,4.980035635,4.980035502,4.980035646,4.980035432,4.980035455,4.980035671,4.980035512,4.980035511,4.980035488,4.980035718,4.980035452,4.980035185,4.980035736,4.98003562,4.980035904,4.980035722,4.98003549,4.980035539,4.980035706,4.980035614,4.9800354,4.980035419,4.980035557,4.980035529,4.98003533,4.980035583
+"12656","PROK2",9.530493883,9.869305986,8.591896129,10.16737158,9.186776979,8.638266053,9.48210763,8.829884306,9.501503654,9.289544104,9.067542196,8.610719041,9.197824954,9.239163356,9.608883432,9.873289674,8.999583496,10.28635505,9.946084307,9.086185479,9.599677267,9.296489496,10.0034884,9.662185468,9.713098687,8.890680255,9.130592064,9.027029785
+"12657","PROKR1",4.823100014,4.823099916,4.823099623,4.823100039,4.823099899,4.823099912,4.823100034,4.823100011,4.823099811,4.823099876,4.82310012,4.823099799,4.823099733,4.823099741,4.823099677,4.823099827,4.823100264,4.823099952,4.823100101,4.823100138,4.823100046,4.823099998,4.823099742,4.823099926,4.823100073,4.82309991,4.823100051,4.823099685
+"12658","PROKR2",4.327577278,4.327577316,4.327577318,4.327577326,4.327577291,4.327577278,4.327577299,4.327577291,4.327577292,4.327577303,4.327577298,4.327577348,4.3275773,4.327577295,4.327577326,4.327577295,4.327577314,4.327577311,4.327577285,4.327577307,4.327577301,4.327577312,4.327577275,4.327577302,4.327577292,4.327577296,4.327577296,4.327577296
+"12659","PROM1",3.434110097,3.434110181,3.434110161,3.434110191,3.434110142,3.434110229,3.434110172,3.434110201,3.434110177,3.434110087,3.434110178,3.434110172,3.434110089,3.434110183,3.434110181,3.434110147,3.434110128,3.434110133,3.434110126,3.43411025,3.434110193,3.434110167,3.434110128,3.43411016,3.434110264,3.434110127,3.434110132,3.434110133
+"12660","PROM2",5.126183369,5.126183403,5.126183395,5.126183394,5.126183442,5.126183404,5.126183404,5.126183443,5.126183404,5.126183398,5.126183383,5.126183437,5.126183325,5.126183364,5.126183477,5.126183454,5.126183439,5.126183447,5.126183434,5.126183436,5.126183466,5.126183447,5.126183425,5.126183399,5.126183354,5.126183412,5.126183383,5.126183426
+"12661","PROP1",5.977698562,5.977698608,5.977698689,5.977698662,5.977698755,5.977698639,5.977698692,5.977698698,5.977698646,5.977698665,5.977698654,5.977698725,5.977698636,5.977698554,5.977698716,5.977698666,5.977698756,5.977698702,5.977698683,5.977698693,5.977698721,5.977698727,5.977698603,5.977698637,5.977698657,5.977698665,5.977698608,5.97769866
+"12662","PRORP",6.203420819,6.203420402,6.203420188,6.203421057,6.203419983,6.203419175,6.20342092,6.203420041,6.203420233,6.203420228,6.203419265,6.203419917,6.203419988,6.203421433,6.20341994,6.203419655,6.203420066,6.203420547,6.203420838,6.203418463,6.20342079,6.203419956,6.203420476,6.203420903,6.203419508,6.203419713,6.203420445,6.203420694
+"12663","PRORSD1P",5.866642925,5.866642929,5.866642939,5.866642924,5.866642941,5.866642916,5.866642933,5.866642951,5.866642953,5.866642932,5.866642941,5.866642941,5.866642927,5.866642933,5.86664296,5.86664295,5.866642959,5.866642948,5.866642927,5.866642935,5.866642936,5.86664296,5.866642932,5.866642927,5.866642931,5.866642946,5.866642941,5.866642942
+"12664","PRORY",5.026155352,5.026155148,5.026154962,5.026155295,5.026155826,5.026155075,5.026155535,5.02615578,5.026155488,5.026155449,5.02615547,5.026156029,5.026155382,5.026154878,5.026155901,5.026155861,5.026155707,5.026155794,5.026155602,5.026155454,5.026155423,5.026155733,5.026155375,5.026155221,5.026155566,5.026155838,5.026154893,5.026155845
+"12665","PROS1",4.415987517,4.415988544,4.415988074,4.415989368,4.415987849,4.4159877385,4.415987478,4.4159869155,4.415987679,4.415989987,4.415989701,4.4159882145,4.415987197,4.415987506,4.4159879,4.4159881775,4.415988655,4.415989772,4.4159878405,4.4159873835,4.415987295,4.4159871555,4.415988393,4.4159900815,4.4159895375,4.415987409,4.4159875855,4.4159871825
+"12666","PROSER1",6.480275174,6.48027483,6.480274511,6.480274632,6.480274699,6.480274811,6.48027502,6.480274412,6.480275076,6.480274675,6.480274227,6.480274131,6.480274809,6.480275219,6.480274688,6.480274437,6.480274075,6.480274319,6.480274593,6.480274724,6.480274702,6.48027455,6.480274789,6.48027465,6.480274383,6.480274642,6.480274924,6.480274801
+"12667","PROSER2",6.220132992,6.220133034,6.220133109,6.220133233,6.220133601,6.220133129,6.220133274,6.220133531,6.220133121,6.220133357,6.220133558,6.220133717,6.220133132,6.22013259,6.220133489,6.220133121,6.220133707,6.220133396,6.220133263,6.22013306,6.220133313,6.220133299,6.220132806,6.220132933,6.220133177,6.220133617,6.220133268,6.220133583
+"12668","PROSER3",6.701956412,6.70195642,6.701956456,6.701956436,6.701956496,6.701956401,6.70195644,6.701956477,6.701956435,6.701956449,6.701956446,6.701956486,6.701956444,6.701956404,6.701956481,6.701956434,6.701956482,6.70195646,6.701956456,6.701956433,6.701956464,6.701956474,6.701956452,6.701956421,6.701956452,6.701956493,6.701956436,6.701956446
+"12669","PROX1",3.486823568,3.486823633,3.486823589,3.486823595,3.486823675,3.486823575,3.486823379,3.486823567,3.486823533,3.486823553,3.486823801,3.486823609,3.486823517,3.486823462,3.486823617,3.48682364,3.486823548,3.486823609,3.486823575,3.486823642,3.486823581,3.486823615,3.486823597,3.486823609,3.486823543,3.486823517,3.486823564,3.486823452
+"12670","PROX2",3.740786978,3.740787,3.74078701,3.740787029,3.740787061,3.740787042,3.740786997,3.740787032,3.740787012,3.740787031,3.740787018,3.740787067,3.740787011,3.740787019,3.740787015,3.740787008,3.740786972,3.740786986,3.740787035,3.740786998,3.740787019,3.74078704,3.740786986,3.740786965,3.740787015,3.740787074,3.740786983,3.740786998
+"12671","PROZ",4.745284363,4.745284416,4.745284373,4.745284396,4.74528445,4.745284354,4.745284357,4.745284493,4.745284482,4.74528441,4.745284435,4.74528441,4.745284459,4.745284334,4.74528442,4.745284427,4.745284354,4.745284437,4.745284398,4.745284374,4.745284436,4.74528441,4.745284379,4.745284413,4.745284467,4.745284423,4.745284378,4.745284381
+"12672","PRPF18",6.900900572,6.900900988,6.900900301,6.900900705,6.900899725,6.900899414,6.900900372,6.900900002,6.900900155,6.900900194,6.900900108,6.900899774,6.900900848,6.900901793,6.900900126,6.900900882,6.900900048,6.900900394,6.900900633,6.90089989,6.900900001,6.900900161,6.90090064,6.900900711,6.900899992,6.900900291,6.900900792,6.900900822
+"12673","PRPF19",7.149487867,7.149488033,7.149487872,7.14948775,7.149487985,7.149488065,7.149487966,7.149488053,7.149488134,7.149488084,7.149487817,7.149487707,7.149488147,7.149488387,7.14948781,7.149487544,7.14948763,7.149487629,7.149487815,7.149487877,7.149487753,7.149488089,7.149488107,7.149488047,7.149487501,7.149487986,7.149488189,7.149488301
+"12674","PRPF3",7.244818953,7.244818819,7.244818669,7.244818723,7.244818573,7.244818992,7.244818899,7.244818711,7.244818886,7.244818841,7.244818497,7.244818682,7.24481889,7.244819314,7.244818706,7.244818696,7.244818238,7.244818396,7.244818736,7.244818827,7.24481879,7.244818756,7.244818837,7.244818844,7.244818767,7.244818941,7.244818922,7.244818983
+"12675","PRPF31",6.335343829,6.335343822,6.335343832,6.335343818,6.335343825,6.335343837,6.335343816,6.335343808,6.335343848,6.335343828,6.335343799,6.335343823,6.335343819,6.335343841,6.335343836,6.335343822,6.335343813,6.335343823,6.335343817,6.335343822,6.335343836,6.335343837,6.335343829,6.335343822,6.335343808,6.335343836,6.335343831,6.335343821
+"12676","PRPF38A",7.401565009,7.401564979,7.401564982,7.401564907,7.401564918,7.40156492,7.401564856,7.401564818,7.401565079,7.401564958,7.401564839,7.401564723,7.401565027,7.401565216,7.401564875,7.401564933,7.401564814,7.401564786,7.401564986,7.401565011,7.401564938,7.401564913,7.401565084,7.401564977,7.40156492,7.401564863,7.401564965,7.401565049
+"12677","PRPF38B",7.742960657,7.7429608,7.742959992,7.742959986,7.74295945,7.74295873,7.742959894,7.742959679,7.74296061,7.74295949,7.742959111,7.742958663,7.742960158,7.742962835,7.742960232,7.742960764,7.742959651,7.742959689,7.742960319,7.742958787,7.74295999,7.742959536,7.742961056,7.742960039,7.74295981,7.742960056,7.742960177,7.742961662
+"12678","PRPF39",5.571162581,5.571162387,5.571162247,5.571162223,5.571162249,5.571162144,5.571162281,5.571162327,5.571162401,5.571162258,5.571161992,5.571162147,5.57116245,5.571162828,5.57116242,5.571162397,5.571162248,5.571162098,5.571162459,5.571162183,5.57116236,5.571162352,5.571162511,5.571162308,5.571162244,5.571162283,5.571162483,5.571162573
+"12679","PRPF4",7.434857484,7.434857507,7.434857483,7.434857445,7.434857454,7.434857479,7.434857473,7.43485745,7.434857492,7.434857442,7.434857403,7.434857435,7.434857453,7.434857512,7.434857455,7.434857458,7.434857413,7.434857437,7.434857464,7.434857458,7.43485743,7.434857439,7.434857481,7.434857459,7.434857423,7.434857438,7.434857474,7.434857487
+"12680","PRPF40A",6.800016951,6.800016553,6.800015992,6.800016003,6.800015927,6.800016048,6.800015809,6.800015378,6.800016034,6.800016161,6.800015555,6.80001439,6.800015937,6.800018238,6.800016527,6.800016223,6.800015961,6.800015772,6.800016442,6.800015394,6.800016159,6.800015782,6.800016704,6.80001572,6.800015888,6.8000155,6.800015957,6.800017522
+"12681","PRPF40B",5.839383661,5.83938367,5.839383673,5.83938367,5.839383689,5.839383679,5.839383675,5.839383683,5.83938368,5.839383679,5.83938369,5.839383688,5.83938368,5.839383654,5.839383655,5.839383687,5.839383689,5.839383686,5.839383659,5.839383677,5.839383686,5.839383687,5.839383673,5.839383678,5.839383678,5.839383683,5.839383679,5.83938368
+"12682","PRPF4B",7.328762203,7.32876174,7.328761359,7.328760955,7.328761244,7.328760854,7.328761528,7.328761016,7.328761574,7.328761368,7.328760981,7.328760823,7.328761576,7.328763064,7.328761574,7.328761649,7.32876085,7.328760508,7.328761475,7.328760728,7.328761639,7.328761225,7.32876172,7.328761462,7.328760811,7.328761293,7.328761638,7.328761982
+"12683","PRPF6",7.27958266,7.27958274,7.279582558,7.279582624,7.279582585,7.279582761,7.279582619,7.279582764,7.279582754,7.279582726,7.279582536,7.279582642,7.279582741,7.279582831,7.279582666,7.27958272,7.279582455,7.279582625,7.279582689,7.279582716,7.279582534,7.279582823,7.279582664,7.279582682,7.279582559,7.279582742,7.279582779,7.279582752
+"12684","PRPF8",8.908390324,8.908390361,8.90838969,8.908390146,8.908390514,8.9083906,8.908390826,8.908390055,8.908390807,8.908390958,8.908389836,8.908390427,8.908390604,8.908391343,8.908390391,8.908389847,8.908389348,8.908389875,8.908390311,8.908389558,8.908390523,8.908390195,8.908390391,8.908390269,8.908389712,8.908390756,8.908390662,8.908390834
+"12685","PRPH",5.091546826,5.091546857,5.091546903,5.091546827,5.091547006,5.091546804,5.091546899,5.091546897,5.091546927,5.091546914,5.091546939,5.091546987,5.091546852,5.091546788,5.091546965,5.091546842,5.09154699,5.091547018,5.091546869,5.091546943,5.091546957,5.09154697,5.091546772,5.091546797,5.091546933,5.0915469,5.091546826,5.091546858
+"12686","PRPH2",4.489286973,4.489286965,4.489286986,4.489286946,4.489286982,4.489286943,4.489286958,4.489286986,4.489286964,4.489286969,4.489286948,4.489286961,4.48928694,4.489286945,4.489286976,4.489286971,4.489286982,4.489286967,4.489286957,4.489286971,4.489286973,4.489286973,4.489286943,4.489286962,4.489286964,4.489286946,4.48928695,4.489286973
+"12687","PRPS1",7.274019997,7.274019796,7.274019414,7.274019078,7.27401943,7.274019716,7.274019883,7.274019568,7.274020088,7.274019894,7.274019106,7.274019377,7.274019674,7.274020636,7.274019767,7.274019243,7.274019231,7.274019106,7.274019664,7.274019882,7.274019518,7.274019562,7.274020497,7.274019753,7.27401903,7.274019676,7.274019631,7.274020158
+"12688","PRPS1L1",4.094794194,4.094794087,4.094794273,4.094794191,4.094794296,4.094794269,4.094794186,4.094794196,4.094794006,4.094794172,4.094794288,4.094794354,4.094794172,4.094793991,4.094794354,4.09479412,4.094794284,4.094794334,4.094794284,4.094794317,4.094794185,4.094794335,4.094793932,4.094794168,4.094794313,4.094794296,4.094794261,4.094794228
+"12689","PRPS2",6.660083461,6.660083469,6.660083413,6.660083364,6.660083434,6.660083567,6.660083486,6.660083459,6.660083531,6.660083484,6.660083397,6.660083436,6.66008348,6.660083634,6.660083433,6.660083398,6.660083407,6.660083315,6.660083369,6.660083538,6.660083488,6.660083426,6.660083551,6.660083451,6.660083375,6.660083494,6.660083461,6.660083621
+"12690","PRPSAP1",6.690645827,6.690645665,6.690645425,6.69064556,6.690645055,6.690645655,6.690645487,6.690645524,6.690645711,6.690645611,6.690645394,6.690645091,6.690645505,6.690645786,6.690645296,6.690645409,6.690645028,6.690645143,6.690645545,6.690644982,6.690645484,6.690645339,6.690645693,6.69064553,6.690645378,6.690645398,6.690645506,6.690645338
+"12691","PRPSAP2",6.305214671,6.305214635,6.305214524,6.305213633,6.305213848,6.305213637,6.305214036,6.305214557,6.305214751,6.305214722,6.305213393,6.305214116,6.305214392,6.30521513,6.305213751,6.305214209,6.305213303,6.305213559,6.305214305,6.305214045,6.305213999,6.305213714,6.305214563,6.305214959,6.305213706,6.305214682,6.305214633,6.305214575
+"12692","PRR11",4.693101072,4.693101111,4.693101172,4.693101432,4.693100952,4.693101854,4.693101817,4.693100771,4.693101317,4.693101299,4.693100927,4.693100835,4.693101205,4.693101215,4.693100895,4.693100498,4.693101104,4.693100687,4.693101145,4.693101812,4.69310141,4.693100889,4.693101379,4.693101381,4.693100987,4.693100983,4.693101118,4.693100799
+"12693","PRR12",6.892062928,6.892062928,6.892062946,6.892062935,6.89206297,6.892062959,6.892062945,6.892062961,6.89206297,6.892062964,6.892062947,6.892062998,6.89206296,6.892062946,6.892062969,6.892062946,6.892062963,6.892062943,6.89206294,6.892062944,6.892062972,6.892062961,6.892062947,6.892062928,6.892062923,6.892062978,6.892062954,6.892062951
+"12694","PRR13",7.7366530175,7.73665382,7.7366529235,7.736653407,7.736652674,7.7366532745,7.7366528745,7.736652927,7.736653078,7.7366533255,7.73665303,7.7366523715,7.73665324,7.736652606,7.7366533585,7.736653711,7.73665235,7.7366535725,7.736653111,7.736653882,7.7366531775,7.7366527335,7.736653584,7.736653257,7.73665319,7.736653067,7.736653109,7.736652486
+"12695","PRR14",7.193480434,7.193480446,7.193480444,7.193480454,7.193480441,7.19348045,7.193480432,7.193480443,7.193480444,7.193480447,7.193480447,7.193480448,7.193480439,7.193480437,7.193480446,7.193480453,7.193480447,7.193480457,7.193480441,7.193480457,7.193480444,7.193480444,7.193480446,7.193480455,7.193480447,7.193480445,7.193480447,7.193480441
+"12696","PRR14L",6.854684116,6.854684083,6.854684084,6.854684127,6.854684087,6.854684096,6.854684135,6.854684036,6.854684071,6.854684099,6.854684076,6.854684064,6.854684111,6.85468415,6.85468411,6.854684065,6.854684034,6.85468411,6.85468414,6.854684147,6.854684124,6.854684067,6.854684077,6.854684123,6.854684118,6.854684094,6.854684103,6.854684081
+"12697","PRR15",6.178874846,6.178874708,6.178875847,6.178875037,6.178875592,6.178874651,6.178875139,6.178875662,6.178875033,6.178875229,6.178875628,6.178875871,6.178875163,6.178873912,6.178875522,6.178875437,6.178875959,6.178875656,6.178875377,6.178875124,6.178875396,6.178875438,6.178875052,6.178874851,6.178875476,6.178875497,6.178874847,6.17887548
+"12698","PRR15L",5.007120319,5.007120343,5.007120389,5.007120341,5.007120358,5.007120293,5.007120349,5.007120421,5.007120355,5.007120318,5.007120372,5.007120393,5.007120331,5.007120289,5.007120407,5.007120429,5.007120434,5.007120392,5.007120299,5.00712037,5.007120382,5.007120402,5.00712033,5.007120325,5.00712042,5.007120408,5.007120342,5.007120403
+"12699","PRR16",3.73427943,3.734279504,3.734279462,3.734279435,3.734279461,3.734279524,3.734279485,3.734279471,3.734279496,3.734279426,3.734279487,3.734279514,3.734279458,3.734279431,3.734279459,3.734279496,3.7342795,3.734279469,3.734279453,3.734279539,3.734279485,3.734279478,3.734279478,3.7342795,3.734279487,3.734279473,3.734279454,3.734279486
+"12700","PRR18",6.391999116,6.391999123,6.391999169,6.391999151,6.391999245,6.391999175,6.391999178,6.391999188,6.391999176,6.391999198,6.391999187,6.39199924,6.391999176,6.391999066,6.391999202,6.391999126,6.391999225,6.391999175,6.391999154,6.39199918,6.391999167,6.391999193,6.391999156,6.391999128,6.391999165,6.391999181,6.39199917,6.391999149
+"12701","PRR19",4.337143223,4.337143255,4.337143255,4.337143248,4.337143251,4.337143225,4.33714325,4.337143255,4.337143242,4.337143254,4.337143247,4.337143288,4.337143265,4.337143213,4.337143241,4.337143234,4.337143289,4.337143234,4.337143244,4.337143263,4.337143254,4.337143263,4.33714323,4.337143231,4.337143241,4.337143246,4.33714323,4.337143269
+"12702","PRR21",4.53608601,4.536086013,4.536086128,4.536086132,4.536086188,4.536085857,4.536086276,4.536086246,4.536086002,4.536086003,4.536086144,4.5360863,4.536086135,4.536085928,4.536086297,4.536086171,4.536086504,4.536086152,4.536086348,4.536086104,4.536086405,4.536086359,4.536086036,4.53608605,4.536086094,4.536086091,4.536086027,4.536086125
+"12703","PRR22",6.409368859,6.409368782,6.409368902,6.409368859,6.409368948,6.409368933,6.409368859,6.409368936,6.409368837,6.409368931,6.409368947,6.409369016,6.409368904,6.409368699,6.409368897,6.409368848,6.409368957,6.409368844,6.409368872,6.409368882,6.409368918,6.4093689,6.409368804,6.409368847,6.409368884,6.409368891,6.409368827,6.409368869
+"12704","PRR23B",5.51501729,5.515017521,5.515017277,5.515017194,5.515017884,5.515017232,5.515017448,5.515017745,5.515017383,5.515017459,5.515017824,5.51501785,5.515017436,5.515016895,5.515017666,5.515017662,5.51501782,5.515017583,5.515017396,5.51501769,5.515017529,5.515017912,5.515017377,5.515017316,5.515017594,5.515017606,5.515017393,5.515017414
+"12705","PRR23C",3.545231821,3.545231904,3.545231904,3.545231798,3.545231958,3.545231922,3.545231756,3.545231883,3.545231799,3.545231875,3.545231969,3.545232326,3.545231941,3.545231807,3.545232041,3.545232022,3.545231893,3.545231772,3.545232061,3.54523188,3.545231778,3.545231893,3.545231845,3.545231657,3.545231757,3.545231966,3.545231943,3.545232
+"12706","PRR25",5.302429419,5.302429452,5.302429515,5.30242945,5.302429644,5.302429556,5.302429623,5.302429629,5.302429431,5.302429567,5.302429553,5.302429642,5.30242946,5.302429399,5.302429603,5.302429528,5.302429673,5.302429587,5.3024295,5.302429505,5.302429608,5.302429617,5.302429519,5.302429455,5.302429541,5.302429559,5.302429451,5.30242953
+"12707","PRR27",4.152395979,4.152396012,4.152396019,4.152395987,4.152396016,4.152395988,4.152396,4.152396013,4.152396015,4.152396024,4.152396013,4.152396013,4.152396022,4.152395968,4.15239601,4.152396011,4.152396065,4.152396025,4.152396047,4.152395996,4.152396008,4.152396004,4.152395976,4.152395982,4.152395979,4.152396014,4.152396003,4.152395984
+"12708","PRR3",6.313826583,6.313826573,6.313826573,6.313826572,6.31382658,6.313826571,6.313826586,6.313826582,6.313826595,6.313826587,6.313826583,6.313826607,6.313826584,6.313826575,6.31382659,6.313826576,6.313826593,6.313826575,6.31382657,6.313826557,6.31382659,6.313826588,6.313826589,6.313826574,6.31382658,6.313826591,6.313826581,6.313826591
+"12709","PRR30",5.035647168,5.035647175,5.035647247,5.035647216,5.035647254,5.035647241,5.035647234,5.035647228,5.035647192,5.035647226,5.035647227,5.035647265,5.035647215,5.035647177,5.035647244,5.035647201,5.035647278,5.035647223,5.035647226,5.035647233,5.035647259,5.035647245,5.035647211,5.035647187,5.035647198,5.035647234,5.035647212,5.035647243
+"12710","PRR32",3.717546093,3.71754663,3.717546361,3.717546445,3.71754658,3.717546583,3.71754621,3.717546584,3.717546486,3.717546557,3.717546335,3.717546167,3.717546531,3.717546143,3.717546713,3.717546638,3.717546282,3.717546732,3.717546158,3.717546421,3.717546443,3.717546566,3.717546508,3.717546596,3.717546604,3.717546576,3.717546276,3.717546552
+"12711","PRR34",6.469062289,6.469062275,6.469062393,6.469062309,6.469062464,6.46906228,6.469062431,6.46906245,6.469062358,6.469062361,6.469062381,6.469062519,6.469062412,6.469062238,6.469062384,6.469062324,6.469062458,6.469062391,6.469062435,6.469062352,6.46906247,6.469062454,6.469062291,6.469062345,6.469062395,6.469062393,6.469062344,6.469062389
+"12712","PRR35",7.086625475,7.086625542,7.086625675,7.086625675,7.086625835,7.086625536,7.086625648,7.086625714,7.086625561,7.086625558,7.086625693,7.086625636,7.086625529,7.086625303,7.086625761,7.086625646,7.086625795,7.086625692,7.086625662,7.08662568,7.086625664,7.086625724,7.08662548,7.086625616,7.086625684,7.086625531,7.086625659,7.086625568
+"12713","PRR36",6.805113376,6.805113493,6.805113695,6.805113616,6.805113955,6.805113521,6.805113651,6.805113712,6.805113593,6.805113677,6.805113692,6.805113982,6.805113546,6.805113302,6.805113848,6.805113648,6.805113966,6.805113805,6.805113676,6.805113682,6.805113837,6.805113893,6.805113423,6.805113597,6.805113621,6.80511383,6.805113503,6.805113744
+"12714","PRR5L",7.481560396,7.481558752,7.481526147,7.481495086,7.481519213,7.481612865,7.481557919,7.481575977,7.481535776,7.481536114,7.481532192,7.481501951,7.481560561,7.481539047,7.481558047,7.481559861,7.48150342,7.481510794,7.481530134,7.481604593,7.481546769,7.481557603,7.481554846,7.481554012,7.481528037,7.481535341,7.481555142,7.481523713
+"12715","PRR7",6.582825625,6.582825616,6.582825877,6.582825621,6.582826075,6.582825765,6.582825834,6.582825911,6.582825742,6.582825884,6.582825984,6.582826035,6.582825795,6.582825562,6.58282599,6.582825716,6.58282609,6.582825999,6.582825937,6.582825746,6.582826003,6.58282599,6.582825667,6.582825549,6.582825763,6.582825908,6.582825717,6.58282582
+"12716","PRRC1",7.317075797,7.317075829,7.317075575,7.31707589,7.317075743,7.317075612,7.317075731,7.317075594,7.317075753,7.317075744,7.317075499,7.317075653,7.317075743,7.317076004,7.317075642,7.317075667,7.31707546,7.317075834,7.317075711,7.317075501,7.317075645,7.317075586,7.317075794,7.317075696,7.317075484,7.317075765,7.317075805,7.317075865
+"12717","PRRC2A",7.9496367695,7.9496369495,7.9496357,7.9496364015,7.949636992,7.9496370705,7.949637436,7.9496369085,7.9496379855,7.9496381465,7.949638278,7.9496364725,7.949637085,7.9496375685,7.949637679,7.949636412,7.94963606,7.949636045,7.949636458,7.9496368745,7.949637041,7.9496361145,7.9496368445,7.9496381465,7.949636574,7.949636191,7.9496370135,7.949637298
+"12718","PRRC2B",7.905709309,7.9057093105,7.905709105,7.905709229,7.905709021,7.9057093895,7.905709269,7.905709012,7.9057094905,7.905709487,7.9057091215,7.9057092315,7.905709527,7.9057096435,7.905709134,7.9057091515,7.905708773,7.905709057,7.9057090505,7.9057090065,7.905709094,7.905708986,7.905709297,7.905709247,7.905708958,7.905709435,7.90570954,7.9057093705
+"12719","PRRC2C",8.573680357,8.573679972,8.573679647,8.573680462,8.573679858,8.573680687,8.573680457,8.573679745,8.573680301,8.573680363,8.573680032,8.573679789,8.573680492,8.573681027,8.573680336,8.573679384,8.573679277,8.573680213,8.573680207,8.573680401,8.573680447,8.573679825,8.573680266,8.573680421,8.573680139,8.573680425,8.573680566,8.573680399
+"12720","PRRG1",4.144218274,4.144218263,4.144218324,4.14421836,4.144218354,4.144218279,4.14421831,4.144218333,4.144218443,4.144218466,4.144218374,4.144218462,4.144218347,4.144218341,4.144218412,4.144218246,4.144218386,4.144218449,4.144218343,4.144218244,4.144218396,4.144218369,4.144218232,4.144218316,4.144218444,4.14421839,4.144218293,4.144218349
+"12721","PRRG2",4.450313347,4.450313266,4.450313344,4.450313335,4.45031332,4.450313327,4.450313376,4.45031336,4.450313368,4.450313312,4.450313411,4.450313389,4.450313251,4.450313244,4.450313366,4.450313338,4.45031329,4.450313377,4.450313336,4.450313344,4.450313329,4.450313348,4.450313315,4.450313331,4.450313363,4.450313329,4.450313314,4.450313283
+"12722","PRRG3",4.433138251,4.433138217,4.433138534,4.433138538,4.433138408,4.433138427,4.433138326,4.43313848,4.433138505,4.433138511,4.433138486,4.433138603,4.433138441,4.433138147,4.433138283,4.433138298,4.433138308,4.433138437,4.433138315,4.433138367,4.433138316,4.433138364,4.433138318,4.433138361,4.433138523,4.433138256,4.433138339,4.433138322
+"12723","PRRG4",6.842652219,6.84265358,6.84265191,6.842654123,6.842650666,6.842653451,6.842651982,6.842651292,6.842648147,6.842652538,6.842652595,6.842648432,6.842650316,6.842650133,6.842652053,6.842653252,6.842651249,6.842653479,6.842652497,6.842654397,6.842652541,6.842650979,6.84265197,6.842653735,6.842654309,6.842650049,6.842649857,6.842648691
+"12724","PRRT2",5.490706664,5.490706688,5.490706768,5.490706742,5.490706783,5.490706667,5.490706727,5.490706787,5.49070675,5.490706736,5.490706761,5.490706775,5.490706721,5.4907067,5.490706762,5.490706761,5.490706803,5.490706759,5.490706731,5.490706724,5.490706758,5.490706776,5.490706704,5.490706734,5.490706724,5.490706741,5.49070669,5.490706785
+"12725","PRRT3",5.847997339,5.847997324,5.847997388,5.847997405,5.84799742,5.847997345,5.847997347,5.847997404,5.84799738,5.847997386,5.847997418,5.847997401,5.847997397,5.847997252,5.847997411,5.847997341,5.847997448,5.847997417,5.84799735,5.847997346,5.847997389,5.847997401,5.847997357,5.847997336,5.847997392,5.847997418,5.847997387,5.847997342
+"12726","PRRX1",4.381753221,4.381753176,4.38175327,4.381753186,4.381753152,4.381753199,4.381753127,4.381753252,4.381753224,4.381753135,4.381753217,4.381753256,4.381753168,4.381753042,4.381753194,4.38175318,4.381753175,4.381753117,4.381753174,4.381753179,4.381753122,4.381753213,4.381753059,4.38175318,4.381753219,4.381753146,4.381753175,4.381753093
+"12727","PRRX2",6.875586234,6.875586244,6.875586315,6.875586274,6.875586364,6.875586268,6.875586258,6.875586328,6.875586281,6.875586309,6.87558633,6.875586319,6.875586291,6.875586231,6.875586313,6.875586239,6.875586358,6.875586313,6.875586268,6.875586269,6.87558632,6.87558636,6.875586288,6.875586289,6.875586324,6.8755863,6.875586275,6.875586288
+"12728","PRSS12",4.690334879,4.690334937,4.690334899,4.690334957,4.690335028,4.690334884,4.690334987,4.690335058,4.690334949,4.690334895,4.690334926,4.6903351,4.690334968,4.690334903,4.690335003,4.690334976,4.690335109,4.690335055,4.690334955,4.690335049,4.690335014,4.69033504,4.690334918,4.690334893,4.690334968,4.690334986,4.690334922,4.690334931
+"12729","PRSS16",4.660671356,4.660671371,4.660671351,4.660671356,4.660671391,4.660671351,4.660671445,4.660671439,4.660671393,4.660671394,4.66067139,4.660671428,4.660671392,4.660671354,4.660671416,4.660671395,4.660671461,4.660671374,4.66067139,4.660671434,4.660671396,4.660671385,4.660671378,4.66067136,4.660671413,4.660671409,4.660671394,4.660671378
+"12730","PRSS2",3.694175285,3.694175228,3.694175315,3.694175279,3.694175329,3.694175319,3.694175279,3.694175324,3.694175274,3.694175319,3.694175346,3.694175311,3.694175202,3.69417538,3.694175308,3.694175327,3.694175357,3.694175332,3.694175318,3.694175355,3.694175269,3.694175311,3.69417521,3.694175276,3.69417524,3.694175299,3.694175283,3.694175318
+"12731","PRSS21",6.218878716,6.218878718,6.218878742,6.218878718,6.218878745,6.2188787,6.218878728,6.218878749,6.218878731,6.218878723,6.218878752,6.218878749,6.218878736,6.218878707,6.218878742,6.218878736,6.21887875,6.218878743,6.218878729,6.218878724,6.218878742,6.218878745,6.21887873,6.218878735,6.21887876,6.218878745,6.218878716,6.218878729
+"12732","PRSS22",5.781212078,5.78121157,5.78121222,5.781212121,5.781212516,5.781211563,5.781211996,5.781212514,5.781212284,5.78121184,5.781212415,5.781212695,5.781212074,5.781211601,5.781212398,5.781212173,5.781212723,5.781212359,5.781211884,5.781212046,5.781212335,5.781212599,5.781212126,5.781212301,5.781212553,5.781212375,5.781211981,5.781212045
+"12733","PRSS23",4.623206714,4.623206743,4.623206709,4.623206663,4.623206687,4.62320671,4.623206682,4.623206736,4.623206689,4.623206703,4.623206701,4.623206713,4.623206726,4.623206694,4.623206714,4.623206725,4.623206711,4.623206703,4.62320667,4.623206693,4.623206702,4.623206723,4.623206741,4.623206726,4.623206687,4.623206715,4.623206686,4.623206704
+"12734","PRSS27",7.087780451,7.087780465,7.0877806,7.087780545,7.087780674,7.087780385,7.087780479,7.087780626,7.087780545,7.087780502,7.087780586,7.087780573,7.087780604,7.087780293,7.087780679,7.087780612,7.087780649,7.087780703,7.087780501,7.087780559,7.087780646,7.087780649,7.087780464,7.087780476,7.087780612,7.087780671,7.087780573,7.087780597
+"12735","PRSS29P",7.101139857,7.101139717,7.101139944,7.101139712,7.1011403,7.101139885,7.101140045,7.101139976,7.101139842,7.101139956,7.101140042,7.101140265,7.101139729,7.101139325,7.101140212,7.101139844,7.101140171,7.101139966,7.101139967,7.101140128,7.101140222,7.101140094,7.101139646,7.101139669,7.101139832,7.101140044,7.10113989,7.101139655
+"12736","PRSS3",5.722134353,5.722134212,5.722134483,5.722134406,5.722134727,5.722134134,5.7221346,5.722134538,5.722134142,5.722134262,5.722134548,5.722134764,5.72213435,5.722134029,5.722134598,5.722134409,5.722134793,5.722134752,5.722134531,5.7221345,5.72213476,5.72213483,5.722134297,5.72213405,5.722134519,5.722134697,5.72213415,5.722134426
+"12737","PRSS30P",5.835309204,5.835309214,5.835309234,5.835309232,5.835309247,5.835309224,5.835309225,5.83530924,5.835309225,5.835309229,5.835309234,5.835309235,5.835309221,5.835309192,5.835309237,5.835309241,5.83530925,5.835309247,5.835309224,5.835309221,5.835309238,5.835309255,5.835309205,5.835309214,5.835309226,5.83530922,5.835309214,5.835309229
+"12738","PRSS33",6.661516727,6.661517326,6.661517191,6.661517071,6.661517904,6.661516795,6.661517318,6.661517173,6.661516966,6.661517195,6.661517844,6.661517379,6.661517118,6.661516775,6.661517093,6.661517452,6.661517493,6.661517089,6.661517592,6.66151707,6.661517486,6.661517212,6.66151685,6.661517039,6.66151763,6.66151734,6.661517103,6.66151729
+"12739","PRSS35",3.866778497,3.866778814,3.866778645,3.866778744,3.866778512,3.866778632,3.866778614,3.866778691,3.866778665,3.866778495,3.866778708,3.866778423,3.866778572,3.866778776,3.866778612,3.866778839,3.8667788,3.866778621,3.866778471,3.866778557,3.866778593,3.866778732,3.866778628,3.866778517,3.866778463,3.86677851,3.866778629,3.866778513
+"12740","PRSS36",6.274558992,6.27455894,6.274559038,6.274558995,6.274559083,6.274559001,6.274558992,6.274559062,6.274558996,6.274559011,6.27455905,6.274559064,6.274559008,6.274558909,6.274559082,6.274559007,6.27455909,6.27455906,6.274559029,6.274559034,6.274559079,6.274559062,6.274558968,6.274558973,6.274559036,6.27455906,6.274559022,6.274559018
+"12741","PRSS37",3.783840793,3.783840749,3.783840755,3.78384077,3.783840754,3.783840807,3.783840749,3.783840761,3.783840793,3.78384082,3.783840766,3.783840762,3.783840755,3.783840753,3.783840828,3.783840761,3.783840849,3.783840737,3.783840723,3.783840844,3.783840761,3.783840781,3.783840789,3.78384075,3.783840772,3.783840721,3.783840799,3.783840755
+"12742","PRSS38",4.479179615,4.479179615,4.479179643,4.47917962,4.479179662,4.479179626,4.479179646,4.479179649,4.479179633,4.479179637,4.479179649,4.479179653,4.479179619,4.479179624,4.479179648,4.479179648,4.479179665,4.479179635,4.479179639,4.479179642,4.479179653,4.47917965,4.479179621,4.479179633,4.479179635,4.479179656,4.479179628,4.479179639
+"12743","PRSS41",6.958502534,6.958502586,6.958502697,6.958502508,6.958502796,6.958502309,6.958502532,6.958502674,6.958502622,6.958502663,6.958502715,6.958502731,6.958502583,6.958502445,6.958502649,6.958502722,6.958502708,6.958502685,6.958502587,6.958502582,6.958502707,6.958502655,6.958502491,6.958502634,6.95850271,6.958502723,6.958502546,6.958502681
+"12744","PRSS42P",6.156289051,6.156289417,6.156289874,6.156289543,6.156290029,6.156288924,6.156289574,6.156290192,6.156289496,6.156289632,6.156289917,6.156290146,6.156289628,6.156288574,6.156289904,6.15628975,6.156290142,6.156289872,6.156289453,6.156289224,6.156289863,6.156290038,6.156289358,6.156289297,6.156289935,6.156289838,6.15628945,6.156289654
+"12745","PRSS45P",5.405030358,5.405030378,5.405030407,5.405030444,5.405030504,5.405030385,5.405030455,5.405030458,5.405030388,5.405030407,5.405030443,5.405030485,5.405030379,5.405030345,5.405030475,5.405030476,5.4050305,5.405030456,5.405030431,5.405030391,5.405030455,5.405030488,5.405030384,5.405030328,5.405030426,5.405030446,5.405030379,5.405030396
+"12746","PRSS48",4.167611392,4.167611448,4.167611525,4.167611394,4.167611517,4.167611296,4.167611535,4.16761158,4.167611554,4.167611478,4.16761155,4.167611632,4.167611529,4.167611446,4.167611428,4.167611458,4.167611554,4.16761161,4.167611419,4.167611409,4.167611527,4.167611545,4.167611491,4.167611478,4.167611656,4.167611439,4.167611464,4.167611612
+"12747","PRSS50",5.883463844,5.88346404,5.883464157,5.883463864,5.883464381,5.88346396,5.883464219,5.883464262,5.883464162,5.883464081,5.883464162,5.883464326,5.883463836,5.883463749,5.883464274,5.883464228,5.883464289,5.883464032,5.883464185,5.883464079,5.883464102,5.883464242,5.883463896,5.88346405,5.883464037,5.883464072,5.883464137,5.883464255
+"12748","PRSS53",5.568986787,5.568986786,5.568986834,5.568986649,5.568986857,5.568986653,5.568986845,5.568986967,5.568986761,5.568986451,5.568986888,5.568986913,5.568986835,5.568986557,5.568986883,5.568986797,5.568986981,5.568986931,5.568986835,5.568986896,5.568986906,5.568986909,5.568986788,5.568986609,5.568986851,5.568986772,5.568986725,5.568986754
+"12749","PRSS54",4.948138229,4.948138211,4.948138202,4.948138222,4.948138257,4.948138219,4.948138192,4.948138223,4.948138147,4.948138183,4.94813819,4.948138287,4.948138191,4.948138233,4.948138269,4.948138225,4.948138231,4.948138166,4.948138193,4.948138243,4.948138217,4.948138229,4.948138245,4.948138199,4.948138148,4.948138278,4.948138188,4.948138245
+"12750","PRSS55",4.000078553,4.000078411,4.000078923,4.000078608,4.000079161,4.00007883,4.000079012,4.00007954,4.000078944,4.000078718,4.000079132,4.000079302,4.000078891,4.000078559,4.000079136,4.000078828,4.000079848,4.000079088,4.00007902,4.000078642,4.000079338,4.00007932,4.000078946,4.000078577,4.000079042,4.00007898,4.000078643,4.000078722
+"12751","PRSS57",6.656022741,6.656022701,6.65602323,6.656022798,6.656023622,6.65602308,6.656023362,6.656023569,6.656023245,6.656022974,6.656023433,6.656023749,6.656023044,6.656022587,6.656023368,6.656023178,6.656023967,6.656023445,6.656023243,6.656023114,6.656023429,6.656023471,6.656022893,6.656022882,6.656023395,6.656023377,6.656022945,6.656023501
+"12752","PRSS58",3.295233603,3.29523383,3.295233905,3.295233754,3.29523392,3.295233866,3.295233818,3.295234028,3.295233783,3.295234027,3.295233776,3.295234039,3.295233885,3.295233721,3.295233916,3.295233694,3.295234052,3.295233883,3.295233977,3.295233837,3.295233779,3.295233896,3.295233753,3.295233626,3.295233895,3.295233673,3.2952339,3.29523372
+"12753","PRSS59P",3.148417445,3.148417602,3.148417722,3.148417608,3.148417659,3.148417524,3.148417581,3.14841771,3.148417658,3.14841789,3.148417437,3.148417563,3.148417632,3.148417566,3.148417683,3.148417557,3.148417602,3.148417586,3.148417786,3.148417611,3.148417672,3.148417921,3.148417648,3.148417618,3.148417569,3.148417574,3.148417548,3.148417813
+"12754","PRSS8",4.92150663,4.921506577,4.921506734,4.921506739,4.92150687,4.921506691,4.921506725,4.921506767,4.921506699,4.921506752,4.921506742,4.921506836,4.921506713,4.921506533,4.92150678,4.921506698,4.92150694,4.921506701,4.921506664,4.921506791,4.921506843,4.921506832,4.921506553,4.921506698,4.921506828,4.921506798,4.921506709,4.921506693
+"12755","PRTFDC1",3.453024232,3.45302429,3.453024284,3.453024314,3.453024309,3.453024286,3.453024239,3.453024232,3.453024268,3.453024282,3.453024335,3.453024284,3.453024276,3.453024223,3.453024301,3.453024302,3.453024304,3.453024354,3.453024282,3.453024281,3.45302428,3.453024283,3.453024245,3.453024326,3.453024349,3.453024259,3.453024249,3.453024328
+"12756","PRTG",3.746148396,3.746151432,3.746149139,3.746148396,3.746149363,3.746148731,3.746149369,3.746149049,3.746149027,3.746148659,3.746149038,3.746148693,3.746148903,3.74614827,3.74614916,3.746151035,3.746149716,3.746149084,3.746149149,3.746148463,3.746148755,3.746149039,3.746148694,3.746148763,3.746149002,3.746148281,3.746148496,3.746149559
+"12757","PRTN3",6.989715557,6.989715603,6.989715702,6.989715608,6.989715839,6.989715524,6.989715694,6.989715778,6.989715658,6.989715673,6.989715739,6.989715815,6.989715624,6.989715411,6.989715773,6.989715676,6.989715886,6.989715733,6.989715632,6.989715562,6.989715708,6.989715737,6.989715592,6.989715594,6.989715683,6.98971572,6.989715624,6.989715657
+"12758","PRUNE1",6.413170075,6.413170308,6.413170243,6.413170557,6.413170086,6.41317033,6.413170347,6.413170181,6.413170216,6.413170329,6.41317021,6.413170105,6.413170267,6.41317025,6.413170088,6.413170116,6.413169593,6.413170557,6.413170182,6.413170013,6.413170121,6.413169999,6.413170305,6.413170537,6.413170404,6.413170234,6.413170249,6.41317006
+"12759","PRUNE2",3.6311339015,3.631134058,3.6311340835,3.6311340515,3.631134087,3.6311339795,3.6311341545,3.6311339765,3.631134152,3.6311340665,3.631133972,3.6311341115,3.63113405,3.631133987,3.631134029,3.63113415,3.631134159,3.6311341265,3.631134082,3.631134041,3.63113416,3.6311341075,3.631134021,3.631134041,3.631134041,3.6311340645,3.6311339605,3.631134084
+"12760","PRX",6.034981759,6.034981656,6.034981795,6.034981788,6.0349819,6.034981724,6.034981788,6.034981879,6.034981819,6.034981734,6.034981828,6.034981848,6.034981781,6.034981676,6.034981839,6.03498182,6.034981872,6.034981897,6.034981806,6.034981764,6.034981898,6.034981848,6.034981787,6.034981746,6.034981795,6.034981883,6.03498179,6.034981827
+"12761","PRXL2A",5.828223237,5.828223182,5.828223342,5.828223413,5.828223373,5.828223417,5.828223346,5.828223349,5.828223533,5.828223401,5.828223447,5.828223524,5.828223361,5.828223421,5.828223304,5.828223369,5.828223396,5.828223279,5.828223099,5.828223277,5.82822328,5.828223369,5.828223344,5.828223467,5.828223296,5.828223497,5.828223339,5.82822344
+"12762","PRXL2B",7.226342654,7.226342644,7.226342703,7.226342685,7.226342758,7.226342644,7.226342703,7.226342735,7.226342725,7.226342689,7.226342708,7.226342769,7.226342685,7.226342646,7.226342723,7.226342714,7.226342753,7.226342718,7.2263427,7.22634268,7.226342708,7.22634275,7.2263427,7.226342658,7.226342712,7.226342741,7.226342697,7.226342712
+"12763","PRXL2C",5.012134055,5.012134012,5.012134005,5.012134113,5.012134057,5.012134004,5.012133964,5.012133918,5.012133909,5.012134133,5.012134141,5.012133953,5.012134083,5.012134101,5.012134022,5.012133847,5.012133859,5.012133961,5.012134158,5.012134041,5.012133929,5.012133946,5.012133993,5.012133901,5.012134117,5.012133782,5.012134157,5.012134137
+"12764","PSAP",10.75993133,10.75996078,10.75992326,10.75995647,10.75991451,10.75996813,10.75990881,10.75988327,10.75985359,10.75993006,10.75992451,10.75986135,10.75994682,10.75995498,10.759911,10.75993695,10.75993023,10.75992032,10.75991615,10.75994436,10.75991777,10.75990302,10.75988003,10.75994502,10.75990071,10.75989535,10.75993604,10.7598898
+"12765","PSAPL1",4.838872399,4.838872308,4.838872671,4.838872705,4.838872761,4.83887254,4.838872565,4.838872795,4.838872627,4.838872484,4.838872675,4.838872644,4.838872628,4.838872435,4.838872746,4.838872443,4.838872724,4.838872803,4.838872585,4.838872666,4.838872681,4.83887283,4.8388725,4.838872506,4.838872703,4.838872685,4.838872645,4.838872588
+"12766","PSAT1",5.008315509,5.008315304,5.008315145,5.008315464,5.008315298,5.008315663,5.008315622,5.008315079,5.008315962,5.008315207,5.00831518,5.008315129,5.008315524,5.008315666,5.008315191,5.008315348,5.008315225,5.008315409,5.008315524,5.008315491,5.008315677,5.008315161,5.008315816,5.008315076,5.008315166,5.008315437,5.008315595,5.008315233
+"12767","PSCA",5.166249888,5.166249871,5.166249894,5.166249926,5.166249994,5.16624996,5.166249975,5.166250008,5.166249926,5.166249932,5.166249937,5.166249977,5.166249933,5.166249784,5.166249961,5.166249951,5.166250005,5.166249939,5.166249951,5.166249867,5.166250018,5.166249949,5.166249895,5.166249888,5.166249938,5.166249983,5.166249908,5.166249929
+"12768","PSD",5.492444902,5.492444895,5.492444966,5.49244494,5.492444993,5.492444919,5.492444946,5.492444951,5.49244492,5.492444991,5.492444994,5.492444972,5.492444948,5.492444849,5.492444918,5.492444872,5.492444993,5.492445002,5.492444901,5.492444957,5.492444976,5.492444964,5.492444898,5.492444878,5.49244496,5.492444974,5.492444958,5.492444901
+"12769","PSD2",5.171273517,5.171273529,5.171273539,5.171273538,5.171273548,5.171273529,5.171273537,5.17127355,5.171273531,5.171273541,5.171273543,5.171273535,5.171273538,5.171273521,5.171273538,5.171273539,5.171273554,5.171273549,5.171273522,5.171273523,5.171273537,5.171273546,5.17127354,5.171273529,5.171273557,5.171273551,5.171273546,5.171273546
+"12770","PSD3",3.836443122,3.836443038,3.8364431035,3.8364430185,3.83644299,3.83644297,3.8364430605,3.8364429475,3.8364430415,3.8364432435,3.8364431245,3.8364432015,3.8364430905,3.836443055,3.8364428995,3.8364430155,3.8364430195,3.836443186,3.8364429825,3.836443078,3.8364429085,3.836442818,3.836443022,3.8364432225,3.8364433655,3.836443069,3.8364430385,3.8364429275
+"12771","PSD4",8.137317542,8.137317553,8.137317513,8.137317585,8.137317519,8.13731755,8.137317561,8.137317525,8.137317522,8.137317474,8.137317522,8.137317504,8.137317528,8.137317546,8.137317551,8.137317555,8.137317528,8.137317575,8.137317547,8.137317521,8.137317542,8.137317552,8.137317551,8.137317514,8.137317559,8.137317553,8.137317518,8.137317533
+"12772","PSEN1",8.259814382,8.2598156,8.259813943,8.259814787,8.259813478,8.259814248,8.259814423,8.259813672,8.259813148,8.259814154,8.259814012,8.259812787,8.25981415,8.259814714,8.259814014,8.259815604,8.259813606,8.259814106,8.259814087,8.259814891,8.259814557,8.259813314,8.259814302,8.259814876,8.259814169,8.259813634,8.259813836,8.259813891
+"12773","PSEN2",5.712036062,5.712036073,5.712036069,5.71203606,5.712036072,5.712036114,5.712036082,5.712036072,5.712036057,5.71203608,5.712036079,5.712036081,5.712036072,5.712036065,5.712036066,5.712036087,5.712036077,5.712036055,5.71203609,5.712036085,5.71203607,5.712036082,5.712036078,5.712036068,5.712036052,5.712036085,5.712036077,5.712036067
+"12774","PSENEN",7.838878124,7.838878289,7.838877675,7.838877844,7.838877377,7.838878625,7.838877649,7.838877919,7.838877845,7.838877723,7.838877483,7.838876979,7.838877842,7.838877633,7.838877603,7.838877882,7.838877562,7.838877466,7.83887797,7.838878091,7.838877483,7.838877863,7.83887784,7.838878099,7.838877594,7.838877243,7.838878063,7.83887709
+"12775","PSG1",3.416901857,3.416901928,3.416902324,3.416901954,3.41690243,3.416901958,3.416902227,3.416902189,3.416902207,3.416902107,3.416902083,3.416902104,3.416902153,3.416902032,3.416902277,3.416902164,3.416902738,3.416902089,3.416902326,3.416902524,3.416902243,3.416902125,3.416901802,3.416901748,3.416902047,3.416902485,3.416901905,3.416902107
+"12776","PSG11",2.952292859,2.952292872,2.952292851,2.952292861,2.952292876,2.952292918,2.952292862,2.952292898,2.952292865,2.952292865,2.95229288,2.95229291,2.952292861,2.952292836,2.952292889,2.952292855,2.952292882,2.952292853,2.952292872,2.952292878,2.952292856,2.952292898,2.952292867,2.952292867,2.952292871,2.952292843,2.952292847,2.952292857
+"12777","PSG2",3.259361468,3.259361419,3.259361791,3.259362065,3.259361379,3.259361768,3.259361646,3.259361783,3.25936147,3.25936143,3.259361634,3.259361617,3.259361654,3.25936171,3.259361573,3.259361843,3.259361535,3.259361555,3.25936173,3.259361541,3.259361442,3.259361392,3.2593617,3.259361527,3.259361733,3.25936161,3.259361704,3.259361527
+"12778","PSG3",3.107272454,3.107272461,3.107272584,3.107272142,3.107272322,3.107272409,3.107272647,3.107272408,3.107272708,3.107272324,3.107272579,3.107272448,3.107272235,3.107272664,3.107272428,3.107272549,3.107272947,3.107272779,3.107272571,3.107272224,3.10727234,3.107272612,3.107272269,3.107272723,3.107272275,3.107272361,3.107272591,3.10727312
+"12779","PSG4",5.239624005,5.239624009,5.239624071,5.239624065,5.239624317,5.239624019,5.239624321,5.239624353,5.239624157,5.239624267,5.239623931,5.239624447,5.239624211,5.239623956,5.239624383,5.2396244,5.23962439,5.23962437,5.239624353,5.239623874,5.239624339,5.23962436,5.239624121,5.239623989,5.239624102,5.239624247,5.239624046,5.239624225
+"12780","PSG6",3.581192096,3.58119218,3.581192085,3.581192159,3.581192328,3.58119204,3.581192081,3.581192212,3.581192211,3.581192059,3.581192191,3.581192126,3.581192168,3.581191983,3.581192208,3.581192296,3.581192135,3.581192376,3.581192017,3.581192427,3.581192205,3.581192283,3.581192076,3.581192093,3.58119222,3.581192286,3.58119216,3.581192032
+"12781","PSG9",5.325674459,5.325674473,5.325674608,5.32567446,5.325674568,5.325674592,5.325674485,5.325674554,5.325674578,5.325674508,5.325674539,5.325674567,5.32567451,5.325674411,5.325674517,5.325674517,5.325674623,5.325674534,5.325674528,5.325674572,5.325674544,5.325674608,5.325674522,5.32567452,5.325674533,5.32567456,5.325674495,5.325674437
+"12782","PSIP1",6.3560218895,6.356021603,6.356021081,6.3560210645,6.3560207545,6.356020653,6.3560210625,6.3560207805,6.3560217785,6.3560215455,6.356020872,6.3560205765,6.3560214575,6.3560224365,6.3560214435,6.356021184,6.356020878,6.3560205235,6.3560212905,6.3560205315,6.356021189,6.356020801,6.3560215225,6.3560208815,6.356020816,6.356021186,6.3560212155,6.3560220465
+"12783","PSKH1",6.622132915,6.6221329,6.622132964,6.622132848,6.622132974,6.622132955,6.622132962,6.622132964,6.622132927,6.622132946,6.622132928,6.622133013,6.622132958,6.622132846,6.622132995,6.622132931,6.622133,6.622132925,6.622132886,6.622132907,6.622132985,6.622132955,6.622132924,6.622132882,6.622132916,6.622133001,6.622132918,6.622132926
+"12784","PSKH2",4.612898175,4.612898165,4.612898306,4.612898222,4.612898309,4.612898043,4.612898229,4.612898247,4.612898081,4.612898116,4.612898297,4.612898317,4.612898179,4.612898164,4.612898265,4.612898273,4.612898218,4.612898306,4.612898183,4.612898169,4.612898239,4.612898291,4.612898233,4.612898095,4.612898253,4.612898339,4.612898096,4.612898244
+"12785","PSMA1",7.181628699,7.181628049,7.18162792,7.181627552,7.181627063,7.181628197,7.18162819,7.181627792,7.181627922,7.181627826,7.181626907,7.181626959,7.181628066,7.181628921,7.181627745,7.181627354,7.18162751,7.181626616,7.181627758,7.181628074,7.181628169,7.181627713,7.181628265,7.181628178,7.181626826,7.181627466,7.18162799,7.181627821
+"12786","PSMA2",4.791860728,4.791860689,4.79186056,4.791860518,4.791860401,4.791860641,4.791860641,4.791860412,4.791860572,4.791860554,4.791860564,4.791860255,4.791860516,4.791861019,4.791860436,4.791860434,4.791860487,4.791860054,4.791860517,4.791860368,4.791860437,4.791860415,4.791860782,4.791860505,4.791860436,4.791860331,4.791860552,4.791860741
+"12787","PSMA3",5.638115792,5.63811563,5.638115633,5.638115595,5.638115486,5.63811565,5.638115507,5.638115526,5.638115519,5.638115555,5.638115403,5.63811529,5.638115717,5.638116,5.638115609,5.63811558,5.638115431,5.63811533,5.638115618,5.638115674,5.638115646,5.638115568,5.638115709,5.638115531,5.638115443,5.638115559,5.638115659,5.638115762
+"12788","PSMA4",6.304252648,6.304252219,6.304252649,6.304252436,6.304251384,6.304252811,6.304252342,6.304251441,6.304252644,6.304252409,6.304252159,6.304250389,6.304252512,6.304254589,6.304252598,6.304252047,6.304252107,6.304251937,6.304251855,6.304252186,6.304252661,6.304252171,6.304252549,6.304252538,6.304251976,6.304251734,6.304252167,6.304253801
+"12789","PSMA5",7.107403542,7.107402883,7.107402929,7.107402741,7.107402204,7.107403413,7.10740315,7.107402828,7.107403023,7.107402891,7.10740248,7.107402082,7.107403424,7.107403671,7.107402663,7.107402502,7.107401829,7.107401941,7.107402871,7.107402909,7.107403163,7.107402976,7.107403335,7.10740266,7.107401872,7.107402689,7.107403133,7.107402944
+"12790","PSMA6",5.930869548,5.930869336,5.930869512,5.93086903,5.930868697,5.930868839,5.930869221,5.930868877,5.930869108,5.930869344,5.930868795,5.930868678,5.93086922,5.930870361,5.930868874,5.93086886,5.930869152,5.930868389,5.930869134,5.930868766,5.930869424,5.930869235,5.930869465,5.930869399,5.930868769,5.93086867,5.930869321,5.930869893
+"12791","PSMA7",7.479924396,7.479924394,7.479924359,7.479924351,7.479924367,7.479924331,7.479924378,7.479924349,7.479924394,7.47992435,7.479924325,7.47992431,7.479924384,7.47992449,7.479924376,7.479924413,7.479924309,7.479924287,7.479924334,7.479924359,7.479924412,7.479924338,7.47992438,7.479924371,7.479924286,7.479924347,7.479924358,7.479924432
+"12792","PSMA8",3.459175774,3.459175844,3.459175859,3.459175865,3.459175794,3.459175841,3.45917586,3.459175865,3.459175882,3.459175804,3.459175894,3.459175911,3.459175898,3.459175872,3.459175872,3.459175939,3.459175918,3.45917585,3.459175828,3.459175836,3.459175904,3.459175826,3.459175856,3.459175862,3.459175876,3.459175849,3.459175868,3.459175868
+"12793","PSMB1",6.804525291,6.804524639,6.804523749,6.804523974,6.804523478,6.804523755,6.80452385,6.804523167,6.804524145,6.8045242,6.804523659,6.804522569,6.804524469,6.804524956,6.804524146,6.804524683,6.804523013,6.804523274,6.804524275,6.804524374,6.804523597,6.80452319,6.80452471,6.804524157,6.804523336,6.804522854,6.804524764,6.804524191
+"12794","PSMB10",8.005221642,8.005221605,8.005221572,8.005222187,8.005220989,8.005224864,8.005221681,8.005221816,8.005221706,8.005221088,8.005220988,8.005221093,8.005222418,8.005221435,8.005221258,8.005221799,8.005220952,8.005221392,8.005220891,8.005224189,8.005221271,8.005222554,8.005221619,8.005221632,8.005221354,8.005220785,8.005222521,8.005221546
+"12795","PSMB11",4.17076332,4.170763307,4.17076347,4.170763382,4.170763579,4.170763422,4.170763464,4.170763532,4.170763322,4.17076354,4.170763481,4.170763518,4.170763383,4.170763434,4.170763605,4.170763329,4.170763672,4.170763637,4.170763606,4.170763453,4.170763566,4.170763581,4.170763338,4.170763398,4.170763375,4.170763384,4.170763496,4.170763502
+"12796","PSMB2",8.014028508,8.014027944,8.014027398,8.014026994,8.014027509,8.014029489,8.014028551,8.014027343,8.014028006,8.014028105,8.014027375,8.014026712,8.014028216,8.014028201,8.014027502,8.014026928,8.01402725,8.014026245,8.014027717,8.014029286,8.014027819,8.014028106,8.014028186,8.014027704,8.014026504,8.014027298,8.014028318,8.014027436
+"12797","PSMB3",9.377087107,9.313371901,9.284854145,9.341467907,9.13512082,9.596258244,9.331896784,9.15306673,9.296397314,9.271607735,9.225471417,8.863513804,9.280592542,9.134049135,9.250825965,9.162308234,9.216966499,9.183629771,9.056081544,9.602601665,9.228972809,9.20426266,9.255610877,9.268375898,9.222269735,9.02966959,9.202733709,9.074768774
+"12798","PSMB4",8.51643731,8.516436791,8.516435944,8.516435655,8.516435432,8.516437555,8.516436734,8.516435615,8.516436469,8.516436241,8.51643539,8.516435381,8.516437116,8.516437525,8.516436365,8.516436377,8.516435277,8.516434942,8.516435984,8.516437693,8.516436574,8.516436612,8.516436859,8.516436307,8.516434847,8.5164359,8.516436817,8.516436844
+"12799","PSMB5",6.065923189,6.06592333,6.065923113,6.06592311,6.065923117,6.065923269,6.065923168,6.065923102,6.065923338,6.065923199,6.065923147,6.065923108,6.065923185,6.065923122,6.065923077,6.06592327,6.065923066,6.06592306,6.06592313,6.065923191,6.065923089,6.065923203,6.065923285,6.065923159,6.06592299,6.065923128,6.065923223,6.065922862
+"12800","PSMB6",7.024573196,7.024572839,7.024573222,7.024572922,7.024572624,7.024573659,7.024573489,7.024572763,7.024573196,7.02457332,7.024573009,7.02457274,7.02457331,7.024573248,7.024573018,7.024572704,7.02457291,7.024572401,7.024572813,7.024573667,7.024573287,7.024573279,7.024573314,7.024573131,7.02457284,7.024572767,7.024573134,7.024572959
+"12801","PSMB7",7.378282565,7.378282547,7.378282543,7.378282417,7.378282307,7.378282514,7.378282535,7.378282464,7.378282493,7.37828252,7.378282369,7.378282269,7.378282478,7.378282673,7.378282417,7.378282587,7.378282271,7.378282233,7.378282405,7.378282379,7.378282483,7.378282448,7.378282546,7.378282454,7.378282308,7.37828238,7.37828245,7.378282534
+"12802","PSMB8",7.900258483,7.900258267,7.900258098,7.900258213,7.900256848,7.900259949,7.900258428,7.900258184,7.900258184,7.900258142,7.900257463,7.900256291,7.900258074,7.900258179,7.900257408,7.900257849,7.900257091,7.900257528,7.900258094,7.900260201,7.900258217,7.900257948,7.900258541,7.900258575,7.900257432,7.900257259,7.900258333,7.900257563
+"12803","PSMB9",9.321852194,9.321455121,9.321222066,9.321472632,9.320838172,9.32264411,9.321559861,9.321166349,9.321606166,9.321133614,9.320928118,9.320285626,9.321841905,9.321584283,9.321336183,9.321363772,9.321092135,9.320994305,9.321165921,9.322501711,9.32157772,9.3213581,9.321765219,9.321516349,9.32119603,9.320818371,9.321789349,9.321098003
+"12804","PSMC1",7.252058891,7.252058874,7.252058823,7.25205865,7.252058578,7.252058741,7.252058743,7.252058536,7.252058637,7.252058611,7.252058577,7.25205826,7.252058774,7.252059026,7.252058616,7.252058877,7.252058367,7.252058548,7.252058831,7.252058908,7.25205878,7.252058477,7.252058842,7.252058771,7.252058545,7.252058666,7.25205872,7.252058746
+"12805","PSMC2",6.188561428,6.188561356,6.188561306,6.188561069,6.188561239,6.18856143,6.188561381,6.188561189,6.188561298,6.188561383,6.188561198,6.188561127,6.188561338,6.188561629,6.188561232,6.188561167,6.188561132,6.188561105,6.188561373,6.188561289,6.188561255,6.188561204,6.18856132,6.188561372,6.188561245,6.188561105,6.188561224,6.188561496
+"12806","PSMC3",6.94490952,6.944909535,6.944909539,6.944909503,6.944909506,6.944909512,6.944909533,6.944909533,6.944909526,6.944909513,6.9449095,6.944909526,6.944909531,6.944909517,6.944909502,6.944909538,6.944909517,6.944909495,6.944909485,6.944909536,6.944909508,6.94490952,6.944909513,6.944909481,6.944909516,6.944909514,6.944909519,6.944909513
+"12807","PSMC3IP",5.677478824,5.677478853,5.677478826,5.677478874,5.677478841,5.677478869,5.677478854,5.677478871,5.677478835,5.677478798,5.677478844,5.677478823,5.677478836,5.677478807,5.677478835,5.67747882,5.677478852,5.677478876,5.677478829,5.677478773,5.677478856,5.677478878,5.677478822,5.677478853,5.677478837,5.677478827,5.677478832,5.67747885
+"12808","PSMC4",7.490897701,7.490897656,7.490897696,7.490897621,7.490897719,7.490897764,7.490897712,7.49089768,7.490897736,7.490897746,7.490897672,7.490897625,7.490897741,7.490897706,7.490897678,7.490897616,7.49089765,7.490897611,7.490897677,7.490897743,7.490897696,7.490897699,7.490897707,7.490897678,7.490897559,7.490897677,7.490897743,7.490897661
+"12809","PSMC5",7.6243155,7.624315468,7.624315328,7.624315072,7.624315201,7.624315489,7.624315426,7.624315248,7.624315666,7.624315353,7.624315001,7.624315247,7.624315506,7.624315707,7.624315154,7.624315506,7.624314861,7.624314935,7.624315364,7.62431546,7.624315367,7.624315309,7.62431549,7.624315391,7.624314991,7.62431532,7.624315477,7.624315497
+"12810","PSMC6",4.98505232,4.9850522885,4.9850521595,4.985052093,4.9850520275,4.9850520905,4.985052181,4.985052187,4.985052168,4.98505228,4.9850520305,4.985051738,4.9850522515,4.985052797,4.985052207,4.985052363,4.9850520375,4.9850521155,4.985052164,4.9850521605,4.9850521475,4.9850520675,4.985052263,4.9850522675,4.985052072,4.985051974,4.9850521955,4.985052539
+"12811","PSMD1",6.617339682,6.61733939,6.617339299,6.617339201,6.617338949,6.617339235,6.617339305,6.617338921,6.617339369,6.617339344,6.617338985,6.617338589,6.617339238,6.617339834,6.61733899,6.61733929,6.617338551,6.617338883,6.617339248,6.61733911,6.617339174,6.617338748,6.61733941,6.617339307,6.617339066,6.617339078,6.617339154,6.617339252
+"12812","PSMD10",4.827693668,4.827693521,4.827693594,4.827693431,4.827693497,4.82769358,4.827693594,4.827693528,4.827693614,4.82769358,4.827693519,4.827693291,4.827693561,4.827693749,4.827693576,4.827693465,4.827693453,4.827693352,4.827693539,4.827693517,4.827693635,4.82769353,4.82769354,4.827693659,4.827693587,4.827693258,4.827693533,4.827693692
+"12813","PSMD11",7.859620184,7.85962025,7.859619964,7.859619863,7.859620046,7.859620312,7.859620311,7.859620038,7.859620297,7.8596202,7.859619859,7.859620014,7.859620174,7.85962039,7.859620167,7.859620096,7.859619823,7.859619909,7.859620072,7.859620416,7.859620115,7.859620046,7.859620267,7.859620175,7.859619843,7.859620045,7.859620213,7.859620152
+"12814","PSMD12",6.212956659,6.212956598,6.212956633,6.212956578,6.212956509,6.212956522,6.212956531,6.212956524,6.212956621,6.21295657,6.212956549,6.212956469,6.212956602,6.212956738,6.212956561,6.212956569,6.212956569,6.212956509,6.212956554,6.212956526,6.212956512,6.212956545,6.21295656,6.212956635,6.212956528,6.212956554,6.212956612,6.212956674
+"12815","PSMD13",6.805748358,6.805748603,6.805748371,6.805748446,6.805748193,6.805748309,6.805748198,6.805748308,6.805748225,6.805748126,6.805748108,6.805748133,6.805748313,6.805748582,6.805748019,6.805748514,6.8057483,6.805748073,6.805748485,6.805748517,6.80574817,6.805748445,6.805748324,6.805748313,6.805748134,6.80574814,6.805748339,6.805748441
+"12816","PSMD14",5.476447315,5.476447303,5.476447196,5.476447148,5.476447151,5.476447109,5.476447318,5.476447174,5.476447307,5.476447302,5.476447161,5.476447033,5.476447368,5.476447531,5.476447274,5.476447318,5.476447238,5.476447041,5.47644727,5.476447133,5.476447317,5.476447254,5.476447343,5.476447331,5.476447097,5.47644723,5.476447302,5.476447416
+"12817","PSMD2",6.672827808,6.672827784,6.672827758,6.672827621,6.67282773,6.672827874,6.672827844,6.672827689,6.672827835,6.672827752,6.672827754,6.672827695,6.672827676,6.672827848,6.672827709,6.67282765,6.672827695,6.672827697,6.672827693,6.672827768,6.672827827,6.672827787,6.672827784,6.672827813,6.672827667,6.672827776,6.672827636,6.67282763
+"12818","PSMD3",7.06831443,7.068314381,7.068314528,7.06831416,7.06831407,7.068314944,7.068314492,7.068314562,7.068314575,7.068314721,7.068313996,7.068314071,7.068314673,7.06831471,7.068314108,7.068314121,7.068314158,7.068313945,7.068314364,7.068314743,7.068314231,7.068314386,7.068314545,7.068314586,7.068314218,7.068314069,7.068314595,7.068314536
+"12819","PSMD4",7.016798994,7.01679901,7.016799007,7.016799099,7.016799029,7.016799072,7.016799066,7.016799035,7.01679905,7.016798999,7.016799018,7.016798928,7.01679896,7.016798987,7.016799003,7.016799022,7.016798953,7.016799036,7.016799008,7.016798917,7.016798973,7.016799003,7.016798978,7.016799023,7.016798934,7.016798999,7.016799026,7.016799002
+"12820","PSMD5",6.307456138,6.30745611,6.307456093,6.307456093,6.307456076,6.307456101,6.307456085,6.307456073,6.307456121,6.307456106,6.307456068,6.307456055,6.307456111,6.307456172,6.307456099,6.30745608,6.307456047,6.307456047,6.307456105,6.307456055,6.307456078,6.307456085,6.30745614,6.307456136,6.30745607,6.307456086,6.30745613,6.307456112
+"12821","PSMD6",6.50848738,6.508487033,6.508486958,6.508486458,6.508485692,6.508486277,6.508486868,6.508486048,6.50848666,6.508486022,6.508485855,6.508485616,6.508486674,6.508487687,6.508486696,6.508486968,6.508486205,6.508485917,6.508487003,6.508486588,6.508486501,6.508486766,6.508486904,6.508486421,6.508485718,6.508485876,6.508486665,6.508487053
+"12822","PSMD7",7.923190801,7.923190814,7.923190568,7.923190565,7.923190552,7.923190708,7.923190737,7.923190461,7.923190622,7.923190654,7.923190432,7.923190348,7.923190641,7.92319093,7.923190533,7.923190697,7.923190438,7.923190372,7.923190636,7.923190388,7.923190614,7.923190558,7.92319075,7.923190588,7.923190428,7.923190574,7.923190594,7.923190628
+"12823","PSMD8",6.974496806,6.974496729,6.974496781,6.974496576,6.974496608,6.974496927,6.974496805,6.974496686,6.974496703,6.974496869,6.974496594,6.974496538,6.974496845,6.974496771,6.974496657,6.974496666,6.974496516,6.974496426,6.974496685,6.974496937,6.974496685,6.974496691,6.974496739,6.974496738,6.97449658,6.974496619,6.974496827,6.974496627
+"12824","PSMD9",5.880345894,5.880345894,5.880345993,5.880345952,5.880345976,5.880345928,5.88034593,5.880345926,5.880345928,5.880345858,5.880345947,5.880346004,5.880345904,5.880345841,5.880345929,5.88034588,5.880345972,5.880345973,5.880345943,5.880345858,5.880345941,5.880345952,5.880345934,5.880345871,5.880345917,5.880345946,5.88034589,5.880345887
+"12825","PSME1",8.376055761,8.376055399,8.376054053,8.376054719,8.376053767,8.376058487,8.376054925,8.376055057,8.376054934,8.376054275,8.376053774,8.376052813,8.376055753,8.376055335,8.376054999,8.376054735,8.376053583,8.376053658,8.376054481,8.376058359,8.37605498,8.376055774,8.376055458,8.37605486,8.376053785,8.376053916,8.376055573,8.376054452
+"12826","PSME2",7.295671875,7.060536363,7.183339679,7.012277328,7.140777185,8.068684056,7.31567206,7.311124762,7.292663012,7.198848956,7.022609831,7.085645919,7.539053074,7.117472709,7.236064623,7.039043448,7.262888395,6.993088188,7.179354977,8.066940926,7.302241171,7.456799852,7.126780551,7.099193644,6.955967197,7.095132802,7.447337855,7.090435223
+"12827","PSME3",8.028438354,8.028438553,8.028438315,8.02843862,8.0284381,8.028438416,8.02843828,8.028438315,8.0284382,8.028438181,8.028438197,8.028437961,8.028438419,8.028438344,8.028438359,8.028438545,8.028438132,8.028438391,8.028438272,8.028438448,8.028438325,8.028438298,8.028438361,8.028438293,8.028438334,8.028438297,8.028438404,8.02843818
+"12828","PSME3IP1",6.955928249,6.955927882,6.955927777,6.95592764,6.955927706,6.955928076,6.95592788,6.955927614,6.955927801,6.955927955,6.955927896,6.955927795,6.955927973,6.955928144,6.955927682,6.955927914,6.955927411,6.955927714,6.955927843,6.9559281,6.955927791,6.955927608,6.9559278,6.955928023,6.955928068,6.955927778,6.955927946,6.955927629
+"12829","PSME4",7.336589172,7.33658883,7.336588732,7.336588852,7.336588772,7.336588532,7.336589038,7.336588767,7.336588914,7.336588776,7.336588864,7.336588528,7.336588953,7.336589199,7.336589025,7.336588491,7.336588392,7.336588598,7.336588785,7.336588499,7.336589073,7.336588617,7.336588946,7.336588993,7.336588966,7.336588948,7.336589093,7.336588928
+"12830","PSMF1",9.026125948,9.002951144,9.456278245,9.012694753,9.232559216,9.539623049,9.476468358,9.667744066,9.480503664,9.236916688,9.138629079,9.695340483,8.818254594,8.782024809,9.035421512,8.612360698,9.306103731,9.062948229,8.919590644,9.391777323,9.300411315,9.472784378,9.45224936,9.212047613,9.115824067,9.791404161,8.936216517,9.017339894
+"12831","PSMG1",5.516011881,5.516011728,5.51601169,5.51601166,5.516011707,5.516011678,5.516011773,5.516011715,5.516011835,5.516011725,5.516011699,5.516011774,5.516011787,5.516011916,5.516011741,5.516011758,5.516011702,5.516011739,5.516011796,5.516011716,5.516011753,5.516011765,5.516011852,5.516011736,5.516011697,5.516011727,5.516011752,5.516011806
+"12832","PSMG2",6.898668205,6.89866781,6.898667818,6.898667727,6.898667725,6.898667906,6.898668058,6.898667657,6.898667815,6.898667928,6.89866755,6.898667063,6.898668064,6.898668416,6.898667843,6.898667441,6.898667554,6.898667402,6.898667871,6.898668321,6.898667809,6.898667632,6.898667876,6.898668007,6.898667364,6.898667738,6.898668048,6.89866793
+"12833","PSMG3",6.237243069,6.237242931,6.237243072,6.237243007,6.237243105,6.23724304,6.237243079,6.237243139,6.237243151,6.23724309,6.237243104,6.237242999,6.237243143,6.237243051,6.237243106,6.2372429,6.237243028,6.237242952,6.237243058,6.237243027,6.237243077,6.237243096,6.237243041,6.237243015,6.237243019,6.237243104,6.237243032,6.237243096
+"12834","PSMG4",5.681008634,5.681008649,5.681008657,5.681008632,5.681008687,5.681008608,5.68100867,5.681008669,5.681008742,5.681008658,5.681008589,5.681008704,5.681008684,5.681008632,5.681008693,5.681008683,5.681008681,5.681008649,5.681008666,5.681008681,5.681008684,5.681008696,5.681008653,5.681008636,5.681008635,5.681008715,5.681008645,5.681008687
+"12835","PSORS1C1",3.3434261785,3.343425893,3.343426066,3.343425806,3.3434266055,3.34342596,3.3434254555,3.343425893,3.3434263405,3.343425217,3.343425188,3.343427078,3.34342622,3.343425789,3.3434254575,3.3434266395,3.3434257355,3.3434254925,3.34342686,3.343425344,3.343425604,3.3434254355,3.343426037,3.343425767,3.3434259945,3.3434261285,3.3434255265,3.3434261605
+"12836","PSORS1C2",5.862826948,5.862826963,5.862826978,5.862826956,5.862826987,5.862826991,5.862826958,5.862826989,5.862826972,5.862826972,5.862826979,5.862826994,5.862826954,5.862826946,5.862826979,5.862826971,5.862826994,5.862826964,5.862826967,5.862826978,5.862826968,5.862826981,5.862826979,5.862826975,5.862826978,5.862826977,5.862826969,5.862826967
+"12837","PSORS1C3",3.873262395,3.873262423,3.873262274,3.873262395,3.873262448,3.873262386,3.87326242,3.873262403,3.873262391,3.873262369,3.873262376,3.873262435,3.873262361,3.873262266,3.873262506,3.873262484,3.873262446,3.873262348,3.873262398,3.873262374,3.873262375,3.873262444,3.873262311,3.873262379,3.87326237,3.873262426,3.873262389,3.873262426
+"12838","PSPC1",8.043379051,8.043379216,8.043378619,8.043378767,8.043378423,8.043378743,8.043378944,8.043378684,8.043378883,8.043378633,8.043378434,8.043378593,8.04337898,8.043379525,8.043378886,8.043379267,8.043378414,8.043378451,8.043378924,8.043378548,8.043378767,8.043378765,8.043378937,8.043378855,8.043378504,8.043378895,8.043379058,8.043379089
+"12839","PSPH",5.200434607,5.200434467,5.200434473,5.200434416,5.200434465,5.200434415,5.200434624,5.200434589,5.200434588,5.200434342,5.200434615,5.200434641,5.200434505,5.200434355,5.200434456,5.200434597,5.200434709,5.200434581,5.200434545,5.200434598,5.200434631,5.200434557,5.200434622,5.200434385,5.200434515,5.200434539,5.200434493,5.200434495
+"12840","PSPN",5.884062344,5.884062407,5.884062632,5.884062577,5.884062586,5.884062468,5.88406248,5.884062626,5.884062396,5.884062519,5.884062535,5.884062594,5.884062496,5.884062294,5.88406263,5.884062485,5.884062793,5.884062629,5.884062623,5.884062671,5.884062639,5.884062709,5.884062382,5.884062344,5.884062537,5.884062668,5.884062584,5.884062331
+"12841","PSRC1",6.007029063,6.007029022,6.007029189,6.007029253,6.007029215,6.007029013,6.007029212,6.007029126,6.007028988,6.007028993,6.007028996,6.007029202,6.007029058,6.007028892,6.007029143,6.007029125,6.007029181,6.007029201,6.007029187,6.007029086,6.007029225,6.007029172,6.007029043,6.007029139,6.007029028,6.007029096,6.00702907,6.007028981
+"12842","PSTK",4.053093583,4.053093643,4.053093864,4.053093637,4.053093776,4.05309379,4.053093718,4.053093752,4.053093636,4.053093795,4.053093728,4.053094094,4.053093831,4.053093603,4.05309372,4.053093573,4.053093633,4.053093681,4.053093763,4.053093759,4.05309374,4.053093915,4.053093625,4.053093659,4.053093669,4.053094027,4.053093874,4.05309373
+"12843","PSTPIP1",7.778281845,7.778281874,7.778281853,7.778281906,7.778281825,7.778281913,7.778281925,7.778281847,7.77828179,7.778281896,7.778281947,7.778281699,7.77828191,7.778281844,7.778281841,7.778281868,7.77828189,7.778281878,7.778281894,7.778281812,7.778281905,7.778281909,7.778281802,7.778281906,7.778281894,7.778281785,7.77828191,7.778281812
+"12844","PSTPIP2",7.71489788,7.609731325,7.527617187,7.653420893,7.55528482,8.719325743,7.63576597,7.654362259,7.564264459,7.606416732,7.90189319,7.529550853,7.621244103,7.742358268,7.569404013,7.478071029,7.36318653,7.436602561,7.638094441,8.804719184,7.571576269,7.669742313,7.601310562,7.825119621,7.837832257,7.698255386,7.611125971,7.504371855
+"12845","PTAFR",7.462961182,7.462962748,7.462961215,7.462962854,7.462961465,7.462962182,7.462961161,7.462961749,7.462961019,7.462961355,7.462961911,7.462960266,7.462961497,7.462961154,7.462961397,7.462962383,7.462961308,7.462962441,7.46296195,7.462961767,7.462961146,7.462961243,7.462961514,7.462962217,7.462961976,7.462960877,7.462961309,7.462960884
+"12846","PTAR1",7.840064263,7.84006482,7.840063159,7.840063447,7.840062228,7.840063357,7.840063795,7.840063256,7.840063752,7.840063909,7.840062881,7.840062008,7.840063927,7.840066508,7.840063783,7.840064262,7.840062983,7.840063468,7.8400639,7.840063788,7.840064086,7.840063301,7.840064616,7.840064712,7.840063671,7.84006307,7.840063991,7.840065184
+"12847","PTBP1",8.466393073,8.466393088,8.466392597,8.466392886,8.466392738,8.466393556,8.466393169,8.466392855,8.466393222,8.466393223,8.466392429,8.466392759,8.466393152,8.466393337,8.466392723,8.466392585,8.466392258,8.466392542,8.466392784,8.466393265,8.466392749,8.466392894,8.466393124,8.466392926,8.466392257,8.466392968,8.466393244,8.466392725
+"12848","PTBP2",6.361874114,6.361873632,6.361873273,6.361872962,6.361873205,6.361872959,6.361874037,6.361873311,6.361873931,6.361873729,6.361873539,6.361873153,6.361873717,6.361874745,6.361873912,6.361873531,6.361873077,6.3618732,6.361873596,6.361872341,6.361873569,6.361873526,6.361873899,6.36187351,6.361873291,6.361873478,6.361873571,6.36187418
+"12849","PTBP3",8.650233903,8.650234336,8.650233472,8.650234086,8.650232828,8.65023308,8.650233491,8.65023335,8.65023344,8.650233136,8.650233204,8.65023205,8.650233531,8.650234191,8.65023307,8.650234007,8.650232812,8.650233582,8.650233768,8.650233623,8.650233683,8.650233306,8.650234026,8.650234132,8.650233833,8.650233115,8.65023349,8.650233218
+"12850","PTCD2",5.725821639,5.725821616,5.725821304,5.725821373,5.725821437,5.72582145,5.725821453,5.725821373,5.725821748,5.725821498,5.725821177,5.725821222,5.725821691,5.725821948,5.725821474,5.72582119,5.725821388,5.725821211,5.725821539,5.725821519,5.725821444,5.725821405,5.725821676,5.725821615,5.725821077,5.725821347,5.725821555,5.725821828
+"12851","PTCD3",6.797693552,6.797692585,6.797692329,6.797691728,6.797692247,6.797692308,6.797692882,6.797692204,6.797693145,6.797692561,6.797691621,6.797692358,6.797693115,6.797694536,6.79769262,6.797691653,6.797691632,6.797691481,6.797692755,6.797692213,6.797692588,6.797692287,6.797693156,6.797692736,6.797692044,6.797692964,6.797693093,6.797693526
+"12852","PTCH1",5.98609775,5.986097691,5.986096906,5.986097137,5.986096269,5.98609712,5.986096953,5.98609793,5.986097314,5.986097307,5.986097232,5.986097909,5.98609739,5.98609743,5.986097449,5.986097878,5.986096454,5.986096766,5.986096526,5.986096712,5.98609708,5.986097569,5.986097226,5.986097296,5.986097353,5.986098005,5.986097346,5.986097181
+"12853","PTCH2",4.1606507455,4.1606506745,4.1606507615,4.1606507475,4.1606507205,4.160650984,4.1606510145,4.1606507925,4.160651054,4.1606509745,4.1606508115,4.160650932,4.1606507485,4.160650708,4.1606508075,4.1606506985,4.1606508585,4.160650798,4.1606506115,4.160651018,4.1606509925,4.1606507095,4.1606509215,4.160650774,4.1606508765,4.1606508485,4.1606507155,4.1606507655
+"12854","PTCHD1",3.916527448,3.916527454,3.916527466,3.916527468,3.916527544,3.916527501,3.91652755,3.916527467,3.916527398,3.916527481,3.916527597,3.916527499,3.916527331,3.916527347,3.916527499,3.916527619,3.916527555,3.916527517,3.916527429,3.916527441,3.91652751,3.916527481,3.916527345,3.916527354,3.916527492,3.916527397,3.916527317,3.916527532
+"12855","PTCHD3",3.11953172,3.119531738,3.11953173,3.119531716,3.119531753,3.119531727,3.119531733,3.119531727,3.119531706,3.119531727,3.119531738,3.119531768,3.119531739,3.119531731,3.119531722,3.119531738,3.119531731,3.11953174,3.119531727,3.119531728,3.119531733,3.119531734,3.119531746,3.119531735,3.119531723,3.119531734,3.119531716,3.119531727
+"12856","PTCHD4",4.2809365275,4.2809366805,4.280936868,4.280936772,4.280937006,4.2809364555,4.2809367475,4.2809369885,4.2809366585,4.2809367385,4.2809367515,4.2809369185,4.2809367225,4.2809366405,4.2809367755,4.280936585,4.2809368915,4.2809368845,4.2809367625,4.280936656,4.2809368815,4.280936904,4.2809365935,4.2809365915,4.280936784,4.2809368135,4.2809366215,4.280936685
+"12857","PTCRA",6.37581968,6.375819677,6.375819789,6.375819811,6.375819902,6.375819802,6.375819802,6.375819828,6.37581976,6.375819892,6.375819803,6.375819879,6.375819797,6.375819531,6.375819871,6.375819732,6.375819908,6.375819851,6.375819793,6.37581978,6.37581986,6.375819912,6.375819771,6.375819822,6.375819684,6.375819825,6.375819716,6.375819739
+"12858","PTDSS1",7.99368719,7.993686937,7.993686212,7.99368626,7.993686233,7.993686738,7.99368687,7.993686382,7.993687035,7.993687154,7.993686007,7.993686623,7.993686798,7.993688095,7.993686555,7.993686489,7.993685713,7.993685619,7.993686362,7.993686704,7.9936865,7.993686388,7.993687216,7.99368699,7.993685818,7.993686751,7.993686942,7.993687204
+"12859","PTDSS2",6.335330386,6.335330385,6.335330415,6.335330397,6.335330449,6.335330407,6.335330415,6.335330435,6.335330418,6.335330416,6.335330429,6.335330441,6.33533042,6.335330374,6.335330424,6.335330411,6.335330409,6.335330426,6.335330402,6.335330405,6.335330429,6.335330437,6.335330394,6.335330387,6.335330428,6.335330429,6.335330392,6.335330405
+"12860","PTEN",9.377427644,9.377427669,9.37742742,9.377427675,9.377427591,9.3774275,9.377427626,9.377427409,9.37742748,9.377427293,9.377427547,9.377427107,9.377427447,9.37742764,9.37742752,9.377427423,9.37742738,9.377427619,9.37742763,9.377427536,9.377427439,9.377427383,9.377427599,9.377427465,9.377427515,9.377427225,9.377427374,9.377427451
+"12861","PTER",6.042483505,6.04248309,6.042483056,6.042482672,6.042483019,6.042482841,6.042483173,6.042483075,6.042482853,6.042482985,6.042482751,6.042483036,6.042482901,6.042483704,6.042483197,6.042482993,6.042482779,6.042482697,6.042483011,6.04248284,6.042483192,6.042483053,6.04248297,6.042483181,6.042482752,6.04248315,6.042482967,6.042483505
+"12862","PTF1A",7.318138795,7.318138771,7.318138843,7.318138798,7.318138877,7.318138844,7.318138806,7.318138873,7.318138791,7.318138777,7.318138867,7.318138868,7.318138809,7.318138704,7.318138851,7.318138826,7.318138887,7.31813885,7.318138825,7.318138811,7.31813883,7.318138847,7.318138776,7.318138749,7.318138826,7.318138838,7.318138823,7.318138806
+"12863","PTGDR",7.431317242,7.431008578,7.430816108,7.430381425,7.43037353,7.430375813,7.43070688,7.431066859,7.430672102,7.43061791,7.430798429,7.430477726,7.430871659,7.430730995,7.431119677,7.430929077,7.430631597,7.430476956,7.43058641,7.43029491,7.430681107,7.431035496,7.430899591,7.430824919,7.430777296,7.43084194,7.430806845,7.430493296
+"12864","PTGDR2",7.078654327,7.078654572,7.078654391,7.078654445,7.078654793,7.07865438,7.078654504,7.078654368,7.078654466,7.078654574,7.078654683,7.07865456,7.078654445,7.078654452,7.078654356,7.0786545,7.078654473,7.078654413,7.078654735,7.078654358,7.078654423,7.078654429,7.078654368,7.07865444,7.078654632,7.078654493,7.078654488,7.078654585
+"12865","PTGDS",6.390567758,6.390567752,6.390567824,6.390567681,6.390567816,6.390567767,6.390567707,6.390567828,6.390567745,6.390567784,6.390567812,6.390567804,6.390567748,6.390567673,6.39056777,6.390567742,6.390567806,6.39056776,6.390567724,6.390567809,6.390567704,6.390567825,6.390567707,6.390567762,6.390567721,6.390567796,6.390567785,6.390567769
+"12866","PTGER1",6.172761998,6.172761969,6.172762049,6.172761985,6.172762093,6.17276189,6.172762057,6.172762124,6.172762027,6.172762021,6.172762112,6.172762091,6.172762023,6.172761887,6.172762055,6.172762101,6.172762102,6.172762039,6.172762015,6.172761983,6.172762043,6.172762075,6.172762054,6.172761903,6.172762094,6.172762091,6.172761952,6.172762031
+"12867","PTGER2",7.680533144,7.680532744,7.680531005,7.680531239,7.680531348,7.680531426,7.680531796,7.680531857,7.68053181,7.680531638,7.680531692,7.680529257,7.680532109,7.680533058,7.680531722,7.68053175,7.680530055,7.680530705,7.680531254,7.680531084,7.680531229,7.680531265,7.680532091,7.68053172,7.680531535,7.68053033,7.680532216,7.680532699
+"12868","PTGER3",4.173458951,4.17345896,4.173458969,4.173458967,4.173458992,4.173458967,4.173458975,4.17345898,4.173458958,4.173458975,4.173458994,4.173459002,4.173458975,4.17345893,4.173459005,4.17345897,4.173459004,4.173458993,4.173458984,4.173458963,4.173458972,4.173458994,4.173458961,4.173458952,4.173458977,4.17345897,4.173458968,4.173458985
+"12869","PTGER4",7.973459763,7.973459799,7.97345974,7.973459721,7.973459746,7.973459798,7.973459723,7.973459707,7.973459756,7.973459718,7.973459757,7.973459687,7.973459724,7.973459797,7.973459746,7.973459699,7.973459725,7.973459758,7.973459765,7.973459776,7.973459684,7.973459731,7.973459768,7.973459725,7.973459752,7.973459699,7.973459744,7.973459767
+"12870","PTGER4P2-CDK2AP2P2",6.598785511,6.598785455,6.598785518,6.598785579,6.598785521,6.59878564,6.598785443,6.598785609,6.59878541,6.598785519,6.598785689,6.59878549,6.598785502,6.598785505,6.59878561,6.598785381,6.598785582,6.598785594,6.598785596,6.598785485,6.598785587,6.598785692,6.598785488,6.598785438,6.598785689,6.598785593,6.598785495,6.59878542
+"12871","PTGES",5.729789732,5.729789988,5.729789995,5.729790182,5.729790198,5.729790335,5.729790262,5.729790345,5.72979031,5.729790103,5.72979021,5.729790038,5.729790149,5.729789591,5.729790473,5.729790262,5.729790354,5.729790206,5.729789988,5.729789879,5.729790465,5.729790355,5.729790091,5.729789773,5.729790365,5.729790231,5.729790007,5.729790084
+"12872","PTGES2",7.077946068,7.077946084,7.077946117,7.077946093,7.077946127,7.077946051,7.07794611,7.077946134,7.077946112,7.077946102,7.077946098,7.077946143,7.077946112,7.077946049,7.077946117,7.077946124,7.077946132,7.077946113,7.077946097,7.077946059,7.077946106,7.077946137,7.077946084,7.077946078,7.077946108,7.07794611,7.077946097,7.077946125
+"12873","PTGES2-AS1",3.301159579,3.301159595,3.301159565,3.30115956,3.30115957,3.301159581,3.301159572,3.301159567,3.301159561,3.301159547,3.301159566,3.301159571,3.301159581,3.301159574,3.301159545,3.301159557,3.301159602,3.301159568,3.301159594,3.301159567,3.301159557,3.301159572,3.301159584,3.301159576,3.301159551,3.301159575,3.301159612,3.301159562
+"12874","PTGES3",7.483440685,7.48344034,7.483440198,7.483440082,7.483439999,7.483440171,7.483440271,7.483440216,7.483440283,7.483440111,7.483439998,7.483439789,7.48344054,7.48344094,7.483440136,7.483440078,7.483439672,7.483440116,7.483440206,7.483440194,7.48344043,7.483440256,7.483440407,7.483440346,7.483440047,7.483440326,7.483440471,7.483440607
+"12875","PTGFR",3.524022433,3.524022427,3.524022423,3.524022443,3.524022457,3.524022398,3.524022438,3.524022414,3.524022393,3.524022411,3.524022431,3.524022465,3.524022418,3.524022379,3.524022421,3.524022404,3.524022483,3.524022464,3.524022433,3.524022419,3.524022441,3.524022427,3.524022408,3.524022417,3.524022457,3.524022438,3.524022414,3.524022436
+"12876","PTGFRN",5.01871815,5.018718144,5.018718155,5.01871815,5.018718196,5.018718155,5.01871817,5.018718179,5.018718154,5.018718151,5.018718173,5.018718181,5.018718159,5.018718143,5.018718179,5.018718174,5.018718182,5.018718174,5.018718168,5.018718158,5.018718184,5.018718183,5.018718145,5.018718135,5.018718169,5.018718157,5.018718162,5.018718167
+"12877","PTGIR",6.290202218,6.290202182,6.290202246,6.290202212,6.290202243,6.290202222,6.290202195,6.29020222,6.290202207,6.290202228,6.290202247,6.290202251,6.290202222,6.290202207,6.290202252,6.290202236,6.290202236,6.290202228,6.290202195,6.290202216,6.290202231,6.29020222,6.290202182,6.290202217,6.290202218,6.290202216,6.290202229,6.290202213
+"12878","PTGIS",4.680015726,4.680016004,4.680015991,4.680015844,4.680016121,4.680015623,4.680015943,4.680016096,4.680015734,4.680015778,4.680016082,4.680015984,4.680015824,4.680015759,4.680016058,4.680015925,4.680016108,4.680016058,4.680016066,4.680016036,4.680016138,4.680016083,4.68001566,4.680015777,4.680015877,4.680016101,4.680015945,4.680015866
+"12879","PTGR1",3.952496851,3.95249686,3.952496855,3.952496846,3.95249686,3.952496841,3.952496856,3.95249685,3.952496843,3.952496849,3.952496879,3.952496843,3.952496868,3.952496868,3.952496853,3.952496864,3.952496849,3.95249685,3.952496845,3.952496849,3.952496846,3.952496844,3.952496843,3.952496855,3.952496856,3.952496855,3.952496861,3.952496841
+"12880","PTGR2",4.454433571,4.454433517,4.454433599,4.454433524,4.454433578,4.454433597,4.45443356,4.454433567,4.454433572,4.454433533,4.454433528,4.454433598,4.454433539,4.454433586,4.454433533,4.454433503,4.45443358,4.454433592,4.454433584,4.454433604,4.454433576,4.45443357,4.454433591,4.454433538,4.454433514,4.454433536,4.454433559,4.454433626
+"12881","PTGR3",6.757853346,6.757852589,6.757852516,6.757852048,6.757852673,6.757852404,6.757852574,6.757852793,6.757852828,6.75785304,6.757852558,6.757852601,6.757852799,6.757853345,6.757852613,6.757852608,6.757852254,6.757852186,6.757852969,6.757852908,6.757852477,6.757852353,6.757852845,6.757852888,6.757852445,6.75785284,6.757852838,6.757853116
+"12882","PTGS1",7.308765768,7.309630776,7.309304352,7.310173285,7.309170033,7.309102553,7.308934932,7.309121775,7.309211851,7.309596706,7.309852309,7.309226988,7.308875381,7.308930448,7.308764865,7.309208345,7.309147564,7.310346711,7.308998622,7.308843788,7.308770185,7.308838067,7.309281094,7.309957804,7.30978813,7.309133898,7.309008495,7.308771855
+"12883","PTGS2",6.646375885,6.646376763,6.646376065,6.646377033,6.646375081,6.646376034,6.646375822,6.646376266,6.646375691,6.646374952,6.646375767,6.646375136,6.646376416,6.646376328,6.646375941,6.646376614,6.646376266,6.646377219,6.646375644,6.646376422,6.646375767,6.646376104,6.646376317,6.646375808,6.646376012,6.646375839,6.64637611,6.646375991
+"12884","PTH",2.605597386,2.605597401,2.60559743,2.605597432,2.605597403,2.605597419,2.605597366,2.605597402,2.605597411,2.605597389,2.605597404,2.605597403,2.605597389,2.605597386,2.60559743,2.605597431,2.605597416,2.605597417,2.60559741,2.605597412,2.605597391,2.605597379,2.605597406,2.605597401,2.605597418,2.605597391,2.605597391,2.605597436
+"12885","PTH1R",5.114978732,5.114978776,5.114979007,5.114978877,5.114979298,5.114978779,5.114978964,5.114979,5.114978777,5.114979109,5.114978959,5.114979198,5.114978865,5.11497862,5.11497911,5.114979008,5.114979162,5.11497913,5.114978965,5.114978902,5.114979155,5.114978984,5.114979064,5.114978923,5.114978973,5.11497903,5.114978736,5.114978915
+"12886","PTH2",6.668096516,6.668096671,6.668097124,6.668096826,6.66809705,6.668096394,6.668096756,6.668097043,6.668096896,6.668096854,6.668097098,6.668097149,6.668096907,6.66809641,6.668096924,6.66809685,6.668097068,6.668096951,6.668096728,6.668096765,6.668096885,6.668097035,6.668096662,6.668096739,6.66809699,6.668096981,6.668096723,6.668096794
+"12887","PTH2R",3.913883871,3.91388392,3.913883962,3.913883987,3.913883835,3.913883882,3.913883934,3.913883924,3.91388379,3.91388389,3.91388387,3.913883881,3.91388391,3.913883812,3.913883951,3.913883926,3.913883891,3.913883827,3.913883823,3.913883973,3.91388387,3.913883942,3.913883882,3.913883895,3.913883942,3.913883886,3.913883868,3.913883825
+"12888","PTHLH",4.014444857,4.014444915,4.014444878,4.014444883,4.014444975,4.014444846,4.014444876,4.014444924,4.01444489,4.014444928,4.014444891,4.014445029,4.014444854,4.01444488,4.014444907,4.014444936,4.014445055,4.014444913,4.014444919,4.014444969,4.014444879,4.014444931,4.014444888,4.01444495,4.014444904,4.014444918,4.014444892,4.014444865
+"12889","PTK2",5.567071749,5.567071734,5.567071669,5.567071791,5.567071728,5.567071722,5.5670717,5.567071676,5.567071739,5.567071756,5.567071744,5.56707167,5.567071729,5.567071783,5.567071724,5.567071735,5.567071669,5.567071745,5.567071764,5.56707171,5.567071715,5.567071694,5.567071724,5.56707178,5.567071724,5.567071748,5.567071742,5.56707174
+"12890","PTK2B",8.242613634,8.242613655,8.242613392,8.242613984,8.242613314,8.24261427,8.242613838,8.242613457,8.242613681,8.242613823,8.242613552,8.242613308,8.24261354,8.242613421,8.242613504,8.242613646,8.242613347,8.24261379,8.242613631,8.242614183,8.242613908,8.242613582,8.242613856,8.242614124,8.242613742,8.242613412,8.242613595,8.242613267
+"12891","PTK6",6.03718722,6.037187215,6.03718734,6.037187215,6.037187342,6.037187207,6.037187377,6.037187328,6.03718729,6.037187294,6.037187358,6.037187356,6.037187276,6.037187195,6.03718734,6.037187318,6.037187376,6.037187378,6.037187283,6.037187316,6.037187355,6.03718734,6.037187208,6.037187177,6.037187253,6.037187287,6.037187185,6.037187288
+"12892","PTK7",6.212678454,6.212678543,6.212678667,6.212678504,6.212678717,6.212678273,6.212678506,6.212678659,6.212678599,6.212678563,6.212678574,6.21267871,6.212678543,6.212678342,6.212678578,6.21267863,6.212678622,6.212678678,6.212678537,6.212678468,6.212678673,6.2126786,6.212678467,6.212678553,6.212678603,6.21267868,6.212678479,6.21267862
+"12893","PTMA",9.0481661914,9.0479568208,9.0446818668,9.0454251642,9.0468694474,9.0478004996,9.0486541282,9.0460510898,9.0488959748,9.0488549338,9.0445766738,9.0448436474,9.0494235792,9.0520253784,9.0475098424,9.0455148876,9.0444716304,9.0452683204,9.0464646608,9.0477308118,9.0493617642,9.0470492808,9.049025381,9.048010862,9.0442576826,9.0474123436,9.0487166154,9.051008647
+"12894","PTMS",6.91165079,6.91165096,6.911651264,6.911650893,6.911651124,6.911651041,6.911650874,6.911651203,6.911651054,6.91165108,6.911651012,6.911651258,6.91165092,6.911650647,6.911650989,6.911650915,6.91165121,6.911651086,6.911650863,6.911650816,6.911650935,6.911651024,6.911650995,6.911651085,6.911651008,6.91165109,6.911650774,6.911651035
+"12895","PTN",4.346698148,4.346698169,4.34669819,4.346698134,4.346698169,4.346698117,4.346698195,4.346698176,4.346698205,4.346698149,4.346698033,4.346698203,4.346698171,4.346698146,4.346698173,4.346698146,4.346698236,4.346698192,4.346698166,4.346698172,4.346698177,4.346698144,4.346698139,4.346698116,4.346698194,4.346698166,4.346698141,4.346698156
+"12896","PTOV1",7.043225334,7.043225362,7.0432254,7.043225432,7.043225411,7.043225404,7.043225412,7.043225433,7.043225382,7.043225392,7.043225391,7.043225414,7.043225408,7.043225345,7.043225392,7.043225357,7.043225398,7.043225413,7.043225381,7.043225379,7.043225375,7.043225434,7.043225385,7.043225366,7.043225389,7.043225407,7.043225388,7.04322539
+"12897","PTP4A1",6.578356908,6.578357044,6.578356829,6.578356914,6.578356815,6.578356603,6.578356687,6.578356547,6.578356791,6.578356759,6.578356721,6.578356425,6.578356676,6.578357136,6.578356863,6.578357054,6.578356765,6.578357109,6.578356974,6.578356762,6.578356721,6.578356667,6.578356906,6.578357036,6.57835676,6.578356754,6.578356676,6.578357066
+"12898","PTP4A2",8.599111775,8.599111336,8.599111313,8.599110866,8.599111462,8.599111084,8.59911173,8.59911117,8.599111629,8.599111627,8.599111098,8.599110949,8.599111326,8.599112939,8.599111699,8.599110959,8.599111491,8.599110892,8.599111369,8.599110656,8.599111914,8.599111434,8.599111872,8.599111611,8.599110863,8.599111102,8.599111131,8.599112471
+"12899","PTP4A3",7.261907331,7.261907718,7.261907633,7.261907461,7.261907618,7.261907267,7.261907362,7.261907534,7.261907327,7.261907153,7.261907429,7.261907535,7.261907773,7.261907516,7.261907296,7.261907746,7.26190769,7.26190748,7.261907843,7.261907564,7.261907406,7.261907529,7.261907364,7.261907234,7.261907654,7.26190756,7.261907744,7.261907457
+"12900","PTPA",7.555387296,7.555387427,7.555387526,7.555387236,7.555387317,7.555387933,7.55538752,7.555387557,7.555387551,7.555387564,7.555387424,7.555387345,7.555387298,7.555387457,7.555387041,7.555387136,7.555387381,7.555387049,7.555387276,7.555387787,7.555387334,7.55538724,7.555387496,7.555387429,7.555387379,7.55538743,7.555387301,7.555387461
+"12901","PTPDC1",5.307340811,5.307340841,5.307340824,5.307340802,5.307340801,5.307340789,5.307340818,5.307340835,5.307340822,5.307340833,5.307340846,5.307340832,5.307340847,5.307340825,5.30734083,5.307340877,5.30734081,5.30734081,5.307340793,5.30734083,5.307340834,5.307340837,5.307340815,5.307340839,5.307340812,5.307340836,5.307340827,5.307340861
+"12902","PTPMT1",6.8798897,6.879889684,6.879889697,6.879889702,6.879889748,6.87988969,6.879889715,6.879889706,6.879889721,6.879889734,6.879889696,6.879889744,6.879889742,6.879889684,6.87988974,6.879889671,6.879889732,6.879889728,6.879889724,6.879889695,6.879889719,6.879889731,6.879889706,6.879889706,6.879889716,6.879889734,6.8798897,6.879889725
+"12903","PTPN1",8.014421401,8.014421458,8.014421303,8.014421332,8.014421393,8.014421468,8.014421405,8.014421303,8.014421433,8.014421411,8.014421341,8.014421345,8.014421421,8.014421414,8.014421324,8.014421402,8.014421271,8.014421314,8.014421408,8.014421458,8.014421383,8.014421325,8.014421408,8.014421413,8.014421285,8.014421354,8.014421408,8.014421415
+"12904","PTPN11",6.291137418,6.291137346,6.291137246,6.291137262,6.291137245,6.291137303,6.291137352,6.291137173,6.291137156,6.291137332,6.291137308,6.291137133,6.291137334,6.291137638,6.291137238,6.291137214,6.291137146,6.29113726,6.291137306,6.291137332,6.291137309,6.291137174,6.291137374,6.291137284,6.291137265,6.291137321,6.291137275,6.29113755
+"12905","PTPN12",7.059649935,7.059650221,7.059649413,7.059650559,7.059648547,7.059648824,7.059649572,7.059648597,7.059648324,7.059649357,7.059650069,7.059647409,7.059649682,7.059650193,7.0596489,7.059650051,7.0596492,7.059650127,7.059649259,7.059649414,7.05964985,7.059648906,7.059649483,7.05965035,7.059650345,7.059648937,7.05964942,7.059649543
+"12906","PTPN13",4.529243171,4.529243179,4.529242993,4.529243057,4.529243237,4.529243111,4.529243033,4.529243039,4.529243142,4.529242905,4.52924288,4.529242962,4.529243197,4.529243078,4.529243125,4.529243187,4.529243059,4.529243126,4.52924329,4.529243026,4.529242959,4.529243165,4.529243167,4.529242856,4.529242855,4.529243135,4.529243173,4.529243005
+"12907","PTPN14",4.38857263,4.388572589,4.388572653,4.388572624,4.38857275,4.388572593,4.388572709,4.388572756,4.388572661,4.388572683,4.388572774,4.388572765,4.388572729,4.388572577,4.388572671,4.388572745,4.388572725,4.388572768,4.388572711,4.388572732,4.388572704,4.388572742,4.388572611,4.388572725,4.388572628,4.388572678,4.388572617,4.388572728
+"12908","PTPN18",7.744926427,7.744927269,7.74492618,7.74492686,7.744926306,7.744927479,7.744926563,7.744926249,7.744926221,7.744926846,7.744926394,7.744926239,7.744926731,7.744926787,7.74492628,7.74492683,7.744926151,7.744926732,7.744926554,7.744926991,7.744926361,7.744926152,7.744926502,7.744927139,7.744926809,7.744926346,7.744926804,7.744926598
+"12909","PTPN2",6.391596948,6.391596533,6.391596619,6.391596464,6.391596528,6.391596708,6.391596786,6.391596446,6.391596576,6.391596679,6.391596523,6.391596373,6.391596782,6.391596911,6.391596627,6.391596489,6.391596449,6.391596371,6.391596763,6.39159657,6.391596642,6.391596427,6.391596624,6.391596604,6.391596439,6.391596549,6.391596709,6.391596824
+"12910","PTPN20",3.31727901833333,3.31727904966667,3.31727904933333,3.317279051,3.31727922366667,3.31727902,3.31727905133333,3.31727903966667,3.31727927133333,3.31727907466667,3.31727895633333,3.31727913733333,3.317279027,3.31727920466667,3.317279152,3.31727902866667,3.31727909533333,3.317279179,3.31727906666667,3.317279028,3.31727901,3.317279178,3.31727903433333,3.317279056,3.317279013,3.31727898366667,3.31727905366667,3.31727902833333
+"12911","PTPN21",4.424103618,4.424103795,4.424103942,4.424103572,4.424103761,4.424103524,4.424103585,4.424103791,4.424103592,4.424103661,4.424103835,4.4241038,4.424103408,4.424103466,4.424103829,4.424103873,4.424103734,4.424103921,4.424103626,4.424103629,4.424103742,4.424103826,4.424103526,4.424103565,4.424103648,4.424103771,4.42410367,4.424103757
+"12912","PTPN22",5.706242704,5.706241459,5.706241288,5.706240768,5.70624061,5.706241006,5.706242333,5.706241269,5.706241858,5.706240912,5.706241732,5.706240537,5.706242331,5.706243323,5.706242041,5.706241099,5.706240737,5.706240696,5.706241877,5.706241742,5.706242899,5.706240901,5.706242804,5.706242098,5.706241593,5.706242189,5.706241741,5.706242364
+"12913","PTPN23",6.423233573,6.423233586,6.423233577,6.423233594,6.423233599,6.423233582,6.423233588,6.423233582,6.423233582,6.423233582,6.423233594,6.42323359,6.423233588,6.423233579,6.423233594,6.423233588,6.423233594,6.423233594,6.423233582,6.423233587,6.423233601,6.423233581,6.423233568,6.423233568,6.423233588,6.423233587,6.423233578,6.423233583
+"12914","PTPN3",3.754843659,3.754843663,3.754843717,3.754843743,3.754843712,3.754843699,3.754843739,3.754843711,3.754843705,3.754843703,3.754843714,3.7548437,3.754843709,3.754843695,3.754843743,3.75484369,3.754843745,3.754843738,3.754843701,3.754843667,3.754843726,3.754843702,3.754843728,3.754843648,3.75484375,3.754843713,3.7548437,3.754843745
+"12915","PTPN4",6.311432004,6.31143152,6.311431393,6.311431139,6.311431024,6.311431109,6.311431409,6.311431492,6.311431582,6.311431378,6.311431043,6.311431059,6.311431478,6.311431833,6.311431446,6.311431153,6.311430861,6.311431072,6.311431126,6.311431016,6.311431291,6.311431177,6.311431682,6.311431606,6.311431356,6.311431272,6.311431588,6.311431734
+"12916","PTPN5",4.679050282,4.679050289,4.679050369,4.679050396,4.679050466,4.679050271,4.679050356,4.679050433,4.679050307,4.67905034,4.679050308,4.67905041,4.679050323,4.679050292,4.67905043,4.679050394,4.67905043,4.679050303,4.679050307,4.679050407,4.679050461,4.679050469,4.679050147,4.679050236,4.679050296,4.679050419,4.679050245,4.679050305
+"12917","PTPN6",9.369693614,9.369694155,9.369693418,9.369694104,9.369693515,9.36969465,9.369693903,9.369693245,9.369693795,9.36969384,9.369693736,9.369692961,9.369693988,9.369694113,9.369693428,9.36969405,9.369693268,9.369693704,9.369693579,9.369694256,9.369693758,9.369693558,9.369693841,9.369694135,9.369693653,9.36969333,9.369694038,9.369693644
+"12918","PTPN7",6.519405919,6.519406016,6.519405756,6.519405793,6.519406048,6.519406073,6.519406052,6.519405898,6.519406001,6.519405841,6.519406001,6.519405743,6.519406206,6.519406086,6.519405853,6.519405575,6.519405154,6.519405625,6.519406149,6.519405957,6.51940604,6.519406145,6.519406154,6.519406111,6.519405972,6.519405918,6.5194062,6.519406026
+"12919","PTPN9",6.660591582,6.660591441,6.660591349,6.660591366,6.660591422,6.660591554,6.660591371,6.660591349,6.660591352,6.660591436,6.660591327,6.660591143,6.660591498,6.660591521,6.660591324,6.660591316,6.660591264,6.660591211,6.660591417,6.660591377,6.660591349,6.660591398,6.660591512,6.660591358,6.660591375,6.660591355,6.66059146,6.66059131
+"12920","PTPRB",3.330838158,3.330838247,3.330838247,3.330838188,3.330838322,3.330838214,3.330838205,3.330838285,3.330838222,3.33083828,3.330838317,3.330838314,3.330838241,3.330838162,3.330838341,3.330838244,3.3308383,3.330838267,3.330838276,3.330838239,3.33083826,3.330838282,3.330838249,3.330838217,3.330838244,3.330838249,3.330838184,3.330838259
+"12921","PTPRC",10.06316104,10.06286816,10.06272755,10.06289329,10.06270248,10.06266599,10.06282902,10.06260373,10.06272771,10.06277714,10.06277521,10.06229789,10.06294873,10.06343137,10.06296323,10.06270533,10.06271321,10.06282037,10.06293223,10.06264922,10.06302404,10.06280261,10.06295968,10.06285345,10.06277724,10.0626931,10.06288688,10.06313196
+"12922","PTPRCAP",8.71220884,8.712208581,8.712208685,8.712208268,8.712208147,8.712208597,8.712208706,8.712208742,8.712209188,8.712208874,8.712208268,8.712208666,8.712208988,8.712208882,8.712208634,8.71220842,8.712208249,8.712208252,8.712208422,8.712208253,8.712208524,8.712208739,8.712209148,8.712208609,8.712208179,8.712208426,8.712209086,8.712209046
+"12923","PTPRD",3.620513677,3.620513671,3.620513675,3.620513674,3.620513686,3.620513683,3.62051368,3.62051367,3.620513673,3.620513672,3.620513684,3.62051368,3.620513668,3.62051367,3.620513678,3.620513673,3.620513686,3.620513687,3.620513682,3.620513677,3.620513676,3.620513684,3.620513675,3.62051366,3.620513662,3.620513676,3.620513671,3.620513679
+"12924","PTPRE",7.55743388,7.557433781,7.557433693,7.557434291,7.557433658,7.55743431,7.557433999,7.557433753,7.557433486,7.557433935,7.557434031,7.557433728,7.557433775,7.557433757,7.557433854,7.557433902,7.557433594,7.557434101,7.557434191,7.557434182,7.557434045,7.557433649,7.557433869,7.55743407,7.557434135,7.557433867,7.557433779,7.557433662
+"12925","PTPRF",5.200061663,5.200061732,5.200061758,5.20006176,5.200061841,5.200061713,5.200061794,5.200061816,5.200061708,5.200061753,5.200061777,5.200061798,5.200061739,5.20006161,5.200061794,5.200061756,5.200061865,5.200061816,5.200061741,5.200061784,5.200061804,5.200061821,5.200061699,5.200061647,5.200061771,5.200061765,5.200061687,5.20006174
+"12926","PTPRG",4.379108407,4.379108402,4.379108839,4.379108533,4.379108698,4.379108578,4.379108652,4.379108727,4.379108669,4.379108686,4.379108705,4.379108712,4.379108574,4.379108312,4.379108797,4.379108596,4.37910877,4.379108784,4.37910859,4.379108684,4.379108666,4.379108726,4.379108493,4.379108613,4.379108557,4.379108582,4.379108596,4.37910866
+"12927","PTPRH",4.667329746,4.667329708,4.667329851,4.667329683,4.667329819,4.667329766,4.667329762,4.6673298,4.667329786,4.667329761,4.667329809,4.667329831,4.667329736,4.667329649,4.667329799,4.667329721,4.667329864,4.667329827,4.66732978,4.66732981,4.667329852,4.667329778,4.667329726,4.667329699,4.667329762,4.66732977,4.667329738,4.667329767
+"12928","PTPRJ",9.275670022,9.483783668,9.166477936,9.708466134,9.19234476,9.522759006,9.40565496,9.391800349,9.326417339,9.447771999,9.435237235,9.026764828,9.293306176,9.425663219,9.325614924,9.427409666,9.16828093,9.639876279,9.288324948,9.556771398,9.380386597,9.337802168,9.499178114,9.598854556,9.407046212,9.175933062,9.323236682,9.284434587
+"12929","PTPRK",4.303000459,4.303000672,4.303000125,4.303000481,4.303000381,4.303000104,4.303000252,4.303000301,4.303000353,4.303000519,4.303000306,4.303000583,4.303000291,4.303000798,4.303000621,4.303000241,4.303000377,4.303000445,4.303000504,4.303000348,4.303000322,4.303000546,4.303000443,4.303000515,4.303000368,4.303000492,4.303000329,4.303000886
+"12930","PTPRM",4.90516846,4.905168083,4.905168283,4.905168288,4.905168412,4.905168293,4.905168328,4.905168561,4.905168156,4.905168226,4.905168071,4.905168462,4.905168545,4.905168239,4.905168439,4.905168059,4.905168202,4.905168429,4.905168503,4.905168318,4.905168395,4.905168615,4.905168187,4.905168064,4.905167974,4.905168417,4.905168481,4.905168182
+"12931","PTPRN",5.230079082,5.230078972,5.23007938,5.230079385,5.230079754,5.230079059,5.23007937,5.230079539,5.23007918,5.230079059,5.230079481,5.230079468,5.230079031,5.23007876,5.230079596,5.230079223,5.230079787,5.230079456,5.2300793,5.230079217,5.230079705,5.230079636,5.230078872,5.230078921,5.230079232,5.230079554,5.230078964,5.23007926
+"12932","PTPRO",4.57461541,4.574615273,4.574615334,4.574615388,4.574615252,4.574615377,4.574615269,4.574615178,4.574615163,4.574615485,4.574615147,4.574615109,4.57461538,4.574615494,4.574615409,4.574615256,4.574615299,4.574615239,4.574615376,4.574615285,4.574615303,4.574615367,4.574615231,4.574615321,4.574615376,4.574615179,4.574615442,4.574615524
+"12933","PTPRR",3.585968735,3.585968741,3.58596874,3.585968748,3.585968746,3.585968747,3.585968745,3.585968747,3.585968741,3.585968742,3.585968748,3.585968743,3.585968746,3.585968741,3.585968739,3.585968748,3.585968746,3.585968752,3.585968742,3.585968751,3.585968738,3.585968753,3.585968742,3.58596875,3.585968746,3.585968737,3.585968741,3.585968746
+"12934","PTPRS",5.544131481,5.544131607,5.544131626,5.544131587,5.544131768,5.544131504,5.544131626,5.544131608,5.544131558,5.544131713,5.544131639,5.544131679,5.544131502,5.544131572,5.544131565,5.54413156,5.544131671,5.544131678,5.544131656,5.544131465,5.544131694,5.544131604,5.544131467,5.544131602,5.544131574,5.54413172,5.544131515,5.544131683
+"12935","PTPRT",4.289566402,4.289566521,4.289566446,4.289566384,4.289566484,4.289566357,4.289566353,4.289566526,4.289566397,4.28956643,4.2895665,4.289566477,4.289566378,4.289566338,4.289566507,4.289566483,4.289566485,4.28956653,4.289566457,4.289566476,4.289566511,4.289566509,4.289566377,4.289566315,4.289566464,4.289566443,4.289566416,4.289566456
+"12936","PTPRU",5.032765822,5.032765801,5.032765799,5.032765819,5.032765847,5.032765816,5.032765865,5.032765852,5.032765802,5.032765798,5.032765856,5.032765861,5.032765816,5.032765786,5.032765842,5.032765848,5.032765848,5.032765847,5.03276584,5.032765819,5.032765867,5.032765865,5.0327658,5.032765786,5.032765825,5.032765836,5.032765802,5.032765808
+"12937","PTPRZ1",3.081250782,3.081250792,3.08125097,3.081250958,3.081250882,3.081251034,3.081250959,3.08125094,3.08125092,3.081250948,3.081250864,3.081250921,3.081250871,3.081250858,3.081250977,3.081250937,3.081251026,3.081251081,3.081250898,3.081250865,3.081250921,3.0812509,3.081250901,3.081250867,3.081250911,3.081250894,3.081250894,3.081250871
+"12938","PTRH1",6.074258435,6.0742585,6.074258494,6.074258367,6.074258614,6.074258474,6.074258455,6.074258538,6.074258442,6.074258509,6.074258467,6.074258469,6.074258367,6.074258453,6.074258567,6.074258467,6.074258552,6.074258522,6.074258447,6.074258433,6.074258573,6.074258538,6.074258376,6.074258415,6.074258535,6.074258522,6.074258394,6.074258513
+"12939","PTRH2",5.596648524,5.596648432,5.596648428,5.596648349,5.596648246,5.596648352,5.596648353,5.596648049,5.596648452,5.596648146,5.596648181,5.59664792,5.596648322,5.596648599,5.596648236,5.596648348,5.596647956,5.596648214,5.596648292,5.59664818,5.596648173,5.596648241,5.59664833,5.596648251,5.596648214,5.596648196,5.596648414,5.596648371
+"12940","PTRHD1",6.065361681,6.065361664,6.065361754,6.065361696,6.06536168,6.065361696,6.06536173,6.065361706,6.065361748,6.065361713,6.065361693,6.065361732,6.065361725,6.065361736,6.065361726,6.065361634,6.065361761,6.065361678,6.065361699,6.065361697,6.065361727,6.065361718,6.065361762,6.065361744,6.06536172,6.065361717,6.065361692,6.065361717
+"12941","PTS",5.489104653,5.489104606,5.48910457,5.489104461,5.48910424,5.48910427,5.489104361,5.489104117,5.489104537,5.489104514,5.489104265,5.489104193,5.489104557,5.489104893,5.489104252,5.489104638,5.489104241,5.489104319,5.489104601,5.489104355,5.489104348,5.489104253,5.489104464,5.489104439,5.489104506,5.489104328,5.489104312,5.489104722
+"12942","PTTG1",5.253705211,5.253705176,5.253705203,5.253705337,5.253705152,5.253705535,5.253705851,5.253705056,5.253705456,5.253705016,5.253705169,5.253705283,5.253705326,5.253705224,5.253705186,5.253705147,5.253705168,5.253705292,5.25370517,5.25370559,5.253705794,5.25370524,5.253705571,5.253705102,5.25370513,5.253705282,5.253705279,5.253705215
+"12943","PTTG1IP",8.856575552,8.85657773,8.856574487,8.856576975,8.856574486,8.856576117,8.856575375,8.85657465,8.856575021,8.856575585,8.856574846,8.856573564,8.856575885,8.856576508,8.856574853,8.85657741,8.856574495,8.856576822,8.856575519,8.856577458,8.856575691,8.856574702,8.856575256,8.856576969,8.856575388,8.856574732,8.856575485,8.856575326
+"12944","PTTG2",5.402828515,5.402828775,5.402828481,5.402829548,5.40282775,5.402828514,5.402827979,5.402827776,5.402828511,5.40282714,5.40282784,5.402828019,5.402828031,5.402829365,5.402827215,5.40282868,5.402828203,5.402827854,5.402828731,5.402828746,5.402828556,5.402827853,5.402828666,5.402828459,5.40282888,5.402827247,5.402828398,5.402828793
+"12945","PTTG3P",3.809067654,3.809067686,3.809067653,3.809067632,3.809067628,3.809067704,3.809067661,3.80906762,3.809067673,3.809067642,3.80906767,3.809067684,3.809067668,3.809067661,3.809067669,3.809067662,3.809067661,3.809067666,3.809067639,3.809067686,3.809067655,3.809067649,3.809067704,3.80906768,3.809067678,3.809067616,3.809067657,3.809067671
+"12946","PTX3",3.432344789,3.432344844,3.432344822,3.432344857,3.432344775,3.432344817,3.432344901,3.432344857,3.432344796,3.432344859,3.432344804,3.432345025,3.432344797,3.432344788,3.432344859,3.43234481,3.432344838,3.432344878,3.432344846,3.432344775,3.432344866,3.432344881,3.432344821,3.432344983,3.432344841,3.432344793,3.432344863,3.432344764
+"12947","PTX4",5.99479295,5.994792973,5.99479299,5.994793004,5.99479307,5.994792932,5.994792992,5.994792989,5.99479296,5.994793015,5.994793022,5.994793032,5.994792996,5.994792967,5.994793019,5.994793019,5.994793043,5.994793002,5.994793045,5.994792934,5.994793021,5.994793023,5.994792982,5.99479297,5.994792988,5.994793026,5.994792963,5.994793034
+"12948","PUDP",6.656261066,6.656261008,6.656260613,6.65626098,6.656260944,6.656260949,6.656261033,6.65626075,6.656260985,6.65626109,6.656260858,6.656260689,6.656261046,6.656261072,6.656260964,6.65626076,6.656260712,6.65626078,6.656260919,6.65626081,6.656260988,6.656260795,6.656260962,6.656261104,6.656260783,6.656260707,6.656261065,6.656260954
+"12949","PUF60",7.859982564,7.859982591,7.859982591,7.859982519,7.859982796,7.859982679,7.859982689,7.859982606,7.859982647,7.859982644,7.859982571,7.859982657,7.859982641,7.859982634,7.859982683,7.859982622,7.859982679,7.859982626,7.859982649,7.859982417,7.859982641,7.859982726,7.859982569,7.859982571,7.859982516,7.859982665,7.859982631,7.859982727
+"12950","PUM1",8.511450862,8.511451009,8.511450394,8.51145065,8.511450578,8.511450833,8.511450752,8.51145033,8.511450911,8.511450838,8.511450181,8.511450295,8.511450993,8.51145143,8.511450756,8.511450582,8.511450004,8.511450045,8.511450732,8.51145017,8.511450482,8.511450399,8.511450949,8.511450743,8.511450339,8.511450727,8.511450864,8.511450763
+"12951","PUM2",8.926901024,8.926900975,8.926900775,8.926900938,8.926900614,8.92690065,8.92690074,8.926900722,8.926900801,8.926900749,8.926900754,8.926900433,8.926900929,8.926901406,8.926900895,8.926900839,8.92690057,8.92690088,8.926900871,8.926900741,8.926900876,8.926900775,8.926901006,8.926900903,8.926900735,8.926900759,8.926900836,8.926901078
+"12952","PUM3",5.145193749,5.145193601,5.145193358,5.145193264,5.145193514,5.14519342,5.145193353,5.145193469,5.145193739,5.145193333,5.145193382,5.145193441,5.145193607,5.145194062,5.14519364,5.145193549,5.145193263,5.145193261,5.145193531,5.145193266,5.145193407,5.145193466,5.145193687,5.145193591,5.14519331,5.145193493,5.145193501,5.145193702
+"12953","PURA",7.852255912,7.852255557,7.852255367,7.852255258,7.852255698,7.852255673,7.852255514,7.852255507,7.852255756,7.852255869,7.852255326,7.852255686,7.852255728,7.852255801,7.85225569,7.852255076,7.852255449,7.852255257,7.852256024,7.852255011,7.852255581,7.852255675,7.852255701,7.85225516,7.852255155,7.852255631,7.852255725,7.85225611
+"12954","PURB",7.970143202,7.970143215,7.970143191,7.970143162,7.970143154,7.970143145,7.970143175,7.970143161,7.970143179,7.970143179,7.970143141,7.970143091,7.970143186,7.970143274,7.970143173,7.970143189,7.970143184,7.970143195,7.970143205,7.970143171,7.970143161,7.970143153,7.970143212,7.9701432,7.970143174,7.970143132,7.97014319,7.970143254
+"12955","PURG",4.142819686,4.142819736,4.142819768,4.142819709,4.142819782,4.142819736,4.142819758,4.142819762,4.142819748,4.142819741,4.142819816,4.142819744,4.142819726,4.14281969,4.142819717,4.142819789,4.142819816,4.142819794,4.142819747,4.142819745,4.142819736,4.142819722,4.142819729,4.14281973,4.142819799,4.142819757,4.142819724,4.142819739
+"12956","PUS1",6.417795141,6.417795161,6.417795183,6.417795153,6.417795154,6.417795127,6.417795154,6.417795158,6.417795183,6.417795191,6.417795178,6.417795119,6.417795187,6.41779517,6.417795138,6.41779515,6.417795123,6.417795171,6.417795134,6.417795139,6.417795138,6.417795159,6.417795153,6.417795183,6.417795166,6.41779516,6.417795174,6.417795188
+"12957","PUS10",4.881233418,4.881233435,4.881233407,4.881233405,4.881233372,4.881233409,4.881233383,4.881233367,4.881233535,4.881233482,4.881233379,4.881233239,4.881233424,4.881233664,4.881233447,4.881233513,4.881233278,4.881233456,4.881233431,4.881233522,4.8812335,4.881233356,4.881233494,4.881233497,4.881233412,4.881233486,4.881233359,4.881233445
+"12958","PUS3",4.285912752,4.285912651,4.285912677,4.285912517,4.285912366,4.285912793,4.285912763,4.285912614,4.285912861,4.285912843,4.285912504,4.285912427,4.285912773,4.285913123,4.285912661,4.285912621,4.285912586,4.285912384,4.285912547,4.285912546,4.285912706,4.285912593,4.285912605,4.285912595,4.285912511,4.285912415,4.285912661,4.285912902
+"12959","PUS7",4.171286441,4.171286432,4.171286471,4.171286442,4.171286431,4.17128647,4.171286508,4.17128648,4.17128651,4.171286494,4.171286418,4.171286417,4.171286463,4.171286453,4.171286415,4.171286404,4.171286421,4.171286365,4.171286419,4.171286437,4.17128641,4.171286428,4.171286505,4.17128649,4.171286426,4.171286441,4.171286511,4.171286448
+"12960","PUS7L",4.457182818,4.457182588,4.45718242,4.457182448,4.457182388,4.457182159,4.457182586,4.457182295,4.457182595,4.457182577,4.457182328,4.457182327,4.457182657,4.457183188,4.457182665,4.457182585,4.457182458,4.457182288,4.457182766,4.457182213,4.457182619,4.45718251,4.457182708,4.457182668,4.457182431,4.457182587,4.457182578,4.45718297
+"12961","PUSL1",5.962175976,5.962176101,5.962176149,5.962176092,5.962176212,5.962176014,5.962176093,5.962176168,5.9621761,5.962176098,5.962176131,5.962176193,5.96217615,5.962176019,5.962176178,5.962176136,5.962176218,5.962176208,5.962176065,5.962176145,5.962176164,5.962176211,5.962176056,5.962176068,5.962176094,5.962176181,5.962176019,5.962176189
+"12962","PVALB",4.74930459,4.749304401,4.749305055,4.749304897,4.749305251,4.74930483,4.749304731,4.74930515,4.749304768,4.749304958,4.749305145,4.749305288,4.749304558,4.74930434,4.749305043,4.749304418,4.749304883,4.749305111,4.749305014,4.749305099,4.749304975,4.749304964,4.749304535,4.749305109,4.749305209,4.749305275,4.749304668,4.749304809
+"12963","PVALEF",5.963711177,5.963711206,5.963711293,5.963711267,5.963711312,5.963711209,5.963711248,5.9637113,5.963711237,5.96371126,5.963711277,5.963711324,5.96371121,5.963711184,5.963711299,5.963711236,5.963711354,5.963711314,5.963711236,5.963711252,5.963711295,5.963711289,5.963711211,5.963711215,5.963711311,5.96371124,5.963711193,5.963711259
+"12964","PVR",6.318039267,6.318039231,6.318039311,6.318039247,6.318039345,6.318039245,6.318039312,6.318039358,6.318039275,6.318039298,6.318039322,6.318039327,6.318039263,6.318039138,6.318039319,6.318039265,6.318039365,6.3180393,6.318039312,6.318039249,6.318039343,6.318039373,6.318039223,6.318039202,6.318039238,6.318039298,6.31803928,6.318039224
+"12965","PVRIG",7.438306236,7.438306061,7.438305821,7.438305587,7.438305837,7.438306032,7.438305931,7.438306243,7.438306576,7.438305983,7.438305315,7.43830604,7.438306437,7.438306199,7.438306136,7.43830619,7.438305623,7.438305503,7.438305741,7.438305825,7.438305812,7.438306274,7.438306428,7.438305992,7.438305449,7.438305961,7.438306424,7.43830619
+"12966","PWAR6",2.529248865,2.52924873,2.529248723,2.529248772,2.529248749,2.529248791,2.529248744,2.529248765,2.529248851,2.529248759,2.52924883,2.529248739,2.529248855,2.529248864,2.529248749,2.529248771,2.529248711,2.529248764,2.529248723,2.529248745,2.529248702,2.529248788,2.529248845,2.529248796,2.529248755,2.529248697,2.529248795,2.529248813
+"12967","PWP1",6.444332245,6.444332017,6.444331484,6.444331526,6.444331506,6.444331406,6.444331642,6.444331243,6.444332102,6.444332024,6.444331103,6.444331243,6.44433192,6.4443328,6.444331864,6.444331982,6.444330894,6.444331472,6.444331672,6.444331416,6.444331348,6.44433152,6.444332149,6.444331995,6.444331117,6.444331494,6.444331869,6.444332226
+"12968","PWWP2A",7.507474041,7.507474053,7.5074741,7.507474053,7.507474083,7.507474012,7.507474059,7.507474082,7.507474029,7.507474061,7.507474096,7.507474035,7.507474076,7.50747406,7.507474081,7.507474112,7.507474089,7.507474115,7.507474037,7.507474086,7.507474099,7.507474095,7.507474071,7.507474064,7.507474099,7.507474075,7.507474087,7.50747409
+"12969","PWWP2B",6.358895535,6.358895584,6.358895597,6.358895518,6.358895765,6.358895666,6.358895659,6.358895641,6.358895616,6.358895632,6.358895619,6.35889559,6.358895575,6.358895448,6.358895659,6.358895485,6.358895733,6.358895538,6.358895553,6.35889559,6.358895723,6.358895653,6.358895658,6.358895537,6.358895568,6.358895618,6.358895609,6.35889553
+"12970","PWWP3A",6.01779162,6.017791618,6.017791567,6.017791583,6.017791624,6.017791609,6.017791609,6.017791643,6.01779163,6.017791672,6.017791609,6.017791618,6.017791623,6.017791646,6.017791624,6.017791646,6.017791572,6.017791597,6.017791627,6.017791628,6.017791635,6.017791634,6.017791621,6.017791627,6.017791617,6.017791653,6.017791628,6.01779163
+"12971","PWWP3B",4.032754909,4.032754899,4.032754936,4.032754926,4.032754948,4.032754879,4.032754948,4.032754928,4.032754917,4.032754915,4.032754942,4.032754932,4.032754922,4.032754911,4.032754957,4.032754926,4.03275495,4.032754952,4.032754925,4.032754952,4.032754969,4.032754954,4.032754883,4.032754926,4.032754907,4.032754945,4.032754939,4.032754965
+"12972","PXDC1",4.410166543,4.410166466,4.410166464,4.410166539,4.410166554,4.410166413,4.410166547,4.410166541,4.41016646,4.410166439,4.410166517,4.410166402,4.410166547,4.410166396,4.410166502,4.41016648,4.410166437,4.410166587,4.410166438,4.41016652,4.410166472,4.410166488,4.410166404,4.410166529,4.410166523,4.410166419,4.410166492,4.410166457
+"12973","PXDN",4.411565541,4.411565621,4.411565583,4.411565575,4.411565641,4.411565569,4.411565594,4.41156565,4.411565571,4.411565551,4.411565629,4.411565572,4.411565576,4.411565512,4.411565602,4.411565612,4.411565585,4.411565562,4.411565512,4.411565599,4.411565623,4.411565612,4.411565555,4.411565599,4.411565597,4.411565561,4.411565567,4.411565568
+"12974","PXDNL",4.192608971,4.192608863,4.19260906,4.192608935,4.19260929,4.192608927,4.192608969,4.192609215,4.192609069,4.192609097,4.192608987,4.192609657,4.192609042,4.192608895,4.192609197,4.192608956,4.192609336,4.192609157,4.192609057,4.192609027,4.192609088,4.192609265,4.192608961,4.192609064,4.192609096,4.192609209,4.192609025,4.192609134
+"12975","PXK",7.557697722,7.55769778,7.557697005,7.557699355,7.557696376,7.557696502,7.557697897,7.557696268,7.557696382,7.557696911,7.557697468,7.557696139,7.557697395,7.557698128,7.557697058,7.557697864,7.557696772,7.557698172,7.55769759,7.557696624,7.557697459,7.557695837,7.557697632,7.557698327,7.557698158,7.557697245,7.557697115,7.557697218
+"12976","PXMP2",6.019761362,6.0197614515,6.0197615305,6.019761526,6.019761572,6.0197614055,6.0197614895,6.019761543,6.0197615155,6.019761522,6.019761522,6.0197615205,6.019761492,6.0197613885,6.019761563,6.0197615295,6.0197615665,6.019761562,6.0197614775,6.0197614295,6.0197615065,6.0197615675,6.019761509,6.019761441,6.019761539,6.0197615385,6.019761448,6.0197615205
+"12977","PXMP4",5.78785221,5.787852245,5.787852171,5.787852165,5.787852201,5.787852219,5.787852227,5.787852166,5.787852224,5.787852187,5.787852185,5.787852128,5.787852199,5.787852203,5.787852182,5.787852167,5.787852189,5.787852159,5.787852214,5.78785219,5.787852132,5.787852197,5.787852246,5.787852207,5.787852175,5.787852166,5.787852215,5.78785216
+"12978","PXN",7.704798597,7.704798937,7.704798688,7.704799488,7.704798066,7.704799284,7.704798449,7.7047989155,7.7047985955,7.704798537,7.7047987195,7.7047976775,7.7047984135,7.704797863,7.704798375,7.7047986795,7.704798183,7.704799262,7.7047986995,7.7047991335,7.7047984745,7.7047986095,7.704798739,7.704799171,7.7047992905,7.7047983735,7.704798615,7.7047973495
+"12979","PXT1",2.637748815,2.637748861,2.637748873,2.637748908,2.637748857,2.637748876,2.637748875,2.637748883,2.637748834,2.637748856,2.637748823,2.637748857,2.637748837,2.637748839,2.637748837,2.637748858,2.637748872,2.637748879,2.637748846,2.637748864,2.637748828,2.63774885,2.637748857,2.637748874,2.637748866,2.637748843,2.637748856,2.63774888
+"12980","PXYLP1",5.589944327,5.589943892,5.589944189,5.589943984,5.589944038,5.589943839,5.589944624,5.589944274,5.589944569,5.589944179,5.589943745,5.589944341,5.589943997,5.589944456,5.589944133,5.589943982,5.589944105,5.589944156,5.589944177,5.589943708,5.58994428,5.58994416,5.589944412,5.58994431,5.58994387,5.589944264,5.589943905,5.589944234
+"12981","PYCARD",8.405101653,8.405101776,8.40510153,8.405101739,8.405101712,8.405102179,8.405101729,8.405101525,8.405101606,8.405101838,8.405101665,8.405101228,8.405101601,8.4051016,8.405101847,8.405101692,8.405101623,8.405101575,8.405101788,8.405102127,8.405101643,8.405101769,8.4051018,8.405101837,8.405101533,8.405101315,8.405101682,8.405101447
+"12982","PYCR1",5.941909158,5.941909229,5.941909497,5.941909319,5.941909575,5.941909268,5.941909395,5.9419096,5.941909457,5.941909409,5.941909457,5.941909457,5.94190929,5.94190911,5.941909486,5.941909317,5.941909615,5.941909513,5.941909291,5.941909287,5.94190925,5.941909579,5.941909177,5.941909226,5.94190936,5.941909358,5.941909299,5.941909245
+"12983","PYCR2",7.914175348,7.914175543,7.914175254,7.914175425,7.914175377,7.914175385,7.914175319,7.914175451,7.914175504,7.914175492,7.914175329,7.914175282,7.914175421,7.914175386,7.914175257,7.914175401,7.914175216,7.914175407,7.914175395,7.914175277,7.914175233,7.914175353,7.914175418,7.914175489,7.914175217,7.914175435,7.914175522,7.914175379
+"12984","PYCR3",5.831622229,5.831622123,5.8316223,5.831622226,5.831622379,5.831621983,5.831622173,5.831622452,5.831622137,5.831622348,5.831622364,5.83162248,5.831622355,5.831621959,5.831622368,5.831622317,5.831622291,5.831622548,5.831622184,5.831622124,5.831622279,5.831622603,5.831621993,5.831622215,5.831622516,5.831622399,5.831622366,5.831622291
+"12985","PYDC1",4.634668024,4.634667881,4.634668174,4.634668007,4.634668192,4.634667996,4.634668122,4.634668067,4.634668233,4.634668151,4.634668156,4.634668297,4.63466804,4.634668014,4.634668105,4.634668233,4.634668248,4.634668238,4.634668058,4.634668025,4.634668075,4.63466822,4.634668018,4.634668059,4.634668115,4.634668212,4.634668231,4.634668024
+"12986","PYDC2",4.476455482,4.476455471,4.476455489,4.476455523,4.476455486,4.476455516,4.476455511,4.4764555,4.4764555,4.476455534,4.476455534,4.476455531,4.476455499,4.476455466,4.476455519,4.476455493,4.476455542,4.476455549,4.476455527,4.476455514,4.476455477,4.476455516,4.476455504,4.476455489,4.476455486,4.476455492,4.476455504,4.476455453
+"12987","PYGB",7.314201287,7.314201378,7.314201352,7.314201389,7.314201173,7.314201451,7.314201112,7.314201395,7.314201397,7.314201665,7.314201194,7.314201222,7.314201305,7.31420131,7.314201239,7.314201256,7.314201106,7.314201303,7.314201199,7.314201166,7.314201072,7.314201284,7.314201233,7.314201637,7.31420129,7.314201245,7.314201284,7.314201151
+"12988","PYGL",9.112667608,9.67286021,8.919249681,9.882053196,9.198105805,9.35260864,9.609019368,8.999277601,9.245981585,9.266263961,9.432229576,8.780111558,9.106619056,9.221099401,9.238123809,9.772502565,9.138015676,9.632483669,9.673814994,9.574725161,9.578421255,9.140931645,9.644469038,9.647015294,9.554623369,8.962129192,8.955045433,9.030159138
+"12989","PYGM",6.065961165,6.065961256,6.065961329,6.065961334,6.065961256,6.065961234,6.065961325,6.0659613,6.065961272,6.065961282,6.065961268,6.065961262,6.06596128,6.065961226,6.06596118,6.06596131,6.065961224,6.065961362,6.065961271,6.065961184,6.065961246,6.065961297,6.065961251,6.065961285,6.065961323,6.065961253,6.065961288,6.065961245
+"12990","PYGO1",3.902845553,3.90284563,3.90284578,3.902845598,3.902845859,3.902845488,3.902845671,3.90284568,3.902845857,3.902845748,3.902845806,3.902846006,3.902845685,3.90284548,3.90284574,3.902845637,3.902845766,3.9028458,3.902845534,3.902845695,3.902845641,3.902845704,3.90284566,3.902845696,3.902845726,3.902845758,3.902845551,3.90284588
+"12991","PYGO2",6.261484212,6.261484213,6.261484213,6.261484222,6.261484206,6.261484201,6.261484225,6.261484214,6.261484218,6.26148423,6.261484219,6.26148421,6.261484243,6.261484231,6.261484216,6.261484215,6.261484212,6.261484219,6.261484199,6.261484227,6.261484214,6.261484208,6.261484205,6.261484218,6.261484213,6.261484218,6.261484248,6.261484227
+"12992","PYHIN1",6.780607857,6.780593265,6.780593544,6.780587086,6.780587991,6.780594261,6.780599005,6.780597257,6.780595576,6.780589231,6.780587424,6.780587077,6.78059922,6.780596959,6.780602906,6.780591557,6.780584831,6.780589218,6.780587987,6.780594082,6.780602564,6.780596833,6.780598825,6.780596153,6.780592293,6.780598045,6.780599498,6.780591708
+"12993","PYM1",6.152750681,6.15275064,6.152750773,6.152750654,6.152750928,6.152750808,6.152750832,6.152750796,6.152750751,6.152750765,6.152750816,6.152750923,6.152750653,6.152750548,6.152750855,6.152750731,6.152750828,6.152750826,6.152750792,6.152750773,6.152750785,6.152750825,6.152750776,6.152750715,6.152750857,6.15275074,6.152750701,6.152750691
+"12994","PYROXD1",5.641424798,5.641424361,5.64142414,5.641423904,5.641423771,5.641423839,5.641424379,5.641423784,5.641424597,5.641424011,5.641423975,5.641423881,5.641424426,5.641425488,5.641424437,5.641424145,5.641423777,5.641424039,5.64142436,5.641424114,5.641424376,5.641424393,5.641424931,5.64142459,5.641424358,5.641424499,5.641424606,5.641425345
+"12995","PYY",4.83505015,4.835050165,4.83505013,4.835050138,4.835050167,4.835050181,4.835050145,4.835050162,4.835050164,4.83505016,4.83505018,4.835050162,4.835050143,4.835050147,4.835050159,4.835050177,4.835050155,4.835050141,4.835050148,4.835050187,4.835050148,4.835050151,4.835050155,4.835050148,4.83505013,4.835050175,4.835050162,4.835050147
+"12996","PYY2",6.431493406,6.431493413,6.431493457,6.431493463,6.431493503,6.431493508,6.431493451,6.43149347,6.431493461,6.431493471,6.431493514,6.431493454,6.431493456,6.43149334,6.431493468,6.431493412,6.431493486,6.431493476,6.43149345,6.431493448,6.431493455,6.431493477,6.431493436,6.431493435,6.431493401,6.431493407,6.431493445,6.431493451
+"12997","PZP",4.326353495,4.326353475,4.326353484,4.326353475,4.326353476,4.326353488,4.326353474,4.326353479,4.326353474,4.326353475,4.326353489,4.32635348,4.326353487,4.326353471,4.326353488,4.326353477,4.326353472,4.32635348,4.326353489,4.326353479,4.326353484,4.326353492,4.326353477,4.326353473,4.326353472,4.326353471,4.326353481,4.32635349
+"12998","QARS1",7.826037576,7.826037475,7.826037497,7.826037068,7.826037315,7.82603747,7.826037446,7.82603733,7.826037576,7.826037625,7.826037083,7.826037377,7.826037542,7.826037721,7.826037199,7.826037151,7.826037318,7.826036901,7.826037272,7.82603741,7.826037409,7.826037474,7.826037441,7.826037644,7.826036919,7.8260374,7.826037542,7.826037496
+"12999","QDPR",5.79835004,5.798350138,5.798350076,5.79835,5.798350035,5.798350012,5.798350008,5.798350092,5.798350188,5.798350135,5.798349983,5.798350049,5.798350192,5.798350213,5.798349965,5.798350127,5.798349964,5.798350059,5.798350051,5.79835,5.79835008,5.79835006,5.798350174,5.798350185,5.798349965,5.798350101,5.798350128,5.798350109
+"13000","QKI",7.720855699,7.720856018,7.720855515,7.720855821,7.720855259,7.720855329,7.720855442,7.72085522,7.720854572,7.720854863,7.720855176,7.720854526,7.720855566,7.720855927,7.720855419,7.720855845,7.720855208,7.720855515,7.720855358,7.720855625,7.720855518,7.720855046,7.720854982,7.720854969,7.720855297,7.720855096,7.720855243,7.720855331
+"13001","QPCT",7.587393311,7.841547327,7.341439386,8.038002132,7.334165001,7.509820048,7.796869372,7.333364232,7.52851562,7.498154957,7.540211647,6.98542194,7.377886154,7.557208492,7.720291104,7.916820245,7.442031353,7.914116023,7.763691008,7.506292083,7.848767513,7.455636385,7.80855303,7.845811285,7.697390998,7.40441283,7.313876121,7.468091063
+"13002","QPCTL",6.353948646,6.353948777,6.353948842,6.353948809,6.35394887,6.353948585,6.353948958,6.353948962,6.353948836,6.353948756,6.353948808,6.353949013,6.353948896,6.35394851,6.353948974,6.353948977,6.353949097,6.353948932,6.353948871,6.353948814,6.353948935,6.353949043,6.353948755,6.353948777,6.353948738,6.353948912,6.353948845,6.353948956
+"13003","QPRT",5.91201352,5.91201319,5.912013419,5.912013421,5.912014101,5.912013607,5.912014062,5.912013906,5.912013455,5.912013687,5.912013623,5.912014175,5.912013494,5.912013286,5.912014049,5.912013765,5.912014195,5.912013636,5.912013996,5.912013864,5.912014275,5.912014074,5.912013445,5.912013309,5.91201355,5.912014054,5.912013441,5.912013888
+"13004","QRFP",6.785472549,6.785472528,6.785472613,6.785472583,6.785472641,6.78547257,6.785472615,6.785472618,6.785472534,6.78547258,6.785472644,6.78547273,6.785472564,6.785472474,6.785472608,6.785472537,6.785472618,6.785472608,6.785472585,6.785472583,6.785472594,6.785472649,6.785472565,6.785472529,6.7854726,6.785472626,6.785472597,6.785472574
+"13005","QRFPR",2.9933438025,2.9933437985,2.9933438035,2.993343849,2.9933437025,2.993344138,2.993343691,2.993343704,2.993343909,2.993343868,2.9933437785,2.9933439605,2.9933438675,2.993343773,2.9933438155,2.993343964,2.993343953,2.9933438965,2.99334372,2.9933438945,2.9933436295,2.9933438165,2.993343889,2.9933437635,2.993343905,2.993343658,2.993343768,2.993343808
+"13006","QRICH1",7.62960062,7.629600301,7.629600361,7.629600329,7.629600403,7.629600668,7.629600474,7.629600476,7.629600635,7.629600627,7.62960032,7.629600377,7.629600576,7.62960071,7.629600536,7.629600159,7.629600232,7.629600286,7.629600505,7.629600456,7.629600374,7.629600508,7.629600607,7.629600531,7.629600307,7.629600548,7.629600617,7.629600625
+"13007","QRICH2",5.275005975,5.275005974,5.275005985,5.275005975,5.275005998,5.275005958,5.275005984,5.275005983,5.275005985,5.275005973,5.275005996,5.275005998,5.275005966,5.275005962,5.27500599,5.275005964,5.275005969,5.275005993,5.275005976,5.275005972,5.275005996,5.275005986,5.275005989,5.27500597,5.275005994,5.275005981,5.275005977,5.275005986
+"13008","QRSL1",5.983087314,5.983087164,5.983087084,5.983087109,5.983086978,5.983087177,5.983087181,5.983087037,5.983087133,5.983087248,5.983086946,5.983086993,5.98308716,5.983087401,5.983087152,5.983087089,5.983087035,5.983087034,5.983087135,5.983087201,5.9830871,5.983087111,5.983087173,5.983087203,5.983086918,5.983087136,5.983087098,5.983087261
+"13009","QSER1",5.645828697,5.645828625,5.645828608,5.645828574,5.645828688,5.645828727,5.645828656,5.645828537,5.645828675,5.645828778,5.645828601,5.645828624,5.645828679,5.645828723,5.645828607,5.645828478,5.645828465,5.645828579,5.645828651,5.645828654,5.645828611,5.645828564,5.645828669,5.645828721,5.645828607,5.64582871,5.64582863,5.645828654
+"13010","QSOX1",6.70119908,6.701199106,6.701199104,6.701199119,6.701199102,6.701199122,6.701199087,6.701199085,6.701199082,6.701199103,6.701199096,6.701199076,6.701199096,6.70119911,6.701199099,6.701199107,6.70119912,6.701199111,6.701199097,6.701199083,6.701199092,6.701199093,6.701199081,6.701199093,6.701199088,6.701199092,6.701199097,6.701199095
+"13011","QSOX2",6.025379242,6.025379123,6.025379164,6.025379147,6.025379171,6.025379164,6.025379194,6.025379171,6.025379199,6.025379212,6.025379116,6.025379166,6.025379183,6.02537918,6.025379175,6.025379119,6.025379178,6.02537914,6.02537913,6.025379192,6.025379141,6.025379158,6.025379178,6.025379163,6.025379171,6.025379218,6.025379156,6.025379173
+"13012","QTRT1",6.211326301,6.211326304,6.211326254,6.211326154,6.211326249,6.211326288,6.211326332,6.211326291,6.211326384,6.211326273,6.211326149,6.211326376,6.211326339,6.21132631,6.211326255,6.21132628,6.211326172,6.211326092,6.21132632,6.211326136,6.211326271,6.211326341,6.211326313,6.21132622,6.21132602,6.211326364,6.211326284,6.211326352
+"13013","QTRT2",5.526125715,5.526125709,5.52612568,5.52612567,5.526125682,5.526125707,5.526125678,5.526125687,5.526125663,5.526125687,5.526125688,5.526125683,5.526125701,5.526125729,5.526125693,5.526125694,5.526125679,5.526125677,5.526125682,5.526125708,5.526125688,5.52612568,5.526125686,5.526125707,5.526125677,5.526125718,5.526125695,5.526125721
+"13014","R3HCC1",6.058391392,6.058391438,6.058391535,6.058391375,6.058391417,6.058391494,6.058391398,6.058391523,6.058391472,6.058391496,6.058391381,6.058391372,6.058391539,6.058391579,6.058391453,6.058391405,6.058391551,6.058391405,6.05839143,6.058391477,6.058391449,6.058391536,6.05839151,6.058391468,6.058391467,6.058391454,6.058391495,6.058391445
+"13015","R3HCC1L",6.8380654,6.838065291,6.838064862,6.838064861,6.838064859,6.838064821,6.83806497,6.83806464,6.838064984,6.83806474,6.838064628,6.838063854,6.838065147,6.838065855,6.838064849,6.838065278,6.838064596,6.83806498,6.838065184,6.838064616,6.838064764,6.838064515,6.838064958,6.838065151,6.838064968,6.838064721,6.838065035,6.838065449
+"13016","R3HDM1",5.947438346,5.947438317,5.947438279,5.947438269,5.947438221,5.947438329,5.947438334,5.947438239,5.947438385,5.947438377,5.947438272,5.947438274,5.947438365,5.947438428,5.947438276,5.947438258,5.947438195,5.947438231,5.947438366,5.947438203,5.947438325,5.947438291,5.947438374,5.94743839,5.947438319,5.947438375,5.94743836,5.947438338
+"13017","R3HDM2",7.11805984,7.118059709,7.118059766,7.118059959,7.11805966,7.118059884,7.118059868,7.118059954,7.118059747,7.118059793,7.118059686,7.118059667,7.11805981,7.118059852,7.118059578,7.118059431,7.118059504,7.118059857,7.118059778,7.118059772,7.118059794,7.118059905,7.118059741,7.118059872,7.1180598,7.118059775,7.118059935,7.118059709
+"13018","R3HDM4",10.21397413,10.30573194,10.59293658,10.55621641,10.4827551,10.8865996,10.27436309,11.0378067,10.56988306,10.47125076,10.25410039,10.90130449,10.29324159,9.691024962,10.3082325,9.971289573,10.55134531,10.5404914,10.30757067,10.53672904,10.00078946,10.82436991,10.60470884,10.46313343,10.3820729,10.88836988,10.48388706,10.07659989
+"13019","R3HDML",5.010837441,5.010837474,5.01083751,5.010837481,5.010837544,5.010837465,5.010837526,5.010837532,5.010837503,5.010837511,5.010837531,5.010837496,5.010837475,5.010837441,5.010837514,5.010837501,5.010837551,5.010837534,5.010837515,5.010837517,5.010837544,5.010837527,5.010837497,5.010837516,5.010837513,5.010837511,5.010837495,5.010837447
+"13020","RAB10",8.102542557,8.102542276,8.102541935,8.102542264,8.10254189,8.10254218,8.102542019,8.102541596,8.102541759,8.102542193,8.102542147,8.102541361,8.102542164,8.102542535,8.102542077,8.102541968,8.102541527,8.102542098,8.102541945,8.102542329,8.102542069,8.102541656,8.102542,8.102542344,8.102542169,8.102541806,8.102541956,8.102541978
+"13021","RAB11A",8.048326924,8.04832707,8.048326095,8.048327045,8.048326045,8.048325769,8.048325892,8.048325447,8.048325697,8.048326021,8.048326431,8.048325121,8.048326041,8.048327222,8.048325942,8.048326404,8.048325597,8.048326607,8.04832684,8.048325745,8.048326435,8.048325682,8.048326173,8.048326875,8.048326055,8.048326185,8.048326118,8.048326396
+"13022","RAB11B",8.56913104,8.569131041,8.569132443,8.569131254,8.569131636,8.569132574,8.569131192,8.5691321,8.569132343,8.569131878,8.569131542,8.569132385,8.56913067,8.569130268,8.569131214,8.569130751,8.569131787,8.569131136,8.569130828,8.569131765,8.569131086,8.569131632,8.569132391,8.56913186,8.569131577,8.569132889,8.569131053,8.569130151
+"13023","RAB11FIP1",8.361674279,8.361719574,8.361677079,8.361725507,8.361681134,8.361687442,8.361678916,8.361679987,8.361661928,8.361666874,8.361697075,8.361646358,8.361679477,8.361669822,8.361682875,8.361715107,8.361669677,8.361722407,8.361699274,8.361681497,8.361684705,8.361664527,8.361681397,8.361702627,8.361716052,8.361669393,8.361681528,8.361660504
+"13024","RAB11FIP2",6.820198564,6.820198506,6.820198359,6.820198167,6.820198283,6.82019796,6.820198212,6.820198027,6.820198525,6.820198368,6.820197997,6.820197735,6.820198433,6.820198902,6.820198419,6.820198076,6.820198184,6.820198139,6.820198323,6.820198058,6.820198323,6.820198258,6.820198417,6.820198437,6.820198216,6.82019812,6.820198219,6.820198678
+"13025","RAB11FIP3",6.376213294,6.376213262,6.376213317,6.376213271,6.376213364,6.376213287,6.376213334,6.376213342,6.376213335,6.376213301,6.376213331,6.376213361,6.376213318,6.376213264,6.376213347,6.376213299,6.376213337,6.376213324,6.376213304,6.376213302,6.376213339,6.376213348,6.376213295,6.376213287,6.376213311,6.376213331,6.376213279,6.376213318
+"13026","RAB11FIP5",5.779458325,5.779458257,5.779458379,5.77945822,5.7794586,5.779458544,5.779458406,5.779458654,5.77945838,5.77945853,5.779458414,5.779458671,5.779458311,5.779457916,5.779458509,5.779458396,5.779458826,5.779458431,5.779458588,5.77945844,5.779458482,5.779458477,5.779458298,5.779458445,5.779458362,5.779458505,5.779458322,5.77945862
+"13027","RAB12",6.096646703,6.096646665,6.09664665,6.09664662,6.096646652,6.096646706,6.096646608,6.096646623,6.096646671,6.096646671,6.096646632,6.096646606,6.09664669,6.096646718,6.096646655,6.096646641,6.096646619,6.096646608,6.096646672,6.096646717,6.096646625,6.096646656,6.096646665,6.096646658,6.09664665,6.096646668,6.096646689,6.096646686
+"13028","RAB13",5.462187883,5.4621879075,5.4621880325,5.462187982,5.462188005,5.4621879495,5.4621880695,5.4621880295,5.46218804,5.4621881495,5.462188117,5.4621880855,5.46218793,5.4621878945,5.4621880705,5.4621880275,5.462188181,5.4621881885,5.462187818,5.462187948,5.4621880505,5.4621880695,5.4621880005,5.4621880765,5.462188097,5.4621880295,5.462187881,5.462187932
+"13029","RAB14",8.656184104,8.656184088,8.65618363,8.656183974,8.656183537,8.656183703,8.65618362,8.656183473,8.656183661,8.656183605,8.656183569,8.656183202,8.656183893,8.656184379,8.656183752,8.656183796,8.656183389,8.656183632,8.656183664,8.656183736,8.656183665,8.656183491,8.656183755,8.656183816,8.656183775,8.65618358,8.656183831,8.656183931
+"13030","RAB15",4.967480751,4.967480729,4.967480798,4.967480799,4.967480769,4.967480838,4.967480777,4.967480792,4.967480791,4.967480797,4.967480749,4.967480824,4.967480778,4.967480762,4.967480794,4.967480704,4.967480782,4.967480779,4.967480772,4.967480787,4.967480784,4.967480793,4.967480755,4.967480791,4.967480753,4.967480769,4.967480801,4.967480756
+"13031","RAB17",5.014368302,5.014368131,5.014368463,5.014368229,5.014368539,5.014368081,5.014368407,5.014368541,5.014368138,5.014368141,5.014368496,5.014368656,5.014368429,5.014368119,5.014368497,5.01436846,5.014368578,5.014368475,5.014368543,5.014368338,5.014368452,5.014368472,5.014368001,5.014368129,5.014368467,5.014368473,5.014368151,5.014368337
+"13032","RAB18",7.442593301,7.442593317,7.44259238,7.442592868,7.442586833,7.442585683,7.44259034,7.442587469,7.442587728,7.442587468,7.442589731,7.442582642,7.442589882,7.442598236,7.442589841,7.442593556,7.442587013,7.442589634,7.442592982,7.442584499,7.442591669,7.442588476,7.442591973,7.442592831,7.442591918,7.442586814,7.442589454,7.442593236
+"13033","RAB19",5.563490183,5.563490195,5.563490176,5.563490192,5.563490187,5.563490199,5.563490203,5.563490199,5.563490208,5.563490194,5.563490155,5.563490196,5.563490196,5.563490182,5.563490209,5.563490193,5.563490193,5.563490202,5.563490209,5.563490221,5.563490197,5.563490193,5.563490211,5.563490195,5.563490194,5.563490187,5.563490193,5.563490175
+"13034","RAB1A",8.473806889,8.473807418,8.473806164,8.473806963,8.473805535,8.473806062,8.47380601,8.473805943,8.473806022,8.47380609,8.473805928,8.47380482,8.473806163,8.473807491,8.473806158,8.473807454,8.473805636,8.473806546,8.47380661,8.473805764,8.473806214,8.473805992,8.473806627,8.473806652,8.473806222,8.473805605,8.473806266,8.473806531
+"13035","RAB1B",9.426645574,9.426646028,9.426645374,9.426646051,9.426645614,9.426646028,9.426645679,9.426645846,9.426645804,9.426645783,9.426645531,9.426645125,9.426645624,9.426645597,9.426645433,9.426645795,9.426645409,9.426645842,9.426645556,9.426645888,9.426645339,9.426645703,9.426645807,9.426646082,9.426645525,9.426645506,9.426645484,9.426645523
+"13036","RAB1C",5.749931379,5.749931341,5.749931479,5.749931599,5.749931325,5.749931395,5.749931269,5.749931307,5.749931163,5.749931386,5.749931455,5.749931279,5.749931418,5.749931282,5.749931368,5.749931249,5.749931093,5.749931607,5.749931264,5.749931379,5.749931246,5.749931347,5.749931278,5.749931449,5.749931395,5.749931334,5.749931365,5.749931287
+"13037","RAB20",5.324062438,5.32406248,5.324062464,5.324062509,5.324062509,5.324062526,5.324062442,5.324062508,5.324062467,5.324062462,5.324062472,5.324062455,5.324062496,5.324062452,5.324062479,5.324062486,5.324062497,5.324062486,5.324062502,5.324062551,5.324062474,5.32406248,5.324062499,5.324062468,5.32406246,5.324062466,5.324062496,5.32406248
+"13038","RAB21",7.34830585,7.348306542,7.348305543,7.348306056,7.348305142,7.348305179,7.348305153,7.348305299,7.348305753,7.348305199,7.348305532,7.34830435,7.348305579,7.34830725,7.348305626,7.348306451,7.348305034,7.348306219,7.348305606,7.348305874,7.348305477,7.348305636,7.348305883,7.348306222,7.348305694,7.348305558,7.348305446,7.348306705
+"13039","RAB22A",7.453953235,7.453953389,7.45395304,7.453953175,7.453952892,7.453952996,7.453953027,7.453953163,7.453953219,7.453953173,7.453953042,7.45395294,7.453953104,7.453953476,7.453952964,7.453953237,7.453953044,7.453953254,7.453953178,7.453952976,7.453952934,7.453953054,7.453953236,7.453953358,7.453953125,7.453953062,7.453953112,7.453953251
+"13040","RAB23",3.251083851,3.251083894,3.251083996,3.251083938,3.251083944,3.251083977,3.25108388,3.25108398,3.251083979,3.251083862,3.251083805,3.251083832,3.251083935,3.251084046,3.251083828,3.251083842,3.251083937,3.251083897,3.251083893,3.251083824,3.251083949,3.251083839,3.251083955,3.251083866,3.251083887,3.25108384,3.251083798,3.251084
+"13041","RAB24",8.221965766,8.221967721,8.221966291,8.221967287,8.221965131,8.221969017,8.221967748,8.221965689,8.221966075,8.221966472,8.221966849,8.221964633,8.221967081,8.221966448,8.221965611,8.221968219,8.221966541,8.221967087,8.221966145,8.221970293,8.22196759,8.221967016,8.221966191,8.221967007,8.221967514,8.221966017,8.221967002,8.221965138
+"13042","RAB25",3.595025227,3.5950251,3.595025193,3.595025126,3.595025309,3.59502527,3.59502525,3.5950253,3.595025254,3.595025249,3.595025279,3.595025386,3.595025203,3.595025268,3.595025223,3.595025092,3.59502518,3.595025444,3.595025246,3.595025256,3.59502514,3.595025261,3.595025399,3.595025238,3.595025121,3.595025256,3.595025264,3.595025398
+"13043","RAB26",6.281842279,6.281842289,6.281842348,6.281842317,6.281842487,6.281842355,6.281842334,6.281842371,6.281842317,6.28184227,6.281842351,6.28184246,6.281842355,6.281842217,6.281842447,6.281842343,6.281842472,6.281842394,6.281842324,6.281842395,6.281842428,6.28184241,6.281842242,6.281842243,6.28184238,6.281842429,6.281842294,6.281842285
+"13044","RAB27A",8.660306,8.660306755,8.660304862,8.660306417,8.660304248,8.660305075,8.660305558,8.660305477,8.660304441,8.660305279,8.660305082,8.660303621,8.660304906,8.660306363,8.660306055,8.660306989,8.66030493,8.660305607,8.660305932,8.660305776,8.660306267,8.660305334,8.660306402,8.660306568,8.660305978,8.660304587,8.660304878,8.660305498
+"13045","RAB27B",6.461657145,6.483812565,6.457673431,6.532923173,6.468607451,6.468337468,6.460345143,6.438553335,6.431685857,6.514449291,6.515811768,6.487304093,6.435336208,6.453912239,6.461369139,6.437539175,6.466837075,6.540295815,6.458791566,6.444296346,6.457361856,6.435368848,6.447750634,6.530386773,6.513525734,6.494897074,6.453585663,6.469610505
+"13046","RAB28",5.492666638,5.492666546,5.492666263,5.49266613,5.492665835,5.4926662,5.492665824,5.492666257,5.492666251,5.492666323,5.492666057,5.492666077,5.492666316,5.492666801,5.492666221,5.492666421,5.492665756,5.492666042,5.492666229,5.492666507,5.492665997,5.492666143,5.492666384,5.492666577,5.492666176,5.492666243,5.492666402,5.492666419
+"13047","RAB29",7.772177032,7.772176591,7.772176137,7.772176086,7.772176305,7.772176636,7.772176668,7.772176608,7.77217688,7.772176767,7.772176039,7.772175981,7.772176598,7.772177271,7.772176708,7.772176323,7.772175852,7.772176206,7.772176553,7.772176536,7.77217676,7.772176579,7.77217683,7.772176588,7.772176278,7.772176399,7.772176604,7.772176873
+"13048","RAB2A",7.212889546,7.212890071,7.212889069,7.212889905,7.212888886,7.21288854,7.212889216,7.21288884,7.212888744,7.212888506,7.212888986,7.212887778,7.212889426,7.21289014,7.212889469,7.212890044,7.212888732,7.212889596,7.212889393,7.212888549,7.212889118,7.212889132,7.212889367,7.212889304,7.21288915,7.212888563,7.212889205,7.212889703
+"13049","RAB2B",8.03531406,8.035283183,8.035773881,8.035416457,8.035321667,8.035776941,8.035601848,8.035651456,8.035513114,8.035569858,8.035501159,8.035746863,8.035321757,8.035023533,8.035239416,8.035032864,8.03539046,8.035382865,8.035132676,8.035581563,8.035513809,8.035417162,8.035479403,8.035638263,8.035534145,8.035847779,8.035489924,8.035042467
+"13050","RAB30",5.380180236,5.380179755,5.380179554,5.380179971,5.380179748,5.380179617,5.380179899,5.380179148,5.380179857,5.380180003,5.380179178,5.380179936,5.380179954,5.380180573,5.380180125,5.380179519,5.38017927,5.380179916,5.380179797,5.380179622,5.380179853,5.380179573,5.380179917,5.38018008,5.380179341,5.380179983,5.380179793,5.380180232
+"13051","RAB31",9.204980256,9.555651016,8.95481227,9.439639361,8.946983218,9.225372265,9.063767191,8.893348141,8.745275533,8.847104218,9.205716847,8.531871334,9.061628276,8.996066338,9.081627383,9.536275421,8.928289684,9.361604199,9.168432589,9.364590267,9.094270555,8.932057308,9.148813477,9.145727344,9.252604654,8.719409314,9.069906365,8.825402991
+"13052","RAB32",6.664213427,6.664213495,6.664213402,6.664213549,6.6642135,6.664213577,6.664213517,6.664213309,6.664213429,6.664213552,6.664213665,6.664213313,6.66421346,6.664213375,6.664213535,6.664213581,6.664213626,6.664213689,6.664213553,6.664213658,6.664213431,6.664213404,6.664213437,6.664213578,6.664213433,6.664213256,6.664213396,6.664213487
+"13053","RAB33A",5.471560631,5.471560623,5.471560678,5.47156064,5.471560702,5.471560701,5.471560678,5.471560674,5.471560674,5.471560671,5.47156068,5.471560697,5.471560661,5.471560609,5.471560677,5.47156065,5.471560705,5.471560658,5.471560663,5.471560684,5.471560702,5.471560679,5.471560668,5.47156062,5.471560654,5.471560658,5.47156066,5.471560673
+"13054","RAB33B",7.183625848,7.18362554,7.183625371,7.183625726,7.183625252,7.183625734,7.183625824,7.183625394,7.183625367,7.183625817,7.183625393,7.183624958,7.183625698,7.183625942,7.183625609,7.183625414,7.18362578,7.183625676,7.18362568,7.183626045,7.183625736,7.183625537,7.183625999,7.18362591,7.183625817,7.183625358,7.183625453,7.183625983
+"13055","RAB34",5.688099174,5.688099191,5.688099256,5.688099172,5.688099181,5.688099214,5.688099143,5.68809918,5.688099216,5.688099225,5.688099172,5.688099139,5.688099191,5.688099149,5.688099155,5.688099126,5.688099166,5.688099169,5.68809916,5.688099204,5.688099099,5.688099177,5.688099208,5.688099183,5.688099188,5.688099126,5.688099172,5.688099185
+"13056","RAB35",7.630874184,7.630874567,7.630874184,7.630874527,7.630874195,7.63087451,7.630874204,7.630874257,7.630874267,7.630874269,7.630874091,7.630874028,7.630874183,7.630874349,7.63087432,7.630874545,7.630874264,7.630874382,7.630874205,7.630874429,7.63087407,7.630874199,7.630874481,7.630874455,7.630874208,7.630873966,7.630874344,7.630874308
+"13057","RAB36",6.099805374,6.099805548,6.099805563,6.099805525,6.099805624,6.099805466,6.09980547,6.099805609,6.099805507,6.099805454,6.099805662,6.09980571,6.099805429,6.099805245,6.099805597,6.099805613,6.099805769,6.099805685,6.099805519,6.099805516,6.099805681,6.099805575,6.099805351,6.099805484,6.099805512,6.099805596,6.099805328,6.099805467
+"13058","RAB37",6.974950181,6.974950425,6.974950285,6.974950474,6.974950286,6.974950298,6.974950301,6.974950234,6.974950286,6.97495026,6.97495033,6.974950171,6.974950288,6.974950262,6.974950124,6.974950416,6.974950217,6.974950519,6.974950337,6.974950243,6.974950381,6.974950211,6.974950357,6.974950332,6.974950436,6.974950354,6.974950204,6.974950288
+"13059","RAB38",4.951306148,4.951306024,4.951305963,4.951305974,4.95130636,4.95130611,4.951306301,4.95130613,4.951306147,4.951306194,4.951306261,4.9513062,4.951306389,4.951306084,4.951306235,4.951306242,4.951306335,4.951306314,4.951306198,4.951306178,4.951306208,4.951306159,4.951306112,4.95130618,4.951306154,4.951306122,4.951306289,4.951306167
+"13060","RAB39A",4.872099197,4.872099168,4.872099246,4.872099198,4.872099241,4.872099169,4.872099148,4.872099254,4.872099166,4.872099176,4.872099218,4.872099202,4.872099203,4.872099178,4.872099207,4.872099212,4.872099207,4.872099226,4.872099146,4.872099224,4.872099206,4.872099243,4.872099134,4.872099242,4.872099255,4.872099148,4.872099167,4.872099209
+"13061","RAB39B",5.224805236,5.22480505,5.224804861,5.224805145,5.224804938,5.224805037,5.224805197,5.224805123,5.22480536,5.224805088,5.224805025,5.224805125,5.224805063,5.224805382,5.224805005,5.224805019,5.224804603,5.224805078,5.224804931,5.224805085,5.224805102,5.224805,5.224805106,5.224805134,5.224805097,5.224805336,5.224805163,5.224805319
+"13062","RAB3A",5.817816106,5.817816089,5.8178162,5.817816015,5.817816366,5.81781605,5.817816249,5.817816151,5.817816195,5.817816191,5.817816314,5.817816251,5.817816109,5.817815998,5.81781628,5.817816135,5.817816267,5.817816228,5.817816045,5.817816227,5.817816194,5.817816228,5.817816097,5.817816209,5.817816146,5.817816173,5.817816067,5.817816126
+"13063","RAB3B",4.608359756,4.608359763,4.608359772,4.608359752,4.608359792,4.608359762,4.608359785,4.608359795,4.608359795,4.608359769,4.608359783,4.608359785,4.608359764,4.608359742,4.608359783,4.608359784,4.6083598,4.608359793,4.608359789,4.608359767,4.608359792,4.608359801,4.60835975,4.608359766,4.608359806,4.608359794,4.608359774,4.608359759
+"13064","RAB3C",3.456988392,3.45698817,3.456988491,3.456988694,3.456988606,3.456988428,3.456988545,3.456988282,3.45698813,3.456988467,3.456988502,3.456988542,3.45698845,3.456988306,3.456988438,3.45698866,3.456988552,3.456988715,3.456988664,3.456988405,3.456988201,3.456988341,3.456988191,3.456988323,3.456988868,3.456988494,3.456988339,3.456988452
+"13065","RAB3D",8.194417896,8.194418736,8.194418325,8.194419818,8.19441765,8.194418537,8.194418014,8.194418403,8.194417671,8.19441807,8.194418713,8.19441716,8.194418502,8.194417621,8.194418066,8.194418787,8.194418402,8.19441936,8.194418492,8.194418275,8.194417991,8.194418341,8.194418643,8.19441883,8.194419001,8.19441787,8.194418579,8.19441776
+"13066","RAB3GAP1",6.976370323,6.976370401,6.976370212,6.976370315,6.976370265,6.976370339,6.976370241,6.976370108,6.976370334,6.976370274,6.976370179,6.976370216,6.976370283,6.976370573,6.976370223,6.976370356,6.976370164,6.976370169,6.976370382,6.97637036,6.976370195,6.976370216,6.976370297,6.976370321,6.976370227,6.976370318,6.976370333,6.976370436
+"13067","RAB3GAP2",6.68996241,6.689962291,6.689962123,6.689962184,6.689962055,6.689962232,6.689962199,6.689962035,6.689962168,6.68996216,6.68996201,6.689961975,6.689962237,6.689962541,6.689962179,6.689962167,6.689961875,6.689962098,6.689962251,6.689962026,6.689962211,6.68996212,6.689962234,6.689962269,6.689962119,6.689962136,6.689962242,6.689962215
+"13068","RAB3IL1",5.716185007,5.716185081,5.716185646,5.716185477,5.716185463,5.716185382,5.716185447,5.716185479,5.716185482,5.716185292,5.716185571,5.716185649,5.71618513,5.716184986,5.716185487,5.716185343,5.716185693,5.716185681,5.716185312,5.71618533,5.716185366,5.716185454,5.71618525,5.716185359,5.716185487,5.716185511,5.716185001,5.71618516
+"13069","RAB3IP",5.425808892,5.425808867,5.425808857,5.425808882,5.425808863,5.425808862,5.425808855,5.425808879,5.425808875,5.425808873,5.425808832,5.425808864,5.425808863,5.425808917,5.425808859,5.425808859,5.425808854,5.425808873,5.425808868,5.425808859,5.425808872,5.425808873,5.425808867,5.425808882,5.425808846,5.425808871,5.425808885,5.425808903
+"13070","RAB40A",5.66103409,5.661034036,5.661034101,5.66103407,5.661034128,5.661033992,5.661034143,5.661034133,5.661034068,5.661034107,5.661034051,5.661034148,5.661034079,5.661034013,5.661034193,5.661034119,5.661034171,5.661034117,5.661034092,5.661034136,5.661034175,5.661034163,5.661033985,5.661033996,5.661034096,5.661034155,5.661034043,5.661034153
+"13071","RAB40AL",5.339075987,5.339076033,5.339076582,5.339076512,5.339076588,5.339076265,5.339076547,5.339077216,5.339076536,5.339076916,5.3390773,5.33907708,5.339076515,5.339074722,5.339077188,5.339075907,5.339077451,5.339077124,5.339076534,5.339077461,5.33907655,5.339077084,5.339075885,5.339076552,5.33907698,5.339076156,5.339076205,5.339075862
+"13072","RAB40B",6.788662677,6.788662678,6.788662691,6.788662663,6.788662711,6.788662636,6.788662675,6.788662697,6.788662659,6.788662683,6.788662672,6.788662708,6.788662706,6.788662693,6.788662669,6.788662701,6.78866272,6.788662707,6.788662669,6.788662686,6.788662713,6.788662679,6.788662675,6.78866267,6.788662676,6.788662687,6.788662666,6.788662684
+"13073","RAB40C",7.380961378,7.380961423,7.38096147,7.380961502,7.380961493,7.380961415,7.380961374,7.380961547,7.380961408,7.380961471,7.380961457,7.380961509,7.380961428,7.380961361,7.380961397,7.380961337,7.380961496,7.380961487,7.380961461,7.380961434,7.380961398,7.380961452,7.380961466,7.380961431,7.380961433,7.380961384,7.380961448,7.380961353
+"13074","RAB41",3.684136352,3.684136275,3.684136314,3.684136357,3.68413643,3.684136303,3.684136364,3.684136365,3.684136361,3.68413626,3.684136385,3.684136368,3.684136321,3.684136266,3.684136375,3.684136314,3.684136323,3.68413645,3.684136355,3.684136283,3.684136427,3.684136381,3.684136275,3.684136326,3.684136396,3.684136498,3.684136281,3.68413644
+"13075","RAB42",3.710042655,3.710042678,3.710042755,3.710042646,3.710042749,3.710042736,3.710042758,3.710042773,3.710042798,3.710042567,3.710042673,3.710042581,3.710042751,3.710042754,3.71004273,3.710042793,3.710042772,3.710042706,3.710042758,3.710042706,3.710042678,3.710042715,3.710042662,3.710042789,3.710042762,3.710042767,3.71004273,3.710042669
+"13076","RAB44",5.533914644,5.533915072,5.533914962,5.533914892,5.533915372,5.5339147295,5.533915121,5.533914812,5.5339148205,5.533914937,5.5339154335,5.5339145615,5.533914839,5.533914742,5.5339142875,5.5339148675,5.5339148515,5.5339142085,5.5339152545,5.5339147055,5.533915094,5.5339146885,5.533914823,5.533914704,5.533915268,5.533914961,5.5339147865,5.5339148405
+"13077","RAB4A",5.20871608,5.20871604,5.20871593,5.208715908,5.208715933,5.208715672,5.208715898,5.208715886,5.208715952,5.208715912,5.208715992,5.208715801,5.208715981,5.208716192,5.208715972,5.208715958,5.208715903,5.208715881,5.208716022,5.208715829,5.20871589,5.208715876,5.208715935,5.208715994,5.208715927,5.208715912,5.208715967,5.20871609
+"13078","RAB5A",8.43894194,8.438941744,8.438941788,8.438941922,8.438941664,8.438941749,8.438941876,8.43894145,8.438941535,8.438941735,8.438941843,8.438941805,8.438941668,8.438941976,8.438941779,8.438941508,8.438941653,8.438941951,8.438941763,8.438941976,8.438941953,8.438941448,8.438941738,8.438941809,8.438941943,8.438941888,8.438941547,8.438941883
+"13079","RAB5B",7.77670941,7.776709297,7.776709585,7.776709879,7.776708977,7.776709502,7.77670934,7.776709433,7.776709242,7.776709403,7.776709613,7.776709663,7.776709286,7.776708797,7.77670924,7.776708944,7.776709222,7.776709579,7.776709238,7.776709105,7.776709405,7.776709122,7.776709171,7.776709268,7.776709772,7.776709648,7.776709226,7.776708442
+"13080","RAB5C",9.334072292,9.33407299,9.334072278,9.334073241,9.334071676,9.334073718,9.334071897,9.334072836,9.334072009,9.334072336,9.334072677,9.334071445,9.334072425,9.334071786,9.334072083,9.334072208,9.334072056,9.33407305,9.334072119,9.334073447,9.334071772,9.334072411,9.334072348,9.334073037,9.334072687,9.33407198,9.334072401,9.334071763
+"13081","RAB6A",7.802743343,7.802743327,7.802743353,7.802743189,7.802743463,7.802743318,7.802743361,7.80274333,7.802743458,7.80274342,7.802743425,7.802743265,7.802743292,7.802743347,7.802743379,7.802743358,7.802743298,7.802743347,7.802743392,7.802743222,7.802743351,7.80274333,7.802743348,7.802743401,7.802743448,7.802743344,7.802743336,7.80274325
+"13082","RAB6B",5.413352806,5.413352809,5.413352818,5.413352835,5.413352837,5.413352817,5.413352829,5.413352821,5.41335281,5.413352808,5.413352867,5.413352855,5.413352806,5.413352772,5.413352832,5.413352852,5.413352848,5.413352881,5.413352832,5.413352831,5.413352835,5.413352831,5.413352812,5.413352818,5.413352843,5.413352849,5.413352795,5.413352812
+"13083","RAB7B",5.066155419,5.066155421,5.066155433,5.066155426,5.06615544,5.066155416,5.066155427,5.066155438,5.066155428,5.066155423,5.066155435,5.066155436,5.066155424,5.066155412,5.066155438,5.066155431,5.066155445,5.066155437,5.066155428,5.066155428,5.066155438,5.066155436,5.066155419,5.06615542,5.066155432,5.066155432,5.066155416,5.066155428
+"13084","RAB8B",7.63534488,7.635344135,7.635343741,7.635344429,7.635342628,7.63534312,7.635344192,7.635342965,7.63534318,7.635343847,7.635343862,7.635341062,7.635342979,7.635346682,7.635344597,7.635343838,7.635343574,7.635344194,7.635344132,7.635343544,7.635344323,7.635343456,7.635344883,7.635344855,7.635344686,7.63534269,7.63534265,7.635345759
+"13085","RAB9A",5.880437064,5.880436972,5.880436892,5.880436954,5.880436813,5.88043689,5.880437001,5.880436955,5.880436922,5.88043695,5.880436901,5.880436789,5.880437017,5.880436974,5.880436983,5.880436926,5.880436835,5.880436883,5.880436925,5.880436858,5.880436981,5.880436918,5.880436957,5.880436904,5.88043687,5.880436847,5.88043699,5.880436896
+"13086","RAB9B",4.878031439,4.878031459,4.878031458,4.878031415,4.878031462,4.878031449,4.878031459,4.878031464,4.878031449,4.878031407,4.878031437,4.878031446,4.878031408,4.878031443,4.87803148,4.878031503,4.878031465,4.878031461,4.878031441,4.878031488,4.87803143,4.878031458,4.878031446,4.878031463,4.878031421,4.878031427,4.878031444,4.87803145
+"13087","RAB9BP1",2.964271303,2.964271515,2.964271498,2.964271459,2.964271436,2.964271606,2.964271571,2.964271413,2.964271357,2.96427156,2.964271764,2.96427149,2.96427146,2.964271347,2.964271446,2.964271325,2.964271401,2.964271575,2.964271472,2.964271507,2.964271345,2.964271491,2.964271558,2.964271404,2.964271564,2.964271322,2.964271442,2.964271495
+"13088","RABAC1",8.452240231,8.45224028,8.452240275,8.452240245,8.452240222,8.452240257,8.452240256,8.452240234,8.452240248,8.452240289,8.452240249,8.452240235,8.452240253,8.452240208,8.452240229,8.452240282,8.452240243,8.452240256,8.45224024,8.452240218,8.4522402,8.452240245,8.452240249,8.452240267,8.452240222,8.452240225,8.452240249,8.452240227
+"13089","RABEP1",6.915041823,6.91504178,6.915041454,6.915041561,6.915041577,6.915041568,6.915041727,6.915041495,6.915041703,6.915041659,6.915041571,6.915041395,6.915041756,6.915042202,6.91504182,6.915041499,6.915041547,6.915041452,6.915041738,6.915041499,6.915041666,6.915041598,6.915041773,6.915041794,6.915041579,6.915041589,6.915041655,6.91504199
+"13090","RABEP2",6.642183511,6.642183585,6.642183905,6.642183788,6.642183815,6.642183519,6.642183743,6.642183837,6.642183739,6.642183743,6.642183871,6.642183871,6.642183761,6.642183528,6.64218377,6.642183776,6.642183875,6.642183962,6.642183758,6.642183564,6.642183702,6.642183919,6.642183491,6.64218373,6.642183809,6.64218367,6.642183727,6.642183806
+"13091","RABEPK",5.341932652,5.341932769,5.341932689,5.341932727,5.341932668,5.341932607,5.341932587,5.341932622,5.341932705,5.341932773,5.341932666,5.341932682,5.341932686,5.341932698,5.341932593,5.341932752,5.341932705,5.341932625,5.341932765,5.341932697,5.341932582,5.341932696,5.341932637,5.341932691,5.341932728,5.34193271,5.341932714,5.341932729
+"13092","RABGAP1",7.750067924,7.750067911,7.7500679,7.750067881,7.750067821,7.750067871,7.750067867,7.750067838,7.750067899,7.750067867,7.750067847,7.750067788,7.75006787,7.750067977,7.750067881,7.750067866,7.750067824,7.750067869,7.750067872,7.750067858,7.750067846,7.75006785,7.750067881,7.750067929,7.750067836,7.750067874,7.750067874,7.750067901
+"13093","RABGAP1L",6.888028168,6.888028044,6.888027857,6.888027898,6.888027802,6.888027867,6.888028047,6.888027855,6.88802786,6.888027846,6.8880278,6.88802765,6.888027997,6.888028176,6.888028038,6.88802796,6.888027671,6.888027798,6.888027962,6.8880277,6.888028084,6.888027788,6.888027936,6.888027963,6.888027854,6.888027892,6.888027995,6.888027936
+"13094","RABGEF1",6.954363567,6.954363562,6.954363509,6.954363615,6.954363403,6.954363514,6.954363596,6.954363463,6.954363597,6.954363562,6.954363597,6.954363235,6.954363476,6.954363851,6.954363344,6.954363551,6.954363373,6.9543635,6.954363611,6.954363402,6.954363448,6.954363374,6.954363617,6.954363787,6.954363536,6.95436349,6.954363514,6.954363608
+"13095","RABGGTA",6.240427256,6.240427251,6.24042727,6.240427207,6.240427215,6.24042749,6.240427176,6.240427334,6.240427317,6.240427322,6.240427207,6.240427203,6.2404273,6.240427298,6.240427174,6.240427159,6.240427268,6.240427069,6.240427286,6.240427468,6.240427169,6.240427248,6.240427207,6.24042723,6.240427167,6.240427247,6.240427461,6.240427184
+"13096","RABGGTB",6.38149278,6.381492344,6.381491956,6.381491497,6.381491914,6.381491857,6.38149233,6.381491411,6.381492633,6.381492348,6.381491415,6.38149166,6.381492197,6.381493446,6.3814923,6.381492293,6.381491606,6.38149132,6.381492405,6.381491692,6.381492045,6.38149194,6.381492326,6.381491768,6.381491208,6.381492154,6.381492275,6.381492729
+"13097","RABIF",6.750599966,6.750599947,6.750599976,6.750599971,6.75059999,6.750599942,6.750599982,6.750599995,6.750599948,6.750599974,6.750599983,6.750599955,6.750599987,6.75059994,6.750599981,6.750599931,6.750599983,6.750599992,6.75059997,6.750599959,6.750599962,6.750599973,6.750599966,6.750599955,6.750600001,6.750599962,6.750599976,6.750599954
+"13098","RABL3",6.835468445,6.835468401,6.835468509,6.835468399,6.835468479,6.835468315,6.835468429,6.835468392,6.83546854,6.835468452,6.835468349,6.835468452,6.83546842,6.835468594,6.835468493,6.835468483,6.835468462,6.83546846,6.835468443,6.835468381,6.835468432,6.835468423,6.835468485,6.835468385,6.835468439,6.835468467,6.835468409,6.835468605
+"13099","RABL6",7.122810526,7.122810528,7.122810548,7.122810516,7.122810558,7.122810535,7.122810535,7.122810553,7.122810536,7.122810527,7.122810551,7.122810561,7.122810535,7.122810528,7.122810543,7.122810527,7.122810541,7.122810542,7.122810531,7.122810545,7.122810542,7.12281055,7.122810531,7.122810533,7.122810545,7.122810559,7.122810535,7.122810544
+"13100","RAC1",8.172518206,8.172519156,8.1725177955,8.1725191195,8.172516786,8.1725181995,8.1725181035,8.1725169995,8.1725177355,8.172517832,8.172518722,8.1725167005,8.1725181495,8.172518747,8.172517529,8.1725184275,8.1725177755,8.172518891,8.1725182435,8.1725179465,8.1725175525,8.1725175095,8.1725183355,8.1725184195,8.1725186985,8.172517497,8.172518186,8.172517941
+"13101","RAC2",10.45787653,10.45787695,10.45787582,10.45787731,10.45787606,10.45787759,10.45787659,10.45787597,10.45787623,10.45787675,10.45787633,10.4578758,10.45787682,10.45787633,10.45787644,10.45787633,10.45787592,10.45787661,10.4578766,10.45787694,10.45787637,10.45787647,10.45787674,10.45787684,10.45787655,10.45787645,10.45787695,10.45787592
+"13102","RAC3",6.427943146,6.427943171,6.427943351,6.427943219,6.427943297,6.427943164,6.427943192,6.427943408,6.427943185,6.427943182,6.427943262,6.427943302,6.427943235,6.427942947,6.427943199,6.427943293,6.427943342,6.427943298,6.427943225,6.42794312,6.427943192,6.427943319,6.427943192,6.427943119,6.427943212,6.427943273,6.427943222,6.427943204
+"13103","RACGAP1",5.565808494,5.565808519,5.565808448,5.565808486,5.565808465,5.565808516,5.565808659,5.565808481,5.56580846,5.565808467,5.565808449,5.565808369,5.565808518,5.565808544,5.565808517,5.565808544,5.565808447,5.565808441,5.565808517,5.565808468,5.565808594,5.565808417,5.565808551,5.565808506,5.565808527,5.565808486,5.5658085,5.56580842
+"13104","RACGAP1P1",3.153679636,3.153679467,3.153679855,3.153679781,3.15367945,3.153679647,3.153679811,3.153679837,3.153679729,3.153679494,3.1536799,3.153679787,3.153679734,3.15367964,3.153679647,3.153679868,3.153679679,3.153679573,3.153679578,3.153679589,3.153679989,3.153679607,3.1536799,3.153679562,3.153679604,3.15367974,3.153679531,3.153679799
+"13105","RACK1",11.54827577,11.1143207,11.16880197,10.93642024,11.20885903,11.34154043,11.42159448,11.11471317,11.54671272,11.56777047,10.92177629,11.34936457,11.45445015,11.78446512,11.41219725,10.65904964,11.15097582,10.75725705,11.33241087,11.18216542,11.3619797,11.38325274,11.50710051,11.32727707,10.78061396,11.34997976,11.50290249,11.50842137
+"13106","RAD1",5.691897756,5.691897641,5.691897688,5.691897651,5.691897589,5.691897625,5.691897681,5.691897602,5.691897678,5.69189772,5.691897689,5.691897609,5.691897782,5.691897825,5.691897663,5.691897647,5.691897498,5.691897611,5.691897631,5.691897555,5.691897661,5.691897604,5.69189776,5.691897697,5.691897742,5.691897692,5.691897704,5.691897723
+"13107","RAD17",6.4879633005,6.487962707,6.487963069,6.48796257,6.4879630895,6.487962874,6.4879632845,6.4879626955,6.487963102,6.4879632695,6.487962813,6.487963021,6.487962863,6.4879630065,6.487963201,6.48796243,6.4879630575,6.48796281,6.4879630445,6.487962818,6.4879631265,6.4879632815,6.487963019,6.4879626705,6.4879629395,6.4879630415,6.487962933,6.4879632975
+"13108","RAD18",5.65518441,5.655184425,5.655184399,5.655184242,5.655184368,5.655184292,5.655184429,5.655184313,5.655184528,5.655184384,5.655184348,5.655184211,5.655184395,5.655184633,5.65518439,5.655184294,5.655184396,5.655184261,5.655184495,5.655184341,5.655184452,5.655184357,5.655184485,5.655184379,5.655184376,5.655184299,5.655184415,5.655184485
+"13109","RAD21",8.478329957,8.478329746,8.47832893,8.47833051,8.478328812,8.478328566,8.478329446,8.478328714,8.478328998,8.478329006,8.478328614,8.478327676,8.478329673,8.478331322,8.478329566,8.478329406,8.478328431,8.478329862,8.478329687,8.478328555,8.478329926,8.478328898,8.478330101,8.478329275,8.478329742,8.478329005,8.478328953,8.478330484
+"13110","RAD21L1",2.918722883,2.918723102,2.918722996,2.918723045,2.918723049,2.918723065,2.918723048,2.918722976,2.918723009,2.918723205,2.918723107,2.918723333,2.918722933,2.918722998,2.918722989,2.918723037,2.918723114,2.918723095,2.918722959,2.918722977,2.91872297,2.918723061,2.91872297,2.918722934,2.918723084,2.918722941,2.918723066,2.91872326
+"13111","RAD23A",7.675990423,7.732576574,7.806550056,7.674091053,7.776850825,7.948668514,7.746055677,7.941036066,7.899954851,7.858614976,7.790906146,8.001765209,7.720697113,7.593280575,7.75625094,7.622483184,7.805788323,7.673341366,7.60698562,7.88130683,7.724593702,7.86629909,7.849643586,7.810509988,7.796797783,7.997340604,7.726542495,7.64191412
+"13112","RAD23B",7.548790224,7.548790167,7.548790106,7.548790218,7.548790075,7.548790123,7.548790123,7.548790007,7.548790113,7.548790147,7.548790096,7.548789886,7.548790145,7.548790222,7.548790137,7.54879007,7.548790103,7.548790164,7.548790147,7.548790186,7.54879008,7.548790077,7.548790214,7.548790253,7.548790086,7.548790089,7.548790136,7.548790173
+"13113","RAD50",6.291217197,6.291216605,6.291216479,6.291215984,6.291216601,6.29121628,6.291216552,6.291216425,6.2912169,6.291216541,6.291215948,6.291216361,6.291216757,6.291218171,6.291216907,6.291216296,6.291215893,6.29121612,6.291216454,6.291215868,6.291216647,6.291216371,6.291217139,6.291216626,6.291216097,6.291216632,6.291216851,6.29121768
+"13114","RAD51",3.957134338,3.957134431,3.957134415,3.957134367,3.957134463,3.957134441,3.957134697,3.957134364,3.95713454,3.957134389,3.957134377,3.957134408,3.95713446,3.957134322,3.957134473,3.957134373,3.95713445,3.957134553,3.957134633,3.957134545,3.957134743,3.957134334,3.9571345,3.95713447,3.957134603,3.957134413,3.957134422,3.957134386
+"13115","RAD51AP1",3.279400857,3.279400844,3.279400848,3.279400853,3.279400859,3.279400839,3.279400854,3.27940083,3.279400843,3.279400881,3.279400856,3.279400861,3.279400859,3.279400863,3.279400861,3.279400857,3.279400861,3.279400848,3.27940085,3.279400843,3.279400867,3.279400842,3.279400863,3.27940084,3.279400872,3.279400855,3.279400841,3.279400887
+"13116","RAD51B",6.028603939,6.028603898,6.028603714,6.02860361,6.028603643,6.028603726,6.028603732,6.028603718,6.028603894,6.028603734,6.028603462,6.028603676,6.028603784,6.028604092,6.028603775,6.028603749,6.02860359,6.028603495,6.028603796,6.028603707,6.028603674,6.028603677,6.028603864,6.028603756,6.028603644,6.028603773,6.028603807,6.028603919
+"13117","RAD51C",4.606085555,4.606085479,4.606085499,4.606085439,4.606085475,4.606085504,4.606085533,4.606085504,4.606085496,4.60608549,4.606085466,4.606085473,4.606085567,4.606085574,4.606085512,4.606085399,4.606085475,4.606085447,4.606085469,4.606085502,4.606085457,4.606085433,4.606085535,4.606085544,4.606085449,4.606085501,4.60608551,4.60608555
+"13118","RAD52",6.885047378,6.885047299,6.885047282,6.8850473,6.88504729,6.885047351,6.885047296,6.885047328,6.885047281,6.885047285,6.885047299,6.88504735,6.885047363,6.885047343,6.885047316,6.885047321,6.885047162,6.885047307,6.885047311,6.885047378,6.885047224,6.885047308,6.885047321,6.885047339,6.885047288,6.885047305,6.885047337,6.885047321
+"13119","RAD54L",4.662160126,4.662160131,4.662160214,4.662160179,4.662160223,4.66216019,4.662160249,4.662160228,4.662160219,4.662160199,4.662160214,4.662160241,4.662160189,4.662160133,4.662160219,4.662160216,4.662160251,4.662160182,4.662160233,4.662160176,4.662160258,4.662160221,4.662160187,4.66216015,4.662160198,4.662160214,4.66216018,4.662160231
+"13120","RAD54L2",6.605848173,6.605848185,6.605848153,6.605848138,6.605848143,6.605848192,6.605848175,6.605848155,6.605848184,6.605848194,6.605848105,6.605848146,6.605848184,6.605848196,6.605848172,6.60584815,6.605848118,6.605848085,6.605848149,6.605848174,6.605848139,6.605848137,6.605848167,6.605848153,6.605848144,6.605848188,6.605848163,6.605848152
+"13121","RAD9B",3.012656446,3.012656447,3.01265646,3.012656469,3.012656457,3.012656447,3.012656455,3.01265644,3.012656447,3.012656443,3.012656458,3.012656438,3.012656448,3.012656431,3.012656459,3.012656441,3.012656443,3.012656451,3.012656436,3.012656445,3.012656439,3.012656446,3.012656443,3.01265645,3.012656444,3.012656439,3.012656443,3.012656449
+"13122","RADIL",5.103135074,5.103135069,5.103135097,5.103135081,5.103135112,5.10313507,5.103135091,5.103135106,5.103135078,5.103135079,5.103135079,5.103135099,5.103135076,5.10313507,5.103135098,5.103135101,5.103135113,5.103135096,5.103135082,5.103135089,5.103135084,5.103135088,5.103135075,5.103135069,5.103135091,5.103135093,5.103135091,5.103135072
+"13123","RADX",4.220569383,4.220569264,4.22056917,4.220569145,4.220569221,4.220569097,4.220569042,4.2205692,4.220569235,4.220569214,4.220569183,4.220569181,4.220569266,4.220569594,4.220569378,4.220569194,4.220569024,4.220569112,4.220569315,4.22056901,4.220569188,4.22056921,4.220569375,4.220569162,4.220569101,4.220569184,4.220569236,4.220569549
+"13124","RAE1",6.983634494,6.98363454,6.983634273,6.983634286,6.983634267,6.983634556,6.983634329,6.983634313,6.983634504,6.983634392,6.983634059,6.98363419,6.983634433,6.983634495,6.983634237,6.983634314,6.983634067,6.983634089,6.983634466,6.983634349,6.983634224,6.983634291,6.983634556,6.983634501,6.98363403,6.983634309,6.98363452,6.983634406
+"13125","RAET1E",3.684031761,3.684031727,3.684031926,3.684031688,3.684031963,3.684031645,3.684031934,3.684031924,3.684031823,3.68403183,3.684031912,3.684031867,3.68403172,3.684031816,3.68403178,3.684031942,3.684031977,3.684031818,3.684031818,3.68403195,3.684031904,3.684032002,3.684031692,3.684031844,3.684031937,3.684031846,3.684031892,3.684031818
+"13126","RAET1E-AS1",5.662141605,5.662141617,5.662141689,5.66214165,5.662141791,5.662141593,5.662141693,5.662141704,5.662141685,5.662141661,5.662141697,5.662141773,5.662141653,5.662141553,5.662141747,5.662141774,5.662141838,5.662141759,5.662141746,5.66214166,5.662141781,5.662141749,5.662141688,5.662141647,5.662141732,5.662141763,5.662141611,5.66214173
+"13127","RAET1G",5.947340274,5.947340251,5.947340436,5.947340396,5.947340696,5.947340376,5.947340508,5.947340642,5.947340424,5.947340471,5.947340448,5.947340682,5.947340451,5.947340219,5.947340605,5.947340455,5.947340609,5.94734048,5.947340459,5.947340486,5.947340637,5.94734067,5.947340279,5.947340283,5.947340376,5.947340515,5.947340334,5.947340484
+"13128","RAET1L",5.439460623,5.439460638,5.43946071,5.439460672,5.439460727,5.43946058,5.43946073,5.439460747,5.439460711,5.439460725,5.439460769,5.439460751,5.439460629,5.439460577,5.439460736,5.439460635,5.439460818,5.439460658,5.439460747,5.439460678,5.439460701,5.439460815,5.439460678,5.439460616,5.439460555,5.439460732,5.439460708,5.439460702
+"13129","RAF1",8.930289201,8.93029005,8.930052902,8.930965455,8.929674938,8.930259658,8.930235967,8.929801286,8.929658804,8.929593338,8.930009155,8.92978019,8.930070697,8.930157311,8.930329226,8.930265662,8.930081103,8.930697592,8.930419654,8.930409228,8.930220799,8.929977515,8.93018856,8.930257827,8.930378654,8.930101954,8.930057455,8.929936348
+"13130","RAG1",3.475870496,3.475870478,3.475870545,3.475870452,3.475870546,3.475870529,3.475870502,3.475870564,3.475870575,3.475870462,3.475870546,3.475870559,3.47587047,3.475870476,3.475870498,3.475870447,3.4758705,3.47587055,3.475870511,3.475870492,3.475870521,3.475870529,3.475870489,3.4758705,3.475870487,3.475870568,3.475870496,3.475870447
+"13131","RAG2",2.686393499,2.686393564,2.686393655,2.686393508,2.686393577,2.686393577,2.686393502,2.686393652,2.686393562,2.686393666,2.686393647,2.686393581,2.68639346,2.686393619,2.686393553,2.68639347,2.686393704,2.686393675,2.686393674,2.686393733,2.686393411,2.686393545,2.686393451,2.686393593,2.686393604,2.686393516,2.686393548,2.686393676
+"13132","RAI1",5.766792475,5.766792439,5.766792573,5.766792459,5.766792541,5.766792519,5.766792528,5.766792536,5.766792508,5.76679255,5.766792549,5.766792537,5.766792514,5.766792456,5.766792492,5.766792439,5.766792504,5.766792538,5.766792547,5.766792517,5.766792539,5.766792553,5.766792531,5.766792532,5.766792511,5.766792571,5.766792498,5.766792503
+"13133","RAI14",3.375106711,3.37510671,3.375106702,3.375106805,3.375106712,3.375106736,3.375106656,3.375106759,3.375106769,3.375106728,3.375106758,3.375106749,3.375106635,3.375106665,3.375106678,3.375106752,3.375106782,3.37510676,3.375106748,3.375106734,3.375106698,3.375106756,3.375106673,3.375106703,3.375106658,3.375106773,3.375106756,3.375106794
+"13134","RAI2",5.576570653,5.576570647,5.576570674,5.57657066,5.576570693,5.576570665,5.57657067,5.576570683,5.576570662,5.576570671,5.576570677,5.576570684,5.576570665,5.576570629,5.576570669,5.57657067,5.576570701,5.576570679,5.576570669,5.576570675,5.576570688,5.576570675,5.576570665,5.576570642,5.576570672,5.576570666,5.576570662,5.576570658
+"13135","RALA",5.861052078,5.861052092,5.861052075,5.861052073,5.861052032,5.861052055,5.861052015,5.861052013,5.86105214,5.861052135,5.861052015,5.861052009,5.861052088,5.861052281,5.861052025,5.861052017,5.861052009,5.861052003,5.861052098,5.861052099,5.861052055,5.861052023,5.861052129,5.861052115,5.861052055,5.861052035,5.861052081,5.861052218
+"13136","RALB",8.566221448,8.928712175,8.114733764,9.024349145,8.107216691,8.478862596,8.307343001,8.093662771,8.278192706,8.151282529,8.521571642,7.533714654,8.261447013,8.643941398,8.340920585,9.062345136,8.078870174,8.878096329,8.550193677,8.798600074,8.16219208,8.127384346,8.598499865,8.729606787,8.454095918,7.787448949,8.197426915,8.417908739
+"13137","RALBP1",7.927652911,7.927654565,7.927653412,7.927654248,7.927653483,7.92765345,7.927653625,7.927653617,7.927653179,7.927655345,7.92765337,7.927652936,7.927653179,7.92765383,7.927653271,7.927654146,7.927653587,7.927654055,7.927653572,7.927653288,7.927653347,7.92765373,7.927653543,7.927655278,7.927653724,7.927653414,7.927653081,7.927653387
+"13138","RALGAPA1",5.1796363375,5.179635301,5.1796356855,5.179634982,5.179633834,5.1796345055,5.1796366985,5.1796365765,5.1796374735,5.179636399,5.179635884,5.1796337585,5.179636187,5.1796377315,5.1796346165,5.17963671,5.179633983,5.179635163,5.179635494,5.1796353335,5.1796352015,5.1796360195,5.179634011,5.1796367955,5.17963511,5.179636072,5.179637201,5.1796350955
+"13139","RALGAPA2",8.396530571,8.396531197,8.39653032,8.396531539,8.396530356,8.396531057,8.396531037,8.396530451,8.39653056,8.396530461,8.396530798,8.396530034,8.396530917,8.396530881,8.396530626,8.396531205,8.396530608,8.396530909,8.396531144,8.396531064,8.396531025,8.396530492,8.396531176,8.396531234,8.396531082,8.396530484,8.396530733,8.396530521
+"13140","RALGAPB",8.088732414,8.088732344,8.088732213,8.088732261,8.088732176,8.088732343,8.088732362,8.088732249,8.088732311,8.08873221,8.088732132,8.088732166,8.088732329,8.088732452,8.088732319,8.088732195,8.088732005,8.088732128,8.088732368,8.088732163,8.088732341,8.088732227,8.088732338,8.088732319,8.088732227,8.088732223,8.088732318,8.088732266
+"13141","RALGDS",6.558946593,6.558946385,6.558946513,6.55894637,6.558946579,6.558946643,6.558946501,6.558946765,6.558946697,6.558946588,6.558946736,6.558946564,6.558946594,6.558946242,6.558946555,6.558946108,6.558946422,6.55894644,6.558946114,6.55894635,6.55894649,6.558946701,6.558946598,6.558946566,6.558946628,6.558946614,6.558946431,6.558946264
+"13142","RALGPS1",6.033987698,6.033987649,6.033987667,6.033987599,6.033987682,6.033987719,6.033987699,6.033987671,6.033987593,6.033987558,6.033987676,6.03398762,6.03398772,6.033987651,6.033987672,6.033987731,6.033987635,6.033987712,6.033987735,6.033987702,6.033987692,6.033987669,6.033987554,6.033987603,6.033987706,6.033987626,6.03398771,6.033987651
+"13143","RALGPS2",6.546146559,6.546099136,6.546061806,6.54609904,6.546044723,6.546066646,6.546096811,6.546034206,6.546068245,6.546085393,6.546074112,6.54604508,6.546085462,6.546172137,6.546112361,6.546095114,6.546051887,6.546103075,6.546095047,6.546057751,6.546075948,6.54604936,6.54607188,6.546099695,6.546075658,6.546097615,6.546103109,6.54616181
+"13144","RALGPS2-AS1",5.393189802,5.393189832,5.39318987,5.393189826,5.393189946,5.393189873,5.393189907,5.393189863,5.393189882,5.393189916,5.393189913,5.393189913,5.393189883,5.393189793,5.393189914,5.393189912,5.39318993,5.393189914,5.393189862,5.393189818,5.393189947,5.393189901,5.393189849,5.393189845,5.393189837,5.393189945,5.393189851,5.393189886
+"13145","RALY",8.948537811,8.948538246,8.948537828,8.948538089,8.948537802,8.948538569,8.948538037,8.94853793,8.948538135,8.948538157,8.94853765,8.948537689,8.94853812,8.94853808,8.948537877,8.948538043,8.948537742,8.948537908,8.948537952,8.948538491,8.948537921,8.94853798,8.948538235,8.948538268,8.948537776,8.948537883,8.948538139,8.948537825
+"13146","RALYL",3.3045327,3.304532668,3.304532712,3.304532734,3.304532706,3.304532721,3.304532734,3.304532752,3.304532687,3.304532714,3.30453268,3.30453271,3.304532691,3.3045327,3.304532721,3.304532697,3.304532672,3.304532762,3.304532728,3.304532714,3.304532694,3.304532725,3.304532705,3.304532721,3.304532707,3.304532689,3.304532697,3.304532743
+"13147","RAMAC",5.384724803,5.384725023,5.384724577,5.3847247205,5.3847242495,5.3847244145,5.384724497,5.3847241775,5.384724647,5.3847245845,5.384724685,5.3847242205,5.384724412,5.3847249565,5.3847246335,5.384724954,5.38472444,5.384724461,5.384724875,5.384724543,5.3847244055,5.384724247,5.3847247275,5.3847247565,5.3847244715,5.3847243875,5.384724569,5.3847245605
+"13148","RAMP1",6.540611169,6.540611015,6.540611476,6.540611134,6.540612083,6.54061154,6.540611604,6.540611701,6.54061133,6.540611559,6.540611684,6.540611891,6.540611222,6.540610464,6.540611828,6.54061132,6.540612216,6.540611554,6.540611722,6.540611647,6.540611794,6.540611891,6.540611165,6.540610807,6.540611397,6.540611596,6.540611337,6.540611288
+"13149","RAMP2",4.789265715,4.789265631,4.789265662,4.78926567,4.789265747,4.789265691,4.789265731,4.789265794,4.789265687,4.789265788,4.78926584,4.789265829,4.789265695,4.789265578,4.789265828,4.789265739,4.789265887,4.789265697,4.789265776,4.789265674,4.78926574,4.789265818,4.78926563,4.789265578,4.789265677,4.789265654,4.789265578,4.78926569
+"13150","RAMP2-AS1",5.94507988,5.945079893,5.94507999,5.945079926,5.945079972,5.945079904,5.945079951,5.945079922,5.945079936,5.945079918,5.945079969,5.945079969,5.945079939,5.94507988,5.945079956,5.945079953,5.945079975,5.945079961,5.945079952,5.945079961,5.945079976,5.945079976,5.945079898,5.945079925,5.945079949,5.945079971,5.945079932,5.945079917
+"13151","RAMP3",6.235116697,6.235116735,6.235116939,6.235116939,6.235117007,6.235116822,6.235116921,6.23511688,6.235116922,6.235116908,6.23511696,6.235116945,6.235116847,6.23511659,6.235116954,6.235116697,6.23511709,6.235117027,6.235116776,6.235116949,6.235116872,6.235116904,6.235116843,6.235116807,6.235116949,6.235116843,6.235116907,6.235116744
+"13152","RAN",6.815962613,6.815962518,6.8159620995,6.8159619545,6.815961851,6.815961984,6.8159623135,6.815961969,6.8159624115,6.8159620285,6.815962028,6.8159616035,6.815962282,6.815962813,6.815962044,6.81596226,6.8159614915,6.8159617875,6.815961922,6.815962292,6.8159624675,6.8159620275,6.81596241,6.815962185,6.8159616145,6.8159620455,6.815962263,6.8159622315
+"13153","RANBP1",6.981891269,6.981891305,6.981890905,6.981890655,6.981891041,6.981891353,6.981891386,6.981890939,6.981891489,6.98189128,6.981890682,6.981890813,6.981891216,6.981891507,6.981891134,6.981891057,6.981890808,6.981890487,6.981891221,6.981891303,6.981891408,6.981890996,6.981891211,6.981891091,6.981890834,6.981891212,6.981891207,6.981891062
+"13154","RANBP10",8.04927554,7.78901104,8.604853214,7.901106195,8.159451413,8.734008088,8.214653458,8.641909945,8.704970825,8.375239572,8.202408902,8.691996195,7.523399497,7.612943327,8.139930384,7.335220905,8.450589512,8.037613979,7.823383131,8.472471,7.989056915,8.387001367,8.477244727,8.257654896,8.266663294,8.663643372,7.812984998,8.029973766
+"13155","RANBP17",3.509670804,3.509670988,3.509671022,3.509670938,3.509671036,3.509671149,3.509671214,3.509671059,3.509671191,3.509671147,3.509671,3.50967124,3.509671057,3.50967114,3.509671161,3.509671096,3.509671404,3.509671144,3.50967085,3.509670961,3.50967105,3.509671233,3.509671192,3.509671008,3.509671132,3.509671101,3.509671053,3.509671202
+"13156","RANBP2",6.648446496,6.648446607,6.64844553,6.648445967,6.648445425,6.648444617,6.648445602,6.648444789,6.648445951,6.64844609,6.648444792,6.648444958,6.64844595,6.648448357,6.6484452,6.648445889,6.648443757,6.64844457,6.648445661,6.64844408,6.648445318,6.648444456,6.648446063,6.648445827,6.648444895,6.648444997,6.648445461,6.648447081
+"13157","RANBP3",7.61906129,7.619061306,7.619060777,7.619061181,7.619061103,7.619061305,7.619061178,7.619061136,7.619061374,7.619061253,7.619060882,7.619061019,7.61906131,7.619061253,7.619060974,7.619061098,7.619060763,7.619060962,7.619061036,7.619061033,7.619060921,7.619060872,7.61906131,7.619061261,7.61906112,7.619061251,7.619061335,7.619061127
+"13158","RANBP3L",2.911285656,2.91128566,2.911285696,2.911285669,2.911285642,2.91128567,2.911285663,2.911285679,2.911285656,2.911285635,2.911285658,2.911285683,2.911285633,2.911285634,2.911285667,2.911285655,2.911285643,2.911285655,2.91128563,2.911285661,2.911285637,2.911285661,2.91128567,2.911285673,2.91128566,2.911285665,2.911285659,2.911285688
+"13159","RANBP6",5.746337591,5.746337424,5.746337529,5.746336411,5.746336922,5.746336699,5.746337052,5.746336869,5.746337326,5.746337218,5.746337013,5.746336464,5.746337442,5.746339291,5.746336617,5.746336446,5.746336799,5.74633667,5.746337203,5.746335971,5.746337289,5.746337043,5.746337875,5.746336851,5.746336361,5.746337111,5.746337304,5.746338851
+"13160","RANBP9",7.454727083,7.454727001,7.454727004,7.454726786,7.45472657,7.45472678,7.454727024,7.454726804,7.4547269,7.454726867,7.4547266,7.454726579,7.454726859,7.454727438,7.454726914,7.454726891,7.454726573,7.454726648,7.454726919,7.454726875,7.454727037,7.454726697,7.454727138,7.454726965,7.454726794,7.454726774,7.454726844,7.454727098
+"13161","RANGAP1",6.677700916,6.677700996,6.677700844,6.67770087,6.677700964,6.677701208,6.677701027,6.67770094,6.677701044,6.677701054,6.677700721,6.677700945,6.677701089,6.677701091,6.677700809,6.677700856,6.677700512,6.677700537,6.677700859,6.677701065,6.677700948,6.677700792,6.677700941,6.677700873,6.677700794,6.677700862,6.677701081,6.677700774
+"13162","RANGRF",5.900169276,5.900169263,5.900169279,5.900169277,5.900169295,5.900169334,5.900169274,5.900169275,5.900169281,5.900169333,5.900169277,5.900169295,5.900169304,5.900169274,5.900169281,5.900169239,5.900169294,5.900169231,5.900169272,5.900169239,5.900169289,5.900169299,5.900169309,5.900169301,5.900169253,5.90016928,5.900169332,5.900169265
+"13163","RAP1A",6.893127108,6.89312704,6.893126448,6.893126742,6.893125782,6.893125607,6.893126181,6.893126147,6.893126162,6.89312596,6.893126086,6.893124641,6.893126689,6.89312786,6.893126187,6.89312669,6.89312577,6.893125632,6.893126454,6.89312658,6.893126718,6.893126035,6.893126555,6.893127106,6.893126367,6.893125966,6.893126485,6.893126843
+"13164","RAP1B",6.798001204,6.7959812025,6.794777456,6.796073371,6.791537428,6.7878997425,6.79170986,6.7902734225,6.791693005,6.7955145045,6.794767831,6.7876402605,6.7932064445,6.8034284445,6.7923595755,6.794508701,6.791838872,6.79582044,6.7928629835,6.789722477,6.795057043,6.792133893,6.7947763555,6.798361432,6.794733125,6.792617873,6.7920380135,6.7999678575
+"13165","RAP1GAP",5.410393263,5.410392006,5.410394759,5.41039251,5.410391933,5.410391495,5.41039239,5.410395446,5.410395719,5.41039379,5.410393542,5.410392473,5.410392283,5.410391034,5.410393893,5.410391398,5.410394823,5.410393353,5.410391438,5.410391826,5.410392713,5.410394861,5.410395454,5.410394185,5.410393854,5.410392844,5.410392475,5.410392617
+"13166","RAP1GAP2",7.771517826,7.771517899,7.771517822,7.771517931,7.771517702,7.771518105,7.771517918,7.771517963,7.771517791,7.771517764,7.771517913,7.771517602,7.771517913,7.771517738,7.77151784,7.771517893,7.771517757,7.771517884,7.77151785,7.771517998,7.771517851,7.771517895,7.771517913,7.771517907,7.771517903,7.771517788,7.771517872,7.771517698
+"13167","RAP1GDS1",6.52572992,6.525729609,6.525729313,6.525729157,6.52572933,6.525728991,6.525729518,6.525729065,6.525729174,6.525729308,6.525729195,6.525728654,6.525729664,6.525730264,6.525729474,6.525729219,6.525728912,6.525728813,6.525729412,6.525729081,6.525729235,6.525729189,6.525729457,6.525729644,6.525729245,6.525729129,6.5257294,6.525729827
+"13168","RAP2A",6.483086853,6.483086551,6.483086542,6.483086066,6.48308632,6.483086392,6.483086637,6.483086599,6.483086537,6.483086496,6.483086621,6.483086277,6.48308665,6.483087358,6.483086631,6.483086081,6.483086375,6.483086115,6.483086321,6.483085346,6.483086414,6.483086336,6.483086937,6.483086686,6.483086576,6.483086336,6.483086789,6.483087082
+"13169","RAP2B",7.687401773,7.687401784,7.687401668,7.687401645,7.687401632,7.687401719,7.687401671,7.687401678,7.687401675,7.687401682,7.687401598,7.687401549,7.687401679,7.687401899,7.687401709,7.687401703,7.687401632,7.687401627,7.687401697,7.687401573,7.687401649,7.687401716,7.687401791,7.687401745,7.687401591,7.687401639,7.687401697,7.687401804
+"13170","RAP2C",6.860583803,6.860583732,6.860583723,6.860583765,6.860583752,6.86058377,6.86058373,6.86058367,6.86058372,6.860583732,6.860583747,6.860583597,6.860583757,6.860583848,6.860583802,6.860583764,6.860583789,6.860583815,6.860583797,6.860583718,6.86058381,6.86058374,6.860583723,6.860583768,6.860583792,6.860583693,6.86058377,6.860583795
+"13171","RAPGEF1",6.808643079,6.808643017,6.808642884,6.8086429625,6.8086428185,6.808642706,6.808642816,6.8086429895,6.808642864,6.80864278,6.808642872,6.8086427445,6.808643037,6.80864287,6.8086428845,6.808642919,6.8086427515,6.80864277,6.808642909,6.808642806,6.808642797,6.808642901,6.8086429345,6.8086428975,6.8086430005,6.808642959,6.808643064,6.808642781
+"13172","RAPGEF2",7.415936222,7.415936825,7.415935699,7.415937399,7.415935699,7.41593585,7.415936145,7.415935516,7.41593518,7.41593544,7.415936279,7.415935511,7.415935712,7.415936469,7.415936301,7.415936668,7.415935477,7.415937116,7.415936452,7.415934133,7.415936174,7.415935457,7.415935661,7.415936045,7.415936748,7.415935848,7.415936007,7.41593603
+"13173","RAPGEF3",5.300652652,5.300652609,5.300652719,5.300652684,5.300652713,5.300652638,5.300652626,5.3006527275,5.300652653,5.3006526255,5.300652661,5.300652686,5.3006526155,5.300652612,5.3006526815,5.3006526875,5.3006527205,5.300652717,5.300652641,5.300652674,5.300652698,5.300652713,5.300652619,5.300652658,5.300652717,5.3006526695,5.30065262,5.300652657
+"13174","RAPGEF4",3.914478934,3.91447893,3.914478952,3.914478941,3.914478951,3.914478934,3.914478918,3.914478943,3.914478933,3.914478913,3.914478947,3.914478967,3.91447894,3.914478929,3.914478939,3.914478924,3.914478946,3.914478945,3.914478933,3.914478919,3.914478942,3.914478933,3.914478912,3.914478914,3.914478933,3.914478948,3.914478915,3.914478944
+"13175","RAPGEF5",3.85467866,3.854678595,3.854678566,3.854678667,3.854678657,3.85467858,3.854678632,3.854678629,3.85467867,3.854678603,3.854678562,3.854678583,3.854678673,3.85467859,3.854678659,3.854678665,3.854678689,3.854678662,3.854678619,3.85467865,3.854678649,3.854678648,3.85467864,3.854678591,3.854678548,3.85467862,3.854678644,3.854678715
+"13176","RAPGEF6",7.288386155,7.288386183,7.288385688,7.288385826,7.288385586,7.288385379,7.288385761,7.288385692,7.288386365,7.288385893,7.28838541,7.288385597,7.288386003,7.288386961,7.288385915,7.28838597,7.288385343,7.288385574,7.288386182,7.288384845,7.288385776,7.288385824,7.288386224,7.288385949,7.288385532,7.288386027,7.28838613,7.288386571
+"13177","RAPGEFL1",5.250604789,5.250604822,5.250604732,5.250604895,5.250604814,5.250604745,5.250604918,5.25060488,5.250604678,5.250604609,5.250605167,5.250604756,5.250604661,5.250604523,5.250604679,5.250604732,5.25060492,5.250604912,5.250604829,5.250604806,5.250604875,5.250604756,5.250604516,5.250604741,5.250605311,5.250604768,5.250604687,5.250604631
+"13178","RAPH1",4.437281435,4.43728144,4.437281473,4.437281418,4.437281402,4.437281441,4.437281426,4.437281419,4.437281435,4.437281435,4.437281415,4.437281427,4.437281451,4.437281462,4.43728144,4.437281435,4.43728144,4.437281447,4.437281434,4.437281464,4.437281428,4.437281424,4.437281397,4.437281421,4.437281422,4.437281443,4.437281455,4.437281433
+"13179","RAPSN",5.493255561,5.493255566,5.493255595,5.493255567,5.493255597,5.493255567,5.493255608,5.493255567,5.493255552,5.493255599,5.493255599,5.493255618,5.493255566,5.493255525,5.493255575,5.493255579,5.4932556,5.493255596,5.493255557,5.493255607,5.493255588,5.493255601,5.493255553,5.493255541,5.493255588,5.493255572,5.493255548,5.493255556
+"13180","RARA",7.152360317,7.152360815,7.152360184,7.152361074,7.152360443,7.15236094,7.152360429,7.152360326,7.15236035,7.152360296,7.152360615,7.152359756,7.152360522,7.152359932,7.152360256,7.152360505,7.152360408,7.152360925,7.15236067,7.152360581,7.152360313,7.152360269,7.15236052,7.152360668,7.152360992,7.15236017,7.152360539,7.152359835
+"13181","RARB",4.03519007,4.03518999,4.035190073,4.035189898,4.035190166,4.035190007,4.035190086,4.035190126,4.035190088,4.035190057,4.035190123,4.035190055,4.035189995,4.035189997,4.035190093,4.035190195,4.035190225,4.035190107,4.035190127,4.035190103,4.035190113,4.035190129,4.035190026,4.035190025,4.035190131,4.035190106,4.035189989,4.035190159
+"13182","RARG",5.919704976,5.919704977,5.919704962,5.919704963,5.919704988,5.919704986,5.919704974,5.919704982,5.919704986,5.919704983,5.919704976,5.919704992,5.919704979,5.919704972,5.919704988,5.919704973,5.919704975,5.91970496,5.919704979,5.919704976,5.919704971,5.919704987,5.919704973,5.919704963,5.919704968,5.919704982,5.919704978,5.919704975
+"13183","RARRES1",4.43489288,4.434892879,4.434892916,4.434892904,4.434892942,4.434892936,4.434892869,4.434892912,4.434892882,4.434892907,4.434892941,4.434892925,4.43489291,4.43489285,4.434892932,4.434892852,4.434892932,4.434892916,4.434892912,4.434892945,4.434892907,4.43489294,4.434892939,4.434892848,4.434892948,4.434892929,4.434892916,4.434892893
+"13184","RARRES2",5.950611262,5.950611322,5.950611368,5.950611352,5.950611395,5.950611241,5.950611296,5.950611391,5.950611353,5.950611366,5.950611343,5.950611386,5.950611336,5.950611277,5.950611375,5.950611378,5.950611368,5.950611371,5.950611323,5.950611356,5.950611322,5.950611359,5.950611279,5.950611349,5.95061134,5.950611372,5.9506113,5.950611318
+"13185","RARS1",6.127820948,6.127820265,6.127820845,6.127820265,6.1278202,6.127820283,6.127820844,6.127819902,6.127820443,6.127820141,6.127820235,6.127819911,6.127820763,6.127821626,6.127820338,6.127820368,6.12782009,6.127819198,6.127820582,6.127820086,6.127820423,6.127820293,6.127820552,6.127820306,6.127820341,6.127820593,6.127820772,6.127820354
+"13186","RARS2",6.421696107,6.421695845,6.421695639,6.42169562,6.421695102,6.421695033,6.42169567,6.421695163,6.421695527,6.421695754,6.421694964,6.421695022,6.421695665,6.421696292,6.421695495,6.421695724,6.421695017,6.421694661,6.421695666,6.421694555,6.421695462,6.421695454,6.421695603,6.421695751,6.42169534,6.421695392,6.421695872,6.421695574
+"13187","RASA1",7.024532002,7.024531926,7.024531356,7.024531429,7.024530984,7.02453074,7.024531196,7.024530906,7.024531449,7.024531273,7.024531153,7.024530536,7.024531624,7.024532599,7.024531531,7.024531639,7.024530812,7.024531088,7.024531422,7.024530822,7.024531127,7.024530884,7.02453134,7.024531382,7.024531348,7.024530928,7.024531437,7.024532036
+"13188","RASA2",6.982099271,6.982098697,6.982098032,6.982098642,6.982097599,6.982097905,6.982098491,6.982098277,6.982098639,6.982098086,6.98209787,6.982098035,6.982098731,6.982099567,6.982098412,6.982098056,6.982097377,6.982098192,6.982098477,6.982097582,6.982098444,6.982098084,6.982098801,6.982098612,6.982098092,6.982098362,6.982098882,6.982098695
+"13189","RASA3",8.842487966,8.842487897,8.842487012,8.842487193,8.842487699,8.842487871,8.842488008,8.8424877,8.842489042,8.84248855,8.842487567,8.842488128,8.842488407,8.842488478,8.842487742,8.842487263,8.84248627,8.842487129,8.84248773,8.842486428,8.842487531,8.842487697,8.842488348,8.842488129,8.842487098,8.842488145,8.842488593,8.842488329
+"13190","RASAL1",4.988384165,4.988384324,4.988384404,4.988384174,4.988384452,4.98838433,4.988384479,4.98838444,4.988384144,4.988384205,4.988384408,4.98838447,4.988384327,4.988384131,4.988384541,4.988384343,4.988384612,4.98838436,4.988384342,4.988384232,4.988384576,4.9883845,4.988384109,4.988384144,4.988384496,4.988384499,4.988384124,4.988384354
+"13191","RASAL2",4.008887351,4.008887329,4.008887255,4.008887309,4.008887382,4.008887312,4.008887332,4.008887324,4.008887346,4.008887336,4.008887278,4.008887384,4.008887308,4.008887305,4.008887338,4.008887367,4.008887346,4.00888733,4.008887374,4.008887349,4.008887366,4.008887379,4.008887299,4.008887297,4.008887315,4.008887326,4.0088873,4.008887406
+"13192","RASAL3",7.627261633,7.627261478,7.627261456,7.6272614,7.627261306,7.627261651,7.627261647,7.627261355,7.627261717,7.627261496,7.627261388,7.627261506,7.627261726,7.627261559,7.627261442,7.627261427,7.627261195,7.627261277,7.627261359,7.62726161,7.627261627,7.627261702,7.627261649,7.627261521,7.62726141,7.627261605,7.627261684,7.627261579
+"13193","RASD1",5.915881895,5.915881705,5.915882428,5.915882167,5.915883355,5.915882373,5.915882976,5.915882618,5.915882459,5.915882503,5.915882691,5.915883124,5.915881961,5.915881093,5.915882952,5.915881934,5.915882939,5.915882353,5.915882649,5.915881979,5.91588284,5.915882894,5.915882364,5.915881729,5.915882022,5.915882525,5.915882197,5.915882228
+"13194","RASD2",5.124422573,5.124422509,5.124422744,5.124422557,5.124422868,5.124422461,5.124422744,5.124422801,5.124422605,5.124422666,5.124422806,5.124422914,5.124422587,5.124422387,5.124422694,5.124422725,5.124422943,5.124422858,5.124422692,5.124422696,5.12442296,5.124422982,5.124422506,5.124422485,5.124422788,5.12442279,5.124422533,5.124422504
+"13195","RASEF",3.921380773,3.921380765,3.921380785,3.921380773,3.921380831,3.921380781,3.92138079,3.921380799,3.921380783,3.921380816,3.921380804,3.921380838,3.921380789,3.921380761,3.92138081,3.921380786,3.921380815,3.921380799,3.921380789,3.921380778,3.921380793,3.921380795,3.921380791,3.921380787,3.921380794,3.921380788,3.921380779,3.921380801
+"13196","RASGEF1A",5.831907707,5.83190757,5.831907668,5.831907697,5.831907784,5.831907725,5.831907805,5.831907762,5.831907556,5.83190767,5.831907735,5.831907785,5.831907641,5.831907571,5.831907791,5.831907665,5.831907756,5.831907734,5.83190773,5.831907744,5.831907697,5.831907757,5.831907617,5.831907639,5.831907799,5.831907689,5.831907652,5.831907743
+"13197","RASGEF1B",5.182452799,5.182452575,5.182452607,5.182452577,5.182452644,5.182452867,5.182452685,5.182452539,5.182452464,5.182452743,5.182452346,5.182452411,5.182452902,5.182453056,5.182452671,5.182452486,5.182452527,5.182452799,5.182452618,5.182452724,5.182452483,5.182452423,5.182452378,5.182452774,5.182452572,5.182452631,5.182452996,5.182453018
+"13198","RASGEF1C",5.200064716,5.200064652,5.200064725,5.200064672,5.200065007,5.200064689,5.200064898,5.200064831,5.200064714,5.200064801,5.200064873,5.200064997,5.200064743,5.200064547,5.200064916,5.200064781,5.200064985,5.200064826,5.200064774,5.200064738,5.200064911,5.200064885,5.200064668,5.200064685,5.200064709,5.200064831,5.200064708,5.200064832
+"13199","RASGRF1",4.531719324,4.531719303,4.531719331,4.531719324,4.531719381,4.531719327,4.531719337,4.531719329,4.531719313,4.531719374,4.531719395,4.531719414,4.531719375,4.531719327,4.53171939,4.531719287,4.531719369,4.531719386,4.531719312,4.531719338,4.531719356,4.531719341,4.531719257,4.531719346,4.53171931,4.53171935,4.531719356,4.531719357
+"13200","RASGRF2",6.145294937,6.145295061,6.145293623,6.145294857,6.145294075,6.145294687,6.145294165,6.145295468,6.145295414,6.145295528,6.145294034,6.145295542,6.14529512,6.145295714,6.145294077,6.145294841,6.145294013,6.145293867,6.145294234,6.145294534,6.145294232,6.14529583,6.145294946,6.145295101,6.145294356,6.145295881,6.145295639,6.145295147
+"13201","RASGRP1",8.320336949,8.281217051,8.24237043,8.234445148,8.278627829,8.307690963,8.301073494,8.283599525,8.347863235,8.324986841,8.21873785,8.279854158,8.322480211,8.339369766,8.287849326,8.245412701,8.197144789,8.230786732,8.297837041,8.272532966,8.298955617,8.278668323,8.334943716,8.306097222,8.240025216,8.301608741,8.327858419,8.310972214
+"13202","RASGRP2",8.632661266,8.632661368,8.632661004,8.632661198,8.632661075,8.63266143,8.632661171,8.632661014,8.632661694,8.63266148,8.632661114,8.632661344,8.632661413,8.632661577,8.632661097,8.632661302,8.632660947,8.632661101,8.632661133,8.632660985,8.632660985,8.632661143,8.632661464,8.632661183,8.632660978,8.632661483,8.63266149,8.632661311
+"13203","RASGRP3",5.278447014,5.278445527,5.278445583,5.278446069,5.278445699,5.278447067,5.278446587,5.278444768,5.278445912,5.278445925,5.278445017,5.278445621,5.27844584,5.278447277,5.278446511,5.278444952,5.278445541,5.278446184,5.278445985,5.278446911,5.278445895,5.278445081,5.278445914,5.278446346,5.278444965,5.278445446,5.27844641,5.278447111
+"13204","RASGRP4",7.780364726,7.780366499,7.780365627,7.780368046,7.780365078,7.780367025,7.780366205,7.780365998,7.780365215,7.780365439,7.78036643,7.780364751,7.780366079,7.780363989,7.780365049,7.780366227,7.780366234,7.780367451,7.780365951,7.780367124,7.780366066,7.780365548,7.780365442,7.780366516,7.780367114,7.780365089,7.780365789,7.780364428
+"13205","RASIP1",5.132272916,5.132273036,5.132273161,5.132273132,5.132273421,5.132273106,5.132273294,5.132273263,5.132273105,5.132273007,5.132273312,5.132273383,5.132273128,5.132272724,5.132273231,5.132273282,5.132273222,5.13227326,5.132273179,5.132273029,5.13227309,5.132273219,5.132273078,5.132272893,5.132273221,5.132273236,5.132273209,5.132273285
+"13206","RASL10A",5.691299978,5.691299993,5.691300019,5.6913,5.691300071,5.691299985,5.691299992,5.691300033,5.691299995,5.691300054,5.691300029,5.691300037,5.691299993,5.691299983,5.691300046,5.691300001,5.691300045,5.691300044,5.691300036,5.691300045,5.691300026,5.691300025,5.691300011,5.691300011,5.691299999,5.691300039,5.691300015,5.691299996
+"13207","RASL10B",6.444322229,6.444322216,6.444322368,6.444322268,6.444322472,6.444322296,6.444322295,6.444322378,6.444322319,6.444322401,6.444322389,6.444322465,6.444322282,6.444322047,6.444322417,6.444322349,6.444322392,6.4443224,6.444322283,6.444322327,6.444322336,6.44432242,6.444322224,6.444322251,6.444322309,6.44432235,6.444322276,6.444322313
+"13208","RASL11A",4.795321412,4.795321682,4.795321555,4.795321441,4.79532131,4.795321136,4.795321222,4.795321519,4.795321319,4.795321428,4.795321435,4.79532144,4.795321396,4.795321069,4.795321405,4.795321404,4.79532178,4.795321388,4.795321365,4.795321205,4.795321506,4.795321332,4.795321415,4.795321346,4.795321327,4.795321416,4.795321196,4.795321301
+"13209","RASL11B",4.261198325,4.261198381,4.261198317,4.261198297,4.261198498,4.26119839,4.26119843,4.261198389,4.261198341,4.261198355,4.261198374,4.261198527,4.261198352,4.2611982,4.261198417,4.261198419,4.261198477,4.261198348,4.261198446,4.261198381,4.26119843,4.261198501,4.261198311,4.261198347,4.261198359,4.261198435,4.261198317,4.2611984
+"13210","RASL12",5.463174107,5.463174047,5.463174182,5.463174186,5.463174349,5.463174115,5.463174197,5.463174268,5.46317417,5.463174149,5.463174122,5.463174332,5.463174225,5.463173977,5.463174346,5.463174217,5.463174309,5.463174226,5.463174232,5.463174179,5.463174295,5.463174289,5.463174074,5.463174119,5.463174242,5.463174277,5.463174139,5.46317423
+"13211","RASSF1",7.3032694,7.303269358,7.303269365,7.303269335,7.303269328,7.303269343,7.303269413,7.303269399,7.303269321,7.303269359,7.303269394,7.303269318,7.303269405,7.30326937,7.3032694,7.303269379,7.303269346,7.30326934,7.303269346,7.303269349,7.303269397,7.303269374,7.303269357,7.303269383,7.303269361,7.303269373,7.303269362,7.303269352
+"13212","RASSF10",5.048371304,5.048371569,5.048371736,5.048371539,5.048371752,5.048371502,5.048371712,5.048371934,5.048371669,5.048371652,5.048371542,5.048371952,5.048371468,5.048371212,5.048371785,5.048371555,5.048371774,5.048371673,5.048371714,5.048371666,5.048371734,5.048371773,5.048371396,5.048371502,5.048371464,5.048371731,5.048371475,5.048371523
+"13213","RASSF2",9.532720608,9.532898552,9.532664992,9.532981601,9.532621218,9.532739959,9.532744445,9.532641778,9.532521941,9.532673533,9.532769961,9.532447728,9.532694669,9.532766328,9.532753292,9.532804322,9.532672446,9.532903234,9.532803343,9.532688325,9.532762179,9.532650665,9.532708756,9.532881269,9.532848465,9.532626726,9.532632379,9.532660956
+"13214","RASSF3",7.662791009,7.662791531,7.662790888,7.662792269,7.662790071,7.662791392,7.662790979,7.66279088,7.662790492,7.662791197,7.662791378,7.662790009,7.662791108,7.662791342,7.662791017,7.662791421,7.662790801,7.662792082,7.662790726,7.662792502,7.662791253,7.662790668,7.662791648,7.66279197,7.662791473,7.662790923,7.662791171,7.662791044
+"13215","RASSF4",6.026978187,6.026978028,6.026977773,6.026977804,6.026977879,6.026978486,6.026977649,6.026977442,6.02697688,6.026978,6.026977874,6.026977639,6.026977869,6.026977908,6.026977761,6.026977515,6.026977737,6.026977481,6.026977803,6.026978022,6.02697732,6.026977575,6.026977268,6.026977834,6.026977783,6.026977749,6.02697798,6.026977531
+"13216","RASSF5",8.659099658,8.659099739,8.659099481,8.659099661,8.659099643,8.659099729,8.659099606,8.659099585,8.6590996,8.659099553,8.659099574,8.659099483,8.659099676,8.659099761,8.659099653,8.65909963,8.659099418,8.65909964,8.659099722,8.659099629,8.659099689,8.659099616,8.659099639,8.659099647,8.659099661,8.65909969,8.659099661,8.659099663
+"13217","RASSF6",3.383072331,3.383072321,3.383072384,3.383072337,3.383072353,3.383072367,3.383072348,3.383072345,3.383072346,3.383072308,3.383072322,3.383072298,3.383072359,3.383072351,3.383072333,3.383072364,3.383072343,3.383072367,3.38307235,3.383072345,3.383072306,3.383072333,3.383072367,3.383072347,3.383072326,3.383072308,3.383072395,3.383072362
+"13218","RASSF7",7.09569289,7.09569288,7.095692941,7.095692846,7.095692955,7.09569288,7.095692895,7.095692931,7.095692906,7.095692943,7.095692925,7.095692936,7.095692895,7.095692868,7.095692917,7.095692876,7.095692945,7.095692901,7.095692915,7.09569289,7.095692936,7.095692944,7.095692888,7.095692874,7.095692909,7.095692903,7.095692894,7.095692902
+"13219","RASSF8",4.458088054,4.458087968,4.458088099,4.458087968,4.458088185,4.458088028,4.458088125,4.458088041,4.458088031,4.458087976,4.458088085,4.458088134,4.458088054,4.458087998,4.458088124,4.458088031,4.4580882,4.45808812,4.458088119,4.458088112,4.458088142,4.458088129,4.458088076,4.458087998,4.458088096,4.45808818,4.458088127,4.458088095
+"13220","RASSF9",3.301320356,3.30132038,3.301320372,3.301320353,3.301320375,3.301320419,3.301320365,3.301320365,3.301320369,3.301320402,3.301320382,3.301320414,3.301320361,3.301320347,3.30132038,3.301320382,3.301320413,3.301320378,3.301320365,3.301320391,3.301320359,3.301320374,3.301320383,3.30132037,3.301320372,3.301320368,3.301320365,3.30132038
+"13221","RAVER1",7.243424935,7.243424933,7.2434251,7.243424957,7.243425172,7.243425002,7.243425089,7.243425065,7.24342499,7.243425071,7.243425035,7.243425219,7.243424969,7.243424834,7.24342507,7.243425006,7.243425157,7.243425134,7.243424974,7.243425,7.243425174,7.243425065,7.243424968,7.243424934,7.243425017,7.243425104,7.24342498,7.243424994
+"13222","RAVER2",4.93840274,4.938402338,4.938400306,4.938407117,4.938402018,4.93840069,4.938402058,4.938401343,4.938401473,4.938401563,4.938402015,4.938401172,4.938402205,4.938403139,4.938402097,4.93840212,4.938400936,4.938406195,4.938402038,4.938401001,4.938402091,4.938402178,4.938401283,4.938402097,4.938403088,4.938401449,4.938401863,4.938401982
+"13223","RAX",6.191628655,6.191628489,6.191628695,6.191628664,6.191629198,6.19162866,6.191628743,6.191628804,6.191628778,6.191628751,6.191629078,6.191629125,6.191628812,6.191628295,6.191628764,6.191628612,6.191629102,6.191628867,6.191628648,6.191628879,6.191628882,6.191628851,6.191628564,6.191628451,6.191628502,6.191628931,6.1916287,6.191628639
+"13224","RAX2",6.537374253,6.537374431,6.537374954,6.537374742,6.537375134,6.537374334,6.5373747,6.537375098,6.537374932,6.537374966,6.537374927,6.537375091,6.537374799,6.537374267,6.537374871,6.537374857,6.537375281,6.537375105,6.537374787,6.537374542,6.537374807,6.537375079,6.537374455,6.537374527,6.537375052,6.537374899,6.537374765,6.537375146
+"13225","RB1",6.708036047,6.708035544,6.708034748,6.708034919,6.708035001,6.708035232,6.708035407,6.708034347,6.708034443,6.708035017,6.708035093,6.708034085,6.708035334,6.708036231,6.708035427,6.708035167,6.708034523,6.708035233,6.708035201,6.708035482,6.708035661,6.708034837,6.70803528,6.708035076,6.708035222,6.708035018,6.708034941,6.708035579
+"13226","RB1CC1",6.369255943,6.369255765,6.36925565,6.369255753,6.369255231,6.369254875,6.369255272,6.369255046,6.369255333,6.369255237,6.369255237,6.369254365,6.369255494,6.369256648,6.369255645,6.36925568,6.369255913,6.369255682,6.369255963,6.369255225,6.369255446,6.369255345,6.369256164,6.369255824,6.369255491,6.36925514,6.369255423,6.36925621
+"13227","RBBP4",7.75777505,7.757774267,7.757774376,7.757774235,7.757774583,7.757774423,7.75777471,7.75777417,7.757774611,7.757774625,7.757774224,7.757774329,7.757774724,7.757775392,7.757774717,7.757773804,7.757773968,7.757773938,7.757774497,7.757774586,7.757774916,7.757774175,7.757774688,7.757774746,7.75777383,7.757774706,7.75777466,7.757774999
+"13228","RBBP5",6.856211123,6.856211481,6.856210972,6.856211097,6.856210724,6.856210895,6.856211065,6.856210945,6.856211003,6.856211168,6.856210826,6.856210366,6.856211171,6.856211593,6.856210999,6.856211341,6.856210651,6.856211093,6.856211138,6.856211136,6.856211018,6.856210921,6.856211237,6.856211226,6.856211031,6.856210966,6.856211004,6.856211188
+"13229","RBBP6",6.666417224,6.666416985,6.666416579,6.666416305,6.666416353,6.666416417,6.66641665,6.666416411,6.666416783,6.666416567,6.666416274,6.666416033,6.666416784,6.666417522,6.66641678,6.666416571,6.666416212,6.666416493,6.666416733,6.666416244,6.666416305,6.666416599,6.666416872,6.666416746,6.666416144,6.666416586,6.666416679,6.666416947
+"13230","RBBP7",8.08008076,8.080080737,8.080079953,8.080079747,8.080079918,8.080080061,8.080080835,8.080079769,8.080081071,8.08008056,8.080079468,8.080079952,8.080080608,8.080081375,8.080080203,8.080080424,8.080079497,8.080079064,8.08008018,8.080079787,8.080080469,8.080080081,8.080081086,8.080080413,8.080079311,8.080080148,8.080080467,8.080080791
+"13231","RBBP8",4.214267888,4.214267996,4.214268027,4.214268078,4.214267992,4.214268144,4.214268336,4.214267804,4.21426779,4.214267898,4.214267999,4.214267842,4.214268027,4.214268446,4.21426806,4.214267964,4.214268133,4.214267896,4.214268028,4.214268191,4.214268193,4.214268,4.214268086,4.214268139,4.214268097,4.21426801,4.214267994,4.214268406
+"13232","RBBP8NL",6.050024518,6.050024575,6.050024674,6.050024572,6.050024776,6.050024426,6.05002452,6.050024689,6.050024608,6.050024598,6.050024725,6.050024705,6.050024621,6.050024482,6.050024616,6.05002464,6.050024734,6.050024743,6.050024561,6.050024623,6.050024719,6.050024714,6.050024575,6.050024613,6.050024702,6.050024678,6.050024571,6.050024718
+"13233","RBBP9",4.623449936,4.6234498,4.623449819,4.623449977,4.623449831,4.623449828,4.623449888,4.623449809,4.623449774,4.623449844,4.623449771,4.623449857,4.623450015,4.623449952,4.623449882,4.623449756,4.623449926,4.623449941,4.623449775,4.623449826,4.62344985,4.623449998,4.623449866,4.623449901,4.623449921,4.623449904,4.623449901,4.623449944
+"13234","RBCK1",7.682710037,7.68271041,7.682710186,7.682710484,7.68271003,7.682711109,7.682710182,7.682710272,7.682710175,7.682710085,7.68271015,7.682709809,7.682710347,7.682709939,7.682710176,7.682710365,7.682710065,7.682710316,7.682710325,7.682710849,7.682710172,7.682710233,7.682710297,7.682710169,7.682710384,7.682709974,7.682710282,7.682709911
+"13235","RBFA",6.144782841,6.14478294,6.144782895,6.144782915,6.144782999,6.144782916,6.14478295,6.144783026,6.144783032,6.14478295,6.144782954,6.14478302,6.144783044,6.144782995,6.144782938,6.144782862,6.144782943,6.144782856,6.144782921,6.144783018,6.14478299,6.144782926,6.144782926,6.14478298,6.14478265,6.144782999,6.144783056,6.144782962
+"13236","RBFOX1",3.979385471,3.979385476,3.979385476,3.979385467,3.979385511,3.979385491,3.979385474,3.979385495,3.979385476,3.979385502,3.979385488,3.979385485,3.979385472,3.979385452,3.979385498,3.979385481,3.979385504,3.979385487,3.979385494,3.979385486,3.979385487,3.979385488,3.97938548,3.97938548,3.979385483,3.979385482,3.979385462,3.979385494
+"13237","RBFOX2",4.509442785,4.509442985,4.509442987,4.509442902,4.509443116,4.509442938,4.50944296,4.509443004,4.509442927,4.509442946,4.509442954,4.509443043,4.5094429,4.50944282,4.509443014,4.509442897,4.50944304,4.509443013,4.509443009,4.509443019,4.509443003,4.509443014,4.509442938,4.509442836,4.509442888,4.509443057,4.509442936,4.509442933
+"13238","RBFOX3",4.89768730266667,4.89768732233333,4.89768734766667,4.89768734033333,4.89768749633333,4.89768724333333,4.89768736033333,4.89768739333333,4.89768734033333,4.897687341,4.89768739733333,4.89768751466667,4.89768740166667,4.89768721366667,4.89768736733333,4.897687449,4.89768739966667,4.897687481,4.897687276,4.897687312,4.897687387,4.89768733666667,4.89768736233333,4.897687302,4.89768736933333,4.897687362,4.89768731166667,4.89768746166667
+"13239","RBIS",4.380973367,4.380973304,4.380973309,4.380973266,4.380973366,4.380973291,4.380973306,4.380973334,4.380973357,4.380973365,4.380973188,4.380973304,4.38097336,4.380973502,4.380973264,4.38097331,4.380973273,4.380973314,4.380973309,4.380973302,4.380973288,4.380973287,4.380973379,4.380973312,4.3809733,4.380973343,4.380973336,4.380973368
+"13240","RBL1",6.724603377,6.724603083,6.72460306,6.724602867,6.72460294,6.72460289,6.724603222,6.724602856,6.724603219,6.724602967,6.724602757,6.724602806,6.724603039,6.72460346,6.724603185,6.724602808,6.724602698,6.724602736,6.724603142,6.72460291,6.724603125,6.724602949,6.724603317,6.724603147,6.72460298,6.724602982,6.724603186,6.724603247
+"13241","RBL2",8.663787489,8.663787937,8.663786423,8.663787362,8.663786933,8.663786464,8.663787011,8.663786391,8.663788149,8.663787719,8.663786562,8.663786354,8.663787549,8.663789185,8.663786956,8.663787375,8.663786065,8.663787032,8.663787892,8.663786667,8.663787302,8.663786627,8.663788034,8.663787983,8.663786798,8.66378738,8.663787577,8.663787879
+"13242","RBM10",6.914297255,6.914297285,6.914297234,6.914297262,6.914297257,6.914297298,6.914297258,6.914297245,6.914297309,6.914297271,6.91429724,6.914297232,6.914297273,6.91429727,6.914297265,6.914297242,6.914297245,6.914297274,6.914297265,6.914297303,6.914297269,6.914297239,6.914297275,6.914297248,6.914297251,6.914297268,6.914297274,6.914297242
+"13243","RBM11",3.405560374,3.405560288,3.40556029,3.405560292,3.405560242,3.405560272,3.405560151,3.405560387,3.405560377,3.4055603,3.405560277,3.405560315,3.405560387,3.405560358,3.405560291,3.405560338,3.405560313,3.405560303,3.405560311,3.405560289,3.405560241,3.405560275,3.405560361,3.405560384,3.405560294,3.405560281,3.405560312,3.405560384
+"13244","RBM12B",6.609582478,6.609582504,6.609582238,6.609581772,6.609582064,6.609580722,6.60958149,6.609581601,6.609582525,6.609581795,6.609581361,6.609580397,6.609582453,6.609584384,6.609582101,6.609582119,6.609581719,6.609581841,6.609582513,6.60958131,6.609581966,6.609581657,6.609582644,6.60958251,6.609581401,6.609581755,6.609582288,6.609583806
+"13245","RBM14",7.680236422,7.680236658,7.680235972,7.6802361185,7.680235941,7.680235983,7.6802361335,7.6802362285,7.680236463,7.680236332,7.6802357025,7.680235946,7.6802364055,7.6802365235,7.6802360545,7.680236381,7.680235732,7.6802355115,7.6802362765,7.6802356585,7.680235952,7.680236171,7.6802362895,7.680236116,7.680235891,7.6802361855,7.680236468,7.6802361685
+"13246","RBM15",7.072464526,7.072464586,7.07246401,7.072464127,7.072463789,7.072464071,7.072464286,7.07246379,7.072464536,7.072463987,7.072463691,7.07246386,7.07246443,7.072465308,7.072464179,7.072464872,7.072463833,7.072464178,7.072464501,7.072464221,7.072464169,7.072464164,7.072464752,7.072464529,7.072463982,7.072464032,7.072464384,7.072464803
+"13247","RBM15B",6.964407123,6.964407123,6.964407117,6.96440712,6.96440712,6.964407129,6.964407118,6.964407121,6.964407134,6.964407147,6.964407114,6.964407122,6.964407129,6.964407132,6.964407116,6.964407114,6.964407121,6.96440711,6.964407116,6.964407135,6.96440712,6.964407128,6.964407121,6.964407124,6.9644071,6.964407111,6.964407118,6.964407127
+"13248","RBM17",6.29191997,6.291919944,6.291919775,6.291919638,6.291919782,6.29191973,6.291919809,6.291919657,6.29191993,6.291919902,6.291919625,6.291919418,6.291919913,6.291920283,6.291919723,6.291919886,6.291919465,6.291919515,6.291919856,6.291919809,6.291919787,6.291919588,6.291919919,6.291919816,6.291919616,6.291919781,6.29191997,6.29191991
+"13249","RBM18",6.166245398,6.166245345,6.16624534,6.166245371,6.166245302,6.166245362,6.166245351,6.166245323,6.16624535,6.166245354,6.16624532,6.166245291,6.166245372,6.166245433,6.166245352,6.166245334,6.166245309,6.166245329,6.166245361,6.166245359,6.166245345,6.16624532,6.166245364,6.166245375,6.166245299,6.166245294,6.166245339,6.166245407
+"13250","RBM19",7.126042797,7.126042724,7.126042726,7.126042635,7.126042711,7.126042723,7.12604268,7.126042693,7.1260428,7.126042725,7.126042623,7.126042717,7.126042753,7.126042771,7.126042717,7.126042633,7.126042615,7.126042632,7.126042702,7.126042638,7.126042651,7.126042673,7.126042748,7.126042689,7.126042619,7.126042753,7.12604276,7.126042746
+"13251","RBM22",7.559744504,7.559744476,7.559744357,7.559744612,7.559744297,7.559744559,7.559744478,7.559744353,7.559744452,7.559744359,7.559744348,7.559744234,7.55974454,7.559744582,7.559744431,7.559744343,7.55974427,7.559744491,7.559744508,7.559744231,7.559744461,7.559744391,7.5597445,7.559744524,7.559744475,7.559744447,7.559744485,7.559744403
+"13252","RBM23",8.230366399,8.230366948,8.230366383,8.230367188,8.230366006,8.230367312,8.230366295,8.23036633,8.23036627,8.230366304,8.23036627,8.23036574,8.230366394,8.230366454,8.230366335,8.230366899,8.230366153,8.230366863,8.230366669,8.230367451,8.230366094,8.230366384,8.230366553,8.23036657,8.230366387,8.230366393,8.230366478,8.23036607
+"13253","RBM24",3.192195872,3.192195893,3.192195967,3.192195942,3.192195897,3.192195921,3.192195907,3.192195862,3.192195885,3.192195924,3.192195938,3.192195937,3.192195915,3.192195848,3.192195924,3.192195855,3.192195863,3.192195936,3.19219583,3.192195908,3.192195891,3.192195895,3.192195862,3.192195935,3.192195886,3.192195889,3.192195939,3.192195858
+"13254","RBM25",7.843340476,7.843340389,7.843340031,7.843339895,7.843338977,7.84333971,7.843340064,7.843339267,7.843339883,7.843339583,7.84333943,7.843339167,7.843340263,7.843341202,7.843339689,7.843340273,7.843338879,7.843339752,7.843339772,7.843340512,7.843340171,7.84333945,7.843340168,7.843340105,7.843339647,7.843340272,7.843340122,7.843340009
+"13255","RBM26",7.616986887,7.616986505,7.616986369,7.616986425,7.616986178,7.616986167,7.616986506,7.616986053,7.616986688,7.61698636,7.616986159,7.616986274,7.616986771,7.616987207,7.616986385,7.616986177,7.616985971,7.616986203,7.616986505,7.616985856,7.616986303,7.616986167,7.616986595,7.616986332,7.616986368,7.616986564,7.616986812,7.616986872
+"13256","RBM27",7.005957872,7.005957688,7.005957467,7.00595769,7.005957627,7.005957692,7.005957769,7.005957307,7.005957897,7.005957703,7.005957595,7.005957432,7.005957964,7.005958369,7.005957805,7.005957702,7.005957301,7.00595776,7.005957599,7.00595752,7.005957668,7.005957547,7.005957907,7.005957779,7.005957797,7.005957777,7.005957804,7.005958025
+"13257","RBM28",6.0070755285,6.0070754535,6.007075456,6.007075472,6.007075414,6.0070754715,6.007075439,6.0070754655,6.0070754945,6.007075491,6.007075398,6.0070754515,6.007075457,6.0070755155,6.0070754635,6.007075423,6.007075338,6.007075436,6.0070754895,6.0070753905,6.0070754535,6.007075443,6.007075472,6.0070754675,6.0070754305,6.0070754775,6.007075489,6.0070754665
+"13258","RBM3",7.477164369,7.477164114,7.477164254,7.477163849,7.477164029,7.477164265,7.477164277,7.477164253,7.477164303,7.477164276,7.47716384,7.477164136,7.477164182,7.477164873,7.477163911,7.47716397,7.477164066,7.477163632,7.477164117,7.477164066,7.477164231,7.477164134,7.477164365,7.477164309,7.477163736,7.477164222,7.477164013,7.477164741
+"13259","RBM33",7.855577015,7.85557701,7.8555769595,7.8555770595,7.855576884,7.855576974,7.8555770035,7.8555769925,7.855577011,7.8555769815,7.8555769635,7.8555769355,7.855577031,7.855577004,7.8555769875,7.8555769175,7.8555769455,7.85557702,7.8555769855,7.8555769745,7.855576991,7.855576963,7.8555770105,7.855577013,7.8555770235,7.85557702,7.855577014,7.8555769805
+"13260","RBM34",5.902854691,5.902854433,5.902854258,5.902854105,5.902854266,5.902854305,5.902854226,5.90285399,5.902854597,5.902854332,5.90285423,5.902854141,5.902854247,5.902854828,5.902854402,5.902854249,5.902853995,5.902854077,5.902854288,5.902854339,5.902854378,5.902854295,5.902854427,5.902854191,5.902854067,5.902854421,5.902854363,5.902854573
+"13261","RBM38",8.26123235,8.229531835,9.308638761,8.629913052,8.435417108,9.574906501,8.408529573,8.85399076,8.759482747,8.765787014,8.843957183,9.069545821,8.299382042,7.871869844,8.341118458,7.893025433,9.203424131,8.69101616,8.171596234,9.328909095,8.162090465,8.728477991,8.664091502,8.581397213,8.790456031,9.042805185,8.722949285,8.228659504
+"13262","RBM38-AS1",5.158815337,5.15881535,5.158815382,5.15881535,5.158815378,5.158815346,5.158815345,5.158815386,5.158815353,5.158815378,5.15881536,5.158815373,5.158815336,5.158815342,5.158815367,5.158815367,5.158815388,5.15881537,5.15881538,5.158815352,5.158815369,5.158815326,5.15881538,5.158815349,5.158815367,5.158815374,5.158815343,5.158815369
+"13263","RBM39",9.035022068,9.035021446,9.035020689,9.035021445,9.035020555,9.035020782,9.035021343,9.035020758,9.035021546,9.035020827,9.035020757,9.035019886,9.035021462,9.035023078,9.035021719,9.035021173,9.035020539,9.035020709,9.035021719,9.035019762,9.035021441,9.03502096,9.035021746,9.035021195,9.035020823,9.035020945,9.035021455,9.035021638
+"13264","RBM41",5.196810094,5.196809807,5.19680881,5.196808949,5.196809186,5.196809572,5.196809307,5.196809162,5.196809631,5.196809631,5.196808829,5.196808789,5.196809874,5.196810504,5.196809448,5.196808498,5.196808861,5.196809385,5.196809758,5.196809128,5.19680952,5.196809275,5.196809748,5.19680943,5.196809154,5.196809571,5.196810224,5.196810097
+"13265","RBM42",6.386338809,6.386338817,6.386338806,6.386338812,6.386338812,6.386338824,6.386338814,6.386338815,6.386338806,6.386338814,6.386338803,6.386338796,6.386338815,6.386338804,6.386338807,6.386338807,6.386338812,6.386338798,6.386338814,6.386338803,6.386338793,6.386338815,6.38633881,6.386338804,6.386338796,6.386338799,6.386338818,6.386338801
+"13266","RBM43",4.847393931,4.847393655,4.847393721,4.847393812,4.847393867,4.847393758,4.84739375,4.847393658,4.847394065,4.847393854,4.847393734,4.847393478,4.847393875,4.847394004,4.847393829,4.847393803,4.847393726,4.847393816,4.847393928,4.84739395,4.847393867,4.847393743,4.847393813,4.847393818,4.847393602,4.847393864,4.847393836,4.847393898
+"13267","RBM44",3.484688956,3.484689253,3.48468918,3.484689087,3.484688714,3.48468893,3.484688917,3.484688596,3.484688961,3.484688708,3.484688804,3.484688763,3.484688725,3.484688853,3.484688873,3.484688996,3.484688871,3.484688786,3.484688969,3.484688663,3.484688843,3.48468865,3.484689304,3.484688894,3.484688976,3.48468873,3.484688849,3.484688859
+"13268","RBM45",5.088642309,5.088642117,5.088642184,5.088642021,5.088642002,5.088642016,5.088642091,5.088642033,5.088642169,5.088642152,5.08864206,5.08864197,5.088642151,5.088642355,5.088642099,5.088641997,5.088642071,5.088641927,5.088642095,5.088642113,5.088642022,5.088642095,5.088642236,5.08864206,5.088641939,5.088642113,5.088642166,5.088642223
+"13269","RBM46",2.922942183,2.922942155,2.922942143,2.922942206,2.922942128,2.922942154,2.922942104,2.922942117,2.922942154,2.922942154,2.92294215,2.922942094,2.922942103,2.922942113,2.922942142,2.922942194,2.922942125,2.922942113,2.922942152,2.92294214,2.922942106,2.922942158,2.922942196,2.922942099,2.922942146,2.9229421,2.922942132,2.922942144
+"13270","RBM47",8.514288637,8.514289463,8.514288671,8.514290377,8.514288378,8.514289719,8.51428912,8.514288789,8.514288408,8.514288492,8.514289006,8.514287932,8.514288776,8.514288386,8.514288918,8.51428914,8.514289049,8.514290072,8.514289258,8.514289313,8.514288898,8.514288719,8.514289191,8.514289373,8.514289604,8.514288088,8.514288974,8.514288127
+"13271","RBM48",5.294463353,5.294463423,5.294463171,5.294463263,5.294463101,5.294463182,5.294463187,5.294463193,5.2944633,5.294463143,5.294463217,5.294463052,5.29446325,5.294463668,5.294463342,5.29446342,5.294463155,5.294463256,5.294463279,5.294463222,5.294463194,5.294463208,5.294463339,5.294463362,5.294463317,5.294463242,5.294463253,5.294463555
+"13272","RBM4B",6.946210929,6.946210965,6.946210989,6.946210961,6.946210977,6.946210909,6.946210984,6.946210909,6.946210914,6.94621093,6.946211062,6.946211072,6.946211048,6.946210883,6.946210995,6.946211014,6.946210907,6.946210876,6.946210953,6.946210903,6.946210937,6.94621089,6.946210893,6.946210882,6.946210946,6.94621092,6.946210943,6.946211007
+"13273","RBM5",8.975989888,8.975989909,8.975989204,8.975989898,8.975988893,8.97598945,8.975989688,8.975989255,8.975989509,8.975989545,8.975989335,8.975989241,8.975989769,8.975990127,8.975989611,8.975989809,8.975988908,8.975989496,8.975989672,8.975989527,8.975989646,8.975989355,8.975989591,8.97598975,8.975989454,8.975989632,8.97598961,8.975989571
+"13274","RBM6",7.103857968,7.103857646,7.10385767,7.103857513,7.103857352,7.103857734,7.103857619,7.103857419,7.103857702,7.103857822,7.10385743,7.10385774,7.103857735,7.103858094,7.10385781,7.103857584,7.10385751,7.103857361,7.103857593,7.103857683,7.103857678,7.103857634,7.103857563,7.103857644,7.10385762,7.103857875,7.103857813,7.103857713
+"13275","RBM7",5.304970537,5.304970759,5.304970532,5.304969958,5.304969893,5.304970104,5.30497018,5.304969896,5.304969996,5.304970418,5.304970584,5.304969943,5.304970351,5.304970929,5.304970119,5.304970509,5.304969839,5.304970245,5.304970348,5.304970512,5.30496988,5.304969816,5.304970547,5.304970589,5.30497014,5.304969986,5.304970797,5.304970879
+"13276","RBM8A",6.784768994,6.7847689795,6.784768972,6.784768906,6.7847689095,6.7847689145,6.7847689165,6.7847689175,6.7847690085,6.7847689875,6.784768891,6.7847689405,6.7847689555,6.7847691825,6.7847689285,6.7847688845,6.784768908,6.7847688725,6.7847688465,6.784768897,6.784768937,6.7847688695,6.784768967,6.7847689835,6.7847689385,6.7847689675,6.7847689705,6.784769027
+"13277","RBMS1",7.0591996195,7.0591986275,7.0591988155,7.0591991595,7.059198634,7.0591977865,7.059198687,7.059198087,7.059198708,7.0591982735,7.059198424,7.059197636,7.0591988515,7.0591996985,7.059198867,7.0591979215,7.059198303,7.0591988815,7.0591993585,7.0591981805,7.059199025,7.0591984085,7.059198677,7.0591988035,7.0591986755,7.0591982825,7.059198532,7.059198947
+"13278","RBMS2",5.157730476,5.157730465,5.15773049,5.157730436,5.157730491,5.157730512,5.157730463,5.157730405,5.157730452,5.157730548,5.157730586,5.157730515,5.157730521,5.157730494,5.157730543,5.157730617,5.157730503,5.157730473,5.157730533,5.157730581,5.157730484,5.157730459,5.157730452,5.157730571,5.157730531,5.15773041,5.157730545,5.157730357
+"13279","RBMS3",3.824684281,3.824684296,3.824684311,3.824684288,3.8246843,3.824684282,3.824684302,3.824684307,3.824684309,3.824684294,3.824684284,3.824684317,3.824684301,3.824684296,3.824684292,3.824684308,3.824684305,3.824684289,3.82468429,3.824684299,3.82468429,3.824684308,3.824684296,3.824684289,3.824684299,3.824684299,3.824684286,3.824684308
+"13280","RBMX2",6.668862455,6.66886229,6.668862306,6.668862179,6.668862252,6.668862398,6.668862105,6.668862005,6.66886253,6.668862489,6.66886211,6.668861755,6.668862288,6.668862831,6.668862236,6.668862028,6.668862414,6.66886167,6.668862211,6.66886225,6.668862025,6.668862367,6.668862626,6.668862521,6.668862014,6.668862141,6.668862435,6.668862352
+"13281","RBMXL2",6.655252097,6.65525201,6.655252169,6.655252098,6.655252358,6.655252106,6.655252202,6.655252144,6.655252131,6.655252149,6.655252242,6.655252316,6.655252146,6.655251941,6.655252255,6.655251957,6.655252262,6.655252148,6.655252154,6.655252166,6.655252255,6.6552522,6.655252063,6.655252025,6.655252154,6.655252223,6.655252116,6.655252127
+"13282","RBMXL3",4.243399334,4.243399459,4.243399467,4.243399515,4.243399499,4.243399395,4.243399346,4.243399438,4.243399348,4.243399509,4.243399455,4.243399604,4.243399351,4.24339936,4.243399503,4.243399378,4.243399532,4.243399471,4.243399481,4.243399488,4.243399423,4.243399492,4.243399473,4.243399413,4.243399508,4.243399514,4.243399441,4.243399476
+"13283","RBP1",4.961182452,4.961182514,4.961182786,4.96118262,4.961182809,4.961182497,4.961182522,4.961182748,4.961182637,4.961182689,4.961182623,4.961182802,4.961182588,4.961182526,4.961182731,4.96118272,4.961182731,4.961182787,4.961182625,4.961182642,4.961182671,4.961182695,4.96118249,4.961182398,4.961182706,4.9611827,4.961182647,4.96118269
+"13284","RBP2",4.708627411,4.708627438,4.708627461,4.708627408,4.708627503,4.708627324,4.708627507,4.708627438,4.708627423,4.708627462,4.708627472,4.708627544,4.70862743,4.708627387,4.708627516,4.708627445,4.708627512,4.708627513,4.708627478,4.708627472,4.708627482,4.7086275,4.708627421,4.708627447,4.708627478,4.708627482,4.708627443,4.708627485
+"13285","RBP3",5.00141604,5.001415949,5.001416124,5.001416042,5.001416147,5.001415929,5.001416004,5.001416151,5.001416071,5.00141606,5.001416125,5.001416115,5.001416018,5.001415937,5.001416092,5.001416012,5.001416169,5.001416034,5.001416078,5.001416023,5.001416106,5.001416019,5.001415969,5.001415982,5.001416061,5.001416135,5.00141602,5.00141612
+"13286","RBP4",4.209675038,4.209675167,4.209675462,4.209675181,4.209675345,4.209675303,4.209675192,4.209675342,4.209675438,4.209675344,4.209675148,4.209675359,4.209675181,4.209675152,4.209675275,4.209675208,4.209675373,4.209675364,4.209675229,4.209675401,4.209675289,4.209675457,4.209675193,4.209675157,4.209675208,4.209675225,4.209675174,4.209675474
+"13287","RBP5",5.931390222,5.931390301,5.931390354,5.931390409,5.931390481,5.931390368,5.931390468,5.931390582,5.93139035,5.931390421,5.931390391,5.931390516,5.931390415,5.931390236,5.931390492,5.931390423,5.931390531,5.931390414,5.93139032,5.931390495,5.931390581,5.931390412,5.931390289,5.931390315,5.931390395,5.931390422,5.931390371,5.931390385
+"13288","RBP7",5.177693518,5.177693374,5.177693419,5.17769367,5.177693368,5.177693362,5.17769347,5.177693259,5.177692829,5.177693658,5.177693626,5.177693199,5.17769299,5.177693459,5.177693428,5.177693106,5.177693496,5.177693495,5.177693591,5.177693459,5.177693561,5.177693539,5.177693564,5.177693401,5.177693403,5.177693258,5.177692956,5.177693016
+"13289","RBPJ",8.063377392,8.063378028,8.063376356,8.063378221,8.063376426,8.063376554,8.063376523,8.063376541,8.063377074,8.063376649,8.063377,8.063375082,8.063376911,8.063378136,8.06337698,8.06337785,8.063376654,8.063377787,8.063377426,8.063376872,8.06337689,8.063376724,8.063377659,8.063377373,8.063377196,8.063376253,8.063376894,8.063377535
+"13290","RBPJL",5.776593809,5.776593843,5.77659389,5.776593855,5.776594299,5.776593789,5.776594173,5.776594209,5.776594078,5.776594062,5.776594238,5.776594367,5.776593856,5.776593753,5.776594243,5.776594107,5.776594334,5.776594186,5.776594144,5.776593877,5.776594209,5.776594162,5.776593893,5.776593923,5.776593972,5.776594094,5.776594029,5.776594179
+"13291","RBPMS",4.078806601,4.07880668,4.078806735,4.078806738,4.078806728,4.078806667,4.078806663,4.07880664,4.078806651,4.078806739,4.078806831,4.07880672,4.078806772,4.078806588,4.078806684,4.078806697,4.078806796,4.078806783,4.078806705,4.078806728,4.078806741,4.078806865,4.078806587,4.078806734,4.078806715,4.078806675,4.078806651,4.078806715
+"13292","RBPMS2",6.267388982,6.26738902,6.267389062,6.267389122,6.267389077,6.267389051,6.267388971,6.267389085,6.267389097,6.267389073,6.267389147,6.267389078,6.267389051,6.267388912,6.267389077,6.267389073,6.267389027,6.267389144,6.267389023,6.267389049,6.267389025,6.267389091,6.26738912,6.267389022,6.267389127,6.267389068,6.267389052,6.267389002
+"13293","RBSN",6.205000121,6.205000043,6.204999844,6.205000121,6.204999893,6.204999995,6.204999906,6.204999923,6.205000073,6.204999948,6.204999952,6.204999771,6.205000304,6.205000165,6.204999921,6.205000147,6.204999826,6.20500004,6.205000029,6.204999961,6.204999892,6.204999886,6.205000023,6.204999886,6.204999806,6.205000012,6.205000263,6.205000065
+"13294","RBX1",6.671967518,6.67196681,6.671967525,6.671967019,6.671966743,6.671967256,6.671967339,6.671967448,6.671967514,6.671967728,6.671967233,6.67196735,6.671967243,6.671967396,6.671966911,6.671966922,6.67196699,6.671966361,6.671966914,6.671966775,6.671967176,6.671967291,6.671967583,6.671967733,6.671966908,6.671967488,6.671967358,6.67196704
+"13295","RC3H1",8.343759522,8.343759654,8.343759034,8.343759817,8.343759015,8.343759399,8.343759364,8.343759168,8.343759227,8.343759076,8.343759341,8.34375872,8.343759427,8.343759475,8.3437593,8.343759464,8.34375904,8.343759547,8.343759467,8.34375905,8.343759402,8.343758945,8.343759419,8.3437595,8.343759486,8.343759029,8.343759382,8.343759121
+"13296","RC3H2",7.397244797,7.397244714,7.397244685,7.397244751,7.397244683,7.397244783,7.397244755,7.397244729,7.39724473,7.397244716,7.397244741,7.397244674,7.397244767,7.397244801,7.39724474,7.397244717,7.397244634,7.397244691,7.397244777,7.397244776,7.397244754,7.397244702,7.397244726,7.397244726,7.397244768,7.397244752,7.397244788,7.39724471
+"13297","RCAN1",5.855772133,5.855772159,5.855772169,5.855772152,5.85577219,5.85577213,5.855772153,5.855772161,5.855772169,5.855772162,5.855772156,5.855772183,5.855772168,5.855772124,5.855772152,5.855772129,5.85577215,5.855772149,5.855772158,5.855772129,5.855772179,5.85577217,5.855772157,5.855772134,5.855772157,5.855772173,5.855772153,5.855772193
+"13298","RCAN2",4.923607857,4.923607842,4.923607953,4.923607744,4.923607995,4.923607709,4.923607958,4.923608005,4.923607985,4.923607933,4.923608208,4.923607863,4.923608008,4.923607734,4.923608017,4.923608031,4.923608169,4.923608136,4.92360794,4.923607913,4.923608075,4.923608121,4.923607777,4.923608067,4.923608371,4.92360789,4.923607836,4.92360796
+"13299","RCAN3",7.950717731,7.950718665,7.950716948,7.950717015,7.95071759,7.950717096,7.950716818,7.950716949,7.950719594,7.950718723,7.950716068,7.950718624,7.950718132,7.950720004,7.950716819,7.950717587,7.95071582,7.950716462,7.950717746,7.950717156,7.950716197,7.950716951,7.950718606,7.950717841,7.950716611,7.950718602,7.950718415,7.950719358
+"13300","RCBTB1",6.467174225,6.467174139,6.467173808,6.467174129,6.467174047,6.467174031,6.467174121,6.467173819,6.467174038,6.467173948,6.467174069,6.467173757,6.467174162,6.467174357,6.46717415,6.467174164,6.467173781,6.467174002,6.46717424,6.467174078,6.467173957,6.467173957,6.467174105,6.467174147,6.467174107,6.467174056,6.467174105,6.467174205
+"13301","RCBTB2",7.437004152,7.437004555,7.437003733,7.437004332,7.437003523,7.437003813,7.437003975,7.437003874,7.437003436,7.437003661,7.437003788,7.43700303,7.437003697,7.437003971,7.43700392,7.437004441,7.437003486,7.437003877,7.437004044,7.437003777,7.437004043,7.437003969,7.43700397,7.437004254,7.437003825,7.437003396,7.437003553,7.437003414
+"13302","RCC1L",7.489509025,7.4895094,7.489509242,7.489509061,7.489509426,7.489508938,7.489509216,7.489509216,7.489509397,7.489509086,7.489508828,7.489509516,7.489509357,7.489509144,7.489509369,7.489509385,7.4895095,7.489509091,7.489509136,7.489508314,7.489509196,7.489509534,7.489509175,7.489508755,7.489508888,7.48950947,7.489509464,7.489509321
+"13303","RCC2",8.034994237,8.034994254,8.03499417,8.034994092,8.034994309,8.034994344,8.034994346,8.034994224,8.034994386,8.034994301,8.034994125,8.034994277,8.03499427,8.034994471,8.034994218,8.034994125,8.034994172,8.034994025,8.034994267,8.034994219,8.034994239,8.034994145,8.034994294,8.034994265,8.034994028,8.034994347,8.03499426,8.034994293
+"13304","RCCD1",6.269567611,6.269567593,6.269567614,6.269567612,6.269567618,6.269567548,6.269567598,6.269567608,6.269567607,6.26956758,6.269567607,6.269567617,6.269567605,6.269567565,6.269567571,6.26956764,6.269567597,6.269567626,6.269567604,6.269567613,6.269567584,6.269567616,6.269567629,6.269567596,6.269567621,6.269567618,6.269567612,6.269567565
+"13305","RCHY1",5.779299237,5.779298995,5.77929871,5.779298655,5.779298628,5.779298093,5.779298653,5.779298342,5.779298858,5.779298659,5.779298646,5.779298047,5.779298742,5.779299524,5.779298796,5.779298925,5.779298602,5.779298496,5.779298833,5.779298531,5.779298577,5.779298636,5.779298974,5.779298888,5.779298913,5.779298538,5.779298688,5.779299013
+"13306","RCL1",6.120338511,6.120338419,6.120338448,6.120338201,6.120338435,6.120338421,6.120338476,6.120338468,6.120338788,6.120338465,6.120338392,6.120338757,6.12033856,6.120338555,6.120338408,6.120338361,6.120338384,6.120338224,6.120338559,6.120338437,6.120338441,6.120338449,6.120338723,6.120338474,6.120338317,6.120338656,6.120338571,6.120338706
+"13307","RCN1",5.579545709,5.579545495,5.579545381,5.579545126,5.579545183,5.579545614,5.579545392,5.579545491,5.579545491,5.579545382,5.579545311,5.579545368,5.579545594,5.579545744,5.579545428,5.579545365,5.579545063,5.579545129,5.579545325,5.579545575,5.579545324,5.579545447,5.579545418,5.579545353,5.579545281,5.579545355,5.57954552,5.579545381
+"13308","RCN2",5.408941934,5.408941776,5.40894177,5.40894139,5.408941488,5.408941062,5.408941743,5.408941518,5.408942037,5.408942006,5.40894126,5.40894143,5.408941968,5.40894255,5.408941518,5.408941485,5.408941374,5.408941345,5.408941862,5.408941192,5.408941748,5.408941629,5.408942091,5.408942028,5.408941494,5.408941645,5.408941864,5.4089421
+"13309","RCN3",6.257819129,6.257819215,6.257819212,6.257819315,6.257819122,6.257819177,6.257819202,6.257819125,6.25781908,6.257819057,6.257819282,6.257819241,6.257819089,6.257819012,6.257819191,6.257819279,6.257819188,6.257819303,6.257819184,6.257819208,6.257819302,6.257819098,6.257819096,6.257819085,6.257819292,6.25781916,6.257819212,6.257819086
+"13310","RCOR1",7.665070873,7.665070972,7.665070907,7.665071472,7.665070699,7.665071294,7.665071095,7.665070453,7.665070378,7.665070387,7.665071144,7.66507019,7.665070901,7.665071075,7.66507108,7.665070977,7.665070749,7.665071366,7.66507096,7.665070925,7.665071166,7.66507061,7.665070796,7.665070953,7.665071312,7.665070802,7.665070914,7.665070286
+"13311","RCOR2",4.93517296,4.935172969,4.935173183,4.935172943,4.935173097,4.935172903,4.935172952,4.935173172,4.935172982,4.935173112,4.935173175,4.935173079,4.935173039,4.935172806,4.935173137,4.935173123,4.935173182,4.935173149,4.93517291,4.935172999,4.935173088,4.935173198,4.935173057,4.935172917,4.93517311,4.935173091,4.935173019,4.935173043
+"13312","RCOR3",6.845694073,6.845693999,6.845693925,6.845693873,6.845693902,6.845693837,6.845693947,6.845693853,6.845693934,6.845693841,6.845693941,6.845693851,6.845693994,6.845694113,6.845693949,6.845693883,6.845693798,6.845693902,6.84569404,6.845693906,6.845693893,6.845693866,6.845693947,6.845693991,6.845693957,6.845693979,6.84569405,6.845693984
+"13313","RCSD1",8.154178137,8.154178749,8.154177573,8.154178452,8.154177917,8.154178405,8.154178244,8.154177722,8.154177991,8.154178018,8.154178009,8.154177597,8.154178163,8.154178649,8.154178083,8.154178732,8.154177607,8.154178173,8.154178075,8.154178718,8.154178227,8.154177576,8.15417839,8.154178529,8.154177995,8.154178012,8.15417796,8.154178392
+"13314","RCVRN",4.522214323,4.522214454,4.522214429,4.522214353,4.522214528,4.522214382,4.522214427,4.522214443,4.522214607,4.522214519,4.522214394,4.52221444,4.522214458,4.522214356,4.522214406,4.522214346,4.522214478,4.522214378,4.52221448,4.52221446,4.522214393,4.522214404,4.522214361,4.52221449,4.522214359,4.522214338,4.522214477,4.522214235
+"13315","RD3",4.221024697,4.22102457,4.221024613,4.221024734,4.221025072,4.221024796,4.221024987,4.221024865,4.221024809,4.221024845,4.221024939,4.221025082,4.221024872,4.221024562,4.221025092,4.221024719,4.221025184,4.221024945,4.221024903,4.221024794,4.221024919,4.221025069,4.221024802,4.221024739,4.221024771,4.22102494,4.221024767,4.221024893
+"13316","RDH10",5.235684236,5.235684204,5.23568422,5.235684289,5.235684202,5.235684282,5.235684238,5.235684196,5.235684154,5.23568428,5.235684193,5.235684151,5.235684248,5.235684179,5.235684234,5.235684243,5.23568412,5.235684147,5.235684223,5.235684178,5.235684288,5.235684201,5.235684332,5.235684259,5.23568429,5.235684253,5.235684269,5.235684208
+"13317","RDH11",6.847384374,6.847384361,6.847384298,6.847384405,6.847384326,6.847384326,6.847384288,6.847384322,6.847384318,6.847384372,6.84738436,6.847384339,6.847384364,6.847384402,6.847384328,6.847384321,6.847384239,6.847384391,6.847384333,6.847384295,6.84738432,6.847384323,6.847384366,6.84738443,6.847384331,6.847384358,6.847384367,6.84738438
+"13318","RDH12",5.02160905,5.021609326,5.02160926,5.021609068,5.021609402,5.021609291,5.021609119,5.021609339,5.021609282,5.021609204,5.021609339,5.021609397,5.021609126,5.021608949,5.021609433,5.021609312,5.021609712,5.021609374,5.021609418,5.021609237,5.021609279,5.021609077,5.021608911,5.021608954,5.021609177,5.021609307,5.021609226,5.021609295
+"13319","RDH13",6.217874627,6.217874618,6.217874634,6.217874618,6.217874641,6.217874634,6.217874644,6.217874652,6.217874643,6.217874647,6.217874638,6.217874663,6.217874633,6.21787461,6.217874643,6.217874601,6.21787465,6.21787465,6.217874636,6.217874636,6.217874637,6.217874661,6.217874647,6.217874633,6.217874651,6.217874651,6.217874628,6.217874627
+"13320","RDH16",4.50830274,4.508302758,4.508302841,4.508302732,4.508302789,4.508302749,4.508302842,4.508302831,4.508302851,4.508302763,4.508302748,4.50830282,4.508302763,4.508302735,4.508302793,4.50830284,4.508302781,4.50830278,4.508302783,4.508302772,4.508302801,4.508302795,4.508302804,4.508302721,4.508302753,4.508302732,4.508302737,4.508302809
+"13321","RDH8",4.836719291,4.836719398,4.836719571,4.836719472,4.83671955,4.836719352,4.836719511,4.836719587,4.836719363,4.836719278,4.836719443,4.836719621,4.836719302,4.83671917,4.836719566,4.836719513,4.836719685,4.836719504,4.836719428,4.83671946,4.836719675,4.836719699,4.836719183,4.836719518,4.836719488,4.836719514,4.836719431,4.836719435
+"13322","RDM1",4.782157159,4.782157165,4.782157168,4.782157143,4.782157175,4.782157199,4.782157178,4.782157176,4.782157178,4.782157172,4.78215717,4.782157177,4.782157161,4.782157137,4.782157165,4.782157158,4.782157193,4.782157172,4.782157165,4.782157176,4.782157168,4.78215717,4.782157164,4.782157156,4.782157157,4.782157159,4.782157163,4.782157155
+"13323","RDX",5.35271336,5.352712669,5.352711961,5.352712344,5.352712916,5.35271163,5.352712911,5.35271226,5.352712463,5.352712238,5.352712578,5.352712048,5.352712899,5.352714253,5.352712721,5.352711896,5.352711975,5.352711912,5.352712485,5.352711972,5.352712914,5.35271246,5.352712847,5.3527125,5.352712595,5.352712373,5.352712551,5.352713503
+"13324","REC114",3.83432201,3.834322005,3.834322025,3.834322009,3.834322029,3.834322001,3.834322019,3.834322033,3.834322003,3.834322005,3.834322001,3.834322019,3.834322,3.834322016,3.83432201,3.834322003,3.834322045,3.834322004,3.834322012,3.834322008,3.834322005,3.834322024,3.834322003,3.834322008,3.834322,3.834322012,3.834322001,3.834322007
+"13325","REC8",6.68246463,6.682464663,6.682464674,6.682464722,6.682464676,6.682464905,6.682464795,6.682464664,6.682464737,6.682464743,6.682464708,6.682464658,6.682464702,6.682465,6.682464517,6.682464695,6.682464685,6.682464664,6.682464728,6.682464889,6.682464703,6.682464694,6.682464676,6.682464688,6.682464718,6.682464673,6.682464678,6.682464878
+"13326","RECK",5.531941566,5.531941533,5.531941337,5.531941292,5.53194131,5.531941424,5.531941241,5.531941383,5.531941516,5.531941493,5.531941361,5.531941347,5.531941477,5.531941938,5.531941364,5.531941531,5.531941261,5.531941353,5.531941373,5.531941079,5.5319412,5.531941453,5.53194159,5.531941408,5.531941478,5.53194134,5.531941353,5.531941517
+"13327","RECQL",6.136566697,6.136565519,6.136565876,6.136565121,6.136565095,6.136565262,6.136566204,6.136565196,6.136565498,6.136564873,6.136565015,6.136564579,6.136565392,6.136568006,6.136565975,6.136565166,6.136565271,6.136564894,6.136565871,6.136565075,6.136566012,6.136565532,6.136566093,6.136565708,6.136564643,6.136565475,6.136565733,6.136567091
+"13328","RECQL4",5.928943267,5.928943179,5.928943289,5.928943269,5.928943361,5.928943298,5.928943311,5.928943341,5.928943289,5.92894328,5.928943319,5.928943371,5.928943274,5.928943143,5.928943341,5.92894324,5.928943402,5.928943334,5.928943269,5.928943275,5.928943346,5.928943385,5.928943249,5.928943195,5.928943275,5.928943305,5.928943255,5.928943275
+"13329","RECQL5",6.199211405,6.19921139,6.199211422,6.199211389,6.199211398,6.19921143,6.199211247,6.199211382,6.199211439,6.199211393,6.199211396,6.199211399,6.199211397,6.199211381,6.199211294,6.199211456,6.19921137,6.199211465,6.199211395,6.199211491,6.199211296,6.199211403,6.199211454,6.199211429,6.199211324,6.199211397,6.199211485,6.199211385
+"13330","REEP1",4.454543149,4.454543121,4.454543163,4.454543183,4.454543183,4.454543173,4.454543154,4.45454317,4.454543178,4.454543145,4.454543171,4.4545432,4.454543158,4.454543151,4.454543217,4.454543177,4.454543192,4.454543192,4.454543181,4.454543162,4.454543184,4.454543189,4.454543157,4.454543148,4.454543147,4.454543198,4.45454316,4.454543177
+"13331","REEP2",5.478541121,5.478541131,5.478541145,5.478541105,5.478541166,5.478541161,5.478541184,5.478541187,5.478541178,5.4785411,5.478541119,5.478541189,5.478541167,5.478541057,5.478541182,5.478541153,5.478541219,5.478541154,5.478541154,5.478541151,5.478541175,5.478541187,5.478541126,5.478541119,5.478541171,5.478541145,5.478541143,5.478541113
+"13332","REEP3",5.34074154,5.3407414215,5.340741287,5.3407412055,5.3407413545,5.3407412425,5.3407414385,5.340741066,5.3407413895,5.3407412775,5.3407413695,5.3407410925,5.3407413465,5.3407416595,5.340741334,5.340741356,5.340741248,5.340741207,5.3407414345,5.340741209,5.3407414,5.3407412375,5.340741375,5.3407414555,5.3407413435,5.340741282,5.3407412905,5.3407415565
+"13333","REEP4",6.577109398,6.577109593,6.577109313,6.577109307,6.577109303,6.577109383,6.577109459,6.577109387,6.577109142,6.577109486,6.577109147,6.577109001,6.577109298,6.577109275,6.577109285,6.577109564,6.577109226,6.57710919,6.577109276,6.577109288,6.577109494,6.57710938,6.577109171,6.577109427,6.577109131,6.577109156,6.577109342,6.5771092
+"13334","REEP5",7.101150863,7.101150674,7.101150687,7.101150766,7.101150568,7.101150759,7.10115079,7.101150654,7.101150606,7.101150767,7.101150636,7.101150236,7.101150736,7.101150962,7.101150665,7.101150526,7.101150717,7.101150612,7.101150832,7.101150802,7.101150726,7.101150717,7.101150758,7.101150869,7.101150673,7.101150521,7.101150733,7.101150728
+"13335","REEP6",5.877094891,5.877094911,5.877095179,5.877094972,5.877095195,5.877095003,5.877095052,5.877095188,5.877095172,5.877095217,5.877095061,5.877095094,5.877095055,5.877094908,5.87709517,5.877095095,5.87709523,5.877095157,5.877095033,5.877095154,5.877095159,5.877095198,5.877094933,5.877095075,5.877095128,5.877095148,5.877095019,5.877095112
+"13336","REG1A",4.088099805,4.088099766,4.0880998,4.088099819,4.08809993,4.088099752,4.088099889,4.088099868,4.088099844,4.088099812,4.088099844,4.088099885,4.088099792,4.08809982,4.088099886,4.088099825,4.088099956,4.088099891,4.08809986,4.088099817,4.088099942,4.088099906,4.088099829,4.088099793,4.088099805,4.08809989,4.088099763,4.088099824
+"13337","REG1B",3.049323325,3.049323505,3.049323874,3.049323524,3.049323466,3.049323281,3.049323327,3.049323487,3.04932345,3.049323459,3.049323494,3.049323542,3.049323456,3.049323249,3.049323638,3.049323466,3.049323446,3.049323447,3.049323589,3.049323496,3.049323483,3.049323583,3.049323343,3.049323222,3.049323395,3.04932336,3.049323418,3.049323575
+"13338","REG1CP",3.104859649,3.104859477,3.104859622,3.104859496,3.104859598,3.104859423,3.104859623,3.10485986,3.104859599,3.104859849,3.104859652,3.104859752,3.104859471,3.104859903,3.104859814,3.104859904,3.104859881,3.104859779,3.104859734,3.104859656,3.104859774,3.10485954,3.104859545,3.104859396,3.10485973,3.104859875,3.104859585,3.104859799
+"13339","REG3A",3.075715504,3.075715514,3.0757155,3.075715447,3.075715487,3.07571549,3.075715493,3.075715518,3.075715525,3.07571545,3.07571553,3.075715529,3.075715443,3.075715481,3.075715635,3.075715515,3.075715648,3.075715474,3.075715493,3.07571556,3.07571556,3.075715529,3.075715476,3.07571545,3.075715458,3.07571548,3.075715529,3.075715463
+"13340","REG3G",4.113667938,4.113668302,4.113668864,4.113668759,4.113668771,4.113668459,4.113668827,4.113668813,4.113668503,4.113668614,4.113668686,4.113669004,4.113668536,4.113667841,4.113668628,4.113668174,4.113669161,4.113668907,4.113668714,4.113668379,4.113668824,4.113668928,4.113668352,4.113668119,4.113668343,4.113668564,4.113668596,4.113668561
+"13341","REG4",3.805855166,3.805855046,3.80585517,3.805855339,3.805855266,3.805855241,3.80585518,3.805855228,3.805855257,3.805855237,3.805855252,3.80585535,3.805855255,3.80585507,3.805855355,3.805855179,3.805855434,3.805855198,3.805855232,3.805855267,3.805855257,3.805855177,3.805855172,3.805855161,3.805855252,3.805855277,3.805855208,3.805855228
+"13342","REL",7.839633416,7.839633178,7.839633113,7.839633253,7.839632985,7.839633213,7.839633156,7.839632874,7.839632984,7.839633136,7.839633152,7.839632718,7.839633182,7.839633447,7.839633226,7.839633084,7.83963293,7.839633081,7.839633107,7.839633243,7.839633252,7.839632869,7.839633023,7.83963321,7.83963322,7.839633059,7.839633129,7.839633232
+"13343","RELA",7.880022875,7.880022898,7.880022867,7.880022884,7.880022831,7.880022956,7.880022844,7.880022891,7.880022924,7.880022892,7.880022818,7.880022838,7.88002292,7.880022889,7.88002284,7.880022863,7.880022845,7.880022876,7.88002284,7.880022843,7.880022822,7.880022877,7.880022916,7.880022907,7.88002284,7.880022857,7.880022919,7.880022838
+"13344","RELB",6.796374631,6.796374654,6.796374615,6.796374727,6.796374623,6.796374706,6.796374585,6.796374658,6.796374617,6.796374663,6.796374607,6.796374405,6.796374679,6.796374583,6.796374588,6.79637469,6.796374632,6.796374591,6.796374562,6.796374841,6.796374494,6.796374639,6.796374561,6.796374652,6.796374692,6.796374457,6.79637457,6.796374598
+"13345","RELCH",7.279532036,7.279531535,7.279531454,7.279531663,7.279531135,7.279531164,7.279531562,7.279531132,7.279531508,7.279531342,7.279531567,7.279530971,7.279531704,7.279532153,7.279531703,7.279531185,7.279531282,7.279531171,7.279531887,7.279531395,7.279531489,7.279531302,7.279531653,7.279531485,7.279531563,7.279531291,7.279531793,7.279531602
+"13346","RELL1",8.150838943,8.150840477,8.150839201,8.150839888,8.15083871,8.150837534,8.150838105,8.150838755,8.150837498,8.15083728,8.150839429,8.150838166,8.150838756,8.150838655,8.150838636,8.150839824,8.150838864,8.150839596,8.150839223,8.150836522,8.15083769,8.150838082,8.150838165,8.150838605,8.150839411,8.15083786,8.150838762,8.150838239
+"13347","RELL2",6.251897538,6.251897546,6.251897545,6.25189754,6.251897576,6.251897544,6.251897564,6.251897559,6.251897566,6.251897546,6.251897525,6.251897593,6.251897569,6.251897498,6.251897574,6.251897549,6.251897592,6.251897568,6.251897548,6.251897561,6.251897554,6.251897562,6.251897531,6.251897537,6.251897539,6.25189758,6.251897559,6.251897557
+"13348","RELN",4.018393593,4.018393598,4.018393596,4.018393603,4.018393605,4.018393589,4.018393599,4.018393602,4.018393599,4.018393604,4.018393602,4.018393606,4.018393595,4.018393592,4.018393602,4.018393608,4.018393596,4.018393599,4.0183936,4.018393604,4.0183936,4.018393599,4.018393598,4.01839359,4.0183936,4.018393599,4.018393595,4.018393599
+"13349","RELT",7.779035761,7.779036413,7.779036035,7.779036853,7.779035752,7.779036571,7.779035894,7.779036063,7.779035806,7.779035813,7.779036129,7.779035319,7.779036287,7.779036012,7.779035826,7.779036355,7.779036123,7.779036709,7.779036129,7.779036216,7.779036063,7.779036133,7.779036072,7.779036364,7.779036295,7.779035875,7.779036304,7.779035842
+"13350","REM1",4.971095035,4.971095071,4.9710952,4.971095161,4.971095222,4.971095025,4.971095267,4.971095371,4.971095178,4.971095081,4.971095165,4.971095459,4.971095164,4.971094758,4.971095401,4.971095235,4.97109546,4.971095369,4.971095152,4.971095213,4.971095438,4.97109534,4.971095035,4.971095159,4.971095182,4.971095444,4.97109506,4.971095243
+"13351","REM2",6.666755187,6.666755362,6.666755261,6.666755722,6.666755001,6.666755338,6.666755707,6.666754942,6.666755226,6.666754815,6.666755275,6.666754944,6.666755212,6.666754958,6.666755153,6.666755685,6.666755318,6.666755716,6.666755485,6.666755444,6.666755537,6.66675515,6.666755186,6.666755215,6.666755534,6.666755151,6.666754982,6.666754487
+"13352","REN",4.209594173,4.209594048,4.209594312,4.209594268,4.209594426,4.209594252,4.209594089,4.209594177,4.209594417,4.209594352,4.209594279,4.209594324,4.209594171,4.209593907,4.209594228,4.209594371,4.209594195,4.209594251,4.209594222,4.209594183,4.209594268,4.209594157,4.209594126,4.209594081,4.20959419,4.20959422,4.209594207,4.20959428
+"13353","RENBP",6.551838706,6.551838843,6.551838722,6.5518388,6.551838704,6.551838795,6.551838646,6.551838703,6.551838746,6.551838737,6.551838818,6.55183868,6.551838731,6.551838753,6.551838714,6.551838869,6.551838741,6.551838774,6.551838754,6.551838874,6.551838708,6.551838713,6.551838681,6.551838773,6.551838766,6.551838727,6.551838715,6.551838626
+"13354","REP15",2.483546819,2.4835469,2.483546856,2.48354677,2.48354688,2.483546793,2.483546743,2.483546833,2.483546624,2.483546721,2.483546706,2.483546818,2.483546878,2.483547028,2.483546894,2.483546913,2.483546958,2.483546808,2.483546795,2.483546868,2.483546714,2.483546966,2.483546798,2.483546657,2.483546682,2.483546727,2.48354672,2.483546892
+"13355","REPIN1",7.269054173,7.269054177,7.269054222,7.269054185,7.269054272,7.2690542,7.2690542,7.26905421,7.269054181,7.269054229,7.269054234,7.269054248,7.269054196,7.269054137,7.269054193,7.269054152,7.269054224,7.269054186,7.269054227,7.269054103,7.269054225,7.26905418,7.269054181,7.269054157,7.269054186,7.26905422,7.269054195,7.269054182
+"13356","REPS1",6.917395751,6.917395079,6.917394445,6.917395093,6.917394762,6.917394569,6.917394792,6.917394819,6.917395294,6.917394906,6.917395006,6.917394569,6.917395308,6.917395484,6.917394807,6.917394284,6.9173939,6.917394393,6.917395119,6.917393864,6.917394119,6.917394455,6.917395022,6.917394946,6.917394376,6.917394942,6.917395595,6.91739497
+"13357","REPS2",7.849332495,7.850868173,7.848935132,7.85201416,7.848191628,7.850305404,7.849924024,7.848443262,7.84817644,7.848204315,7.850113096,7.848184554,7.849335279,7.848925011,7.849176907,7.850211652,7.848995124,7.851195554,7.849094197,7.851034283,7.8501316,7.848600042,7.849688881,7.850733879,7.85074801,7.849031739,7.849010504,7.847836348
+"13358","RER1",8.073801958,8.073801908,8.073801301,8.073801732,8.073800904,8.073801835,8.073801731,8.073801243,8.073801574,8.073801593,8.07380133,8.073801039,8.073801877,8.073802058,8.073801559,8.073801758,8.073800984,8.073801247,8.073801463,8.073802177,8.073801711,8.073801348,8.073801941,8.073801858,8.073801256,8.073801408,8.073801657,8.073801516
+"13359","RERE",7.701926834,7.701926901,7.701926777,7.701926977,7.701926741,7.701927074,7.701926862,7.701926888,7.701926897,7.701926838,7.701926856,7.701926777,7.701926906,7.701926863,7.70192689,7.70192684,7.70192677,7.701926944,7.701926863,7.701927044,7.701926847,7.701926848,7.701926907,7.701926865,7.701926904,7.701926837,7.70192688,7.701926761
+"13360","RERG",3.650560256,3.650560067,3.650560442,3.650560441,3.650560525,3.650560095,3.650560376,3.650560326,3.650560231,3.650560403,3.650560386,3.650560511,3.650560232,3.650560141,3.650560287,3.650560298,3.650560354,3.650560352,3.650560207,3.65056025,3.650560336,3.650560268,3.650560272,3.650560088,3.650560158,3.650560265,3.650560162,3.650560149
+"13361","RERGL",3.418336843,3.418336863,3.418336883,3.41833687,3.418336904,3.418336891,3.418336865,3.418336863,3.418336873,3.418336862,3.418336907,3.418336917,3.418336874,3.418336816,3.418336887,3.418336874,3.418336898,3.418336929,3.418336858,3.418336861,3.418336892,3.418336884,3.418336898,3.418336855,3.418336867,3.418336857,3.418336836,3.418336926
+"13362","RESF1",9.813201327,9.50671352,9.476216759,9.81928023,9.27703595,9.475674879,9.586202666,9.425571091,9.3388059,9.186946967,9.535305801,9.133107402,9.508647831,9.942351682,9.665936773,9.558035989,9.42601845,9.718184094,9.567715198,9.697985391,9.737058697,9.48220165,9.535696774,9.518428531,9.563109523,9.427271346,9.427654145,9.719459655
+"13363","RESP18",4.971251145,4.971251139,4.971251172,4.971251145,4.971251166,4.971251164,4.971251161,4.971251166,4.971251147,4.97125114,4.971251178,4.9712512,4.971251143,4.971251131,4.971251146,4.971251155,4.971251191,4.971251176,4.97125116,4.971251155,4.971251146,4.971251187,4.971251155,4.971251132,4.971251203,4.971251148,4.971251137,4.971251148
+"13364","REST",7.434161199,7.434161256,7.434161082,7.434161085,7.434161187,7.434160933,7.434161171,7.434160922,7.434161195,7.434161101,7.434161049,7.434160891,7.434161128,7.434161596,7.434161256,7.434161229,7.434160756,7.43416105,7.434161219,7.434160867,7.434161204,7.434161016,7.434161327,7.434161241,7.434161074,7.434161153,7.434161096,7.434161389
+"13365","RET",4.603338174,4.603338201,4.603338365,4.603338336,4.603338398,4.603338112,4.603338277,4.603338334,4.603338336,4.603338293,4.603338369,4.603338362,4.603338217,4.60333809,4.603338306,4.603338243,4.603338379,4.603338417,4.603338306,4.603338258,4.603338311,4.603338427,4.603338157,4.60333818,4.603338205,4.603338303,4.60333831,4.603338133
+"13366","RETN",6.802540711,6.802540847,6.802541048,6.80254071,6.802540808,6.802540981,6.802540722,6.802540983,6.802540763,6.802541021,6.802540993,6.802540591,6.802540879,6.802540967,6.802540831,6.802540911,6.802540889,6.802540966,6.802540709,6.802541177,6.802540818,6.802540856,6.802540771,6.802541089,6.802541072,6.802540738,6.802540575,6.802540882
+"13367","RETNLB",4.467271519,4.467271536,4.467271563,4.467271581,4.467271617,4.467271618,4.467271557,4.467271557,4.467271601,4.467271624,4.467271627,4.467271585,4.467271559,4.46727152,4.467271652,4.467271623,4.467271733,4.467271632,4.467271604,4.467271579,4.467271603,4.467271599,4.467271557,4.467271521,4.467271596,4.467271567,4.467271587,4.467271613
+"13368","RETREG1",5.693526406,5.693526714,5.693526383,5.693526417,5.693526572,5.693526258,5.693526406,5.693526531,5.693526931,5.693526604,5.693525983,5.693526615,5.693526605,5.69352724,5.693526455,5.693526639,5.693526244,5.693526242,5.693526704,5.693526116,5.693526104,5.693526637,5.693526888,5.693526365,5.693526213,5.693526484,5.693526579,5.693526903
+"13369","RETREG2",8.009000891,8.009001046,8.009001524,8.009001231,8.009000799,8.009001661,8.009000914,8.009001758,8.009001381,8.009000972,8.009000996,8.009001181,8.009000791,8.009000615,8.009000664,8.009000697,8.009001128,8.009001062,8.009000751,8.009001463,8.009000636,8.009001235,8.009001169,8.009001248,8.009001241,8.00900104,8.009001016,8.009000659
+"13370","RETREG3",8.412023691,8.412023679,8.412023516,8.412023584,8.412023567,8.412023622,8.412023578,8.412023651,8.412023631,8.412023596,8.41202353,8.412023617,8.412023693,8.412023753,8.412023527,8.412023607,8.412023453,8.412023505,8.412023634,8.412023536,8.412023576,8.412023555,8.412023719,8.412023639,8.412023549,8.412023672,8.412023683,8.412023669
+"13371","RETSAT",6.688055187,6.688055195,6.688055162,6.688055221,6.688055156,6.688055204,6.688055209,6.688055153,6.688055159,6.688055124,6.688055137,6.688055092,6.688055196,6.688055191,6.688055147,6.688055126,6.688055069,6.68805522,6.688055185,6.688054981,6.688055101,6.688055101,6.688055173,6.688055174,6.688055198,6.688055163,6.68805515,6.688055152
+"13372","REV1",6.177416744,6.177416532,6.177416307,6.177416437,6.177416131,6.177415954,6.177416525,6.177416017,6.177416659,6.177416319,6.177416019,6.177416406,6.177416526,6.177417154,6.177416492,6.177416036,6.177416084,6.177416184,6.17741646,6.177415501,6.177416466,6.177416382,6.177416611,6.177416415,6.177416115,6.177416473,6.177416479,6.177416718
+"13373","REV3L",6.310181145,6.310181193,6.31018066,6.310181068,6.310180575,6.310180561,6.310180969,6.310180566,6.310181004,6.310180761,6.310180488,6.310180354,6.310180963,6.310181528,6.310180869,6.310181018,6.310180236,6.310180803,6.310181068,6.31018034,6.31018081,6.31018065,6.310180932,6.310180861,6.310181036,6.310180971,6.310180832,6.310181145
+"13374","REX1BD",7.268462827,7.268462845,7.268462856,7.268462844,7.268462883,7.268462749,7.268462823,7.268462859,7.268462833,7.268462838,7.268462857,7.268462859,7.268462856,7.268462793,7.268462848,7.268462867,7.268462878,7.268462875,7.268462826,7.268462836,7.268462811,7.268462859,7.268462807,7.268462863,7.268462868,7.268462859,7.268462838,7.268462827
+"13375","REXO1",6.67988688,6.679886987,6.679886992,6.679887088,6.679887088,6.679887103,6.679887041,6.679887013,6.679887041,6.679887008,6.679887067,6.679887139,6.679886998,6.679886941,6.679887088,6.679887039,6.67988704,6.679887127,6.679887003,6.679887041,6.679886952,6.679887115,6.679886834,6.679886971,6.679887015,6.679887072,6.679887066,6.679887015
+"13376","REXO2",6.191263816,6.191263765,6.191263598,6.191263647,6.19126355,6.191263575,6.191263653,6.191263787,6.191263786,6.191263751,6.191263548,6.191263656,6.191263749,6.191263872,6.191263612,6.191263591,6.191263405,6.191263486,6.191263573,6.191263506,6.191263684,6.191263655,6.191263859,6.191263898,6.191263496,6.191263845,6.191263761,6.191263632
+"13377","REXO4",6.123790315,6.123790328,6.123790219,6.123790232,6.123790257,6.123790288,6.123790292,6.123790289,6.123790368,6.123790278,6.123790279,6.123790263,6.123790335,6.123790404,6.123790272,6.123790287,6.123790206,6.123790203,6.12379024,6.123790231,6.123790244,6.123790269,6.123790321,6.123790299,6.123790225,6.123790313,6.123790321,6.123790332
+"13378","REXO5",4.527437458,4.527437501,4.527437466,4.527437416,4.527437479,4.527437408,4.527437526,4.527437421,4.527437462,4.527437468,4.527437452,4.527437476,4.527437352,4.527437382,4.527437463,4.527437484,4.527437469,4.527437424,4.527437563,4.527437569,4.527437389,4.527437345,4.527437456,4.527437483,4.527437498,4.527437419,4.527437397,4.527437363
+"13379","RFC1",6.256879236,6.256879001,6.256878687,6.256878714,6.256878901,6.256878893,6.256879125,6.256878693,6.256879152,6.256878901,6.256878582,6.256878471,6.256878942,6.256879534,6.256879092,6.256878708,6.256878811,6.256878696,6.256878948,6.256878771,6.256879046,6.256878645,6.256879116,6.256878918,6.256878739,6.256878979,6.256879009,6.256879355
+"13380","RFC2",6.839094781,6.839094596,6.839094693,6.839094795,6.839094694,6.839094784,6.839094873,6.83909478,6.839094823,6.839094521,6.839094868,6.839094557,6.839094781,6.839094879,6.839094683,6.839094754,6.839094631,6.839094829,6.839094838,6.839094928,6.839094723,6.839094795,6.839094762,6.839094868,6.839094751,6.839094766,6.839094802,6.839094689
+"13381","RFC3",5.650696027,5.65069603,5.650696036,5.650696023,5.65069597,5.650695966,5.65069606,5.650695971,5.65069609,5.650695992,5.650695994,5.650695955,5.650696066,5.650696127,5.650695979,5.650695939,5.650695893,5.650695986,5.650696063,5.650695958,5.650696049,5.650696005,5.650696038,5.650696012,5.650695955,5.65069601,5.650695989,5.650696084
+"13382","RFC4",5.248038793,5.248038599,5.248038563,5.248038684,5.248038523,5.248038663,5.248038899,5.248038497,5.248038627,5.248038715,5.248038633,5.248038603,5.248038641,5.248038807,5.248038534,5.248038547,5.248038416,5.248038509,5.248038603,5.248038565,5.248038788,5.248038691,5.248038725,5.24803855,5.248038451,5.248038743,5.248038556,5.248038753
+"13383","RFC5",5.75979297,5.75979285,5.759793004,5.759792942,5.759792922,5.759792978,5.759793005,5.759792924,5.759792973,5.759792921,5.759792846,5.759792885,5.759792924,5.759792988,5.759792968,5.759792805,5.759792914,5.759792893,5.759792944,5.759792976,5.759793,5.759792884,5.759792959,5.759792903,5.759792896,5.759792955,5.759792965,5.759793005
+"13384","RFESD",3.634615006,3.634615131,3.634615002,3.634615258,3.634614972,3.634615018,3.634615331,3.634614943,3.634614996,3.634614983,3.634614818,3.634615108,3.634615399,3.634615205,3.634615075,3.634615064,3.634615118,3.634615137,3.634615254,3.634615032,3.634615164,3.63461528,3.634615106,3.634615258,3.634614992,3.634615031,3.634615026,3.634615453
+"13385","RFK",6.840014854,6.840014937,6.840015093,6.840014983,6.840015132,6.840014495,6.840014842,6.840015114,6.840014976,6.840015002,6.84001502,6.840015106,6.840015038,6.840014826,6.84001501,6.840015117,6.840015064,6.840015071,6.84001491,6.84001479,6.840014957,6.840015089,6.840014886,6.840014864,6.840015094,6.840014998,6.840015059,6.840015117
+"13386","RFLNB",8.628603785,8.628604578,8.628604188,8.62860495,8.628604033,8.628604236,8.628604342,8.62860434,8.628604157,8.628604404,8.6286048,8.628604793,8.628604014,8.628604212,8.628604174,8.628604719,8.628604343,8.628604405,8.628604512,8.628603902,8.628603988,8.628603996,8.628604342,8.628604735,8.62860498,8.628604664,8.628604232,8.628604607
+"13387","RFNG",6.860467691,6.860467769,6.860467898,6.860467711,6.86046818,6.860467877,6.860467957,6.860468033,6.860467913,6.860468133,6.860468304,6.860468085,6.860467809,6.860467441,6.860468182,6.86046728,6.860468167,6.860467956,6.86046797,6.860468068,6.860467935,6.860468123,6.860467874,6.860467527,6.860467896,6.860468022,6.860467919,6.860467873
+"13388","RFPL1",3.273008125,3.2730083,3.273008219,3.273008606,3.273008331,3.273008032,3.273008244,3.273008176,3.273007963,3.273008305,3.273008248,3.273008439,3.273008033,3.273008441,3.273007876,3.273008071,3.273007952,3.273008562,3.273008091,3.273008037,3.273008071,3.273008282,3.273008376,3.273008066,3.273008807,3.273008078,3.27300844,3.273008066
+"13389","RFPL2",3.7247449555,3.7247449,3.7247449205,3.7247449555,3.724745029,3.7247448915,3.72474491,3.724744965,3.724744859,3.7247451215,3.724745193,3.7247448895,3.724745132,3.724744812,3.7247450045,3.7247450365,3.724745111,3.724745162,3.724745032,3.724744951,3.7247448665,3.724745024,3.7247450045,3.7247448245,3.7247447585,3.7247450665,3.7247450055,3.7247451075
+"13390","RFPL3",3.870741619,3.8707415675,3.8707417505,3.870741573,3.870741645,3.8707417615,3.8707415805,3.87074173,3.8707415995,3.870741816,3.870741798,3.870741783,3.870741624,3.8707416265,3.8707417355,3.8707418195,3.87074157,3.870741603,3.8707416565,3.8707416975,3.8707416285,3.870741536,3.870741586,3.870741514,3.870741703,3.87074184,3.87074165,3.870741759
+"13391","RFPL4B",3.448660277,3.44866032,3.448660202,3.448660246,3.448660244,3.448660426,3.44866026,3.448660334,3.448660228,3.448660385,3.448660272,3.448660393,3.448660215,3.4486602,3.448660238,3.448660246,3.448660367,3.448660323,3.448660249,3.448660312,3.448660299,3.448660309,3.448660278,3.448660253,3.448660229,3.448660284,3.448660274,3.448660289
+"13392","RFT1",6.8075378525,6.8075370195,6.8075379185,6.8075377125,6.8075371005,6.807538036,6.807537414,6.8075375745,6.807537981,6.8075377655,6.807537471,6.8075374805,6.80753758,6.8075374645,6.8075368825,6.807537599,6.80753699,6.807537266,6.8075375315,6.807537204,6.8075374505,6.8075373655,6.807537907,6.8075378575,6.807537577,6.807537138,6.8075379855,6.807537635
+"13393","RFTN1",5.7154991585,5.7154989115,5.7154983585,5.715498132,5.7154985575,5.7154988205,5.715498612,5.7154987535,5.7154992215,5.715499254,5.7154982795,5.715498287,5.71549911,5.715499297,5.715498657,5.7154984745,5.715497862,5.7154980345,5.715498498,5.715498773,5.715498595,5.715498568,5.7154992515,5.71549906,5.715498193,5.715498345,5.7154990495,5.715499332
+"13394","RFTN2",3.507706846,3.507706806,3.507706863,3.50770686,3.507706878,3.507706816,3.507706852,3.507706921,3.507706859,3.507706926,3.507706952,3.507706877,3.507706806,3.507706881,3.507706915,3.507706851,3.507706919,3.507706891,3.507706887,3.507706874,3.507706885,3.50770683,3.507706875,3.507706868,3.507707029,3.507706822,3.507706875,3.507706882
+"13395","RFWD3",6.726874149,6.726874376,6.726873845,6.726874118,6.726874181,6.726874255,6.726874322,6.726874004,6.726874223,6.726874235,6.726874091,6.726874036,6.726874252,6.726874315,6.726874178,6.726874364,6.726873853,6.726874034,6.726874389,6.726874196,6.726874235,6.726874178,6.726874276,6.726874287,6.726874287,6.726874233,6.726874237,6.726874267
+"13396","RFX1",6.322694439,6.322694461,6.322694454,6.32269447,6.32269447,6.322694475,6.322694456,6.322694457,6.322694458,6.322694457,6.322694465,6.322694441,6.322694441,6.322694419,6.322694459,6.322694458,6.322694451,6.322694478,6.322694461,6.322694461,6.322694449,6.32269446,6.322694465,6.322694441,6.322694466,6.322694445,6.322694454,6.322694441
+"13397","RFX2",6.979758188,6.979759494,6.979758566,6.979759728,6.979758718,6.97975849,6.97975875,6.979758297,6.979758676,6.979758679,6.979758897,6.979758033,6.979758805,6.979758315,6.979758694,6.979759427,6.979758618,6.979759812,6.979758913,6.979758346,6.979758709,6.979758335,6.979758421,6.979758825,6.979759511,6.979758063,6.979758952,6.979758519
+"13398","RFX3",5.547838242,5.547838226,5.547838196,5.54783821,5.547838165,5.547838186,5.547838187,5.547838134,5.547838237,5.547838242,5.547838202,5.547838108,5.547838235,5.547838264,5.547838174,5.547838128,5.547838146,5.547838206,5.547838237,5.547838081,5.547838219,5.547838197,5.547838255,5.54783823,5.547838188,5.54783814,5.547838219,5.547838225
+"13399","RFX4",3.890365391,3.890365416,3.890365424,3.890365445,3.890365419,3.89036542,3.890365425,3.890365442,3.89036542,3.890365386,3.890365425,3.890365418,3.890365408,3.890365377,3.890365444,3.89036543,3.890365447,3.890365427,3.890365425,3.890365422,3.890365417,3.890365411,3.890365388,3.890365411,3.890365413,3.890365437,3.890365409,3.890365412
+"13400","RFX5",7.00597653,7.005976279,7.005976038,7.005976068,7.005976037,7.005976952,7.005976262,7.005975815,7.005976193,7.005976339,7.005976009,7.005975771,7.005976585,7.005976785,7.005976228,7.005975815,7.005975735,7.0059759,7.005976208,7.0059767,7.005976106,7.005976055,7.005976162,7.005976313,7.005976015,7.005976064,7.005976596,7.005976397
+"13401","RFX6",3.12095665,3.12095668,3.120956652,3.120956674,3.120956662,3.120956643,3.120956652,3.12095667,3.120956676,3.120956672,3.120956658,3.120956673,3.120956662,3.120956653,3.120956655,3.12095667,3.120956657,3.120956678,3.120956649,3.120956651,3.120956641,3.120956659,3.120956653,3.120956627,3.12095668,3.120956644,3.120956657,3.120956643
+"13402","RFX7",5.928501958,5.928501642,5.92850162,5.928501614,5.928501789,5.928501776,5.928501895,5.92850164,5.9285019,5.928501832,5.928501473,5.928501806,5.928501866,5.928501943,5.928501899,5.928501275,5.928501471,5.92850156,5.928501889,5.928501764,5.928501824,5.928501627,5.928502024,5.928501696,5.92850155,5.928501957,5.928501882,5.928501746
+"13403","RFX8",3.291885902,3.291885849,3.291885899,3.291885983,3.29188591,3.291885845,3.291885862,3.291885925,3.291885895,3.291885906,3.291885929,3.29188583,3.291885819,3.291885837,3.291885905,3.29188584,3.291885892,3.291885944,3.291885862,3.29188588,3.291885883,3.291885898,3.291885871,3.291885883,3.291885893,3.291885809,3.291885901,3.291885907
+"13404","RFXANK",6.635633399,6.635633429,6.635633491,6.635633411,6.635633363,6.635633491,6.635633454,6.635633405,6.635633554,6.635633383,6.635633447,6.635633421,6.635633448,6.635633362,6.635633414,6.635633363,6.635633415,6.635633461,6.635633377,6.635633429,6.635633429,6.635633403,6.635633502,6.635633411,6.635633377,6.635633447,6.63563348,6.63563344
+"13405","RFXAP",5.607809131,5.607809017,5.607808819,5.607808816,5.60780884,5.607808596,5.607808756,5.607808846,5.607809077,5.60780883,5.607808539,5.607808751,5.6078089,5.607809161,5.607808893,5.607808854,5.607808356,5.607808696,5.607808948,5.607808526,5.607808714,5.607808688,5.607809034,5.607808856,5.607808775,5.607808841,5.607808982,5.607809044
+"13406","RGCC",7.36954969,7.369549777,7.369549824,7.369549554,7.369549908,7.369550375,7.369550266,7.369550112,7.369550724,7.36955104,7.369549962,7.36955069,7.369550057,7.369550252,7.369549791,7.369549231,7.369549544,7.369549578,7.369550132,7.369550034,7.369550132,7.369550253,7.369550638,7.369550765,7.369549547,7.36955071,7.36955004,7.369550033
+"13407","RGL1",5.114226926,5.114226951,5.114226951,5.114226962,5.11422696,5.114226961,5.114226904,5.114226933,5.114226924,5.114226929,5.114226901,5.114226957,5.114226923,5.114226943,5.114226921,5.114226904,5.114227018,5.114226925,5.114226946,5.114226971,5.114226926,5.114226937,5.114226925,5.114226943,5.114226973,5.114226952,5.114226919,5.114226915
+"13408","RGL2",6.862525598,6.8625259185,6.8625253975,6.862526296,6.8625252785,6.862526007,6.8625258245,6.8625253235,6.862525154,6.862525723,6.862525658,6.8625256905,6.862525398,6.862525843,6.86252564,6.862525954,6.8625260445,6.8625264695,6.8625256315,6.862525634,6.8625257735,6.8625256685,6.862524695,6.862526066,6.8625262785,6.8625254715,6.862525504,6.862525159
+"13409","RGL3",5.231904156,5.231904218,5.231904229,5.231904234,5.231904226,5.231904155,5.23190425,5.231904247,5.231904176,5.231904182,5.231904273,5.23190425,5.231904212,5.23190416,5.231904224,5.231904232,5.231904223,5.231904273,5.231904218,5.231904222,5.231904216,5.231904255,5.231904217,5.231904203,5.231904256,5.231904242,5.231904212,5.231904232
+"13410","RGL4",5.395233532,5.395233528,5.395233521,5.395233587,5.395233514,5.395233606,5.395233559,5.395233565,5.395233547,5.395233586,5.395233563,5.395233542,5.395233569,5.395233498,5.395233558,5.395233535,5.395233557,5.395233591,5.395233569,5.395233571,5.395233568,5.395233563,5.395233532,5.39523358,5.395233575,5.395233545,5.395233568,5.395233502
+"13411","RGMA",5.69164691,5.691646951,5.691647278,5.69164697,5.691647627,5.691647126,5.691647131,5.691647499,5.691646967,5.691647148,5.691647192,5.691647294,5.691647003,5.691646479,5.69164732,5.691646853,5.691647319,5.691647249,5.691647092,5.691647137,5.691647295,5.691647327,5.691646951,5.691647001,5.691647003,5.691647336,5.691646824,5.691647017
+"13412","RGMB",5.096899262,5.096899336,5.096899298,5.09689929,5.096899314,5.096899282,5.096899299,5.096899303,5.096899302,5.09689928,5.096899198,5.096899395,5.096899318,5.096899316,5.096899353,5.096899295,5.096899349,5.096899345,5.096899259,5.096899296,5.096899277,5.096899359,5.096899338,5.096899284,5.09689927,5.096899351,5.096899294,5.09689935
+"13413","RGN",3.546309247,3.546309401,3.546309363,3.546309344,3.546309531,3.546309429,3.546309538,3.546309518,3.546309354,3.546309493,3.546309395,3.546309463,3.546309447,3.54630932,3.54630949,3.54630945,3.546309446,3.546309573,3.546309449,3.546309493,3.546309343,3.546309306,3.546309244,3.546309384,3.546309276,3.546309494,3.546309493,3.546309426
+"13414","RGP1",6.629857935,6.629857978,6.629857767,6.629857897,6.62985771,6.62985809,6.629857598,6.629857836,6.629858035,6.629857917,6.629857737,6.629857558,6.629857921,6.629858049,6.629857832,6.629857856,6.629857501,6.62985786,6.629857861,6.629858015,6.62985773,6.629857817,6.629858025,6.629857867,6.629857967,6.629857683,6.629857915,6.629857846
+"13415","RGR",4.908772028,4.908772041,4.908772054,4.908772055,4.908772057,4.908772009,4.908772038,4.908772055,4.908772046,4.908772031,4.908772061,4.908772062,4.90877204,4.908772021,4.908772063,4.908772044,4.908772086,4.908772067,4.908772023,4.908772046,4.908772036,4.908772059,4.908772035,4.908772018,4.908772049,4.90877204,4.908772035,4.908772038
+"13416","RGS1",3.164238746,3.164238848,3.164238866,3.164238856,3.164238825,3.164238854,3.164238879,3.164238826,3.164238827,3.164238996,3.164238808,3.164238881,3.164238814,3.164238747,3.16423882,3.164238839,3.164238992,3.164238844,3.164238723,3.164238872,3.164238833,3.164238766,3.164238714,3.16423875,3.164238878,3.164238847,3.164238803,3.164238856
+"13417","RGS10",7.861500681,7.861500613,7.861500937,7.861500788,7.861500879,7.861500941,7.861500609,7.86150109,7.861501143,7.861501144,7.861501006,7.861501028,7.861500624,7.861500605,7.861500806,7.861500519,7.861500812,7.86150095,7.861500645,7.861500667,7.861500666,7.861501,7.861501061,7.861500987,7.861501075,7.861501084,7.861500699,7.861500745
+"13418","RGS11",5.082365782,5.08236579,5.0823658,5.082365796,5.082365854,5.082365805,5.082365806,5.082365826,5.08236581,5.082365795,5.082365829,5.082365846,5.082365798,5.082365758,5.082365835,5.082365805,5.082365827,5.082365839,5.082365797,5.082365825,5.082365808,5.082365833,5.0823658,5.082365786,5.082365813,5.082365818,5.082365796,5.082365789
+"13419","RGS12",5.166813922,5.166813918,5.166813924,5.166813916,5.166813936,5.166813908,5.166813923,5.166813926,5.166813938,5.166813931,5.166813944,5.166813919,5.166813916,5.166813904,5.166813916,5.166813931,5.166813926,5.16681393,5.166813918,5.166813925,5.166813923,5.166813922,5.166813937,5.166813917,5.166813915,5.166813929,5.166813914,5.166813922
+"13420","RGS13",3.696328722,3.696329011,3.696328926,3.696328822,3.696328798,3.696328921,3.696328725,3.696328948,3.696328898,3.696328874,3.69632887,3.696328812,3.696328846,3.696328781,3.696328772,3.696328791,3.696329039,3.696328793,3.696328826,3.696328958,3.696328702,3.696328876,3.696328876,3.696328862,3.696328876,3.696328718,3.696328896,3.696328831
+"13421","RGS14",8.310216522,8.310217246,8.310216227,8.310217285,8.310216641,8.310217046,8.310216693,8.310216519,8.310216575,8.310216849,8.310216753,8.31021632,8.310216828,8.310216417,8.310216759,8.310216844,8.31021625,8.310217097,8.310216885,8.310216747,8.310216396,8.310216468,8.310216785,8.310216884,8.310217032,8.310216467,8.310216848,8.310216214
+"13422","RGS16",5.870663867,5.870663515,5.870663948,5.870663675,5.870664243,5.87066353,5.870663947,5.870664061,5.870663696,5.870663698,5.87066403,5.870664244,5.870663769,5.870663421,5.870664022,5.870663557,5.870664377,5.870664076,5.870664031,5.870663859,5.870664214,5.870664187,5.870663692,5.870663596,5.870663863,5.870664179,5.870663901,5.870663866
+"13423","RGS17",4.790883223,4.790883258,4.790883136,4.790883306,4.790883859,4.79088335,4.790883408,4.790883517,4.790883036,4.790883085,4.790883369,4.790883862,4.79088327,4.790883105,4.790883733,4.790883297,4.790883885,4.790883398,4.790883547,4.790883388,4.790883688,4.790883621,4.790882986,4.790883071,4.790883484,4.790883497,4.790883308,4.790883514
+"13424","RGS18",5.992020145,5.991204086,5.991975465,5.992433435,5.992206763,5.989576562,5.992316311,5.990055255,5.990397796,5.993123221,5.99320315,5.991333403,5.991512737,5.994752228,5.991409632,5.989864824,5.99233783,5.993070099,5.992409987,5.98944046,5.992361579,5.990247407,5.991626309,5.993489181,5.993284926,5.992047061,5.990990116,5.995189137
+"13425","RGS19",8.207980653,8.207980923,8.207980894,8.207981057,8.207980883,8.207980976,8.207980722,8.207980973,8.207980913,8.20798088,8.207980906,8.207980663,8.207980888,8.207980536,8.207980656,8.20798106,8.207980995,8.207980919,8.20798093,8.207981105,8.207980707,8.207980972,8.207980791,8.207980968,8.207981016,8.207980685,8.207980894,8.207980775
+"13426","RGS2",9.442189114,9.681103869,9.367239519,9.985378138,9.323461746,9.337327238,9.644250399,9.227428437,9.11278956,9.080589997,9.494978019,8.924737892,9.258333575,9.473200511,9.431171003,9.828787118,9.507724028,9.971010413,9.876955193,9.673379189,9.807381502,9.167190833,9.666322942,9.727401949,9.735321579,9.358212353,9.232973735,9.312205931
+"13427","RGS20",4.468963706,4.468963526,4.468963645,4.468963582,4.46896382,4.468963554,4.468963677,4.468963654,4.468963711,4.468963527,4.468963817,4.468963763,4.468963683,4.468963524,4.46896372,4.468963791,4.468963753,4.468963781,4.468963707,4.468963651,4.468963833,4.46896372,4.468963624,4.468963606,4.468963714,4.468963774,4.4689637,4.468963831
+"13428","RGS21",3.024394214,3.024394158,3.024394225,3.024394253,3.024394144,3.024394169,3.024394154,3.024394142,3.024394198,3.024394152,3.0243942,3.024394168,3.024394147,3.024394159,3.024394222,3.024394175,3.024394155,3.024394169,3.024394172,3.024394152,3.024394155,3.024394138,3.024394206,3.024394188,3.024394178,3.024394167,3.024394148,3.024394204
+"13429","RGS22",2.894516565,2.894516525,2.894516514,2.89451653,2.894516625,2.894516571,2.894516553,2.894516576,2.894516607,2.894516554,2.894516658,2.894516647,2.894516552,2.894516516,2.894516581,2.89451657,2.894516684,2.894516551,2.89451658,2.894516671,2.894516554,2.894516595,2.894516581,2.894516542,2.894516573,2.894516567,2.89451652,2.894516566
+"13430","RGS3",6.577909243,6.577909257,6.577909242,6.577909258,6.577909222,6.577909251,6.577909229,6.577909275,6.577909244,6.577909239,6.577909248,6.577909227,6.577909264,6.577909217,6.577909253,6.57790926,6.577909242,6.577909265,6.577909224,6.577909252,6.577909236,6.577909263,6.577909254,6.577909238,6.577909255,6.577909233,6.577909244,6.577909226
+"13431","RGS4",4.245912995,4.245912982,4.245912997,4.245912978,4.245913013,4.245913006,4.245913021,4.245913005,4.245913009,4.24591299,4.245913018,4.245913056,4.245913002,4.245912985,4.245913008,4.245912995,4.245913022,4.245913005,4.245913004,4.24591301,4.245913016,4.245912998,4.245912988,4.245912983,4.245913008,4.245913005,4.245912981,4.245913011
+"13432","RGS5",3.505676965,3.505676977,3.505676963,3.505676942,3.505676998,3.505676971,3.505676963,3.50567699,3.505677017,3.505676993,3.505676989,3.505677011,3.505676959,3.505676987,3.505676971,3.505676985,3.505676985,3.50567697,3.505677004,3.505676983,3.505677019,3.505677003,3.505676983,3.505676968,3.505676998,3.505676961,3.505676981,3.505676971
+"13433","RGS6",5.091012875,5.091013102,5.091013165,5.091013277,5.091013207,5.091013086,5.091013165,5.091013135,5.091013023,5.091013112,5.091013143,5.091013332,5.091013068,5.091012903,5.091013094,5.091013053,5.091013244,5.091013296,5.09101301,5.091013004,5.091013159,5.091013096,5.091012978,5.091013157,5.091013101,5.091013335,5.09101304,5.091012925
+"13434","RGS7",4.08937633,4.089376331,4.089376414,4.089376409,4.089376544,4.089376427,4.089376448,4.089376433,4.089376392,4.089376452,4.089376409,4.089376536,4.089376424,4.089376345,4.089376517,4.089376376,4.089376533,4.089376459,4.089376439,4.089376382,4.089376455,4.0893765,4.089376352,4.089376346,4.089376396,4.08937648,4.089376376,4.089376508
+"13435","RGS7BP",3.559987109,3.559987116,3.559987128,3.559987143,3.5599872,3.559987144,3.559987073,3.55998726,3.559987159,3.559987182,3.559987286,3.559987177,3.559987214,3.55998719,3.55998733,3.559987399,3.559987267,3.559987296,3.55998719,3.559987212,3.559987188,3.55998725,3.559987096,3.55998717,3.559987121,3.559987113,3.559987087,3.559987305
+"13436","RGS8",4.618985485,4.618985514,4.618985507,4.618985489,4.618985544,4.618985482,4.618985481,4.618985493,4.618985542,4.61898548,4.618985527,4.618985541,4.61898551,4.618985453,4.618985537,4.618985514,4.618985536,4.618985534,4.618985475,4.618985501,4.618985527,4.618985529,4.618985496,4.618985488,4.618985549,4.618985529,4.6189855,4.618985497
+"13437","RGS9",4.83019127,4.830191094,4.83019121,4.830191147,4.830191033,4.830191062,4.830191368,4.830191709,4.830191144,4.830191162,4.830191226,4.830191121,4.830190987,4.830191043,4.830191371,4.830190992,4.830191301,4.830191004,4.830190938,4.830190698,4.830191408,4.83019144,4.830191213,4.830191045,4.830191295,4.830191226,4.830190953,4.830191173
+"13438","RGS9BP",3.996371814,3.996371841,3.996371858,3.996371862,3.996371894,3.996371868,3.996371863,3.996371874,3.996371907,3.996371885,3.99637184,3.996371918,3.996371891,3.996371839,3.996371882,3.996371872,3.996371874,3.99637187,3.996371875,3.996371896,3.99637188,3.996371895,3.996371847,3.99637186,3.99637185,3.996371835,3.996371856,3.996371857
+"13439","RGSL1",3.254174424,3.254174697,3.254174632,3.2541747535,3.2541746265,3.2541747305,3.254174684,3.254174701,3.2541746465,3.2541747735,3.2541747275,3.2541748215,3.2541746085,3.2541745755,3.254174567,3.254174667,3.2541746555,3.254174664,3.2541745985,3.254174706,3.254174447,3.2541747575,3.2541747725,3.254174637,3.254174597,3.2541745985,3.25417468,3.254174572
+"13440","RHAG",4.569857704,4.5698577,4.569857784,4.569857693,4.569857776,4.569857748,4.56985779,4.569857796,4.569857757,4.569857776,4.569857755,4.569857804,4.569857745,4.569857656,4.56985778,4.569857773,4.569857801,4.569857773,4.569857722,4.569857743,4.56985778,4.569857803,4.569857779,4.569857725,4.569857758,4.569857768,4.569857741,4.569857774
+"13441","RHBDD1",7.755841024,7.755840864,7.755841236,7.755840719,7.755840895,7.75584106,7.75584098,7.755840993,7.755841296,7.75584118,7.755840873,7.755841357,7.755840925,7.755841153,7.755840883,7.755840673,7.755841042,7.755840747,7.755840721,7.755841055,7.755840873,7.75584097,7.755841299,7.75584124,7.755840963,7.755841296,7.755840936,7.755841172
+"13442","RHBDD2",7.785295678,7.785295857,7.785295648,7.785295823,7.785295619,7.785295754,7.785295665,7.785295675,7.785295738,7.785295617,7.78529568,7.785295544,7.785295573,7.785295787,7.785295628,7.785295821,7.785295599,7.785295739,7.785295756,7.785295532,7.785295532,7.785295715,7.785295837,7.785295767,7.78529571,7.785295643,7.785295545,7.78529567
+"13443","RHBDD3",6.401062061,6.401061763,6.401062433,6.401061769,6.401062975,6.401061719,6.401062131,6.401062616,6.401062261,6.40106228,6.401062115,6.401062731,6.401061992,6.401061115,6.401062685,6.401062144,6.401062734,6.401062398,6.401062268,6.401062044,6.401062819,6.401062562,6.401061574,6.401061668,6.401061887,6.401062445,6.401062079,6.401062345
+"13444","RHBDF1",5.711514229,5.711514189,5.711514261,5.71151425,5.711514263,5.711514267,5.711514262,5.711514286,5.711514219,5.711514263,5.711514246,5.711514291,5.711514259,5.711514203,5.711514254,5.71151424,5.711514288,5.711514271,5.711514254,5.711514263,5.711514269,5.711514281,5.711514224,5.711514228,5.711514222,5.711514251,5.711514247,5.711514232
+"13445","RHBDF2",6.466515455,6.466515689,6.466515247,6.466515581,6.466515336,6.46651651,6.466515613,6.466515541,6.466515452,6.466515678,6.4665153,6.466515007,6.466515673,6.466515301,6.466515265,6.466515526,6.466515235,6.466515329,6.466515311,6.466516278,6.466515412,6.466515307,6.466515526,6.46651573,6.466515332,6.46651507,6.466515556,6.466515001
+"13446","RHBDL1",5.80267835,5.802678333,5.802678388,5.80267835,5.802678388,5.802678334,5.802678386,5.802678394,5.802678361,5.802678318,5.802678375,5.802678429,5.802678366,5.802678294,5.802678414,5.802678393,5.80267845,5.802678428,5.802678395,5.802678341,5.80267844,5.802678398,5.802678319,5.802678254,5.802678365,5.802678386,5.802678346,5.802678328
+"13447","RHBDL2",3.511935006,3.511935055,3.511935084,3.511935054,3.511935042,3.511934993,3.511935,3.511935081,3.51193503,3.511935022,3.511935034,3.511935038,3.511935019,3.511934983,3.511935034,3.511935107,3.511935057,3.511935082,3.511935038,3.511935056,3.511935105,3.511935023,3.511935018,3.511935073,3.511935022,3.511935035,3.511935074,3.511935054
+"13448","RHBDL3",4.724651747,4.724651749,4.724651753,4.724651742,4.724651784,4.724651764,4.724651754,4.724651768,4.724651737,4.724651765,4.724651768,4.724651754,4.724651753,4.724651734,4.724651774,4.724651761,4.724651774,4.724651768,4.724651765,4.724651749,4.724651778,4.724651775,4.724651749,4.724651752,4.724651754,4.724651764,4.724651754,4.724651752
+"13449","RHBG",5.480532412,5.480532472,5.4805324,5.480532406,5.480532699,5.480532417,5.480532552,5.480532539,5.480532403,5.480532513,5.480532534,5.480532645,5.48053255,5.480532282,5.480532653,5.480532405,5.480532531,5.480532694,5.48053257,5.480532681,5.480532742,5.480532739,5.480532322,5.480532379,5.48053248,5.480532517,5.480532536,5.480532585
+"13450","RHCE",4.196385538,4.19638543,4.196385688,4.196385676,4.196385536,4.196385643,4.196385619,4.196385665,4.196385505,4.196385742,4.196385743,4.19638568,4.196385546,4.196385523,4.196385625,4.196385474,4.196385702,4.196385567,4.196385477,4.19638576,4.19638569,4.19638559,4.196385521,4.196385751,4.196385663,4.196385671,4.196385458,4.196385528
+"13451","RHCG",4.691676133,4.691676128,4.69167619,4.691676158,4.691676208,4.69167611,4.691676173,4.691676165,4.691676139,4.691676137,4.691676197,4.691676208,4.691676156,4.69167614,4.691676167,4.69167617,4.691676189,4.691676205,4.69167618,4.691676181,4.691676202,4.691676207,4.691676121,4.691676156,4.691676187,4.691676193,4.691676138,4.691676182
+"13452","RHD",5.394194705,5.394193604,5.394195806,5.394194926,5.394195719,5.39419463,5.394195027,5.394194156,5.394193603,5.394196121,5.394195322,5.394195668,5.394194479,5.394192752,5.394194608,5.394193517,5.394194676,5.394195706,5.394194869,5.394195022,5.394195818,5.394193272,5.394193257,5.394196506,5.394195419,5.394195073,5.394193808,5.394193374
+"13453","RHEB",6.081650381,6.081650366,6.081650444,6.081650514,6.081650151,6.081650209,6.081650245,6.081650219,6.081650146,6.081650418,6.081650491,6.081650271,6.081650482,6.08165066,6.081650304,6.081650509,6.081650223,6.081650393,6.081650199,6.081650133,6.081650384,6.08165031,6.081650462,6.081650498,6.081650444,6.081650285,6.081650449,6.081650552
+"13454","RHEBL1",4.079443124,4.079443112,4.079443129,4.079443088,4.079443136,4.079443133,4.079443116,4.079443134,4.079443126,4.07944306,4.079443104,4.079443179,4.079443108,4.079443067,4.079443111,4.079443122,4.079443112,4.079443147,4.079443121,4.079443156,4.079443137,4.07944313,4.079443085,4.079443114,4.079443138,4.079443119,4.079443127,4.079443134
+"13455","RHEX",4.917990787,4.917990696,4.917990752,4.917990862,4.917990778,4.917990667,4.917990704,4.917990716,4.917990568,4.917990672,4.917990735,4.917990777,4.917990686,4.917990648,4.917990745,4.917990625,4.917990786,4.917990822,4.917990742,4.917990627,4.917990818,4.91799074,4.91799074,4.917990671,4.917990652,4.917990638,4.917990678,4.91799078
+"13456","RHNO1",5.906040998,5.906041039,5.906040618,5.906040734,5.906040689,5.906040797,5.906040816,5.906040986,5.906041177,5.906041009,5.90604079,5.906040893,5.906041312,5.906041102,5.906040964,5.906040464,5.906040741,5.906040689,5.906040928,5.906041209,5.906040818,5.906041118,5.90604136,5.906041419,5.906040809,5.906040829,5.906041359,5.906041408
+"13457","RHO",4.75373802,4.753738001,4.753738057,4.753738045,4.753738097,4.753738031,4.753738053,4.753738047,4.753738026,4.75373802,4.753738036,4.753738044,4.753738034,4.753737987,4.753738053,4.753738072,4.753738068,4.753738092,4.753738041,4.753738039,4.753738083,4.753738051,4.753738031,4.753738042,4.753738041,4.753738077,4.753738017,4.753738053
+"13458","RHOA",10.45959181,10.45959183,10.45959118,10.45959197,10.45959146,10.45959192,10.45959167,10.45959108,10.45959101,10.45959131,10.45959119,10.45959076,10.45959174,10.45959178,10.45959169,10.45959146,10.45959124,10.45959149,10.45959176,10.4595916,10.45959175,10.45959142,10.45959137,10.45959149,10.45959126,10.45959117,10.4595916,10.45959143
+"13459","RHOB",8.256586899,8.256587688,8.256587516,8.256588038,8.256587296,8.256587685,8.256587282,8.256587481,8.256586633,8.256587038,8.256587444,8.256587189,8.256587398,8.256587384,8.256587443,8.25658776,8.256587554,8.256588281,8.25658781,8.256587114,8.256587591,8.25658786,8.256587286,8.256587268,8.256587818,8.256587464,8.256587501,8.256587647
+"13460","RHOBTB1",4.689469018,4.689469137,4.689469103,4.689469222,4.689469153,4.689468988,4.689469067,4.689469074,4.689469039,4.689469151,4.689469117,4.689469077,4.689469059,4.689468939,4.68946908,4.689469055,4.689469079,4.689469101,4.68946908,4.689469037,4.689469106,4.689469078,4.689469086,4.689469137,4.689469151,4.689469061,4.68946907,4.689468992
+"13461","RHOBTB2",5.884558666,5.88455866,5.884558646,5.884558643,5.88455866,5.884558652,5.884558679,5.884558578,5.884558687,5.884558604,5.884558571,5.88455863,5.884558654,5.884558653,5.884558682,5.884558697,5.884558632,5.884558689,5.884558588,5.884558746,5.884558622,5.884558698,5.884558645,5.884558601,5.884558618,5.884558701,5.88455866,5.884558677
+"13462","RHOBTB3",5.011150519,5.011150933,5.011150364,5.011150195,5.011150551,5.011150131,5.011150248,5.011150266,5.011150374,5.011150445,5.011151071,5.011150326,5.011150368,5.01115084,5.011150223,5.011150478,5.011149926,5.01114943,5.011150716,5.01115004,5.011150137,5.01114959,5.011150487,5.011150776,5.011150786,5.011150318,5.0111503,5.011150357
+"13463","RHOC",7.049706215,7.049706209,7.049706214,7.049706145,7.049706207,7.049706199,7.049706164,7.049706155,7.049706134,7.049706251,7.049706216,7.049706163,7.049706216,7.049706171,7.049706182,7.049706166,7.049706196,7.049706168,7.049706167,7.0497062,7.049706173,7.049706183,7.049706173,7.049706242,7.04970615,7.049706193,7.0497062,7.049706176
+"13464","RHOD",6.151061592,6.151061533,6.151061748,6.15106153,6.151061996,6.151061807,6.151061771,6.151061889,6.151061745,6.151061815,6.151061758,6.151062026,6.151061647,6.151061557,6.151061871,6.151061769,6.151061976,6.151061817,6.151061707,6.151061634,6.15106191,6.151061936,6.151061567,6.151061531,6.151061697,6.151061811,6.151061734,6.1510617
+"13465","RHOF",7.737274905,7.737274897,7.737274871,7.737274884,7.737274889,7.737274916,7.737274913,7.737274914,7.737274916,7.737274909,7.737274827,7.737274911,7.73727491,7.737274933,7.737274881,7.737274874,7.737274838,7.737274886,7.737274889,7.737274861,7.737274885,7.737274907,7.737274937,7.737274932,7.737274866,7.73727488,7.737274937,7.73727491
+"13466","RHOG",9.287711837,9.287712305,9.287712039,9.287712889,9.287711663,9.287712774,9.287712166,9.287711931,9.287711526,9.287711755,9.287712142,9.287711272,9.287712237,9.287711263,9.287711625,9.287711996,9.287711887,9.28771223,9.287712245,9.287712204,9.287711903,9.287712333,9.287711801,9.287711836,9.287711869,9.287711444,9.287712169,9.287711093
+"13467","RHOH",7.663460101,7.663207538,7.662590534,7.662528933,7.663208961,7.66293274,7.66307159,7.662858459,7.663889326,7.663498937,7.662125532,7.663059603,7.66340996,7.664142949,7.663089481,7.662649298,7.662204143,7.662498993,7.663242633,7.662736568,7.662873739,7.663059432,7.663721225,7.6633076,7.662188686,7.663229981,7.66327392,7.663966246
+"13468","RHOJ",4.463964877,4.463965383,4.463965079,4.463965083,4.463965266,4.463965164,4.463965009,4.463965234,4.463965043,4.463965056,4.463965388,4.463965682,4.463965021,4.46396473,4.463965198,4.463965145,4.463965188,4.463965084,4.463965239,4.463965279,4.463965022,4.463965076,4.463965069,4.463964856,4.463965068,4.46396492,4.463965065,4.463965282
+"13469","RHOQ",8.2971137115,8.297113965,8.2971138,8.2971141755,8.2971134235,8.2971135495,8.297113691,8.297113498,8.297113591,8.2971139035,8.2971146115,8.2971130825,8.2971141055,8.297114026,8.2971136285,8.297113684,8.2971131885,8.297114142,8.297113293,8.297114075,8.297113784,8.297113588,8.2971137425,8.2971139665,8.2971144535,8.2971134675,8.2971139035,8.2971138515
+"13470","RHOT1",7.05986523,7.059864948,7.059864559,7.059864773,7.059864225,7.059864735,7.059864645,7.059864127,7.059864658,7.059864576,7.059864492,7.059863273,7.059864626,7.05986558,7.059864643,7.059864847,7.059864305,7.059864205,7.059864894,7.059865234,7.059864688,7.059864268,7.05986491,7.059864934,7.05986449,7.059864217,7.059864372,7.059864561
+"13471","RHOT2",7.152029993,7.152030045,7.152030077,7.152030051,7.152029926,7.152030138,7.152030062,7.152030119,7.152030015,7.152030131,7.152030074,7.152030004,7.152030096,7.152030126,7.152030035,7.152030009,7.152030017,7.152029966,7.15203,7.152029991,7.152029966,7.15203013,7.15203011,7.152030007,7.152029963,7.152030065,7.152030082,7.152030064
+"13472","RHOU",7.177824566,7.177824587,7.177824597,7.177824588,7.177824651,7.177824614,7.177824608,7.177824669,7.17782462,7.177824704,7.177824618,7.177824377,7.177824695,7.17782464,7.177824573,7.177824615,7.177824578,7.177824552,7.177824625,7.17782469,7.177824612,7.177824684,7.177824648,7.177824724,7.177824647,7.177824515,7.177824639,7.177824641
+"13473","RHOV",6.297259079,6.297258976,6.297259503,6.297259243,6.297259693,6.297259295,6.297259329,6.297259517,6.297259253,6.297259331,6.297259479,6.29725963,6.297259396,6.297258764,6.297259623,6.297259208,6.297259485,6.297259399,6.297259478,6.297259417,6.297259475,6.297259346,6.297259334,6.297259201,6.297259242,6.297259368,6.297259113,6.297259343
+"13474","RHOXF1",4.333981063,4.333980999,4.333981084,4.333981118,4.333981083,4.333981033,4.333980953,4.333981003,4.333981002,4.333981167,4.33398105,4.333981053,4.333981012,4.333981067,4.333981086,4.333980989,4.333981138,4.333981149,4.333981145,4.333981162,4.333981076,4.333981062,4.333981061,4.333981015,4.333981023,4.333981155,4.333981006,4.333981035
+"13475","RHPN1",6.175289578,6.175289555,6.175289568,6.175289586,6.175289602,6.17528958,6.175289571,6.175289593,6.175289579,6.175289573,6.175289563,6.175289611,6.175289595,6.175289557,6.175289604,6.175289575,6.175289577,6.175289583,6.175289589,6.175289577,6.175289589,6.175289603,6.17528956,6.175289577,6.175289577,6.175289604,6.175289597,6.175289567
+"13476","RHPN1-AS1",5.02560433,5.025604479,5.02560437,5.025604563,5.025604771,5.025604243,5.025604228,5.02560464,5.025604457,5.025604501,5.025604563,5.025604599,5.025604374,5.02560423,5.02560457,5.025604267,5.025604765,5.025604566,5.02560442,5.025604407,5.025604507,5.025604604,5.025604313,5.02560436,5.025604669,5.02560465,5.025604229,5.02560438
+"13477","RHPN2",5.707544101,5.707544143,5.707544175,5.70754418,5.707544409,5.707544297,5.707544355,5.707544336,5.707544279,5.707544267,5.707544274,5.707544573,5.707544255,5.707544002,5.707544443,5.707544198,5.707544467,5.707544318,5.707544303,5.707544255,5.707544482,5.707544389,5.707544209,5.707544112,5.707544199,5.707544324,5.707544191,5.707544319
+"13478","RIBC1",4.312790364,4.312790367,4.312790406,4.312790385,4.312790441,4.312790356,4.312790405,4.312790403,4.312790397,4.31279039,4.312790375,4.312790437,4.312790394,4.312790366,4.312790422,4.312790421,4.312790474,4.312790412,4.312790407,4.312790401,4.312790412,4.312790414,4.312790396,4.312790373,4.312790395,4.312790395,4.312790365,4.312790422
+"13479","RIBC2",4.003912926,4.003912901,4.003912995,4.003912988,4.00391331,4.003912962,4.003913274,4.003912974,4.003912882,4.003912938,4.003913059,4.003913215,4.003912994,4.003912871,4.003913174,4.00391313,4.003913183,4.003913187,4.003913039,4.003912894,4.003913207,4.003913258,4.0039129,4.003913022,4.003913113,4.003913133,4.003912967,4.003912936
+"13480","RIC1",6.98379883,6.983798787,6.983798717,6.983798742,6.983798687,6.983798802,6.983798743,6.983798679,6.983798695,6.983798692,6.983798719,6.983798665,6.983798726,6.983798822,6.983798727,6.983798724,6.983798636,6.983798643,6.983798776,6.983798754,6.983798736,6.983798663,6.983798717,6.983798766,6.983798689,6.983798687,6.983798782,6.983798749
+"13481","RIC3",5.041734129,5.041733895,5.041733827,5.041733912,5.041734007,5.041734004,5.041733878,5.041733968,5.041733976,5.041733946,5.041733761,5.041734018,5.041733974,5.041734251,5.041734028,5.041733686,5.041733873,5.041733603,5.041734036,5.041734055,5.041733861,5.041733931,5.041734011,5.041733841,5.04173381,5.041734078,5.041734065,5.041734127
+"13482","RIC8A",7.374000953,7.374000988,7.374000912,7.374000902,7.374000857,7.374001002,7.374000898,7.374000933,7.374000892,7.374000908,7.374000862,7.37400078,7.37400096,7.374000943,7.374000756,7.374000926,7.374000694,7.374000792,7.374000907,7.374000902,7.374000791,7.374000904,7.37400087,7.37400097,7.374000844,7.374000831,7.374000949,7.374000864
+"13483","RIC8B",5.803436204,5.803436176,5.8034361,5.803436107,5.803436093,5.80343613,5.803436115,5.803436148,5.803436166,5.803436156,5.803436103,5.803436114,5.803436195,5.803436213,5.80343609,5.80343608,5.803436045,5.803436044,5.803436163,5.803436089,5.803436044,5.803436145,5.803436191,5.803436117,5.803436109,5.803436108,5.803436157,5.803436135
+"13484","RICTOR",7.982303144,7.982303163,7.982302842,7.982303402,7.982302326,7.982302888,7.982302667,7.982302278,7.98230256,7.982302479,7.982302747,7.982301485,7.982302885,7.982303494,7.982302842,7.982302857,7.982302255,7.982303271,7.982303238,7.98230276,7.982302873,7.982302486,7.982303032,7.982303075,7.982303066,7.982302396,7.982302868,7.982303136
+"13485","RIDA",3.981088303,3.981088138,3.981088174,3.981088118,3.981088268,3.981088129,3.981088236,3.981088057,3.981088194,3.981088146,3.981088132,3.981088347,3.981088141,3.981088112,3.981088177,3.981088188,3.981088052,3.981088189,3.981088245,3.981088087,3.981088278,3.981088155,3.981088375,3.981088317,3.981088145,3.981088228,3.981088189,3.981088333
+"13486","RIF1",6.882082463,6.882082167,6.882081645,6.882080946,6.882081069,6.882081244,6.882081209,6.882081361,6.882081669,6.882081141,6.882080924,6.882080396,6.88208182,6.88208405,6.882081775,6.882081272,6.88208079,6.882080578,6.882081916,6.882080893,6.882081608,6.882081447,6.88208208,6.882081356,6.882080856,6.882080725,6.882081745,6.882082645
+"13487","RIGI",7.496998227,7.497015592,7.496990217,7.497014215,7.497002442,7.497052028,7.497005447,7.496985009,7.497000423,7.496984506,7.496985049,7.496939333,7.496999595,7.497015219,7.497000746,7.497017898,7.496987076,7.496989579,7.497026331,7.497052024,7.497001536,7.496983474,7.497010755,7.497006531,7.496998461,7.496959618,7.497000399,7.496995201
+"13488","RIIAD1",4.136912222,4.136912254,4.136912245,4.13691222,4.136912331,4.136912295,4.136912296,4.136912281,4.136912254,4.136912225,4.136912317,4.136912329,4.136912254,4.13691221,4.136912296,4.136912295,4.136912334,4.136912292,4.136912218,4.136912258,4.136912276,4.136912264,4.13691229,4.136912249,4.136912216,4.136912292,4.136912217,4.136912298
+"13489","RILP",7.531428931,7.531428644,7.531430455,7.531429052,7.531429488,7.531429938,7.53142906,7.531430116,7.531430181,7.531430536,7.531429643,7.53142953,7.531429108,7.531427789,7.5314291,7.531428234,7.531430443,7.531429092,7.531428753,7.531429738,7.531428517,7.531429663,7.531430037,7.531430154,7.531429682,7.531429326,7.531429113,7.531428844
+"13490","RILPL1",4.88165078,4.881650767,4.881650702,4.881650888,4.881650808,4.881650851,4.88165089,4.881650706,4.881650784,4.881650783,4.881650749,4.881650789,4.881650766,4.881650803,4.88165081,4.881650859,4.88165074,4.881650841,4.881650783,4.881650922,4.881650886,4.88165084,4.881650858,4.881650816,4.881650837,4.88165086,4.88165073,4.88165075
+"13491","RILPL2",7.430341862,7.430342689,7.430341726,7.430342223,7.430340954,7.430341853,7.430341634,7.430341519,7.430341234,7.430341178,7.430341638,7.430340918,7.430341614,7.430341878,7.430341371,7.430342385,7.430341524,7.430341785,7.430341505,7.430342074,7.430341615,7.430341429,7.430341761,7.430341808,7.430341777,7.430340544,7.430341585,7.430341081
+"13492","RIMBP2",4.686390283,4.686390275,4.686390284,4.686390285,4.68639031,4.686390297,4.686390287,4.686390281,4.686390292,4.686390278,4.686390285,4.686390321,4.686390292,4.686390281,4.686390332,4.686390298,4.686390316,4.686390307,4.686390287,4.686390312,4.686390311,4.68639031,4.686390277,4.686390299,4.686390283,4.686390298,4.686390264,4.686390324
+"13493","RIMBP3",4.6464402025,4.6464402785,4.646439929,4.6464397225,4.646440123,4.6464400945,4.6464400605,4.64644022,4.6464401145,4.646440057,4.6464398895,4.6464401475,4.646440131,4.646440334,4.646439836,4.646440302,4.646440131,4.646439943,4.6464401185,4.6464400005,4.6464399295,4.646440147,4.646440225,4.646440096,4.646439975,4.646440124,4.646440278,4.646440116
+"13494","RIMKLA",5.77158025,5.771580229,5.771580422,5.771580317,5.771580469,5.771580435,5.771580477,5.771580448,5.771580359,5.771580493,5.771580518,5.771580491,5.771580358,5.771580108,5.77158044,5.771580201,5.771580459,5.771580398,5.771580425,5.7715804,5.771580388,5.771580483,5.771580334,5.771580198,5.771580403,5.771580368,5.771580343,5.771580331
+"13495","RIMKLB",4.503420375,4.50342028,4.503420035,4.503419953,4.5034202,4.503420097,4.50342018,4.503419927,4.503420262,4.50342005,4.503419803,4.503420031,4.503420087,4.503420433,4.50342025,4.50342015,4.50341993,4.503420024,4.503420025,4.503419985,4.503420157,4.503420044,4.503419974,4.503420118,4.503420047,4.503420235,4.503419925,4.503420276
+"13496","RIMOC1",6.545614808,6.545614718,6.545614455,6.545614371,6.545614414,6.545614501,6.545614539,6.545614504,6.545614623,6.545614574,6.54561443,6.545614398,6.545614538,6.54561483,6.545614521,6.545614412,6.545614228,6.545614228,6.545614557,6.545614571,6.545614487,6.54561454,6.545614669,6.545614557,6.545614405,6.545614566,6.545614555,6.545614531
+"13497","RIMS1",3.817564069,3.817564068,3.817564109,3.817564097,3.817564117,3.817564094,3.817564091,3.817564114,3.817564088,3.817564058,3.817564097,3.817564105,3.817564081,3.817564082,3.817564102,3.817564097,3.817564132,3.817564113,3.817564079,3.817564043,3.817564104,3.817564102,3.81756407,3.817564058,3.817564113,3.817564082,3.817564086,3.817564122
+"13498","RIMS2",4.092160451,4.092160472,4.0921606,4.092160675,4.092160761,4.092160478,4.092160572,4.092160607,4.092160684,4.092160684,4.092160606,4.092161083,4.092160386,4.092160274,4.092160641,4.092160781,4.092160831,4.09216069,4.0921606,4.092160477,4.092160687,4.092160738,4.092160596,4.09216068,4.092160839,4.092160536,4.092160312,4.092160756
+"13499","RIMS3",5.537723947,5.5377238,5.537724003,5.537723887,5.537724504,5.537723968,5.537724355,5.537724226,5.537723993,5.537723971,5.537723921,5.537724402,5.537723815,5.537723596,5.53772395,5.537723912,5.537724389,5.53772424,5.537723847,5.537723847,5.537724275,5.537724342,5.537723734,5.537723728,5.537724001,5.53772413,5.537723833,5.53772426
+"13500","RIMS4",5.282551047,5.28255106,5.282551111,5.282551106,5.282551134,5.282550992,5.282551069,5.28255117,5.282551101,5.282551058,5.282551122,5.282551039,5.282551087,5.282551012,5.282551111,5.282551049,5.282551121,5.282551169,5.282550987,5.282551145,5.282551068,5.282551149,5.282551026,5.282551074,5.2825511,5.282551147,5.282551049,5.282551041
+"13501","RIN1",5.977146691,5.977146613,5.977146815,5.977146761,5.977146812,5.977146666,5.977146802,5.977146969,5.977146631,5.977146841,5.977146636,5.977146929,5.977146707,5.977146595,5.977146764,5.977146647,5.977146914,5.977146851,5.977146804,5.977146957,5.977146889,5.977146855,5.977146604,5.977146687,5.977146791,5.97714681,5.977146648,5.977146616
+"13502","RIN2",6.557676448,6.55767648,6.557676426,6.557676437,6.557676418,6.557676476,6.557676381,6.557676319,6.557676223,6.55767634,6.557676392,6.557676296,6.557676389,6.557676352,6.557676378,6.557676425,6.557676405,6.557676297,6.55767641,6.557676501,6.557676339,6.557676248,6.557676239,6.557676395,6.557676423,6.557676365,6.557676438,6.557676343
+"13503","RIN3",7.979709691,7.979709687,7.979709691,7.979709774,7.979709677,7.979709762,7.979709729,7.979709688,7.979709681,7.979709716,7.97970975,7.97970965,7.979709745,7.979709684,7.979709673,7.979709688,7.979709629,7.9797097,7.979709732,7.979709757,7.979709711,7.979709707,7.979709714,7.979709745,7.979709732,7.979709703,7.979709719,7.979709648
+"13504","RING1",5.015919673,5.01591925,5.01591993,5.015920057,5.0159202325,5.015920002,5.0159198495,5.015919901,5.0159194775,5.015920099,5.015920315,5.015919581,5.0159196185,5.0159194625,5.0159200185,5.0159196435,5.0159198815,5.015920042,5.015920088,5.015919669,5.0159196275,5.0159198075,5.015919407,5.01591977,5.0159206575,5.015919417,5.0159201315,5.0159194525
+"13505","RINL",6.264778939,6.264778965,6.264778939,6.264778988,6.264778932,6.264778982,6.264778965,6.264778969,6.264778934,6.264778965,6.264778957,6.264778938,6.264778982,6.264778956,6.264778956,6.264778982,6.264778958,6.264778971,6.264778978,6.264778985,6.264778946,6.264778961,6.264778986,6.264778961,6.26477898,6.26477895,6.264778979,6.264778955
+"13506","RINT1",5.46888015,5.468880114,5.468880094,5.468880086,5.468880082,5.468880055,5.468880108,5.468880072,5.468880114,5.468880093,5.468880074,5.468880071,5.468880093,5.468880158,5.468880071,5.468880104,5.46888005,5.468880031,5.468880097,5.468880066,5.468880068,5.468880085,5.468880104,5.468880091,5.468880062,5.468880101,5.468880102,5.468880116
+"13507","RIOK1",5.872929829,5.872930034,5.872929445,5.872929179,5.872929087,5.872928946,5.872929762,5.872929248,5.872929908,5.872930122,5.872929232,5.872929349,5.872929804,5.87293091,5.872929262,5.872929658,5.872928487,5.872928695,5.872929925,5.872929061,5.872929501,5.872929625,5.872929948,5.872929899,5.872929475,5.872929957,5.872929564,5.872929982
+"13508","RIOK2",4.733605698,4.73360497,4.733604976,4.733605087,4.733604414,4.733604183,4.733604826,4.733604521,4.733605384,4.733605292,4.733604404,4.733604204,4.733605039,4.733606285,4.733605055,4.733604818,4.733604041,4.73360461,4.73360537,4.73360427,4.733604553,4.733604571,4.73360558,4.733605054,4.733604663,4.733604865,4.733605206,4.733605839
+"13509","RIOK3",8.482144222,8.481950814,8.482083478,8.482029166,8.482075524,8.482000488,8.48212142,8.482278885,8.482184415,8.482068483,8.48214933,8.482217531,8.48208389,8.482024017,8.482130247,8.481816071,8.481972319,8.482039989,8.481968568,8.481940643,8.482118119,8.482165935,8.482113746,8.482105582,8.482134651,8.482246962,8.482175854,8.481989876
+"13510","RIOX1",7.227791802,7.227791923,7.227791809,7.227791831,7.227791892,7.227791819,7.227791854,7.227791908,7.22779194,7.227791931,7.227791852,7.227791808,7.227791876,7.227791846,7.227791878,7.227791852,7.227791869,7.227791743,7.227791867,7.22779176,7.227791821,7.227791912,7.227791904,7.227791914,7.227791813,7.227791826,7.227791859,7.227791899
+"13511","RIOX2",5.624756894,5.624756821,5.624756725,5.624756739,5.624756777,5.624756797,5.624756792,5.624756729,5.62475686,5.62475678,5.62475663,5.624756756,5.624756859,5.624757011,5.624756767,5.62475674,5.624756684,5.624756654,5.624756808,5.62475681,5.624756738,5.62475677,5.624756831,5.624756787,5.624756658,5.624756775,5.624756808,5.624756892
+"13512","RIPK1",7.119522561,7.119522542,7.11952205,7.11952221,7.119521883,7.119522579,7.119522036,7.119521962,7.119522084,7.119522223,7.119521875,7.119521525,7.119522251,7.119522614,7.119522293,7.119522322,7.119521721,7.119522372,7.119522291,7.119522741,7.119522132,7.119522102,7.119522414,7.119522162,7.11952212,7.119521933,7.119522219,7.119522304
+"13513","RIPK2",5.956187008,5.95618683,5.956186102,5.956186691,5.956186485,5.956187576,5.956186581,5.956186071,5.956186502,5.956186652,5.956186675,5.956185814,5.956186646,5.956187184,5.956186728,5.956186849,5.956186263,5.956186224,5.95618679,5.95618799,5.956186761,5.956186357,5.956186569,5.956186737,5.956186746,5.95618647,5.956186628,5.956186633
+"13514","RIPK3",6.633092219,6.633092204,6.633091931,6.633092221,6.633092119,6.633092479,6.633092172,6.63309191,6.633092071,6.633092261,6.633092059,6.633091746,6.633091972,6.633092035,6.633092105,6.633092228,6.633091759,6.633091977,6.63309224,6.633092359,6.633092075,6.633091956,6.633092076,6.633092294,6.633092234,6.633092049,6.63309198,6.63309191
+"13515","RIPK4",5.235403836,5.23540386,5.235403871,5.235403859,5.235403863,5.235403841,5.235403844,5.235403858,5.235403838,5.235403856,5.235403852,5.235403837,5.23540385,5.235403814,5.235403863,5.235403874,5.2354039,5.23540385,5.235403875,5.235403851,5.235403852,5.235403875,5.235403835,5.235403853,5.235403847,5.235403823,5.235403838,5.235403851
+"13516","RIPOR1",6.565160868,6.565160879,6.565160774,6.565160985,6.565160441,6.565161075,6.56516064,6.565160703,6.565160589,6.565160952,6.565160836,6.565160526,6.565160795,6.565160635,6.565160658,6.565160723,6.565160625,6.565160973,6.565160707,6.565160872,6.565160665,6.56516076,6.565160534,6.565160829,6.565160853,6.565160517,6.565160871,6.565160267
+"13517","RIPOR2",10.18594839,10.18594977,10.18594023,10.18595294,10.18594154,10.18594639,10.18594628,10.18594146,10.1859427,10.18593988,10.18594518,10.18593822,10.18594577,10.18594745,10.18594333,10.18594476,10.18593712,10.18594732,10.18594528,10.18594799,10.18594447,10.18594285,10.18594618,10.18594382,10.18594498,10.18594112,10.1859453,10.18594196
+"13518","RIPOR3",5.445216972,5.445217031,5.445217127,5.445217096,5.445217196,5.445217012,5.44521705,5.445217146,5.4452171,5.445217016,5.445217088,5.445217185,5.445217037,5.445216889,5.44521706,5.445217051,5.445217122,5.445217176,5.445217062,5.445217071,5.445217033,5.445217122,5.445216964,5.445217034,5.44521713,5.445217111,5.445216991,5.445217055
+"13519","RIPPLY1",4.612979577,4.612979599,4.612979604,4.612979615,4.612979614,4.612979597,4.612979608,4.612979617,4.612979577,4.612979588,4.61297961,4.612979666,4.612979604,4.612979552,4.612979609,4.612979601,4.612979626,4.612979591,4.612979588,4.612979628,4.61297963,4.612979615,4.612979617,4.612979608,4.612979651,4.612979625,4.61297958,4.612979608
+"13520","RIPPLY2",4.997120517,4.997120727,4.997120826,4.997120576,4.997120966,4.997120581,4.997120756,4.997120807,4.997120727,4.997120742,4.997120788,4.99712107,4.997120679,4.997120504,4.997120785,4.997120755,4.997121006,4.997120893,4.997120689,4.997120728,4.997120797,4.997120815,4.997120639,4.997120709,4.997120759,4.997120767,4.997120655,4.99712086
+"13521","RIPPLY3",5.220883735,5.220883763,5.220883902,5.220883812,5.220883905,5.220883773,5.220883824,5.220883923,5.220883879,5.22088386,5.220883909,5.220883903,5.220883828,5.220883761,5.220883901,5.220883834,5.220883918,5.220883894,5.220883815,5.220883808,5.220883847,5.220883918,5.220883829,5.220883844,5.220883879,5.220883868,5.220883802,5.220883884
+"13522","RIT1",7.565829024,7.565829574,7.565828834,7.565829974,7.565828513,7.565828113,7.565828525,7.565828493,7.565828193,7.565828398,7.56582901,7.565827579,7.565828424,7.565829556,7.565828879,7.565829383,7.565828476,7.565829524,7.565828978,7.565828786,7.565828731,7.565828185,7.565828876,7.565829234,7.5658291,7.565828113,7.565828079,7.565829258
+"13523","RIT2",3.659443988,3.659444035,3.659443981,3.659443969,3.659444,3.65944387,3.659443983,3.65944417,3.659443908,3.659443985,3.659443951,3.659444167,3.659444055,3.659443995,3.659443938,3.659444106,3.659444003,3.659443939,3.659444018,3.659443947,3.659444,3.659443999,3.659443995,3.659444013,3.659443985,3.659444052,3.659443901,3.659443976
+"13524","RITA1",6.382121914,6.382121967,6.382122013,6.382121891,6.382121931,6.382122016,6.382122015,6.382122042,6.38212202,6.382122038,6.382121994,6.382121878,6.382121965,6.382121802,6.382121937,6.382121815,6.38212191,6.382121919,6.382121863,6.382122044,6.382121915,6.382122,6.382121992,6.382121984,6.382121887,6.382121888,6.382121985,6.382121992
+"13525","RLBP1",4.937784645,4.937784702,4.937784626,4.937784607,4.937784884,4.937784803,4.937784653,4.937784852,4.937784771,4.93778483,4.93778497,4.937784662,4.937784778,4.937784568,4.937784831,4.937784606,4.937784891,4.937784875,4.937784725,4.93778475,4.937784783,4.937784859,4.93778463,4.937784619,4.93778474,4.937784776,4.937784753,4.937784759
+"13526","RLF",7.052987611,7.052987786,7.052987257,7.052987623,7.052986534,7.052986322,7.052986892,7.052986583,7.052987325,7.052986961,7.052986912,7.052986028,7.052987263,7.052988891,7.052987299,7.052987699,7.052986798,7.052987037,7.0529871,7.052986442,7.052986714,7.052986743,7.052987363,7.052987273,7.052986682,7.052986284,7.052986972,7.052988122
+"13527","RLIM",7.492089779,7.4920894095,7.492089255,7.492089207,7.4920891625,7.492088811,7.492089009,7.49208918,7.492089182,7.492089388,7.492089187,7.4920888685,7.492089621,7.492089952,7.4920890585,7.492089203,7.492088682,7.4920891725,7.492089061,7.4920892125,7.492089422,7.49208907,7.492089347,7.492089519,7.49208918,7.49208946,7.492089617,7.4920894125
+"13528","RLN1",4.160255665,4.160255747,4.160255431,4.160255746,4.16025571,4.160255621,4.160255691,4.160255645,4.160255647,4.160255708,4.160255464,4.160255618,4.160255636,4.160255623,4.160255728,4.160255839,4.160255651,4.160255775,4.16025576,4.160255493,4.160255686,4.16025571,4.16025576,4.160255766,4.160255533,4.1602557,4.160255623,4.160255771
+"13529","RLN2",2.959389474,2.959389296,2.959389353,2.959389305,2.95938916,2.959389221,2.959389371,2.959389228,2.959389492,2.95938938,2.959389219,2.959389437,2.959389345,2.959389278,2.959389272,2.959389374,2.959389264,2.959389414,2.959389281,2.959389315,2.959389283,2.959389297,2.959389392,2.959389224,2.959389338,2.9593893,2.959389337,2.959389365
+"13530","RLN3",5.675369404,5.675369404,5.675369529,5.675369481,5.675369662,5.675369427,5.675369573,5.675369593,5.67536955,5.675369505,5.675369535,5.675369657,5.675369497,5.675369368,5.675369596,5.675369556,5.675369601,5.675369594,5.675369461,5.675369487,5.67536958,5.675369616,5.675369482,5.675369474,5.67536951,5.675369588,5.675369483,5.675369534
+"13531","RMC1",7.595784417,7.595784201,7.595783981,7.595784167,7.595784012,7.595784755,7.5957843,7.595784452,7.595784232,7.595784275,7.595784005,7.595784159,7.595784306,7.595784506,7.59578432,7.595784059,7.595783811,7.595784227,7.595784297,7.595784765,7.595784327,7.595784314,7.59578435,7.595784406,7.595784161,7.59578429,7.5957844,7.595784174
+"13532","RMDN1",5.515353351,5.515353212,5.515353385,5.515353161,5.515353325,5.515353139,5.515353227,5.515353208,5.515353269,5.515353287,5.515353107,5.51535309,5.515353392,5.515353554,5.515353167,5.51535307,5.515353114,5.515353014,5.515353356,5.515353062,5.515353281,5.515353178,5.51535335,5.515353353,5.515353093,5.515353182,5.515353398,5.515353493
+"13533","RMDN2",4.072171986,4.072172001,4.072171994,4.072172013,4.072171955,4.072171989,4.072171981,4.072171942,4.072171972,4.072171965,4.072171987,4.072171983,4.072171989,4.07217202,4.072172005,4.072172005,4.07217198,4.072171983,4.072171975,4.072171984,4.072171993,4.072171987,4.072171972,4.072171976,4.072171984,4.072171976,4.072171983,4.07217201
+"13534","RMDN3",6.14021205,6.140212063,6.140212026,6.140211846,6.14021193,6.140212152,6.14021204,6.140212032,6.14021211,6.140212132,6.140211922,6.14021201,6.140212028,6.140212072,6.140212055,6.14021208,6.14021204,6.140211877,6.140211919,6.140212079,6.14021206,6.140212105,6.140212107,6.140212037,6.140211915,6.140212071,6.140212077,6.140212044
+"13535","RMI1",4.968960102,4.968959943,4.968959866,4.968959734,4.968959461,4.968959774,4.968959903,4.968959238,4.96895978,4.968959681,4.968959853,4.968959096,4.96895974,4.968960142,4.96895954,4.968959994,4.968959576,4.968959673,4.968959538,4.968959579,4.968959677,4.968959667,4.968959914,4.968959744,4.968959694,4.968959245,4.968959688,4.968960027
+"13536","RMND1",4.443368736,4.443369063,4.443368462,4.44336823,4.443368175,4.443368401,4.443368674,4.443368271,4.443368644,4.443368525,4.443368472,4.443368518,4.443368702,4.443368963,4.443368401,4.443368524,4.443368472,4.443368361,4.443368646,4.443368371,4.443368441,4.443368397,4.443368768,4.443368647,4.44336859,4.443368788,4.44336856,4.443368654
+"13537","RMND5A",8.195630278,8.19563028,8.195630174,8.195630341,8.195629883,8.195630093,8.195630124,8.19563022,8.195630154,8.195630143,8.195630167,8.195630065,8.195630198,8.195630321,8.195630246,8.195630228,8.195630087,8.195630355,8.195630071,8.195630293,8.1956302,8.195630124,8.195630227,8.195630311,8.195630242,8.195630341,8.195630233,8.195630185
+"13538","RMND5B",6.851804578,6.851804838,6.851804616,6.851804557,6.851804372,6.851804724,6.851804384,6.851804479,6.851804757,6.851804784,6.851804337,6.851804545,6.851804582,6.851804824,6.851804388,6.851804435,6.85180426,6.851804198,6.851804647,6.851804711,6.851804207,6.851804463,6.851804615,6.851804554,6.851804415,6.851804609,6.851804677,6.851804482
+"13539","RMRP",10.79116807,10.12920254,10.80135546,10.29413855,10.08970108,10.83246859,10.51509014,10.58194645,10.74673329,10.73900393,10.39276001,10.53586976,10.8826571,10.45155227,10.58114113,9.933153548,10.91066698,10.21369548,10.3284105,10.70129365,10.33956315,10.50141733,10.69794321,10.43170616,10.08274749,10.39321816,10.82878973,10.41968942
+"13540","RN7SK",11.15464375,11.1546432,11.15464324,11.15464265,11.1546415,11.1546425,11.15464281,11.15464212,11.15464376,11.15464361,11.15464302,11.15464232,11.15464323,11.15464307,11.15464272,11.15464316,11.15464339,11.15464187,11.15464289,11.15464349,11.15464313,11.15464171,11.15464388,11.15464389,11.15464305,11.1546425,11.1546428,11.15464259
+"13541","RN7SL737P",6.474986425,6.474986402,6.474986499,6.474986456,6.474986448,6.474986349,6.474986434,6.474986493,6.474986516,6.474986445,6.474986453,6.474986563,6.474986539,6.474986491,6.474986449,6.474986431,6.47498653,6.474986487,6.474986471,6.474986371,6.474986471,6.474986493,6.474986396,6.474986458,6.474986514,6.474986446,6.474986484,6.474986529
+"13542","RN7SL832P",4.614406785,4.614406547,4.614406454,4.614406522,4.614406716,4.614406512,4.61440671,4.614406752,4.614406868,4.614406586,4.614406542,4.614406745,4.614406555,4.614406814,4.614406764,4.614406684,4.614406761,4.614406571,4.614406797,4.614406765,4.614406719,4.614406754,4.614406627,4.614406694,4.614406725,4.614406708,4.614406768,4.614406886
+"13543","RNASE1",5.06858713,5.068587225,5.068587183,5.068587184,5.068587497,5.06858702,5.068587437,5.068587362,5.068587332,5.068587301,5.068587363,5.068587553,5.068587157,5.068586933,5.068587502,5.068587462,5.068587622,5.068587374,5.068587364,5.068587139,5.068587455,5.06858752,5.068587279,5.068587154,5.068587489,5.068587389,5.068587027,5.068587423
+"13544","RNASE10",3.316482037,3.316482269,3.316482369,3.316482313,3.316482508,3.316482411,3.316482123,3.316482104,3.316482271,3.316482374,3.316482456,3.316482213,3.316482122,3.316482093,3.316482403,3.31648211,3.316482345,3.31648226,3.316482266,3.316482341,3.316482289,3.316482308,3.316481929,3.316482053,3.316482117,3.316482115,3.31648226,3.316482225
+"13545","RNASE11-AS1",4.707719405,4.70771934,4.707719396,4.707719367,4.707719402,4.707719426,4.707719444,4.707719449,4.707719306,4.707719277,4.707719356,4.70771941,4.707719344,4.707719322,4.707719461,4.707719425,4.707719502,4.707719459,4.707719368,4.707719411,4.707719406,4.707719479,4.707719353,4.707719337,4.707719374,4.707719381,4.707719347,4.707719429
+"13546","RNASE13",4.048075631,4.048075645,4.048075624,4.048075647,4.048075685,4.048075626,4.048075662,4.048075686,4.048075626,4.048075656,4.048075658,4.048075667,4.048075652,4.048075614,4.048075655,4.048075646,4.048075691,4.048075673,4.048075648,4.048075634,4.048075667,4.04807565,4.048075613,4.048075634,4.048075647,4.048075649,4.048075663,4.048075685
+"13547","RNASE2",5.699318852,5.699595319,5.700024114,5.699372642,5.700019067,5.700082761,5.700237919,5.698618601,5.700488152,5.699149304,5.700162406,5.699061312,5.699302033,5.700717975,5.6991721,5.699428422,5.699837349,5.699131628,5.700028545,5.700414237,5.700233161,5.698951731,5.700640563,5.699245682,5.699826361,5.699449262,5.699084325,5.700427586
+"13548","RNASE2CP",5.162273006,5.162272984,5.162272991,5.162272949,5.162272991,5.162273002,5.162272947,5.162272908,5.162272943,5.162272857,5.162272825,5.162272764,5.162272815,5.162272916,5.162272998,5.162272912,5.162272844,5.162272943,5.162272944,5.16227301,5.162272986,5.162272838,5.162272877,5.162272806,5.162272963,5.162272938,5.162272911,5.162272745
+"13549","RNASE3",5.894764126,5.894764392,5.894765387,5.89476434,5.894764647,5.894764661,5.894765094,5.894764403,5.894764923,5.894763972,5.894764882,5.894764645,5.894764398,5.89476461,5.89476428,5.894764393,5.894765489,5.894764027,5.894764451,5.894764323,5.894765052,5.8947639,5.894764561,5.894764003,5.894764687,5.894764441,5.894764121,5.894764773
+"13550","RNASE6",6.988378576,6.98837713,6.988376211,6.988378155,6.988376977,6.988375914,6.98837638,6.988376634,6.988375393,6.988376329,6.988378176,6.988377463,6.988377273,6.988376724,6.988377069,6.98837613,6.988375412,6.988376415,6.988377338,6.98837612,6.988376458,6.988376406,6.988376692,6.988376622,6.988377334,6.988378215,6.988377027,6.988375688
+"13551","RNASE7",4.37172453,4.371724612,4.371724553,4.37172462,4.37172483,4.371724665,4.371724659,4.371724798,4.371724634,4.371724465,4.371724733,4.371724793,4.371724583,4.371724317,4.371724639,4.371724495,4.371724907,4.371724595,4.371724756,4.371724517,4.371724773,4.371724858,4.371724546,4.371724379,4.3717246,4.371724796,4.371724857,4.371724744
+"13552","RNASE8",3.792378917,3.79237878,3.792378949,3.792378751,3.792379094,3.792379111,3.792378967,3.792378625,3.792378918,3.792378957,3.792378998,3.79237892,3.792378872,3.792378667,3.792379088,3.79237889,3.792379331,3.792378969,3.792379221,3.792378931,3.792378986,3.792379114,3.792378787,3.792378605,3.792378979,3.792378947,3.792378886,3.792378829
+"13553","RNASE9",3.446468815,3.446468879,3.446468955,3.446468931,3.446468797,3.446468907,3.446468749,3.446469066,3.446468888,3.446468831,3.446468972,3.446468956,3.44646877,3.446468655,3.446468819,3.446468905,3.446468886,3.446469019,3.446468837,3.446468922,3.446469048,3.446468954,3.446468828,3.446468878,3.446468903,3.446468943,3.446468876,3.446468899
+"13554","RNASEH1",6.455584173,6.455584201,6.455584098,6.455583911,6.455583998,6.455584117,6.45558421,6.455583951,6.455583937,6.455584014,6.45558381,6.455584042,6.455584117,6.45558438,6.455584082,6.455584214,6.455583976,6.455583825,6.455584187,6.455584097,6.455584169,6.455584081,6.455584179,6.455584245,6.455583998,6.455584253,6.455584151,6.455584375
+"13555","RNASEH2A",6.419183868,6.419183829,6.419183899,6.419183594,6.419183884,6.419183928,6.419183964,6.419183741,6.41918401,6.419183967,6.419183859,6.419183847,6.41918378,6.419183783,6.419183834,6.41918378,6.419183883,6.419183592,6.419183831,6.419183903,6.419183853,6.419183866,6.419183941,6.419183818,6.419183793,6.419183721,6.419183967,6.419183727
+"13556","RNASEH2B",5.897350798,5.897350294,5.897350097,5.89734991,5.89734971,5.897350667,5.897350346,5.897349809,5.897350554,5.897350237,5.897349689,5.897349561,5.897350404,5.897351209,5.897350361,5.897349824,5.89734964,5.897349987,5.897350191,5.897350841,5.897350446,5.897350086,5.897350705,5.897350337,5.897349985,5.897350397,5.897350299,5.897350902
+"13557","RNASEH2C",7.020385871,7.020385837,7.020385906,7.020385749,7.020385962,7.020385894,7.020385935,7.020386039,7.020386014,7.020385993,7.020385923,7.020386111,7.020385926,7.020385798,7.020386008,7.020385921,7.020386084,7.020385784,7.020385842,7.020385805,7.020386017,7.020386052,7.020385944,7.020385766,7.020385945,7.020385967,7.020385897,7.020385902
+"13558","RNASEL",7.02169591,7.021695937,7.021695353,7.021695997,7.021695582,7.021696024,7.02169593,7.021695714,7.021695634,7.021695442,7.021695717,7.021695038,7.021695594,7.021695882,7.021695716,7.02169601,7.021695466,7.02169584,7.021695985,7.021696161,7.021695699,7.021695543,7.021695923,7.021695868,7.021695866,7.021695219,7.021695717,7.021695664
+"13559","RNASET2",9.014397904,9.014410439,9.01441084,9.014421528,9.014402792,9.014389231,9.014403525,9.014396165,9.014390451,9.01440056,9.014411628,9.014385438,9.014410644,9.014407469,9.014392197,9.014410633,9.014405863,9.014415591,9.014411045,9.014393606,9.014403001,9.014396049,9.01439451,9.014411153,9.014412361,9.014393027,9.014410147,9.014397997
+"13560","RND1",4.741381493,4.741381574,4.741381493,4.741381505,4.741381695,4.741381466,4.741381467,4.741381806,4.74138136,4.741381537,4.741381674,4.741381668,4.74138152,4.741381434,4.741381472,4.741381594,4.741381688,4.741381655,4.741381567,4.741381518,4.741381623,4.741381705,4.741381609,4.741381403,4.741381609,4.741381642,4.741381516,4.741381622
+"13561","RND2",4.685357922,4.685357962,4.685358024,4.685357952,4.685358117,4.685357977,4.685357968,4.68535806,4.685357994,4.685358006,4.68535806,4.685358058,4.685357975,4.685357852,4.685358051,4.68535797,4.68535813,4.685358069,4.685358002,4.685358043,4.685358086,4.685358093,4.685357941,4.685357984,4.685357964,4.685358056,4.685357987,4.685358018
+"13562","RND3",3.656230708,3.656230701,3.656230681,3.656230722,3.656230724,3.656230835,3.656230751,3.656230809,3.656230641,3.656230769,3.65623077,3.656230724,3.656230658,3.656230722,3.656230688,3.656230789,3.656230798,3.65623074,3.656230834,3.65623073,3.656230595,3.656230729,3.656230697,3.656230624,3.656230635,3.656230675,3.656230714,3.656230632
+"13563","RNF10",10.29841935,10.07643125,10.83660907,10.27456185,10.33728204,10.67161857,10.60071207,10.7887101,10.71162219,10.56316324,10.47259015,10.86877936,10.18449668,9.966714637,10.37631488,9.737742664,10.71156028,10.25258109,10.133658,10.41247602,10.4736744,10.62736622,10.62450921,10.47650241,10.34962009,10.88583118,10.3454251,10.15036619
+"13564","RNF11",7.707864005,7.70786323,7.707864606,7.707863717,7.707862693,7.707863816,7.70786349,7.707863991,7.707863736,7.707863925,7.707864599,7.70786411,7.707863597,7.707863333,7.707863315,7.707862471,7.707864136,7.707863959,7.70786273,7.707863642,7.70786327,7.707863547,7.707863818,7.707864237,7.707864537,7.707864127,7.707863794,7.707863178
+"13565","RNF111",6.979759918,6.979759945,6.979759893,6.97976005,6.979759731,6.979760046,6.979759879,6.979759829,6.979759788,6.97975975,6.979759933,6.979759676,6.979759849,6.979759951,6.979759854,6.97975986,6.979759735,6.97975988,6.979759941,6.979759925,6.979759893,6.979759755,6.979759839,6.979759923,6.979759936,6.979759802,6.979759935,6.979759756
+"13566","RNF112",4.400042109,4.400042159,4.400042256,4.400042201,4.400042307,4.400042166,4.400042203,4.400042321,4.400042219,4.400042212,4.400042232,4.400042284,4.400042231,4.400042179,4.400042246,4.400042259,4.400042295,4.400042303,4.400042243,4.400042301,4.400042321,4.4000423,4.400042179,4.400042145,4.400042253,4.400042267,4.400042152,4.400042251
+"13567","RNF113A",5.075453317,5.075453331,5.075453274,5.075453277,5.075453275,5.075453337,5.075453231,5.075453295,5.075453329,5.075453273,5.075453302,5.075453331,5.07545332,5.07545331,5.075453284,5.075453297,5.075453274,5.075453253,5.075453299,5.075453348,5.075453288,5.075453282,5.075453296,5.0754533,5.075453257,5.075453302,5.075453299,5.075453297
+"13568","RNF113B",5.188321192,5.188321235,5.188321252,5.188321223,5.188321316,5.188321083,5.188321257,5.188321277,5.188321278,5.18832126,5.188321281,5.188321295,5.188321236,5.188321127,5.188321327,5.188321237,5.188321328,5.188321314,5.188321224,5.188321263,5.188321334,5.188321321,5.188321213,5.18832118,5.188321221,5.188321258,5.188321237,5.188321226
+"13569","RNF114",7.716594676,7.71659473,7.716593875,7.716594471,7.716593645,7.716594988,7.716594284,7.716594342,7.716594129,7.716594002,7.716593858,7.716593561,7.716594426,7.716594924,7.716594165,7.716594471,7.716593597,7.716593603,7.716594462,7.716595126,7.716593965,7.716594144,7.716594404,7.716594405,7.716593767,7.716593955,7.716594447,7.716594061
+"13570","RNF115",6.19097398,6.190973492,6.190973309,6.190973007,6.190973154,6.19097377,6.190973452,6.190973435,6.190973298,6.190973723,6.190973405,6.190972637,6.190973335,6.1909741,6.190973152,6.190973116,6.190973021,6.190973171,6.190973128,6.190973593,6.190973201,6.190973181,6.19097351,6.190973452,6.190973473,6.190973197,6.190973327,6.190973665
+"13571","RNF121",6.377490605,6.377490633,6.377490525,6.377490611,6.377490569,6.377490533,6.377490625,6.377490523,6.377490623,6.377490513,6.377490459,6.377490471,6.37749067,6.377490713,6.377490504,6.377490639,6.377490534,6.37749055,6.377490539,6.377490677,6.37749057,6.377490552,6.377490612,6.377490577,6.377490534,6.377490583,6.377490648,6.377490593
+"13572","RNF122",7.189403665,7.189404238,7.189404166,7.189404663,7.189403867,7.189404031,7.189403828,7.189403408,7.189403703,7.18940379,7.189403859,7.189403764,7.189403894,7.189403995,7.189403274,7.189404303,7.189403552,7.18940423,7.189404211,7.189403931,7.189403715,7.189403516,7.189403816,7.189403824,7.189404172,7.189403681,7.189404002,7.189403899
+"13573","RNF123",7.361069543,7.361069281,7.361071535,7.361069698,7.361069594,7.361071634,7.361070175,7.361070886,7.361070998,7.361069915,7.361070092,7.361070215,7.361069183,7.361068647,7.36106907,7.361068567,7.361070807,7.361069767,7.361068854,7.361070703,7.361069654,7.36107018,7.361071017,7.361070237,7.361070145,7.361070321,7.361069208,7.361068766
+"13574","RNF125",6.897472971,6.897472682,6.897472569,6.897472251,6.897472447,6.897472258,6.897472549,6.897472443,6.897472777,6.897472674,6.897472535,6.897472517,6.897472629,6.897472904,6.89747268,6.89747231,6.89747208,6.89747204,6.897472561,6.8974721,6.897472453,6.897472511,6.897472782,6.897472614,6.897472572,6.897472567,6.897472823,6.897472759
+"13575","RNF126",7.603300363,7.603300383,7.603300766,7.603300561,7.603300837,7.603300535,7.603300779,7.603300704,7.603300807,7.603300593,7.603300828,7.603301014,7.603300592,7.603300238,7.603300808,7.603300739,7.603300825,7.603300574,7.603300495,7.60330006,7.603300754,7.603300767,7.603300638,7.603300312,7.60330053,7.603300631,7.603300615,7.603300549
+"13576","RNF126P1",5.981385733,5.981385738,5.981385706,5.981385767,5.981385803,5.981385802,5.981385728,5.981385796,5.981385716,5.981385765,5.981385779,5.981385832,5.981385742,5.981385786,5.98138573,5.981385758,5.981385774,5.981385756,5.981385748,5.981385774,5.981385788,5.981385806,5.981385701,5.981385704,5.981385756,5.981385732,5.981385786,5.981385766
+"13577","RNF128",3.500621507,3.500621441,3.500621458,3.500621511,3.500621521,3.500621546,3.500621571,3.500621487,3.500621505,3.50062154,3.500621445,3.500621519,3.500621528,3.500621514,3.500621563,3.500621458,3.500621593,3.500621475,3.500621525,3.500621451,3.500621526,3.500621507,3.500621498,3.500621516,3.500621474,3.50062149,3.50062144,3.500621517
+"13578","RNF13",7.938615,7.938614723,7.938614205,7.938614712,7.93861415,7.938614683,7.93861456,7.938613878,7.938614522,7.938614032,7.938614156,7.938613477,7.938614528,7.938615173,7.938614675,7.938614713,7.938613969,7.938614624,7.938614677,7.938614865,7.938614846,7.93861412,7.938614966,7.938614543,7.938614187,7.938613827,7.938614237,7.938614646
+"13579","RNF130",8.769699319,8.769699745,8.769699002,8.769700275,8.769698352,8.769698785,8.769698761,8.769698687,8.769697935,8.769699018,8.769699011,8.769697804,8.769698889,8.769699631,8.769698991,8.769699611,8.76969909,8.769699697,8.769698974,8.769699381,8.769699083,8.769698702,8.769698752,8.769699819,8.76969873,8.769699052,8.769698679,8.769698932
+"13580","RNF133",2.354954984,2.354955017,2.354955047,2.35495499,2.354955088,2.35495512,2.354955076,2.354955168,2.35495501,2.354955059,2.354955027,2.354955092,2.35495497,2.354954999,2.354955024,2.354955052,2.354955163,2.354955045,2.354955101,2.354954983,2.354955037,2.354955047,2.354955089,2.354954961,2.354955174,2.354955012,2.354954987,2.354955066
+"13581","RNF135",6.996443787,6.996443888,6.996443711,6.996443761,6.996443657,6.99644378,6.996443747,6.996443726,6.996443599,6.996443664,6.996443769,6.996443656,6.996443713,6.996443727,6.996443739,6.996443839,6.996443637,6.996443776,6.996443705,6.996443949,6.996443672,6.996443741,6.996443734,6.996443739,6.996443776,6.99644363,6.996443682,6.996443705
+"13582","RNF138",6.865512223,6.865511955,6.865511847,6.865511917,6.865511937,6.865511782,6.865511844,6.865512004,6.865512021,6.865511955,6.865511949,6.865511389,6.865512082,6.865512424,6.865512034,6.865511906,6.865511817,6.865511915,6.865512142,6.865512017,6.865511954,6.865511938,6.865512204,6.865512083,6.865511904,6.865511871,6.865512171,6.865512224
+"13583","RNF139",6.380559347,6.380558911,6.380558978,6.380558874,6.380558068,6.380558001,6.380558493,6.380558682,6.380558179,6.380558262,6.380558386,6.38055793,6.38055851,6.380560068,6.380558682,6.38055817,6.38055888,6.380558647,6.380558853,6.380558213,6.380558509,6.380558024,6.380559254,6.380558557,6.380558127,6.380558847,6.380558552,6.380559717
+"13584","RNF14",7.614453826,7.614452562,7.614453871,7.614452077,7.614451989,7.614452697,7.614453422,7.614453748,7.6144527,7.614453123,7.614453399,7.61445392,7.614453171,7.614454084,7.614452799,7.614451831,7.614452476,7.61445202,7.614452332,7.614451954,7.614453198,7.614453432,7.614452963,7.614453467,7.614453178,7.614454081,7.614453244,7.614453414
+"13585","RNF141",7.228886355,7.228886492,7.228886259,7.228886525,7.228885852,7.228885576,7.228886191,7.228885856,7.228886068,7.228885601,7.228886305,7.228885059,7.228886137,7.228886907,7.228886429,7.228886905,7.228886166,7.228886557,7.228886757,7.228886061,7.228886449,7.228885739,7.228886274,7.228886508,7.228886613,7.228885687,7.228886248,7.228886651
+"13586","RNF144A",6.801423353,6.801424858,6.801423381,6.80142347,6.801424391,6.801426175,6.801423895,6.801423984,6.801425061,6.801424964,6.801423871,6.801424253,6.801424834,6.801425081,6.801423441,6.80142347,6.801422977,6.801422896,6.801424521,6.801425446,6.801423237,6.801423538,6.801425032,6.801424824,6.801424341,6.801424314,6.801424567,6.801424745
+"13587","RNF144B",8.103917956,8.103918009,8.103917635,8.103918425,8.103916981,8.103917894,8.103917022,8.103916983,8.103916775,8.103917064,8.103918203,8.103916069,8.103916796,8.1039179,8.103916621,8.103917021,8.103917111,8.103917207,8.103916701,8.103918039,8.103916515,8.103916525,8.10391685,8.103918217,8.103917343,8.10391644,8.103916766,8.103916963
+"13588","RNF145",7.338274635,7.338274824,7.33827432,7.338274896,7.338274407,7.33827446,7.338274823,7.338274346,7.338274335,7.338274458,7.338274315,7.338274296,7.338274646,7.338274785,7.338274425,7.33827468,7.338274372,7.338274529,7.338274754,7.338274738,7.338274429,7.338274218,7.338274561,7.338274633,7.338274398,7.338274577,7.338274548,7.338274572
+"13589","RNF146",7.286364286,7.286364485,7.286363888,7.286364026,7.286363657,7.286363888,7.286364026,7.286363841,7.286363919,7.286364088,7.286363961,7.286363561,7.286363938,7.286364659,7.286364049,7.286364403,7.286363679,7.286364078,7.28636414,7.286364068,7.286364091,7.286363904,7.286364003,7.286364187,7.286363836,7.286363766,7.286363846,7.286364265
+"13590","RNF148",3.892351802,3.892351817,3.892351848,3.892351829,3.892351878,3.892351792,3.892351875,3.892351864,3.892351864,3.89235189,3.892351861,3.892351883,3.892351832,3.892351787,3.892351876,3.892351869,3.892351903,3.892351848,3.892351843,3.892351831,3.892351846,3.892351863,3.892351855,3.892351835,3.892351828,3.892351852,3.892351835,3.892351859
+"13591","RNF149",10.18856833,10.47999812,9.713828561,10.49400504,9.714031583,10.21291421,10.0133759,9.844476227,9.880530169,9.787696409,9.952870191,9.221403699,9.978024349,10.1754964,10.00687465,10.49540012,9.877137518,10.24865635,10.2259563,10.36465131,9.979201269,9.91009643,10.20821247,10.16346024,10.01287577,9.544440597,9.974468741,9.859961286
+"13592","RNF150",4.438021595,4.438021595,4.438021595,4.438021614,4.438021651,4.438021586,4.43802159,4.438021614,4.438021627,4.438021599,4.438021629,4.438021623,4.438021573,4.438021545,4.438021668,4.438021602,4.438021657,4.438021656,4.438021637,4.438021631,4.438021649,4.438021631,4.438021552,4.438021566,4.438021567,4.438021638,4.438021561,4.438021648
+"13593","RNF151",5.45513937,5.455139365,5.455139396,5.455139403,5.455139417,5.455139355,5.455139371,5.455139404,5.45513938,5.455139356,5.455139371,5.455139423,5.455139389,5.455139341,5.455139433,5.455139399,5.455139436,5.455139409,5.455139392,5.455139401,5.455139409,5.45513944,5.455139362,5.455139369,5.455139385,5.455139397,5.455139374,5.455139359
+"13594","RNF152",4.452546067,4.452546079,4.452546052,4.452546065,4.452546089,4.45254605,4.452546047,4.452546075,4.452546064,4.452546065,4.452546064,4.452546065,4.452546049,4.452546069,4.452546059,4.45254607,4.452546067,4.452546075,4.452546064,4.452546074,4.452546043,4.452546065,4.452546057,4.452546062,4.452546081,4.45254608,4.452546068,4.452546068
+"13595","RNF157",6.7528755,6.752875745,6.752874617,6.752875096,6.752875298,6.752875749,6.752875066,6.752874833,6.752876469,6.752875863,6.75287464,6.752875531,6.752875511,6.752876037,6.752874793,6.752874913,6.752874015,6.752874978,6.752875026,6.752875439,6.752874647,6.752874971,6.752876079,6.752874949,6.75287405,6.752875433,6.752875013,6.752875786
+"13596","RNF165",4.969791275,4.969791375,4.9697914555,4.969791131,4.96979149,4.96979132,4.969791399,4.9697914175,4.969791303,4.969791296,4.969791506,4.9697917555,4.969791312,4.969791125,4.9697914835,4.969791652,4.969791453,4.9697911365,4.9697914945,4.9697914555,4.96979125,4.9697913395,4.9697914425,4.969791208,4.969791265,4.969791401,4.9697912375,4.969791158
+"13597","RNF166",7.79520473,7.79520475,7.795204725,7.795204773,7.795204734,7.795204806,7.795204762,7.795204721,7.79520474,7.795204723,7.795204742,7.795204718,7.795204743,7.795204685,7.795204678,7.795204766,7.795204718,7.79520476,7.795204783,7.795204753,7.795204737,7.795204739,7.795204754,7.795204696,7.79520475,7.79520474,7.795204754,7.795204656
+"13598","RNF167",7.796087102,7.796087101,7.79608708,7.796087114,7.796086967,7.796087253,7.796087098,7.796086967,7.796087106,7.796087049,7.796087133,7.796086902,7.796087001,7.796086877,7.796086908,7.796086955,7.796086926,7.796086938,7.796087095,7.796087194,7.796087037,7.796087059,7.796087047,7.796087075,7.796087208,7.796086911,7.796087104,7.796086842
+"13599","RNF168",6.918535349,6.918535238,6.918535186,6.918535177,6.918535202,6.918535138,6.918535266,6.918535146,6.918535229,6.918535241,6.918535198,6.918535041,6.918535303,6.918535513,6.918535262,6.918535127,6.918535084,6.918535124,6.91853528,6.918535253,6.918535226,6.918535145,6.918535332,6.918535255,6.91853517,6.918535133,6.918535137,6.918535398
+"13600","RNF169",7.560455366,7.560455279,7.560454494,7.560455798,7.56045398,7.560455501,7.560455041,7.560454645,7.560454681,7.560454519,7.560454976,7.560453447,7.560455316,7.560455392,7.560455039,7.560455026,7.560454223,7.560455192,7.560455402,7.560455699,7.56045508,7.560454797,7.560454805,7.560455395,7.560455483,7.56045475,7.560455323,7.560454608
+"13601","RNF17",2.562075466,2.562075548,2.562075598,2.562075579,2.562075501,2.562075947,2.562075595,2.562075662,2.562075544,2.56207559,2.562075641,2.562075746,2.562075541,2.562075567,2.562075605,2.562075647,2.56207569,2.562075665,2.56207556,2.562075848,2.562075482,2.562075655,2.562075567,2.562075508,2.562075564,2.562075425,2.562075566,2.562075624
+"13602","RNF170",5.842645858,5.842645317,5.842645394,5.842645103,5.842644815,5.84264525,5.842645004,5.84264519,5.842645497,5.84264516,5.842645326,5.842645194,5.842645495,5.842645849,5.842645362,5.842645464,5.842644729,5.842645146,5.842645346,5.84264546,5.842644974,5.842644973,5.842645482,5.842645612,5.842645252,5.84264535,5.842645442,5.842645651
+"13603","RNF175",5.043381767,5.043381799,5.043382114,5.04338199,5.043381867,5.04338215,5.04338186,5.04338203,5.043382097,5.043382054,5.043382055,5.04338201,5.043382006,5.043381741,5.043381735,5.0433818,5.043382047,5.043381867,5.04338175,5.043381898,5.043381739,5.043382026,5.043381972,5.043382,5.043381828,5.043381977,5.043382006,5.043381688
+"13604","RNF180",3.366460201,3.366460198,3.366460215,3.366460234,3.366460209,3.366460198,3.366460213,3.366460221,3.366460218,3.366460206,3.366460218,3.366460207,3.3664602,3.366460198,3.366460204,3.366460223,3.366460216,3.366460222,3.366460204,3.366460224,3.366460201,3.366460214,3.366460215,3.366460199,3.366460206,3.366460223,3.366460209,3.366460208
+"13605","RNF181",7.01342072,7.013420678,7.013420737,7.013420698,7.013420731,7.013420808,7.013420751,7.013420716,7.013420753,7.013420749,7.013420749,7.013420699,7.013420778,7.013420739,7.01342073,7.013420674,7.013420746,7.013420685,7.01342073,7.013420727,7.01342065,7.013420721,7.013420747,7.013420743,7.013420714,7.013420701,7.01342075,7.013420644
+"13606","RNF182",5.01904634,5.018862352,5.019094949,5.019268508,5.018949672,5.019012822,5.019296579,5.018994751,5.019269077,5.01890488,5.019047134,5.019077539,5.01914036,5.018923611,5.019051924,5.018903584,5.019083958,5.019267633,5.01892265,5.018899137,5.019259117,5.018976619,5.019245501,5.018894106,5.018974051,5.01907639,5.019146542,5.018951952
+"13607","RNF183",5.308097083,5.30809716,5.308097174,5.308097288,5.308097652,5.308097584,5.308097237,5.308097345,5.308097372,5.308097585,5.308097252,5.308097717,5.308097048,5.308096591,5.308097266,5.308097337,5.308097661,5.308097317,5.308097574,5.308097104,5.308097369,5.308097488,5.30809729,5.308097008,5.308097202,5.30809744,5.308097133,5.308097064
+"13608","RNF185",6.345616356,6.345616209,6.345615957,6.345616379,6.345615686,6.345616376,6.345615939,6.345615409,6.345615956,6.345615515,6.345615804,6.345615909,6.345616826,6.345615796,6.345615894,6.345616205,6.345615569,6.34561641,6.345616023,6.345616292,6.345615974,6.345615695,6.345616215,6.345616354,6.345616062,6.345616303,6.345616443,6.345615802
+"13609","RNF185-AS1",3.648240919,3.648240893,3.648241266,3.648241241,3.648240982,3.648241132,3.648240963,3.648240973,3.648241018,3.648241261,3.648241298,3.648240826,3.648241283,3.648241039,3.648241182,3.648241248,3.648240867,3.648241155,3.648241118,3.648240869,3.648241068,3.648241245,3.648240992,3.648241018,3.648240885,3.648241269,3.648241115,3.648240823
+"13610","RNF186",5.28699974,5.286999749,5.286999766,5.286999758,5.286999778,5.286999757,5.286999775,5.286999767,5.286999756,5.286999755,5.286999766,5.286999752,5.28699977,5.286999745,5.286999773,5.286999771,5.286999788,5.286999786,5.286999759,5.286999778,5.286999788,5.286999766,5.286999754,5.286999747,5.286999789,5.286999778,5.28699975,5.286999776
+"13611","RNF187",8.096408096,8.096408189,8.096409128,8.096408098,8.096408741,8.096409561,8.096408558,8.096409249,8.09640909,8.096408671,8.096408904,8.09640917,8.096408523,8.096407853,8.096408464,8.096408252,8.09640938,8.096408311,8.096408191,8.096409149,8.096408593,8.096409209,8.096408753,8.096408398,8.096408522,8.096409185,8.096408524,8.096408334
+"13612","RNF19A",7.560016829,7.560016723,7.560016484,7.560016541,7.560016365,7.560016381,7.560016591,7.560016489,7.560016594,7.560016464,7.560016307,7.560016188,7.560016562,7.560017034,7.560016776,7.560016677,7.560016358,7.560016449,7.560016649,7.56001647,7.560016688,7.560016501,7.560016752,7.560016624,7.560016493,7.560016421,7.560016539,7.560016835
+"13613","RNF19B",8.84100118,8.84100411,8.840997218,8.84100572,8.840997487,8.841009945,8.840999214,8.840998728,8.840995765,8.840995478,8.840999908,8.840992845,8.84099953,8.840997529,8.841002128,8.841003624,8.84099829,8.841002519,8.841000962,8.841009634,8.841001746,8.841001181,8.841002396,8.841001516,8.841002866,8.840995258,8.840999603,8.840996105
+"13614","RNF2",6.211261797,6.211261744,6.211261689,6.211261613,6.211261673,6.211261555,6.211261634,6.211261737,6.211261704,6.211261755,6.211261649,6.211261626,6.211261839,6.211262041,6.21126177,6.211261589,6.211261616,6.211261402,6.211261847,6.21126176,6.211261631,6.211261621,6.211261831,6.211261727,6.211261588,6.211261613,6.211261699,6.211261954
+"13615","RNF20",7.000513866,7.000513866,7.000513829,7.000514045,7.000513138,7.000514019,7.000513626,7.000513298,7.000513634,7.000513502,7.000513035,7.000512318,7.000513577,7.000514706,7.000513569,7.000513882,7.000512909,7.000513532,7.000513699,7.00051401,7.000513653,7.000513272,7.000513689,7.000513771,7.000513603,7.000513351,7.000513694,7.00051421
+"13616","RNF207",5.9741027865,5.974102761,5.974102837,5.974102858,5.9741029395,5.9741026825,5.9741027855,5.974102868,5.974102872,5.97410278,5.9741028815,5.974102849,5.974102849,5.974102708,5.974102941,5.9741029195,5.9741029155,5.9741029345,5.9741028395,5.9741027945,5.9741029005,5.9741028915,5.974102765,5.9741028055,5.9741029535,5.974102921,5.9741027925,5.974102845
+"13617","RNF208",5.919314624,5.919314623,5.919314957,5.919314775,5.919314993,5.91931475,5.919314778,5.919314949,5.919314758,5.919314773,5.919315054,5.919314955,5.919314746,5.919314451,5.91931482,5.91931471,5.919315004,5.919314895,5.919314718,5.919314808,5.919314832,5.919315004,5.919314706,5.91931482,5.919314809,5.919314859,5.919314764,5.919314716
+"13618","RNF212",4.356661669,4.356661655,4.356661989,4.356661889,4.356661795,4.356662004,4.356661684,4.35666177,4.356661806,4.356661866,4.356661719,4.356662173,4.356661656,4.356661626,4.356661593,4.356661801,4.356661984,4.35666172,4.356661949,4.35666181,4.356661708,4.356661775,4.356661786,4.356661767,4.356661859,4.356661883,4.356661587,4.35666143
+"13619","RNF213",9.432353565,9.5665151405,9.075755968,9.377395304,9.432211092,10.622996455,9.672329388,9.3348249475,9.590643376,9.45054053,9.252760482,9.1104258765,9.545168688,9.4298097305,9.3979324625,9.4645722465,9.0759898955,9.258508268,9.5790980095,10.562254475,9.6739692445,9.47851126,9.688157383,9.516298686,9.2800753995,9.3233307055,9.586652217,9.1278698775
+"13620","RNF213-AS1",5.600728801,5.600728757,5.600729297,5.600728919,5.600729336,5.600729643,5.60072942,5.600729383,5.60072926,5.600729215,5.600729196,5.600729524,5.600729209,5.600728456,5.600729275,5.600728985,5.600729518,5.600729201,5.600729324,5.600729305,5.600729345,5.600729275,5.600729093,5.600729055,5.600729089,5.600729171,5.60072918,5.600728707
+"13621","RNF214",5.811307278,5.811307278,5.811307217,5.811307223,5.811307266,5.811307151,5.811307241,5.811307187,5.811307333,5.811307197,5.811307221,5.811306968,5.811307281,5.811307419,5.811307203,5.811307191,5.811307012,5.811307236,5.811307269,5.811307202,5.811307264,5.811307136,5.811307283,5.811307248,5.811307245,5.81130731,5.811307284,5.811307274
+"13622","RNF215",6.189273358,6.18927335,6.189273356,6.189273359,6.189273412,6.18927338,6.189273385,6.189273369,6.189273358,6.189273371,6.189273388,6.189273419,6.189273357,6.189273281,6.189273401,6.189273362,6.1892734,6.189273383,6.189273378,6.189273345,6.189273398,6.189273374,6.189273341,6.189273343,6.189273369,6.18927338,6.189273362,6.189273334
+"13623","RNF216",7.32544776,7.325447648,7.325447592,7.325447639,7.325447726,7.325447697,7.32544774,7.325447699,7.325447694,7.325447792,7.32544756,7.325447729,7.325447743,7.325447874,7.32544753,7.325447455,7.325447329,7.32544747,7.325447758,7.325447635,7.325447467,7.325447539,7.325447665,7.325447741,7.325447619,7.325447769,7.325447687,7.325447546
+"13624","RNF216P1",6.423404331,6.423404103,6.423403985,6.423404256,6.423403903,6.423404073,6.423404148,6.423404256,6.423404247,6.423404046,6.423404062,6.423404326,6.423404324,6.423404441,6.423404097,6.423403957,6.423403871,6.423403925,6.423404157,6.423404106,6.423403958,6.423404091,6.423404188,6.423404281,6.423404221,6.423404392,6.423404344,6.42340431
+"13625","RNF217",4.245510461,4.245510455,4.24551042,4.245510386,4.245510467,4.245510435,4.245510487,4.245510425,4.245510394,4.245510474,4.245510428,4.245510465,4.245510437,4.245510449,4.245510462,4.245510394,4.24551044,4.245510443,4.245510431,4.245510453,4.245510456,4.245510437,4.24551038,4.245510402,4.24551049,4.24551041,4.245510429,4.245510447
+"13626","RNF220",6.194485613,6.194485605,6.194485584,6.194485572,6.194485569,6.194485602,6.194485578,6.194485595,6.194485625,6.194485629,6.194485586,6.194485529,6.194485631,6.194485651,6.194485591,6.194485586,6.194485542,6.194485547,6.19448556,6.194485603,6.194485576,6.194485565,6.194485616,6.194485581,6.19448557,6.194485604,6.194485592,6.194485629
+"13627","RNF222",6.601153212,6.601153108,6.601153427,6.601153256,6.601153537,6.601153206,6.601153338,6.601153594,6.601153375,6.601153296,6.601153533,6.601153677,6.601153291,6.601152949,6.601153523,6.601153345,6.60115359,6.601153575,6.601153329,6.601153362,6.601153364,6.601153538,6.601153251,6.601153041,6.601153527,6.601153505,6.601153311,6.60115308
+"13628","RNF227",5.790762119,5.790762118,5.790762121,5.790762114,5.790762153,5.790762108,5.790762132,5.790762142,5.790762135,5.790762143,5.79076213,5.790762125,5.79076214,5.790762124,5.790762147,5.790762141,5.790762133,5.790762151,5.790762145,5.79076213,5.790762138,5.790762138,5.790762141,5.79076212,5.790762137,5.790762142,5.79076212,5.790762143
+"13629","RNF24",8.382956416,8.382957136,8.382956225,8.382957791,8.382956125,8.382957663,8.382956868,8.382956826,8.38295645,8.382956101,8.38295674,8.382955177,8.382956447,8.382955782,8.382957131,8.382957133,8.382956471,8.382957989,8.382957059,8.382957393,8.382957138,8.382956782,8.382957394,8.382957322,8.382957486,8.382956221,8.382956636,8.382955583
+"13630","RNF25",5.628532011,5.628532059,5.628531841,5.62853208,5.628531845,5.628532172,5.628531888,5.628531579,5.628532113,5.628531816,5.628532089,5.628531204,5.628532238,5.628532343,5.628531948,5.628531863,5.628531948,5.628531923,5.628531444,5.628532221,5.628531792,5.62853181,5.628532072,5.628532053,5.628531909,5.628531911,5.628532134,5.628531788
+"13631","RNF26",6.127650661,6.127650743,6.127650712,6.12765059,6.127650825,6.127650929,6.127650678,6.12765074,6.12765083,6.127650823,6.127650497,6.127650597,6.127650795,6.127650763,6.127650842,6.127650652,6.127650884,6.127650814,6.127650748,6.127650731,6.127650837,6.127650884,6.127650783,6.127650716,6.127650682,6.127650827,6.127650773,6.127650734
+"13632","RNF31",7.523834357,7.523835071,7.523834405,7.523834948,7.523834403,7.523836435,7.523834862,7.523835028,7.523834611,7.523834364,7.523834719,7.523834038,7.523834935,7.523834274,7.52383429,7.523835277,7.523834235,7.523834306,7.523834733,7.52383631,7.523834353,7.523835082,7.523835055,7.523834556,7.523834836,7.523834413,7.523835115,7.523833569
+"13633","RNF32",4.936167502,4.936167518,4.936167504,4.93616751,4.936167539,4.936167492,4.936167509,4.936167531,4.936167516,4.936167515,4.936167519,4.936167521,4.936167507,4.936167511,4.936167505,4.936167519,4.936167527,4.936167529,4.93616753,4.936167504,4.936167482,4.936167529,4.936167504,4.936167486,4.936167494,4.936167501,4.93616751,4.936167542
+"13634","RNF32-DT",5.551940347,5.551940453,5.551940421,5.551940107,5.551940555,5.55194022,5.551940199,5.551940272,5.551940413,5.551940217,5.551940205,5.551940288,5.551940319,5.551940697,5.551940267,5.551940096,5.551940397,5.551940053,5.551940596,5.551940133,5.551940231,5.551940226,5.55194044,5.551940387,5.5519399,5.551940131,5.551940359,5.551940699
+"13635","RNF34",7.418867257,7.418867295,7.418866999,7.418867061,7.418866897,7.418867044,7.4188671,7.418866949,7.418867028,7.418867118,7.418866965,7.418866796,7.418867218,7.418867365,7.418867042,7.418867146,7.418866682,7.418867012,7.418867118,7.41886738,7.418867097,7.418866913,7.418867234,7.418867297,7.418867093,7.41886706,7.41886717,7.418867141
+"13636","RNF38",7.658709251,7.658709219,7.658709215,7.658709256,7.658709174,7.658709223,7.6587092,7.658709199,7.658709228,7.658709236,7.658709191,7.658709156,7.658709212,7.658709268,7.658709216,7.658709163,7.658709154,7.658709205,7.658709204,7.658709217,7.658709194,7.658709185,7.658709242,7.658709266,7.658709208,7.658709226,7.658709246,7.658709243
+"13637","RNF39",5.727005201,5.727005121,5.727005352,5.727005394,5.727005336,5.727005359,5.727005233,5.727005472,5.727005352,5.727005342,5.727005484,5.727005444,5.727005422,5.727005141,5.727005407,5.727005459,5.727005484,5.727005545,5.727005262,5.727005312,5.727005211,5.727005348,5.727005264,5.727005235,5.727005531,5.72700532,5.727005313,5.727005317
+"13638","RNF4",7.373454112,7.37345414,7.373454068,7.373454044,7.373453984,7.373454008,7.373454003,7.37345401,7.373454073,7.373454017,7.373454069,7.373453915,7.373454148,7.373454129,7.373454045,7.373454138,7.373453969,7.373454031,7.373453997,7.37345419,7.373454067,7.373453962,7.373454096,7.373454108,7.373454083,7.373454081,7.373454129,7.373454003
+"13639","RNF40",6.905011267,6.905011334,6.905011279,6.905011346,6.905011245,6.905011367,6.905011242,6.905011325,6.905011274,6.905011296,6.905011264,6.905011287,6.9050113,6.90501127,6.905011259,6.90501131,6.90501128,6.905011261,6.90501128,6.90501134,6.90501121,6.905011305,6.905011288,6.905011336,6.905011309,6.905011312,6.905011257,6.905011203
+"13640","RNF41",6.76517574,6.765175895,6.765175617,6.765175744,6.765175517,6.765175768,6.765175534,6.765175648,6.765175614,6.76517562,6.765175607,6.765175522,6.765175573,6.765175791,6.765175627,6.765175832,6.765175555,6.765175622,6.765175541,6.765175743,6.765175504,6.765175594,6.765175601,6.765175718,6.76517571,6.765175635,6.765175742,6.765175566
+"13641","RNF43",5.182273873,5.182273865,5.182273878,5.182273816,5.182273902,5.182273863,5.182273835,5.182273879,5.182273888,5.182273892,5.182273842,5.182273874,5.18227389,5.182273864,5.182273883,5.182273851,5.182273874,5.182273876,5.182273861,5.182273851,5.182273859,5.182273898,5.182273854,5.182273855,5.182273843,5.182273876,5.182273878,5.182273855
+"13642","RNF44",7.138527363,7.138527384,7.138527369,7.138527395,7.138527359,7.138527391,7.138527376,7.138527381,7.138527375,7.138527388,7.138527368,7.13852737,7.138527386,7.138527367,7.138527364,7.138527371,7.138527368,7.138527365,7.13852737,7.138527354,7.138527375,7.138527382,7.138527383,7.138527374,7.138527385,7.138527369,7.138527389,7.138527374
+"13643","RNF6",5.746323838,5.746323723,5.746323645,5.746323664,5.74632365,5.746323684,5.746323745,5.746323701,5.746323632,5.74632373,5.746323643,5.746323591,5.746323732,5.746323939,5.746323709,5.746323602,5.746323695,5.746323643,5.746323792,5.746323601,5.746323681,5.746323682,5.746323739,5.746323768,5.746323645,5.74632367,5.746323666,5.746323805
+"13644","RNF7",6.28215723,6.282157082,6.282157126,6.28215708,6.282157061,6.282157131,6.282157149,6.282157076,6.282157163,6.282157051,6.282157037,6.282157106,6.28215716,6.282157298,6.282157104,6.282157039,6.282157071,6.282157088,6.2821571,6.282157226,6.282157136,6.282157021,6.282157148,6.282157165,6.282157019,6.282157099,6.282157167,6.282157187
+"13645","RNF8",5.371352337,5.371352336,5.371352318,5.371352259,5.371352314,5.371352319,5.37135234,5.371352326,5.371352347,5.371352309,5.37135227,5.371352307,5.371352322,5.371352363,5.371352324,5.37135231,5.371352249,5.371352281,5.371352335,5.371352301,5.371352323,5.371352289,5.371352332,5.371352351,5.371352317,5.371352339,5.371352299,5.371352343
+"13646","RNFT1",6.569316499,6.569315435,6.569315122,6.569315104,6.569314944,6.569314577,6.569315623,6.569314668,6.569314903,6.569315222,6.569314929,6.569314667,6.569315614,6.569315979,6.569315115,6.56931557,6.569314618,6.569314149,6.569315793,6.569315245,6.569315436,6.569314964,6.569315385,6.569315622,6.569315145,6.569314932,6.569315566,6.569315243
+"13647","RNFT2",5.015218911,5.015218872,5.015218904,5.015218847,5.015218984,5.015218947,5.015218909,5.015218975,5.015218896,5.015218733,5.015218882,5.015219047,5.015218889,5.01521882,5.015219032,5.015218851,5.015219031,5.015218926,5.015218921,5.015218846,5.015218999,5.015218941,5.015218838,5.015218836,5.015218849,5.015219023,5.015218818,5.015218843
+"13648","RNGTT",6.288308877,6.288309114,6.288308003,6.288307715,6.288307584,6.288308007,6.288308047,6.288307552,6.288308382,6.288307848,6.288307494,6.288307399,6.288308125,6.288309483,6.288308179,6.28830897,6.2883074,6.288307405,6.288308619,6.288307701,6.288307849,6.288307849,6.288308271,6.288308343,6.288307644,6.288308362,6.288308403,6.288308735
+"13649","RNH1",7.482196227,7.482196424,7.482196404,7.482196137,7.482196589,7.482196813,7.48219599,7.482196369,7.482196227,7.482196602,7.482195991,7.48219614,7.482196566,7.482196101,7.482196137,7.482196127,7.482196116,7.482195967,7.482196527,7.482196553,7.482195863,7.482196367,7.482195902,7.482196545,7.482195592,7.482196076,7.48219644,7.482195922
+"13650","RNLS",5.772099115,5.772099136,5.772099162,5.772099127,5.772099115,5.772099197,5.772099131,5.772099175,5.772099161,5.772099161,5.772099193,5.772099142,5.77209917,5.772099145,5.772099167,5.772099192,5.772099203,5.772099149,5.772099141,5.772099127,5.772099115,5.772099206,5.772099147,5.772099152,5.772099136,5.772099093,5.772099158,5.772099189
+"13651","RNMT",5.587914319,5.587913835,5.587914058,5.587913056,5.58791372,5.587912901,5.587913895,5.587913534,5.587913928,5.58791389,5.587913578,5.587913465,5.587913873,5.587915067,5.587913958,5.587913669,5.587913438,5.587913223,5.587913757,5.587913201,5.58791402,5.587913778,5.587914136,5.587913899,5.587913682,5.587914026,5.587913855,5.587914522
+"13652","RNPC3",6.1587465405,6.1587462455,6.158746454,6.158746274,6.158746151,6.1587463585,6.1587465375,6.15874619,6.158746205,6.1587462805,6.1587463515,6.1587464525,6.158746511,6.1587466655,6.15874643,6.158746105,6.1587462805,6.158746252,6.15874646,6.1587463725,6.1587463935,6.1587463375,6.1587463085,6.158746356,6.1587464475,6.15874628,6.158746424,6.1587462725
+"13653","RNPEP",8.278714784,8.278716913,8.27871564,8.2787159,8.278715874,8.278716559,8.278716384,8.278715996,8.278715871,8.278716395,8.278715651,8.27871454,8.278715772,8.278716305,8.278714656,8.278716433,8.278715332,8.278715101,8.278716257,8.278716805,8.278716177,8.278716263,8.278715815,8.278716917,8.278715361,8.278714902,8.278715835,8.278715426
+"13654","RNPEPL1",7.720179344,7.720179495,7.720179424,7.720179408,7.720179227,7.720179588,7.720179428,7.720179333,7.720179383,7.72017955,7.720179347,7.720179203,7.720179467,7.720179282,7.720179261,7.720179438,7.720179267,7.720179295,7.720179383,7.720179201,7.720179233,7.720179327,7.720179457,7.720179512,7.720179384,7.720179219,7.720179499,7.720179103
+"13655","RNPS1",8.84979931,8.849799201,8.84979931,8.849799286,8.849799368,8.849799365,8.849799315,8.849799264,8.849799294,8.849799369,8.849799295,8.849799368,8.849799329,8.849799227,8.849799357,8.849799265,8.849799251,8.849799337,8.8497993,8.849799326,8.849799296,8.8497993,8.849799248,8.849799258,8.849799264,8.849799311,8.849799325,8.849799296
+"13656","RNU105B",5.551721583,5.551721648,5.551721489,5.55172157,5.551721538,5.551721544,5.551721526,5.551721543,5.551721579,5.551721534,5.551721574,5.551721514,5.551721582,5.551721566,5.551721542,5.551721648,5.551721518,5.551721563,5.551721581,5.55172155,5.551721537,5.551721552,5.551721549,5.551721587,5.551721637,5.551721522,5.551721554,5.551721601
+"13657","RNU105C",4.197918735,4.197918656,4.197918811,4.197918709,4.19791897,4.197918458,4.197918788,4.197918972,4.197918796,4.197918508,4.197918699,4.197919015,4.197918644,4.197918627,4.197918939,4.197918853,4.197919123,4.197918792,4.197918796,4.197918774,4.197919027,4.19791888,4.197918825,4.197918679,4.197918883,4.197918965,4.197918795,4.197918768
+"13658","RNU11",4.95761836,4.9576184,4.957618766,4.957618111,4.957618906,4.957619283,4.957618879,4.957618776,4.957619045,4.957618817,4.957618722,4.957619154,4.957618657,4.957618183,4.957618941,4.957618564,4.957619464,4.957618581,4.957618754,4.957618881,4.95761894,4.957618626,4.957618736,4.957618418,4.957618515,4.957618781,4.95761864,4.957618816
+"13659","RNU12",6.481531875,6.48153203,6.481532386,6.481531972,6.481532747,6.481532413,6.481532439,6.481532365,6.481532331,6.481532194,6.481532176,6.481532742,6.481531975,6.481531733,6.481532543,6.481532458,6.481532772,6.481532334,6.481532384,6.481532216,6.481532419,6.481532449,6.481532231,6.481532044,6.481532233,6.481532385,6.481532107,6.481532482
+"13660","RNU4-1",7.760357837,7.760356735,7.760357712,7.760357813,7.760357645,7.760358122,7.760358888,7.760356281,7.760358106,7.760359131,7.760357612,7.760358518,7.76035772,7.760356739,7.760358014,7.760356872,7.760359057,7.76035742,7.760357145,7.760357933,7.760358522,7.760355674,7.760358396,7.760358691,7.760358131,7.760358081,7.760357174,7.760357482
+"13661","RNU4-2",4.387847547,4.387848212,4.387848598,4.387848142,4.38784776,4.387848424,4.38784786,4.387847507,4.387847954,4.387848621,4.387848599,4.387847558,4.387848058,4.387848097,4.387847642,4.387848292,4.387848232,4.38784838,4.387847183,4.387848062,4.38784842,4.387846965,4.38784775,4.387848087,4.387848182,4.387847234,4.387847996,4.387847696
+"13662","RNU4ATAC",4.967403893,4.967403809,4.967404256,4.967404139,4.967403861,4.967404207,4.967404318,4.967404079,4.967404219,4.967404259,4.967404109,4.967404316,4.967404133,4.967403564,4.967403859,4.967403899,4.967404584,4.967404027,4.967403875,4.967404226,4.967404215,4.96740383,4.967404241,4.967404019,4.967404132,4.967403837,4.967404003,4.967403937
+"13663","RNU5A-1",3.331153135,3.331152888,3.331153133,3.331153333,3.33115338,3.331153064,3.331153513,3.331153245,3.331153325,3.331153202,3.331152882,3.331153384,3.331153467,3.331153001,3.331153159,3.331153626,3.331153608,3.331153057,3.331153129,3.331153452,3.331153037,3.331152827,3.331153673,3.331153478,3.331153542,3.331153295,3.33115319,3.331153265
+"13664","RNU5B-1",3.910044243,3.910043692,3.9100428,3.910042591,3.910043233,3.910042647,3.910042609,3.910043454,3.910042748,3.91004228,3.910042517,3.910040514,3.910042581,3.910044214,3.910041834,3.910042174,3.910041963,3.910040706,3.910042414,3.910042326,3.910041809,3.910042741,3.910042634,3.910044076,3.910043565,3.910042557,3.910043591,3.910041476
+"13665","RNU5D-1",2.350702857,2.350703269,2.350702916,2.350702714,2.350702594,2.350704041,2.350704028,2.350702712,2.350704183,2.350703333,2.350702735,2.350702938,2.350702971,2.350702878,2.350702694,2.350703058,2.350703581,2.35070309,2.350703032,2.350703823,2.350703275,2.350702717,2.350704036,2.350703186,2.350703111,2.350702605,2.350702981,2.350702792
+"13666","RNU5E-1",5.286935368,5.286933469,5.286937016,5.286934373,5.286933675,5.286935816,5.286938021,5.286934146,5.286936323,5.286935198,5.286936454,5.286934759,5.286933817,5.286933321,5.286934622,5.286934587,5.286937314,5.286935117,5.28693298,5.286935982,5.286937222,5.286933618,5.286936401,5.286934893,5.286937419,5.286935023,5.286933095,5.286934076
+"13667","RNU5F-1",2.207641893,2.207641978,2.207641958,2.207641791,2.207641995,2.207642382,2.207642348,2.207641953,2.207642396,2.207642137,2.207642044,2.207641984,2.207642078,2.207641988,2.207642015,2.20764263,2.207642015,2.20764201,2.207641988,2.207642533,2.20764203,2.207641944,2.207642097,2.207641958,2.20764212,2.20764182,2.207642018,2.207641788
+"13668","RNU6ATAC",6.05175404,6.4025681175,7.012389494,6.599630256,6.7207079435,6.00634512,6.756607084,6.473953674,6.6597858045,6.866134645,6.78700602,6.718805244,6.561904457,5.843111688,6.4245872565,6.226709338,7.1382072395,6.542334673,6.4700789135,6.4020915605,6.2956555445,6.209169232,6.7940802855,6.8738332845,7.023184209,6.701500639,6.7112756505,6.5301213925
+"13669","RNVU1-17",3.207297681,3.207297643,3.20729766,3.207297665,3.207297665,3.207297648,3.207297649,3.207297646,3.207297647,3.207297683,3.207297657,3.207297658,3.207297659,3.207297655,3.207297635,3.207297647,3.207297663,3.207297666,3.207297643,3.207297656,3.20729765,3.207297677,3.207297674,3.207297682,3.207297705,3.207297649,3.207297646,3.207297645
+"13670","RNVU1-19",4.005485679,4.0054873985,4.005487337,4.0054871255,4.0054864125,4.005483245,4.0054855985,4.0054859755,4.0054871215,4.0054869575,4.005486054,4.005487482,4.0054864395,4.0054866155,4.005485429,4.0054877045,4.0054874665,4.0054871635,4.005486892,4.005484251,4.0054850295,4.0054861045,4.005486853,4.005487527,4.005486784,4.005487117,4.005486359,4.0054872885
+"13671","RNVU1-3",4.932156886,4.932157225,4.932156457,4.932156518,4.932156419,4.932156596,4.932156211,4.932156093,4.932157029,4.932156478,4.932156556,4.932156379,4.932156767,4.932157141,4.932156358,4.932156897,4.932156236,4.932156767,4.932156468,4.932156728,4.932156063,4.932156311,4.932157007,4.932156789,4.932156336,4.932156504,4.932156666,4.932156579
+"13672","RNVU1-6",4.662069365,4.662069365,4.662069385,4.662069374,4.662069378,4.662069386,4.66206938,4.662069385,4.662069396,4.662069394,4.662069407,4.66206937,4.662069386,4.662069359,4.662069373,4.662069377,4.662069407,4.662069388,4.662069383,4.662069376,4.662069383,4.662069375,4.662069396,4.662069374,4.662069405,4.662069378,4.662069373,4.662069355
+"13673","RNVU1-8",3.831710285,3.831710382,3.831710373,3.831710327,3.831710385,3.831710559,3.831710384,3.83171035,3.831710403,3.831710449,3.831710464,3.83171023,3.83171032,3.831710347,3.83171031,3.83171037,3.831710383,3.831710387,3.831710263,3.831710427,3.831710279,3.831710345,3.831710425,3.831710359,3.831710383,3.831710319,3.831710434,3.831710329
+"13674","RO60",6.956159939,6.956159317,6.95615899,6.956158877,6.956158393,6.956157957,6.956158931,6.95615826,6.956159093,6.956158604,6.956158509,6.956157558,6.956159069,6.956161118,6.956159166,6.956159233,6.956158207,6.956158802,6.956159174,6.95615719,6.95615904,6.956158225,6.956159364,6.956159406,6.956158799,6.956158206,6.956158464,6.956160021
+"13675","ROBO1",4.821569896,4.821569899,4.821569969,4.821569949,4.821569936,4.821569953,4.821569926,4.821569969,4.821570056,4.821570002,4.821569964,4.821570114,4.82157002,4.821569903,4.821569925,4.821569922,4.821570004,4.82156993,4.821569944,4.821569927,4.821569923,4.821569976,4.821569995,4.821569971,4.821569965,4.821570008,4.821570012,4.821569912
+"13676","ROBO2",3.934737752,3.934737669,3.934737701,3.934737747,3.934737936,3.93473775,3.934737846,3.934737871,3.934737742,3.934737723,3.934737807,3.934737839,3.934737793,3.934737609,3.934737885,3.93473785,3.934738001,3.934737824,3.934737784,3.934737801,3.934737838,3.934737884,3.934737759,3.93473776,3.934737835,3.934737768,3.9347377,3.934737807
+"13677","ROBO3",5.019660159,5.019660197,5.019660216,5.019660195,5.01966022,5.019660172,5.019660202,5.019660219,5.019660217,5.019660193,5.019660219,5.019660219,5.019660185,5.019660167,5.019660225,5.019660218,5.019660241,5.019660228,5.019660206,5.01966018,5.019660214,5.019660225,5.019660181,5.019660167,5.019660208,5.019660213,5.019660184,5.019660212
+"13678","ROBO4",5.642979174,5.642979176,5.642979206,5.642979186,5.642979191,5.642979201,5.642979187,5.642979212,5.642979186,5.642979197,5.642979218,5.642979201,5.642979196,5.642979169,5.642979183,5.642979194,5.642979217,5.642979207,5.642979176,5.6429792,5.642979186,5.642979211,5.642979182,5.642979178,5.642979203,5.642979187,5.642979185,5.64297919
+"13679","ROCK1",6.934199809,6.934503856,6.93360772,6.934150339,6.933394946,6.932972271,6.933815623,6.932611335,6.933615623,6.933712221,6.933718687,6.931999716,6.933543638,6.935986745,6.934059564,6.934475391,6.933498941,6.933827107,6.934375792,6.933398316,6.93391228,6.933242112,6.934162697,6.934110086,6.933828685,6.933051729,6.93334545,6.935141504
+"13680","ROCK1P1",3.56687913,3.566878754,3.566879284,3.566879232,3.566879175,3.566879135,3.566879184,3.566879412,3.566878955,3.566879247,3.566879321,3.566879471,3.56687889,3.566878942,3.56687908,3.566878894,3.56687942,3.566879261,3.566879239,3.566879392,3.566879039,3.566879366,3.566879158,3.566879283,3.566879298,3.566879084,3.566879263,3.566878893
+"13681","ROCK2",6.404784415,6.404784253,6.404783844,6.404784783,6.404784013,6.40478316,6.404784131,6.404782822,6.404783016,6.404784504,6.404783932,6.404782226,6.404784101,6.404786221,6.404784445,6.404783343,6.404782703,6.404784191,6.404784537,6.404783389,6.404784213,6.404782951,6.404784127,6.404784294,6.404784441,6.404783388,6.4047834,6.404785344
+"13682","ROGDI",7.756442203,7.756442425,7.756443605,7.756442624,7.756443,7.756442821,7.756442818,7.756443121,7.756442506,7.756442795,7.756443513,7.756443497,7.756442488,7.75644158,7.756442483,7.756442237,7.756443678,7.756442889,7.756442468,7.756442244,7.756442516,7.7564433,7.75644246,7.756442841,7.756443501,7.756443451,7.756442472,7.756441755
+"13683","ROM1",5.454278557,5.454278351,5.454278539,5.454278386,5.454278868,5.45427862,5.454278608,5.454278872,5.454278486,5.454278369,5.454278729,5.454278919,5.454278473,5.454278338,5.454278879,5.454277958,5.454278758,5.454278657,5.45427848,5.454278779,5.454278747,5.454278841,5.454278216,5.45427824,5.454278481,5.454278654,5.454278243,5.454278508
+"13684","ROMO1",5.843695013,5.843695018,5.843695012,5.843695009,5.843695013,5.843695018,5.843695029,5.843695025,5.84369503,5.843695029,5.843695005,5.843695023,5.843695018,5.843695003,5.843695026,5.843695024,5.843695032,5.843695018,5.843695009,5.843695033,5.843695034,5.843695015,5.843695017,5.843695013,5.843694999,5.843695012,5.843695008,5.84369502
+"13685","ROPN1L",7.058650702,7.058651504,7.05864889,7.058651464,7.05864919,7.058650845,7.058650576,7.058649649,7.058649984,7.058648712,7.058650208,7.058648469,7.058649644,7.058649376,7.058650591,7.058651575,7.058649598,7.058651259,7.05865085,7.058650813,7.058650417,7.058650199,7.058651338,7.05865131,7.058651427,7.058649857,7.058650267,7.058648682
+"13686","ROR1",5.026432324,5.026432357,5.026432719,5.026432452,5.026432845,5.02643266,5.026432745,5.026432577,5.026432636,5.026432675,5.026432754,5.026432838,5.026432474,5.026432265,5.026432825,5.026432708,5.026432816,5.026432835,5.026432823,5.026432622,5.026432888,5.026432713,5.026432691,5.026432321,5.026432486,5.026432669,5.026432385,5.026432675
+"13687","ROR2",4.897227941,4.897228064,4.897228221,4.897228054,4.897228463,4.897228033,4.897228274,4.897228235,4.897228203,4.897228341,4.897228224,4.897228183,4.897228103,4.89722764,4.897228381,4.897228263,4.897228478,4.897228411,4.89722819,4.897228174,4.897228406,4.897228427,4.897228056,4.897228217,4.897228092,4.897228214,4.897228157,4.897228274
+"13688","RORA",6.81394779,6.813946319,6.81394545,6.813945418,6.813945386,6.813945337,6.813946315,6.813946423,6.813946658,6.813945867,6.813945183,6.813945753,6.813946749,6.813947262,6.813946685,6.813945839,6.813945025,6.813945097,6.813946782,6.813945265,6.813946124,6.813946665,6.813947223,6.81394623,6.813945589,6.813946188,6.813947105,6.813946883
+"13689","RORB",3.963557365,3.963557466,3.963557456,3.963557421,3.963557459,3.963557308,3.963557355,3.963557538,3.963557495,3.9635574,3.963557453,3.963557538,3.9635574,3.963557332,3.963557417,3.96355747,3.963557464,3.963557536,3.963557426,3.96355758,3.963557466,3.963557493,3.963557395,3.963557286,3.963557306,3.963557462,3.963557479,3.963557408
+"13690","RORC",6.225679434,6.22567968,6.225679615,6.225679447,6.225679636,6.225679159,6.225679648,6.225679702,6.225679529,6.225679055,6.22567932,6.225679608,6.225679464,6.225679156,6.225679776,6.225679531,6.225679762,6.225679617,6.225679615,6.225679427,6.225679758,6.225679968,6.225679142,6.225679012,6.225679404,6.22567954,6.225679509,6.225679385
+"13691","ROS1",3.254453092,3.254453129,3.254453106,3.254453146,3.254453122,3.254453137,3.254453088,3.254453134,3.254453139,3.254453125,3.254453145,3.254453178,3.254453115,3.254453123,3.254453107,3.254453123,3.254453167,3.254453104,3.254453091,3.254453116,3.25445309,3.254453136,3.254453113,3.254453142,3.254453109,3.254453096,3.254453102,3.254453141
+"13692","RP1",2.900683603,2.900683549,2.900683618,2.900683619,2.900683593,2.90068365,2.900683607,2.900683615,2.900683582,2.900683583,2.90068365,2.900683772,2.90068356,2.900683632,2.900683633,2.900683702,2.900683637,2.900683596,2.900683635,2.900683608,2.900683566,2.900683588,2.900683645,2.900683549,2.900683595,2.900683582,2.900683587,2.900683653
+"13693","RP1L1",4.678761145,4.678761283,4.678761196,4.678761211,4.678761574,4.678761059,4.678761267,4.678761249,4.678761062,4.678761307,4.678761268,4.678761367,4.678761259,4.678760867,4.678761359,4.678761361,4.678761367,4.678761399,4.678761231,4.678761234,4.678761492,4.678761441,4.678761031,4.678761135,4.678761345,4.678761356,4.678761012,4.678761083
+"13694","RP2",7.494038224,7.494038655,7.494037323,7.494038697,7.494036969,7.494037398,7.494037593,7.494037453,7.494037094,7.494037131,7.494037685,7.494034998,7.494037665,7.49403896,7.494037635,7.494038564,7.494037351,7.494038638,7.494037957,7.49403863,7.494037849,7.494036797,7.494037964,7.494038636,7.494038107,7.494036549,7.494036621,7.494038277
+"13695","RP9",6.087833215,6.087833168,6.087833167,6.087833189,6.087833142,6.087833166,6.087833142,6.087833167,6.087833162,6.087833186,6.087833182,6.087833183,6.087833191,6.087833214,6.087833196,6.087833132,6.087833184,6.087833183,6.087833168,6.087833152,6.08783316,6.087833182,6.087833168,6.087833162,6.087833187,6.087833169,6.087833153,6.087833165
+"13696","RP9P",5.675371605,5.675371615,5.675371622,5.675371609,5.675371602,5.675371593,5.675371608,5.675371624,5.675371622,5.675371595,5.675371604,5.675371641,5.675371614,5.675371615,5.675371623,5.675371612,5.675371605,5.675371621,5.675371613,5.675371614,5.675371633,5.675371618,5.675371596,5.675371589,5.675371612,5.675371621,5.675371597,5.675371626
+"13697","RPA1",7.078577062,7.078577043,7.078577055,7.07857701,7.078577065,7.078577064,7.078577073,7.078577054,7.078577089,7.078577076,7.078577044,7.078577051,7.078577067,7.078577087,7.078577037,7.078577012,7.078577019,7.078577012,7.078577061,7.078577029,7.078577058,7.078577049,7.078577086,7.078577057,7.078577039,7.078577067,7.078577072,7.078577066
+"13698","RPA2",6.373105839,6.373105642,6.373105688,6.373105548,6.373105482,6.373105803,6.373105763,6.373105701,6.373105841,6.3731058,6.373105503,6.37310558,6.373105662,6.373105858,6.373105739,6.373105481,6.373105572,6.373105561,6.373105846,6.373105497,6.37310572,6.373105679,6.373105575,6.373105795,6.373105485,6.373105583,6.373105661,6.373105742
+"13699","RPA3",4.950941856,4.950941804,4.950941884,4.950941884,4.950942038,4.950942003,4.950942032,4.950942065,4.950942001,4.950942056,4.950941965,4.950942122,4.950941943,4.950941855,4.950942016,4.950941875,4.950941963,4.950941929,4.950942046,4.95094182,4.950942043,4.95094197,4.950941934,4.95094189,4.950941879,4.950941932,4.950941814,4.950941964
+"13700","RPA4",4.60775543,4.607755531,4.607755428,4.607755355,4.60775538,4.607755474,4.607755309,4.607755407,4.607755425,4.607755395,4.607755369,4.607755406,4.607755385,4.607755544,4.60775546,4.60775545,4.607755458,4.607755309,4.607755475,4.607755362,4.607755373,4.607755343,4.607755268,4.607755355,4.607755321,4.607755341,4.607755402,4.607755464
+"13701","RPAIN",6.143920622,6.143920464,6.143920458,6.143920247,6.143920401,6.143920374,6.143920388,6.143920321,6.143920548,6.143920622,6.143920391,6.143920325,6.143920505,6.143920604,6.143920488,6.143920183,6.143920422,6.143920215,6.143920467,6.143920551,6.143920331,6.143920354,6.143920402,6.14392035,6.143920242,6.143920458,6.143920535,6.143920468
+"13702","RPAP1",5.935928959,5.935928897,5.935928939,5.935928949,5.935928963,5.935928973,5.935928952,5.935928937,5.935928964,5.935928935,5.935928835,5.935929039,5.935928926,5.935928977,5.935928891,5.935928899,5.935928955,5.935928943,5.935928946,5.935928946,5.935928978,5.935928985,5.935928975,5.935928855,5.935928756,5.935928979,5.935928935,5.93592891
+"13703","RPAP2",5.707664847,5.707664798,5.707664738,5.7076646,5.707664648,5.707664699,5.707664773,5.7076647,5.707664776,5.707664699,5.707664635,5.707664658,5.707664745,5.707664918,5.707664769,5.7076647,5.707664746,5.707664639,5.707664748,5.70766464,5.707664709,5.707664743,5.707664802,5.70766473,5.707664701,5.707664663,5.707664803,5.707664882
+"13704","RPAP3",5.378346228,5.378346246,5.378346197,5.378346046,5.378345659,5.378346116,5.378346034,5.378345667,5.378346115,5.378346101,5.378345931,5.378345484,5.37834623,5.378346805,5.37834622,5.378346216,5.378345867,5.378346209,5.378345959,5.378346054,5.37834617,5.378346005,5.37834622,5.378346098,5.378346142,5.378345863,5.378346191,5.378346595
+"13705","RPE",6.671582347,6.671582069,6.671581966,6.671581338,6.671581557,6.671581071,6.671581703,6.671581472,6.671582016,6.671581723,6.671581536,6.671581245,6.671582121,6.671582872,6.671581659,6.671581799,6.671581283,6.671581204,6.671581856,6.671581124,6.671581805,6.671581509,6.671582146,6.67158198,6.671581478,6.67158175,6.671582028,6.671582028
+"13706","RPE65",3.40272472,3.402724865,3.402724852,3.402724873,3.402724741,3.402724869,3.402724824,3.402724857,3.402724886,3.402724817,3.402724936,3.402724832,3.402724894,3.402724822,3.402724788,3.402724999,3.402724801,3.402724835,3.402724814,3.402724759,3.402724766,3.402724828,3.402724782,3.40272485,3.402724769,3.402724694,3.402724719,3.402724864
+"13707","RPEL1",4.513769049,4.513769114,4.513768993,4.513769103,4.513769149,4.51376893,4.513769061,4.513769119,4.5137691,4.513769011,4.513769077,4.513769031,4.513769123,4.513769166,4.513769053,4.513768962,4.51376906,4.513768938,4.513768936,4.513768813,4.513769157,4.513769118,4.513769166,4.513769069,4.513769153,4.513769037,4.513768982,4.513769085
+"13708","RPF1",5.34713341,5.347132868,5.347132131,5.347131933,5.347132217,5.347132496,5.347132432,5.347131653,5.34713288,5.34713288,5.347132065,5.347131551,5.347132617,5.347134214,5.347132568,5.34713204,5.347132604,5.347131227,5.347132437,5.347132478,5.347132791,5.347132456,5.347133493,5.347132568,5.347131888,5.34713243,5.347132733,5.347133717
+"13709","RPF2",4.502156553,4.502156391,4.5021561365,4.5021556555,4.502156051,4.502156219,4.502155946,4.502156128,4.5021565935,4.502156298,4.502156127,4.5021558845,4.502156217,4.5021566555,4.502156099,4.5021558445,4.5021560845,4.5021556295,4.502156131,4.502156422,4.5021561265,4.5021560555,4.5021564665,4.5021559025,4.5021558795,4.50215611,4.502156055,4.5021563335
+"13710","RPGR",5.77660154,5.776601816,5.776601309,5.776601598,5.776601268,5.776601165,5.776601355,5.776601279,5.776601287,5.776601132,5.776601297,5.77660099,5.776601348,5.776601636,5.776601517,5.776601768,5.776601345,5.776601622,5.776601578,5.776601063,5.776601262,5.776601242,5.776601483,5.776601432,5.776601639,5.776601238,5.776601414,5.776601308
+"13711","RPGRIP1",4.235915775,4.235915811,4.235915933,4.23591589,4.235915805,4.235915696,4.235915621,4.235915833,4.235915673,4.235915714,4.235915887,4.23591588,4.235915904,4.23591573,4.235915751,4.235915916,4.235915886,4.235915907,4.235915856,4.235915849,4.235915714,4.235915758,4.23591569,4.235915734,4.235915848,4.235916025,4.235915786,4.235915978
+"13712","RPGRIP1L",3.551003581,3.551003556,3.551003567,3.551003553,3.55100358,3.551003543,3.551003515,3.551003569,3.551003619,3.55100357,3.55100355,3.551003583,3.55100356,3.551003621,3.551003537,3.551003638,3.551003574,3.551003565,3.551003538,3.551003506,3.551003584,3.551003533,3.551003599,3.551003573,3.551003565,3.551003552,3.551003537,3.5510036
+"13713","RPH3A",4.688663674,4.688663784,4.688663978,4.688663676,4.688663919,4.688663535,4.688663583,4.688663923,4.688663703,4.688663664,4.688663647,4.688663985,4.688663684,4.688663482,4.688663773,4.688664002,4.688663976,4.688663829,4.688663703,4.688663688,4.688663767,4.688663755,4.688663655,4.688663791,4.688663766,4.68866396,4.68866359,4.688663857
+"13714","RPH3AL",5.837653069,5.837653161,5.83765314,5.837653084,5.837653211,5.83765318,5.837653205,5.837653206,5.837653158,5.837653217,5.837653213,5.837653271,5.837653183,5.837653078,5.837653169,5.837653134,5.837653228,5.837653173,5.837653143,5.837653171,5.837653182,5.837653269,5.83765316,5.837653163,5.837653168,5.837653157,5.837653132,5.837653214
+"13715","RPIA",8.088460146,8.08846045,8.08846201,8.088460617,8.088459871,8.088461877,8.088460134,8.088462795,8.088461408,8.088461281,8.088460611,8.088461476,8.088459967,8.088459778,8.088459719,8.088458924,8.088461014,8.088460618,8.088459122,8.088460172,8.088459155,8.088461942,8.088460989,8.088461567,8.088460418,8.088461677,8.088460712,8.088459815
+"13716","RPL10",8.6559778795,8.6559789905,8.655980224,8.655972854,8.6559754105,8.655982204,8.65598237,8.6559803315,8.6559862255,8.655982764,8.6559736815,8.6559792795,8.6559845335,8.6559878715,8.655970096,8.655972934,8.6559739165,8.6559694355,8.6559783365,8.655976557,8.6559776385,8.6559823605,8.655984975,8.655979197,8.65596936,8.655978475,8.6559846955,8.655982283
+"13717","RPL10A",8.156406357,8.156405345,8.156406073,8.156404444,8.15640442,8.15640453,8.156405638,8.156404946,8.156407142,8.156406421,8.156404597,8.156404568,8.156406403,8.156407313,8.156404877,8.156404826,8.156405157,8.15640432,8.156405153,8.156406051,8.156405184,8.1564053,8.156407264,8.156405618,8.156404699,8.156405816,8.156406324,8.15640639
+"13718","RPL10L",5.553810353,5.553809947,5.553810214,5.553810021,5.553810406,5.553809463,5.553810293,5.553810359,5.553810009,5.553810092,5.553810297,5.553810567,5.553810501,5.553810162,5.553810275,5.553810181,5.553810458,5.55381035,5.553810235,5.553810223,5.553810562,5.553810297,5.553810115,5.553809943,5.553810388,5.55381057,5.553810264,5.553810262
+"13719","RPL11",7.809492106,7.808686174,7.809901606,7.808385314,7.809111317,7.809604997,7.809624948,7.808909955,7.810508854,7.810277508,7.80954104,7.809572381,7.809476863,7.811307352,7.808992143,7.808459896,7.809300913,7.808526089,7.808985325,7.808744973,7.809917621,7.809440979,7.810349474,7.809262137,7.809174411,7.809752775,7.809476524,7.810704005
+"13720","RPL12",5.790912312,5.79091202,5.790912191,5.790912035,5.79091208,5.790912327,5.790912183,5.790912312,5.790912139,5.790912159,5.790912316,5.790912132,5.790912013,5.790912108,5.790912235,5.790911936,5.790912317,5.790912267,5.790912297,5.790912067,5.790912313,5.790912205,5.790912145,5.790912155,5.79091211,5.790912201,5.79091208,5.790912212
+"13721","RPL13",7.52287665533333,7.547167741,7.535114772,7.40645104766667,7.47069759166667,7.55617528966667,7.55452656433333,7.45764931466667,7.695464007,7.694586352,7.507398666,7.54316993033333,7.596458376,7.74744437366667,7.46038812366667,7.43720840633333,7.51664798466667,7.39491523766667,7.48452948066667,7.492726798,7.515146336,7.53749852266667,7.64468807766667,7.606168195,7.44077149933333,7.535783502,7.587929916,7.69713033766667
+"13722","RPL13AP17",3.448022447,3.448022405,3.448022489,3.448022535,3.448022451,3.448022376,3.448022476,3.448022497,3.448022489,3.448022382,3.448022458,3.448022515,3.448022381,3.448022431,3.448022456,3.44802244,3.44802261,3.448022498,3.448022526,3.448022489,3.448022357,3.44802248,3.448022388,3.448022401,3.448022401,3.448022455,3.448022417,3.448022468
+"13723","RPL13AP20",8.300820837,8.300818316,8.300820679,8.300819381,8.300819789,8.300819237,8.30082069,8.300819622,8.30082081,8.300820466,8.300820407,8.300820525,8.300821579,8.30082176,8.300820333,8.300818273,8.300820308,8.300820089,8.300819641,8.300819344,8.300821042,8.300820829,8.30082093,8.300819018,8.300819902,8.300821696,8.300821256,8.300822261
+"13724","RPL13AP3",5.395364894,5.39536476,5.39536501,5.395364955,5.395364927,5.395364742,5.39536486,5.395364971,5.395364951,5.395364898,5.395364968,5.395364938,5.395365047,5.395364931,5.395364874,5.395364796,5.395365019,5.395364949,5.39536483,5.395364858,5.395364902,5.395365042,5.395364928,5.395364893,5.395365055,5.395364963,5.395364934,5.395364964
+"13725","RPL13AP6",5.331273132,5.331272731,5.331273009,5.331272961,5.331272819,5.331272838,5.331272927,5.331273011,5.331272834,5.331272913,5.331272868,5.3312728,5.331273009,5.331273077,5.331272906,5.331272667,5.331272831,5.331272905,5.331272892,5.331272961,5.331273039,5.331272948,5.331272971,5.331272843,5.331273036,5.331273093,5.331272998,5.331273104
+"13726","RPL13P5",4.948097965,4.948098032,4.948097997,4.94809806,4.948098034,4.948098041,4.948098025,4.948097873,4.948098094,4.948098075,4.948098082,4.948097993,4.948098038,4.948098027,4.948098043,4.948098034,4.948097996,4.948098058,4.948098027,4.948098099,4.948098057,4.948098005,4.948098028,4.948098053,4.94809811,4.948098064,4.948098063,4.948098064
+"13727","RPL14",8.3157835045,8.205687897,8.1101669835,7.9114542845,8.102682078,8.1648187075,8.2389654925,8.1163287,8.3916025645,8.3129433655,7.9575197115,8.1958481845,8.26770587,8.45497197,8.185842522,8.112625762,8.021615947,7.850516477,8.217139325,8.178691673,8.208952823,8.2133720575,8.368440043,8.222345406,7.863185541,8.200380801,8.2661743375,8.3092030725
+"13728","RPL15",8.467502986,8.0094306805,8.209489472,7.7273177635,7.9593785865,7.867928542,8.2670303885,7.991081592,8.408122026,8.323112978,7.9032740525,8.0979175985,8.3178049595,9.0294545985,8.121098273,7.789212445,8.0580524525,7.7397922485,8.1388198995,8.0204354595,8.2883738245,8.1699847115,8.3912668215,8.1768995935,7.715310971,8.1492200815,8.203370064,8.796946692
+"13729","RPL18",11.22123565,10.80491979,10.9012867,10.66531882,10.9329298,11.03346386,11.04274005,10.99429648,11.37757672,11.21722627,10.67093129,11.10404665,11.23371293,11.56357123,11.07848912,10.41539234,10.85093193,10.53118682,11.07098166,10.89516082,10.96655754,11.18676378,11.25585489,11.0032974,10.57746562,11.14312591,11.32993534,11.31372141
+"13730","RPL18A",9.39379212266667,9.18260431866667,9.25079225966667,8.94526659533333,9.21952162366667,9.478161286,9.41409083233333,9.21782244766667,9.683035043,9.57353585733333,9.09312888066667,9.375924441,9.41508844333333,9.51594640866667,9.321099519,8.884307776,9.22703189533333,8.86744843733333,9.255317555,9.299035453,9.23709994433333,9.40270554966667,9.61777046866667,9.24026843733333,9.01187014833333,9.35375829433333,9.46110760366667,9.530536392
+"13731","RPL19",9.681810197,9.68180959,9.681809876,9.68180878,9.681809299,9.68181004,9.681810389,9.681809597,9.681810508,9.681810194,9.681808995,9.681809735,9.681810258,9.681810437,9.68180979,9.681809303,9.681809347,9.681808892,9.681809798,9.681809936,9.681809947,9.681809751,9.681810614,9.681809729,9.681809136,9.681810305,9.681810395,9.681810091
+"13732","RPL21P44",6.142915882,6.142916462,6.142915364,6.14291615,6.142914621,6.142914998,6.142915506,6.142915272,6.142914907,6.142915098,6.14291539,6.142914904,6.142915304,6.142915386,6.142915147,6.14291621,6.14291481,6.14291573,6.142915407,6.142915516,6.142915406,6.142915525,6.142915445,6.142915374,6.14291598,6.142915614,6.142915497,6.142915193
+"13733","RPL22",5.82445645,5.824455984,5.824455796,5.824455399,5.824455339,5.824454474,5.824455849,5.82445517,5.824456061,5.82445605,5.824454917,5.824455866,5.824455429,5.824457056,5.824455429,5.824455339,5.824454751,5.824455196,5.824455511,5.824455465,5.824455329,5.824455623,5.82445664,5.824456286,5.824455418,5.824456185,5.824455441,5.82445603
+"13734","RPL22L1",3.175132529,3.175132506,3.17513255,3.175132487,3.175132486,3.175132473,3.175132521,3.175132515,3.175132492,3.175132527,3.175132493,3.175132486,3.175132535,3.175132572,3.175132529,3.1751325,3.175132478,3.17513251,3.175132531,3.175132491,3.175132514,3.175132486,3.175132501,3.175132516,3.175132493,3.175132522,3.175132509,3.175132541
+"13735","RPL23AP32",4.854577676,4.854577423,4.85457773,4.854577689,4.854577975,4.854577599,4.854577936,4.854577622,4.854577673,4.854578035,4.854577859,4.854578121,4.854577753,4.854577376,4.854578085,4.854577557,4.854578074,4.854577867,4.854577929,4.854577753,4.854577929,4.854577818,4.854577612,4.854577748,4.854577823,4.854578032,4.854577311,4.854578074
+"13736","RPL23AP5",2.750194978,2.750194918,2.750195195,2.750195234,2.750195072,2.750194787,2.750195269,2.750194947,2.750194772,2.750195743,2.750195907,2.750194564,2.750195093,2.750195762,2.750194363,2.750195419,2.750194333,2.750194307,2.750195298,2.750195181,2.750194151,2.750195332,2.750195275,2.750195197,2.750196003,2.750195886,2.750196224,2.750194761
+"13737","RPL23AP53",3.487568008,3.487567897,3.487568027,3.487567942,3.487568051,3.487567853,3.487568009,3.487568,3.487567979,3.487568019,3.487567856,3.487568132,3.4875681,3.487568103,3.487568076,3.487568044,3.487568053,3.487567993,3.487568008,3.487567852,3.487567984,3.487568146,3.487568083,3.487567878,3.487567998,3.48756795,3.487567987,3.487567981
+"13738","RPL23AP64",4.007677179,4.007677168,4.007677184,4.007677197,4.007677185,4.007677191,4.007677173,4.007677182,4.007677147,4.00767715,4.007677186,4.007677193,4.007677187,4.007677187,4.007677161,4.00767717,4.007677159,4.007677176,4.007677159,4.007677175,4.00767717,4.007677168,4.007677156,4.007677166,4.007677201,4.007677187,4.007677182,4.007677163
+"13739","RPL23P8",4.167901327,4.167901409,4.167901416,4.167901387,4.16790141,4.167901341,4.167901314,4.167901512,4.16790135,4.167901328,4.167901419,4.167901465,4.167901444,4.167901377,4.167901429,4.167901408,4.167901498,4.167901448,4.167901411,4.167901407,4.167901492,4.167901451,4.167901158,4.167901434,4.167901258,4.167901433,4.167901364,4.167901369
+"13740","RPL24",8.31573107,8.3157301335,8.315731284,8.315729332,8.3157303395,8.315730376,8.3157309525,8.3157302095,8.315731921,8.315731657,8.315730463,8.3157305245,8.3157309185,8.315732104,8.3157305425,8.315730173,8.3157303735,8.315729457,8.315730876,8.3157299295,8.3157311805,8.315731044,8.3157319445,8.315730997,8.31572987,8.3157307905,8.3157311685,8.3157316315
+"13741","RPL26",4.690970564,4.690970598,4.690970585,4.690970401,4.690970487,4.690970419,4.690970447,4.690970489,4.690970633,4.690970601,4.690970649,4.690970549,4.690970517,4.690970717,4.690970373,4.690970551,4.690970528,4.690970461,4.69097051,4.690970498,4.690970537,4.690970477,4.690970644,4.690970542,4.690970513,4.690970435,4.690970454,4.69097066
+"13742","RPL26L1",4.702593101,4.702593087,4.702593094,4.7025931425,4.702593046,4.702592981,4.7025930705,4.7025931895,4.702593159,4.7025930485,4.7025931405,4.7025929835,4.702593047,4.702592999,4.70259314,4.7025930935,4.7025931795,4.702593288,4.7025930805,4.702593153,4.702593058,4.7025931775,4.702593022,4.7025929675,4.7025932065,4.7025931005,4.7025931245,4.702593231
+"13743","RPL27",7.080174534,7.080173059,7.080174945,7.080172005,7.080172883,7.08017442,7.08017587,7.080173553,7.080176085,7.080175791,7.080173595,7.080174324,7.080175212,7.080177402,7.080174325,7.080172877,7.080174021,7.080172463,7.080173018,7.080174438,7.080175393,7.080174719,7.080176025,7.080174385,7.0801728,7.080174308,7.080174323,7.080176728
+"13744","RPL27A",6.8309923,6.62120106,6.72333497166667,6.53134986833333,6.688927255,6.74852642833333,6.79558472266667,6.646341775,6.85055452,6.86792294066667,6.718841005,6.69319882366667,6.769688849,6.88979810466667,6.75516612,6.49387302233333,6.6449725,6.570977374,6.711069314,6.717031097,6.796864518,6.747335765,6.79962819733333,6.76190306033333,6.66267693366667,6.75870772566667,6.79763271866667,6.81073283066667
+"13745","RPL28",9.096145184,9.096142475,9.096141112,9.096139529,9.096142803,9.096145511,9.096144001,9.096142358,9.0961454,9.096144844,9.09613963,9.096142288,9.096144681,9.096146292,9.096143167,9.096139503,9.096139547,9.096137215,9.096142726,9.096141557,9.096142767,9.09614357,9.096143876,9.096142505,9.096138517,9.096142895,9.096145214,9.096143705
+"13746","RPL29",8.390150112,8.1068438055,8.2630292635,8.0666325585,8.292436364,8.321973245,8.410427955,8.2170082535,8.4492560405,8.4624579825,8.1843545925,8.3753868025,8.397091034,8.4725944325,8.3059765945,7.914917896,8.235211186,8.030029878,8.2534000035,8.243206912,8.339126606,8.3108128775,8.4150221175,8.3094142075,8.0850055445,8.355585977,8.393780829,8.407371276
+"13747","RPL3",9.022274636,8.605323997,8.858247962,8.492928782,8.538180068,8.658920759,9.025281963,8.730499793,9.265315779,9.17872975,8.55469234,9.041408575,9.102553822,9.779242493,8.92672956,8.412085302,8.771794389,8.483256159,8.787800106,8.605746362,8.97664132,9.040720405,9.18271002,8.865111326,8.321892047,9.010292097,9.080599311,9.528280328
+"13748","RPL30",9.115562508,8.585465338,9.239532568,8.408066313,8.514258516,8.546559199,9.047000698,8.764721664,9.530884094,9.428252175,8.774062346,8.86242347,9.04919594,9.892688677,8.752579101,8.43755906,9.086375655,8.336782762,8.672455755,8.769605829,9.079462613,9.066637837,9.611026233,9.128459313,8.618272695,8.894073026,8.909776756,9.599499468
+"13749","RPL31",5.73826875,5.7382681075,5.7382684865,5.7382677785,5.7382680945,5.738267143,5.738268364,5.738267065,5.738268622,5.7382684545,5.7382677655,5.7382676945,5.738268476,5.7382697565,5.73826813,5.738267368,5.73826796,5.738267259,5.7382684305,5.7382670745,5.7382680075,5.738268011,5.7382685375,5.7382680295,5.738268147,5.7382680935,5.738268032,5.7382685965
+"13750","RPL32P3",6.514838385,6.514838321,6.514838323,6.5148383,6.514838289,6.514838371,6.514838316,6.514838369,6.51483835,6.514838394,6.51483839,6.514838268,6.514838389,6.51483839,6.514838347,6.514838261,6.514838358,6.514838293,6.514838302,6.514838396,6.514838303,6.514838312,6.514838417,6.514838372,6.514838341,6.514838348,6.514838408,6.514838322
+"13751","RPL34",4.597409243,4.597409207,4.59740924,4.597409218,4.597409221,4.597409228,4.59740923,4.597409203,4.597409244,4.597409234,4.597409244,4.597409187,4.597409227,4.597409251,4.597409223,4.59740919,4.597409234,4.59740921,4.59740922,4.597409243,4.597409217,4.597409234,4.59740925,4.597409213,4.597409222,4.59740921,4.59740924,4.597409246
+"13752","RPL34-DT",5.114210109,5.114209539,5.114210242,5.114209016,5.114210314,5.114211081,5.11421096,5.114209668,5.114211231,5.114210504,5.114208307,5.114210603,5.114210359,5.114209473,5.114210288,5.114211085,5.114211173,5.11420984,5.114210344,5.114210001,5.114210288,5.114210318,5.114210887,5.114210121,5.114210403,5.11421127,5.11421057,5.114211153
+"13753","RPL35",7.235069017,7.235068153,7.235068697,7.235067788,7.235068017,7.235068589,7.235069338,7.235068318,7.235069368,7.235069139,7.235068262,7.235068572,7.235069035,7.235069747,7.235068341,7.235067834,7.235068394,7.235067577,7.235068154,7.235068443,7.235069066,7.235068633,7.235069512,7.235068574,7.235067972,7.235068594,7.235068971,7.235069474
+"13754","RPL35A",8.489725619,8.489717901,8.489729795,8.489669544,8.489704199,8.489695367,8.489718469,8.489710369,8.489760507,8.48974439,8.489697905,8.489726552,8.48973441,8.489759735,8.48969991,8.489711816,8.489707518,8.489680056,8.489715886,8.489705878,8.489712146,8.489725401,8.48975218,8.489719401,8.489696094,8.489735035,8.489728778,8.489741229
+"13755","RPL36",7.629368094,7.629368201,7.629368309,7.629367985,7.629368358,7.62936815,7.629368104,7.629368372,7.629368422,7.629368403,7.629368282,7.62936829,7.629368239,7.629367957,7.629368264,7.629368053,7.629368323,7.629368121,7.62936807,7.629368165,7.629368305,7.629368339,7.629368299,7.629368046,7.629367993,7.62936827,7.629368247,7.62936833
+"13756","RPL36AL",8.001551748,8.00155152,8.001551694,8.00155141,8.001551359,8.001551534,8.001551723,8.001551412,8.0015518,8.00155172,8.00155167,8.001551127,8.001551497,8.001552065,8.001551734,8.001551386,8.00155135,8.001551342,8.001551553,8.001551517,8.001551814,8.001551571,8.001552033,8.001551474,8.001551457,8.001551401,8.001551506,8.00155166
+"13757","RPL36AP40",2.913123838,2.913123838,2.91312385,2.913123836,2.913123833,2.913123842,2.913123849,2.913123859,2.913123825,2.91312384,2.913123871,2.913123855,2.913123844,2.913123847,2.913123833,2.913123838,2.913123851,2.913123858,2.913123848,2.91312384,2.91312385,2.913123831,2.913123845,2.913123846,2.913123851,2.913123842,2.913123856,2.913123862
+"13758","RPL37A",7.299626131,7.299625662,7.299625729,7.29962511,7.299625518,7.299624961,7.299625577,7.299625501,7.299626206,7.299625671,7.299624919,7.299625555,7.299626044,7.299626729,7.299625703,7.299625456,7.299625268,7.299624616,7.299625451,7.299624801,7.2996258,7.299625937,7.299626278,7.299625636,7.299624692,7.299625914,7.299625911,7.299625957
+"13759","RPL38",8.688042925,8.688041188,8.688042497,8.68804163,8.688042897,8.688043073,8.688043254,8.688042352,8.688044088,8.688043985,8.688041936,8.688043423,8.688043345,8.688044168,8.688043119,8.688040148,8.688042446,8.688041379,8.68804319,8.688041566,8.688043139,8.688042839,8.68804374,8.688042628,8.688041356,8.688043359,8.688043614,8.68804371
+"13760","RPL39L",3.906722074,3.906721973,3.906721961,3.906721903,3.906721972,3.906721912,3.906722054,3.906721941,3.906721996,3.906721942,3.906721862,3.906722045,3.906722097,3.90672201,3.906722027,3.906721953,3.90672204,3.906722004,3.906721985,3.906721934,3.906722036,3.906721934,3.90672196,3.90672203,3.906721989,3.906722047,3.906722002,3.906722037
+"13761","RPL3L",6.096653093,6.096653014,6.096653376,6.096653245,6.09665344,6.096653129,6.096653283,6.09665349,6.096653382,6.096653401,6.096653312,6.096653457,6.096653315,6.096652871,6.096653326,6.096653223,6.096653634,6.096653404,6.096653394,6.096653279,6.096653356,6.09665335,6.09665312,6.096653053,6.096653409,6.096653496,6.096653257,6.096653494
+"13762","RPL4",7.119936431,6.8694054455,6.947731497,6.711052056,6.8990841165,6.9238781345,7.0919680435,6.8624040925,7.192511389,7.1790595355,6.856126889,7.009328573,7.038469906,7.5226003335,7.027457931,6.7387725515,6.9567758065,6.733073371,6.9452204245,6.9195560065,7.0958943525,7.0100248375,7.2025507555,7.0580972615,6.856156633,7.0388537235,7.015305283,7.4165056215
+"13763","RPL41",6.106157899,6.011360921,6.32430114866667,5.983467281,6.08666569033333,6.144231087,6.24676993866667,6.087834395,6.34263411033333,6.36855365766667,6.19286096166667,6.20288153633333,6.134732,6.401543933,6.06739921366667,6.057756942,6.29509396033333,6.02557884133333,6.05892851466667,6.15226682566667,6.284335847,6.18048965266667,6.363030011,6.26322973966667,6.19253022933333,6.17919163866667,6.061663857,6.36737420333333
+"13764","RPL5",10.283744914,10.211075545,10.0880423225,9.7648365735,9.9279645585,9.8728480755,10.023429061,9.9801678525,10.3489637125,10.186320851,9.837426929,10.0306548915,10.184515185,10.7160673735,10.0830058535,10.2271434355,9.88937961,9.817740857,9.9863893545,10.0928415735,10.197459317,10.1125943725,10.3045999365,10.177583077,9.86715025,10.140687775,10.0723519895,10.417430252
+"13765","RPL7",5.825093296,5.65018269266667,5.83492555,5.56289084133333,5.75531400833333,5.692396488,5.83391943233333,5.68012339266667,5.885068802,5.93118711566667,5.751193762,5.67131054133333,5.790668391,6.39043512966667,5.743103646,5.650869493,5.88151146366667,5.73842947766667,5.73220686533333,5.634011899,5.95107288833333,5.76084107533333,5.91261247166667,5.86746647433333,5.81835891466667,5.75453782533333,5.69218989066667,6.29403780433333
+"13766","RPL7A",8.314469193,8.314461519,8.314462047,8.314453579,8.314455301,8.314456155,8.314461732,8.31445838,8.314470519,8.314464584,8.314457221,8.314462623,8.314468409,8.314474173,8.314461613,8.314458977,8.314459185,8.314450713,8.314462941,8.314465763,8.314462405,8.314469232,8.314469317,8.314465017,8.314452684,8.314466821,8.314470145,8.314470578
+"13767","RPL7L1",5.83891386,5.8389136805,5.8389128795,5.838913365,5.838913384,5.838913115,5.838913404,5.8389128855,5.838913627,5.838913503,5.8389131255,5.8389135765,5.8389137635,5.838914436,5.8389134205,5.838912745,5.8389129665,5.8389130025,5.838913654,5.838913196,5.83891319,5.8389133495,5.838913799,5.838912574,5.8389131255,5.838913755,5.838913716,5.838913545
+"13768","RPL8",10.20683592,9.88492059,9.817366526,9.579926783,9.731703881,10.04044225,10.16126908,9.722575368,10.24404256,10.15477771,9.657452834,10.01774121,9.964815336,10.60424974,10.01876996,9.597216834,9.836426339,9.387350622,9.842451268,9.923422405,9.991563639,9.947383577,10.23481996,9.966727785,9.606049408,10.09747422,9.982610807,10.40502114
+"13769","RPL9",7.322903611,6.52778041,7.197180231,6.14704476,6.431110305,6.297959203,7.353905132,6.493333977,7.611167278,7.545044787,6.668460981,7.03958695,7.184006569,9.012994551,6.755236476,6.51958682,7.235619399,6.12898362,6.729464843,6.948665612,7.502121449,7.034956482,7.72578849,7.224491974,6.379034983,6.954582758,6.872319283,8.640569868
+"13770","RPLP0",8.528571956,8.2155872745,8.4875012415,8.0572542465,8.2064745615,8.363223195,8.707374277,8.2721123215,8.7149055985,8.6736703835,8.253734327,8.386578651,8.5318131335,8.9103189735,8.2937534865,8.186744941,8.4281799725,8.009457324,8.3433550855,8.583366843,8.6662717165,8.436617177,8.670047284,8.3599084265,8.102164943,8.5724041,8.5092158285,8.8007020365
+"13771","RPLP1",9.677853177,9.305173007,9.635568327,8.988159091,9.3876739755,9.645836789,9.6855246775,9.4170350015,9.9398996865,9.676775513,9.2791842975,9.685091762,9.7314788215,9.890968613,9.5162407245,9.0348701565,9.5474050025,9.022373752,9.40108416,9.574351719,9.619498785,9.580331626,9.7926940515,9.4680528665,9.1559182525,9.7165043445,9.724119328,9.707608748
+"13772","RPLP2",10.64446433,10.57390793,10.48423436,10.09565795,10.36761282,10.58422489,10.22738405,10.47771363,10.88403204,10.87147081,10.18355394,10.71532648,10.85093119,11.06338832,10.44228784,10.26989651,10.36193191,10.025201,10.47840734,10.51898199,10.05184034,10.63405337,10.72259986,10.65568072,10.07152367,10.69486862,10.88629025,10.82249546
+"13773","RPN1",8.10883057,8.108830603,8.108830546,8.1088306,8.108830441,8.108830475,8.108830546,8.108830498,8.108830422,8.10883049,8.108830468,8.108830328,8.108830529,8.108830594,8.108830472,8.108830498,8.108830542,8.108830513,8.108830461,8.108830427,8.108830499,8.10883054,8.108830513,8.108830548,8.108830475,8.108830417,8.108830513,8.108830432
+"13774","RPP14",6.631322661,6.631322642,6.631322487,6.631322383,6.63132203,6.631322317,6.631322369,6.63132208,6.631322495,6.631322091,6.631322278,6.631322109,6.631322536,6.63132288,6.631322,6.631322514,6.631322045,6.631322311,6.631322164,6.631322344,6.631322324,6.631322151,6.631322498,6.631322537,6.631322384,6.631322186,6.631322531,6.631322674
+"13775","RPP25",5.357048679,5.357048692,5.357048704,5.357048691,5.357048736,5.357048716,5.357048709,5.357048726,5.357048704,5.357048727,5.357048716,5.357048723,5.357048694,5.357048665,5.357048711,5.357048701,5.357048727,5.357048713,5.357048694,5.357048709,5.357048706,5.357048724,5.357048705,5.3570487,5.357048713,5.357048704,5.357048706,5.357048699
+"13776","RPP25L",6.578671578,6.578671605,6.578671596,6.578671572,6.578671563,6.57867155,6.578671561,6.578671612,6.578671574,6.578671528,6.578671569,6.578671535,6.578671619,6.578671579,6.578671547,6.578671629,6.578671532,6.578671577,6.578671548,6.578671567,6.578671575,6.578671575,6.578671584,6.578671557,6.578671595,6.578671586,6.578671605,6.578671578
+"13777","RPP30",5.844139035,5.844138955,5.844138811,5.84413873,5.844138871,5.844138858,5.844138958,5.844138825,5.844138958,5.844138934,5.844138814,5.844138819,5.844138976,5.84413912,5.844138909,5.84413881,5.844138767,5.844138748,5.844138901,5.844138778,5.844138866,5.844138917,5.844138948,5.844138974,5.844138697,5.844138916,5.844139047,5.844139017
+"13778","RPP38",4.999491895,4.999491872,4.99949181,4.999491831,4.99949187,4.999491863,4.999491815,4.999491864,4.999491891,4.999491913,4.999491805,4.999491784,4.999491899,4.9994919,4.999491843,4.999491796,4.999491774,4.999491775,4.999491858,4.999491923,4.999491792,4.999491764,4.999491844,4.999491857,4.999491777,4.999491799,4.999491887,4.999491909
+"13779","RPP38-DT",5.271605914,5.271605955,5.271606166,5.271606052,5.271606218,5.271605994,5.271606142,5.271606199,5.271606063,5.271606077,5.271606115,5.271606211,5.271606139,5.271605838,5.271606201,5.271606043,5.271606228,5.271606121,5.271605957,5.271606018,5.271606281,5.271606318,5.271605917,5.271606136,5.27160618,5.271606167,5.271606045,5.271606024
+"13780","RPP40",4.101679293,4.101679438,4.101679458,4.10167926,4.101679386,4.101679317,4.101679241,4.101679448,4.10167936,4.101679373,4.101679258,4.10167946,4.10167953,4.101679555,4.101679392,4.101679451,4.101679303,4.101679444,4.101679341,4.101679443,4.10167956,4.101679427,4.101679322,4.101679439,4.10167945,4.101679348,4.101679517,4.101679606
+"13781","RPPH1",9.515133603,9.099291553,9.950730708,9.212014376,8.683549218,9.478856277,9.255342048,9.129384023,9.780394005,9.621421082,9.523093564,9.39475126,9.672154515,8.893142257,9.122262143,9.349452632,9.959075057,9.306261616,9.057201825,9.83431701,9.378326349,8.590600628,9.85388659,9.62979369,9.466006537,9.446715328,9.495096264,9.136994503
+"13782","RPRD1A",6.716366935,6.716366862,6.716366473,6.716366559,6.716366255,6.716366015,6.716366635,6.716366102,6.716366572,6.7163666,6.716365976,6.716366078,6.71636659,6.716367358,6.716366715,6.716366713,6.71636647,6.716366275,6.716366778,6.716366531,6.716366444,6.71636641,6.71636672,6.716366747,6.716366354,6.716366586,6.716366577,6.716367034
+"13783","RPRD1B",7.704109946,7.70410996,7.704109909,7.704109949,7.704109911,7.704109955,7.704109937,7.704109926,7.704109946,7.704109936,7.704109908,7.704109905,7.704109944,7.704109941,7.704109929,7.704109926,7.7041099,7.704109929,7.704109945,7.704109933,7.704109922,7.704109916,7.704109946,7.70410994,7.704109926,7.704109927,7.704109967,7.704109938
+"13784","RPRD2",7.004467828,7.004467687,7.004467495,7.004467565,7.004467668,7.004467705,7.004467743,7.004467492,7.004467831,7.004467814,7.004467489,7.004467633,7.004467736,7.004467999,7.004467794,7.004467535,7.004467295,7.004467411,7.004467761,7.004467521,7.004467678,7.004467487,7.004467871,7.004467708,7.004467612,7.004467823,7.004467834,7.004467889
+"13785","RPRM",5.472339824,5.47233988,5.472340262,5.472340016,5.472340773,5.472339384,5.472340012,5.47234051,5.472340314,5.472339882,5.472339998,5.47234081,5.472340187,5.472339598,5.472340393,5.472340681,5.472340311,5.472340363,5.472340268,5.472339903,5.472340812,5.472340637,5.472339786,5.47233976,5.472340283,5.472340443,5.47234008,5.472340411
+"13786","RPRML",7.189575127,7.189575224,7.189575482,7.18957533,7.189575513,7.189574993,7.189575221,7.189575482,7.189575388,7.18957533,7.189575401,7.189575577,7.189575298,7.189574857,7.189575369,7.189575388,7.189575674,7.189575421,7.189575321,7.189575198,7.189575262,7.189575413,7.189575221,7.189575155,7.189575341,7.189575341,7.189575224,7.189575246
+"13787","RPS10P19",4.670195701,4.670195579,4.670195597,4.670195654,4.670195594,4.670195563,4.670195611,4.670195607,4.670195718,4.670195739,4.670195636,4.670195725,4.67019565,4.670195619,4.670195516,4.670195493,4.670195769,4.670195582,4.670195602,4.670195739,4.670195555,4.670195556,4.670195764,4.670195605,4.670195518,4.670195563,4.670195771,4.670195743
+"13788","RPS10P7",4.762963179,4.762963195,4.762963165,4.762963166,4.762963192,4.762963189,4.762963197,4.762963178,4.762963178,4.762963239,4.762963202,4.762963268,4.762963162,4.762963189,4.762963187,4.762963197,4.762963231,4.762963155,4.762963129,4.762963136,4.762963204,4.76296317,4.762963168,4.762963164,4.762963207,4.762963181,4.762963225,4.762963229
+"13789","RPS11",10.26021979,9.94694378,10.27541969,9.847441321,10.01298326,10.14547452,10.28920092,10.04279258,10.4663255,10.3936255,9.954185112,10.22397965,10.30064479,10.56833598,10.16823564,9.548810122,10.15744862,9.735519819,10.04905551,10.30851287,10.35112519,10.26098858,10.41662195,10.18835774,9.889028501,10.36003,10.30926895,10.42139122
+"13790","RPS13",8.34710251,8.347099861,8.34710208,8.347100158,8.347100548,8.347100193,8.34710087,8.347099995,8.34710186,8.347101233,8.34709994,8.34710146,8.347102061,8.347102133,8.347100386,8.347099414,8.347099534,8.347099155,8.34710096,8.347099622,8.34710139,8.347101529,8.347101738,8.347100089,8.347098826,8.347101463,8.347102119,8.347100552
+"13791","RPS14",8.742090334,8.742089901,8.742090866,8.7420893,8.742089895,8.742089967,8.74209088,8.742090535,8.742091479,8.742090726,8.742089898,8.742091005,8.742090432,8.74209117,8.742090309,8.742089899,8.742090932,8.742089079,8.742090297,8.742089513,8.742090329,8.742090829,8.742091206,8.742090061,8.742089934,8.742090691,8.742090535,8.742091006
+"13792","RPS14P3",6.134862152,6.134862216,6.134862191,6.13486199,6.134862007,6.13486189,6.134862059,6.134862206,6.134862214,6.134862138,6.134862188,6.134862058,6.134862154,6.134862359,6.134862038,6.134862154,6.134862077,6.134862066,6.134862063,6.13486196,6.134862024,6.134862141,6.134862154,6.134862175,6.13486196,6.134862139,6.134862288,6.134862105
+"13793","RPS15",7.731578596,7.731577648,7.731578369,7.731577501,7.731578426,7.731578595,7.731578325,7.731577696,7.73157926,7.731578936,7.731577703,7.731578649,7.731578781,7.731578895,7.731578121,7.731577128,7.731578215,7.731577183,7.731578439,7.731578045,7.731578124,7.731578511,7.731578717,7.731578322,7.731577493,7.731578812,7.731579029,7.731578867
+"13794","RPS15A",7.315469813,6.49715945,7.380219709,6.532990738,6.645485686,6.999604553,7.537352657,6.828287613,7.562930813,7.327683009,6.992535951,7.255753995,7.289126076,8.099190303,6.824017326,6.36576669,7.365839512,6.333501876,6.867954239,6.911814314,7.482965919,7.197357385,7.717361646,7.02623485,6.893265613,7.151558984,7.136267003,7.859997048
+"13795","RPS16",9.869446634,9.635875392,9.558664708,9.254475789,9.38023354,9.535203679,9.808591768,9.508780654,10.06906945,9.863455925,9.262240504,9.725200703,9.817361168,10.16382822,9.62832676,9.426420833,9.408799765,9.03851221,9.541233651,9.491481233,9.623510295,9.764265519,9.958084827,9.632407039,9.160028189,9.718964429,9.840324043,9.925944451
+"13796","RPS17",6.691662706,6.326548224,6.716562505,6.300176537,6.499196969,6.505757772,6.808221118,6.462553487,6.928961367,6.955245409,6.614871711,6.646709465,6.588757332,7.300512681,6.513084173,6.26601189,6.682728987,6.221449751,6.517852377,6.455104982,6.771817157,6.675658146,6.944728466,6.685225594,6.533883764,6.638627343,6.525982442,7.119523018
+"13797","RPS18P9",7.251874251,7.251874196,7.251874305,7.251874203,7.251874207,7.251874199,7.251874245,7.251874261,7.251874272,7.251874293,7.25187431,7.251874263,7.251874265,7.251874231,7.251874208,7.251874199,7.251874236,7.251874261,7.251874249,7.251874116,7.251874225,7.251874244,7.251874279,7.251874221,7.251874241,7.251874268,7.251874276,7.25187428
+"13798","RPS19",8.013069959,8.013069621,8.013069575,8.0130686,8.013069581,8.013069868,8.013069734,8.013068979,8.013070433,8.013070466,8.013069295,8.013069656,8.013069822,8.013069824,8.013069547,8.013069175,8.013069097,8.013068507,8.013069419,8.013069009,8.013069196,8.0130695,8.013069979,8.013069786,8.013068689,8.013069718,8.013069927,8.013069838
+"13799","RPS19BP1",7.203980268,7.203980115,7.203980287,7.203980255,7.203980206,7.203980395,7.203980389,7.203980155,7.203980307,7.203980307,7.203980261,7.203980225,7.203980348,7.203980367,7.20398022,7.203980031,7.203980042,7.203980265,7.203980294,7.203980318,7.203980316,7.203980263,7.203980295,7.203980209,7.203980254,7.203980249,7.203980231,7.203980348
+"13800","RPS2",10.61380317,10.4546354233333,10.4714401133333,10.26963247,10.4005715233333,10.52659714,10.5820938266667,10.4026696233333,10.69288351,10.6636166766667,10.3119111966667,10.5351938966667,10.58931026,10.8262831333333,10.51231103,10.3463776366667,10.4407557366667,10.2482918166667,10.4334121533333,10.5499642666667,10.5017533166667,10.54345907,10.6634689266667,10.4783576166667,10.17011434,10.5394699433333,10.6067368633333,10.70562377
+"13801","RPS20",7.816155941,7.816154249,7.816155779,7.816154753,7.816155163,7.816155088,7.816155558,7.816155407,7.816156293,7.816156016,7.816155239,7.816155386,7.816156173,7.816156209,7.816155663,7.816153851,7.816155245,7.816154798,7.816155325,7.816154365,7.816155941,7.816155989,7.816155857,7.81615496,7.816154492,7.816155666,7.816156278,7.816155725
+"13802","RPS20P27",6.456423332,6.456423035,6.456422843,6.456422992,6.456422687,6.456422981,6.456423014,6.456422601,6.456423162,6.456423063,6.456422872,6.456422684,6.456423111,6.456423492,6.456423031,6.456423256,6.456422794,6.456423006,6.456423051,6.45642305,6.456422956,6.456423023,6.456423186,6.456423086,6.456422933,6.456423026,6.456423098,6.456423197
+"13803","RPS21",6.157783788,6.157782792,6.157783824,6.157781627,6.157782645,6.157783709,6.157783977,6.157782665,6.157784722,6.15778395,6.157783016,6.157783961,6.157783894,6.157785075,6.157783338,6.157783014,6.157783665,6.157781737,6.157782955,6.157782997,6.157783401,6.157783422,6.157784596,6.157783822,6.157782725,6.157783066,6.157784104,6.157784222
+"13804","RPS23",8.123385376,8.123384332,8.12338464,8.123383369,8.123383894,8.123383313,8.1233836,8.123383118,8.123385191,8.123384908,8.123382378,8.123384313,8.123383644,8.123385812,8.123384418,8.12338359,8.123383441,8.123382531,8.123384514,8.123382356,8.123383675,8.123383569,8.123385132,8.123384092,8.123382185,8.123384748,8.123383664,8.123384123
+"13805","RPS24",5.044881439,5.044881269,5.044881345,5.044881294,5.044881067,5.044881319,5.044881495,5.044881205,5.044881413,5.044881536,5.044881225,5.044881336,5.044881309,5.044881604,5.044881404,5.044881263,5.044881496,5.044881063,5.044881305,5.04488125,5.044881418,5.044881345,5.044881418,5.044881405,5.044881128,5.044881356,5.044881331,5.044881518
+"13806","RPS25",8.764088973,8.7498437095,8.5510133625,8.5001189145,8.6500493105,8.6544553345,8.660840336,8.6517303955,8.9532615355,8.9029888055,8.6153184535,8.6495303435,8.692113499,8.9406475805,8.775206166,8.7072897545,8.461045357,8.4488083565,8.675910069,8.6766933925,8.6693603155,8.780708175,8.949802405,8.8098091985,8.5581844555,8.611443102,8.705814773,8.6737193775
+"13807","RPS27",6.557823333,5.9053492445,6.6388123,6.065451205,6.308244713,6.293796173,6.7958875545,6.273853121,6.762757405,6.7054644535,6.3765874965,6.475828483,6.591304953,6.9621625015,6.4411610835,5.8683383495,6.647068467,6.0843792035,6.3765392895,6.140214507,6.7066851445,6.513525835,6.7172547765,6.4258011535,6.318852642,6.437576671,6.4867656375,6.816754604
+"13808","RPS27A",6.321524733,6.321524785,6.32152463566667,6.32152402133333,6.32152420466667,6.32152432933333,6.32152427733333,6.321524365,6.32152520633333,6.321524764,6.321524264,6.32152431566667,6.32152460466667,6.321525021,6.321524406,6.32152483733333,6.32152434066667,6.321524237,6.32152455066667,6.32152438233333,6.32152437733333,6.32152450366667,6.32152504333333,6.32152456566667,6.32152427966667,6.32152436566667,6.32152453933333,6.321524627
+"13809","RPS27L",4.857852525,4.857852167,4.857851863,4.857851718,4.857851459,4.857851593,4.857851705,4.857850744,4.857852169,4.857851439,4.857851368,4.857851149,4.857852017,4.857852433,4.857851989,4.85785174,4.857851649,4.857851463,4.857851641,4.857851561,4.8578517,4.85785187,4.857852223,4.857852011,4.857851508,4.857851852,4.857851781,4.85785195
+"13810","RPS28",10.8220237346667,10.7053849433333,10.6636669036667,10.573570727,10.8730354966667,10.961262795,10.885206497,10.6595047596667,10.974481579,10.9472047833333,10.611628371,10.915540418,10.8006679313333,10.7835239896667,10.915587428,10.595111849,10.7392132353333,10.5349935293333,10.878628615,10.769971839,10.7677465993333,10.7962379933333,10.905076149,10.6749598923333,10.4494088773333,10.757080598,10.8619769883333,10.8456874916667
+"13811","RPS29",5.171829723,5.171829449,5.171829642,5.17182943,5.171829443,5.171829559,5.171829655,5.171829489,5.171829743,5.17182973,5.171829505,5.17182955,5.171829642,5.171829854,5.171829596,5.17182938,5.171829535,5.171829385,5.171829524,5.171829461,5.171829632,5.171829549,5.17182977,5.171829554,5.171829468,5.171829595,5.171829671,5.171829744
+"13812","RPS2P32",7.09406164,7.094061572,7.094061952,7.094061694,7.09406198,7.094061666,7.094061831,7.09406197,7.0940619,7.094062045,7.094062097,7.09406203,7.094061951,7.094061398,7.094062049,7.094062031,7.094062267,7.094061895,7.09406191,7.094061853,7.09406201,7.094062035,7.094061816,7.094061758,7.094061873,7.094062044,7.094061939,7.094061997
+"13813","RPS3",11.62332638,11.4756239,11.43349234,11.04475982,11.18203784,11.20167758,11.47059012,11.35382655,11.73300179,11.58867784,11.12146328,11.45002963,11.62511111,12.08252252,11.39848868,11.31301975,11.34995961,10.97996838,11.37274764,11.31284612,11.45474422,11.59454485,11.83859836,11.49815304,11.05734616,11.42496254,11.56092663,11.85159609
+"13814","RPS3A",5.2736461764,5.2721055294,5.2734956232,5.271685553,5.2717021858,5.2714365308,5.27360178,5.2718616794,5.2743309738,5.2743401098,5.2725030792,5.2724311518,5.2731983842,5.2786450334,5.2726666986,5.2710833538,5.2729347146,5.2713903846,5.2725989892,5.2710510406,5.2738508406,5.273146478,5.2746364172,5.2735503194,5.2719856324,5.2726657368,5.272746149,5.2772671406
+"13815","RPS4X",10.93374487,10.65472253,10.40524573,10.31239306,10.68032407,10.30081545,10.82773152,10.31452146,11.12003488,10.99656941,10.35983555,10.42354624,10.83773051,11.34131286,10.83719005,10.38522539,10.26717281,10.21771773,10.78052657,10.32010486,10.82910094,10.55482806,11.10362877,10.81011322,10.32154841,10.41912847,10.82688961,10.93672
+"13816","RPS4Y1",3.775091483,3.740100456,8.210475156,3.887770104,3.843533605,8.168481738,3.748709296,8.044549649,4.222907728,3.631509491,3.826004406,8.099442397,3.62995134,3.686983333,3.943149834,3.931757834,7.767829573,3.620106538,3.531601763,8.204117639,3.72725336,8.278318141,3.527633067,3.564210121,3.55892386,8.257513495,3.733493297,3.758215119
+"13817","RPS4Y2",3.57731092,3.577312077,3.577315297,3.577311811,3.577311983,3.577314871,3.577311674,3.577315146,3.577311559,3.577311647,3.577312253,3.577314695,3.577311616,3.577311636,3.577311942,3.577311853,3.57731446,3.577312068,3.577312416,3.57731485,3.577311718,3.577315048,3.57731165,3.577311609,3.577311406,3.577315235,3.577312166,3.577312061
+"13818","RPS5",8.127894284,8.127888453,8.127895237,8.127891239,8.127894483,8.127893896,8.127897158,8.127892803,8.127898879,8.127898615,8.127890451,8.127896836,8.127897435,8.127898881,8.127893726,8.1278875,8.127894219,8.127886522,8.127895531,8.127891318,8.127894583,8.127896345,8.127899161,8.127893941,8.127888504,8.127896084,8.12789906,8.127897927
+"13819","RPS6",8.95642572,8.956424794,8.95642469,8.956423992,8.956425125,8.956425035,8.956426277,8.956425219,8.956426406,8.95642573,8.956424024,8.956425235,8.956425822,8.956427059,8.956424502,8.956424179,8.956424072,8.956423259,8.9564258,8.95642422,8.956426503,8.95642603,8.956426115,8.956424936,8.956423937,8.956425425,8.956425795,8.956425875
+"13820","RPS6KA1",8.501594927,8.501595181,8.501594952,8.501595372,8.501594882,8.501595293,8.501595029,8.501594984,8.501594797,8.501594972,8.501594918,8.501594746,8.501594975,8.501594979,8.501594904,8.501595037,8.501594973,8.50159517,8.501594978,8.501595208,8.501594825,8.501594932,8.501594956,8.501595141,8.501594909,8.50159486,8.501594936,8.501594791
+"13821","RPS6KA2",5.878406997,5.878407524,5.878407391,5.878407174,5.878407474,5.878407283,5.878407267,5.878407285,5.878407342,5.878407382,5.878407526,5.878407559,5.878407319,5.878407446,5.878407081,5.878407346,5.878407181,5.878407391,5.878407585,5.878407173,5.878406993,5.878407378,5.878407194,5.878407289,5.878407618,5.878407463,5.878407295,5.878407429
+"13822","RPS6KA3",8.610708334,8.610708763,8.610675987,8.610704834,8.610684105,8.610659987,8.610696189,8.610654727,8.610673466,8.610671192,8.610685781,8.610656208,8.610686629,8.610744896,8.610687218,8.610701668,8.610651064,8.610692413,8.61070171,8.6106535,8.610694971,8.61065706,8.610691828,8.610691851,8.610691215,8.610675998,8.610682483,8.610711746
+"13823","RPS6KA4",6.793068636,6.793068764,6.793068937,6.793068712,6.793068949,6.793068991,6.793068787,6.793068811,6.793068827,6.793068958,6.793069081,6.793068984,6.793068839,6.793068523,6.793068926,6.793068906,6.793069023,6.793068923,6.793068912,6.793068921,6.793068826,6.793069045,6.793068627,6.793068795,6.793068839,6.793068854,6.793068757,6.793068908
+"13824","RPS6KA5",7.15231331,7.152313358,7.152313081,7.152313452,7.152312198,7.152313035,7.152312506,7.152312615,7.152312228,7.152312076,7.152312528,7.152312074,7.152313074,7.152313625,7.152313023,7.152313593,7.152312839,7.152313036,7.152312899,7.152313321,7.152312686,7.152312405,7.152312835,7.15231308,7.152313223,7.152312619,7.152313026,7.152312825
+"13825","RPS6KA6",3.574527022,3.57452705,3.574527089,3.574527132,3.574527085,3.574527155,3.574527096,3.574527081,3.574527129,3.57452709,3.574527197,3.574527208,3.57452712,3.57452712,3.574527081,3.574527174,3.574527263,3.574527097,3.57452709,3.574527099,3.57452706,3.574527072,3.574527117,3.574527122,3.574527166,3.5745271,3.574527172,3.574527162
+"13826","RPS6KB1",7.285599553,7.285599593,7.2855995,7.285599516,7.285599454,7.28559948,7.285599533,7.285599541,7.285599521,7.285599465,7.285599493,7.285599505,7.285599542,7.285599658,7.285599429,7.285599549,7.285599417,7.285599512,7.285599475,7.285599345,7.285599522,7.285599528,7.285599578,7.285599549,7.285599446,7.285599474,7.285599579,7.285599534
+"13827","RPS6KB2",7.062526574,7.062526565,7.062526616,7.062526571,7.062526556,7.062526612,7.062526582,7.062526608,7.062526569,7.062526593,7.062526592,7.062526544,7.062526589,7.062526551,7.062526544,7.062526537,7.062526599,7.062526586,7.062526555,7.062526571,7.062526567,7.062526595,7.062526582,7.062526579,7.062526601,7.062526558,7.062526585,7.062526551
+"13828","RPS6KC1",6.006047203,6.006047203,6.006047085,6.006047048,6.006047066,6.006047073,6.006047089,6.006047044,6.006047081,6.006047091,6.006047062,6.006046885,6.006047124,6.006047295,6.006047077,6.006047116,6.006047021,6.006046986,6.00604709,6.006047148,6.006047004,6.006047053,6.006047117,6.006047121,6.006047056,6.006047034,6.00604713,6.006047159
+"13829","RPS6KL1",5.295768957,5.295768933,5.295768958,5.295768936,5.295768972,5.295768926,5.295768952,5.295768939,5.295768942,5.295768939,5.295768967,5.295768975,5.29576895,5.295768937,5.295768969,5.29576895,5.29576897,5.295768973,5.295768952,5.295768948,5.295768959,5.295768964,5.295768918,5.295768944,5.29576895,5.295768969,5.295768922,5.295768968
+"13830","RPS6P6",3.673451009,3.673451002,3.673451017,3.673451014,3.673451014,3.673450994,3.673451008,3.673451014,3.673451009,3.67345101,3.673450991,3.673451016,3.673451003,3.673451018,3.673451014,3.673451017,3.673451021,3.673451005,3.673451012,3.673451012,3.673451012,3.673451024,3.673451012,3.673451026,3.673451026,3.673451025,3.673451023,3.673451008
+"13831","RPS7",5.235021723,5.235021445,5.235021783,5.235020971,5.235021528,5.235021724,5.235022409,5.235021034,5.235022263,5.235022289,5.235021479,5.235021479,5.235021737,5.235023609,5.235021473,5.235021076,5.235021615,5.235021343,5.235021274,5.235021355,5.235022521,5.23502167,5.235022529,5.235022106,5.235021269,5.235021648,5.235021729,5.235023398
+"13832","RPS7P1",4.257336118,4.257335283,4.257335938,4.257335383,4.257335407,4.257335953,4.257336075,4.257335679,4.257336364,4.257336612,4.257335498,4.257335597,4.257335914,4.257337489,4.257335856,4.257335493,4.257335853,4.257335293,4.257335752,4.25733591,4.257336571,4.257335655,4.257336374,4.257336012,4.257335526,4.257335752,4.257335898,4.257337329
+"13833","RPS8",8.66302349,8.663015921,8.663017817,8.663010681,8.663015757,8.663017377,8.66301958,8.663013901,8.66302612,8.663023999,8.663011998,8.663021281,8.663022768,8.663029616,8.66302022,8.663012382,8.663015079,8.663008206,8.663019232,8.663018718,8.663022166,8.663020287,8.663024766,8.663018317,8.663008522,8.66302395,8.663023045,8.663023897
+"13834","RPS9",6.351027504,6.350813666,6.3560943375,6.3375433245,6.328759039,6.363187198,6.3596494875,6.345244637,6.3630508255,6.360386487,6.3469228645,6.350813763,6.3600464805,6.3813183065,6.3381786005,6.3483682065,6.3532877765,6.3273619675,6.3388422225,6.359779672,6.353148986,6.353003781,6.3591328285,6.3489370705,6.34207403,6.350320985,6.354496842,6.372235877
+"13835","RPSAP15",6.795185974,6.795185648,6.795185893,6.795185854,6.795185653,6.79518589,6.795185975,6.79518595,6.795185989,6.795185995,6.795185906,6.795185885,6.795186182,6.79518611,6.795185885,6.795185659,6.79518598,6.79518586,6.7951858,6.79518603,6.795185875,6.79518591,6.795185965,6.795185884,6.795185798,6.795186055,6.795185967,6.795186022
+"13836","RPSAP52",2.695653564,2.695653517,2.695653523,2.695653526,2.695653527,2.695653514,2.695653548,2.695653565,2.695653523,2.695653522,2.695653551,2.695653526,2.695653543,2.695653537,2.695653524,2.695653567,2.695653524,2.695653535,2.695653536,2.695653532,2.695653523,2.695653541,2.695653528,2.695653565,2.695653553,2.695653539,2.695653536,2.695653539
+"13837","RPSAP58",3.492915294,3.492915249,3.492915258,3.492915427,3.492915344,3.492915123,3.492915313,3.492915279,3.492915439,3.492915278,3.492915119,3.49291529,3.492915307,3.492915329,3.492915285,3.492915139,3.492915299,3.492915131,3.492915287,3.492915275,3.492915232,3.49291537,3.492915269,3.492915315,3.492915264,3.492915203,3.492915473,3.49291538
+"13838","RPTN",3.721440037,3.72144007,3.721440213,3.721440047,3.721440112,3.72143998,3.721440087,3.721440176,3.721440128,3.721440164,3.721440144,3.721440134,3.721440091,3.721439919,3.721440199,3.721440168,3.72144022,3.721440278,3.721440014,3.721440166,3.72144009,3.721440225,3.721440051,3.721440128,3.721440201,3.721440092,3.721440069,3.721440192
+"13839","RPTOR",6.913180922,6.913180818,6.913180375,6.913180425,6.913180748,6.913180977,6.913180662,6.913180791,6.913180902,6.913180833,6.913180389,6.913180734,6.91318081,6.913180865,6.913180707,6.913180564,6.913180401,6.913180418,6.913180833,6.913180632,6.913180672,6.913180798,6.913180823,6.913180571,6.913180384,6.913180894,6.913181006,6.913180809
+"13840","RPUSD1",6.322561393,6.322561472,6.322561507,6.32256144,6.322561629,6.322561513,6.322561554,6.32256163,6.322561474,6.322561508,6.322561495,6.322561601,6.322561474,6.322561367,6.322561564,6.322561375,6.322561685,6.322561503,6.322561495,6.32256154,6.322561561,6.322561676,6.3225615,6.322561425,6.322561534,6.322561589,6.322561564,6.322561589
+"13841","RPUSD2",5.568540931,5.568540991,5.568540719,5.568540559,5.568540934,5.568540812,5.568540872,5.5685408,5.568541061,5.568540935,5.568541064,5.568540848,5.568540847,5.568540993,5.568541035,5.568540979,5.568540736,5.56854096,5.56854097,5.568540869,5.568540964,5.568540788,5.568540905,5.568540988,5.568540941,5.56854095,5.568540912,5.568541009
+"13842","RPUSD3",6.722663688,6.722663689,6.722663664,6.722663671,6.722663638,6.722663689,6.722663692,6.722663656,6.722663716,6.722663699,6.722663652,6.722663669,6.722663711,6.722663714,6.722663663,6.722663668,6.722663653,6.72266361,6.722663662,6.722663653,6.722663669,6.722663692,6.722663704,6.722663695,6.722663631,6.722663682,6.72266371,6.722663695
+"13843","RPUSD4",5.758617425,5.758617223,5.758617269,5.758617168,5.758617154,5.758617275,5.758617235,5.758617092,5.758617387,5.758617385,5.758617222,5.758617213,5.758617409,5.758617406,5.758617188,5.758617079,5.758617137,5.758617122,5.758617278,5.758617337,5.75861725,5.75861719,5.758617322,5.758617315,5.758617228,5.758617311,5.758617356,5.758617346
+"13844","RRAD",4.614084491,4.614084464,4.614084541,4.61408453,4.614084558,4.614084546,4.614084545,4.614084582,4.614084537,4.614084517,4.614084559,4.61408455,4.61408452,4.614084452,4.614084525,4.614084538,4.614084561,4.614084555,4.614084496,4.614084531,4.614084537,4.614084552,4.614084524,4.61408448,4.614084514,4.614084519,4.614084473,4.614084502
+"13845","RRAGA",6.59716445,6.597164409,6.597164283,6.597164294,6.597164333,6.597164303,6.597164381,6.59716417,6.597164414,6.59716427,6.597164306,6.597164191,6.597164339,6.59716453,6.597164285,6.597164389,6.597164337,6.597164269,6.597164319,6.597164431,6.597164293,6.597164375,6.597164454,6.597164421,6.597164254,6.597164327,6.597164368,6.597164493
+"13846","RRAGB",5.327112411,5.327112397,5.327112398,5.327112394,5.327112386,5.327112373,5.327112397,5.327112403,5.327112415,5.3271124,5.327112371,5.327112401,5.327112403,5.327112426,5.327112404,5.327112405,5.327112375,5.327112393,5.327112398,5.327112375,5.327112389,5.327112401,5.327112425,5.327112403,5.327112396,5.327112403,5.327112412,5.327112399
+"13847","RRAGC",7.208572095,7.208572273,7.208571642,7.208572242,7.208571664,7.208571685,7.208571651,7.208571556,7.208571483,7.208571537,7.208571751,7.208571366,7.20857189,7.208572323,7.208571721,7.208572361,7.208571438,7.208571756,7.208572017,7.208571985,7.20857183,7.208571533,7.208571634,7.208571907,7.208571751,7.208571799,7.208571861,7.208571773
+"13848","RRAGD",6.38326664,6.383267025,6.383266613,6.383267157,6.383266243,6.383266619,6.383266792,6.383266365,6.383266392,6.383266473,6.383266536,6.383266214,6.383266581,6.383266951,6.383266441,6.383267076,6.383266586,6.383266834,6.383266809,6.383266873,6.383266822,6.383266339,6.383266834,6.383266826,6.383267062,6.383266648,6.383266543,6.383266755
+"13849","RRAS",7.621514284,7.621514233,7.621514208,7.621514204,7.621514214,7.621514429,7.621514116,7.621514014,7.621514107,7.621514276,7.621514228,7.621513953,7.621514319,7.621514188,7.621514162,7.621514126,7.621514144,7.621514271,7.621514179,7.621514291,7.621514085,7.621514127,7.621514122,7.621514268,7.62151425,7.621514037,7.621514362,7.621514072
+"13850","RRAS2",7.719963153,7.719963046,7.71996323,7.719963124,7.719963353,7.719963179,7.719963219,7.719963345,7.719963113,7.719963239,7.719963299,7.719963349,7.719963102,7.719962959,7.719963275,7.71996305,7.7199632,7.719963217,7.71996319,7.719963181,7.71996326,7.719963318,7.719963091,7.719963059,7.719963079,7.719963363,7.719963139,7.719963206
+"13851","RRBP1",7.114830757,7.11483076,7.114830766,7.11483076,7.114830788,7.11483077,7.114830777,7.11483077,7.114830765,7.11483078,7.114830785,7.11483076,7.114830764,7.114830762,7.114830775,7.11483077,7.114830776,7.114830777,7.114830776,7.114830752,7.114830776,7.11483077,7.114830766,7.114830771,7.114830779,7.114830765,7.114830746,7.114830775
+"13852","RREB1",6.889890046,6.88989005,6.889890057,6.889890027,6.889890027,6.889890054,6.88989002,6.889889979,6.889890027,6.889890065,6.889890023,6.889890014,6.889890067,6.889890046,6.889890019,6.889890029,6.889889998,6.889890009,6.889890016,6.889890076,6.889890019,6.889890013,6.889890029,6.889890029,6.889890031,6.889890047,6.889890064,6.889889983
+"13853","RRH",3.348149756,3.348149742,3.348149803,3.348149708,3.348149751,3.348149703,3.348149817,3.348149775,3.348149775,3.348149772,3.348149726,3.348149748,3.348149766,3.348149838,3.348149771,3.348149769,3.348149839,3.348149718,3.348149798,3.348149731,3.348149742,3.348149751,3.348149762,3.348149728,3.34814975,3.348149763,3.348149779,3.348149812
+"13854","RRM1",6.440116219,6.440115807,6.440114932,6.440115122,6.440115422,6.440115808,6.440117689,6.440115178,6.440116836,6.440116114,6.440114953,6.440115299,6.440115725,6.440116233,6.440115459,6.440115506,6.440114001,6.440114886,6.440115386,6.440116403,6.44011685,6.440114383,6.440116854,6.440115732,6.440114915,6.440115745,6.440116141,6.440116319
+"13855","RRM2",4.8893827095,4.8893818385,4.8893827045,4.8893828985,4.8893832855,4.8893840635,4.8893852635,4.889382067,4.8893841715,4.8893817725,4.8893827585,4.8893829005,4.8893834575,4.8893824285,4.8893827055,4.889382944,4.8893829905,4.889382883,4.889382514,4.8893842155,4.8893852445,4.889382137,4.889384021,4.8893826935,4.8893826055,4.8893820235,4.8893833045,4.8893821545
+"13856","RRM2B",7.343658714,7.343658753,7.343658347,7.343658814,7.343657734,7.343657904,7.343658177,7.343657989,7.343657428,7.343657615,7.343658285,7.343656908,7.343658011,7.343659017,7.343658575,7.343658774,7.343658556,7.343658698,7.343658707,7.343658495,7.343658107,7.343658143,7.343658483,7.343658644,7.343658576,7.343657632,7.343658019,7.343658765
+"13857","RRN3",6.941899855,6.941899342,6.941899433,6.941899019,6.941899104,6.941899503,6.941899251,6.941899276,6.94189934,6.941899672,6.941898919,6.94189917,6.94189948,6.941900161,6.941899147,6.941899423,6.94189923,6.941898766,6.941899618,6.941898368,6.941899354,6.941899173,6.941899975,6.941899376,6.941898951,6.941899397,6.941899607,6.941899732
+"13858","RRP1",6.863807123,6.863807187,6.863807223,6.863807101,6.863807516,6.863807187,6.863807288,6.863807284,6.863807397,6.863807364,6.863807327,6.863807443,6.863807329,6.8638071,6.863807377,6.863807447,6.863807362,6.863807366,6.863807272,6.863807166,6.863807314,6.863807271,6.863807167,6.863807134,6.863807303,6.863807433,6.863807146,6.863807387
+"13859","RRP12",7.217803923,7.217805464,7.217804317,7.217805619,7.217803362,7.217803392,7.217804017,7.217803171,7.217803078,7.217804141,7.217804635,7.217803972,7.217804035,7.217803939,7.217804341,7.217805587,7.217804158,7.217805658,7.217803795,7.217802958,7.217803927,7.217803053,7.217803887,7.217804906,7.217805212,7.217804281,7.217804555,7.217803875
+"13860","RRP15",4.507335838,4.507335514,4.507335623,4.507335305,4.507335547,4.507335551,4.507335509,4.507335423,4.507335785,4.507335624,4.507335557,4.507335512,4.50733552,4.507336021,4.507335714,4.507335614,4.50733542,4.507335689,4.507335593,4.507335645,4.507335685,4.507335581,4.507335682,4.507335753,4.507335562,4.507335723,4.507335564,4.507335837
+"13861","RRP1B",6.760180637,6.760180533,6.760180128,6.760180206,6.760180254,6.760180554,6.760180609,6.760180239,6.760180746,6.760180533,6.760179801,6.760180472,6.760180632,6.760180998,6.760180399,6.760180317,6.760179915,6.76018015,6.760180124,6.760180411,6.760180525,6.760180111,6.760180772,6.760180493,6.760179972,6.76018057,6.760180705,6.760180558
+"13862","RRP36",5.684809905,5.684809882,5.684809888,5.684809885,5.684809896,5.684809905,5.684809901,5.684809886,5.684809894,5.684809908,5.684809896,5.684809887,5.684809906,5.684809912,5.684809883,5.684809877,5.684809867,5.684809877,5.684809901,5.684809907,5.684809898,5.684809889,5.684809894,5.684809899,5.684809885,5.684809907,5.684809902,5.684809885
+"13863","RRP7A",7.664307344,7.664306861,7.664307415,7.664306903,7.664305334,7.664306097,7.664304738,7.664307361,7.664306593,7.664306336,7.664307014,7.664306254,7.664308043,7.664306187,7.664306478,7.66430696,7.664306978,7.664306245,7.664305308,7.664305667,7.664304055,7.664307369,7.664306142,7.664305934,7.664307292,7.664306133,7.66430798,7.66430539
+"13864","RRP7BP",6.8631801605,6.863179756,6.8631792645,6.863178878,6.863178386,6.863179246,6.863177499,6.8631795555,6.8631800925,6.8631789925,6.8631774885,6.8631799125,6.863180356,6.863179772,6.863179557,6.863179088,6.8631786435,6.8631791355,6.8631785405,6.863178332,6.8631765635,6.863179536,6.8631793915,6.863179316,6.863177991,6.8631796425,6.86317988,6.8631789075
+"13865","RRP8",5.967747784,5.967747681,5.967747655,5.967747647,5.967747455,5.967747674,5.967747636,5.967747658,5.96774779,5.967747663,5.967747551,5.967747781,5.967747752,5.967747894,5.967747472,5.967747455,5.967747533,5.967747419,5.967747639,5.96774766,5.967747557,5.967747698,5.967747862,5.967747823,5.967747511,5.96774769,5.967747753,5.967747781
+"13866","RRP9",5.922433082,5.922433185,5.92243308,5.922433044,5.922433027,5.922433136,5.922433052,5.92243312,5.922433173,5.922433035,5.922433099,5.922433121,5.922433145,5.922433108,5.922433017,5.922433115,5.922433138,5.922433026,5.922433042,5.92243318,5.922433047,5.922433187,5.922433168,5.922433136,5.922433018,5.922433099,5.922433166,5.922433093
+"13867","RRS1",5.851373916,5.851374062,5.851373513,5.851373854,5.851373757,5.851374006,5.851373848,5.851373774,5.851374178,5.85137372,5.851373932,5.851373964,5.85137372,5.851374116,5.851373735,5.851373808,5.851373652,5.851373729,5.851373814,5.851373829,5.851373725,5.851373641,5.851373819,5.851373753,5.851373435,5.851373814,5.851373813,5.851373943
+"13868","RS1",4.29677686,4.296776846,4.29677693,4.296776818,4.296776889,4.29677666,4.296776959,4.296776907,4.29677689,4.296776907,4.296777001,4.296776947,4.29677685,4.296776642,4.296776945,4.296776981,4.296776959,4.296776907,4.296776776,4.29677687,4.296776898,4.296776956,4.296776761,4.296776769,4.296776775,4.296777026,4.296776915,4.296776917
+"13869","RSAD1",6.941475999,6.941476012,6.941476002,6.941475982,6.941475993,6.94147604,6.941475998,6.941476025,6.941476026,6.94147605,6.941476006,6.941476005,6.941476016,6.941476038,6.941475996,6.941476003,6.941475985,6.941475989,6.941476012,6.941476023,6.941475965,6.941476019,6.941476033,6.941475998,6.941475991,6.941476015,6.941476022,6.941476018
+"13870","RSAD2",5.517575987,7.314263226,5.826420859,6.120251935,7.768437875,8.625305406,6.173021318,5.879385293,6.774241984,6.589593368,6.058903571,5.543550793,6.24358373,6.020341618,5.673952529,7.212175925,6.166477671,5.881072735,7.990900059,8.848855913,6.03538598,5.507271537,7.03834749,7.179093045,6.269416764,5.14340319,6.092254161,5.669370922
+"13871","RSBN1",6.858824469,6.858824409,6.858824065,6.858824156,6.858823959,6.858824095,6.858824241,6.858824122,6.858824322,6.858824219,6.858823983,6.858823971,6.858824297,6.858824655,6.858824131,6.858824299,6.858823935,6.858823935,6.858824129,6.858823952,6.858824172,6.858824083,6.858824502,6.858824452,6.858824047,6.858824185,6.858824376,6.858824423
+"13872","RSBN1L",7.115284751,7.115284448,7.115283761,7.115284722,7.115283275,7.115283497,7.115283999,7.115283394,7.115283509,7.11528332,7.115283529,7.115282561,7.11528401,7.115285429,7.115283894,7.115283851,7.115283096,7.115283985,7.115284213,7.115283682,7.115283818,7.115283195,7.115284504,7.115284206,7.115284248,7.115283097,7.115283931,7.115284589
+"13873","RSF1",6.690956136,6.690956122,6.690955998,6.690956014,6.690955862,6.69095583,6.690956025,6.69095581,6.690955971,6.690955957,6.690955957,6.690955667,6.690955989,6.690956432,6.690956,6.690956089,6.690955765,6.690955994,6.69095606,6.690955876,6.690955893,6.690955857,6.690956118,6.690955973,6.690955933,6.690955987,6.690955987,6.69095617
+"13874","RSKR",5.96239824,5.962398322,5.962398329,5.962398231,5.962398263,5.962398136,5.962398254,5.962398253,5.962398274,5.962398224,5.962398316,5.96239822,5.962398308,5.962398164,5.962398271,5.962398342,5.962398313,5.962398299,5.962398226,5.962398271,5.962398117,5.962398268,5.962398229,5.962398354,5.962398317,5.962398296,5.962398279,5.962398239
+"13875","RSL1D1",6.792260819,6.792260317,6.792260301,6.792260108,6.79226022,6.792260335,6.792260306,6.79225973,6.792260629,6.79226088,6.792260215,6.792260068,6.792260434,6.792261544,6.792260368,6.792259879,6.792260108,6.792259791,6.792260146,6.792259859,6.792260317,6.792260201,6.792260838,6.792260553,6.792259842,6.792260294,6.792260632,6.792260987
+"13876","RSL24D1",4.694049324,4.694048983,4.694048899,4.694048109,4.694048553,4.69404823,4.694048708,4.69404851,4.694049386,4.694049354,4.694049063,4.694048428,4.694048857,4.694051915,4.694048983,4.694048594,4.694049593,4.69404873,4.694049124,4.694048275,4.694049133,4.69404898,4.69404947,4.694049888,4.694047842,4.694048714,4.694048522,4.694051236
+"13877","RSPH1",4.489131765,4.489131769,4.489131911,4.489131901,4.489131946,4.489131687,4.489131923,4.489131909,4.489131815,4.489131855,4.489132,4.489131988,4.489131874,4.489131734,4.489131892,4.489131876,4.489131975,4.489131878,4.48913188,4.489131836,4.489131858,4.489131863,4.489131803,4.489131859,4.489131807,4.489131932,4.489131784,4.489131834
+"13878","RSPH14",4.573007864,4.573007986,4.573008032,4.573008027,4.57300808,4.573007651,4.573008086,4.573007933,4.573007769,4.573007885,4.573007896,4.57300801,4.57300792,4.573007787,4.573007908,4.573008109,4.573008206,4.573008215,4.573007893,4.573008115,4.57300808,4.573007954,4.57300794,4.573007855,4.573008005,4.573007916,4.57300776,4.573007816
+"13879","RSPH3",5.896464642,5.896464692,5.896464665,5.896464667,5.896464643,5.89646465,5.896464653,5.896464667,5.89646464,5.896464616,5.896464664,5.89646463,5.896464664,5.89646467,5.896464653,5.896464689,5.896464654,5.896464676,5.896464643,5.896464666,5.896464645,5.896464641,5.896464645,5.896464657,5.896464687,5.896464632,5.89646465,5.896464665
+"13880","RSPH4A",3.599181418,3.599181465,3.599181514,3.599181458,3.599181445,3.599181485,3.599181464,3.59918148,3.599181484,3.599181585,3.599181524,3.599181495,3.599181458,3.599181455,3.599181452,3.59918151,3.599181513,3.599181492,3.599181484,3.599181521,3.599181491,3.599181515,3.599181482,3.599181488,3.59918148,3.599181476,3.599181471,3.599181526
+"13881","RSPH6A",5.677857591,5.677857659,5.677857679,5.677857681,5.677857714,5.677857694,5.677857694,5.677857742,5.677857702,5.677857668,5.677857705,5.677857806,5.677857713,5.67785758,5.677857747,5.677857688,5.677857735,5.677857735,5.677857688,5.677857612,5.677857807,5.677857743,5.677857583,5.677857599,5.677857699,5.677857774,5.677857681,5.67785774
+"13882","RSPH9",4.064099304,4.064099292,4.064099358,4.064099341,4.064099471,4.064099417,4.064099471,4.064099429,4.064099338,4.064099451,4.064099458,4.064099435,4.064099372,4.064099297,4.064099435,4.064099299,4.064099482,4.064099341,4.064099431,4.0640995,4.064099424,4.064099427,4.064099354,4.064099392,4.064099489,4.06409944,4.064099332,4.064099387
+"13883","RSPO1",5.587131651,5.587131638,5.587131718,5.587131665,5.587131694,5.587131676,5.587131662,5.587131708,5.587131692,5.587131634,5.587131763,5.58713168,5.587131652,5.587131556,5.587131758,5.587131729,5.587131733,5.58713173,5.587131696,5.587131697,5.587131694,5.587131729,5.587131635,5.58713156,5.587131701,5.587131744,5.587131626,5.587131565
+"13884","RSPO2",3.986133485,3.986133513,3.986133614,3.98613358,3.986133668,3.986133492,3.986133545,3.986133575,3.98613367,3.986133618,3.986133644,3.98613367,3.986133638,3.986133552,3.986133625,3.986133583,3.986133689,3.986133623,3.986133655,3.986133557,3.986133611,3.986133669,3.986133591,3.986133575,3.986133517,3.986133632,3.986133491,3.98613366
+"13885","RSPO3",3.834727973,3.834728,3.834728004,3.834727992,3.834728035,3.83472798,3.834727992,3.834728017,3.834728011,3.834727985,3.83472803,3.83472802,3.834727992,3.834727963,3.834727996,3.834728007,3.834728033,3.834728019,3.83472801,3.834728016,3.834728003,3.834728008,3.834727989,3.83472802,3.834728025,3.834728003,3.834727997,3.834728015
+"13886","RSPO4",5.698652977,5.69865307,5.698653035,5.698653066,5.698653216,5.698653028,5.69865306,5.698653135,5.698653038,5.698652977,5.698653124,5.698653235,5.698653087,5.69865286,5.698653163,5.69865306,5.698653275,5.698653134,5.698653115,5.698653017,5.698653158,5.698653129,5.69865295,5.698653063,5.698653105,5.698653095,5.698653079,5.698653089
+"13887","RSPRY1",6.825516989,6.825516907,6.825516667,6.825516774,6.825516685,6.82551684,6.825516893,6.825516681,6.825516822,6.825516831,6.82551693,6.825516555,6.825516972,6.825517235,6.825516844,6.825516698,6.825516649,6.825516737,6.825516684,6.825516732,6.825516649,6.825516549,6.825516756,6.825516965,6.825516925,6.825516731,6.825516957,6.825516968
+"13888","RSRC1",6.014424029,6.014423832,6.014423587,6.014423826,6.014423436,6.014423544,6.014423666,6.014423769,6.014423969,6.014423617,6.01442408,6.014423221,6.014423839,6.014424543,6.014423847,6.014423542,6.01442342,6.014423893,6.014423709,6.014423344,6.014423599,6.014423669,6.014423884,6.014424107,6.014423966,6.014423597,6.014423782,6.014424141
+"13889","RSRC2",6.847645816,6.847645716,6.847645571,6.847645646,6.847645592,6.847645597,6.847645699,6.847645487,6.847645613,6.847645651,6.847645431,6.847645462,6.847645681,6.847645963,6.847645687,6.847645731,6.84764553,6.847645582,6.847645693,6.847645521,6.847645672,6.847645622,6.847645739,6.847645689,6.847645582,6.847645677,6.847645705,6.847645801
+"13890","RSRP1",8.159476484,8.1594764,8.159475653,8.159476659,8.159475744,8.159476091,8.159476233,8.1594757,8.159475936,8.159475596,8.159476101,8.159475139,8.159476425,8.159476753,8.159476197,8.159476489,8.159475645,8.159476269,8.159476443,8.159476037,8.159476256,8.159475908,8.159476127,8.159476192,8.159476104,8.159475948,8.159476287,8.159475897
+"13891","RSU1",7.546446633,7.546446645,7.546446838,7.546447852,7.546447256,7.546446982,7.546447011,7.546446816,7.546446487,7.546447136,7.546447178,7.546447404,7.546446665,7.546446565,7.546446221,7.54644597,7.546446359,7.546447795,7.546447258,7.546446082,7.546446694,7.546446326,7.546446691,7.54644693,7.54644713,7.546447476,7.546446738,7.546446278
+"13892","RTBDN",5.499129265,5.499129277,5.499129298,5.499129264,5.499129378,5.49912925,5.499129297,5.499129339,5.499129349,5.499129229,5.499129342,5.499129345,5.499129304,5.499129204,5.499129319,5.499129355,5.499129369,5.499129342,5.499129303,5.499129286,5.499129292,5.499129319,5.499129278,5.499129315,5.499129289,5.499129346,5.499129202,5.499129353
+"13893","RTCA",6.98140973,6.98140966,6.981409297,6.981409448,6.981409215,6.981409322,6.98140952,6.981409246,6.981409481,6.981409374,6.981409399,6.981409175,6.981409628,6.981410001,6.981409508,6.981409614,6.981409185,6.981409214,6.981409526,6.981409055,6.981409591,6.981409516,6.981409574,6.981409349,6.981409456,6.981409308,6.981409664,6.981409745
+"13894","RTCB",7.175234597,7.175234944,7.17523424,7.175233091,7.175233907,7.175234895,7.175234531,7.175233533,7.175234619,7.175234387,7.175233706,7.17523311,7.175234638,7.175236177,7.175234495,7.175233829,7.175234069,7.175233171,7.175234493,7.175235217,7.175234058,7.175234286,7.175235145,7.175234231,7.175233383,7.175234279,7.175234165,7.175235505
+"13895","RTF1",6.719754318,6.719754415,6.719753951,6.719754508,6.719754096,6.719754332,6.719754279,6.71975385,6.719754252,6.719754375,6.719754224,6.71975385,6.71975429,6.71975458,6.719754343,6.719754241,6.719754172,6.719754508,6.719754568,6.719754417,6.719754248,6.719754042,6.719754357,6.719754519,6.719754355,6.719754133,6.71975428,6.719754254
+"13896","RTF2",7.541782808,7.541783107,7.541782857,7.541783018,7.541782613,7.541782877,7.541782696,7.541782807,7.54178279,7.541782645,7.541782771,7.541782373,7.541782807,7.541782964,7.541782663,7.541783163,7.5417828,7.541783003,7.541782873,7.54178291,7.54178267,7.541782786,7.541782895,7.541782899,7.54178285,7.541782709,7.541782614,7.541782726
+"13897","RTKN",4.971853578,4.971853684,4.971853811,4.971853685,4.97185378,4.971853687,4.971853754,4.9718538,4.971853748,4.971853752,4.971853827,4.97185396,4.971853787,4.971853562,4.971853729,4.971853725,4.971854006,4.971853822,4.971853779,4.971853763,4.971853805,4.971853864,4.971853739,4.971853697,4.971853815,4.971853773,4.971853707,4.971853802
+"13898","RTKN2",4.158350237,4.158350383,4.158350264,4.158350267,4.158350254,4.158350212,4.158350169,4.158350307,4.158350227,4.158350268,4.158350142,4.158350129,4.158350297,4.158350407,4.158350191,4.158350332,4.158350126,4.158350235,4.158350317,4.158350152,4.158350178,4.15835024,4.158350198,4.158350366,4.158350247,4.158350217,4.158350263,4.158350388
+"13899","RTL1",4.222235742,4.22223583,4.222235826,4.222235818,4.222235827,4.222235724,4.222235815,4.222235796,4.222235782,4.222235746,4.222235819,4.222235825,4.222235734,4.222235661,4.222235826,4.222235735,4.222235762,4.222235861,4.222235817,4.2222357,4.22223575,4.222235803,4.222235744,4.222235725,4.222235803,4.222235834,4.222235835,4.2222358
+"13900","RTL3",3.558160823,3.558160844,3.558160754,3.558160783,3.558160887,3.558160749,3.558160712,3.558160802,3.558160899,3.558160741,3.55816089,3.558160847,3.558160821,3.558160715,3.558160848,3.558160802,3.558160836,3.558160828,3.558160768,3.558160872,3.558160931,3.558160836,3.558160735,3.558160737,3.558160763,3.558160807,3.558160749,3.558160867
+"13901","RTL4",4.207041283,4.207041233,4.207041282,4.207041259,4.207041288,4.207041392,4.207041431,4.207041418,4.20704129,4.207041441,4.207041322,4.207041428,4.207041324,4.20704118,4.207041246,4.207041199,4.20704132,4.207041379,4.207041356,4.207041335,4.207041357,4.207041417,4.207041314,4.207041361,4.207041384,4.207041344,4.207041339,4.207041253
+"13902","RTL5",4.875592215,4.875592543,4.875592471,4.875592201,4.875592605,4.875592536,4.875592289,4.875592645,4.875592394,4.875592417,4.875592357,4.87559258,4.875592299,4.875592321,4.875592567,4.875592355,4.875592583,4.875592654,4.875592485,4.875592671,4.875592633,4.875592444,4.875592405,4.875592267,4.875592436,4.875592516,4.875592501,4.875592257
+"13903","RTL6",6.098383821,6.098383904,6.098383801,6.098383697,6.09838374,6.098383888,6.098383814,6.098383739,6.09838371,6.098383717,6.098383827,6.098383657,6.098383848,6.098383574,6.098383714,6.098383739,6.098383757,6.098383613,6.098383774,6.098383769,6.09838369,6.098383776,6.098383707,6.098383688,6.098383452,6.098383622,6.098383855,6.098383599
+"13904","RTL8A",6.995511407,6.995511442,6.995511395,6.995511335,6.995511405,6.995511495,6.99551146,6.995511401,6.995511444,6.995511498,6.995511407,6.995511395,6.995511441,6.995511393,6.995511436,6.995511333,6.99551142,6.995511375,6.995511437,6.995511468,6.995511379,6.995511334,6.995511421,6.995511394,6.995511325,6.995511423,6.995511435,6.99551131
+"13905","RTL8B",6.953898502,6.953898449,6.953898573,6.953898543,6.953898559,6.953898764,6.95389863,6.953898632,6.953898415,6.95389865,6.953898692,6.953898962,6.953898505,6.953898231,6.953898597,6.953898538,6.953898624,6.953898689,6.953898783,6.953898378,6.953898396,6.953898615,6.95389854,6.953898475,6.953898604,6.953898628,6.953898704,6.953898603
+"13906","RTL8C",7.514898132,7.514898142,7.51489812,7.514898104,7.514898115,7.51489813,7.514898124,7.514898108,7.51489811,7.514898138,7.514898122,7.514898118,7.514898109,7.514898089,7.514898106,7.514898113,7.514898108,7.514898097,7.514898141,7.514898133,7.514898118,7.514898111,7.514898096,7.514898102,7.514898103,7.514898088,7.514898129,7.514898101
+"13907","RTL9",3.933086827,3.933086918,3.933086818,3.933086937,3.933086901,3.933086963,3.933086911,3.933086902,3.933086896,3.933086838,3.933086979,3.93308697,3.933086904,3.933086834,3.933086882,3.933086905,3.933086914,3.933086941,3.933086896,3.933086934,3.933086878,3.933086961,3.933086911,3.933086881,3.933086889,3.933086867,3.933086858,3.933086897
+"13908","RTN1",6.21029353,6.210293183,6.210293376,6.210293157,6.210293822,6.210294558,6.210293102,6.210293044,6.210292432,6.210294255,6.210293721,6.210291959,6.210293527,6.210293754,6.210292779,6.210292815,6.210292907,6.210292926,6.210293185,6.210294048,6.210293022,6.210293328,6.210292268,6.210294205,6.210293477,6.210291992,6.21029315,6.210293431
+"13909","RTN2",5.933976298,5.933976277,5.93397635,5.933976401,5.933976382,5.933976179,5.933976344,5.933976372,5.933976316,5.933976327,5.933976343,5.933976372,5.933976303,5.933976201,5.933976386,5.933976341,5.93397635,5.933976417,5.933976293,5.933976296,5.933976417,5.933976387,5.93397632,5.933976362,5.933976345,5.933976363,5.93397626,5.933976308
+"13910","RTN3",7.233755544,7.233755731,7.233755404,7.233755835,7.233755155,7.23375527,7.233755494,7.233755138,7.233755044,7.233755153,7.233755436,7.2337549,7.233755221,7.233755423,7.233755422,7.233755822,7.233755485,7.233755581,7.233755676,7.233755524,7.233755475,7.233755304,7.233755567,7.233755565,7.233755772,7.233755327,7.23375535,7.23375525
+"13911","RTN4",7.726221082,7.726221162,7.726220936,7.726221027,7.726220768,7.726220821,7.726220774,7.72622075,7.726220703,7.726220865,7.726220819,7.726220636,7.726220933,7.72622116,7.726220853,7.726221084,7.726220794,7.726220791,7.726221011,7.726220873,7.726220833,7.726220844,7.726220841,7.726220991,7.726220902,7.72622065,7.726220925,7.72622085
+"13912","RTN4IP1",5.25347719,5.253476649,5.253476651,5.253476641,5.253476434,5.253476487,5.253476637,5.253476223,5.253476848,5.253476656,5.25347599,5.25347621,5.253476761,5.253477315,5.253476613,5.253476465,5.253476395,5.253476357,5.253476866,5.253476792,5.253476624,5.253476693,5.253477131,5.253476838,5.253476386,5.253476871,5.253477071,5.253477007
+"13913","RTN4R",6.557277543,6.55727753,6.557277769,6.557277563,6.557277905,6.557277627,6.557277713,6.557277833,6.557277726,6.557277743,6.557277791,6.557277854,6.557277636,6.557277379,6.557277861,6.557277724,6.557277931,6.557277764,6.557277809,6.557277619,6.557277835,6.557277808,6.5572775,6.55727758,6.557277709,6.557277823,6.557277663,6.557277672
+"13914","RTN4RL1",4.432410164,4.432410139,4.43241035,4.43241007,4.43241044,4.432410144,4.432410272,4.432410402,4.432410339,4.432410294,4.43241039,4.432410526,4.432410304,4.432410136,4.432410359,4.432410177,4.432410391,4.432410299,4.432410249,4.432410314,4.432410406,4.432410307,4.43241009,4.432410251,4.432410287,4.432410395,4.432410209,4.432410203
+"13915","RTN4RL2",6.759855701,6.759855667,6.759855751,6.759855652,6.759855881,6.75985573,6.759855756,6.759855832,6.75985567,6.759855728,6.75985585,6.759855875,6.759855684,6.759855454,6.75985579,6.759855653,6.759855901,6.759855797,6.759855704,6.759855769,6.759855751,6.759855867,6.759855593,6.759855625,6.759855774,6.759855793,6.759855716,6.759855672
+"13916","RTP1",5.556980899,5.556980882,5.556980968,5.556980931,5.556980985,5.556980852,5.556980907,5.556980974,5.556980913,5.556980909,5.556980981,5.556980965,5.556980955,5.556980895,5.556980933,5.556980938,5.556980973,5.556980962,5.556980911,5.556980919,5.55698094,5.556980938,5.556980897,5.556980932,5.556980951,5.556980961,5.556980901,5.556980933
+"13917","RTP2",4.930501267,4.930501198,4.930501415,4.930501178,4.930501413,4.930501052,4.93050136,4.930501544,4.930501278,4.930501157,4.930501481,4.930501551,4.930501231,4.930501019,4.930501362,4.930501501,4.930501558,4.930501549,4.930501278,4.930501274,4.930501515,4.930501454,4.930501246,4.930501206,4.930501389,4.930501396,4.93050126,4.930501327
+"13918","RTP3",3.8931568,3.893156808,3.893156805,3.893156804,3.893156834,3.893156808,3.893156822,3.893156827,3.893156801,3.893156813,3.893156822,3.893156833,3.893156805,3.893156789,3.893156835,3.893156818,3.893156834,3.893156825,3.893156816,3.893156824,3.893156826,3.893156828,3.893156795,3.893156812,3.893156806,3.893156818,3.893156805,3.893156812
+"13919","RTP4",5.607096382,5.607096118,5.60709667,5.607096221,5.607097282,5.607098973,5.6070971,5.607096494,5.607096762,5.60709674,5.607096088,5.607095926,5.607096776,5.607096748,5.607097188,5.607095558,5.607096849,5.607095998,5.607097673,5.607099566,5.607097113,5.607096693,5.607097494,5.60709713,5.607095911,5.607096377,5.6070968,5.607097052
+"13920","RTP5",6.018647411,6.018647637,6.018647698,6.018647594,6.01864799,6.018647682,6.018647757,6.018647782,6.018647673,6.018647672,6.018647702,6.018647903,6.018647552,6.018647438,6.018647789,6.018647686,6.018647991,6.018647695,6.018647762,6.018647611,6.018647842,6.018647876,6.018647601,6.018647604,6.018647664,6.0186477,6.018647491,6.018647752
+"13921","RTRAF",5.907682579,5.907682451,5.907682225,5.907682142,5.907681993,5.907682369,5.907682604,5.907682177,5.907682646,5.907682528,5.907682182,5.907681943,5.907682517,5.907682928,5.907682414,5.90768202,5.907682103,5.907682171,5.90768247,5.907682277,5.907682337,5.907682335,5.90768254,5.907682532,5.907682037,5.90768224,5.907682457,5.907682624
+"13922","RTTN",5.808342305,5.808342109,5.808341898,5.808341895,5.808341976,5.808342035,5.808342064,5.808341945,5.808342267,5.808342211,5.808341799,5.808342116,5.808342219,5.808342431,5.808342097,5.808341955,5.808341901,5.808341898,5.808342227,5.808341924,5.80834201,5.808342031,5.80834227,5.808342172,5.808341912,5.808342198,5.808342246,5.808342137
+"13923","RUBCN",7.897612145,7.897612112,7.897611576,7.897611992,7.897612167,7.897613092,7.897612276,7.89761193,7.89761243,7.897612223,7.897611975,7.897611901,7.897612242,7.897612106,7.897612135,7.897611749,7.897611563,7.897611869,7.897612272,7.897612688,7.89761215,7.897611965,7.897612238,7.897612197,7.897611795,7.897611966,7.897612301,7.897612037
+"13924","RUBCNL",7.453238908,7.485624566,7.448115566,7.553520848,7.407883413,7.417005443,7.457951653,7.420373243,7.407822755,7.433117745,7.425588268,7.436021112,7.446826748,7.472083078,7.487337857,7.529519023,7.459227815,7.555088529,7.499657016,7.449231468,7.467135987,7.423556144,7.448928816,7.493459487,7.495738312,7.485067009,7.451417522,7.471475505
+"13925","RUFY1",8.110617547,8.110618501,8.11061725,8.110619375,8.110617963,8.110617474,8.110617181,8.110616751,8.110617823,8.110618655,8.110618329,8.110617946,8.110617825,8.110618606,8.110617337,8.110618228,8.110617016,8.110619085,8.110617717,8.110617346,8.110617054,8.110616609,8.11061784,8.11061884,8.110618391,8.110618213,8.110617823,8.110618308
+"13926","RUFY2",5.592595689,5.592595712,5.592595674,5.592595628,5.592595636,5.592595564,5.592595639,5.592595607,5.592595698,5.592595651,5.59259562,5.592595587,5.592595669,5.592595734,5.59259565,5.592595644,5.592595581,5.592595588,5.592595683,5.592595404,5.59259563,5.592595596,5.592595644,5.592595644,5.592595624,5.592595611,5.592595664,5.592595688
+"13927","RUFY3",6.15679282,6.156792727,6.156792802,6.156792763,6.15679274,6.156792861,6.156792752,6.15679273,6.156792825,6.156792813,6.156792777,6.156792699,6.156792773,6.156792847,6.156792689,6.156792747,6.15679262,6.156792727,6.156792734,6.156792749,6.156792708,6.156792774,6.156792741,6.156792755,6.156792729,6.156792794,6.156792841,6.156792732
+"13928","RUFY4",5.388976904,5.388976717,5.38897709,5.388977107,5.388977279,5.388977141,5.38897703,5.388977199,5.388976896,5.38897686,5.388977166,5.388976894,5.388976866,5.388976637,5.388977102,5.388977055,5.388977232,5.388977303,5.388977015,5.388977457,5.388977158,5.388977129,5.388976798,5.388976468,5.388977149,5.388976998,5.388977073,5.388976932
+"13929","RUNDC1",6.413767926,6.413767953,6.413767897,6.41376792,6.413767905,6.413767931,6.413767923,6.413767916,6.413767903,6.413767919,6.413767903,6.413767885,6.41376791,6.413767928,6.41376791,6.413767934,6.413767889,6.413767919,6.413767927,6.413767934,6.413767903,6.413767905,6.413767914,6.413767929,6.413767933,6.413767898,6.413767914,6.41376792
+"13930","RUNDC3A",6.185632153,5.985498201,7.804830983,6.924043955,6.641100554,8.148078824,6.633370085,7.703746333,6.944340919,7.15378803,7.097406816,7.324530929,6.672529933,5.548163794,6.005121498,5.728215688,7.632336248,6.932390278,6.55922329,7.985784934,6.425062669,7.593606288,6.609765968,7.184357335,7.218053775,7.284384809,6.806031718,6.067917915
+"13931","RUNDC3B",3.915905957,3.915905949,3.915905965,3.915905942,3.915905958,3.915905926,3.915905968,3.915905961,3.915905943,3.915905928,3.915905925,3.915905963,3.915905943,3.915905953,3.91590596,3.915905947,3.915905992,3.915905986,3.915905937,3.915905959,3.91590593,3.915905957,3.915905942,3.915905931,3.915905929,3.91590594,3.915905939,3.915906002
+"13932","RUNX1",8.200795028,8.20079505,8.200794815,8.200794961,8.200794965,8.200795105,8.200794988,8.200794938,8.200795,8.200795057,8.200794942,8.200794954,8.200795005,8.200794996,8.20079497,8.200795018,8.200794774,8.200794914,8.200795107,8.200794986,8.200794896,8.20079495,8.200795016,8.200794968,8.200794955,8.200794966,8.200795015,8.200795029
+"13933","RUNX1T1",3.890816824,3.890816841,3.89081692,3.890816809,3.890816815,3.890816688,3.89081684,3.890816895,3.890816818,3.890816886,3.890816872,3.890817009,3.890816804,3.890816764,3.890816865,3.890816847,3.890816869,3.890816852,3.890816884,3.890816873,3.890816807,3.89081694,3.890816836,3.890816813,3.890816819,3.890816867,3.890816806,3.890816867
+"13934","RUNX2",6.828488511,6.828488542,6.828488462,6.828488513,6.828488396,6.828488424,6.828488463,6.82848844,6.82848847,6.828488409,6.82848845,6.828488456,6.8284885,6.828488529,6.828488459,6.828488504,6.828488413,6.828488489,6.828488468,6.828488487,6.828488459,6.828488481,6.828488485,6.828488474,6.828488444,6.828488514,6.828488515,6.8284885
+"13935","RUNX3",7.846551799,7.84655169,7.846551263,7.846551128,7.846551664,7.846551882,7.846551794,7.846551899,7.846551895,7.846551795,7.846551576,7.846551607,7.846551898,7.84655162,7.846551927,7.846551489,7.846551308,7.846551313,7.846551433,7.846551744,7.84655176,7.846551679,7.846551943,7.84655155,7.846551192,7.84655174,7.846551798,7.846551638
+"13936","RUSC1",5.739137137,5.739137238,5.739137208,5.739137145,5.73913731,5.739137246,5.739137262,5.739137246,5.73913728,5.739137271,5.739137186,5.739137283,5.739137212,5.739137183,5.739137284,5.739137149,5.739137278,5.739137191,5.739137251,5.739137261,5.739137254,5.739137279,5.739137239,5.739137211,5.739137151,5.739137245,5.739137255,5.739137193
+"13937","RUSC1-AS1",4.800985384,4.800985311,4.800985377,4.800985288,4.800985337,4.800985374,4.800985415,4.800985362,4.800985271,4.800985292,4.800985272,4.800985333,4.800985351,4.800985299,4.800985277,4.800985284,4.80098542,4.800985308,4.800985328,4.800985324,4.800985353,4.800985316,4.800985351,4.80098535,4.800985362,4.800985264,4.800985268,4.800985366
+"13938","RUSC2",5.467699044,5.467699069,5.467699074,5.467699054,5.467699113,5.467699012,5.467699095,5.467699083,5.467699065,5.467699089,5.467699112,5.467699103,5.467699077,5.46769903,5.467699109,5.467699094,5.467699085,5.467699102,5.467699054,5.467699058,5.467699075,5.467699096,5.467699031,5.467699062,5.467699097,5.467699082,5.467699031,5.467699018
+"13939","RUSF1",6.365264945,6.365264967,6.365264987,6.36526494,6.365264954,6.36526502,6.365264999,6.36526501,6.365264994,6.365264964,6.365264874,6.365265066,6.365264943,6.365264923,6.365265009,6.365264929,6.365264971,6.365264984,6.365264972,6.36526499,6.365264928,6.365264975,6.365264974,6.365264939,6.365264903,6.365265016,6.365264967,6.365264939
+"13940","RUVBL1",6.293414514,6.293414471,6.293414419,6.29341443,6.293414408,6.293414464,6.29341442,6.293414421,6.293414541,6.293414452,6.293414344,6.293414446,6.29341453,6.293414527,6.293414458,6.293414441,6.293414391,6.293414337,6.29341446,6.293414499,6.293414446,6.293414437,6.293414536,6.293414482,6.293414349,6.293414454,6.293414466,6.293414461
+"13941","RUVBL2",6.618009567,6.618009563,6.618009547,6.618009561,6.618009564,6.61800958,6.618009583,6.618009549,6.618009576,6.618009577,6.618009526,6.618009542,6.618009559,6.618009559,6.618009552,6.618009547,6.618009552,6.618009549,6.618009544,6.618009515,6.618009556,6.618009553,6.618009559,6.618009566,6.618009544,6.61800955,6.618009579,6.618009567
+"13942","RWDD1",5.323454157,5.323454158,5.323454162,5.323454169,5.323454176,5.323454124,5.323454166,5.323454148,5.323454177,5.323454159,5.323454163,5.323454159,5.323454169,5.323454167,5.323454156,5.323454149,5.323454163,5.323454182,5.323454166,5.323454157,5.323454171,5.323454158,5.323454151,5.323454146,5.323454143,5.32345413,5.323454156,5.323454168
+"13943","RWDD2A",4.38351101,4.383510962,4.383510915,4.383510846,4.383510869,4.383510831,4.383510922,4.383510966,4.383510927,4.383510986,4.38351084,4.38351097,4.38351095,4.383511126,4.383510937,4.383510899,4.38351092,4.383510954,4.383510884,4.383510754,4.383511093,4.383511016,4.383510984,4.383510875,4.383510875,4.383510926,4.383510988,4.383510912
+"13944","RWDD2B",4.796452218,4.796452206,4.796452142,4.796452194,4.796452139,4.796452154,4.796452141,4.796452167,4.796452246,4.796452109,4.79645216,4.796452187,4.7964522,4.796452269,4.796452153,4.796452247,4.796452213,4.796452191,4.796452202,4.796452153,4.79645217,4.7964522,4.796452243,4.796452211,4.796452049,4.79645223,4.796452172,4.796452215
+"13945","RWDD4",4.4694177535,4.4694173285,4.4694172675,4.4694168045,4.4694165995,4.46941686,4.469417123,4.4694164985,4.46941733,4.469416722,4.4694171445,4.469416249,4.469417082,4.4694178335,4.469417047,4.4694174015,4.4694169805,4.469416608,4.469417742,4.4694173855,4.4694171215,4.469417001,4.4694175215,4.4694177295,4.469417181,4.469416375,4.4694173875,4.4694172015
+"13946","RXFP1",3.203960822,3.203960999,3.203960854,3.203961133,3.203960834,3.203960798,3.203960673,3.203960855,3.203960784,3.203960808,3.203961018,3.203961058,3.203960868,3.203960799,3.203960817,3.20396096,3.203961103,3.203960784,3.203960792,3.203961036,3.203960756,3.20396087,3.203960964,3.203960914,3.20396113,3.203961097,3.203960906,3.203960857
+"13947","RXFP2",2.848538084,2.848538019,2.848537992,2.848538154,2.848538098,2.848537892,2.848538151,2.848538002,2.848537981,2.848537979,2.848538051,2.848538078,2.848537951,2.848537937,2.848538074,2.848538047,2.848538431,2.848538092,2.848538165,2.848537936,2.848538013,2.848538016,2.848538237,2.848538134,2.848538153,2.848538013,2.848538018,2.848538012
+"13948","RXFP3",6.290918865,6.29091898,6.290919307,6.290918968,6.290919411,6.290918783,6.290919091,6.290919399,6.290919293,6.290919118,6.290919089,6.29091936,6.290919138,6.29091873,6.290919246,6.290919147,6.290919448,6.290919142,6.290919113,6.290918935,6.290919168,6.290919428,6.290919023,6.290918957,6.290919202,6.290919215,6.290918959,6.290919034
+"13949","RXFP4",5.052771686,5.052771839,5.052771902,5.052771936,5.052771716,5.052771852,5.052771978,5.052772002,5.052771656,5.052772059,5.052771937,5.052772065,5.052771887,5.052771657,5.052772023,5.052772059,5.05277224,5.052771669,5.052771958,5.052772126,5.052772146,5.052771844,5.052771863,5.05277216,5.052772005,5.052772224,5.052771876,5.052772017
+"13950","RXRA",8.546627613,8.54662868,8.546628871,8.546628624,8.546627995,8.546629128,8.546628149,8.546628626,8.546628404,8.546628533,8.546628618,8.546628032,8.546627975,8.546627524,8.546627881,8.546628286,8.546628662,8.546628405,8.546628097,8.546628811,8.546627972,8.546628432,8.546628438,8.546628604,8.546628795,8.546628297,8.546628175,8.546627634
+"13951","RXRB",8.12129851266667,8.121298478,8.12129850266667,8.121298655,8.121298432,8.12129876666667,8.12129843566667,8.12129883833333,8.12129844133333,8.12129845333333,8.12129852133333,8.12129863733333,8.12129882733333,8.12129857033333,8.12129825466667,8.12129805733333,8.121298166,8.12129867433333,8.12129841566667,8.12129816966667,8.12129843233333,8.12129871866667,8.121298491,8.121298164,8.12129845133333,8.12129840566667,8.121298673,8.12129826166667
+"13952","RXRG",3.501983328,3.501983371,3.501983363,3.501983417,3.501983407,3.501983388,3.501983328,3.501983369,3.501983335,3.501983436,3.501983339,3.501983416,3.501983338,3.501983313,3.501983385,3.501983353,3.501983424,3.501983351,3.501983336,3.501983411,3.501983338,3.501983378,3.501983381,3.501983349,3.501983351,3.501983354,3.501983385,3.501983369
+"13953","RXYLT1",5.115712424,5.115712482,5.115712439,5.11571246,5.115712352,5.11571237,5.115712503,5.115712502,5.115712532,5.115712476,5.115712407,5.115712451,5.11571249,5.115712601,5.115712392,5.11571246,5.115712466,5.11571238,5.115712425,5.115712394,5.115712382,5.115712499,5.115712472,5.115712437,5.115712256,5.115712425,5.115712455,5.115712536
+"13954","RYBP",6.957674375,6.957674607,6.957674511,6.957675017,6.957674101,6.957674277,6.957674387,6.957673964,6.957674076,6.957674237,6.957674686,6.957673988,6.957674429,6.957674459,6.957674496,6.957674236,6.957674499,6.957674694,6.957674366,6.957674395,6.957674197,6.957673847,6.957674258,6.957674661,6.95767465,6.957674121,6.957674358,6.957674113
+"13955","RYK",7.284380313,7.284379925,7.284379655,7.284379547,7.284379692,7.284379569,7.284379962,7.284379509,7.284380087,7.284380055,7.284379693,7.284379532,7.284380072,7.28438078,7.284380052,7.284379883,7.284379846,7.28437975,7.284380088,7.284379591,7.284379777,7.284379943,7.284380282,7.284380151,7.284379924,7.284379842,7.284380026,7.284380427
+"13956","RYR1",4.773186261,4.773186259,4.77318629,4.773186282,4.773186336,4.773186261,4.773186302,4.773186298,4.77318628,4.773186287,4.773186294,4.773186321,4.773186279,4.773186243,4.773186309,4.773186288,4.773186325,4.773186308,4.773186296,4.773186307,4.773186313,4.773186325,4.773186259,4.773186269,4.77318629,4.773186311,4.773186279,4.773186285
+"13957","RYR2",3.480332453,3.480332631,3.480332614,3.480332548,3.480332684,3.480332617,3.480332528,3.480332656,3.480332555,3.480332556,3.48033262,3.480332743,3.480332471,3.480332556,3.480332668,3.480332667,3.480332765,3.480332726,3.48033266,3.480332724,3.480332683,3.480332679,3.480332521,3.480332533,3.48033257,3.480332671,3.48033253,3.480332622
+"13958","RYR3",4.185255091,4.185255045,4.185255242,4.185255186,4.18525531,4.185255148,4.185255184,4.185255232,4.185255158,4.185255243,4.185255209,4.185255291,4.185255119,4.18525499,4.185255215,4.185255196,4.185255274,4.185255229,4.185255213,4.185255168,4.185255151,4.185255202,4.185255088,4.185255112,4.18525519,4.185255183,4.185255082,4.185255135
+"13959","S100A1",4.468422574,4.468422603,4.468422619,4.46842253,4.468422727,4.468422571,4.468422607,4.468422627,4.468422652,4.468422567,4.468422673,4.468422629,4.468422671,4.468422422,4.468422616,4.468422678,4.468422771,4.46842265,4.468422618,4.468422577,4.468422627,4.468422752,4.468422578,4.46842243,4.468422587,4.468422626,4.468422589,4.468422595
+"13960","S100A10",11.43928568,11.33866634,10.91017858,10.71567165,11.27311647,11.08323214,11.27499339,10.71715747,11.08051405,11.14415484,10.90853524,10.7025427,11.13129711,11.44570149,11.1911486,10.91024365,10.7801361,10.35662683,11.19480649,11.14601736,11.14131316,10.87594267,10.98100909,11.05241249,10.68574404,10.88423798,11.13332366,11.07533623
+"13961","S100A11",9.447490063,9.656486573,9.220619347,9.80402697,9.241574711,9.637645678,9.287298779,9.185176238,9.213531038,9.376364363,9.418517806,8.894285448,9.39544894,9.179824545,9.355159109,9.611783952,9.303796876,9.617059897,9.499494518,9.760615315,9.340786097,9.354372252,9.417697199,9.589149866,9.510935809,9.11934464,9.339542217,9.063143794
+"13962","S100A12",7.171552218,7.157172406,7.78300057,7.378984286,6.850644059,7.350998857,7.917959858,6.550376917,7.380583409,8.154824952,7.957158185,6.529083795,6.948719413,6.883960682,6.886093753,7.318673724,7.788165705,7.070304447,7.303571906,7.440477889,7.760149208,6.858828844,7.918319015,8.536648966,8.112319859,6.751533156,6.708898169,6.28318757
+"13963","S100A13",4.928239054,4.928239112,4.928239156,4.92823904,4.928239189,4.928239049,4.928239122,4.928239098,4.928239121,4.9282391,4.928239128,4.928239127,4.92823903,4.92823897,4.928238998,4.928239071,4.928239169,4.928239143,4.928239132,4.928239054,4.928239086,4.928239098,4.928239038,4.928238986,4.928239028,4.928239152,4.928239034,4.928239137
+"13964","S100A14",4.929287367,4.929287372,4.929287459,4.929287434,4.929287501,4.92928737,4.929287471,4.929287439,4.929287461,4.929287412,4.929287502,4.929287453,4.929287431,4.929287365,4.929287494,4.929287465,4.929287461,4.929287457,4.929287467,4.929287473,4.929287484,4.929287515,4.929287389,4.929287351,4.929287479,4.929287428,4.929287387,4.929287457
+"13965","S100A16",4.362617099,4.362617483,4.362617574,4.362617628,4.362617627,4.362617369,4.362617391,4.362617678,4.362617755,4.362617276,4.362617406,4.36261758,4.362617366,4.362617358,4.362617599,4.362617662,4.362617611,4.362617609,4.362617619,4.362617716,4.36261733,4.362617294,4.36261719,4.36261734,4.362617861,4.36261737,4.362617397,4.3626178
+"13966","S100A2",3.768759976,3.768759974,3.768759977,3.768759977,3.768759988,3.768759967,3.768759972,3.768759986,3.768759965,3.768759973,3.768759983,3.768759966,3.768759982,3.768759969,3.76876,3.768759992,3.768759984,3.768759991,3.76875996,3.768759983,3.768759993,3.768759998,3.768759996,3.768759971,3.768760001,3.768760002,3.768759995,3.768759974
+"13967","S100A3",4.033481798,4.033481775,4.03348184,4.033481816,4.033481853,4.033481802,4.033481842,4.033481841,4.033481853,4.033481821,4.033481857,4.033481872,4.033481797,4.033481795,4.033481854,4.033481838,4.033481879,4.033481867,4.033481823,4.03348182,4.033481863,4.033481836,4.033481783,4.033481823,4.033481838,4.03348186,4.033481783,4.033481854
+"13968","S100A4",8.069739607,8.0697392,8.069739799,8.069739522,8.069739305,8.069739459,8.069739538,8.069739159,8.069739052,8.069739681,8.069739662,8.069738885,8.06973952,8.069739009,8.06973938,8.069738879,8.069739421,8.069739237,8.069739515,8.069739313,8.069739427,8.069739326,8.069739052,8.069739543,8.069739364,8.069739098,8.06973942,8.069738904
+"13969","S100A5",4.848894019,4.848893884,4.848894293,4.848893743,4.848894337,4.848893706,4.848894243,4.8488944,4.848894341,4.848893513,4.848894578,4.848894865,4.848894185,4.848893838,4.848894421,4.84889406,4.848894682,4.848894672,4.848894645,4.848894247,4.848894202,4.848894591,4.848893889,4.848894029,4.848894203,4.848894235,4.848893967,4.848894302
+"13970","S100A6",8.024522688,8.024522862,8.024522785,8.024522906,8.024522588,8.024522779,8.024522726,8.024522727,8.024522729,8.02452287,8.024522812,8.024522549,8.024522721,8.024522723,8.024522766,8.024522867,8.024522776,8.024522869,8.024522767,8.024522933,8.02452278,8.024522804,8.024522815,8.024522898,8.024522786,8.024522652,8.024522635,8.024522829
+"13971","S100A7",4.78851369,4.788513723,4.788513722,4.78851376,4.788513765,4.788513855,4.78851372,4.788513812,4.788513746,4.78851382,4.788513841,4.788513812,4.788513724,4.788513744,4.7885137,4.788513743,4.788513775,4.788513774,4.788513815,4.788513828,4.788513545,4.788513743,4.788513789,4.788513691,4.78851369,4.788513651,4.788513742,4.788513796
+"13972","S100A7A",4.000657623,4.000657658,4.000657635,4.000657669,4.000657664,4.000657682,4.000657625,4.00065767,4.000657606,4.000657647,4.000657612,4.000657677,4.000657621,4.000657661,4.000657591,4.000657667,4.000657679,4.000657622,4.000657657,4.000657642,4.000657598,4.000657639,4.000657656,4.000657667,4.000657628,4.000657661,4.000657669,4.000657643
+"13973","S100A7L2",3.378004831,3.378004869,3.378004847,3.378004897,3.378004857,3.378004912,3.378004937,3.378004871,3.378004911,3.378004872,3.378004929,3.378004916,3.378004864,3.378004851,3.378004914,3.378004911,3.378004913,3.37800491,3.378004914,3.378004886,3.378004913,3.378004902,3.378004842,3.378004861,3.37800489,3.37800486,3.378004853,3.378004852
+"13974","S100A8",7.923228956,7.76618043,8.349778887,8.208857316,7.46642472,8.401431579,8.695188158,7.085871816,8.214658932,8.510056045,8.487547496,7.06162818,7.930411934,8.614166938,7.980437183,8.089266327,8.406724194,8.092532645,8.199735535,8.883940982,9.010484155,7.739958558,8.633803019,8.633901498,8.343813008,7.344023508,7.771159544,8.081935031
+"13975","S100A9",8.793147273,8.792783897,8.793994883,8.793750502,8.792076082,8.794215508,8.794377,8.79156145,8.793264835,8.793744154,8.793927365,8.791104996,8.793269269,8.792165212,8.793051852,8.79311158,8.794122575,8.793545959,8.793547203,8.794204817,8.794174046,8.792660321,8.794081302,8.794277309,8.794287905,8.791442689,8.792661344,8.791709452
+"13976","S100B",4.480090869,4.480092276,4.480092465,4.480091626,4.480092382,4.48009102,4.480091185,4.48009301,4.480091297,4.48009304,4.48009216,4.480092506,4.480091182,4.480092282,4.480090694,4.480092378,4.480092102,4.480091039,4.48009207,4.480091095,4.480091104,4.480092989,4.480091218,4.480094004,4.480092019,4.480092806,4.480090921,4.480091591
+"13977","S100G",2.758605465,2.758605472,2.758605475,2.758605475,2.758605477,2.758605461,2.758605447,2.758605482,2.758605469,2.758605469,2.75860547,2.758605475,2.758605455,2.758605445,2.758605466,2.758605481,2.758605468,2.758605462,2.758605477,2.758605482,2.758605459,2.758605485,2.758605457,2.758605463,2.758605467,2.75860545,2.758605466,2.758605472
+"13978","S100P",5.960675414,5.960675019,5.96067554,5.960675545,5.960675392,5.960674309,5.96067579,5.960675289,5.960673633,5.960674748,5.960676099,5.960675641,5.960674776,5.960674906,5.960675848,5.960675101,5.960675989,5.960675657,5.960675592,5.960674439,5.960675972,5.960675363,5.960674414,5.960675735,5.960676274,5.960675272,5.960674524,5.960675112
+"13979","S100PBP",7.426521886,7.426521415,7.426521039,7.426521051,7.426521136,7.426520937,7.426521634,7.426521226,7.426521423,7.426521554,7.426521108,7.426520744,7.426521435,7.42652171,7.426521485,7.426521174,7.426520342,7.426520889,7.426521666,7.426520656,7.426521245,7.426521102,7.426521672,7.426521664,7.426521156,7.426521201,7.426521748,7.426521294
+"13980","S100Z",6.194711616,6.194711949,6.19471217,6.194711604,6.194711378,6.194711767,6.194712045,6.194711286,6.194711178,6.194711811,6.19471164,6.194711718,6.194711681,6.194711973,6.194711337,6.194711859,6.194711707,6.194711473,6.194712106,6.194712087,6.19471196,6.194711292,6.194711007,6.194711604,6.19471186,6.194712088,6.194712053,6.194711216
+"13981","S1PR1",6.20176682,6.201766601,6.201765408,6.201765312,6.201765925,6.201765991,6.201766041,6.201766196,6.201766873,6.201766518,6.201764999,6.201765847,6.201766198,6.201767404,6.201766298,6.201766163,6.201764627,6.201765553,6.20176613,6.201765458,6.201765724,6.201766276,6.201767012,6.201766509,6.201765222,6.201766266,6.201766385,6.201767341
+"13982","S1PR2",6.854846121,6.854846131,6.854846151,6.854846149,6.854846237,6.854846187,6.854846174,6.854846188,6.854846186,6.854846212,6.854846185,6.854846223,6.854846159,6.854846074,6.854846211,6.85484615,6.854846216,6.854846204,6.854846178,6.854846151,6.854846203,6.854846187,6.854846157,6.854846126,6.854846173,6.854846181,6.854846132,6.854846192
+"13983","S1PR4",8.257743135,8.257744878,8.257743267,8.257744278,8.257742524,8.257743377,8.257742643,8.257743701,8.257744079,8.257743381,8.257743583,8.257742856,8.257743206,8.257742842,8.257742651,8.257744894,8.257743215,8.25774387,8.257743768,8.25774368,8.257742396,8.257743546,8.257744324,8.257743803,8.257743547,8.257742844,8.257743729,8.257743423
+"13984","S1PR5",7.318640754,7.318640631,7.318640693,7.318640488,7.318640539,7.318640633,7.318640677,7.31864081,7.31864055,7.318640555,7.318640677,7.31864057,7.318640688,7.318640535,7.318640777,7.318640672,7.318640653,7.318640552,7.318640531,7.318640592,7.318640674,7.318640759,7.318640714,7.318640676,7.31864057,7.318640693,7.318640676,7.318640578
+"13985","SAA1",3.457317467,3.457317456,3.457317566,3.457317525,3.4573175745,3.457317482,3.4573175065,3.4573175405,3.457317466,3.4573175475,3.457317606,3.4573176095,3.457317537,3.4573174705,3.4573175185,3.4573176085,3.457317592,3.457317638,3.457317529,3.457317571,3.457317556,3.4573175635,3.457317496,3.4573175035,3.4573175165,3.457317639,3.4573175515,3.4573175455
+"13986","SAA2",4.5367392205,4.536739367,4.536739453,4.5367394115,4.536739346,4.536739021,4.5367391585,4.536739438,4.536739152,4.536739474,4.53673941,4.536739342,4.536739414,4.5367392615,4.5367393125,4.5367394225,4.5367393585,4.5367393505,4.536739295,4.5367393705,4.536739155,4.536739269,4.5367393595,4.536739433,4.5367394555,4.5367393,4.5367393725,4.53673929
+"13987","SAA3P",3.687199492,3.687199615,3.68719976,3.687199561,3.687199653,3.687199377,3.687199644,3.687199658,3.68719961,3.687199534,3.687199765,3.687199776,3.687199394,3.687199518,3.687199596,3.68719962,3.687199748,3.687199623,3.687199564,3.687199555,3.687199515,3.687199612,3.687199466,3.687199601,3.687199689,3.687199548,3.687199459,3.687199641
+"13988","SAAL1",5.29768898,5.297688642,5.297688534,5.297688278,5.297688204,5.297688521,5.297688443,5.297688583,5.297688954,5.297688545,5.297688237,5.297688458,5.2976888,5.297689228,5.297688279,5.297688818,5.297688005,5.297688314,5.297688396,5.297688212,5.297688538,5.297688558,5.297688817,5.297688541,5.297687972,5.297688584,5.297688677,5.297688951
+"13989","SAC3D1",7.115792117,7.115792109,7.115792373,7.115792191,7.115792425,7.115792091,7.115792256,7.115792308,7.115792236,7.11579232,7.115792369,7.11579248,7.115792309,7.115791964,7.115792246,7.115792222,7.115792399,7.115792328,7.11579223,7.115792139,7.115792275,7.115792336,7.115792202,7.115792215,7.115792374,7.115792273,7.115792293,7.115792258
+"13990","SACM1L",7.907744094,7.907743941,7.907743527,7.907743394,7.907742607,7.907742225,7.907743688,7.907743214,7.907743666,7.907743198,7.907742792,7.907742058,7.907744048,7.907746674,7.907743365,7.907743394,7.907743009,7.907742801,7.907743799,7.907742959,7.907743601,7.907743204,7.907744376,7.907744168,7.907743033,7.907742938,7.907743598,7.90774566
+"13991","SACS",5.090481344,5.090481301,5.090481089,5.090481076,5.090481085,5.090480993,5.090481291,5.090481061,5.090481315,5.090481242,5.090480978,5.090481114,5.090481205,5.090481725,5.090481247,5.090481141,5.090480926,5.090481002,5.090481228,5.090481081,5.090481125,5.090481087,5.090481488,5.090481244,5.090481022,5.090481159,5.090481292,5.090481582
+"13992","SAE1",8.077218555,8.077218852,8.077218188,8.077218092,8.077218457,8.077218473,8.07721862,8.077218152,8.077219208,8.077218644,8.077217504,8.077218503,8.077218896,8.077219305,8.077218151,8.077218411,8.077217904,8.07721705,8.077218651,8.077217703,8.077218556,8.077218319,8.077219156,8.077218432,8.077217821,8.077218187,8.077218439,8.077218843
+"13993","SAFB",8.361252574,8.36125338,8.361252407,8.361253054,8.361252102,8.361252703,8.361252685,8.361252168,8.361252896,8.361252556,8.361252241,8.361251669,8.361252622,8.361253881,8.361252522,8.361253567,8.361251639,8.361252538,8.361252331,8.361252204,8.361252585,8.361252321,8.361253056,8.361252773,8.361252441,8.361252506,8.361252853,8.361252951
+"13994","SAFB2",7.864328092,7.864328266,7.864327969,7.864328195,7.864327985,7.864327953,7.864328104,7.864327954,7.864328079,7.864328041,7.864327967,7.864327902,7.864328076,7.86432838,7.864327914,7.864328277,7.864327706,7.864327967,7.86432804,7.864328097,7.864327919,7.864327955,7.864328083,7.864327996,7.864327978,7.86432801,7.864328044,7.864328081
+"13995","SAG",4.046139334,4.046139291,4.046139372,4.04613936,4.046139427,4.04613927,4.046139331,4.046139358,4.046139339,4.046139317,4.046139381,4.046139398,4.046139313,4.046139253,4.046139403,4.046139405,4.046139361,4.046139381,4.046139368,4.046139354,4.046139426,4.046139398,4.046139327,4.046139297,4.046139276,4.04613934,4.046139274,4.046139317
+"13996","SAGE1",2.871753568,2.871753654,2.871753595,2.871753614,2.871753627,2.871753617,2.871753607,2.87175362,2.87175357,2.871753608,2.871753626,2.871753594,2.871753506,2.871753562,2.871753627,2.871753687,2.871753667,2.871753615,2.871753581,2.871753595,2.871753579,2.871753581,2.871753599,2.871753585,2.871753529,2.871753572,2.871753591,2.871753601
+"13997","SALL1",6.01872706,6.018727512,6.018727135,6.018727419,6.018727881,6.018727468,6.018727425,6.018727279,6.018727543,6.018727741,6.018727595,6.018727634,6.018727734,6.018727211,6.018727856,6.018727344,6.018727824,6.018727941,6.018727451,6.018727821,6.018727793,6.018727873,6.018727508,6.018727065,6.018727306,6.018727488,6.018727252,6.018727207
+"13998","SALL2",4.813779282,4.813779365,4.813779433,4.813779369,4.813779539,4.813779546,4.813779347,4.813779552,4.813779526,4.813779307,4.813779389,4.813779556,4.813779467,4.813779243,4.813779368,4.813779426,4.81377954,4.813779239,4.813779376,4.813779529,4.813779423,4.813779553,4.813779323,4.813779503,4.81377942,4.813779385,4.813779394,4.813779454
+"13999","SALL3",5.962821919,5.96282193,5.962821943,5.96282193,5.962821943,5.962821924,5.962821933,5.962821949,5.962821938,5.96282194,5.962821939,5.962821934,5.962821945,5.962821916,5.962821943,5.962821938,5.96282195,5.962821951,5.962821938,5.962821933,5.962821947,5.962821943,5.962821924,5.962821924,5.962821945,5.962821953,5.962821927,5.962821938
+"14000","SALL4",4.890553431,4.890553332,4.890553562,4.89055339,4.890553696,4.890553467,4.89055344,4.890553446,4.890553522,4.89055341,4.890553402,4.890553593,4.890553448,4.890553317,4.890553544,4.890553437,4.890553567,4.89055346,4.890553466,4.890553509,4.890553513,4.89055358,4.890553388,4.890553429,4.890553431,4.890553481,4.890553458,4.890553474
+"14001","SAMD1",6.284167638,6.284167616,6.284167799,6.284167688,6.284168246,6.284167981,6.284167805,6.284168016,6.284167921,6.284168097,6.284167616,6.284168204,6.284167775,6.284167537,6.284168315,6.284168047,6.284168324,6.284167868,6.284167844,6.284167899,6.284168031,6.284168109,6.284167639,6.284167486,6.284167809,6.284168051,6.28416752,6.284168015
+"14002","SAMD10",6.415667256,6.415667043,6.415667466,6.415667245,6.415667895,6.415667219,6.415667542,6.415667594,6.415667389,6.415667573,6.415667557,6.415667739,6.415667527,6.41566695,6.415667796,6.415667309,6.415667869,6.415667534,6.415667517,6.415667509,6.41566767,6.415667795,6.415667291,6.415667192,6.415667574,6.415667793,6.415667304,6.415667435
+"14003","SAMD11",6.044081453,6.044081475,6.044081578,6.044081444,6.044081737,6.044081462,6.044081589,6.044081639,6.044081572,6.044081521,6.044081596,6.044081687,6.044081551,6.044081384,6.044081648,6.044081569,6.044081719,6.044081642,6.044081559,6.044081562,6.044081639,6.044081655,6.044081519,6.044081484,6.044081619,6.044081635,6.044081441,6.044081586
+"14004","SAMD12",4.107930057,4.107930662,4.107930203,4.107930238,4.107930262,4.107929818,4.107929848,4.107930119,4.107930457,4.107930373,4.107930033,4.107930518,4.107930273,4.107930351,4.107930185,4.107930602,4.107930061,4.107930267,4.107930173,4.107930073,4.107929973,4.10793027,4.107930305,4.107930334,4.107930066,4.107930704,4.107930274,4.107930431
+"14005","SAMD13",3.330549677,3.330549683,3.33054983,3.330549714,3.33054972,3.330549723,3.330549824,3.330549749,3.330549748,3.330549796,3.330549758,3.330549772,3.330549689,3.330549655,3.330549805,3.330549729,3.330549833,3.330549829,3.330549836,3.330549709,3.330549776,3.330549801,3.330550014,3.330549705,3.330549863,3.330549747,3.330549799,3.330549788
+"14006","SAMD14",5.705857253,5.705857341,5.705857378,5.705857262,5.705857445,5.705857354,5.705857387,5.705857437,5.705857347,5.705857359,5.705857445,5.705857426,5.705857332,5.705857209,5.705857407,5.705857308,5.705857442,5.7058574,5.705857377,5.705857314,5.705857398,5.705857403,5.70585727,5.705857298,5.705857405,5.705857385,5.705857328,5.705857331
+"14007","SAMD15",3.665998247,3.665998227,3.665998262,3.665998313,3.665998334,3.665998207,3.665998277,3.665998326,3.665998211,3.665998214,3.665998325,3.665998351,3.665998281,3.665998267,3.665998282,3.665998318,3.665998317,3.665998381,3.665998286,3.665998244,3.665998299,3.665998281,3.665998273,3.665998334,3.665998339,3.665998278,3.665998255,3.665998307
+"14008","SAMD3",6.548116002,6.548113793,6.548114501,6.548112697,6.548114043,6.548114186,6.548115095,6.548115046,6.548114818,6.548114405,6.548113467,6.548113209,6.548115093,6.548115777,6.548115325,6.548113534,6.548113607,6.548112881,6.548114199,6.548113685,6.548115097,6.548115,6.548115424,6.548114797,6.548113894,6.548114544,6.548115065,6.548114787
+"14009","SAMD4A",4.923901024,4.923901016,4.923901051,4.923901017,4.923901041,4.923901122,4.923901077,4.923901057,4.923901065,4.923901073,4.923900969,4.923901055,4.923901031,4.923901054,4.923901039,4.923901043,4.923901052,4.923901053,4.923901005,4.923901076,4.923901069,4.923901076,4.923901019,4.92390104,4.923901034,4.923901047,4.923901065,4.923901051
+"14010","SAMD4B",6.77169472,6.771694724,6.771694716,6.771694736,6.771694723,6.771694729,6.771694734,6.771694731,6.771694725,6.771694711,6.771694737,6.771694725,6.77169472,6.771694702,6.771694719,6.771694732,6.771694719,6.771694742,6.771694729,6.771694717,6.771694729,6.771694724,6.771694714,6.771694723,6.771694747,6.771694724,6.771694721,6.7716947
+"14011","SAMD5",4.501397074,4.50139711,4.501397119,4.501397048,4.501397351,4.501397125,4.501397055,4.501397051,4.501397219,4.501397247,4.501397227,4.501397243,4.501397045,4.501396992,4.501397312,4.501397182,4.501397356,4.501397184,4.501397124,4.501397272,4.501397169,4.501397081,4.501397099,4.50139712,4.501397084,4.501397064,4.501396919,4.501396972
+"14012","SAMD7",3.883021884,3.883021956,3.883022083,3.883021904,3.883022049,3.883021872,3.88302203,3.883022002,3.883022055,3.883021953,3.883022086,3.883022237,3.883021883,3.883021824,3.883022098,3.883022015,3.883022118,3.883022144,3.88302203,3.88302207,3.88302209,3.883022119,3.88302194,3.883021828,3.883022085,3.883021997,3.883021964,3.883022097
+"14013","SAMD8",7.6350141,7.635014309,7.63501399,7.635014305,7.635013882,7.635014043,7.635014039,7.635014003,7.63501405,7.635014043,7.635014043,7.635013702,7.635014061,7.635014245,7.635014063,7.635014218,7.635013975,7.635014093,7.635013999,7.635014309,7.635014036,7.635013899,7.635014212,7.635014299,7.635014182,7.63501377,7.635014123,7.635013984
+"14014","SAMD9",6.3852885,6.38523707,6.385260883,6.385172903,6.385264828,6.385274351,6.385262077,6.385155804,6.385224586,6.385226682,6.385228477,6.385112192,6.385217838,6.385464782,6.385259579,6.385176907,6.385282048,6.385222594,6.385323315,6.38525157,6.385284794,6.385267845,6.385275919,6.385210398,6.385211659,6.385134699,6.385160164,6.385453338
+"14015","SAMD9L",7.795880388,7.797185249,7.370422518,7.219472124,7.708899624,8.892509373,7.71819369,7.24241998,7.633561522,7.45056513,7.323335049,6.402933498,7.590995691,7.890011806,7.700281535,7.689224244,7.330114694,7.108685464,8.01616428,8.897044482,7.754345413,7.604156875,7.81208763,7.557479512,7.423720553,6.841037443,7.52295172,7.716082678
+"14016","SAMHD1",10.16967229,10.14474097,9.791456067,9.572526844,10.02773439,10.39956843,9.858207698,9.664568354,9.917655922,10.0405698,9.677764237,9.542685062,10.07561885,10.42719154,9.984893889,9.877537098,9.670488317,9.407037519,9.919667207,10.54502358,9.982332584,9.747555629,9.932650566,9.939526035,9.602998545,9.727289204,10.04372491,10.01084185
+"14017","SAMM50",6.767780402,6.767780406,6.767780291,6.767780022,6.76778022,6.767780174,6.76778035,6.767780105,6.767780356,6.767780305,6.767780041,6.767780218,6.767780329,6.767780545,6.767780104,6.767780354,6.767779945,6.767779788,6.767780292,6.767780284,6.767780175,6.767780161,6.76778036,6.76778029,6.767780064,6.767780181,6.767780272,6.767780287
+"14018","SAMSN1",4.670478487,4.67047833,4.67047827,4.670478401,4.6704782,4.670478305,4.670478361,4.670478114,4.670478251,4.670478386,4.670478372,4.670478224,4.670478305,4.670478488,4.670478305,4.670478324,4.670478216,4.670478251,4.670478379,4.670478357,4.670478289,4.670478124,4.670478326,4.670478451,4.670478289,4.67047825,4.670478241,4.670478431
+"14019","SANBR",4.979781146,4.979781155,4.979781133,4.979781139,4.979781129,4.979781123,4.97978112,4.979781127,4.979781112,4.979781109,4.979781152,4.979781117,4.97978115,4.979781171,4.979781133,4.979781164,4.979781119,4.979781106,4.97978115,4.979781151,4.979781129,4.979781118,4.979781116,4.979781143,4.979781158,4.979781095,4.979781151,4.979781122
+"14020","SAP130",7.761070879,7.761070973,7.76107097,7.761071016,7.761070844,7.761071169,7.761070935,7.761070905,7.761070924,7.761070919,7.761070969,7.761070932,7.761070977,7.761070928,7.761070914,7.761070951,7.761070756,7.761070991,7.761070954,7.761071061,7.761070815,7.761070842,7.761070994,7.761071033,7.761071045,7.76107098,7.761070996,7.76107094
+"14021","SAP18",7.296383822,7.296383766,7.296383706,7.296383525,7.29638337,7.296383844,7.29638368,7.296383478,7.296383963,7.296383854,7.296383493,7.296383377,7.296383706,7.296384065,7.296383729,7.296383525,7.296383481,7.296383456,7.296383635,7.296384148,7.29638362,7.296383532,7.296384021,7.296383916,7.296383271,7.296383624,7.296383699,7.296383818
+"14022","SAP30",7.168845636,7.168845803,7.168845737,7.168845515,7.168846083,7.168845888,7.16884598,7.16884598,7.168845721,7.168845792,7.168845801,7.168845959,7.168845708,7.168845189,7.168845823,7.168845681,7.168846022,7.16884585,7.16884586,7.168845778,7.168845857,7.168846059,7.168845684,7.168845534,7.168845711,7.168845944,7.168845821,7.168845561
+"14023","SAP30BP",6.714402615,6.7144027,6.714402462,6.714402764,6.714402233,6.714402517,6.714402525,6.71440245,6.714402555,6.714402478,6.714402413,6.714402056,6.714402594,6.71440276,6.714402339,6.714402629,6.714402113,6.714402574,6.714402583,6.714402441,6.714402461,6.714402316,6.714402531,6.71440265,6.714402466,6.71440253,6.714402569,6.7144024
+"14024","SAP30L",6.634387538,6.634387542,6.634387539,6.634387532,6.634387537,6.634387527,6.634387526,6.63438753,6.634387542,6.634387531,6.634387551,6.634387508,6.634387549,6.634387546,6.634387522,6.634387531,6.63438754,6.634387538,6.634387536,6.634387538,6.634387532,6.634387526,6.634387541,6.634387549,6.634387554,6.634387526,6.634387549,6.634387536
+"14025","SAPCD2",6.099729853,6.099729914,6.099730213,6.099729928,6.099730208,6.099730103,6.099730089,6.099730013,6.09973004,6.099730138,6.099730168,6.09973016,6.099729921,6.099729616,6.099730095,6.099729982,6.099730249,6.099730047,6.099729926,6.099729975,6.099729997,6.099730171,6.099729813,6.099729848,6.099730061,6.099730041,6.099730099,6.099729913
+"14026","SAR1A",8.341710127,8.341710105,8.34170999,8.341710009,8.341709979,8.341710048,8.341709924,8.341710113,8.341710038,8.341710053,8.341709879,8.341709828,8.341709944,8.341710073,8.341709997,8.341710055,8.34170994,8.341709776,8.34171014,8.3417099,8.341709828,8.341710056,8.341710099,8.341710137,8.341709885,8.341709917,8.341709955,8.341709949
+"14027","SAR1B",6.014700551,6.01470057,6.014700546,6.01469986,6.014699298,6.014699573,6.014700263,6.014699245,6.014699882,6.014700289,6.014699764,6.014699596,6.014700421,6.014701649,6.014699883,6.014700165,6.014699782,6.014699439,6.014699934,6.014699544,6.014699906,6.014699713,6.014700426,6.01470014,6.01469971,6.014699646,6.014700144,6.014701232
+"14028","SARAF",9.630840697,9.630841245,9.630839665,9.630840608,9.630839751,9.630839245,9.630839587,9.630840235,9.630840773,9.630840314,9.630839483,9.630839606,9.630840561,9.630842593,9.63084012,9.630840397,9.630839309,9.630840044,9.630840334,9.630839747,9.630839724,9.630839972,9.630840947,9.630840539,9.630839291,9.630840409,9.630840388,9.630841484
+"14029","SARDH",5.894341768,5.894341776,5.894341779,5.894341764,5.894341788,5.894341772,5.894341773,5.894341786,5.894341767,5.894341773,5.894341774,5.89434178,5.894341781,5.894341755,5.894341786,5.894341778,5.894341774,5.894341784,5.894341776,5.894341772,5.894341774,5.894341793,5.894341769,5.894341751,5.894341775,5.89434177,5.894341758,5.894341776
+"14030","SARM1",6.36572704,6.365727037,6.365727047,6.365727025,6.365727023,6.365727029,6.365727043,6.365727032,6.365727039,6.365727037,6.36572701,6.36572706,6.365727013,6.365727005,6.365727015,6.365727014,6.365727024,6.365727032,6.365727023,6.365727039,6.36572702,6.365727037,6.365727044,6.365727017,6.365727036,6.365727016,6.365727044,6.365727034
+"14031","SARNP",5.839470835,5.839470776,5.839470725,5.839470839,5.839470697,5.839470788,5.839470787,5.839470799,5.83947075,5.839470776,5.839470757,5.839470761,5.839470786,5.839470804,5.839470744,5.839470727,5.839470723,5.839470782,5.839470762,5.839470799,5.839470757,5.839470724,5.839470769,5.839470763,5.839470769,5.839470743,5.83947082,5.83947079
+"14032","SARS1",8.437902195,8.437902625,8.437900977,8.437901538,8.437900988,8.437901728,8.437901366,8.437901397,8.437901846,8.437901656,8.437901138,8.437900857,8.437902246,8.437903167,8.437901503,8.437902038,8.437900293,8.437900896,8.437901747,8.437901963,8.437901445,8.437901485,8.437901976,8.437901828,8.437900666,8.437901729,8.437902115,8.437901978
+"14033","SARS2",5.775719601,5.775719569,5.775719667,5.77571963,5.775719677,5.775719772,5.775719679,5.775719678,5.775719639,5.775719696,5.775719525,5.775719716,5.7757196,5.775719572,5.775719686,5.775719649,5.775719663,5.775719553,5.775719593,5.775719805,5.775719693,5.775719664,5.77571965,5.775719591,5.775719418,5.775719644,5.775719614,5.775719679
+"14034","SART1",7.401410896,7.40141123,7.401410533,7.401411006,7.401410853,7.40141114,7.401410999,7.401410648,7.401411099,7.401410795,7.401411041,7.401410407,7.401411036,7.401411243,7.401410744,7.401411276,7.401410481,7.401410837,7.401410922,7.401411164,7.401410593,7.401410752,7.401411053,7.40141098,7.40141057,7.401410706,7.401411019,7.401410838
+"14035","SART3",7.216906797,7.216906802,7.21690569,7.216905553,7.216906056,7.216906304,7.216906188,7.216905974,7.216906527,7.216906362,7.216905326,7.216905991,7.216906383,7.216907523,7.216906395,7.216906543,7.216905562,7.216905596,7.216906089,7.216905249,7.216906115,7.216905807,7.216906749,7.216906343,7.21690568,7.216906377,7.216906392,7.216906692
+"14036","SASH1",5.142825203,5.142825164,5.142825257,5.142825137,5.142825224,5.142825119,5.14282513,5.142825217,5.142825231,5.142825246,5.142825209,5.14282511,5.142825222,5.142825181,5.142825228,5.142825245,5.142825271,5.142825194,5.142825109,5.14282514,5.142825237,5.142825246,5.142825146,5.14282518,5.142825211,5.14282523,5.142825132,5.142825159
+"14037","SASH3",8.125086241,8.1250863,8.12508625,8.125086297,8.125086232,8.125086475,8.125086257,8.125086232,8.125086245,8.125086322,8.125086242,8.125086069,8.125086338,8.125086273,8.125086228,8.125086249,8.125086223,8.125086238,8.125086203,8.12508643,8.125086197,8.125086197,8.125086301,8.125086301,8.125086266,8.125086123,8.125086338,8.125086216
+"14038","SASS6",4.208673815,4.208673656,4.208674068,4.208673865,4.208673709,4.208673437,4.208673874,4.208673424,4.208673944,4.208673545,4.208673825,4.208673639,4.208673935,4.208674337,4.208673828,4.208673556,4.208673679,4.208673832,4.208673836,4.208673664,4.208673993,4.208673963,4.208674213,4.208674069,4.208673797,4.208673514,4.208673817,4.208674155
+"14039","SAT1",8.792958665,8.794481818,8.793295646,8.796150033,8.790514332,8.795729787,8.792310269,8.7899316,8.790831723,8.792450729,8.794036476,8.78291466,8.792485493,8.795604133,8.790407972,8.795331789,8.792352159,8.794083143,8.793083718,8.798826808,8.794450676,8.790374208,8.792400252,8.795023371,8.793268455,8.789170311,8.791642059,8.790203337
+"14040","SAT2",6.688996934,6.688996916,6.68899683,6.688996709,6.688996902,6.688996863,6.688996853,6.688996884,6.688996805,6.688997015,6.688996809,6.688996804,6.688996935,6.688996923,6.688996855,6.688996932,6.688996873,6.688996773,6.688996882,6.688996937,6.688996862,6.688996872,6.688996748,6.688996864,6.688996781,6.688996855,6.68899687,6.688996876
+"14041","SATB1",8.656206997,8.652852473,8.647006003,8.649782316,8.648918205,8.647844815,8.648840369,8.653740247,8.662481034,8.65529248,8.64277609,8.656923869,8.656348824,8.664013028,8.651809078,8.646503638,8.642536647,8.64839441,8.651449819,8.646269226,8.647581726,8.6540463,8.659455249,8.65246117,8.64408448,8.659143196,8.657147143,8.659086206
+"14042","SATB2",4.648259199,4.648259164,4.648259255,4.648259187,4.648259304,4.648259186,4.648259212,4.648259295,4.648259148,4.648259181,4.648259232,4.64825927,4.648259131,4.648259085,4.648259236,4.648259211,4.648259248,4.64825922,4.648259249,4.648259265,4.648259204,4.648259247,4.648259242,4.648259145,4.648259179,4.648259224,4.648259201,4.648259234
+"14043","SATB2-AS1",4.090488716,4.090488743,4.09048878,4.090488733,4.090488811,4.090488744,4.090488779,4.09048875,4.090488774,4.090488776,4.090488769,4.090488803,4.090488695,4.090488712,4.090488781,4.090488738,4.090488817,4.090488808,4.090488784,4.090488745,4.090488782,4.090488749,4.09048873,4.090488737,4.090488751,4.090488756,4.090488707,4.090488684
+"14044","SATL1",3.163993224,3.163993375,3.163993579,3.163993268,3.163993458,3.163993218,3.163993241,3.163993405,3.163993356,3.163993479,3.16399336,3.163993553,3.163993478,3.163993171,3.163993338,3.163993456,3.163993426,3.16399327,3.163993384,3.163993342,3.163993275,3.16399344,3.163993398,3.163993183,3.163993352,3.16399324,3.163993312,3.163993347
+"14045","SAV1",5.523789491,5.523788386,5.523788266,5.523789432,5.52378871,5.523788144,5.523788458,5.523788299,5.523788446,5.523789417,5.523788529,5.523788077,5.523788291,5.523790327,5.523789433,5.523788342,5.523788351,5.523789793,5.523788673,5.523788141,5.523788735,5.523788532,5.523788401,5.523789731,5.523788753,5.523789074,5.523788283,5.523790252
+"14046","SAXO1",3.709982977,3.709983031,3.709983149,3.709982946,3.70998313,3.709982896,3.709982992,3.709983154,3.709983009,3.709983088,3.709982874,3.709983199,3.709983001,3.709982809,3.709983122,3.709983144,3.709983145,3.709983151,3.709982952,3.70998305,3.709983132,3.709983216,3.70998303,3.709982852,3.709983069,3.709982854,3.709982883,3.709983195
+"14047","SAXO2",4.652976552,4.652976699,4.652976314,4.652976356,4.652976571,4.652976501,4.652976918,4.652976961,4.652978856,4.652977242,4.652976513,4.652976725,4.652976326,4.652976769,4.652977179,4.65297659,4.652976992,4.652976438,4.652976798,4.652976599,4.652976727,4.652977327,4.652978969,4.652976972,4.652976514,4.652976392,4.652976418,4.652977225
+"14048","SAYSD1",6.215043908,6.215043865,6.215043906,6.21504376,6.215043896,6.215043858,6.215043788,6.215043845,6.215043985,6.215043931,6.215043883,6.2150438,6.215043911,6.215044042,6.215043837,6.215043849,6.215043812,6.215043777,6.215043878,6.215043774,6.215043833,6.215043854,6.215043943,6.215043922,6.215043916,6.215043843,6.215043799,6.215043934
+"14049","SBDS",6.479685968,6.479685834,6.479685617,6.47968559,6.479685807,6.479685734,6.479685762,6.479685564,6.479686103,6.479685955,6.479685476,6.479685778,6.479685982,6.479686316,6.479685933,6.479685412,6.47968592,6.479685294,6.479685786,6.479685856,6.479685866,6.479685882,6.479685729,6.479685982,6.479685172,6.479685983,6.47968588,6.479686027
+"14050","SBF1",7.528854376,7.528854395,7.528854362,7.528854379,7.528854365,7.528854409,7.528854373,7.52885439,7.528854406,7.528854425,7.528854372,7.528854415,7.528854396,7.528854369,7.528854357,7.528854386,7.52885438,7.528854374,7.528854376,7.528854402,7.528854344,7.528854387,7.528854394,7.528854392,7.528854363,7.528854396,7.528854398,7.528854371
+"14051","SBF2",7.208668814,7.208669158,7.208667331,7.208669719,7.208666985,7.20866961,7.208668404,7.208666916,7.20866767,7.208668016,7.208668239,7.20866621,7.20866804,7.208668701,7.208667694,7.208668818,7.208666904,7.208668685,7.208668553,7.208670263,7.208667913,7.208666906,7.208668382,7.208668882,7.208668757,7.20866686,7.208667316,7.208667651
+"14052","SBK1",6.79309752,6.793097506,6.793097543,6.793097501,6.793097566,6.793097533,6.793097537,6.793097565,6.793097547,6.793097553,6.79309755,6.793097564,6.79309754,6.793097502,6.793097562,6.793097515,6.793097573,6.793097557,6.793097537,6.793097532,6.793097555,6.793097558,6.793097526,6.793097514,6.793097535,6.793097551,6.793097528,6.79309753
+"14053","SBK2",5.744404444,5.744404438,5.744404563,5.744404475,5.744404612,5.744404522,5.74440452,5.744404516,5.744404395,5.744404509,5.744404495,5.744404526,5.744404495,5.744404378,5.744404532,5.744404528,5.744404614,5.744404528,5.744404547,5.744404426,5.744404582,5.744404548,5.744404391,5.744404401,5.7444045,5.74440452,5.744404501,5.744404557
+"14054","SBNO1",7.504882986,7.504883131,7.504882682,7.50488303,7.50488246,7.504882048,7.504882758,7.50488252,7.504882824,7.504882675,7.504882514,7.504882161,7.50488268,7.50488372,7.504882711,7.504883169,7.504882174,7.504882427,7.504882955,7.504882453,7.504882645,7.504882321,7.504883037,7.504882904,7.5048825,7.504882576,7.504882828,7.504883165
+"14055","SBNO2",7.706976078,7.706976642,7.70697624,7.706976984,7.706975939,7.70697723,7.706976395,7.70697642,7.706976398,7.706976268,7.706976411,7.706975658,7.70697642,7.706975788,7.706976333,7.70697636,7.706976539,7.706977087,7.706976245,7.706976981,7.706976047,7.706976555,7.706976524,7.706976551,7.706976741,7.706975802,7.706976355,7.706975781
+"14056","SBSN",4.967568705,4.967568533,4.967568711,4.967568704,4.967569547,4.967568662,4.967569212,4.967569242,4.967569014,4.967568851,4.967568888,4.967569614,4.96756887,4.967568655,4.967569255,4.967569119,4.967569721,4.967569214,4.967569049,4.967568819,4.967569289,4.967569103,4.967568907,4.967568977,4.967569191,4.967568806,4.967569084,4.967568777
+"14057","SBSPON",5.261920253,5.2619203,5.261920396,5.261920275,5.261920432,5.261920321,5.261920243,5.261920404,5.261920369,5.261920317,5.261920415,5.26192044,5.26192029,5.26192018,5.261920382,5.261920272,5.261920506,5.26192043,5.261920384,5.261920347,5.261920386,5.261920484,5.261920349,5.261920289,5.261920374,5.261920431,5.261920285,5.261920375
+"14058","SC5D",4.616218606,4.61621852,4.616218331,4.616217985,4.616218205,4.616218209,4.616218373,4.616218188,4.616218418,4.616218394,4.616217954,4.616218052,4.616218446,4.616219087,4.616218456,4.616218326,4.616218023,4.616217985,4.616218415,4.61621799,4.616218372,4.616218303,4.616218712,4.616218362,4.616218072,4.616218337,4.616218381,4.616218895
+"14059","SCAF1",6.597779989,6.597780006,6.597780016,6.597780007,6.597780078,6.597780057,6.597780058,6.597780093,6.597780016,6.597780031,6.597780059,6.597780062,6.597780048,6.597779945,6.597780059,6.597779999,6.597780104,6.59778004,6.597780054,6.597780052,6.597780069,6.597780046,6.59777999,6.597779966,6.597780003,6.597780015,6.597780025,6.597780022
+"14060","SCAF11",7.302805409,7.302805032,7.302804845,7.302805192,7.302804648,7.302804682,7.302805029,7.302804253,7.302804493,7.302804189,7.302804721,7.302803928,7.30280499,7.302805949,7.302805002,7.302804461,7.302804337,7.302804948,7.30280538,7.302804452,7.302804896,7.302804677,7.302805064,7.302804831,7.302805237,7.302804637,7.302804824,7.302805293
+"14061","SCAF4",7.460760137,7.460760061,7.460760048,7.460760134,7.460759826,7.460760309,7.460760116,7.460760106,7.460760126,7.460760239,7.460759988,7.460760071,7.460760168,7.460760289,7.460760017,7.460759905,7.460759904,7.460759902,7.460760044,7.460759991,7.460760059,7.460759984,7.460760151,7.460760161,7.460760107,7.460760165,7.460760208,7.460759985
+"14062","SCAF8",8.025654775,8.025654644,8.025654613,8.025654624,8.0256545,8.025654718,8.025654716,8.025654489,8.02565459,8.02565463,8.025654518,8.025654466,8.02565473,8.025654709,8.02565463,8.025654398,8.025654422,8.025654501,8.025654675,8.02565448,8.025654695,8.025654483,8.025654603,8.025654604,8.025654543,8.025654568,8.025654751,8.025654577
+"14063","SCAI",5.826949274,5.826948126,5.826948231,5.826948424,5.826948283,5.826947988,5.82694805,5.826948609,5.826949408,5.82694885,5.826948033,5.826948815,5.826949125,5.826949833,5.826948848,5.826948693,5.826947926,5.826947864,5.826948773,5.826947742,5.826948338,5.826948775,5.826949401,5.826948792,5.826948099,5.826948782,5.82694903,5.826948999
+"14064","SCAMP1",6.683211276,6.683210982,6.683210752,6.683210739,6.683210749,6.683210604,6.683210925,6.68321047,6.68321083,6.683210666,6.683210764,6.683210414,6.683210903,6.683211425,6.683210891,6.683210927,6.683210623,6.683210428,6.683211026,6.683210711,6.683210767,6.683210517,6.683211012,6.683210951,6.683210864,6.683210634,6.683210803,6.683211176
+"14065","SCAMP2",8.418008758,8.418008721,8.418008626,8.418008616,8.418008597,8.41800908,8.418008496,8.41800866,8.418008641,8.418008939,8.418008395,8.41800823,8.418008699,8.418008722,8.418008586,8.418008417,8.418008094,8.418008423,8.418008611,8.418008667,8.418008304,8.418008614,8.418008561,8.418008836,8.418008321,8.418008313,8.418008781,8.418008431
+"14066","SCAMP3",6.983357098,6.983357102,6.983357065,6.983356933,6.983357054,6.983357159,6.98335703,6.983357117,6.983357144,6.9833571,6.983356915,6.983357012,6.983357066,6.983357212,6.983357074,6.983357104,6.983356946,6.983357002,6.983357042,6.983357081,6.983356987,6.983357072,6.983357154,6.983357105,6.983356887,6.98335709,6.983357171,6.983357137
+"14067","SCAMP5",5.63283296,5.63283293,5.632833009,5.632833013,5.632833042,5.632832953,5.632832935,5.632832914,5.632832938,5.632832955,5.632832975,5.632833093,5.632832957,5.632832844,5.632832936,5.632832948,5.632833018,5.632832992,5.632832991,5.632832925,5.632832989,5.632832986,5.632832916,5.632832935,5.632832962,5.632833013,5.63283291,5.632832941
+"14068","SCAND1",6.10314061,6.103140651,6.103140679,6.103140571,6.103140654,6.103140715,6.103140659,6.103140666,6.103140675,6.103140693,6.10314066,6.103140604,6.103140611,6.103140567,6.103140642,6.103140601,6.103140647,6.103140607,6.103140628,6.103140695,6.103140648,6.103140677,6.103140645,6.103140636,6.103140631,6.103140642,6.103140633,6.103140624
+"14069","SCAND2P",6.389113488,6.389113375,6.389112621,6.389112772,6.389112838,6.389112727,6.389112905,6.389112714,6.389113097,6.38911314,6.3891125,6.389112662,6.3891132,6.389113359,6.389112892,6.389113223,6.389112301,6.389112729,6.389113256,6.389112893,6.389112657,6.389112818,6.389113286,6.389113089,6.389112883,6.389113116,6.389113403,6.389112945
+"14070","SCAP",7.616255482,7.61625569,7.61625563,7.616255729,7.616255494,7.616255719,7.616255577,7.616255672,7.616255603,7.616255531,7.616255555,7.616255551,7.616255623,7.616255538,7.616255525,7.616255684,7.616255607,7.616255634,7.616255502,7.616255655,7.616255537,7.616255681,7.616255605,7.616255625,7.616255583,7.616255588,7.616255612,7.616255481
+"14071","SCAPER",6.292921771,6.292921564,6.292921375,6.292921332,6.292921476,6.292921445,6.292921476,6.292921457,6.292921594,6.292921514,6.292921222,6.292921263,6.292921781,6.292921966,6.29292166,6.292921596,6.292921287,6.292921318,6.292921671,6.292921395,6.292921424,6.292921556,6.292921618,6.29292161,6.29292133,6.29292141,6.29292177,6.292921822
+"14072","SCARA3",5.564019621,5.564019587,5.564019672,5.564019611,5.564020052,5.564019639,5.564019777,5.564019891,5.564019714,5.564019729,5.564019984,5.564019969,5.564019551,5.564019141,5.564019862,5.564019865,5.564019987,5.564019874,5.564019694,5.564019716,5.564019627,5.564019811,5.564019405,5.564019551,5.564019787,5.56401976,5.56401965,5.564019813
+"14073","SCARA5",5.155360817,5.15536087,5.155360924,5.155360877,5.155360979,5.155360787,5.155360889,5.15536097,5.155360885,5.155360896,5.155360922,5.155360975,5.1553609,5.155360784,5.155360906,5.155360925,5.155360977,5.155360937,5.155360923,5.155360868,5.155360956,5.15536098,5.155360891,5.155360819,5.15536097,5.155360922,5.155360786,5.155360951
+"14074","SCARB1",5.843839426,5.843839314,5.843839309,5.843839519,5.843839508,5.843839297,5.843839532,5.84383936,5.843839305,5.843839469,5.843839344,5.843839333,5.843839389,5.8438393,5.843839418,5.843839439,5.843839415,5.843839342,5.843839492,5.843839296,5.843839478,5.84383942,5.843839333,5.843839388,5.843839247,5.843839433,5.843839395,5.843839361
+"14075","SCARB2",6.241373539,6.241373547,6.241373529,6.24137348,6.241373522,6.241373561,6.241373522,6.241373415,6.241373463,6.24137353,6.241373521,6.241373442,6.24137355,6.241373603,6.241373509,6.241373496,6.24137348,6.241373428,6.24137349,6.241373578,6.241373493,6.241373452,6.241373454,6.241373556,6.241373487,6.241373476,6.241373548,6.241373511
+"14076","SCARF1",7.056872854,7.056873008,7.056872989,7.056874171,7.05687221,7.056875928,7.056873532,7.056873531,7.056873408,7.056873052,7.05687253,7.05687301,7.056873522,7.056871844,7.056873059,7.056872457,7.056873135,7.056873764,7.05687232,7.05687595,7.056873317,7.05687389,7.056874017,7.056873074,7.056872488,7.056872569,7.056873292,7.056872244
+"14077","SCARF2",6.687049707,6.687049593,6.68704987,6.687049675,6.687050043,6.687049749,6.687049826,6.687049882,6.687049689,6.687049869,6.687049929,6.687050024,6.687049656,6.687049508,6.687049916,6.687049649,6.687049919,6.687049874,6.687049851,6.687049782,6.687049938,6.687049909,6.687049729,6.687049498,6.687049761,6.687049778,6.687049727,6.687049767
+"14078","SCARNA1",4.072968428,4.072968361,4.072968416,4.072968368,4.072968267,4.072968282,4.072968375,4.072968339,4.072968369,4.072968393,4.072968347,4.072968241,4.072968402,4.072968408,4.072968274,4.072968373,4.072968438,4.07296824,4.072968325,4.072968432,4.072968329,4.072968359,4.072968372,4.072968374,4.072968388,4.072968416,4.072968402,4.072968421
+"14079","SCARNA10",8.295766452,6.499120876,7.951119489,7.155591809,6.415889715,7.301737525,8.033629969,6.481316502,7.868459288,7.876286964,7.898462647,7.326909631,7.472605966,6.814737443,7.650188183,7.181746313,8.324849826,6.949860183,7.424445901,7.764220231,8.118966437,6.435119452,8.137764047,7.712551476,7.907789851,7.111256966,6.623157509,6.987748686
+"14080","SCARNA11",5.796469965,5.796469972,5.796469988,5.796469987,5.796469984,5.796469905,5.79646996,5.796470038,5.796470003,5.796469935,5.796469973,5.796470031,5.796469883,5.796469868,5.796470002,5.796470084,5.796470032,5.796469941,5.796470046,5.796469964,5.796469965,5.796469948,5.796469924,5.796469977,5.796469976,5.796470018,5.796469948,5.796469912
+"14081","SCARNA12",7.477100158,7.47709929,7.477100329,7.477099342,7.477099149,7.477099613,7.477100071,7.477099505,7.477100562,7.477100231,7.477100129,7.477099798,7.477099906,7.477099628,7.477099891,7.477099355,7.477100314,7.477099419,7.477099778,7.477099685,7.477100084,7.477099477,7.477100566,7.477099937,7.477100181,7.477099871,7.477099841,7.477099734
+"14082","SCARNA14",2.997445736,2.997445712,2.997445714,2.997445718,2.997445727,2.997445709,2.997445725,2.997445723,2.997445708,2.997445716,2.99744572,2.997445764,2.997445726,2.997445731,2.997445725,2.997445715,2.99744573,2.997445715,2.997445725,2.997445703,2.997445721,2.997445728,2.997445711,2.997445724,2.997445714,2.997445724,2.997445718,2.99744574
+"14083","SCARNA17",11.44815745,11.51550058,10.9373818,10.96727717,11.083549105,11.176995055,11.29839204,11.353414465,11.574511185,11.28055426,10.944676235,11.117904885,11.37571969,11.682511785,11.2967061,11.48385539,10.92228292,10.977532005,11.232416895,11.128217985,11.29643194,11.371503685,11.603870705,11.28671128,11.06950768,11.185842965,11.373451245,11.581114135
+"14084","SCARNA22",5.352222148,5.352222014,5.352222161,5.352222171,5.352222154,5.352222132,5.352222149,5.35222216,5.35222214,5.35222219,5.352222166,5.352222196,5.35222213,5.352222105,5.352222149,5.352222149,5.352222206,5.352222174,5.352222145,5.352222183,5.352222201,5.352222145,5.35222215,5.352222143,5.352222156,5.352222141,5.352222147,5.35222213
+"14085","SCARNA23",2.882334225,2.882334161,2.882334247,2.882334206,2.882334245,2.882334165,2.882334226,2.882334196,2.88233429,2.882334223,2.882334208,2.882334251,2.882334223,2.882334166,2.882334193,2.882334242,2.882334238,2.882334226,2.882334247,2.882334202,2.882334166,2.882334221,2.882334196,2.882334204,2.882334227,2.882334266,2.882334272,2.882334201
+"14086","SCARNA4",3.878438061,3.87843807,3.878438089,3.878438089,3.878438101,3.878438102,3.87843808,3.878438107,3.878438121,3.878438053,3.878438129,3.878438077,3.878438077,3.878438142,3.878438095,3.878438099,3.878438129,3.878438125,3.878438091,3.878438103,3.878438087,3.878438072,3.878438085,3.878438067,3.878438132,3.878438125,3.87843809,3.878438098
+"14087","SCARNA5",7.611724203,7.611720101,7.611723095,7.611720634,7.611720347,7.61172055,7.611722927,7.611719959,7.611723724,7.611722657,7.611721822,7.611721801,7.611721908,7.611721047,7.611722981,7.611721167,7.611724459,7.611719971,7.611721558,7.611720495,7.611722404,7.611719701,7.61172409,7.61172206,7.611721655,7.611720774,7.611720862,7.611721147
+"14088","SCARNA6",8.152885987,7.106790107,7.803708123,7.194421489,7.021652802,7.211071795,7.830168157,7.142037258,8.379335687,8.01266456,7.416242634,7.474776337,7.851748539,7.561246536,7.830696983,7.32539826,8.183676023,7.083572467,7.343167882,7.549432599,7.780300449,6.991676912,8.402564138,7.855275974,7.55307126,7.420571408,7.49100698,7.702366731
+"14089","SCARNA7",7.24912435,7.249123998,7.249124096,7.249123761,7.249122119,7.249122154,7.249123599,7.249122782,7.249123498,7.249122851,7.249123021,7.249122237,7.249122875,7.249124555,7.249123192,7.249125729,7.249123774,7.249122945,7.249123826,7.249121237,7.249124508,7.249123468,7.249123927,7.249123201,7.249123023,7.249122449,7.249122651,7.249123326
+"14090","SCARNA8",6.130117384,6.130117385,6.130117392,6.130117357,6.130117366,6.130117345,6.130117362,6.130117378,6.130117388,6.13011738,6.130117371,6.130117368,6.130117375,6.13011739,6.130117381,6.130117411,6.130117389,6.130117368,6.130117363,6.13011737,6.130117359,6.130117375,6.130117381,6.130117388,6.13011738,6.13011737,6.130117393,6.130117387
+"14091","SCARNA9",7.1775348955,7.177440555,7.177323993,7.177368471,7.1772072965,7.1770319315,7.177296185,7.1773006025,7.177288542,7.17717252,7.1772741555,7.177102427,7.1773467145,7.177565362,7.1772325095,7.1774896725,7.1771286155,7.1772314975,7.177357276,7.1772488145,7.1773907275,7.1772453515,7.1773511935,7.1773055565,7.1773258825,7.1772907305,7.177387751,7.177251541
+"14092","SCARNA9L",4.5819674195,4.5819670985,4.5819671075,4.581967379,4.5819666585,4.58196648,4.581967036,4.58196634,4.581967033,4.58196664,4.581967059,4.5819666245,4.5819671005,4.5819674655,4.581967014,4.5819669605,4.581966454,4.581966985,4.581966958,4.581966143,4.5819672635,4.581966761,4.5819672585,4.581967178,4.581967101,4.5819668485,4.581967235,4.581966915
+"14093","SCART1",5.977049212,5.977049299,5.977049265,5.97704925,5.977049222,5.977049221,5.97704918,5.977049379,5.977049171,5.977049114,5.977049226,5.977049185,5.977049434,5.977048974,5.977049283,5.977049422,5.977049114,5.977049213,5.977049316,5.977048985,5.977049195,5.977049429,5.977049099,5.977048981,5.977049205,5.977049231,5.977049313,5.977049041
+"14094","SCCPDH",5.574442284,5.574442199,5.574442181,5.574442274,5.574442162,5.574441955,5.574442109,5.574442039,5.574442054,5.574442149,5.574442344,5.574442027,5.574442133,5.574442305,5.574442133,5.574442194,5.574442228,5.574442165,5.57444233,5.574442091,5.574442038,5.574442166,5.574442174,5.574442202,5.574442275,5.574442164,5.574442236,5.574442325
+"14095","SCD",5.000544444,5.000544482,5.000544548,5.000544309,5.000544443,5.000544558,5.00054431,5.000544435,5.000544427,5.000544477,5.000544522,5.000544394,5.00054431,5.000544307,5.00054435,5.000544177,5.000544493,5.000544364,5.000544486,5.000544418,5.000544334,5.000544406,5.000544403,5.000544257,5.000544278,5.000544375,5.000544657,5.000544423
+"14096","SCD5",4.553772541,4.553772538,4.553772545,4.553772529,4.553772542,4.553772536,4.553772552,4.553772562,4.553772544,4.553772528,4.553772563,4.553772574,4.553772524,4.553772535,4.553772569,4.553772534,4.553772563,4.553772546,4.553772558,4.553772542,4.553772555,4.553772573,4.553772569,4.553772528,4.55377253,4.553772558,4.553772542,4.553772535
+"14097","SCEL",2.697797364,2.697797378,2.697797387,2.697797378,2.697797402,2.697797367,2.697797408,2.697797394,2.697797443,2.69779743,2.697797379,2.697797383,2.69779741,2.697797388,2.697797416,2.697797407,2.697797422,2.697797396,2.697797421,2.697797387,2.697797374,2.697797408,2.697797365,2.697797373,2.697797414,2.697797349,2.697797363,2.697797449
+"14098","SCFD1",6.123906334,6.123906202,6.12390614,6.123906016,6.123905903,6.123905971,6.123905962,6.123905727,6.123906169,6.123905996,6.123905993,6.12390572,6.123906195,6.123906499,6.123906014,6.123905975,6.123905759,6.123905989,6.12390619,6.123905789,6.123905965,6.123905999,6.123906204,6.123906128,6.123906213,6.123906084,6.123906153,6.123906156
+"14099","SCFD2",6.812094223,6.812094113,6.812094145,6.812094207,6.812094088,6.812094247,6.812094192,6.812094108,6.812094276,6.812094229,6.812094089,6.812094256,6.81209428,6.812094278,6.812094096,6.812093974,6.812093994,6.812094193,6.812094172,6.812093975,6.812094189,6.812094172,6.812094236,6.812094265,6.812094035,6.812094247,6.812094267,6.812094287
+"14100","SCG2",3.536946141,3.536946156,3.536946156,3.536946151,3.536946166,3.536946183,3.536946185,3.536946194,3.536946166,3.536946154,3.536946157,3.53694618,3.536946158,3.536946141,3.536946167,3.536946153,3.536946206,3.536946164,3.536946167,3.53694618,3.536946176,3.536946168,3.536946158,3.536946157,3.536946159,3.536946179,3.536946155,3.536946189
+"14101","SCG3",2.735411447,2.735411466,2.735411462,2.735411445,2.735411494,2.735411502,2.73541145,2.735411493,2.735411459,2.735411518,2.735411512,2.735411483,2.735411451,2.735411421,2.73541147,2.735411457,2.735411546,2.735411459,2.73541147,2.735411466,2.735411473,2.735411488,2.735411492,2.73541151,2.735411478,2.735411436,2.735411493,2.735411435
+"14102","SCG5",4.161297845,4.161297871,4.161297967,4.161297922,4.161297927,4.161298101,4.161297991,4.161297894,4.161297958,4.161298071,4.161298017,4.161297921,4.161297875,4.161297817,4.16129794,4.161298009,4.161298059,4.16129796,4.161297882,4.16129796,4.161297883,4.16129797,4.161298024,4.161297997,4.161297941,4.161297808,4.161297936,4.161297894
+"14103","SCGB1A1",5.404661867,5.404661819,5.404661941,5.404661803,5.404662049,5.404661626,5.404661738,5.404662072,5.404661968,5.404661845,5.404661934,5.40466203,5.404661761,5.40466158,5.404661965,5.404662057,5.404662133,5.404661984,5.404661847,5.40466197,5.404661987,5.40466202,5.404661712,5.404661774,5.404661974,5.404661922,5.404661746,5.404661998
+"14104","SCGB1D1",3.620059207,3.620059183,3.620059206,3.620059257,3.620059228,3.620059197,3.620059246,3.620059277,3.620059169,3.62005919,3.620059206,3.620059238,3.62005925,3.620059162,3.620059229,3.620059252,3.620059246,3.620059253,3.620059212,3.620059235,3.620059251,3.620059278,3.620059171,3.620059183,3.62005917,3.620059219,3.620059241,3.620059175
+"14105","SCGB1D2",3.556502186,3.556502117,3.55650213,3.556502179,3.556502251,3.556502136,3.556502203,3.556502177,3.556502146,3.55650215,3.556502165,3.5565022,3.556502142,3.556502061,3.556502195,3.55650214,3.556502261,3.556502187,3.556502165,3.556502192,3.556502242,3.556502194,3.556502148,3.556502066,3.556502131,3.556502147,3.556502134,3.556502136
+"14106","SCGB1D4",3.645421844,3.645421899,3.645421867,3.645421861,3.645421885,3.645421896,3.645421847,3.645421874,3.645421897,3.64542191,3.645421899,3.64542194,3.645421855,3.645421844,3.645421865,3.645421887,3.64542192,3.645421876,3.645421898,3.645421886,3.645421868,3.645421882,3.645421874,3.645421855,3.645421849,3.645421854,3.645421866,3.645421896
+"14107","SCGB2A1",4.40046192,4.400461922,4.400461942,4.400461904,4.400461963,4.400461933,4.400461968,4.400461955,4.400461941,4.40046189,4.400461909,4.400461958,4.400461924,4.400461897,4.400461931,4.40046194,4.400461969,4.400461975,4.400461937,4.400461925,4.400461964,4.40046195,4.4004619,4.400461901,4.400461878,4.400461967,4.400461929,4.400461876
+"14108","SCGB2A2",4.11263863,4.112638682,4.112638682,4.112638686,4.112638784,4.112638686,4.112638702,4.112638734,4.112638672,4.112638736,4.112638751,4.112638863,4.112638616,4.112638637,4.112638773,4.112638624,4.112638699,4.112638763,4.112638691,4.112638697,4.112638785,4.112638692,4.112638647,4.112638619,4.112638653,4.112638708,4.112638652,4.112638735
+"14109","SCGB2B2",4.136280225,4.136280176,4.136280182,4.136280195,4.136280166,4.136280225,4.136280162,4.136280186,4.136280209,4.136280188,4.136280196,4.136280193,4.136280157,4.136280181,4.13628015,4.136280138,4.136280193,4.136280221,4.136280162,4.136280203,4.136280139,4.136280173,4.136280184,4.136280217,4.136280129,4.136280178,4.136280159,4.1362802
+"14110","SCGB3A1",6.078704638,6.07870478,6.07870526,6.078704666,6.078705645,6.078704623,6.078704974,6.078705101,6.078704712,6.078705079,6.078704972,6.078705214,6.078704833,6.078704286,6.078705287,6.0787049,6.078705309,6.078704799,6.078704945,6.078704834,6.078705311,6.078705328,6.078704781,6.078704587,6.078704855,6.078705297,6.078704573,6.078704946
+"14111","SCGB3A2",4.441691336,4.441691282,4.441691378,4.441691309,4.441691368,4.441691275,4.441691276,4.441691366,4.441691317,4.441691295,4.441691417,4.441691407,4.441691326,4.441691158,4.441691353,4.441691303,4.44169145,4.441691353,4.441691318,4.441691299,4.441691313,4.441691386,4.441691322,4.44169126,4.441691348,4.441691307,4.441691258,4.441691269
+"14112","SCGN",3.368808459,3.368808504,3.368808539,3.368808517,3.368808568,3.368808491,3.368808575,3.368808489,3.368808446,3.368808515,3.368808464,3.368808591,3.368808501,3.36880851,3.368808513,3.368808533,3.368808507,3.368808488,3.368808547,3.368808461,3.368808513,3.368808563,3.368808529,3.368808507,3.368808474,3.368808547,3.368808509,3.368808519
+"14113","SCIMP",7.891664526,7.891662594,7.891663864,7.891663333,7.89166353,7.891665346,7.891663551,7.891661952,7.891661889,7.891663508,7.891663501,7.891662613,7.891663999,7.891664603,7.891663587,7.891662244,7.891663598,7.891662398,7.891662705,7.891665065,7.89166387,7.891662704,7.891660998,7.891663606,7.891663175,7.891663576,7.891664067,7.891663446
+"14114","SCIN",3.789589262,3.789589293,3.78958933,3.789589365,3.789589366,3.789589245,3.789589308,3.789589394,3.789589332,3.78958931,3.789589292,3.789589332,3.789589265,3.789589263,3.789589368,3.789589342,3.789589328,3.789589313,3.789589329,3.789589333,3.789589398,3.789589377,3.789589311,3.789589235,3.789589319,3.789589438,3.789589363,3.789589437
+"14115","SCLT1",6.998369706,6.998369685,6.998369591,6.998369639,6.998369237,6.998369504,6.998369547,6.998369197,6.998369233,6.998369316,6.998369475,6.998368907,6.998369652,6.998369778,6.998369325,6.998369504,6.998369365,6.998369508,6.99836952,6.998369565,6.998369596,6.998369301,6.998369461,6.998369572,6.998369678,6.998369343,6.998369643,6.998369482
+"14116","SCMH1",5.85675662,5.856756451,5.856756167,5.856756342,5.856756535,5.856756427,5.856756577,5.856756383,5.856756413,5.856756428,5.856756493,5.856756487,5.856756698,5.856756541,5.856756465,5.856756172,5.856755952,5.856756326,5.856756473,5.856756275,5.856756517,5.856756454,5.856756534,5.856756501,5.856756389,5.856756443,5.856756654,5.856756461
+"14117","SCML1",4.599924181,4.599924527,4.599923803,4.59992403,4.599923595,4.59992425,4.599923888,4.599923967,4.599924938,4.599924372,4.599922819,4.599923917,4.599924606,4.599924847,4.599923754,4.599923041,4.5999237,4.599922719,4.599923568,4.599923566,4.599923357,4.599923659,4.59992467,4.599924391,4.59992287,4.599924037,4.599924153,4.599924208
+"14118","SCML2",3.70443677,3.704436806,3.704436772,3.704436781,3.70443679,3.704436803,3.704436805,3.704436787,3.704436816,3.704436794,3.704436824,3.704436782,3.704436809,3.704436794,3.704436794,3.704436791,3.704436819,3.704436805,3.70443679,3.704436792,3.70443679,3.704436798,3.70443679,3.7044368,3.704436785,3.704436806,3.704436767,3.704436803
+"14119","SCML4",6.795833079,6.795832848,6.795832701,6.795832743,6.79583263,6.795833026,6.795832946,6.795832627,6.795833415,6.795832675,6.795832698,6.795833183,6.795833013,6.795832945,6.795832838,6.795832509,6.795832446,6.795832537,6.795832783,6.795832635,6.795832695,6.795832734,6.795833144,6.795832675,6.795832502,6.795832886,6.795832941,6.795832677
+"14120","SCN10A",3.737692695,3.737692747,3.7376928,3.737692758,3.737692968,3.737692824,3.737692798,3.737692889,3.737692762,3.737692728,3.737692835,3.737692894,3.737692738,3.737692754,3.737692871,3.737692798,3.737692852,3.737692863,3.737692804,3.737692886,3.737692838,3.737692919,3.737692811,3.73769277,3.737692823,3.737692877,3.737692714,3.737692786
+"14121","SCN11A",3.723111318,3.723111291,3.723111315,3.723111304,3.723111337,3.723111302,3.723111338,3.723111314,3.723111286,3.723111321,3.723111294,3.723111367,3.723111295,3.723111298,3.72311134,3.723111343,3.723111376,3.723111314,3.72311132,3.723111322,3.723111342,3.72311132,3.723111302,3.723111314,3.723111295,3.723111337,3.723111298,3.72311134
+"14122","SCN1A",3.187756411,3.187756417,3.187756407,3.187756424,3.187756414,3.187756408,3.187756425,3.18775641,3.187756436,3.187756401,3.187756422,3.187756419,3.187756413,3.187756393,3.187756392,3.187756419,3.187756442,3.187756466,3.187756394,3.187756423,3.187756417,3.187756398,3.187756403,3.187756432,3.187756417,3.187756389,3.187756439,3.187756431
+"14123","SCN1B",5.658019803,5.658019765,5.658019788,5.658019996,5.658019831,5.658019772,5.658019879,5.65801983,5.658019758,5.658019827,5.658019753,5.658019764,5.658019784,5.658019694,5.658019807,5.658019854,5.658019846,5.658019956,5.658019856,5.658019802,5.658019793,5.658019843,5.658019786,5.658019834,5.658019801,5.658019787,5.658019753,5.658019778
+"14124","SCN2A",3.017851657,3.017851687,3.017851711,3.017851721,3.017851666,3.017851688,3.017851627,3.017851768,3.017851683,3.017851718,3.017851674,3.017851772,3.017851661,3.017851674,3.017851689,3.017851771,3.017851713,3.017851687,3.017851666,3.017851658,3.017851698,3.017851668,3.017851707,3.017851633,3.017851667,3.017851656,3.017851678,3.017851657
+"14125","SCN2B",5.142930656,5.142930784,5.14293089,5.142930866,5.142930869,5.142930678,5.142930767,5.142930816,5.142930908,5.142930819,5.142930842,5.142930912,5.142930783,5.142930543,5.142930871,5.142930819,5.142930806,5.14293085,5.142930641,5.142930768,5.142930892,5.142930813,5.142930795,5.142930795,5.142930831,5.142930799,5.142930738,5.142930798
+"14126","SCN3A",3.565170416,3.565170202,3.565170322,3.565170326,3.565170314,3.565170226,3.565170298,3.565170233,3.565170273,3.565170404,3.565170345,3.565170298,3.56517032,3.565170467,3.565170346,3.56517026,3.565170269,3.565170382,3.565170294,3.565170224,3.565170325,3.565170213,3.565170312,3.565170335,3.565170322,3.565170267,3.565170282,3.565170507
+"14127","SCN3B",5.236658597,5.236658614,5.236658643,5.236658642,5.236658658,5.236658589,5.23665862,5.236658679,5.236658661,5.236658621,5.23665868,5.236658678,5.236658635,5.236658586,5.236658668,5.23665865,5.236658681,5.236658632,5.236658591,5.23665864,5.236658646,5.236658673,5.236658602,5.236658604,5.236658646,5.236658648,5.236658599,5.236658652
+"14128","SCN4A",4.963740647,4.963740638,4.963740647,4.963740645,4.96374067,4.963740639,4.963740638,4.96374065,4.963740627,4.963740651,4.963740658,4.96374067,4.963740659,4.963740612,4.96374067,4.963740659,4.963740662,4.963740657,4.96374065,4.963740661,4.963740664,4.963740664,4.963740627,4.963740632,4.963740649,4.963740667,4.963740627,4.963740638
+"14129","SCN4B",5.431972888,5.431972949,5.431972953,5.431972943,5.431973023,5.431972971,5.431972996,5.431972988,5.431972973,5.431973006,5.431973001,5.431973027,5.431972971,5.431972898,5.431973013,5.431972957,5.431973031,5.431973013,5.431972976,5.431973023,5.431973015,5.431973015,5.431972968,5.431972948,5.431972985,5.431973004,5.431972957,5.431972993
+"14130","SCN5A",4.51777091,4.517770826,4.517771086,4.517770879,4.517771118,4.517770844,4.517771031,4.517771225,4.517770911,4.517770988,4.517770957,4.517771194,4.517770864,4.51777048,4.517771069,4.517770885,4.517771254,4.517771086,4.517770973,4.517771129,4.517771036,4.517771136,4.517770893,4.517771118,4.517771098,4.517770907,4.517770932,4.517770882
+"14131","SCN7A",3.059639018,3.059639001,3.059639062,3.059639076,3.059639069,3.059639124,3.059639045,3.059639059,3.059639087,3.059639115,3.059639042,3.059639098,3.059639044,3.059639,3.059639076,3.059639074,3.059639228,3.059639118,3.059639055,3.059639076,3.059639003,3.059639079,3.059639104,3.05963905,3.059639057,3.059639003,3.05963903,3.059639046
+"14132","SCN8A",4.094274895,4.094274807,4.09427484,4.0942747865,4.094275032,4.0942747405,4.094275011,4.0942749265,4.094274997,4.094274811,4.0942750565,4.094274982,4.0942748575,4.094274867,4.094275175,4.094274857,4.094274935,4.094274928,4.094274891,4.094274975,4.094274985,4.0942750005,4.09427476,4.094274837,4.094274863,4.0942749555,4.094274798,4.094274871
+"14133","SCN9A",4.141254838,4.141254869,4.141254861,4.141254871,4.141254882,4.141254919,4.14125486,4.141254842,4.141254869,4.141254858,4.141254819,4.141254895,4.141254868,4.141254799,4.141254829,4.141254934,4.141254884,4.141254869,4.141254937,4.14125489,4.141254895,4.141254825,4.141254835,4.141254856,4.141254818,4.141254856,4.141254866,4.141254891
+"14134","SCNN1A",4.818506555,4.818506559,4.818506587,4.818506551,4.818506565,4.818506551,4.818506535,4.818506536,4.818506556,4.818506569,4.818506574,4.818506616,4.81850657,4.818506568,4.818506577,4.818506568,4.818506577,4.818506589,4.818506557,4.818506583,4.81850656,4.8185066,4.818506544,4.818506501,4.818506556,4.818506529,4.818506537,4.818506499
+"14135","SCNN1B",5.180004851,5.180004908,5.180004959,5.180004908,5.180004967,5.180004805,5.18000494,5.180004966,5.180004941,5.180004921,5.180005032,5.180005012,5.180004986,5.180004799,5.180004978,5.180005057,5.180005043,5.180005048,5.180004935,5.180004962,5.18000503,5.180005046,5.180004842,5.180004919,5.180004996,5.18000499,5.180004905,5.180004935
+"14136","SCNN1D",5.854164549,5.85416455,5.854164587,5.854164574,5.854164614,5.854164564,5.854164572,5.854164594,5.854164576,5.854164581,5.854164594,5.854164594,5.854164584,5.854164535,5.854164594,5.854164562,5.85416461,5.854164588,5.854164574,5.854164578,5.854164598,5.854164598,5.854164545,5.854164556,5.854164573,5.854164603,5.854164571,5.854164561
+"14137","SCNN1G",4.836250962,4.836251085,4.836251081,4.83625117,4.836251029,4.836251147,4.836251064,4.836251095,4.836250976,4.83625107,4.836251082,4.836250964,4.836251088,4.836250916,4.836251084,4.83625102,4.836251132,4.836251106,4.836251002,4.836250989,4.836251018,4.836251122,4.836251022,4.836251033,4.836251031,4.836251008,4.836251055,4.836250916
+"14138","SCO1",6.476489936,6.47648971,6.476489531,6.476489335,6.476489435,6.476489595,6.47648971,6.476489216,6.47648961,6.476489712,6.476489498,6.47648899,6.476489723,6.476490229,6.476489676,6.476489351,6.476489313,6.476489157,6.476489478,6.476489441,6.47648936,6.476489498,6.476490029,6.476489824,6.47648906,6.476489685,6.476489974,6.476489846
+"14139","SCO2",6.227248996,6.227249794,6.227249835,6.227249476,6.22724917,6.22725104,6.227249367,6.227249699,6.22724946,6.227249233,6.227249299,6.227249198,6.227249548,6.227249127,6.227249452,6.227249691,6.227249594,6.227249929,6.227248947,6.227251146,6.227249598,6.227249876,6.227249128,6.227249241,6.227249614,6.227249377,6.227249679,6.227249184
+"14140","SCOC",3.737221104,3.737221096,3.737221138,3.737220934,3.737221114,3.737221079,3.737221114,3.737221051,3.73722106,3.737221106,3.737221033,3.737220996,3.737220992,3.737221384,3.737221088,3.737221054,3.737221157,3.737221019,3.737221052,3.737221087,3.737221095,3.737221066,3.737221098,3.73722105,3.737221075,3.737221112,3.737221019,3.737221272
+"14141","SCOC-AS1",3.90132162,3.901321559,3.901321631,3.901321588,3.901321739,3.901321606,3.90132166,3.901321766,3.901321606,3.901321657,3.90132159,3.901321866,3.901321632,3.901321623,3.901321729,3.901321737,3.901321773,3.901321651,3.901321769,3.901321611,3.901321629,3.901321642,3.901321439,3.901321726,3.901321621,3.901321728,3.901321715,3.90132178
+"14142","SCP2",6.127099787,6.127098852,6.127099599,6.127098432,6.1270994,6.127099267,6.127099599,6.127099511,6.127099615,6.127099078,6.127099488,6.127098837,6.127099299,6.127099911,6.127099571,6.127098964,6.127099284,6.12709864,6.127099686,6.127098895,6.127099426,6.127099466,6.127099655,6.127098795,6.127099488,6.127099033,6.127099415,6.127099392
+"14143","SCP2D1",3.385497419,3.385497413,3.385497463,3.385497439,3.385497414,3.385497444,3.385497557,3.385497404,3.385497416,3.38549742,3.385497545,3.385497519,3.38549739,3.385497415,3.385497437,3.385497446,3.385497475,3.385497441,3.385497384,3.385497454,3.385497539,3.385497417,3.385497419,3.38549748,3.385497575,3.385497466,3.385497382,3.385497388
+"14144","SCPEP1",8.076814892,8.076815125,8.076815122,8.076814828,8.07681466,8.076814774,8.076814891,8.076814213,8.076814218,8.076814896,8.076814711,8.076814019,8.076814794,8.076815082,8.07681451,8.076814767,8.076814742,8.076814221,8.076814918,8.076815237,8.076814741,8.076814423,8.076814191,8.076814836,8.076814409,8.076814533,8.076814672,8.076814357
+"14145","SCRG1",3.582368273,3.582367837,3.582368092,3.582368281,3.582367865,3.582368233,3.582367982,3.582368132,3.582367986,3.582368144,3.582368365,3.582368105,3.582368076,3.582367891,3.582368129,3.582368091,3.582368206,3.582368155,3.582368137,3.582368185,3.582368133,3.58236824,3.582367895,3.582368189,3.58236816,3.582368012,3.582368099,3.582367928
+"14146","SCRIB",6.257912406,6.257912403,6.257912411,6.257912393,6.257912436,6.257912416,6.257912421,6.257912434,6.257912421,6.257912412,6.257912423,6.257912431,6.257912422,6.257912388,6.257912416,6.257912401,6.257912443,6.257912421,6.257912408,6.257912423,6.257912429,6.257912422,6.25791241,6.257912404,6.257912407,6.257912421,6.257912407,6.257912409
+"14147","SCRN1",6.773125107,6.773125952,6.773125105,6.773124398,6.773125503,6.773125301,6.773125555,6.773124361,6.773124824,6.773125683,6.773125184,6.773124766,6.773125638,6.773126103,6.773124598,6.773125229,6.773124104,6.773125302,6.773125425,6.773125071,6.773125302,6.773124731,6.773125345,6.773125758,6.773125126,6.773125704,6.773125984,6.77312594
+"14148","SCRN2",5.985977789,5.985977793,5.985978218,5.985977958,5.985977882,5.985978171,5.985977916,5.985978233,5.985978112,5.985978045,5.985977997,5.985978102,5.985978071,5.98597789,5.985977868,5.985977788,5.985978087,5.98597791,5.985978007,5.985977906,5.985977832,5.985977937,5.985978088,5.985978002,5.985978083,5.985978082,5.985978186,5.985978008
+"14149","SCRN3",4.166173368,4.166173418,4.166173277,4.166173232,4.166173278,4.166173211,4.16617329,4.166173253,4.166173247,4.166173257,4.166173273,4.166173145,4.166173399,4.166173574,4.166173329,4.166173404,4.166173286,4.16617338,4.166173376,4.166173252,4.166173339,4.166173178,4.166173477,4.166173336,4.166173436,4.166173375,4.166173462,4.166173417
+"14150","SCRT1",5.093811117,5.093811133,5.0938112145,5.0938111705,5.09381127,5.0938111695,5.0938111765,5.093811213,5.093811198,5.093811191,5.093811234,5.0938112695,5.0938111635,5.0938110635,5.09381123,5.093811197,5.0938112855,5.0938112205,5.0938111695,5.093811206,5.0938112375,5.0938112305,5.0938111525,5.0938111665,5.0938112425,5.0938112175,5.093811167,5.0938111925
+"14151","SCRT2",5.750137695,5.750137702,5.750137772,5.750137747,5.750137801,5.750137749,5.750137748,5.750137785,5.750137786,5.750137749,5.750137771,5.750137763,5.75013774,5.750137644,5.750137807,5.75013777,5.750137801,5.750137783,5.750137758,5.750137779,5.750137747,5.750137773,5.750137686,5.750137751,5.750137778,5.75013775,5.750137737,5.750137762
+"14152","SCT",6.435966018,6.435965998,6.435966138,6.435966062,6.435966283,6.435966191,6.435966155,6.435966171,6.43596609,6.435966139,6.435966071,6.435966243,6.435966094,6.4359659,6.435966211,6.435965985,6.435966322,6.435966149,6.435966124,6.435966137,6.435966136,6.435966208,6.43596604,6.435966042,6.43596605,6.43596612,6.435966108,6.435966086
+"14153","SCTR",4.52315087,4.523150865,4.523150907,4.52315095,4.523151078,4.523150893,4.523150958,4.523150949,4.523150828,4.523151005,4.523150873,4.523150977,4.523150928,4.523150795,4.523150917,4.523150946,4.523150997,4.52315093,4.523151005,4.523150939,4.523151057,4.523151016,4.523150904,4.52315085,4.523150855,4.523150981,4.523150926,4.523150826
+"14154","SCUBE1",5.683280607,5.6832805295,5.6832807175,5.6832806895,5.6832809085,5.683280688,5.6832807405,5.683280912,5.683280714,5.6832805895,5.6832808735,5.68328096,5.6832806815,5.683280417,5.6832808155,5.6832805795,5.683280962,5.683280811,5.68328081,5.683280809,5.683280887,5.6832809505,5.683280587,5.68328059,5.6832806035,5.6832807955,5.683280659,5.6832807145
+"14155","SCUBE2",4.450474582,4.450474728,4.450474774,4.450474854,4.45047477,4.450474913,4.450474833,4.450474944,4.450474929,4.450474851,4.450474624,4.450474985,4.450474875,4.450474886,4.450474818,4.450474858,4.450475016,4.45047477,4.450474671,4.450474867,4.450474933,4.450474776,4.450474797,4.450474894,4.450474718,4.450474714,4.450474636,4.450474783
+"14156","SCUBE3",5.276017987,5.276017964,5.276018126,5.2760181,5.27601832,5.276018071,5.276018034,5.276018095,5.276018127,5.276018152,5.276018153,5.276018185,5.276018122,5.276018033,5.276018201,5.276018193,5.276018191,5.276018248,5.276018108,5.276018163,5.276018253,5.276018205,5.276018028,5.276017959,5.27601815,5.276018222,5.276018084,5.276018153
+"14157","SCX",5.209925943,5.209926326,5.209926789,5.209926645,5.209927012,5.20992641,5.209926709,5.209926698,5.209926639,5.209926574,5.209926852,5.209927094,5.209926553,5.209926084,5.209926789,5.209926516,5.209927019,5.20992698,5.209926476,5.209926987,5.209926878,5.209926667,5.209926399,5.209926433,5.209926388,5.209926847,5.209926437,5.209926533
+"14158","SCYL1",7.394323659,7.394323682,7.394323685,7.394323701,7.394323643,7.394323714,7.394323673,7.394323671,7.394323705,7.39432366,7.394323694,7.394323612,7.394323707,7.394323691,7.394323667,7.394323656,7.394323671,7.394323728,7.394323615,7.394323759,7.39432364,7.394323695,7.39432364,7.394323691,7.394323696,7.394323641,7.394323693,7.394323701
+"14159","SCYL2",7.383961435,7.38396119,7.383961155,7.383961432,7.383961051,7.383961142,7.38396112,7.383960943,7.383960896,7.383960978,7.38396114,7.383960595,7.383961227,7.383961587,7.383961185,7.383961135,7.383960972,7.383961381,7.383961293,7.383961026,7.383961132,7.383960912,7.383961311,7.383961367,7.383961263,7.383961036,7.383961243,7.383961174
+"14160","SCYL3",6.731458195,6.731458163,6.73145803,6.731458058,6.731457912,6.731458195,6.731458115,6.731457997,6.731458087,6.731458036,6.73145783,6.731457748,6.731458144,6.731458297,6.731458121,6.731458139,6.731457953,6.731457974,6.731458123,6.731458205,6.731458053,6.731457987,6.731458102,6.731458183,6.73145797,6.731457978,6.731458082,6.731458165
+"14161","SDAD1",6.391797264,6.391796784,6.3917969,6.391796679,6.391796922,6.391796814,6.391796939,6.391796597,6.391797111,6.39179711,6.391796782,6.391796805,6.39179703,6.391797497,6.391797113,6.391796679,6.39179674,6.39179669,6.391796988,6.391796855,6.391796865,6.391797037,6.391797058,6.39179686,6.391796853,6.391797008,6.391796976,6.391797205
+"14162","SDC1",6.315709147,6.315709277,6.315709337,6.315709154,6.315709584,6.315709214,6.315709405,6.315709356,6.315709339,6.315709365,6.315709388,6.315709588,6.31570936,6.315709001,6.315709484,6.315709402,6.315709457,6.315709362,6.315709349,6.315709278,6.315709455,6.315709394,6.315709185,6.31570921,6.315709359,6.315709446,6.315709275,6.315709382
+"14163","SDC2",4.774315979,4.774315846,4.774316323,4.774316078,4.774316154,4.774315725,4.774315989,4.774316211,4.774315966,4.77431597,4.774316004,4.774316208,4.774316019,4.774315754,4.774316166,4.774316001,4.77431623,4.77431604,4.77431591,4.774315814,4.774316034,4.774316328,4.774316087,4.774315978,4.774316002,4.774316002,4.774315835,4.774315946
+"14164","SDC3",4.895021642,4.895021598,4.895021718,4.895021618,4.8950217,4.895021742,4.895021644,4.895021656,4.895021625,4.895021659,4.895021701,4.895021669,4.895021624,4.895021581,4.895021688,4.895021643,4.895021735,4.895021632,4.895021652,4.895021652,4.895021702,4.895021679,4.895021562,4.895021647,4.895021619,4.895021597,4.895021589,4.895021664
+"14165","SDC4",5.747893592,5.747893603,5.747893489,5.747893808,5.74789365,5.747893873,5.747893518,5.747893468,5.747893635,5.747893916,5.747894115,5.747893804,5.747893345,5.747893329,5.747893881,5.747893315,5.74789364,5.747894269,5.747893432,5.747893668,5.747893364,5.747893453,5.747893437,5.747893657,5.747893774,5.74789337,5.747893673,5.747893255
+"14166","SDCBP",10.40364715,10.5265738,10.24059963,10.74834401,10.09327579,10.23505944,9.976464118,10.21193402,9.858388095,9.906176405,10.35222764,9.618218014,10.15041414,10.2730189,10.30181744,10.40776096,10.25329113,10.51830229,10.40365962,10.31869665,10.155255,10.23157555,10.23343464,10.22916101,10.36955845,9.92846685,10.0278554,10.04189773
+"14167","SDCCAG8",6.071877864,6.07187816,6.071877793,6.07187731,6.071877059,6.071877674,6.071877931,6.071876867,6.071877478,6.071877842,6.071877371,6.071877087,6.071877862,6.071878149,6.071877709,6.071877673,6.071877373,6.071877271,6.071877603,6.071877419,6.071877956,6.071877442,6.071877441,6.071877873,6.07187748,6.071877487,6.071878004,6.071877583
+"14168","SDE2",6.799254134,6.799254278,6.799254125,6.799254168,6.799254041,6.799254144,6.799254055,6.799254069,6.799254046,6.799254017,6.799253983,6.799253824,6.799254109,6.799254325,6.799254167,6.799254331,6.799254016,6.799254219,6.799254108,6.79925418,6.799253953,6.799253988,6.799254136,6.799254112,6.799254183,6.799254054,6.799254193,6.799254143
+"14169","SDF2",7.190870917,7.190870873,7.190870802,7.190871085,7.190870489,7.190870786,7.190870919,7.190870681,7.190870796,7.190870769,7.190870806,7.190870382,7.190870812,7.190870868,7.190870713,7.19087096,7.190870707,7.190870851,7.190870864,7.190871008,7.190870731,7.19087085,7.190870904,7.190870975,7.190870637,7.190870567,7.190870868,7.190870619
+"14170","SDF2L1",6.132393203,6.132393195,6.132393228,6.13239317,6.132393208,6.13239325,6.132393298,6.132393182,6.132393225,6.132393206,6.132393157,6.132393234,6.132393238,6.13239319,6.132393179,6.132393139,6.13239318,6.13239315,6.132393152,6.132393258,6.132393233,6.132393224,6.13239323,6.132393065,6.132393121,6.132393172,6.132393266,6.132393086
+"14171","SDF4",7.214743253,7.214743403,7.214743362,7.214743269,7.214743223,7.214743418,7.214743243,7.214743182,7.214743244,7.214743311,7.214743231,7.214743013,7.214743368,7.214743382,7.214743271,7.21474342,7.214743179,7.214743372,7.214743239,7.214743362,7.214743163,7.214743247,7.214743305,7.214743324,7.214743238,7.214743211,7.214743326,7.214743306
+"14172","SDHA",8.961037813,8.961037552,8.96103735,8.961037312,8.961037273,8.961038007,8.961037648,8.961037346,8.961037984,8.961037274,8.961036962,8.961036894,8.961037782,8.961038227,8.961037229,8.961037248,8.961036797,8.961036871,8.961037267,8.961037652,8.961037167,8.961037476,8.961037907,8.961037542,8.961036532,8.961036949,8.961038052,8.961037655
+"14173","SDHAF2",8.471334174,8.471334107,8.471334024,8.471334019,8.471333971,8.471334119,8.471334079,8.471333965,8.471334067,8.471334001,8.4713339,8.471333915,8.471334076,8.471334166,8.471333994,8.471333977,8.471333752,8.471333878,8.471334062,8.471334057,8.471333898,8.471333944,8.471334078,8.471334059,8.471333979,8.471334022,8.471334115,8.471334015
+"14174","SDHAF3",4.207680778,4.207680762,4.207680753,4.207680818,4.207680756,4.207680764,4.207680794,4.207680747,4.207680807,4.20768083,4.207680767,4.207680758,4.207680748,4.207680776,4.207680786,4.207680792,4.207680738,4.207680774,4.20768079,4.207680743,4.207680778,4.207680784,4.207680808,4.207680729,4.207680755,4.207680758,4.207680756,4.207680801
+"14175","SDHAF4",4.316324221,4.316324208,4.316324178,4.316324155,4.316324182,4.316324193,4.316324209,4.316324204,4.316324214,4.316324224,4.316324165,4.316324195,4.316324187,4.316324217,4.316324187,4.316324183,4.316324195,4.316324172,4.316324179,4.316324244,4.31632417,4.316324193,4.316324148,4.316324208,4.316324182,4.316324188,4.316324179,4.316324243
+"14176","SDHB",6.774155996,6.774155824,6.774155999,6.774156078,6.774155712,6.774155986,6.77415596,6.774155857,6.774155765,6.774155784,6.774155794,6.774155519,6.774156064,6.774156003,6.774155835,6.77415559,6.774155693,6.774155918,6.774155981,6.774156059,6.774155957,6.774155849,6.774155909,6.774155734,6.774155736,6.77415587,6.77415586,6.77415588
+"14177","SDHC",6.7304620495,6.7304619705,6.7304620185,6.7304618965,6.7304613975,6.730462188,6.7304619635,6.7304616505,6.7304618975,6.730461821,6.7304619465,6.7304618355,6.730462003,6.7304621295,6.7304614045,6.7304621135,6.7304617665,6.7304616345,6.7304617585,6.7304622825,6.730461488,6.7304616555,6.7304620055,6.730461881,6.730461878,6.7304617065,6.730462025,6.730461782
+"14178","SDHD",7.295193246,7.295193095,7.295192749,7.295193373,7.295192855,7.295193431,7.2951931555,7.29519294,7.295193207,7.295193097,7.295192564,7.295192573,7.295193241,7.2951933095,7.295193014,7.295192669,7.29519273,7.295192759,7.2951930595,7.2951938335,7.295192876,7.2951926865,7.295193217,7.2951934025,7.2951921575,7.2951928115,7.295192947,7.295192857
+"14179","SDK1",5.201600744,5.201600732,5.201600784,5.201600757,5.201600808,5.201600802,5.201600752,5.201600777,5.201600769,5.201600756,5.201600773,5.201600796,5.201600752,5.201600707,5.201600809,5.201600759,5.201600823,5.201600804,5.201600766,5.201600774,5.201600772,5.201600819,5.201600749,5.201600715,5.201600752,5.201600772,5.201600764,5.201600773
+"14180","SDK2",5.132535436,5.132535979,5.1325357,5.132536201,5.132535931,5.132536172,5.132535866,5.13253617,5.132536307,5.132536401,5.132536082,5.132536285,5.132535925,5.132536263,5.132536152,5.132536167,5.132536027,5.132536154,5.132535685,5.132536115,5.132535839,5.132536402,5.132536049,5.132536163,5.13253589,5.13253616,5.132535868,5.132535912
+"14181","SDR16C5",3.496732462,3.496732591,3.496732547,3.496732568,3.496732598,3.496732575,3.496732452,3.496732608,3.496732643,3.496732611,3.496732627,3.496732586,3.496732453,3.496732509,3.496732578,3.496732582,3.496732572,3.49673255,3.49673256,3.496732551,3.496732577,3.496732559,3.496732592,3.496732525,3.4967326,3.496732553,3.496732574,3.496732551
+"14182","SDR39U1",6.460948551,6.460948447,6.460948496,6.460948485,6.46094847,6.460948548,6.460948501,6.460948451,6.460948543,6.460948521,6.460948455,6.460948446,6.460948578,6.460948547,6.460948495,6.460948453,6.460948445,6.460948442,6.460948494,6.460948485,6.460948479,6.460948531,6.460948516,6.460948489,6.460948472,6.460948515,6.460948544,6.460948495
+"14183","SDR42E1",4.673172038,4.673172063,4.673172028,4.673172023,4.673171988,4.673172075,4.673172044,4.67317208,4.673172107,4.673172065,4.673171995,4.673172077,4.673171994,4.673172084,4.673172018,4.673172004,4.67317202,4.673172018,4.673172022,4.673172085,4.673172001,4.673172076,4.673172105,4.673172027,4.673172024,4.673172134,4.673172073,4.673172043
+"14184","SDR9C7",4.398056011,4.398056028,4.398056036,4.398056015,4.398056049,4.398056027,4.398056044,4.398056035,4.39805603,4.398056026,4.398056021,4.398056058,4.398056027,4.398056016,4.398056039,4.398056016,4.398056044,4.398056036,4.398056046,4.398056042,4.398056047,4.398056034,4.398056017,4.398056025,4.398056022,4.398056037,4.398056016,4.398056032
+"14185","SDS",4.511952805,4.511952885,4.511952829,4.511952868,4.511952875,4.511952876,4.51195291,4.511952923,4.511952765,4.511952823,4.511952887,4.511952887,4.511952848,4.511952751,4.511952841,4.511952875,4.511952904,4.51195281,4.511952855,4.511952886,4.51195284,4.511952924,4.51195274,4.511952836,4.511952874,4.511952841,4.511952858,4.511952811
+"14186","SDSL",5.720686183,5.720686129,5.720686261,5.720686207,5.72068631,5.720686043,5.720686149,5.720686309,5.720686131,5.720686194,5.720686292,5.720686283,5.720686191,5.720685989,5.720686258,5.720686234,5.720686333,5.720686299,5.720686285,5.72068622,5.720686236,5.720686296,5.720686112,5.720686158,5.720686273,5.720686221,5.720686142,5.720686199
+"14187","SEBOX",4.715975777,4.715975795,4.715975858,4.715975826,4.715976005,4.71597597,4.715975955,4.715975937,4.715975763,4.715975841,4.715975857,4.715975908,4.715976001,4.715975748,4.715975922,4.71597579,4.715975928,4.715975837,4.715975887,4.715975885,4.715976044,4.71597594,4.715975826,4.715975862,4.715975837,4.715975932,4.71597585,4.715976005
+"14188","SEC11A",7.574593847,7.574593904,7.574593841,7.574593872,7.574593749,7.574593794,7.574593894,7.574593778,7.574593807,7.574593808,7.574593779,7.574593605,7.574593716,7.574593943,7.574593736,7.574593908,7.574593766,7.574593801,7.574593854,7.574593801,7.574593881,7.574593777,7.574593824,7.574593932,7.574593756,7.574593773,7.57459387,7.574593798
+"14189","SEC11C",5.415974614,5.415974507,5.415974567,5.415974508,5.415974428,5.415974438,5.415974663,5.415974404,5.415974529,5.415974564,5.415974509,5.415974364,5.415974614,5.415974681,5.415974497,5.415974584,5.415974462,5.415974375,5.415974501,5.415974428,5.415974622,5.415974455,5.415974492,5.415974483,5.415974499,5.415974462,5.415974594,5.415974623
+"14190","SEC13",7.349860717,7.349860758,7.349860678,7.349860748,7.349860684,7.349860745,7.349860726,7.349860678,7.349860727,7.349860704,7.349860636,7.349860633,7.349860751,7.349860735,7.349860691,7.349860723,7.34986065,7.34986061,7.349860661,7.349860632,7.349860651,7.349860697,7.349860712,7.349860717,7.349860664,7.34986061,7.34986069,7.349860661
+"14191","SEC14L1",9.497977204,9.501381733,9.499138407,9.503018684,9.497257508,9.500697459,9.498941343,9.498935862,9.497400215,9.496402209,9.498725649,9.496951083,9.498403936,9.498276353,9.498854505,9.501401883,9.498519657,9.501512985,9.499332026,9.500427778,9.498966938,9.498128689,9.498550308,9.499431347,9.499566901,9.498339987,9.49834573,9.497788493
+"14192","SEC14L2",4.933008906,4.933008967,4.933008901,4.933008927,4.933008989,4.933008951,4.933008887,4.933009021,4.933009136,4.933008992,4.933008982,4.933008991,4.933009006,4.933008995,4.933009007,4.933009031,4.933009025,4.933009011,4.933008952,4.933009041,4.933008945,4.933008936,4.93300901,4.933009007,4.933008882,4.933008965,4.933008915,4.93300894
+"14193","SEC14L3",4.042944152,4.042944165,4.042944173,4.04294417,4.04294418,4.04294418,4.042944183,4.042944175,4.04294419,4.042944172,4.042944186,4.042944207,4.042944158,4.042944156,4.042944166,4.04294415,4.042944191,4.042944181,4.042944165,4.042944195,4.0429442,4.042944184,4.042944158,4.04294415,4.042944187,4.0429442,4.042944157,4.042944184
+"14194","SEC14L4",5.873045644,5.873046309,5.873048882,5.873046369,5.873046795,5.873047394,5.87304696,5.873048099,5.873046899,5.873047175,5.873048013,5.873048812,5.873045672,5.873044871,5.873046995,5.873046395,5.873048694,5.873046864,5.873045376,5.873046974,5.873046709,5.873047631,5.87304716,5.873046028,5.873048152,5.873048177,5.873045204,5.873046305
+"14195","SEC14L5",5.553008357,5.553008368,5.553008437,5.553008368,5.553008523,5.55300822,5.553008339,5.553008472,5.553008428,5.553008419,5.553008538,5.553008465,5.553008328,5.553008269,5.553008515,5.553008297,5.553008481,5.553008574,5.553008306,5.55300844,5.553008421,5.553008403,5.553008297,5.55300844,5.553008495,5.553008423,5.553008281,5.553008319
+"14196","SEC16A",7.019170537,7.019170679,7.019170567,7.019170668,7.019170614,7.019170684,7.019170682,7.019170627,7.019170696,7.019170698,7.019170546,7.019170641,7.01917069,7.019170677,7.019170569,7.019170628,7.019170461,7.019170644,7.019170718,7.019170413,7.019170634,7.019170576,7.019170615,7.019170711,7.019170644,7.019170669,7.019170658,7.019170559
+"14197","SEC1P",5.955611351,5.955611249,5.955611397,5.955611404,5.955611389,5.955611449,5.955611397,5.95561145,5.95561141,5.955611414,5.955611464,5.955611441,5.955611399,5.955611158,5.955611395,5.955611278,5.955611504,5.955611395,5.955611371,5.955611427,5.955611296,5.95561137,5.955611367,5.95561139,5.955611457,5.955611353,5.955611366,5.95561132
+"14198","SEC22A",5.508221457,5.508221436,5.508221443,5.50822142,5.50822142,5.50822143,5.508221428,5.508221433,5.508221435,5.508221436,5.508221427,5.50822144,5.508221428,5.508221464,5.508221418,5.508221427,5.508221418,5.508221422,5.508221447,5.508221433,5.50822144,5.508221445,5.508221439,5.508221442,5.508221435,5.508221436,5.508221442,5.508221453
+"14199","SEC22C",6.101461535,6.101461391,6.101460908,6.101461332,6.101461113,6.101461241,6.10146133,6.101461217,6.101461185,6.101461173,6.101461103,6.101461138,6.101461277,6.101461703,6.101461224,6.101460932,6.101460652,6.101460723,6.101461324,6.101461167,6.101461263,6.101461029,6.101461514,6.101461372,6.101461174,6.101461367,6.101461457,6.101461154
+"14200","SEC23A",7.127370436,7.127370473,7.127370152,7.127370328,7.12737,7.127370234,7.127370231,7.127369982,7.127370249,7.127370244,7.12737017,7.127369842,7.127370299,7.127370649,7.127370265,7.127370308,7.127369846,7.127370205,7.127370369,7.127370308,7.127370191,7.127370078,7.127370354,7.127370364,7.127370309,7.12737013,7.127370259,7.127370448
+"14201","SEC23B",7.208014703,7.208014807,7.208014642,7.208014561,7.208014533,7.208014691,7.208014737,7.208014379,7.208014594,7.208014564,7.208014538,7.208014456,7.208014666,7.208014871,7.208014602,7.208014701,7.208014456,7.208014488,7.208014592,7.20801466,7.208014698,7.208014531,7.208014719,7.208014573,7.208014487,7.208014586,7.208014689,7.208014632
+"14202","SEC23IP",7.641900216,7.641900085,7.64190001,7.641899901,7.641899989,7.641900066,7.641900064,7.641899961,7.641900014,7.641900005,7.641899921,7.641899923,7.641900084,7.641900256,7.641900046,7.64189998,7.641899851,7.641899786,7.64190011,7.641900105,7.641900085,7.641899909,7.641900118,7.641900081,7.641899941,7.641900091,7.641900137,7.641900131
+"14203","SEC24A",6.050472671,6.050472597,6.05047259,6.050472614,6.050472577,6.05047265,6.050472616,6.050472567,6.05047263,6.050472609,6.050472573,6.050472536,6.050472664,6.050472676,6.050472565,6.050472555,6.050472588,6.05047262,6.050472593,6.050472677,6.050472606,6.050472589,6.050472657,6.050472632,6.0504726,6.050472625,6.050472666,6.050472604
+"14204","SEC24B",8.034612146,8.034612122,8.034611998,8.034612126,8.034611838,8.034612083,8.034611968,8.034611956,8.03461204,8.034611987,8.034611889,8.034611798,8.034612168,8.034612234,8.034611932,8.034611874,8.034611828,8.034611944,8.034611951,8.034612173,8.034611955,8.034611965,8.034612203,8.034612154,8.034612027,8.034611989,8.034612123,8.034612058
+"14205","SEC24C",7.35904846,7.359048474,7.359048446,7.359048482,7.359048414,7.359048524,7.359048485,7.35904846,7.359048451,7.359048468,7.359048416,7.35904839,7.359048487,7.359048482,7.359048455,7.359048452,7.359048392,7.359048431,7.359048456,7.359048447,7.359048462,7.35904846,7.359048468,7.359048453,7.359048455,7.359048456,7.359048469,7.359048443
+"14206","SEC24D",6.601587352,6.601587476,6.601587029,6.601588008,6.601586955,6.601588733,6.601587896,6.601587289,6.601587059,6.601587236,6.601587839,6.601584674,6.601587652,6.601587679,6.601587577,6.601587302,6.601587048,6.601587391,6.60158748,6.601588584,6.601587526,6.601586875,6.601587249,6.601587546,6.601587657,6.601586571,6.60158755,6.601586851
+"14207","SEC31B",6.282586216,6.282586192,6.282586195,6.28258619,6.282586184,6.282586216,6.282586222,6.2825862,6.282586223,6.282586215,6.282586189,6.282586217,6.282586207,6.28258619,6.282586205,6.282586209,6.282586198,6.282586203,6.282586193,6.2825862,6.282586206,6.282586208,6.282586214,6.282586193,6.282586206,6.282586222,6.282586195,6.282586179
+"14208","SEC61A1",7.889348085,7.889348556,7.889347856,7.889347694,7.889347821,7.889348484,7.889348624,7.889347714,7.889347767,7.889348153,7.889347803,7.889347515,7.889348393,7.889348935,7.889347804,7.889347949,7.889347584,7.88934709,7.88934793,7.889348609,7.889348274,7.889347814,7.889348042,7.889348034,7.889347146,7.889347719,7.889348323,7.889348384
+"14209","SEC61A2",5.945560946,5.945561025,5.945560728,5.945560985,5.945560758,5.945560937,5.945560759,5.945560783,5.945560754,5.945560769,5.945560638,5.945560582,5.945560853,5.945560884,5.945560743,5.945561004,5.945560755,5.945560891,5.945560912,5.945560654,5.945560569,5.945560664,5.945560958,5.945560806,5.945560804,5.945560692,5.945560925,5.945560469
+"14210","SEC61B",7.842762503,7.842762399,7.842762354,7.84276249,7.842762554,7.842762512,7.842762651,7.842762516,7.842762516,7.842762524,7.842762465,7.842762533,7.842762444,7.842762511,7.842762569,7.842762352,7.842762435,7.842762317,7.842762526,7.842762535,7.842762603,7.842762507,7.842762476,7.842762401,7.842762217,7.842762453,7.842762449,7.84276257
+"14211","SEC61G",5.939868567,5.939868387,5.939868346,5.939868013,5.939867765,5.939868084,5.9398685,5.939868157,5.939868435,5.93986792,5.93986753,5.939867573,5.939868364,5.939868665,5.93986801,5.93986837,5.939868032,5.939867003,5.939868304,5.939867968,5.939868335,5.939868023,5.939868335,5.939868254,5.939867827,5.939868109,5.939868436,5.939868322
+"14212","SEC62",6.585277722,6.585277102,6.585277597,6.585277143,6.585277535,6.585276833,6.585277433,6.585277384,6.585277538,6.585277228,6.585277225,6.585276792,6.585277334,6.585278391,6.585277397,6.585276941,6.585277355,6.585277112,6.585277481,6.585276687,6.585277398,6.58527726,6.585277715,6.585277585,6.585277038,6.585277361,6.585277231,6.585278098
+"14213","SEC63",7.98617577,7.986175266,7.986175072,7.986174955,7.986174719,7.986174414,7.986175044,7.986174654,7.986174856,7.986175002,7.986174558,7.986174325,7.986175156,7.986176529,7.986174797,7.986174707,7.986174268,7.986174157,7.986175301,7.986174365,7.986175054,7.986174681,7.98617516,7.98617484,7.986174494,7.986174711,7.986175163,7.98617546
+"14214","SECISBP2",7.831384661,7.831384427,7.83138444,7.831384476,7.831384366,7.831384423,7.831384474,7.831384427,7.831384431,7.831384419,7.831384392,7.831384355,7.831384535,7.831384524,7.831384439,7.831384257,7.831384248,7.831384401,7.831384449,7.831384522,7.831384545,7.831384442,7.83138448,7.831384445,7.831384461,7.831384571,7.831384528,7.831384391
+"14215","SECISBP2L",6.589374607,6.58937458,6.589374484,6.58937464,6.589374534,6.589374516,6.589374568,6.589374451,6.589374541,6.58937461,6.589374544,6.589374431,6.58937457,6.58937476,6.589374611,6.589374495,6.589374445,6.589374536,6.5893746,6.589374463,6.589374548,6.589374509,6.589374555,6.589374578,6.589374587,6.589374541,6.589374586,6.589374642
+"14216","SECTM1",8.262222257,8.420264982,8.18690843,8.294726842,8.075325606,9.488433015,8.146438466,8.660234019,8.501865667,8.439446221,8.133781512,7.393423102,8.410676448,7.863503457,8.144798463,8.173581886,8.332902126,8.205873643,8.175039702,9.364826624,8.048025833,8.552397701,8.644191354,8.59576555,8.064063694,7.355713395,8.329378864,7.851917439
+"14217","SEH1L",5.912163742,5.912163177,5.912163183,5.912162362,5.912162811,5.912162867,5.912162994,5.912162296,5.912163655,5.912163005,5.912162456,5.912162937,5.912163248,5.91216426,5.912163,5.912162902,5.912161837,5.912162059,5.912162779,5.912162721,5.912162641,5.912162744,5.91216336,5.91216323,5.912162026,5.912162563,5.912163464,5.912163774
+"14218","SEL1L",7.716706779,7.716707001,7.716706561,7.716706976,7.716706585,7.716706757,7.716706746,7.716706612,7.716706513,7.716706592,7.716706718,7.716706331,7.716706689,7.716706972,7.716706698,7.716706984,7.716706568,7.716706855,7.716706709,7.71670677,7.716706716,7.716706569,7.716706832,7.716706809,7.7167068,7.716706547,7.716706699,7.71670678
+"14219","SEL1L2",3.250878103,3.250878121,3.250878117,3.250878114,3.250878134,3.250878116,3.250878131,3.250878145,3.250878114,3.250878117,3.250878133,3.250878118,3.250878113,3.250878097,3.250878123,3.250878128,3.250878125,3.250878125,3.250878135,3.250878142,3.250878138,3.25087813,3.250878094,3.250878117,3.250878131,3.25087813,3.250878112,3.250878139
+"14220","SEL1L3",7.649868303,7.64986621,7.649865025,7.649866667,7.649866052,7.649866151,7.649868304,7.649864006,7.649865673,7.649866283,7.649864465,7.649866245,7.649867535,7.649869178,7.649866502,7.649865714,7.649864043,7.649866093,7.649866769,7.649864581,7.649867469,7.6498647,7.649866044,7.649866835,7.649865194,7.649866429,7.649867401,7.64986826
+"14221","SELE",3.647073679,3.647073693,3.647073688,3.647073682,3.647073711,3.647073698,3.647073689,3.647073698,3.647073709,3.647073691,3.647073699,3.647073703,3.6470737,3.647073688,3.647073707,3.647073704,3.647073712,3.647073694,3.647073695,3.647073694,3.647073703,3.647073697,3.647073693,3.647073682,3.64707369,3.647073692,3.647073678,3.647073679
+"14222","SELENBP1",9.235091006,8.876737219,9.868175933,9.484283718,9.484866066,10.05681112,9.906114435,10.4028171,9.848310404,9.791878098,9.3552742,10.34844228,8.744137048,8.261073564,9.252795167,8.336733295,9.691864482,9.493636952,9.103166749,9.77097465,9.650116152,10.08894638,9.738151132,9.811928117,9.363232513,10.36119631,8.992974648,8.833639898
+"14223","SELENOF",7.083854292,7.083853838,7.083853094,7.083853142,7.08385308,7.083852891,7.083853637,7.083852961,7.08385339,7.083853583,7.083852898,7.083852911,7.083853185,7.083854608,7.08385331,7.083853535,7.08385277,7.083852907,7.083853295,7.083853511,7.083853793,7.083852972,7.0838536,7.083853937,7.083852841,7.083853175,7.083853335,7.083853959
+"14224","SELENOH",6.817364411,6.817364228,6.817364134,6.817364104,6.817364009,6.817364248,6.817364182,6.817364236,6.817364353,6.817364244,6.817364024,6.817364272,6.817364289,6.817364405,6.817364093,6.817364177,6.817363779,6.817363932,6.817364212,6.817364295,6.817364102,6.817364244,6.817364282,6.817364222,6.817364137,6.817364317,6.817364353,6.817364306
+"14225","SELENOI",5.614370632,5.614370389,5.614370166,5.614370011,5.614369651,5.614370259,5.614370134,5.614369869,5.614370604,5.614370294,5.614369912,5.614369979,5.614370238,5.614370774,5.614369858,5.614370261,5.614369813,5.614369607,5.614370067,5.614369897,5.614370049,5.614369888,5.614370701,5.614370484,5.614369737,5.614370058,5.614370351,5.614370394
+"14226","SELENOK",6.992559542,6.992559368,6.992559524,6.99255933,6.99255948,6.992559479,6.992559382,6.992559616,6.992559571,6.992559546,6.99255951,6.992559575,6.992559189,6.992559324,6.992559613,6.992559359,6.992559538,6.992559378,6.99255927,6.992559327,6.992559232,6.992559457,6.992559676,6.992559598,6.992559244,6.99255959,6.99255935,6.992559421
+"14227","SELENOM",6.493211554,6.493211543,6.493211861,6.493211664,6.493212239,6.49321178,6.493211932,6.493212005,6.493212037,6.493211689,6.493211826,6.493212165,6.49321168,6.493211561,6.493211965,6.493211741,6.49321211,6.493211913,6.49321191,6.493211823,6.49321202,6.493212179,6.493211951,6.493211699,6.493211784,6.49321188,6.493211794,6.493211952
+"14228","SELENON",6.883629117,6.883629116,6.883629135,6.883629114,6.883629169,6.883629145,6.883629149,6.883629144,6.883629146,6.883629152,6.883629142,6.883629154,6.883629135,6.8836291,6.883629142,6.88362912,6.883629145,6.883629128,6.883629141,6.883629116,6.88362914,6.883629139,6.883629107,6.883629119,6.883629122,6.883629134,6.88362913,6.883629121
+"14229","SELENOO",7.137849326,7.1378494,7.137849417,7.137849357,7.137849462,7.13784937,7.137849391,7.137849385,7.137849385,7.13784941,7.137849434,7.137849401,7.137849427,7.137849344,7.137849409,7.1378494,7.137849405,7.137849404,7.137849379,7.137849334,7.137849403,7.137849418,7.137849327,7.137849353,7.137849402,7.137849429,7.137849386,7.137849342
+"14230","SELENOP",2.444441001,2.444440999,2.444441018,2.444441022,2.444440983,2.444441006,2.444441002,2.444440972,2.444441029,2.444441024,2.444440998,2.444441056,2.444441029,2.444441002,2.444441013,2.444440977,2.444440997,2.444440982,2.444440981,2.44444104,2.444440965,2.444441006,2.444441009,2.444441037,2.444441024,2.444441011,2.444440997,2.44444101
+"14231","SELENOS",5.450087535,5.450087507,5.450087501,5.450087427,5.450087514,5.45008749,5.45008752,5.450087471,5.450087507,5.450087515,5.450087516,5.450087477,5.450087508,5.450087517,5.450087527,5.450087515,5.450087496,5.450087439,5.450087518,5.450087466,5.4500875,5.450087463,5.450087498,5.450087512,5.450087483,5.450087506,5.450087482,5.45008752
+"14232","SELENOT",9.0533877655,9.0533865895,9.053387271,9.053387055,9.053386193,9.0533863365,9.053387296,9.053386464,9.053386729,9.053387017,9.0533869095,9.0533856575,9.053387111,9.053388033,9.053386955,9.053386158,9.0533869595,9.053386734,9.0533864195,9.053386876,9.053387669,9.0533866135,9.0533870945,9.0533871845,9.053386752,9.053386343,9.053386734,9.053387345
+"14233","SELENOV",5.733294492,5.733294476,5.733294537,5.73329451,5.733294544,5.733294499,5.73329453,5.733294521,5.733294502,5.733294516,5.733294516,5.733294514,5.733294511,5.733294481,5.733294533,5.733294533,5.733294554,5.733294529,5.733294524,5.733294507,5.73329454,5.733294554,5.733294488,5.733294487,5.733294505,5.733294522,5.733294504,5.73329452
+"14234","SELENOW",6.663765341,6.663765276,6.663765353,6.663765291,6.663765312,6.663765275,6.663765354,6.663765334,6.663765367,6.663765364,6.663765326,6.663765353,6.663765356,6.66376532,6.663765334,6.663765241,6.663765329,6.663765206,6.663765345,6.663765332,6.663765349,6.663765367,6.663765364,6.663765232,6.663765236,6.663765333,6.663765344,6.663765335
+"14235","SELL",10.97504556,11.25440626,10.63485008,10.95097641,10.80551736,11.31902379,10.90737448,10.78732463,10.95558709,10.83852636,10.38234755,10.2269158,10.7001665,11.14454122,11.02484193,11.20383651,10.76593471,10.83921062,11.08027738,11.42972183,11.00819899,10.78237991,11.18459772,11.10393236,10.60921563,10.37995562,10.62985558,10.91475037
+"14236","SELP",6.465136649,6.468054913,6.464969251,6.471593023,6.466428408,6.465910271,6.466756727,6.465554144,6.465446338,6.469065213,6.469786972,6.467258442,6.465543382,6.463860565,6.464373776,6.466992324,6.464074278,6.471843477,6.465901084,6.464376202,6.466666683,6.46423337,6.466603033,6.47091678,6.468948723,6.467265158,6.464995019,6.462784533
+"14237","SELPLG",9.958660657,9.966718281,9.950607564,9.972640236,9.959253207,9.967284344,9.95599611,9.958665341,9.957681763,9.953203905,9.95810025,9.949173562,9.960196192,9.953248085,9.95645869,9.9612275,9.95360197,9.965075713,9.961903134,9.960429236,9.951735514,9.958077577,9.962734825,9.960887673,9.95751477,9.950372625,9.960440694,9.949870556
+"14238","SEM1",5.119392,5.1193919305,5.119391845,5.119391757,5.119391848,5.1193918425,5.11939196,5.1193918725,5.119392042,5.1193918985,5.1193916745,5.119391773,5.1193919685,5.1193921705,5.1193920135,5.119391911,5.119391795,5.119391826,5.119391945,5.1193919165,5.119391942,5.1193919635,5.11939208,5.1193919725,5.119391803,5.119391872,5.1193919375,5.1193921745
+"14239","SEMA3A",3.737890101,3.737890009,3.737889918,3.737890049,3.737890007,3.737889997,3.737889858,3.737890107,3.737889985,3.737890055,3.73789005,3.737889936,3.737889911,3.737890357,3.737890134,3.737890074,3.737890054,3.73789012,3.737889962,3.737889906,3.737889984,3.737890037,3.737889869,3.737889926,3.737889953,3.73788999,3.737889872,3.737890368
+"14240","SEMA3B",5.017341097,5.017341148,5.017341322,5.017341501,5.017342005,5.017341241,5.017341525,5.017341858,5.017341631,5.017341281,5.017341583,5.017342126,5.017341415,5.017340878,5.017341624,5.01734154,5.017341928,5.017341691,5.017341655,5.017341369,5.017341373,5.017341649,5.017341445,5.017341232,5.017341703,5.017341663,5.017341451,5.017341704
+"14241","SEMA3C",5.032259084,5.032259537,5.032259074,5.032259284,5.03225858,5.032259173,5.032259118,5.032258821,5.032258425,5.032258898,5.032259695,5.032258955,5.032258898,5.032259205,5.032258689,5.032259128,5.032258948,5.032259421,5.032259634,5.032259378,5.032258709,5.032258532,5.032259182,5.03225922,5.032259071,5.03225885,5.032258808,5.032259655
+"14242","SEMA3D",3.261288237,3.261288078,3.261288181,3.261288164,3.261288285,3.261288224,3.261288142,3.261288154,3.261288037,3.26128822,3.261288354,3.261288336,3.26128809,3.261288269,3.261288225,3.261288183,3.261288306,3.261288272,3.261288081,3.261288289,3.261288168,3.261288105,3.261288255,3.261288226,3.261288154,3.261288258,3.261288169,3.261288248
+"14243","SEMA3E",3.436761438,3.436761446,3.436761464,3.436761468,3.43676145,3.436761452,3.436761457,3.436761469,3.436761455,3.43676147,3.436761479,3.436761478,3.436761452,3.436761455,3.436761459,3.436761451,3.43676149,3.436761474,3.436761466,3.436761462,3.436761447,3.436761479,3.43676147,3.436761465,3.436761452,3.436761463,3.436761473,3.436761455
+"14244","SEMA3F",5.606167614,5.606167626,5.60616767,5.60616764,5.606167714,5.606167645,5.606167668,5.606167682,5.606167642,5.606167604,5.606167662,5.606167696,5.606167596,5.606167518,5.606167677,5.60616765,5.606167711,5.606167704,5.606167609,5.606167636,5.606167708,5.606167671,5.6061676,5.606167564,5.606167672,5.606167673,5.606167615,5.606167651
+"14245","SEMA3G",5.336466379,5.336466416,5.336466496,5.336466346,5.336466584,5.336466405,5.336466447,5.336466438,5.336466472,5.3364664,5.336466481,5.336466505,5.336466458,5.336466351,5.336466523,5.33646646,5.336466554,5.336466499,5.336466474,5.336466427,5.336466563,5.336466534,5.336466393,5.336466406,5.33646645,5.336466495,5.336466412,5.336466471
+"14246","SEMA4A",7.624453604,7.624454919,7.62445335,7.624454873,7.624453388,7.624454771,7.624454053,7.624453678,7.624453459,7.624453896,7.624454634,7.62445294,7.624453686,7.624453959,7.624453579,7.624454895,7.624453316,7.624454301,7.624453578,7.624454617,7.624453873,7.624453496,7.624453704,7.624454347,7.62445464,7.624453302,7.624453709,7.624453023
+"14247","SEMA4B",7.00659894,7.006599072,7.006598874,7.006599192,7.006598936,7.006599214,7.006599072,7.006598978,7.006598984,7.006599005,7.006599022,7.006598851,7.006599021,7.006598928,7.006599055,7.006599002,7.00659899,7.006599161,7.006599015,7.006598982,7.006599044,7.006599018,7.006599073,7.006599119,7.006599032,7.00659895,7.00659902,7.00659892
+"14248","SEMA4C",6.023878288,6.023878316,6.023878231,6.023878234,6.02387828,6.023878271,6.023878238,6.023878301,6.023878346,6.023878281,6.023878261,6.023878254,6.023878313,6.023878307,6.023878285,6.023878254,6.023878225,6.023878246,6.023878248,6.02387821,6.023878241,6.023878294,6.023878323,6.023878282,6.023878257,6.023878277,6.023878292,6.023878293
+"14249","SEMA4D",8.2159449985,8.215945489,8.2159444945,8.2159459235,8.215944818,8.2159459205,8.2159451745,8.215944848,8.2159452795,8.2159448365,8.215945187,8.21594473,8.2159452815,8.2159450505,8.2159449135,8.2159453245,8.2159443485,8.215945487,8.2159452315,8.215945774,8.215945044,8.21594476,8.2159453625,8.2159454165,8.2159453375,8.2159449265,8.2159451605,8.2159443865
+"14250","SEMA4F",6.050200582,6.050200582,6.050200546,6.050200528,6.050200535,6.050200537,6.050200547,6.050200617,6.050200583,6.050200614,6.050200479,6.050200621,6.050200594,6.050200581,6.050200595,6.050200533,6.050200568,6.050200557,6.050200572,6.050200588,6.050200588,6.050200597,6.050200601,6.0502006,6.050200551,6.050200604,6.050200579,6.05020055
+"14251","SEMA4G",5.229357931,5.22935803,5.229358225,5.229357997,5.229358401,5.229358328,5.229358288,5.229358209,5.229358116,5.229358146,5.229358231,5.229358317,5.229358077,5.229357871,5.229358291,5.229358148,5.229358452,5.229358128,5.229358089,5.229358289,5.229358208,5.229358349,5.229358096,5.229357957,5.229358076,5.22935826,5.229358122,5.229358104
+"14252","SEMA5A",4.812156579,4.81215651,4.812156446,4.812156356,4.812156557,4.812156712,4.812156322,4.812156514,4.812156337,4.812156485,4.812156429,4.812156649,4.812156386,4.8121566,4.812156514,4.812156412,4.812156776,4.812156629,4.812156458,4.812156622,4.812156523,4.81215641,4.812156373,4.812156283,4.812156469,4.812156665,4.812156492,4.812156589
+"14253","SEMA5B",5.305029558,5.305029569,5.305029652,5.305029691,5.305029734,5.305029476,5.305029643,5.305029765,5.305029592,5.305029628,5.305029798,5.305029742,5.305029649,5.30502945,5.305029776,5.305029598,5.305029734,5.305029638,5.305029585,5.305029627,5.305029706,5.305029751,5.305029584,5.305029584,5.305029667,5.305029759,5.305029593,5.305029614
+"14254","SEMA6A",3.798408942,3.798408926,3.798409022,3.798408969,3.798409095,3.798408932,3.798408973,3.79840897,3.798409051,3.79840906,3.798408952,3.798409068,3.798409042,3.798408862,3.798409014,3.798408892,3.798409069,3.798409113,3.798408997,3.798409031,3.798408931,3.798408953,3.798409132,3.79840896,3.798408994,3.798408964,3.798409035,3.798409032
+"14255","SEMA6B",6.12718253,6.127182664,6.127182919,6.127182602,6.127183055,6.127182565,6.127182951,6.127183073,6.127182871,6.127182861,6.127182831,6.127182987,6.12718283,6.127182482,6.127182923,6.127182935,6.127183017,6.127182926,6.127182813,6.127182741,6.127182867,6.127182921,6.127182628,6.127182825,6.127182894,6.127182902,6.127182782,6.127183026
+"14256","SEMA6C",5.474575329,5.474575312,5.474575334,5.474575302,5.474575354,5.474575331,5.474575348,5.474575342,5.474575334,5.474575345,5.474575341,5.474575351,5.474575311,5.474575293,5.474575336,5.474575332,5.474575337,5.474575357,5.474575332,5.474575329,5.474575338,5.474575352,5.474575334,5.474575313,5.474575336,5.474575345,5.474575324,5.47457534
+"14257","SEMA6D",4.068214144,4.068214053,4.068214261,4.068214155,4.068214309,4.068214241,4.068214265,4.068214227,4.068214167,4.068214279,4.06821424,4.068214338,4.068214235,4.068214136,4.06821431,4.068214271,4.068214354,4.068214306,4.068214266,4.068214224,4.068214227,4.068214272,4.068214192,4.068214194,4.068214263,4.068214265,4.06821421,4.068214269
+"14258","SEMA7A",6.561099915,6.561100349,6.561100019,6.561100129,6.56110048,6.561100223,6.561100119,6.561100061,6.561100237,6.56110018,6.561100455,6.561100048,6.56110014,6.56110017,6.561099807,6.561100202,6.56109999,6.561099861,6.561100326,6.561100047,6.561099967,6.561100054,6.561100224,6.561100189,6.561100293,6.561100135,6.561100097,6.561100264
+"14259","SEMG1",3.838577486,3.838577451,3.838577454,3.838577608,3.838577503,3.838577628,3.838577624,3.83857757,3.838577402,3.838577493,3.838577668,3.838577594,3.838577442,3.838577451,3.838577433,3.83857751,3.838577545,3.838577581,3.838577417,3.838577572,3.838577404,3.838577649,3.838577551,3.838577337,3.838577537,3.838577598,3.83857737,3.838577435
+"14260","SEMG2",3.07578354,3.075783593,3.075783588,3.075783587,3.075783608,3.075783591,3.075783573,3.075783568,3.075783618,3.075783654,3.075783629,3.075783624,3.075783573,3.075783581,3.075783619,3.075783562,3.075783673,3.0757836,3.075783572,3.075783541,3.075783614,3.075783636,3.075783566,3.075783578,3.075783604,3.075783589,3.075783587,3.075783572
+"14261","SENP1",6.383875729,6.383875567,6.383875497,6.383875198,6.383875277,6.383875696,6.383875464,6.383875269,6.383875123,6.383875321,6.38387539,6.383874942,6.383875536,6.38387585,6.383875918,6.38387506,6.383874869,6.383874988,6.383875572,6.383874965,6.383875656,6.38387536,6.383875861,6.383875691,6.383875681,6.383875306,6.38387548,6.383875906
+"14262","SENP2",6.287364772,6.287364819,6.287364754,6.287364813,6.287364566,6.287364728,6.287364714,6.287364665,6.287364762,6.287364679,6.287364754,6.287364498,6.287364763,6.287364866,6.287364699,6.287364865,6.287364556,6.287364828,6.287364736,6.287364778,6.287364707,6.287364678,6.287364759,6.287364796,6.287364784,6.28736472,6.287364796,6.287364765
+"14263","SENP5",7.236264718,7.236264672,7.236264496,7.236264542,7.236264292,7.236264426,7.236264527,7.236264399,7.236264579,7.236264485,7.236264357,7.236264287,7.236264551,7.236264922,7.23626453,7.236264527,7.236264393,7.23626436,7.236264461,7.236264201,7.23626452,7.236264424,7.236264642,7.236264611,7.236264409,7.236264371,7.236264574,7.236264789
+"14264","SENP6",7.030492844,7.030492053,7.030490253,7.030490017,7.030490249,7.030489722,7.030490411,7.030490782,7.030490852,7.030490473,7.030489641,7.030488634,7.030491142,7.030494188,7.030491451,7.030491781,7.030490037,7.030489634,7.030491746,7.030489346,7.030490241,7.030490899,7.030491893,7.030491336,7.030490982,7.030490646,7.030491147,7.030492494
+"14265","SENP7",6.173283599,6.173282801,6.173283115,6.173282982,6.173282507,6.173282787,6.173283226,6.173282777,6.173283199,6.173283249,6.173282406,6.173282215,6.173283069,6.173284086,6.173283001,6.173282864,6.173282821,6.17328264,6.173283465,6.173283141,6.173283202,6.173282828,6.173283492,6.173283248,6.173283132,6.1732832,6.17328357,6.173283786
+"14266","SENP8",4.407250325,4.407250342,4.40725037,4.407250353,4.407250371,4.407250365,4.407250352,4.407250365,4.407250372,4.407250354,4.407250373,4.407250364,4.407250356,4.407250345,4.407250377,4.407250356,4.407250395,4.407250368,4.407250357,4.407250352,4.407250381,4.407250375,4.407250376,4.407250346,4.40725036,4.407250359,4.40725037,4.407250347
+"14267","SEPHS1",5.997099713,5.997099459,5.997099506,5.997099506,5.997099489,5.997099544,5.997099767,5.997099604,5.997099636,5.997099514,5.997099412,5.997099466,5.997099714,5.997099951,5.997099627,5.997099393,5.997099538,5.997099348,5.99709956,5.997099762,5.997099555,5.997099607,5.997099864,5.997099778,5.997099314,5.997099672,5.997099589,5.997099911
+"14268","SEPHS2",7.497742772,7.497742852,7.497742893,7.497742836,7.497742881,7.497742737,7.497742797,7.497742918,7.497742869,7.49774282,7.497742864,7.497742853,7.49774286,7.497742757,7.49774285,7.497742891,7.497742885,7.497742908,7.497742812,7.497742827,7.497742817,7.497742871,7.497742837,7.49774288,7.497742895,7.497742857,7.497742809,7.497742865
+"14269","SEPSECS",5.94721042,5.947210149,5.94720992,5.947209902,5.947209492,5.947209587,5.947210046,5.947209495,5.947210151,5.947209991,5.94720957,5.947209486,5.947210083,5.947210898,5.947209778,5.947209753,5.947209493,5.947209394,5.947210048,5.947209963,5.947210201,5.947209855,5.947210214,5.947210227,5.947209629,5.947210056,5.947210056,5.947210395
+"14270","SEPT5-GP1BB",7.3664122305,7.3664124385,7.3664122695,7.3664125595,7.3664131095,7.366412039,7.3664127045,7.366412904,7.366412107,7.3664112025,7.3664125935,7.3664132155,7.366412458,7.366412102,7.366412972,7.3664133275,7.3664127245,7.3664130825,7.3664120945,7.366412763,7.366413126,7.3664128865,7.366411943,7.3664121995,7.3664123395,7.3664133415,7.36641236,7.3664127225
+"14271","SEPTIN1",7.810851044,7.810850567,7.810850152,7.810849699,7.810850439,7.810850874,7.810850799,7.810850654,7.81085133,7.810850714,7.810849781,7.810850841,7.810851213,7.810851287,7.810850473,7.810850319,7.810849818,7.81084966,7.810850514,7.810850029,7.81085067,7.81085085,7.810851096,7.810850279,7.810849515,7.810851114,7.810851087,7.810850999
+"14272","SEPTIN10",3.88845632,3.888456205,3.88845714,3.888456354,3.888456448,3.888456736,3.888456027,3.88845648,3.888456094,3.888456321,3.888456842,3.888456046,3.888456497,3.888456433,3.888456468,3.888456229,3.888456584,3.888455854,3.888456127,3.88845653,3.888456316,3.888456131,3.888455724,3.88845651,3.888455975,3.888455678,3.888455995,3.888456427
+"14273","SEPTIN11",7.278297024,7.278297317,7.278296993,7.278297097,7.278297253,7.278296675,7.278297091,7.278296937,7.278297111,7.278297108,7.278297174,7.278297077,7.278297062,7.278297518,7.278296706,7.278297173,7.278296731,7.27829712,7.278297264,7.278296658,7.27829708,7.278296855,7.278297205,7.27829715,7.278297181,7.278297095,7.278297063,7.278297383
+"14274","SEPTIN12",4.897250976,4.897250982,4.897251021,4.89725112,4.897251493,4.8972511,4.897251138,4.897251442,4.897251004,4.897251198,4.897251123,4.897251327,4.897251014,4.897250897,4.897251295,4.897251296,4.897251499,4.897251202,4.897251128,4.897251161,4.897251224,4.897251377,4.897251062,4.897251014,4.897251201,4.897251222,4.897251014,4.897251052
+"14275","SEPTIN14",3.891828949,3.891829024,3.891828901,3.891829237,3.891828985,3.891829007,3.891829245,3.891828957,3.891828978,3.891828916,3.891828778,3.891829105,3.891829131,3.891828861,3.891829305,3.89182918,3.891829126,3.891829287,3.891828999,3.891829126,3.891829203,3.891829131,3.891828945,3.891829076,3.891829291,3.89182917,3.891829194,3.891828892
+"14276","SEPTIN2",7.707476985,7.707477137,7.707476796,7.707476827,7.707476653,7.707476503,7.707476558,7.707477168,7.707476453,7.707477596,7.707476345,7.707476195,7.707476534,7.707478028,7.707476907,7.707477248,7.707476231,7.70747661,7.707476779,7.707476496,7.707476797,7.707477063,7.707476605,7.707477624,7.70747641,7.707476598,7.70747675,7.707477561
+"14277","SEPTIN4",4.5454942225,4.545494245,4.545494207,4.545494374,4.5454943065,4.5454946765,4.545494255,4.5454942995,4.5454943035,4.5454944105,4.545494341,4.545494371,4.545494245,4.545494037,4.5454942345,4.54549423,4.5454943915,4.54549433,4.5454943545,4.5454946895,4.545494339,4.545494305,4.5454942485,4.545494374,4.5454943465,4.5454942285,4.545494198,4.545494325
+"14278","SEPTIN6",8.185825356,8.185439059,8.184603687,8.185025596,8.185014099,8.185171798,8.185846904,8.1846652,8.186852877,8.18637572,8.184762556,8.185152926,8.186221707,8.186588619,8.18542844,8.184954343,8.184011132,8.185058932,8.185615748,8.185276746,8.185894787,8.184893942,8.186404381,8.185640685,8.185066565,8.185454762,8.186136399,8.185975616
+"14279","SEPTIN7",7.211808875,7.21180809,7.211807901,7.211808052,7.211807085,7.211807091,7.211807114,7.211807666,7.211807659,7.211807156,7.211807692,7.211806144,7.211807951,7.211809202,7.211808146,7.211807596,7.211806692,7.211807896,7.211808019,7.211807287,7.211807641,7.211807474,7.211808206,7.211807841,7.211807797,7.211807573,7.211807937,7.21180834
+"14280","SEPTIN7P11",4.47760063,4.477600501,4.477600542,4.47760053,4.47760043,4.477600458,4.477600451,4.477600372,4.477600488,4.477600549,4.477600503,4.477600377,4.477600525,4.477600659,4.47760055,4.477600554,4.47760036,4.477600606,4.477600468,4.477600605,4.477600539,4.477600472,4.477600489,4.477600632,4.47760056,4.47760055,4.477600501,4.477600528
+"14281","SEPTIN7P13",5.834084304,5.834084098,5.834084229,5.834084141,5.83408402,5.834084153,5.83408422,5.834084038,5.834084128,5.834084047,5.834084176,5.834084113,5.834084271,5.83408429,5.834084032,5.834084015,5.83408397,5.834084031,5.834084218,5.834084076,5.834084139,5.834083999,5.834084148,5.834084088,5.834084155,5.834084192,5.83408424,5.834084048
+"14282","SEPTIN8",5.506299791,5.506299685,5.506299881,5.506299831,5.506300088,5.506300112,5.506300016,5.506300327,5.506299934,5.506300278,5.50630007,5.506300184,5.506300038,5.506299922,5.506300142,5.506300004,5.506299997,5.506300105,5.506299857,5.506300174,5.506300054,5.506300235,5.506299983,5.506299917,5.506299987,5.506299982,5.506299943,5.506300062
+"14283","SEPTIN9",7.810018314,7.810018297,7.810018238,7.81001822,7.810018338,7.810018314,7.810018316,7.810018288,7.810018391,7.81001843,7.810018172,7.810018253,7.810018382,7.810018388,7.810018242,7.810018175,7.810018138,7.810018201,7.810018294,7.810018126,7.810018293,7.810018274,7.810018325,7.810018346,7.810018184,7.810018298,7.810018425,7.810018353
+"14284","SERAC1",4.813029451,4.81302938,4.81302914,4.813029366,4.813029097,4.813029274,4.813029325,4.813028821,4.813029232,4.813029293,4.81302884,4.813029129,4.813029195,4.813029387,4.813029251,4.813029219,4.813029113,4.813029231,4.813029317,4.813029377,4.81302931,4.813029016,4.813029412,4.813029487,4.813029217,4.813029252,4.813029208,4.813029294
+"14285","SERBP1",6.540518553,6.540518541,6.540518308,6.540517623,6.54051771,6.540517403,6.540518097,6.540517411,6.540518283,6.540517435,6.540517678,6.540517672,6.540518063,6.540519352,6.540517964,6.540518369,6.54051702,6.540517237,6.540518193,6.540517484,6.540517516,6.540517473,6.540518569,6.540518092,6.540517586,6.540518396,6.540518058,6.540518681
+"14286","SERGEF",6.570491878,6.570491827,6.570491799,6.570491714,6.570491815,6.570491826,6.570491776,6.570491843,6.570491882,6.570491909,6.570491776,6.570491804,6.570491884,6.570491943,6.570491836,6.570491857,6.570491753,6.570491738,6.570491811,6.570491855,6.570491768,6.570491834,6.570491879,6.570491833,6.570491765,6.570491849,6.570491905,6.570491819
+"14287","SERHL2",4.120862014,4.120862052,4.12086217,4.120862144,4.120862134,4.120862016,4.120862048,4.120862168,4.120862163,4.120862003,4.12086215,4.120862057,4.120862131,4.120861937,4.120862053,4.120862022,4.12086221,4.120862157,4.120861964,4.120862081,4.120862114,4.120862139,4.120862006,4.120862026,4.120862163,4.120862086,4.120862007,4.120862161
+"14288","SERINC1",8.366030867,8.386436883,8.349395363,8.33518115,8.316931277,8.275174746,8.342713673,8.316822107,8.310134234,8.335514063,8.332859852,8.268217815,8.333708107,8.455747804,8.358146077,8.387245361,8.368488258,8.33292086,8.359628977,8.293873261,8.350635916,8.328192965,8.340875727,8.363362952,8.344139095,8.299430228,8.310898624,8.40854495
+"14289","SERINC2",6.607401227,6.607401254,6.607401264,6.607401321,6.607401327,6.607401198,6.607401266,6.607401289,6.607401228,6.607401454,6.607401344,6.607401331,6.607401224,6.607401158,6.607401326,6.6074013,6.60740133,6.607401375,6.60740132,6.607401275,6.607401289,6.607401292,6.607401215,6.607401443,6.607401283,6.607401329,6.607401218,6.607401212
+"14290","SERINC3",9.575867157,9.575867254,9.57586681,9.575867159,9.575866902,9.575867138,9.575867058,9.575867057,9.575867152,9.575867056,9.575866727,9.57586679,9.575866978,9.5758674,9.575867072,9.575867197,9.575866875,9.575866892,9.575867119,9.575867014,9.575867017,9.575866944,9.575867295,9.57586731,9.575866919,9.575866919,9.575866948,9.575867124
+"14291","SERINC4",4.378336869,4.37833685,4.378336898,4.378336883,4.378336888,4.378336881,4.378336865,4.378336899,4.37833686,4.37833687,4.37833688,4.37833688,4.37833688,4.378336846,4.378336862,4.378336879,4.378336886,4.378336904,4.378336864,4.378336861,4.37833687,4.378336873,4.378336862,4.378336856,4.37833686,4.378336874,4.378336864,4.378336856
+"14292","SERINC5",8.680471457,8.898821239,8.420261195,8.433882675,8.483167914,8.370982248,8.408204931,8.323952435,9.055792296,8.827452232,8.264920847,8.687502402,8.6641336,9.181204645,8.377290194,8.710892061,8.279547927,8.278663751,8.646335116,8.524576226,8.227235026,8.394520212,8.891637139,8.676221028,8.257636502,8.685765179,8.726873568,8.949627253
+"14293","SERP1",7.317549259,7.317549228,7.317549216,7.317549226,7.317549161,7.3175492,7.317549231,7.317549187,7.317549185,7.317549225,7.317549191,7.317549099,7.317549269,7.317549304,7.317549208,7.317549195,7.317549236,7.317549192,7.317549225,7.31754914,7.317549234,7.317549202,7.317549235,7.317549234,7.317549166,7.317549169,7.31754921,7.317549247
+"14294","SERP2",4.788392426,4.788392423,4.788392473,4.788392431,4.788392461,4.788392411,4.788392454,4.788392556,4.788392451,4.788392482,4.78839248,4.788392508,4.788392475,4.788392388,4.788392522,4.788392463,4.788392498,4.788392522,4.78839245,4.78839244,4.788392463,4.788392508,4.788392401,4.788392435,4.788392538,4.788392422,4.7883924,4.788392462
+"14295","SERPINA1",9.452855087,9.452748398,9.452553088,9.453072437,9.452575239,9.452929116,9.45268814,9.452292442,9.452247154,9.45261536,9.452731919,9.451754462,9.452736159,9.452528556,9.452711923,9.452567392,9.452461509,9.452836082,9.452634247,9.452966924,9.45271714,9.452430497,9.452499746,9.45275255,9.452714662,9.452148873,9.452679083,9.452314762
+"14296","SERPINA10",4.654732159,4.654732201,4.654732163,4.654732179,4.654732204,4.654732145,4.65473223,4.65473218,4.654732176,4.654732144,4.654732165,4.654732229,4.654732136,4.654732114,4.6547322,4.654732226,4.654732244,4.654732231,4.654732177,4.654732188,4.654732201,4.654732231,4.654732165,4.65473214,4.654732202,4.654732222,4.654732167,4.654732184
+"14297","SERPINA11",4.901553505,4.901553477,4.90155373,4.901553605,4.901553675,4.901553539,4.901553526,4.901553778,4.90155356,4.901553499,4.90155361,4.901553809,4.901553622,4.90155351,4.901553664,4.901553577,4.901553867,4.901553536,4.901553647,4.901553705,4.901553766,4.901553785,4.901553498,4.901553433,4.901553613,4.901553597,4.901553367,4.901553654
+"14298","SERPINA12",4.158491591,4.158491688,4.158491637,4.158491755,4.158491673,4.158491679,4.158491719,4.158491719,4.158491699,4.158491663,4.158491631,4.158491942,4.158491632,4.158491599,4.158491725,4.158491594,4.158491679,4.158491684,4.158491714,4.158491668,4.158491777,4.158491674,4.158491627,4.158491637,4.158491736,4.158491611,4.158491634,4.15849167
+"14299","SERPINA13P",4.572052634,4.572052637,4.572052656,4.572052636,4.572052678,4.572052599,4.572052664,4.572052649,4.572052597,4.572052628,4.572052658,4.572052661,4.572052631,4.572052634,4.572052655,4.572052664,4.572052666,4.572052641,4.57205261,4.572052641,4.572052673,4.572052684,4.572052635,4.572052616,4.572052638,4.572052655,4.57205262,4.572052624
+"14300","SERPINA2",4.49952793,4.499528133,4.499528204,4.499528103,4.499528132,4.499527944,4.499528064,4.499528314,4.499527943,4.499527957,4.499528146,4.499528146,4.499528007,4.499528072,4.499528146,4.499528079,4.499528327,4.499528246,4.499528144,4.499528158,4.499528178,4.499528128,4.499527945,4.499528121,4.499528147,4.499527892,4.499528113,4.499528196
+"14301","SERPINA3",4.714560859,4.714560841,4.714560906,4.714560991,4.714560971,4.714560834,4.714560907,4.714560974,4.714560842,4.714560837,4.714560845,4.714560903,4.714560877,4.714560801,4.714560882,4.714560909,4.714560932,4.714560925,4.714560918,4.714560863,4.714560925,4.714560929,4.7145609,4.714560902,4.714560906,4.71456088,4.714560934,4.714560839
+"14302","SERPINA4",4.637025438,4.637025446,4.637025512,4.637025438,4.637025557,4.637025372,4.637025476,4.637025497,4.637025381,4.637025298,4.637025516,4.637025528,4.637025418,4.637025291,4.637025508,4.637025416,4.637025547,4.63702555,4.637025384,4.637025533,4.637025499,4.637025486,4.637025311,4.637025353,4.637025459,4.63702552,4.637025372,4.637025371
+"14303","SERPINA6",4.140898186,4.140898002,4.140898066,4.140898088,4.140898232,4.140898052,4.140898103,4.140898251,4.14089804,4.140897997,4.140898127,4.140898258,4.140898067,4.140898092,4.14089828,4.140898002,4.140898189,4.140898193,4.140898093,4.140898074,4.140898141,4.140898296,4.140898107,4.140898046,4.140898174,4.140898147,4.140898083,4.140898271
+"14304","SERPINA7",2.815663846,2.815663881,2.81566397,2.815663842,2.815664008,2.815663827,2.815664021,2.81566397,2.815664112,2.815664074,2.815663818,2.815663987,2.815664002,2.815663865,2.815664006,2.815663967,2.815664006,2.81566399,2.815664009,2.815663969,2.815663987,2.815663963,2.815664048,2.815663959,2.815663915,2.815663925,2.815663928,2.8156641
+"14305","SERPINA9",4.409136203,4.409136225,4.40913622,4.409136218,4.409136242,4.409136223,4.409136208,4.409136232,4.409136235,4.409136224,4.409136231,4.409136237,4.409136217,4.409136199,4.40913622,4.409136231,4.409136247,4.409136233,4.409136209,4.409136238,4.409136211,4.409136228,4.409136226,4.409136224,4.409136233,4.409136221,4.409136212,4.409136223
+"14306","SERPINB1",8.493755098,8.49375504,8.49375467,8.493755436,8.493754413,8.493755158,8.493754835,8.493754149,8.493754633,8.493755174,8.493754773,8.493753634,8.493754762,8.493755274,8.493754804,8.493754887,8.493754603,8.493755064,8.493754906,8.493755048,8.493754812,8.493754246,8.4937552,8.493755743,8.493754701,8.493754145,8.493754553,8.493754808
+"14307","SERPINB10",3.650320454,3.650320455,3.650320704,3.650320595,3.6503204,3.650320574,3.650320635,3.650320612,3.650320331,3.650320444,3.650320592,3.650320554,3.650320466,3.650320378,3.650320577,3.650320552,3.650320598,3.650320598,3.650320465,3.650320686,3.650320692,3.650320647,3.650320443,3.650320545,3.650320616,3.650320498,3.650320474,3.650320514
+"14308","SERPINB11",3.133980825,3.133980885,3.133981028,3.133980978,3.133981033,3.133981009,3.133980886,3.133980922,3.133980874,3.133980926,3.133981077,3.133980974,3.133980731,3.13398079,3.133981125,3.133980839,3.133981032,3.133981057,3.133981046,3.133981053,3.133980924,3.133980842,3.133980937,3.133980963,3.133980937,3.133980818,3.133980815,3.133980911
+"14309","SERPINB12",3.076908145,3.076908229,3.076908338,3.076908281,3.076908313,3.076908155,3.076908289,3.076908474,3.076908242,3.076908242,3.076908207,3.07690848,3.076908279,3.076908126,3.076908236,3.076908461,3.076908654,3.076908429,3.07690832,3.076908113,3.076908267,3.076908463,3.076908228,3.076908184,3.076908233,3.076908262,3.076908128,3.076908312
+"14310","SERPINB13",3.76017733,3.760177291,3.760177438,3.760177401,3.76017748,3.760177485,3.760177429,3.760177376,3.760177318,3.760177453,3.760177482,3.760177762,3.760177486,3.760177182,3.760177469,3.760177457,3.760177613,3.760177452,3.760177513,3.760177396,3.760177532,3.760177533,3.760177287,3.760177219,3.760177414,3.760177399,3.760177446,3.76017753
+"14311","SERPINB2",4.629913185,4.6299132,4.629913217,4.629913207,4.629913225,4.629913168,4.629913217,4.629913147,4.629913181,4.629913213,4.629913225,4.629913168,4.629913121,4.629913189,4.629913222,4.629913223,4.629913216,4.629913189,4.629913196,4.629913185,4.629913195,4.629913162,4.629913187,4.629913163,4.629913201,4.629913185,4.629913119,4.629913134
+"14312","SERPINB3",2.82422499,2.824225062,2.824225167,2.824225241,2.82422536,2.824225102,2.824225007,2.824225117,2.824225063,2.8242254,2.824225189,2.824225118,2.824225209,2.824224909,2.824225473,2.824225075,2.824225112,2.82422554,2.824225149,2.824224953,2.824225088,2.824225237,2.824225295,2.824225217,2.824225025,2.824225008,2.824224954,2.824225072
+"14313","SERPINB5",3.169615738,3.169615711,3.16961578,3.169615737,3.16961585,3.169615782,3.16961573,3.169615735,3.169615817,3.16961587,3.169615687,3.169615887,3.16961574,3.169615751,3.16961576,3.169615742,3.169615833,3.169615717,3.169615752,3.169615803,3.169615793,3.16961577,3.169615824,3.169615856,3.169615813,3.169615709,3.169615784,3.169615853
+"14314","SERPINB6",7.298639266,7.298639189,7.298639017,7.298639091,7.298639185,7.298639179,7.298639086,7.298639108,7.298639151,7.298639306,7.298639203,7.298639095,7.298639178,7.298639236,7.298639187,7.298639085,7.29863903,7.29863901,7.298639169,7.298639159,7.298639098,7.298639114,7.298639132,7.298639259,7.298639172,7.298639092,7.298639213,7.298639157
+"14315","SERPINB7",3.081693964,3.081693978,3.081693977,3.081693972,3.081693981,3.081693986,3.081693975,3.081694004,3.081694032,3.081693952,3.081693963,3.081693998,3.081694006,3.081693982,3.081694005,3.081693972,3.081693992,3.081693986,3.081694006,3.081693979,3.081694,3.081694027,3.081693999,3.08169399,3.081693981,3.081693977,3.08169397,3.081693982
+"14316","SERPINB8",6.37271487,6.372715047,6.372714881,6.37271505,6.372714408,6.372714613,6.372714586,6.372714573,6.372714032,6.37271474,6.37271483,6.372714104,6.372714788,6.372714617,6.372714727,6.372715071,6.372714629,6.372714702,6.372714576,6.372714972,6.372714568,6.372714597,6.372714633,6.372714827,6.372714892,6.372714618,6.372714767,6.37271419
+"14317","SERPINB9",8.300916644,8.300792364,8.300680385,8.300679598,8.300815105,8.301164117,8.300786,8.300901759,8.30084696,8.300927874,8.300808604,8.300677178,8.300886339,8.300990438,8.300747283,8.300597421,8.300606464,8.300639893,8.300652963,8.301066167,8.300670755,8.300844738,8.300815094,8.300868017,8.300644733,8.300739526,8.300826324,8.300815564
+"14318","SERPINB9P1",6.850088905,6.850088178,6.850087053,6.850088532,6.850086786,6.850088394,6.85008632,6.850086446,6.850086739,6.850088295,6.850086469,6.85008764,6.850087643,6.850088179,6.850087831,6.850087503,6.850087197,6.850088441,6.850087496,6.850088209,6.850085304,6.850087173,6.850086662,6.850087453,6.850085392,6.850087693,6.85008726,6.850087922
+"14319","SERPINC1",4.155127719,4.155127816,4.155127705,4.155127829,4.155128014,4.155127852,4.155127832,4.155127818,4.155127779,4.155127921,4.155127879,4.15512814,4.155127702,4.155127893,4.155128071,4.155127895,4.155128034,4.155127964,4.155127983,4.155127783,4.155127828,4.155127952,4.155127847,4.155127837,4.155127651,4.155127642,4.155127813,4.15512789
+"14320","SERPIND1",3.934951969,3.934951972,3.934952002,3.93495197,3.934952005,3.934952007,3.934951979,3.934952,3.934951977,3.934952008,3.934951999,3.934952011,3.934951981,3.934951963,3.934952004,3.934951998,3.934952009,3.934952001,3.934951961,3.934952009,3.934952003,3.934952022,3.934951978,3.934951985,3.934952004,3.934951995,3.934951988,3.934951996
+"14321","SERPINE1",5.180761608,5.180761685,5.180761748,5.180761789,5.180761876,5.180761695,5.180761789,5.180761763,5.180761736,5.18076178,5.180761787,5.180761818,5.180761654,5.180761551,5.180761726,5.180761668,5.180761777,5.180761868,5.180761721,5.180761743,5.180761797,5.180761703,5.180761684,5.180761743,5.18076179,5.180761649,5.180761669,5.180761749
+"14322","SERPINE2",4.145030712,4.145031686,4.145031055,4.145031257,4.145031411,4.145031354,4.145030623,4.145031076,4.145032002,4.14503204,4.145031586,4.145031836,4.145031385,4.145031411,4.145030603,4.145031579,4.145030832,4.145031493,4.145031211,4.145031121,4.145030865,4.145031192,4.145032218,4.145031989,4.145031437,4.145031826,4.145031339,4.145031625
+"14323","SERPINF1",5.075691844,5.075691838,5.075691906,5.075691851,5.075691928,5.075691771,5.075691848,5.075691865,5.075691855,5.075691887,5.07569191,5.075691915,5.07569183,5.075691851,5.075691846,5.07569186,5.075691894,5.075691845,5.075691899,5.075691836,5.075691821,5.075691844,5.075691857,5.075691937,5.075691811,5.075691879,5.075691851,5.075691847
+"14324","SERPINF2",5.196857222,5.196857276,5.196857267,5.196857192,5.196857292,5.196857144,5.196857207,5.196857316,5.196857236,5.196857316,5.196857321,5.196857337,5.196857312,5.196857223,5.196857259,5.196857321,5.196857251,5.196857236,5.196857287,5.196857268,5.196857282,5.1968573,5.196857231,5.196857226,5.196857287,5.196857319,5.196857205,5.196857222
+"14325","SERPING1",5.67110025,5.842033048,5.931558576,5.65056349,6.33043317,8.80913048,6.302492173,5.991336261,6.777569516,6.582559486,5.503950809,5.159534836,6.22973488,5.603105732,5.858996519,5.952127996,6.044966897,5.812117331,5.957629125,8.663298435,6.461587796,6.361294517,6.844495969,6.893725925,5.361828589,5.271586135,6.103745668,5.527688617
+"14326","SERPINH1",5.46440936,5.464409356,5.464409366,5.464409341,5.464409388,5.464409337,5.464409348,5.464409377,5.464409366,5.46440936,5.464409375,5.464409377,5.464409357,5.464409297,5.464409376,5.464409368,5.464409344,5.464409373,5.464409368,5.464409384,5.464409367,5.464409377,5.464409359,5.464409345,5.464409347,5.464409394,5.464409364,5.464409346
+"14327","SERPINI1",3.588864523,3.588864238,3.588864366,3.588864269,3.588864478,3.588864401,3.588864403,3.588864378,3.588864627,3.588864502,3.588864074,3.58886456,3.588864202,3.588864454,3.588864366,3.588864316,3.588864225,3.588864503,3.58886415,3.588864353,3.588864349,3.588864521,3.58886441,3.588864444,3.588864403,3.588864267,3.588864476,3.588864501
+"14328","SERPINI2",3.031473611,3.03147373,3.031473665,3.031473631,3.031473528,3.03147393,3.031473621,3.031473568,3.031473511,3.031473678,3.031473699,3.031473896,3.031473702,3.031473699,3.031473721,3.031473595,3.031473404,3.031473762,3.031473846,3.031473662,3.03147345,3.031473576,3.0314734,3.031473543,3.031473645,3.031473689,3.031473422,3.031473766
+"14329","SERTAD1",6.050988049,6.050988174,6.05098839,6.050988165,6.050988361,6.050988008,6.050988185,6.050988346,6.050988264,6.050988219,6.050988167,6.050988335,6.050988222,6.050988087,6.050988308,6.050988359,6.050988337,6.050988352,6.050988106,6.050988101,6.050988301,6.050988312,6.050988211,6.050988236,6.050988375,6.050988196,6.0509882,6.050988271
+"14330","SERTAD2",6.543165107,6.543165073,6.543165068,6.543165106,6.543165072,6.543165078,6.543165087,6.543165099,6.543165094,6.54316515,6.543165023,6.543165054,6.543165103,6.543165099,6.543165036,6.543164989,6.543165088,6.543165186,6.543165158,6.543164938,6.543165044,6.543165014,6.54316511,6.543165103,6.543165102,6.543165087,6.543165139,6.543165032
+"14331","SERTAD3",5.980490304,5.980490333,5.98049032,5.980490363,5.980490161,5.980490378,5.980490291,5.98049029,5.980490184,5.980490284,5.980490233,5.980490177,5.980490253,5.980490323,5.980490225,5.980490246,5.980490321,5.980490263,5.980490393,5.980490454,5.980490282,5.980490304,5.980490233,5.980490252,5.98049027,5.980490195,5.980490297,5.980490224
+"14332","SERTAD4",4.40492391,4.404923915,4.404923945,4.40492393,4.404923934,4.404923917,4.40492393,4.404923955,4.404923947,4.40492394,4.404923946,4.404923959,4.404923952,4.404923923,4.404923915,4.404923923,4.404923936,4.404923958,4.404923954,4.404923939,4.404923923,4.404923943,4.404923924,4.404923919,4.404923955,4.404923923,4.404923946,4.404923926
+"14333","SERTM1",5.189582415,5.189582387,5.189582456,5.189582492,5.189582482,5.189582448,5.189582426,5.189582451,5.189582407,5.18958243,5.189582473,5.189582483,5.189582428,5.189582364,5.189582468,5.189582416,5.189582467,5.189582463,5.189582443,5.189582445,5.189582444,5.189582443,5.189582405,5.189582398,5.189582459,5.189582448,5.189582456,5.189582441
+"14334","SESN1",6.854035755,6.854034165,6.854033233,6.85403339,6.854033054,6.854030577,6.854033283,6.854032035,6.854034553,6.854033698,6.854033314,6.854032699,6.854033427,6.854036141,6.854032894,6.854033229,6.854031696,6.854032022,6.854032917,6.854030814,6.854033036,6.854033526,6.854034073,6.854033482,6.854032446,6.854032685,6.854033544,6.854034912
+"14335","SESN2",6.017247395,6.017247437,6.017247444,6.017247434,6.017247423,6.017247461,6.017247448,6.017247461,6.017247442,6.017247467,6.017247447,6.017247472,6.017247415,6.017247396,6.017247423,6.017247415,6.017247438,6.017247446,6.01724742,6.017247462,6.017247401,6.01724745,6.017247445,6.017247435,6.017247434,6.017247428,6.017247468,6.017247386
+"14336","SESN3",8.656935701,8.656935211,8.656935541,8.656935007,8.656935235,8.656935469,8.656935219,8.656936027,8.656936021,8.656935313,8.656935322,8.656935736,8.656935509,8.656936541,8.656935382,8.656934483,8.656935217,8.656934929,8.656935216,8.656934846,8.656934992,8.656935831,8.656935913,8.656935116,8.656935287,8.656935852,8.656935699,8.656936114
+"14337","SESTD1",5.95391485,5.953914781,5.95391356,5.953913853,5.953914098,5.953915601,5.953914224,5.953913118,5.953913044,5.953914092,5.953913454,5.953913095,5.953914344,5.953914711,5.953914098,5.953914441,5.953913725,5.953913803,5.953914615,5.953915558,5.953914282,5.953913288,5.95391342,5.953914406,5.953913093,5.953913603,5.953914347,5.953914152
+"14338","SET",7.994390486,7.994390099,7.994390144,7.994390085,7.994390046,7.994390166,7.99439051,7.994390034,7.994390407,7.994390474,7.994389849,7.994390149,7.994390338,7.994391132,7.994390411,7.994389678,7.994390071,7.994389937,7.99439038,7.994389945,7.994390411,7.994390278,7.99439046,7.99439002,7.994389857,7.994390178,7.994390221,7.994390892
+"14339","SETBP1",6.247594054,6.247593534,6.24759376,6.247593874,6.247593686,6.247594118,6.24759404,6.247593759,6.247593713,6.24759399,6.247593631,6.247593987,6.247593948,6.247594053,6.247593925,6.247593473,6.247593476,6.247593988,6.247594076,6.247593919,6.247594093,6.247593754,6.247593866,6.247593961,6.247593854,6.247594193,6.247593916,6.247594075
+"14340","SETD1A",6.181555468,6.181555455,6.181555489,6.18155547,6.181555514,6.181555482,6.1815555,6.181555506,6.181555499,6.181555489,6.181555491,6.18155552,6.181555484,6.181555449,6.181555514,6.181555477,6.181555519,6.181555507,6.181555479,6.18155548,6.181555509,6.181555502,6.181555476,6.181555457,6.181555484,6.181555502,6.181555473,6.181555487
+"14341","SETD1B",7.166167633,7.166167767,7.166167709,7.166167777,7.16616772,7.166167798,7.166167727,7.166167702,7.166167791,7.166167761,7.166167749,7.166167712,7.166167696,7.166167681,7.16616768,7.16616772,7.166167736,7.166167756,7.166167726,7.166167681,7.166167697,7.166167725,7.166167734,7.166167718,7.166167745,7.166167723,7.166167737,7.166167678
+"14342","SETD2",7.709922845,7.709922776,7.7099227,7.709922812,7.709922669,7.709922841,7.709922755,7.709922705,7.709922754,7.709922706,7.709922712,7.709922659,7.709922742,7.709922869,7.70992275,7.709922715,7.709922648,7.709922707,7.709922763,7.709922693,7.709922766,7.709922687,7.709922773,7.709922779,7.709922744,7.709922752,7.709922774,7.709922731
+"14343","SETD3",6.707297548,6.707297489,6.707297386,6.707297289,6.70729732,6.707297369,6.707297422,6.707297293,6.707297333,6.70729744,6.707297312,6.707297267,6.70729748,6.7072978,6.707297343,6.707297478,6.707297149,6.707297201,6.707297447,6.707297492,6.707297406,6.707297306,6.707297559,6.707297515,6.707297268,6.707297325,6.707297585,6.707297557
+"14344","SETD4",5.84242278,5.842422617,5.842421724,5.842421676,5.842421879,5.842422416,5.842422027,5.842421767,5.842422699,5.842421824,5.842421831,5.842422014,5.842422477,5.84242273,5.842421879,5.842422187,5.842421578,5.842421515,5.842422513,5.842422588,5.842421894,5.842421862,5.842422354,5.842422488,5.842421954,5.842421936,5.842422367,5.842422022
+"14345","SETD5",8.365976303,8.3659762,8.365975902,8.365976283,8.365976107,8.36597641,8.365976354,8.365976126,8.365976208,8.365976233,8.365976083,8.365976097,8.365976173,8.365976292,8.365976141,8.365976022,8.365975761,8.365976105,8.365976269,8.365976291,8.365976257,8.365975986,8.365976261,8.365976208,8.365976326,8.365976238,8.365976322,8.365976134
+"14346","SETD6",5.997109556,5.997109534,5.997109568,5.997109577,5.997109597,5.997109591,5.997109589,5.997109628,5.997109582,5.997109599,5.997109618,5.99710961,5.997109578,5.997109559,5.997109601,5.997109591,5.997109599,5.997109589,5.99710956,5.997109567,5.997109581,5.997109587,5.997109567,5.997109582,5.997109567,5.997109587,5.997109573,5.997109563
+"14347","SETD7",6.77022987,6.770229905,6.770229717,6.770229739,6.770229803,6.770229742,6.770229768,6.770229755,6.770229651,6.770229747,6.770229742,6.770229519,6.770229791,6.770229923,6.770229792,6.770229753,6.770229502,6.770229548,6.770229731,6.770229752,6.770229762,6.770229617,6.770229597,6.770229766,6.77022974,6.77022958,6.77022986,6.770229829
+"14348","SETD9",3.669139959,3.669139964,3.669139968,3.669139898,3.669139957,3.669139938,3.669140108,3.669139934,3.669139869,3.669140169,3.669140084,3.669140168,3.669139898,3.669140126,3.669140049,3.669139723,3.669140123,3.669140047,3.669139822,3.66913998,3.669139889,3.669140103,3.669140057,3.669140022,3.669139905,3.66913995,3.66913997,3.669139894
+"14349","SETDB1",6.734078364,6.734078359,6.734078351,6.734078368,6.734078347,6.734078381,6.734078377,6.734078339,6.734078359,6.734078364,6.734078362,6.734078372,6.734078362,6.734078374,6.73407836,6.734078359,6.73407832,6.734078348,6.734078366,6.734078378,6.734078358,6.734078345,6.73407836,6.734078372,6.734078358,6.73407837,6.73407837,6.734078351
+"14350","SETDB2",5.528108585,5.528108379,5.5281084,5.528108339,5.528108354,5.528108211,5.528108458,5.52810817,5.528108471,5.528108431,5.528108223,5.528108296,5.528108446,5.528108614,5.528108418,5.528108318,5.528108263,5.528108269,5.528108511,5.528108286,5.528108414,5.528108355,5.528108431,5.528108416,5.528108305,5.528108364,5.528108442,5.528108492
+"14351","SETMAR",5.375796489,5.375796389,5.37579638,5.375796398,5.375796403,5.375796444,5.375796372,5.375796504,5.375796552,5.375796514,5.375796396,5.375796339,5.375796435,5.375796555,5.375796414,5.375796475,5.375796422,5.375796367,5.375796427,5.375796412,5.375796423,5.375796432,5.375796564,5.375796513,5.375796434,5.37579649,5.375796528,5.375796471
+"14352","SETX",8.584798104,8.584797973,8.584797659,8.584798112,8.584797034,8.584798035,8.584797306,8.584796132,8.584797029,8.584797022,8.58479694,8.584795889,8.584797793,8.584799135,8.584797979,8.58479779,8.584797524,8.584797596,8.584798121,8.58479758,8.584797496,8.584796405,8.584797702,8.58479786,8.584797391,8.584797094,8.584797783,8.584798007
+"14353","SEZ6",4.830071663,4.830071656,4.83007169,4.830071679,4.830071688,4.830071644,4.830071684,4.830071667,4.830071664,4.830071674,4.830071676,4.830071684,4.830071655,4.830071639,4.830071706,4.830071678,4.830071679,4.830071698,4.830071684,4.830071678,4.830071673,4.830071685,4.830071669,4.830071674,4.830071662,4.830071675,4.83007167,4.830071677
+"14354","SEZ6L",4.723181996,4.72318201,4.723182008,4.723181973,4.723182007,4.723181998,4.723181987,4.723181993,4.723181975,4.72318196,4.723181993,4.723181989,4.723181986,4.723181921,4.723181981,4.723182027,4.723182038,4.723181981,4.723181967,4.72318194,4.723182007,4.723182035,4.723181982,4.723181967,4.723181973,4.723181987,4.723181973,4.72318196
+"14355","SEZ6L2",5.429731221,5.42973125,5.429731316,5.429731277,5.429731329,5.429731196,5.429731278,5.429731313,5.429731263,5.429731249,5.429731305,5.429731301,5.429731259,5.429731158,5.429731314,5.429731326,5.429731331,5.429731331,5.429731245,5.429731313,5.429731308,5.429731316,5.429731241,5.429731259,5.429731302,5.429731283,5.429731273,5.429731305
+"14356","SF1",8.645225862,8.645225842,8.645225765,8.645225826,8.645225744,8.645225818,8.645225822,8.645225786,8.64522587,8.645225782,8.645225752,8.645225834,8.645225846,8.645225869,8.64522578,8.645225799,8.645225706,8.645225781,8.645225795,8.64522587,8.645225843,8.64522579,8.645225829,8.645225787,8.645225784,8.645225866,8.645225852,8.645225786
+"14357","SF3A1",7.856416094,7.856416133,7.856416048,7.856416164,7.856416051,7.85641625,7.856416106,7.856416032,7.856416132,7.856416117,7.856416128,7.856416067,7.856416099,7.85641606,7.856416088,7.856416028,7.856415911,7.85641608,7.856416091,7.856416131,7.856416105,7.856415979,7.85641609,7.856416117,7.856416166,7.856416085,7.856416141,7.856415988
+"14358","SF3A2",7.680160383,7.680160333,7.680160421,7.680160346,7.680160477,7.680160463,7.680160453,7.680160491,7.680160477,7.680160496,7.680160362,7.680160479,7.68016036,7.680160248,7.680160434,7.680160371,7.680160382,7.680160395,7.680160372,7.680160406,7.680160396,7.680160484,7.680160477,7.680160423,7.680160361,7.680160402,7.680160483,7.680160428
+"14359","SF3A3",7.453181943,7.45318174,7.453180753,7.45318128,7.453181311,7.453181426,7.453181572,7.453181111,7.4531817,7.453181643,7.453180796,7.453180787,7.453181618,7.453182331,7.453181638,7.453181342,7.453180475,7.453180729,7.453181494,7.4531811,7.453181308,7.453181037,7.453181479,7.45318173,7.453180674,7.453181441,7.453181601,7.45318152
+"14360","SF3B1",9.218017619,9.218016785,9.218016449,9.218017039,9.218016013,9.218015623,9.218016756,9.218015958,9.218016348,9.218016428,9.218016114,9.218015294,9.218016933,9.218018782,9.218016936,9.218016556,9.218016183,9.218016208,9.218017268,9.218015775,9.218016995,9.218016323,9.218016959,9.218016686,9.218016237,9.218016326,9.218016832,9.218017611
+"14361","SF3B2",8.230996022,8.23099625,8.230995893,8.23099613,8.230995893,8.230996373,8.230996141,8.230995926,8.230996167,8.230996283,8.23099593,8.230995618,8.23099618,8.230996425,8.230995604,8.230996139,8.230995447,8.230995775,8.230996123,8.230996252,8.230995897,8.230995807,8.230996181,8.230996303,8.230995736,8.230995764,8.230996208,8.230996252
+"14362","SF3B3",8.06913093,8.069130912,8.069130149,8.069130135,8.069130504,8.069130787,8.069130753,8.069130488,8.069131231,8.069130902,8.069130336,8.069130869,8.069130845,8.069131478,8.069130564,8.069130444,8.069129882,8.069129828,8.069130513,8.069130452,8.069130517,8.069130345,8.069130931,8.069130602,8.069129976,8.069130993,8.069130908,8.069130871
+"14363","SF3B4",6.455360489,6.455360458,6.455360573,6.455360504,6.455360568,6.455360515,6.455360509,6.455360512,6.455360449,6.455360522,6.455360552,6.45536053,6.455360502,6.455360428,6.455360505,6.45536048,6.455360547,6.455360539,6.4553605,6.455360569,6.45536049,6.455360535,6.455360457,6.45536045,6.455360516,6.455360517,6.455360498,6.455360475
+"14364","SF3B5",6.581204953,6.581204695,6.581204922,6.581204776,6.581204908,6.581204923,6.581204981,6.581204816,6.581204862,6.581204917,6.581204857,6.581204865,6.581204909,6.581204916,6.581204892,6.581204669,6.581204888,6.581204782,6.581204756,6.581204868,6.5812049,6.581204888,6.581204934,6.581204822,6.581204805,6.581204839,6.581204897,6.581204785
+"14365","SF3B6",5.315997553,5.315997586,5.315997608,5.315997565,5.315997485,5.315997519,5.315997518,5.31599752,5.315997536,5.315997538,5.315997511,5.315997464,5.315997556,5.315997654,5.315997566,5.315997489,5.315997576,5.315997531,5.315997557,5.315997564,5.315997545,5.315997506,5.315997549,5.315997598,5.315997561,5.315997476,5.315997485,5.315997566
+"14366","SFI1",7.203052159,7.203052027,7.203052027,7.203051956,7.203051901,7.203052059,7.20305209,7.203052115,7.203052165,7.20305211,7.203051889,7.203052091,7.203052184,7.203052109,7.203051934,7.203051963,7.203051629,7.203051876,7.203052001,7.203051902,7.203052057,7.203052046,7.203052085,7.203052092,7.20305196,7.203052159,7.203052178,7.203052012
+"14367","SFMBT1",5.846820558,5.846820436,5.846820035,5.846820118,5.846820121,5.846820329,5.846820192,5.846820291,5.84682042,5.846820313,5.846820128,5.846820099,5.846820243,5.846820903,5.84682013,5.846820199,5.84681947,5.846819796,5.846820355,5.846819899,5.846820195,5.846820175,5.846820423,5.846820096,5.846819915,5.84682026,5.846820489,5.846820588
+"14368","SFMBT2",7.024915947,7.02491583,7.0249155,7.024915493,7.024915858,7.024915663,7.02491571,7.024915677,7.024915913,7.024915898,7.024915535,7.024915854,7.024915955,7.024916053,7.024915613,7.024915646,7.024915373,7.02491532,7.024915892,7.024915563,7.024915632,7.024915594,7.024915843,7.02491572,7.024915539,7.024915882,7.024915913,7.024915818
+"14369","SFN",5.707482952,5.707482943,5.707482968,5.70748294,5.707482993,5.707482976,5.707482959,5.707482982,5.707482951,5.707482944,5.707482974,5.707482985,5.707482945,5.707482898,5.707482979,5.70748297,5.707482995,5.707482989,5.707482945,5.707482966,5.707482986,5.70748298,5.707482921,5.707482929,5.707482963,5.707482979,5.707482961,5.707482946
+"14370","SFPQ",8.379564433,8.379563655,8.379563495,8.379562985,8.379562866,8.379563729,8.379564068,8.379563155,8.379563888,8.379563903,8.379562893,8.379562974,8.379564102,8.379565178,8.379563766,8.379563266,8.379562642,8.379562326,8.379563437,8.379563305,8.379563563,8.379563428,8.379563709,8.379563016,8.379562113,8.379563446,8.379564068,8.379564234
+"14371","SFR1",3.338958505,3.338958492,3.338958515,3.338958469,3.338958507,3.338958469,3.338958463,3.338958465,3.338958501,3.338958515,3.338958493,3.338958481,3.338958511,3.338958525,3.338958486,3.33895849,3.338958458,3.33895852,3.338958494,3.338958498,3.338958503,3.338958475,3.33895849,3.338958472,3.338958479,3.338958489,3.338958511,3.338958507
+"14372","SFRP1",5.285490066,5.285490079,5.285490101,5.285490089,5.285490135,5.285490111,5.285490088,5.285490132,5.285490072,5.285490082,5.285490117,5.28549012,5.285490083,5.285490048,5.285490104,5.285490096,5.285490138,5.285490082,5.285490118,5.285490078,5.285490101,5.285490116,5.285490055,5.285490079,5.285490085,5.285490097,5.285490076,5.285490101
+"14373","SFRP2",4.982923697,4.982923658,4.982923766,4.982923782,4.982923922,4.982924092,4.98292375,4.982923974,4.982923857,4.982924073,4.982924029,4.982924148,4.982923717,4.982923527,4.982923798,4.982923597,4.982923919,4.982923961,4.982923707,4.982923875,4.982923841,4.98292396,4.982923887,4.982923984,4.982924005,4.982923997,4.98292371,4.982923835
+"14374","SFRP4",3.429914373,3.429914484,3.42991449,3.429914466,3.429914534,3.429914515,3.429914632,3.429914551,3.429914491,3.429914494,3.429914539,3.429914587,3.42991439,3.429914433,3.429914569,3.429914503,3.429914606,3.42991441,3.42991449,3.429914457,3.429914485,3.42991441,3.429914545,3.429914485,3.429914552,3.429914369,3.429914415,3.429914467
+"14375","SFRP5",6.247878764,6.247878808,6.247879027,6.247879113,6.247879557,6.247878867,6.247878924,6.247879219,6.247879194,6.247878956,6.247879255,6.247879467,6.247878957,6.247878301,6.247879301,6.247879234,6.24787935,6.247879473,6.247879101,6.247878878,6.247879086,6.247879307,6.247878844,6.247878764,6.247879173,6.247879254,6.247879014,6.247879029
+"14376","SFSWAP",7.966904735,7.966904659,7.966904578,7.96690462,7.966904568,7.966904706,7.96690465,7.966904635,7.96690466,7.966904698,7.966904562,7.966904671,7.966904716,7.966904685,7.966904581,7.966904639,7.966904441,7.966904543,7.96690465,7.966904567,7.966904606,7.966904635,7.966904612,7.966904702,7.966904538,7.966904717,7.966904713,7.966904599
+"14377","SFT2D1",6.313180202,6.313180068,6.313179909,6.313180152,6.313179552,6.313179884,6.313179633,6.313179751,6.313179991,6.313179621,6.313179519,6.313179154,6.313179823,6.313180186,6.313179981,6.313180264,6.313179739,6.313179853,6.313179986,6.313180146,6.313179414,6.313179843,6.313180034,6.313180168,6.313179371,6.313179793,6.313179901,6.313179575
+"14378","SFT2D2",7.637091632,7.637091572,7.637090982,7.63709128,7.637091106,7.637091537,7.637091251,7.637091244,7.637091224,7.637091305,7.637091164,7.637091081,7.637091572,7.637091744,7.637091209,7.637091281,7.637090764,7.637090897,7.637091012,7.637091522,7.637091261,7.637091187,7.637091315,7.637091564,7.637091177,7.637091453,7.637091425,7.637091207
+"14379","SFT2D3",6.434202807,6.434202814,6.434202786,6.434202741,6.434202786,6.43420275,6.434202758,6.434202759,6.434202815,6.434202784,6.434202748,6.434202829,6.434202812,6.434202828,6.434202781,6.434202801,6.434202788,6.434202774,6.4342028,6.434202794,6.434202768,6.434202796,6.4342028,6.434202796,6.434202767,6.434202769,6.43420278,6.434202865
+"14380","SFTA2",3.7087267675,3.708727018,3.708726999,3.708727377,3.708726293,3.708727436,3.7087271105,3.708727199,3.7087273765,3.708726782,3.708727224,3.708726658,3.7087268895,3.708726621,3.7087267155,3.708726679,3.7087265785,3.7087266885,3.708726986,3.708727105,3.7087266075,3.7087268345,3.7087263895,3.7087269785,3.7087272135,3.7087271135,3.7087271255,3.708727427
+"14381","SFTPB",4.975245446,4.975245455,4.975245467,4.975245465,4.97524549,4.975245459,4.975245489,4.975245489,4.975245463,4.97524547,4.975245482,4.975245484,4.975245476,4.975245435,4.975245483,4.975245468,4.975245484,4.975245482,4.975245477,4.975245464,4.975245488,4.975245475,4.975245466,4.975245444,4.975245467,4.975245477,4.97524546,4.975245462
+"14382","SFTPC",5.158508536,5.158508577,5.158508632,5.158508675,5.158508635,5.158508595,5.158508505,5.158508625,5.158508602,5.158508508,5.158508664,5.15850871,5.158508565,5.158508494,5.158508669,5.158508618,5.158508743,5.158508686,5.158508541,5.158508547,5.158508629,5.158508649,5.158508528,5.158508522,5.158508609,5.158508537,5.158508523,5.158508618
+"14383","SFTPD",5.871702444,5.871702386,5.871702936,5.871702841,5.871703755,5.87170222,5.871703184,5.871703139,5.871702547,5.871702502,5.871702938,5.871703356,5.871702767,5.871702288,5.871703524,5.871703085,5.871703894,5.871703345,5.871702949,5.8717026,5.871703746,5.871703638,5.871702386,5.87170289,5.871702817,5.871703329,5.871702401,5.871703039
+"14384","SFXN1",6.847307629,6.847307211,6.847306157,6.847306514,6.847307015,6.84730686,6.847307618,6.847306481,6.84730827,6.847307092,6.84730602,6.847307031,6.847307342,6.84730849,6.847306867,6.847306111,6.847305365,6.847306438,6.847306996,6.847306394,6.847307417,6.8473068,6.847308142,6.847306893,6.847306131,6.84730767,6.847307468,6.84730812
+"14385","SFXN2",5.735852791,5.735852797,5.735852747,5.735852665,5.735852699,5.735852787,5.735852875,5.735852771,5.735852933,5.735852868,5.735852574,5.735852829,5.735852828,5.735852881,5.735852804,5.73585283,5.735852794,5.735852699,5.735852726,5.735852802,5.735852668,5.735852828,5.735852871,5.735852795,5.735852583,5.735852789,5.735852865,5.735852865
+"14386","SFXN3",6.87191087,6.871910862,6.871910831,6.871910868,6.871910831,6.871910851,6.871910841,6.871910855,6.87191085,6.871910834,6.871910861,6.871910795,6.871910885,6.871910857,6.871910828,6.871910852,6.871910786,6.871910832,6.871910828,6.871910818,6.87191081,6.871910833,6.871910845,6.871910837,6.871910851,6.871910833,6.87191089,6.871910824
+"14387","SFXN4",5.938182473,5.938182353,5.938182247,5.93818234,5.938182147,5.9381823,5.93818229,5.938182235,5.938182501,5.93818237,5.938182048,5.938182262,5.938182219,5.938182435,5.938182225,5.938182174,5.938182055,5.938182165,5.938182051,5.938182157,5.938182269,5.938182091,5.938182493,5.938182386,5.938181968,5.938182366,5.93818219,5.938182165
+"14388","SFXN5",6.251173465,6.25117349,6.25117349,6.251173511,6.251173485,6.25117351,6.251173495,6.251173488,6.251173471,6.251173477,6.2511735,6.251173478,6.251173481,6.25117347,6.251173479,6.251173501,6.25117349,6.251173487,6.251173496,6.251173492,6.251173486,6.251173484,6.251173483,6.251173495,6.251173508,6.251173471,6.25117349,6.251173458
+"14389","SGCA",5.767366961,5.767367032,5.767367222,5.767367066,5.767367295,5.767367061,5.767367122,5.767367223,5.76736713,5.767367229,5.767367118,5.76736725,5.767367042,5.767366953,5.767367219,5.767367034,5.767367317,5.767367199,5.767367218,5.767367119,5.76736715,5.767367225,5.767367054,5.767366907,5.767367122,5.767367137,5.767367061,5.767367128
+"14390","SGCB",4.750983384,4.750983385,4.750983196,4.75098323,4.750983275,4.75098328,4.750983249,4.750983259,4.75098326,4.750983275,4.750983242,4.750983262,4.750983231,4.750983484,4.750983397,4.750983323,4.750983353,4.750983272,4.750983269,4.750983221,4.750983229,4.750983282,4.750983427,4.750983348,4.750983215,4.750983292,4.750983204,4.750983394
+"14391","SGCD",3.930439274,3.930439251,3.930439259,3.930439258,3.930439292,3.930439276,3.930439282,3.930439287,3.930439277,3.930439282,3.930439271,3.930439265,3.930439242,3.930439254,3.930439309,3.930439285,3.930439303,3.930439267,3.930439279,3.930439302,3.930439299,3.930439287,3.930439264,3.93043927,3.930439282,3.930439278,3.93043926,3.930439284
+"14392","SGCE",4.055816582,4.055816686,4.055816579,4.055816663,4.055816804,4.055816687,4.055816773,4.055816862,4.055816768,4.05581671,4.055816667,4.055816855,4.055816835,4.055816945,4.055816837,4.055816727,4.055816869,4.055816953,4.055816785,4.055816746,4.055816714,4.055816691,4.055816711,4.05581665,4.055816764,4.055816637,4.055816786,4.055817046
+"14393","SGCG",3.755132921,3.755132952,3.755132953,3.755132913,3.755132991,3.755132936,3.755132937,3.755132959,3.755132939,3.755132956,3.755132945,3.755132964,3.755132959,3.755132903,3.755132955,3.755132955,3.755132989,3.755132954,3.755132929,3.755132945,3.755132911,3.755132982,3.755132953,3.755132943,3.75513292,3.755132956,3.755132973,3.755132931
+"14394","SGCZ",3.271224335,3.271224335,3.2712244,3.271224325,3.271224383,3.27122438,3.271224361,3.271224424,3.271224358,3.271224346,3.271224344,3.271224425,3.271224418,3.271224374,3.271224364,3.271224362,3.271224428,3.271224401,3.271224396,3.271224414,3.271224375,3.271224369,3.27122437,3.2712244,3.271224394,3.271224404,3.271224334,3.271224392
+"14395","SGF29",7.35033284,7.350332982,7.350332658,7.350332735,7.350332705,7.350332965,7.350332691,7.350332877,7.350333054,7.35033303,7.350332569,7.350332735,7.350332941,7.350333121,7.350332768,7.350332761,7.350332497,7.350332453,7.350332673,7.35033296,7.350332725,7.350332889,7.350333095,7.350333049,7.350332691,7.350332909,7.350333013,7.350332936
+"14396","SGIP1",3.877534092,3.877534178,3.877534205,3.877534206,3.877534217,3.877534294,3.877534224,3.877534209,3.877534137,3.87753415,3.87753419,3.877534289,3.877534198,3.877534066,3.877534149,3.877534241,3.877534252,3.877534214,3.877534113,3.877534095,3.877534249,3.877534291,3.877534167,3.877534213,3.877534235,3.877534126,3.877534223,3.877534178
+"14397","SGK1",6.714888323,6.714889683,6.714889538,6.714889498,6.714889111,6.714886889,6.714888554,6.714888701,6.714887735,6.714888106,6.714889446,6.714888715,6.714888855,6.714889396,6.71488806,6.714889252,6.714888867,6.714889062,6.714890225,6.714886433,6.714888609,6.714888158,6.714888605,6.714888995,6.714889836,6.714889314,6.71488866,6.714888397
+"14398","SGK2",4.883510023,4.883510019,4.8835101,4.883510032,4.883510101,4.883510015,4.883510064,4.883510073,4.883510063,4.883510037,4.883510077,4.883510118,4.883510033,4.883510032,4.883510095,4.88351005,4.883510134,4.883510109,4.883510007,4.883510059,4.883510118,4.883510075,4.88351006,4.88351003,4.883510051,4.883510114,4.883510013,4.88351009
+"14399","SGMS1",6.031427446,6.031427515,6.031427158,6.03142728,6.031427097,6.031427206,6.031427293,6.031427044,6.031427162,6.03142707,6.031427251,6.031426839,6.031427319,6.031427619,6.031427265,6.031427479,6.031426911,6.0314272,6.031427229,6.031427357,6.031427178,6.031426912,6.03142716,6.031427244,6.031427418,6.031427125,6.031427219,6.031427346
+"14400","SGMS2",5.590254147,5.590254273,5.590253984,5.590254354,5.590254097,5.59025378,5.590253765,5.590253719,5.590253476,5.590253882,5.590254354,5.590253614,5.590253881,5.590254037,5.590253454,5.590253722,5.590253669,5.590253514,5.590253911,5.590253643,5.590253544,5.59025321,5.590253332,5.590253809,5.590253717,5.590253254,5.590253873,5.590253283
+"14401","SGO1",3.408318919,3.408318897,3.408318959,3.408318756,3.408318803,3.408318888,3.40831917,3.408318819,3.408318962,3.408318725,3.40831894,3.408319119,3.408318777,3.408318913,3.408318807,3.408318965,3.408319073,3.408318854,3.408318707,3.40831899,3.408318897,3.408318696,3.408319123,3.408318879,3.40831869,3.408318758,3.408318768,3.40831881
+"14402","SGO2",3.39703592,3.397035975,3.397035983,3.397035941,3.397035947,3.397035963,3.397035941,3.397035986,3.397036026,3.397035932,3.397035944,3.397035951,3.397035913,3.39703604,3.397035957,3.397035869,3.397035932,3.397035976,3.397035965,3.397035975,3.397035937,3.397035954,3.397035966,3.397035925,3.397035973,3.397035948,3.39703596,3.397036047
+"14403","SGPL1",7.350128486,7.350128612,7.350128455,7.350128592,7.350128384,7.35012845,7.350128418,7.350128401,7.350128444,7.350128473,7.350128441,7.350128316,7.350128592,7.350128612,7.350128379,7.350128556,7.350128339,7.350128399,7.350128461,7.350128552,7.350128403,7.350128405,7.350128426,7.350128488,7.350128475,7.350128466,7.350128571,7.350128435
+"14404","SGPP1",6.806271966,6.806271859,6.806271672,6.806271712,6.806271772,6.806271927,6.806271764,6.806271743,6.806271901,6.806271755,6.806271534,6.806271597,6.806271811,6.806271845,6.806271634,6.806271713,6.806271364,6.806271519,6.806271879,6.806271914,6.806271644,6.806271745,6.806272072,6.806271878,6.806271634,6.806271754,6.806271873,6.806271927
+"14405","SGPP2",5.311107782,5.311107703,5.311107726,5.311107758,5.311107732,5.311107764,5.31110775,5.311107752,5.311107732,5.311107709,5.311107763,5.311107782,5.311107794,5.311107756,5.311107731,5.311107719,5.311107694,5.311107807,5.311107817,5.311107703,5.311107723,5.311107746,5.311107783,5.311107774,5.311107727,5.311107766,5.311107794,5.311107797
+"14406","SGSH",6.967517071,6.967517258,6.967516894,6.967517013,6.967517157,6.96751714,6.967517045,6.967517143,6.967516995,6.967517296,6.96751709,6.967517112,6.967516875,6.967517019,6.967517041,6.967517161,6.96751699,6.967516812,6.967516961,6.967516838,6.967517054,6.967517132,6.967516998,6.967516958,6.967517107,6.967517233,6.967517071,6.967516823
+"14407","SGSM1",5.398387013,5.398387004,5.398387036,5.398387016,5.398387028,5.398387031,5.398387027,5.39838705,5.398387043,5.39838704,5.39838705,5.398387036,5.398387045,5.398387006,5.398387052,5.39838702,5.398387059,5.398387034,5.398387024,5.398387035,5.398387041,5.398387056,5.398387033,5.398387002,5.39838703,5.398387039,5.398387016,5.398387021
+"14408","SGSM2",6.670471855,6.67047187,6.670471879,6.670471862,6.670471863,6.670471868,6.670471856,6.670471852,6.67047188,6.670471883,6.670471877,6.670471878,6.670471876,6.670471873,6.670471859,6.67047186,6.670471849,6.670471867,6.670471862,6.670471851,6.670471852,6.67047187,6.670471864,6.670471871,6.670471863,6.670471867,6.670471883,6.670471854
+"14409","SGSM3",6.347526319,6.347526272,6.347526218,6.347526263,6.347526318,6.347526403,6.347526286,6.347526216,6.347526456,6.347526494,6.347526184,6.347526373,6.347526303,6.347526356,6.347526259,6.347526277,6.347526197,6.347526189,6.347526348,6.347526205,6.347526262,6.347526329,6.34752628,6.347526282,6.347526221,6.347526417,6.347526339,6.347526317
+"14410","SGTA",6.676314469,6.676314504,6.676314588,6.676314578,6.676314462,6.67631463,6.67631446,6.676314539,6.676314574,6.676314588,6.676314576,6.676314428,6.676314561,6.676314532,6.676314534,6.676314466,6.676314444,6.67631452,6.676314365,6.67631454,6.67631441,6.676314506,6.676314531,6.676314552,6.676314567,6.676314424,6.676314533,6.676314507
+"14411","SGTB",6.463919663,6.463919721,6.463919648,6.46391969,6.463919572,6.463919707,6.463919671,6.463919587,6.463919702,6.463919737,6.463919592,6.463919518,6.463919674,6.46391989,6.463919626,6.463919711,6.463919516,6.463919659,6.463919594,6.463919509,6.463919632,6.463919609,6.463919733,6.463919756,6.463919768,6.463919646,6.463919707,6.463919795
+"14412","SH2B1",6.156501103,6.156501159,6.156501176,6.156501187,6.156501132,6.156501207,6.156501016,6.156501155,6.156501297,6.156501278,6.156501147,6.156501313,6.156501194,6.156500981,6.156501185,6.156501137,6.15650115,6.156501021,6.156501125,6.156501139,6.156501128,6.156501244,6.156501185,6.156501182,6.156501216,6.156501172,6.156501202,6.156501095
+"14413","SH2B2",6.949465869,6.94946598,6.949465715,6.949466578,6.949465268,6.94946655,6.949466022,6.94946588,6.949465672,6.949465765,6.949465773,6.949464826,6.949466452,6.949465466,6.949465935,6.949466215,6.949465966,6.949466731,6.949465635,6.949466868,6.949465683,6.949465998,6.949465951,6.949465971,6.94946597,6.949465115,6.949466208,6.949465483
+"14414","SH2B3",7.446755381,7.446755565,7.446755475,7.446755415,7.446755592,7.446755683,7.446755489,7.446755512,7.446755321,7.446755473,7.446755534,7.446755445,7.446755533,7.446755368,7.446755539,7.446755439,7.446755539,7.446755496,7.446755496,7.44675566,7.446755504,7.446755496,7.44675534,7.446755468,7.446755502,7.446755484,7.44675555,7.446755365
+"14415","SH2D1A",6.186464945,6.186463744,6.186463497,6.186462358,6.186461812,6.186462253,6.186463453,6.18646406,6.186465232,6.186463351,6.186462207,6.186462496,6.186464339,6.186466254,6.186463925,6.186463953,6.186462358,6.186462386,6.186462782,6.186462204,6.186464368,6.18646385,6.186465291,6.186463871,6.186463068,6.18646364,6.186464047,6.186465561
+"14416","SH2D1B",5.44393729,5.443937502,5.443936714,5.44393433,5.443935721,5.443935887,5.443935205,5.443934511,5.443936055,5.44393565,5.443936775,5.443935666,5.443936948,5.443937188,5.443936241,5.443937182,5.443935714,5.443935019,5.44393629,5.443935241,5.443935542,5.443933395,5.443937392,5.443936574,5.44393726,5.443936556,5.443936256,5.443936197
+"14417","SH2D2A",6.776977965,6.776977805,6.77697789,6.776977761,6.776977848,6.77697807,6.776977888,6.776978043,6.776977956,6.77697789,6.776977757,6.776977833,6.776977969,6.776977708,6.776977972,6.776977778,6.776977861,6.776977887,6.776977814,6.776977893,6.776977914,6.776977926,6.776977875,6.776977815,6.776977777,6.776977827,6.77697793,6.776977769
+"14418","SH2D3A",6.263709889,6.263709889,6.263709888,6.263709891,6.263709931,6.263709871,6.263709917,6.263709941,6.263709914,6.263709885,6.263709863,6.263709939,6.263709924,6.263709872,6.263709914,6.263709886,6.263709922,6.263709913,6.263709922,6.263709882,6.263709916,6.263709953,6.2637099,6.263709852,6.263709895,6.263709948,6.263709907,6.263709923
+"14419","SH2D3C",8.280668381,8.280669266,8.280668163,8.280669473,8.280668493,8.280669782,8.280668806,8.280668661,8.280668741,8.280668753,8.280668911,8.280668288,8.28066898,8.280668643,8.280668644,8.280669175,8.280668266,8.280669309,8.280668664,8.280669552,8.280668727,8.280668771,8.280668899,8.280668966,8.280669021,8.280668617,8.280669058,8.280668419
+"14420","SH2D4A",4.500863593,4.500863641,4.50086365,4.500863588,4.500863633,4.500863598,4.500863658,4.500863671,4.500863615,4.500863613,4.500863631,4.500863709,4.500863691,4.500863587,4.500863715,4.500863658,4.500863716,4.500863727,4.50086362,4.500863649,4.500863722,4.500863654,4.500863541,4.500863606,4.500863641,4.500863636,4.500863622,4.500863635
+"14421","SH2D4B",4.688229562,4.688229573,4.688229612,4.688229598,4.68822966,4.688229616,4.688229631,4.688229616,4.688229631,4.688229654,4.688229595,4.688229657,4.688229562,4.688229531,4.688229621,4.688229602,4.688229635,4.688229624,4.688229575,4.688229638,4.688229631,4.688229621,4.688229567,4.688229537,4.688229573,4.688229609,4.688229582,4.688229603
+"14422","SH2D5",4.993791128,4.993791105,4.993791123,4.993791084,4.993791174,4.993791094,4.993791117,4.993791137,4.993791087,4.993791123,4.993791126,4.993791156,4.993791122,4.9937911,4.993791149,4.99379113,4.99379115,4.993791131,4.993791133,4.993791096,4.993791154,4.993791156,4.99379108,4.993791081,4.993791125,4.993791165,4.99379112,4.993791134
+"14423","SH2D6",5.599151465,5.599151584,5.599151674,5.599151712,5.599151976,5.599151689,5.599151689,5.59915192,5.599151703,5.59915174,5.599151822,5.599151976,5.599151578,5.59915147,5.599151748,5.599151739,5.599151994,5.599151827,5.599151619,5.59915179,5.599151747,5.599151826,5.599151574,5.599151617,5.599151713,5.599151754,5.599151577,5.599151826
+"14424","SH2D7",4.125325271,4.125325386,4.125325419,4.125325412,4.125325446,4.125325464,4.12532526,4.125325191,4.125325382,4.125325363,4.125325419,4.125325304,4.125325345,4.125325441,4.125325322,4.1253254,4.125325297,4.125325502,4.125325249,4.125325398,4.12532538,4.125325354,4.125325296,4.125325391,4.125325345,4.125325401,4.125325319,4.125325289
+"14425","SH3BGR",3.895534841,3.895534878,3.895534884,3.895534883,3.895534867,3.89553486,3.895534868,3.895534888,3.89553488,3.895534856,3.89553487,3.895534905,3.895534845,3.895534848,3.895534863,3.895534866,3.895534897,3.89553489,3.895534843,3.895534873,3.895534869,3.895534878,3.895534861,3.895534862,3.895534844,3.895534884,3.895534876,3.895534861
+"14426","SH3BGRL",8.430999657,8.430999318,8.43099956,8.430999446,8.430999333,8.430999083,8.430999094,8.430999191,8.430999157,8.430999429,8.430999641,8.430998896,8.430999395,8.430999946,8.43099932,8.430999057,8.430999233,8.430999415,8.43099923,8.430999492,8.430999385,8.430999128,8.430999247,8.430999606,8.430999584,8.430999165,8.430999354,8.430999635
+"14427","SH3BGRL2",6.302647888,7.475612174,6.53286931,8.158653416,7.123995094,6.48395921,6.832465935,6.648027817,6.490901308,7.456630246,7.782367798,7.358784953,6.618211112,6.100098368,6.394333875,7.084032034,6.763940102,8.107455492,6.967576032,6.038132564,6.791367976,6.469778361,6.798152094,7.632129403,7.752017513,7.197332983,6.497910085,6.364651413
+"14428","SH3BGRL3",8.290006782,8.290006983,8.290007006,8.290006931,8.290007071,8.290007277,8.290006992,8.290007209,8.290006945,8.290007108,8.290006974,8.290007187,8.290006873,8.290006416,8.290006694,8.29000713,8.290007226,8.290006937,8.290006895,8.290006678,8.290006959,8.290007042,8.290006857,8.290006995,8.290006842,8.290007132,8.290006868,8.290006658
+"14429","SH3BP1",6.93968155,6.939681529,6.9396816,6.939681762,6.93968144,6.93968185,6.939681683,6.939681636,6.93968174,6.939681746,6.939681726,6.939681473,6.939681417,6.939681535,6.939681588,6.939681623,6.939681387,6.939681411,6.939681601,6.939681634,6.939681561,6.93968169,6.939681762,6.939681593,6.939681688,6.939681467,6.939681633,6.939681335
+"14430","SH3BP2",7.811079958,7.811079976,7.811079888,7.811080093,7.811079555,7.811080408,7.811079964,7.81107971,7.811079774,7.81107983,7.811080051,7.811079457,7.81107998,7.8110796,7.811079558,7.811079747,7.811079652,7.811079894,7.811079763,7.811080351,7.811079778,7.811079821,7.811079771,7.811079773,7.811079929,7.811079552,7.811080108,7.811079455
+"14431","SH3BP4",4.900094164,4.900094177,4.900094195,4.900094197,4.900094231,4.900094192,4.900094219,4.900094219,4.900094212,4.900094213,4.900094208,4.900094236,4.900094178,4.900094143,4.900094171,4.900094206,4.900094225,4.900094179,4.900094191,4.900094164,4.900094185,4.900094198,4.900094188,4.900094148,4.9000942,4.900094181,4.9000942,4.900094183
+"14432","SH3BP5",6.873861473,6.873861561,6.873861199,6.873861307,6.87386118,6.873860989,6.87386115,6.873861129,6.873860965,6.873861293,6.873861081,6.873860551,6.873861398,6.87386179,6.873861218,6.87386116,6.873861036,6.87386115,6.87386106,6.873861062,6.87386108,6.873860993,6.873861153,6.873861513,6.873860821,6.87386111,6.873861251,6.873861477
+"14433","SH3BP5L",7.023681282,7.023681626,7.023681511,7.023681816,7.023681429,7.023681522,7.023681555,7.023681461,7.023681372,7.02368129,7.023681561,7.023681297,7.023681457,7.023681222,7.023681606,7.023681652,7.023681559,7.023681635,7.023681536,7.023681494,7.023681576,7.023681532,7.023681626,7.023681622,7.023681795,7.023681547,7.023681418,7.023681418
+"14434","SH3D19",3.349596855,3.349596837,3.349596855,3.349596878,3.349596965,3.349596928,3.349596944,3.349596858,3.349596847,3.349596853,3.349597007,3.349596972,3.349596837,3.349596842,3.349596845,3.349596851,3.349596908,3.349596842,3.349596905,3.349596838,3.349596842,3.349596896,3.349596849,3.349596847,3.349596804,3.349596875,3.349596828,3.349596817
+"14435","SH3D21",5.460548323,5.460548372,5.460548462,5.460548469,5.460548457,5.460548323,5.460548424,5.46054842,5.46054835,5.460548392,5.46054847,5.46054843,5.460548432,5.460548332,5.460548472,5.460548462,5.460548557,5.460548538,5.460548416,5.460548411,5.460548507,5.460548432,5.460548308,5.460548364,5.460548436,5.460548439,5.460548412,5.460548322
+"14436","SH3GL1",7.91182944,7.911829978,7.911830521,7.911830113,7.911829605,7.911830441,7.911829937,7.911830014,7.911829905,7.911830083,7.911829935,7.911830513,7.911829911,7.911829589,7.911829748,7.911830017,7.911830156,7.911830153,7.911829468,7.911830114,7.911829554,7.911830343,7.911829775,7.91182999,7.911830078,7.911830424,7.911830034,7.91182938
+"14437","SH3GL2",5.499750153,5.49975016,5.499750201,5.499750166,5.499750205,5.499750139,5.499750181,5.499750214,5.499750185,5.499750183,5.499750205,5.499750181,5.499750186,5.499750144,5.499750206,5.499750228,5.499750215,5.499750199,5.499750177,5.499750194,5.499750213,5.499750226,5.499750148,5.499750164,5.499750178,5.499750193,5.499750151,5.499750194
+"14438","SH3GL3",4.035640628,4.035640622,4.035640657,4.035640664,4.035640675,4.035640647,4.035640669,4.035640636,4.035640637,4.035640654,4.035640644,4.035640694,4.035640637,4.035640633,4.035640646,4.035640635,4.035640672,4.035640689,4.035640664,4.035640645,4.035640661,4.035640663,4.035640661,4.035640642,4.03564064,4.035640646,4.035640641,4.035640658
+"14439","SH3GLB1",7.47035,7.470350111,7.470349004,7.470350128,7.470348417,7.470348104,7.470349143,7.470348309,7.470348434,7.470349046,7.4703487,7.470346892,7.470349112,7.470350289,7.470348816,7.470349395,7.470348402,7.470349635,7.470349549,7.470348858,7.470349533,7.470348545,7.47034956,7.470350483,7.470349435,7.470348167,7.47034878,7.470349628
+"14440","SH3GLB2",7.388894326,7.388894296,7.388894741,7.388894393,7.388894068,7.388894637,7.388894019,7.388894618,7.388894635,7.388894261,7.388894281,7.388894287,7.388894472,7.38889421,7.388893975,7.388894134,7.388894494,7.38889429,7.388894122,7.388894421,7.388893895,7.388894444,7.388894589,7.388894391,7.38889437,7.388894529,7.388894464,7.388894253
+"14441","SH3KBP1",8.896398548,8.896399087,8.896397972,8.896398874,8.896398052,8.896398884,8.896398501,8.89639834,8.896398742,8.896398482,8.896398222,8.896397762,8.896398661,8.896398886,8.896398524,8.896398854,8.896397657,8.896398695,8.896398415,8.896398905,8.896398553,8.896398188,8.896399056,8.896398761,8.896398674,8.896398463,8.896398554,8.896398217
+"14442","SH3PXD2A",5.158374445,5.158374388,5.158374427,5.158374399,5.158374474,5.158374473,5.158374414,5.158374466,5.15837446,5.158374527,5.158374416,5.158374521,5.158374423,5.158374439,5.158374477,5.158374428,5.158374492,5.158374354,5.158374443,5.15837447,5.158374449,5.158374508,5.15837447,5.158374473,5.158374464,5.158374436,5.15837446,5.158374471
+"14443","SH3PXD2B",5.251338834,5.251338857,5.251338881,5.251338849,5.251338882,5.251338854,5.251338839,5.251338856,5.251338847,5.251338852,5.251338853,5.251338866,5.251338842,5.251338841,5.25133885,5.251338841,5.251338859,5.251338875,5.251338826,5.251338877,5.25133887,5.251338811,5.251338845,5.251338846,5.251338849,5.251338861,5.251338833,5.251338875
+"14444","SH3RF1",5.154330807,5.154330813,5.154330838,5.154330779,5.154330798,5.15433084,5.15433084,5.154330729,5.15433079,5.15433089,5.15433079,5.154330855,5.154330897,5.154330851,5.154330799,5.154330778,5.154330847,5.154330719,5.154330807,5.15433089,5.154330814,5.154330818,5.15433076,5.15433087,5.154330806,5.154330849,5.154330896,5.154330825
+"14445","SH3RF2",5.130980318,5.130980302,5.13098041,5.130980311,5.130980433,5.130980325,5.130980335,5.130980399,5.130980392,5.130980371,5.130980428,5.130980405,5.130980374,5.130980248,5.130980388,5.130980386,5.130980433,5.130980395,5.130980411,5.13098036,5.130980372,5.1309804,5.130980313,5.130980359,5.130980365,5.130980348,5.130980309,5.13098035
+"14446","SH3RF3",6.74878297,6.748782928,6.748783286,6.748783088,6.748783351,6.748783113,6.748783217,6.748783193,6.748783171,6.748782911,6.748782798,6.748783397,6.748783082,6.748782905,6.748783097,6.748783039,6.748783373,6.748783149,6.748783265,6.748783187,6.748783209,6.748783034,6.748783055,6.748782954,6.748783113,6.748783276,6.748782975,6.748782969
+"14447","SH3TC1",6.561314009,6.561314052,6.561314094,6.561314047,6.561314115,6.561314064,6.561314123,6.561314073,6.561313998,6.561314062,6.561314157,6.561314,6.561314063,6.561314027,6.561314012,6.561313943,6.561314132,6.561314055,6.561314045,6.56131409,6.561314038,6.561314091,6.561313919,6.561314,6.561314009,6.561314046,6.561314091,6.561313891
+"14448","SH3TC2",4.918460281,4.918460338,4.918460331,4.918460454,4.918460446,4.918460311,4.918460382,4.918460319,4.918460323,4.918460488,4.91846051,4.918460411,4.918460347,4.918460327,4.918460315,4.918460349,4.918460277,4.918460435,4.918460276,4.918460263,4.918460323,4.918460286,4.918460341,4.918460336,4.918460451,4.918460377,4.918460286,4.918460298
+"14449","SH3YL1",5.937959335,5.937959361,5.937959198,5.937959161,5.937959217,5.937959229,5.937959224,5.937959305,5.937959328,5.937959339,5.937959168,5.93795933,5.937959323,5.937959413,5.937959263,5.937959305,5.937959175,5.937959142,5.937959303,5.937959205,5.937959234,5.937959305,5.937959295,5.937959293,5.937959183,5.937959314,5.937959322,5.937959372
+"14450","SHANK1",5.392416814,5.392416768,5.392416802,5.392416882,5.392417003,5.39241678,5.39241684,5.392416894,5.392416759,5.392416851,5.39241692,5.392416927,5.39241681,5.392416691,5.392416973,5.392416806,5.392416962,5.392416952,5.392416847,5.392416858,5.392416898,5.392416966,5.392416797,5.392416804,5.392416845,5.392416939,5.392416828,5.392416864
+"14451","SHANK2",4.597221851,4.597221892,4.597221891,4.597221902,4.597222,4.59722188,4.597221904,4.597221989,4.597221881,4.597221904,4.597221923,4.597221982,4.59722187,4.597221804,4.597221926,4.597221931,4.597222018,4.597221957,4.597221946,4.597221954,4.59722198,4.597221958,4.597221864,4.597221819,4.597221915,4.597221908,4.597221859,4.597221931
+"14452","SHANK2-AS3",5.935824711,5.93582472,5.935824799,5.935824701,5.935824844,5.935824707,5.935824769,5.935824836,5.935824745,5.935824763,5.935824788,5.935824874,5.935824769,5.93582469,5.935824823,5.935824791,5.935824863,5.935824819,5.93582473,5.935824779,5.935824816,5.935824863,5.93582469,5.935824723,5.935824798,5.935824802,5.935824763,5.935824769
+"14453","SHANK3",5.635701481,5.635701612,5.635701765,5.635701671,5.635701915,5.635701543,5.635701646,5.635701767,5.635701639,5.63570169,5.635701835,5.635701894,5.635701611,5.635701418,5.63570183,5.635701812,5.635701968,5.635701864,5.635701692,5.63570169,5.635701742,5.635701809,5.635701653,5.635701628,5.635701786,5.63570174,5.635701643,5.635701753
+"14454","SHARPIN",7.964206677,7.939256378,9.399424054,8.118440613,8.340298857,9.267879407,8.541294884,9.072143962,9.040845652,8.409748849,8.163409088,9.257805746,8.267513371,7.796936444,8.158785356,7.625979902,9.224419731,8.118929186,8.118500633,8.883268903,8.216606618,8.700869247,9.077543139,8.377011442,8.354635735,9.09009189,8.442752047,8.011066
+"14455","SHB",5.938616647,5.938616755,5.938616834,5.938616655,5.938616872,5.938616714,5.938616743,5.938616775,5.938616803,5.938616757,5.938616815,5.938616928,5.938616673,5.938616556,5.93861687,5.938616846,5.938616934,5.938616801,5.938616779,5.938616755,5.93861684,5.938616847,5.938616665,5.938616589,5.938616654,5.93861683,5.938616641,5.938616775
+"14456","SHBG",5.118786176,5.11878618,5.118786179,5.118786269,5.118786269,5.118786134,5.11878619,5.118786273,5.118786187,5.118786177,5.118786266,5.118786282,5.118786181,5.118786108,5.118786224,5.118786222,5.118786259,5.118786263,5.118786201,5.118786242,5.118786257,5.118786226,5.118786201,5.118786217,5.118786222,5.11878626,5.118786207,5.118786231
+"14457","SHC1",7.458913582,7.458913577,7.458913582,7.458913584,7.458913585,7.458913593,7.458913581,7.458913587,7.458913592,7.458913583,7.458913575,7.458913573,7.458913592,7.458913578,7.458913584,7.458913577,7.458913583,7.458913578,7.45891358,7.458913581,7.458913582,7.458913583,7.458913581,7.458913587,7.458913592,7.458913576,7.458913591,7.458913569
+"14458","SHC2",5.534125283,5.534125268,5.534125456,5.534125371,5.534125667,5.534125375,5.534125603,5.534125514,5.534125371,5.534125342,5.534125535,5.534125627,5.534125317,5.534124999,5.534125449,5.534125488,5.534125705,5.534125604,5.534125467,5.534125407,5.534125529,5.534125377,5.534125378,5.534125016,5.534125578,5.534125589,5.534125259,5.534125457
+"14459","SHC3",5.039772554,5.03977252,5.039772576,5.03977253,5.039772536,5.039772528,5.03977252,5.039772593,5.039772535,5.039772523,5.039772586,5.039772576,5.039772532,5.039772501,5.039772575,5.03977256,5.039772585,5.039772579,5.039772543,5.039772532,5.039772564,5.039772595,5.039772498,5.039772505,5.039772552,5.039772529,5.039772565,5.039772534
+"14460","SHC4",3.541845572,3.541845633,3.541845658,3.541845622,3.541845604,3.541845635,3.541845606,3.541845619,3.541845607,3.541845624,3.541845639,3.54184561,3.541845603,3.541845607,3.541845614,3.541845684,3.541845629,3.541845621,3.5418456,3.54184563,3.541845642,3.541845617,3.541845603,3.541845589,3.541845606,3.541845625,3.541845568,3.541845615
+"14461","SHCBP1",4.714343709,4.714343676,4.714343837,4.71434367,4.714343772,4.714343888,4.714344246,4.714343796,4.714343844,4.714343684,4.714343737,4.714343737,4.71434382,4.714343749,4.714343786,4.714343805,4.714343718,4.714343727,4.714343715,4.714343838,4.714344151,4.714343637,4.714343815,4.714343733,4.714343805,4.714343737,4.714343842,4.714343647
+"14462","SHCBP1L",3.617473912,3.617474325,3.617474182,3.617474276,3.617474413,3.61747421,3.617474286,3.617474278,3.617474163,3.617474362,3.61747422,3.6174746,3.61747431,3.617473925,3.617474291,3.617474197,3.61747458,3.617474345,3.617474315,3.617474241,3.617474225,3.617474239,3.617474335,3.617473993,3.617474298,3.617474283,3.617474205,3.617474205
+"14463","SHD",5.466706735,5.466706754,5.466706824,5.466706784,5.466706881,5.466706784,5.466706812,5.466706837,5.466706812,5.466706831,5.466706826,5.466706877,5.466706818,5.466706753,5.466706857,5.466706798,5.466706854,5.466706841,5.466706825,5.466706803,5.466706842,5.466706842,5.466706771,5.466706723,5.466706804,5.466706838,5.466706748,5.466706809
+"14464","SHE",5.247028819,5.247028846,5.247029082,5.247028535,5.247029508,5.247028524,5.247028899,5.247029078,5.24702911,5.247029007,5.247029002,5.24702933,5.247028795,5.247028671,5.247029239,5.247029142,5.247029255,5.247029037,5.247029156,5.247028928,5.247029417,5.24702917,5.247028924,5.247028826,5.247029145,5.24702908,5.247028801,5.247029364
+"14465","SHF",5.363996737,5.363996753,5.36399675,5.363996753,5.363996761,5.363996749,5.363996751,5.363996768,5.363996744,5.363996737,5.363996754,5.363996759,5.363996753,5.363996727,5.363996765,5.363996751,5.363996786,5.363996764,5.363996735,5.363996768,5.363996754,5.363996772,5.363996726,5.363996757,5.363996761,5.36399674,5.363996729,5.36399676
+"14466","SHFL",7.230557475,7.230557459,7.230557544,7.230557606,7.230557445,7.230557798,7.230557428,7.230557513,7.23055759,7.230557469,7.230557379,7.230557364,7.230557633,7.230557441,7.230557476,7.230557385,7.230557351,7.230557456,7.230557495,7.23055781,7.23055738,7.230557603,7.230557484,7.230557564,7.230557461,7.230557301,7.230557608,7.23055745
+"14467","SHH",6.044239195,6.044239311,6.044239469,6.044239355,6.044239582,6.044239115,6.044239459,6.044239589,6.044239358,6.044239375,6.044239429,6.044239514,6.044239396,6.04423921,6.044239518,6.044239434,6.044239572,6.044239592,6.044239344,6.044239278,6.044239463,6.044239422,6.044239163,6.044239293,6.044239529,6.044239472,6.044239318,6.044239382
+"14468","SHISA2",5.725395095,5.725395139,5.725395149,5.725395106,5.725395135,5.725395081,5.725395113,5.725395159,5.725395053,5.725395127,5.725395136,5.725395129,5.725395165,5.725395052,5.725395144,5.725395064,5.725395159,5.72539513,5.725395106,5.725395175,5.725395132,5.725395173,5.725395084,5.725395114,5.725395129,5.725395159,5.725395184,5.725395146
+"14469","SHISA3",4.249315506,4.249315514,4.249315525,4.249315506,4.249315562,4.249315495,4.249315603,4.249315592,4.249315534,4.249315536,4.249315575,4.249315473,4.249315568,4.249315512,4.249315584,4.249315488,4.249315574,4.249315532,4.249315557,4.249315548,4.249315596,4.249315537,4.249315497,4.249315504,4.249315568,4.249315523,4.249315564,4.24931556
+"14470","SHISA4",6.782737704,6.782737918,6.782743533,6.782735391,6.782738232,6.782739618,6.782738292,6.782740667,6.782738601,6.782739791,6.782739743,6.782743857,6.782736393,6.782735511,6.782738829,6.782737024,6.78274306,6.782735471,6.782736242,6.782739119,6.782737982,6.782740005,6.782737815,6.782739139,6.782739026,6.782743314,6.782736043,6.78273676
+"14471","SHISA5",9.632903344,10.09243978,9.552632073,9.938578411,9.666900778,10.17969636,9.550858486,9.818117242,9.779060539,9.617671336,9.519054778,9.300430198,9.752620345,9.799079948,9.608793085,9.990580163,9.616240331,9.768498651,9.943781089,10.4244627,9.513611253,9.75180238,9.899959307,9.806543478,9.574930895,9.407692372,9.741271099,9.671304841
+"14472","SHISA6",4.4765090185,4.4765091195,4.476509215,4.4765091165,4.476509308,4.4765091405,4.4765092075,4.4765092495,4.4765090685,4.47650912,4.476509135,4.476509329,4.476509112,4.4765089355,4.4765093675,4.476509065,4.4765092395,4.4765093365,4.4765092965,4.4765092265,4.4765093355,4.47650935,4.4765090305,4.4765090915,4.476509274,4.4765092665,4.4765090315,4.4765092975
+"14473","SHISA7",5.893992899,5.8939929155,5.893993172,5.893992927,5.8939934045,5.893993267,5.8939931795,5.893993093,5.893993069,5.893993133,5.8939933225,5.893993408,5.893992927,5.893992596,5.8939932085,5.893992815,5.8939934055,5.8939931565,5.893993094,5.8939930605,5.89399319,5.893993143,5.893992998,5.893992893,5.893992967,5.8939931325,5.893992904,5.893992929
+"14474","SHISA9",6.224369356,6.224369395,6.224370154,6.224370083,6.224370422,6.224369277,6.224370125,6.224370148,6.224369727,6.224369711,6.224370176,6.224370628,6.224369778,6.224369213,6.224370284,6.224369948,6.224370606,6.224370337,6.224369866,6.22436956,6.224370278,6.224370317,6.224369678,6.224369388,6.224369952,6.224370312,6.224369865,6.224369982
+"14475","SHISAL1",4.741356108,4.741356125,4.741356125,4.741356116,4.741356168,4.741356156,4.741356148,4.741356131,4.74135614,4.741356143,4.741356156,4.741356156,4.741356102,4.74135607,4.741356152,4.741356102,4.74135615,4.741356133,4.741356129,4.741356175,4.741356149,4.741356157,4.741356124,4.74135612,4.741356151,4.741356132,4.741356132,4.741356147
+"14476","SHISAL2A",6.098923027,6.098922917,6.098922724,6.09892288,6.098922917,6.098922884,6.098922841,6.098922885,6.098923155,6.098922991,6.098922596,6.098922888,6.09892308,6.0989232,6.098922923,6.098922729,6.098922765,6.098922817,6.098922816,6.098922888,6.098922889,6.098922942,6.098923093,6.098922927,6.098922731,6.098923084,6.098923192,6.098923067
+"14477","SHISAL2B",3.365687873,3.365687882,3.365687882,3.365687885,3.3656879,3.365687904,3.365687894,3.365687894,3.365687875,3.365687872,3.36568791,3.365687892,3.365687882,3.365687883,3.365687913,3.365687893,3.365687906,3.365687896,3.365687901,3.365687894,3.365687891,3.365687889,3.365687886,3.365687893,3.365687877,3.365687904,3.365687856,3.365687901
+"14478","SHKBP1",8.85990923,8.895466239,8.828106299,8.670600389,8.580739379,9.095124519,8.78459391,8.440389376,8.651442325,8.612965803,8.912060458,7.673581601,8.533638258,8.198906222,8.789617221,8.824733341,8.758526256,8.448962157,8.834102918,9.089028674,8.665865962,8.457397955,8.729561049,8.72885994,8.996797132,7.738270229,8.523603237,8.052825819
+"14479","SHLD1",5.789809142,5.789809137,5.789809407,5.789809143,5.789809406,5.789809275,5.78980943,5.7898093,5.789809305,5.78980956,5.7898093,5.789809471,5.78980921,5.789809143,5.789809127,5.789809111,5.789809504,5.789809195,5.789809417,5.789809315,5.789809389,5.78980929,5.789809246,5.789809287,5.789809375,5.789809418,5.78980917,5.789809276
+"14480","SHLD2",5.396583806,5.396583471,5.3965836,5.396583447,5.396583438,5.396583332,5.396583642,5.396583606,5.39658374,5.396583069,5.396583041,5.396583247,5.396583721,5.396584078,5.396583365,5.396583237,5.396583655,5.3965836,5.396583626,5.396583382,5.39658357,5.396583643,5.396583738,5.396583598,5.396583122,5.39658348,5.396583418,5.396583909
+"14481","SHMT1",5.12793141,5.127931419,5.127931396,5.12793136,5.127931431,5.127931411,5.127931426,5.127931433,5.12793142,5.127931409,5.127931382,5.127931419,5.127931435,5.127931418,5.127931397,5.127931384,5.127931387,5.127931397,5.127931403,5.127931397,5.127931431,5.127931448,5.127931432,5.12793138,5.12793141,5.127931411,5.127931439,5.127931398
+"14482","SHMT2",7.371119715,7.371119535,7.371119584,7.371119435,7.371119485,7.371119692,7.371119924,7.371119269,7.371119639,7.371119709,7.371119354,7.371119387,7.371119709,7.37111981,7.371119552,7.3711192,7.371119213,7.371119226,7.371119718,7.371119436,7.371119685,7.371119501,7.371119746,7.371119625,7.371119203,7.371119671,7.371119663,7.371119686
+"14483","SHOC1",3.17860795,3.178607948,3.178607939,3.178608025,3.178607936,3.17860795,3.178607926,3.178607941,3.178607911,3.178607903,3.178607959,3.178607929,3.178607942,3.178607926,3.178607907,3.178607967,3.178607913,3.178607979,3.178607926,3.178607976,3.178607913,3.178607928,3.178608016,3.178607971,3.178607948,3.178607911,3.178607964,3.178607903
+"14484","SHOC2",8.374708246,8.374705977,8.374701529,8.374707113,8.374698143,8.374697473,8.374701497,8.374697191,8.37469873,8.374699369,8.374700289,8.374690324,8.374698779,8.37471447,8.374706554,8.374705113,8.374700611,8.374706817,8.374706809,8.374691616,8.374703778,8.374700894,8.374704579,8.374705345,8.374705374,8.374697619,8.374697705,8.37471058
+"14485","SHOX",4.777183641,4.777183627,4.777183901,4.777183821,4.777184085,4.777183794,4.777183732,4.777183881,4.777183849,4.777183855,4.777184092,4.777184001,4.777183713,4.777183491,4.777184012,4.777183756,4.777183935,4.777183891,4.777184034,4.777183676,4.777183813,4.77718398,4.777183681,4.777183525,4.77718383,4.77718387,4.777183812,4.777183758
+"14486","SHOX2",5.090635057,5.090635176,5.090635435,5.090635269,5.090635793,5.090634975,5.090635512,5.09063561,5.090635215,5.090635452,5.09063545,5.090635856,5.090635317,5.090634925,5.090635761,5.090635544,5.090635806,5.09063547,5.090635314,5.090635281,5.090635513,5.090635559,5.09063524,5.090635189,5.09063544,5.09063548,5.09063507,5.0906354
+"14487","SHPRH",6.37636039,6.376359401,6.376358663,6.376357846,6.376358542,6.376358201,6.376358833,6.376358683,6.376359597,6.376359194,6.376358414,6.376358366,6.376359611,6.376360937,6.376358842,6.376358605,6.376358044,6.376356741,6.376359249,6.376357388,6.376358854,6.376358856,6.376359748,6.376359075,6.376358436,6.376359054,6.37635966,6.376360059
+"14488","SHQ1",6.622751858,6.622751873,6.622751622,6.622751485,6.622751599,6.622751577,6.622751638,6.622751585,6.622751665,6.622751739,6.622751625,6.622751628,6.622751753,6.622752038,6.622751644,6.622751722,6.62275142,6.622751519,6.622751666,6.622751665,6.622751643,6.622751666,6.622751864,6.622751782,6.622751364,6.622751701,6.622751751,6.622751859
+"14489","SHROOM1",6.08151954,6.081519501,6.081519663,6.081519568,6.081519738,6.081519582,6.081519678,6.081519681,6.081519538,6.081519626,6.081519675,6.081519715,6.081519563,6.08151946,6.081519691,6.081519516,6.081519734,6.081519655,6.081519597,6.081519628,6.081519676,6.081519679,6.081519571,6.08151955,6.081519576,6.081519662,6.081519504,6.08151962
+"14490","SHROOM2",4.725828322,4.725828352,4.72582847,4.725828334,4.725828483,4.725828386,4.725828354,4.725828494,4.725828444,4.725828335,4.725828419,4.725828477,4.725828364,4.725828325,4.725828446,4.725828377,4.725828468,4.725828422,4.725828447,4.725828478,4.725828454,4.725828451,4.725828355,4.725828338,4.725828443,4.725828384,4.725828363,4.725828376
+"14491","SHROOM3",3.862225007,3.862225068,3.862225049,3.862225057,3.862224964,3.862225147,3.862225025,3.862225087,3.862225077,3.862225082,3.862225042,3.862225069,3.862225023,3.862225,3.862225044,3.86222507,3.862225073,3.862225069,3.862224982,3.862225075,3.862224997,3.862225052,3.862225058,3.862225051,3.862225027,3.862224997,3.862225033,3.862225043
+"14492","SHROOM4",4.79552101,4.795521063,4.795521135,4.795521106,4.795521136,4.795521084,4.795521064,4.795521142,4.795521088,4.795521094,4.79552113,4.795521137,4.795521056,4.795520967,4.795521102,4.795521153,4.795521195,4.795521143,4.795521049,4.795521052,4.795521121,4.795521064,4.795521007,4.795521119,4.795521135,4.795521143,4.795520968,4.795521083
+"14493","SHTN1",5.938264675,5.938264793,5.938265564,5.938265311,5.938265327,5.938267222,5.938264535,5.938263484,5.938263387,5.938266758,5.938266018,5.938263695,5.938266928,5.938265453,5.93826384,5.938264207,5.938264246,5.938264207,5.93826546,5.938266135,5.938263536,5.938263622,5.938263581,5.938266255,5.938265829,5.938264114,5.938266533,5.938263221
+"14494","SI",2.980173186,2.980173206,2.980173209,2.980173196,2.980173212,2.980173226,2.980173204,2.980173209,2.980173198,2.980173206,2.980173202,2.980173216,2.980173199,2.980173192,2.980173204,2.980173206,2.980173217,2.980173207,2.980173206,2.980173206,2.980173196,2.980173213,2.980173192,2.980173205,2.980173197,2.980173206,2.980173212,2.980173223
+"14495","SIAE",5.116620043,5.116620087,5.11662005,5.116620117,5.116620003,5.116620079,5.116620003,5.116619974,5.116620028,5.116620144,5.116620047,5.116619989,5.116619993,5.116620053,5.116619978,5.116620014,5.116620004,5.116620117,5.116620034,5.116620063,5.116619975,5.116620012,5.116620026,5.116620084,5.116620044,5.116620012,5.116620005,5.116619968
+"14496","SIAH1",5.833793852,5.833794078,5.833793806,5.833793821,5.833793742,5.8337937,5.833793765,5.833793796,5.833793822,5.833793688,5.833793843,5.833793755,5.833793879,5.833794053,5.833793892,5.833794021,5.83379369,5.833793855,5.833793894,5.833793814,5.833793809,5.833793793,5.833793881,5.833793939,5.833793955,5.833793746,5.833793819,5.833793975
+"14497","SIAH2",8.043185676,8.043185338,8.043185942,8.043184656,8.04318576,8.043187204,8.043184807,8.043186869,8.043186834,8.043186209,8.043185951,8.043186605,8.043186555,8.043184451,8.043185919,8.043184619,8.043186129,8.04318477,8.043184747,8.043186937,8.043184954,8.043186366,8.04318645,8.043186324,8.043185717,8.043186819,8.043187143,8.043185018
+"14498","SIAH3",5.102433102,5.10243308,5.102433148,5.102433109,5.1024332,5.102433094,5.102433141,5.102433139,5.102433135,5.102433111,5.102433134,5.102433209,5.102433114,5.102433033,5.102433174,5.102433111,5.102433189,5.102433155,5.102433149,5.102433123,5.102433158,5.102433167,5.102433084,5.102433075,5.102433114,5.102433139,5.10243312,5.102433133
+"14499","SIDT1",7.295242016,7.29524176,7.295241466,7.295241358,7.295241365,7.295241836,7.295241762,7.295241559,7.295242522,7.295241814,7.295241255,7.29524163,7.295241942,7.295242255,7.295241789,7.295241418,7.29524116,7.295241497,7.295241292,7.295241541,7.295241743,7.295241646,7.295242291,7.295241822,7.295241301,7.295241811,7.295242021,7.295242039
+"14500","SIDT2",7.677416906,7.677417231,7.677416465,7.677415813,7.677417331,7.677416434,7.677416829,7.677415636,7.677414518,7.677412949,7.677416012,7.677413812,7.677417346,7.677415674,7.677416755,7.677416288,7.677416193,7.677416257,7.67741699,7.677416636,7.677416926,7.677415889,7.677414373,7.677413784,7.677416042,7.677414386,7.677417211,7.677414569
+"14501","SIGIRR",7.643913789,7.643913768,7.643913733,7.643913732,7.643913761,7.643913785,7.643913785,7.643913795,7.643913805,7.643913814,7.643913734,7.64391375,7.643913788,7.643913796,7.643913777,7.643913763,7.643913735,7.643913703,7.643913782,7.643913742,7.643913759,7.643913807,7.643913797,7.64391378,7.643913732,7.643913766,7.643913811,7.64391378
+"14502","SIGLEC1",5.448185797,5.448185796,5.448185828,5.448185821,5.44818594,5.448185887,5.448185816,5.448185782,5.448185792,5.448185808,5.448185857,5.448185823,5.44818581,5.448185765,5.44818588,5.448185843,5.448185875,5.448185866,5.448185904,5.448185897,5.448185851,5.448185775,5.448185748,5.448185772,5.448185845,5.448185829,5.448185808,5.448185855
+"14503","SIGLEC10",7.652823245,7.652825342,7.652825094,7.652824927,7.652824592,7.652823935,7.652824721,7.652823993,7.652823743,7.65282452,7.652825527,7.652823026,7.652824938,7.652824319,7.652823303,7.652824616,7.652824585,7.652824271,7.652824556,7.65282297,7.652824511,7.652823918,7.652823631,7.652825069,7.652825244,7.652823307,7.652824993,7.652824075
+"14504","SIGLEC11",4.860193053,4.860193175,4.86019323,4.860192781,4.860193063,4.860192427,4.860193125,4.860193637,4.860192893,4.860193283,4.860193497,4.86019347,4.860193426,4.86019301,4.86019352,4.860193155,4.860193766,4.860194039,4.860193265,4.860193131,4.860193338,4.860193507,4.86019274,4.860192902,4.860193354,4.860193504,4.860193154,4.860192888
+"14505","SIGLEC12",5.652174285,5.652174269,5.652174313,5.652174308,5.652174319,5.652174269,5.652174343,5.652174333,5.652174285,5.652174307,5.652174275,5.652174355,5.65217425,5.652174182,5.652174313,5.652174269,5.652174341,5.652174295,5.652174338,5.652174299,5.652174321,5.65217433,5.652174258,5.652174262,5.652174327,5.652174307,5.652174243,5.652174325
+"14506","SIGLEC14",7.007237319,7.007238342,7.007240193,7.007242367,7.007237257,7.00723923,7.007239959,7.007240954,7.007235698,7.007240528,7.007241067,7.007238631,7.00724038,7.007238997,7.007238646,7.007237916,7.00724078,7.007242087,7.007236697,7.00723899,7.007240128,7.007239823,7.007236652,7.007241909,7.007241345,7.007239125,7.007240577,7.007238945
+"14507","SIGLEC15",5.697371401,5.697371366,5.697371378,5.697371386,5.697371409,5.697371394,5.697371423,5.697371421,5.697371365,5.69737139,5.697371393,5.697371428,5.697371401,5.697371311,5.697371412,5.697371358,5.697371439,5.697371416,5.697371417,5.697371351,5.697371423,5.697371446,5.697371329,5.697371324,5.697371386,5.697371412,5.697371374,5.697371375
+"14508","SIGLEC16",4.765158937,4.765159169,4.765158641,4.765158569,4.765159261,4.765159808,4.765159193,4.765158877,4.765158772,4.765158575,4.765158474,4.765159049,4.765159022,4.765159115,4.765159109,4.765159437,4.765159029,4.765159018,4.765159065,4.765159456,4.765159005,4.765159111,4.765159015,4.765159527,4.765159019,4.765158681,4.765159455,4.765159039
+"14509","SIGLEC17P",5.125478695,5.125478654,5.125478596,5.125478584,5.125478592,5.125478577,5.125478585,5.125478688,5.125478581,5.125478618,5.12547864,5.125478579,5.125478671,5.125478615,5.125478623,5.125478655,5.125478637,5.125478591,5.125478552,5.125478635,5.125478571,5.125478679,5.125478645,5.125478647,5.125478609,5.125478604,5.125478644,5.125478642
+"14510","SIGLEC5",7.76696404,7.778362649,7.770121367,7.785777948,7.751851244,7.767556496,7.773265942,7.76275282,7.765970721,7.771032322,7.769565805,7.755196124,7.769803458,7.767347864,7.768860742,7.776400649,7.776933609,7.783013619,7.76017167,7.775200025,7.777368192,7.765526712,7.770069699,7.784540938,7.775761333,7.760191199,7.766751818,7.766331085
+"14511","SIGLEC6",5.710120794,5.710120754,5.710120879,5.710120852,5.710120869,5.710120738,5.710120876,5.710120882,5.710120836,5.710120796,5.710120863,5.710120901,5.710120911,5.710120744,5.71012087,5.710120842,5.710120919,5.71012091,5.710120836,5.71012084,5.710120923,5.710120886,5.710120824,5.710120757,5.710120858,5.710120887,5.710120856,5.710120812
+"14512","SIGLEC7",6.373061732,6.373062139,6.373061951,6.373062429,6.373062026,6.37306208,6.373062004,6.373061947,6.373061812,6.373062035,6.373062054,6.373061456,6.373061846,6.373061583,6.373061936,6.373062286,6.37306196,6.37306212,6.373062113,6.37306169,6.373061955,6.373062093,6.373061804,6.373062395,6.373062417,6.373061831,6.373061912,6.373061592
+"14513","SIGLEC8",5.984282024,5.984283332,5.984282801,5.984282438,5.984284124,5.984282724,5.984282745,5.984282723,5.984283033,5.984283169,5.98428358,5.984282707,5.984282825,5.984283388,5.984281671,5.984283523,5.984282263,5.984282281,5.984283789,5.984282182,5.984282702,5.984282686,5.984282917,5.98428294,5.984283903,5.984283182,5.984283047,5.984283484
+"14514","SIGLEC9",8.338676547,8.338685598,8.338677218,8.338687467,8.338672342,8.338680412,8.338677537,8.338678121,8.33867047,8.338680015,8.338680178,8.338664345,8.338675956,8.338670351,8.338676177,8.338683051,8.338677674,8.338685864,8.338675981,8.338685637,8.338679259,8.338678135,8.33867537,8.338685422,8.338683602,8.338667884,8.338672473,8.338664621
+"14515","SIGLECL1",3.765916667,3.765916837,3.765916626,3.765916767,3.765916668,3.765916729,3.765916883,3.765916751,3.765916778,3.765916634,3.765916937,3.76591673,3.765916721,3.765916718,3.765916659,3.765916918,3.76591687,3.765916819,3.765916717,3.765916783,3.765916925,3.765916566,3.765916692,3.76591682,3.765916666,3.765916679,3.765916527,3.765916544
+"14516","SIGMAR1",6.774120112,6.774120132,6.774120171,6.774120099,6.774120326,6.774120139,6.774120266,6.774120278,6.774120168,6.774120188,6.774120192,6.774120286,6.774120238,6.77412008,6.774120283,6.774120181,6.774120286,6.774120221,6.774120202,6.774120088,6.774120309,6.774120284,6.774120112,6.774120067,6.774120182,6.77412025,6.774120141,6.774120227
+"14517","SIK2",6.039410719,6.039410714,6.039410508,6.03941057,6.039410531,6.039410564,6.039410669,6.039410506,6.039410749,6.039410542,6.039410524,6.039410446,6.039410654,6.039410748,6.039410589,6.039410574,6.039410389,6.039410473,6.039410497,6.039410449,6.039410515,6.03941052,6.039410603,6.039410554,6.03941043,6.039410651,6.039410698,6.039410611
+"14518","SIK3",7.701226149,7.701226105,7.701225865,7.701226256,7.701225864,7.701226532,7.701226026,7.70122605,7.701226084,7.701226084,7.701225984,7.701225873,7.701226088,7.701226003,7.701226185,7.701226112,7.701225752,7.701226297,7.701226121,7.701226661,7.70122615,7.701225922,7.701226088,7.701226226,7.701226272,7.701225982,7.701225994,7.701225986
+"14519","SIKE1",5.611749367,5.611749082,5.611749145,5.611748966,5.611749042,5.611748905,5.611749203,5.611748909,5.611749102,5.611749124,5.611748897,5.611748999,5.611749066,5.611749641,5.611749075,5.611748998,5.611749045,5.611748704,5.611749103,5.611748948,5.611749149,5.611748865,5.611749082,5.611749093,5.611748881,5.6117491,5.611749125,5.611749459
+"14520","SIL1",5.667683549,5.667683657,5.667683519,5.667683521,5.667683556,5.667683783,5.667683651,5.667683541,5.667683646,5.667683735,5.667683637,5.667683542,5.667683543,5.66768357,5.667683673,5.667683617,5.667683761,5.667683443,5.667683667,5.667683743,5.667683528,5.66768358,5.667683576,5.667683549,5.667683532,5.667683625,5.667683673,5.667683601
+"14521","SILC1",3.753360465,3.753360169,3.753360396,3.75336033,3.753360513,3.75336059,3.753360568,3.753360477,3.753360403,3.753360321,3.753360389,3.753360506,3.75336048,3.753360411,3.753360553,3.753360444,3.753360509,3.753360449,3.753360505,3.753360496,3.753360511,3.753360505,3.753360311,3.753360345,3.753360469,3.7533605,3.753360541,3.753360451
+"14522","SIM1",3.780877477,3.780877463,3.780877579,3.780877552,3.780877818,3.780877726,3.780877543,3.780877693,3.780877565,3.780877614,3.780877686,3.780877818,3.780877544,3.780877511,3.780877636,3.780877612,3.780877692,3.78087764,3.78087755,3.780877635,3.780877628,3.78087758,3.780877508,3.780877496,3.780877677,3.780877663,3.780877549,3.780877612
+"14523","SIM2",5.077913389,5.077913505,5.077913609,5.07791353,5.077913769,5.077913436,5.077913705,5.077913675,5.077913604,5.077913591,5.077913649,5.077913735,5.077913677,5.07791342,5.077913696,5.07791374,5.077913856,5.077913766,5.077913592,5.077913593,5.077913855,5.077913749,5.077913492,5.077913449,5.077913644,5.077913764,5.077913577,5.077913612
+"14524","SIMC1",4.93746489,4.937464627,4.937464575,4.937464565,4.937464639,4.937464725,4.937464722,4.937464526,4.937464614,4.937464838,4.937464682,4.937464822,4.937464771,4.937464795,4.937464672,4.93746461,4.93746448,4.93746433,4.937464624,4.937464703,4.93746466,4.937464625,4.937464583,4.93746464,4.937464424,4.937464638,4.937464632,4.937464708
+"14525","SIN3A",7.630775673,7.630775695,7.630775641,7.630775718,7.630775626,7.6307757,7.630775645,7.63077563,7.630775737,7.630775698,7.630775622,7.630775658,7.630775674,7.630775756,7.630775684,7.630775671,7.630775605,7.630775697,7.630775679,7.630775664,7.630775641,7.630775616,7.630775716,7.630775714,7.630775655,7.630775693,7.630775714,7.630775681
+"14526","SIN3B",7.194923249,7.194923294,7.19492328,7.194923432,7.194923233,7.19492332,7.194923337,7.194923204,7.194923233,7.194923355,7.194923273,7.194923347,7.194923216,7.194923328,7.194923269,7.194923256,7.194923236,7.194923267,7.194923304,7.194923308,7.194923321,7.194923198,7.194923279,7.194923417,7.194923365,7.194923231,7.194923295,7.194923252
+"14527","SINHCAF",5.0685545905,5.068554784,5.0685543325,5.0685546195,5.068554269,5.068555036,5.0685553905,5.0685550715,5.0685551195,5.068554811,5.068553939,5.068554308,5.0685546155,5.068554203,5.068554484,5.068554408,5.0685547875,5.068554267,5.0685546045,5.068554406,5.0685548425,5.068554789,5.0685551565,5.0685552115,5.068554028,5.068554097,5.0685544525,5.0685553865
+"14528","SIPA1L1",8.088587855,8.257107627,7.940339097,8.464446319,7.857055981,8.678433582,8.254026619,8.008828106,8.00928671,7.922089242,8.028262526,7.747761226,8.149344552,8.105726204,8.091764826,8.26745249,7.959582716,8.318226892,8.1243397,8.669850979,8.26601978,8.072402848,8.235653623,8.241255345,8.170051335,8.036032646,8.13902654,7.95579904
+"14529","SIPA1L2",6.344078577,6.344079551,6.344078733,6.344080869,6.344078707,6.344079448,6.344078778,6.344078538,6.344078693,6.344078694,6.344079819,6.344077645,6.344078622,6.344078216,6.344078514,6.344079521,6.344079069,6.34408009,6.344079047,6.344079621,6.344078661,6.344078565,6.344079599,6.344080548,6.344079638,6.344078308,6.344078284,6.344077592
+"14530","SIPA1L3",6.384435266,6.384435248,6.384435249,6.384435264,6.384435264,6.384435263,6.384435252,6.384435243,6.384435256,6.384435268,6.384435243,6.384435262,6.384435268,6.384435264,6.384435263,6.384435237,6.384435254,6.384435246,6.38443526,6.384435275,6.384435256,6.384435249,6.384435257,6.384435247,6.384435261,6.384435268,6.384435266,6.384435252
+"14531","SIRPA",8.15559483,8.155595656,8.155594731,8.155595911,8.155594258,8.155594923,8.155594649,8.15559479,8.155594677,8.15559462,8.155595266,8.155594187,8.155594997,8.1555947,8.155594594,8.155595592,8.155594624,8.155595548,8.155594527,8.155595216,8.155594686,8.155594901,8.15559493,8.155595365,8.155595159,8.155594354,8.155594878,8.155593891
+"14532","SIRPB1",7.388329705,7.38832341,7.388323555,7.388332639,7.388329892,7.388323888,7.38832408,7.3883222,7.388322058,7.38832315,7.388322558,7.38832454,7.3883305,7.388329637,7.388330417,7.388324058,7.388324958,7.388331928,7.388331211,7.388323214,7.388325598,7.388322816,7.388323179,7.388324443,7.388323784,7.388323327,7.388329897,7.388328392
+"14533","SIRPB2",8.019413877,8.02017308,8.019426296,8.020638722,8.019209223,8.020517801,8.020829028,8.019364181,8.018459307,8.019661954,8.021043924,8.018054154,8.020016662,8.019423541,8.019326858,8.019700109,8.019710344,8.020098281,8.019253655,8.020068936,8.020305304,8.018729313,8.018747125,8.020381075,8.020645138,8.018513026,8.01989126,8.018629897
+"14534","SIRPD",7.006245882,7.006246009,7.006245941,7.006246208,7.006245908,7.006246174,7.006246068,7.006245906,7.006245816,7.006245878,7.00624604,7.006245758,7.006245982,7.006245903,7.006246015,7.006245928,7.006246057,7.006246134,7.006246094,7.006246157,7.006246046,7.006245876,7.006245945,7.006246018,7.006246153,7.006245887,7.006245936,7.00624592
+"14535","SIRPG",7.194830182,7.194829299,7.194829299,7.19482961,7.19482981,7.194829885,7.19483032,7.194829061,7.194830755,7.194830073,7.194828112,7.194830326,7.194830647,7.194830153,7.194829762,7.194829223,7.194828495,7.194829554,7.194830358,7.194829059,7.194829713,7.194829867,7.194830379,7.194829951,7.194828704,7.194830128,7.194831053,7.194829572
+"14536","SIRT1",7.820695769,7.820695791,7.820695625,7.820695613,7.820695638,7.820695605,7.820695643,7.820695761,7.820695704,7.820695736,7.820695634,7.82069555,7.820695713,7.820695939,7.820695718,7.820695714,7.820695507,7.820695611,7.820695678,7.820695538,7.82069564,7.820695719,7.820695718,7.820695773,7.820695712,7.820695712,7.820695732,7.820695787
+"14537","SIRT2",7.374330882,7.374330884,7.374330887,7.374330892,7.374330897,7.374330909,7.37433088,7.374330894,7.374330889,7.374330892,7.374330893,7.374330878,7.374330903,7.374330881,7.374330881,7.374330884,7.374330893,7.374330891,7.37433089,7.374330902,7.374330884,7.374330892,7.374330887,7.374330898,7.374330891,7.374330892,7.374330897,7.374330872
+"14538","SIRT3",7.58074322,7.580743174,7.580743663,7.58074322,7.580743851,7.580743079,7.580743549,7.580743648,7.58074369,7.580743673,7.580743485,7.580743773,7.580743446,7.580743117,7.580743667,7.58074354,7.580743667,7.580743518,7.580743359,7.580743605,7.580743712,7.580743691,7.580743412,7.580743459,7.580743531,7.580743627,7.580743283,7.580743605
+"14539","SIRT4",4.457688929,4.457689064,4.457689148,4.457689017,4.457688992,4.457689122,4.45768903,4.457689123,4.457689079,4.457689136,4.457689133,4.457688986,4.457689051,4.457689048,4.45768902,4.457689211,4.457689235,4.457689104,4.457689024,4.457689062,4.457688956,4.457689029,4.457689127,4.457689142,4.45768908,4.457689009,4.457689053,4.457689087
+"14540","SIRT5",6.270211918,6.270211726,6.270211646,6.270211617,6.270211751,6.270211764,6.270211945,6.270211822,6.270211929,6.270211841,6.270211667,6.270212029,6.270211837,6.270211996,6.270211832,6.270211707,6.270211545,6.270211688,6.27021188,6.270211593,6.270211923,6.270211832,6.270211932,6.270211837,6.270211698,6.270211937,6.270211767,6.270211951
+"14541","SIRT6",6.559875882,6.559875853,6.5598758,6.559875762,6.559876,6.559875834,6.559875944,6.559875926,6.559875812,6.5598759,6.559875931,6.559875965,6.559875881,6.559875817,6.55987591,6.559875942,6.559875926,6.559875944,6.559875886,6.559875947,6.559875904,6.559875958,6.559875751,6.559875918,6.559876052,6.559875964,6.559875828,6.55987578
+"14542","SIRT7",7.700732207,7.700732333,7.700732319,7.700732428,7.700732255,7.700732376,7.700732378,7.700732279,7.70073227,7.700732204,7.700732274,7.700732189,7.700732341,7.700732215,7.700732271,7.700732331,7.700732254,7.700732304,7.700732318,7.700732265,7.700732267,7.700732331,7.700732194,7.70073231,7.700732345,7.700732263,7.70073234,7.700732143
+"14543","SIT1",6.57080038,6.570800254,6.570799992,6.570800187,6.57080032,6.570800538,6.570800272,6.570800421,6.570800634,6.570800436,6.570799605,6.570799784,6.570800542,6.570800589,6.570800255,6.570799885,6.570799958,6.570799897,6.57080039,6.570799892,6.570800097,6.570800638,6.570800697,6.570800283,6.570799797,6.570800117,6.57080045,6.570800558
+"14544","SIVA1",6.566981686,6.566981746,6.566981888,6.566981903,6.56698207,6.566981721,6.566981958,6.566982142,6.566981936,6.566981829,6.566981947,6.566982256,6.566982139,6.566981683,6.566982231,6.566982157,6.566982223,6.566982147,6.566981888,6.566981877,6.566982088,6.566982232,6.566981815,6.566981761,6.566982035,6.566981951,6.566981997,6.566981638
+"14545","SIX1",4.66336424,4.663364885,4.663364983,4.663364689,4.663365499,4.663364319,4.663364629,4.6633656,4.663364684,4.663364853,4.663364789,4.663365315,4.663364751,4.663364111,4.663365147,4.663365029,4.663365558,4.663364749,4.663364769,4.663364561,4.663365018,4.663365272,4.663364747,4.663364348,4.663365124,4.663364832,4.663363678,4.663365258
+"14546","SIX2",7.090963544,7.090963712,7.090963955,7.090963636,7.09096423,7.090963422,7.090963874,7.090964131,7.090964011,7.090963877,7.090964006,7.090964171,7.09096389,7.090963478,7.090963983,7.090963944,7.090964165,7.090963981,7.090963892,7.090963719,7.090963812,7.090964047,7.090963877,7.090963792,7.090964096,7.090963907,7.0909638,7.090964055
+"14547","SIX3",6.244542908,6.244542914,6.244542907,6.244542895,6.24454292,6.244542898,6.244542915,6.24454291,6.244542891,6.244542909,6.244542912,6.2445429,6.244542899,6.244542901,6.244542913,6.244542907,6.244542921,6.244542917,6.244542901,6.244542905,6.244542915,6.244542911,6.244542901,6.244542903,6.244542911,6.244542896,6.244542895,6.244542907
+"14548","SIX4",5.700541586,5.700541658,5.70054176,5.700541548,5.700541829,5.700541499,5.70054149,5.700541717,5.700541636,5.700541677,5.700541777,5.700541797,5.700541729,5.700541547,5.700541704,5.700541769,5.700541734,5.700541786,5.700541608,5.700541734,5.70054172,5.700541661,5.70054163,5.700541625,5.70054179,5.700541711,5.700541732,5.700541682
+"14549","SIX5",6.309721284,6.309721212,6.30972145,6.309721308,6.309721532,6.309721277,6.309721386,6.309721474,6.309721332,6.309721312,6.309721443,6.309721544,6.309721307,6.309721137,6.309721398,6.309721319,6.309721555,6.309721385,6.309721356,6.309721302,6.309721424,6.309721453,6.309721291,6.309721237,6.30972136,6.309721433,6.309721341,6.309721342
+"14550","SIX6",6.059115464,6.059115385,6.059115599,6.059115504,6.059115681,6.059115418,6.059115524,6.059115626,6.059115391,6.059115489,6.059115654,6.059115517,6.059115556,6.059115284,6.059115621,6.059115555,6.059115693,6.059115683,6.059115565,6.059115493,6.059115526,6.05911562,6.059115408,6.059115491,6.059115625,6.059115512,6.059115482,6.059115598
+"14551","SKA1",3.249430949,3.249430979,3.249431041,3.249430959,3.249430961,3.249430945,3.24943097,3.249430873,3.249430978,3.249430926,3.249430904,3.249430957,3.249430902,3.249431035,3.249430928,3.249430998,3.249430975,3.249430956,3.249431072,3.249430987,3.249431002,3.249430895,3.249431088,3.249430992,3.249430883,3.249430961,3.249430869,3.249431041
+"14552","SKA2",5.026486518,5.026486245,5.0264863165,5.026485993,5.026486248,5.0264862225,5.02648648,5.026485946,5.0264864365,5.0264864285,5.0264863525,5.026485983,5.026486298,5.0264868975,5.026486384,5.026486345,5.026486278,5.0264861135,5.0264863655,5.02648621,5.0264864515,5.0264863215,5.026486624,5.0264862855,5.026486266,5.02648631,5.026486291,5.0264867125
+"14553","SKA3",3.860706561,3.860706629,3.860706738,3.86070663,3.860706565,3.860706565,3.860706706,3.860706646,3.860706724,3.860706662,3.860706684,3.86070676,3.860706582,3.86070658,3.860706625,3.860706485,3.860706653,3.860706598,3.860706684,3.860706588,3.860706585,3.860706604,3.860706741,3.860706652,3.860706783,3.860706722,3.860706623,3.860706637
+"14554","SKAP1",6.917860764,6.917859923,6.917859179,6.917858384,6.917858611,6.917859542,6.917859257,6.917859647,6.917860012,6.917859823,6.917858864,6.917858749,6.917860424,6.91786072,6.917859461,6.917859216,6.917857187,6.917858139,6.917859199,6.917858863,6.917858752,6.917859565,6.917860333,6.917860011,6.917858917,6.917859761,6.917860732,6.917860203
+"14555","SKAP2",8.24991851,8.507315627,7.758195625,8.642664833,8.103129404,7.969934256,8.039000852,7.972714106,7.870671691,7.796949885,7.799523201,7.545838781,8.130581971,8.539929599,8.18168699,8.472524107,7.702789523,8.536710778,8.532119501,8.135542804,8.15710191,8.086288947,8.321998629,8.212185315,7.909081889,7.829473533,8.075044625,8.31853653
+"14556","SKI",7.954585468,7.954585472,7.954585523,7.95458556,7.954585531,7.954585494,7.954585506,7.954585528,7.954585497,7.954585469,7.954585522,7.954585515,7.95458553,7.954585426,7.954585504,7.954585486,7.954585517,7.95458556,7.954585491,7.954585487,7.954585515,7.954585524,7.954585514,7.95458549,7.954585575,7.954585519,7.954585524,7.954585465
+"14557","SKIC2",5.992742328,5.9927445765,5.992743075,5.9927377145,5.9927413435,5.9927422795,5.992737846,5.9927432665,5.9927439665,5.9927408745,5.9927446185,5.9927449065,5.9927426365,5.9927356835,5.992743168,5.992740481,5.992743506,5.992741896,5.9927441225,5.9927424915,5.9927452685,5.9927400065,5.9927429255,5.992742877,5.992743189,5.992741837,5.9927428125,5.992744786
+"14558","SKIC3",6.236858731,6.23685801,6.236857623,6.236857358,6.236857585,6.236857299,6.236858105,6.236857827,6.236858259,6.23685825,6.236857152,6.236857261,6.236858032,6.236859982,6.236858092,6.236857466,6.236857285,6.23685691,6.236858026,6.236857074,6.236857915,6.236858016,6.236858452,6.236857738,6.236856834,6.236858112,6.236857878,6.236859222
+"14559","SKIC8",4.87405265,4.874052491,4.874052559,4.874052466,4.874052179,4.874052593,4.874052369,4.874052277,4.874052427,4.874052552,4.874052281,4.874052301,4.874052594,4.87405291,4.874052497,4.874052258,4.874052199,4.874052256,4.874052553,4.874052337,4.874052488,4.874052242,4.874052559,4.874052487,4.874052225,4.874052331,4.874052406,4.874052516
+"14560","SKIDA1",4.805085133,4.805085154,4.805085205,4.805085163,4.805085265,4.805085196,4.80508521,4.805085213,4.805085118,4.805085215,4.805085191,4.805085316,4.805085122,4.805085018,4.805085212,4.80508514,4.805085266,4.805085198,4.805085205,4.805085156,4.805085184,4.805085192,4.80508517,4.805085144,4.805085182,4.805085177,4.805085142,4.805085154
+"14561","SKIL",5.40839345,5.40839341,5.408393394,5.408393362,5.408393326,5.408393332,5.408393318,5.40839332,5.408393332,5.408393398,5.408393426,5.408393219,5.408393379,5.408393603,5.408393478,5.408393339,5.408393387,5.408393428,5.408393385,5.408393407,5.408393434,5.408393327,5.408393362,5.408393481,5.408393389,5.408393316,5.40839337,5.408393521
+"14562","SKOR1",6.332597258,6.332597263,6.33259734,6.332597269,6.332597331,6.3325973,6.332597278,6.33259732,6.332597329,6.332597322,6.332597323,6.332597326,6.332597302,6.332597221,6.332597288,6.332597306,6.332597345,6.332597306,6.332597297,6.332597243,6.332597271,6.332597319,6.332597282,6.332597273,6.332597297,6.332597319,6.332597333,6.33259728
+"14563","SKOR2",5.892593534,5.892593114,5.892593852,5.89259326,5.892594572,5.892593564,5.892594247,5.892594066,5.89259385,5.892594012,5.892593812,5.892594706,5.892593836,5.892593212,5.892594526,5.892593785,5.892594474,5.892593831,5.892594244,5.892593578,5.892594409,5.892594197,5.892593493,5.892593467,5.892593865,5.892594067,5.89259372,5.892593984
+"14564","SKP1",5.685012714,5.6850111245,5.6850107885,5.6850115235,5.6850095505,5.6850089835,5.68501053,5.685010837,5.68501061,5.6850101915,5.685010069,5.685010423,5.6850112385,5.6850119145,5.685010499,5.6850114575,5.685009679,5.6850098305,5.6850114925,5.685010792,5.6850107205,5.685010188,5.6850105825,5.685010138,5.685010788,5.685011242,5.685011438,5.6850109675
+"14565","SKP2",6.670104801,6.670104868,6.670104695,6.670104578,6.670104642,6.6701047,6.670104806,6.67010468,6.670104816,6.670104845,6.670104698,6.670104619,6.67010479,6.67010487,6.670104623,6.670104791,6.670104545,6.670104588,6.670104752,6.670104609,6.670104793,6.67010465,6.670104826,6.670104773,6.670104701,6.670104764,6.670104738,6.670104745
+"14566","SLA",8.943060656,8.943060753,8.943059802,8.943061952,8.943059976,8.943060691,8.943060604,8.943059883,8.943060044,8.943060125,8.943060344,8.943059198,8.943060069,8.943060381,8.943060207,8.943060462,8.943059831,8.943060827,8.943060492,8.94306114,8.943060133,8.943059707,8.943060827,8.943060979,8.943059949,8.943059451,8.943060091,8.943059687
+"14567","SLA2",6.789725064,6.789725857,6.789724631,6.789726088,6.789725314,6.78972542,6.78972546,6.789725365,6.789725779,6.789725713,6.789725235,6.789725566,6.789725707,6.789725603,6.789725106,6.789725499,6.789724683,6.789726113,6.789725343,6.789724799,6.789725179,6.789725216,6.78972585,6.789725884,6.789725495,6.78972577,6.789725699,6.789725475
+"14568","SLAIN1",5.6939856,5.693985527,5.693985299,5.693985143,5.693985351,5.693985516,5.693985484,5.6939855,5.693985744,5.6939857,5.69398532,5.693985529,5.693985568,5.693986056,5.693985692,5.693985048,5.693985144,5.693985288,5.693985401,5.693985596,5.693985412,5.693985471,5.693985903,5.693985613,5.693985296,5.693985469,5.693985602,5.693985757
+"14569","SLAIN2",7.854971536,7.85497149,7.854971484,7.854971453,7.854971353,7.854971503,7.854971441,7.854971387,7.85497142,7.854971632,7.854971413,7.854971201,7.854971447,7.854971779,7.854971528,7.854971143,7.854971098,7.854971384,7.854971404,7.854971627,7.854971401,7.854971226,7.854971579,7.854971686,7.854971438,7.854971372,7.854971475,7.854971577
+"14570","SLAMF1",5.83522903,5.835228678,5.835228414,5.835228518,5.835228405,5.835228687,5.835228881,5.835228424,5.835228724,5.835228461,5.835228117,5.835228465,5.835228819,5.835228994,5.835228662,5.835228454,5.83522819,5.835228534,5.835228617,5.835228615,5.835228792,5.835228652,5.83522875,5.835228663,5.835228477,5.835228673,5.835228964,5.835228695
+"14571","SLAMF6",7.589223422,7.589052649,7.589069115,7.589074966,7.589041778,7.589098371,7.589186785,7.589114553,7.589127128,7.589103194,7.589091473,7.589065886,7.589117145,7.589164783,7.589147761,7.588985031,7.58897785,7.589069505,7.589069036,7.589093498,7.58917982,7.589102792,7.589149089,7.589112328,7.589088164,7.589143045,7.589128271,7.589134795
+"14572","SLAMF7",6.623475636,6.623467881,6.623464236,6.623462568,6.623461934,6.623478255,6.623472365,6.623472763,6.623469248,6.623469732,6.62346587,6.623460976,6.62347198,6.623469093,6.623472629,6.623465399,6.623461432,6.623463551,6.623463093,6.623478498,6.6234731,6.623470085,6.62347165,6.623473713,6.623467009,6.623469022,6.62347174,6.623466817
+"14573","SLAMF8",5.294713649,5.294712822,5.29471309,5.29471317,5.294713945,5.294714539,5.294713584,5.294713161,5.294713152,5.294713758,5.294713314,5.294713663,5.294713616,5.294712991,5.294713557,5.294712539,5.29471321,5.294712817,5.294713036,5.2947147,5.294713513,5.29471387,5.294712847,5.294713092,5.294713189,5.294713489,5.294713282,5.294713121
+"14574","SLAMF9",4.247895131,4.247895127,4.247895185,4.247895229,4.247895202,4.247894989,4.247895108,4.247895254,4.247895098,4.247895116,4.247895172,4.247895255,4.247895216,4.247895041,4.247895228,4.247895174,4.247895196,4.247895219,4.247895135,4.247894972,4.247895155,4.247895244,4.247895044,4.247895188,4.247895273,4.247895223,4.24789527,4.247895194
+"14575","SLBP",7.19857144,7.198571448,7.19857145,7.198571423,7.198571405,7.198571413,7.198571437,7.198571408,7.198571427,7.198571419,7.198571436,7.198571375,7.198571411,7.198571411,7.198571346,7.198571405,7.198571382,7.198571476,7.19857139,7.1985715,7.198571443,7.19857137,7.198571411,7.198571433,7.198571426,7.198571427,7.198571404,7.198571429
+"14576","SLC10A1",4.472448452,4.472448463,4.472448529,4.472448635,4.472448477,4.472448576,4.472448482,4.472448594,4.47244849,4.472448508,4.472448545,4.472448569,4.472448526,4.472448335,4.472448468,4.472448512,4.472448547,4.472448573,4.472448571,4.472448623,4.472448429,4.472448584,4.472448568,4.472448388,4.472448457,4.472448514,4.472448625,4.472448363
+"14577","SLC10A2",4.291324829,4.291324786,4.291324766,4.291324947,4.291324914,4.291324896,4.291324934,4.291324954,4.291324898,4.291324821,4.291324869,4.291324775,4.291324879,4.29132469,4.291324895,4.291324847,4.291324985,4.291324916,4.29132479,4.291324762,4.291324871,4.291324876,4.29132487,4.291324829,4.291324852,4.291324832,4.29132486,4.291324774
+"14578","SLC10A3",7.387780547,7.387780549,7.387780542,7.387780582,7.387780595,7.387780539,7.387780545,7.387780555,7.387780535,7.387780553,7.387780577,7.387780571,7.387780546,7.387780519,7.387780569,7.387780554,7.387780575,7.387780586,7.387780543,7.387780534,7.387780536,7.387780581,7.387780533,7.387780536,7.387780553,7.387780551,7.387780543,7.387780539
+"14579","SLC10A4",5.828722066,5.82872205,5.828722119,5.828722074,5.828722156,5.828722039,5.828722094,5.828722132,5.828722076,5.828722129,5.828722118,5.828722156,5.828722122,5.828722054,5.828722108,5.828722122,5.828722104,5.828722141,5.828722073,5.828722101,5.828722134,5.828722106,5.828722065,5.828722116,5.828722127,5.828722097,5.828722105,5.828722133
+"14580","SLC10A5",2.657033059,2.657033049,2.65703306,2.657033056,2.657033057,2.657033081,2.657033051,2.657033047,2.657033054,2.657033061,2.657033069,2.657033055,2.657033052,2.657033066,2.657033052,2.657033067,2.657033039,2.657033045,2.657033079,2.657033065,2.657033049,2.657033053,2.657033064,2.657033056,2.657033053,2.657033046,2.657033065,2.657033044
+"14581","SLC10A6",4.531349072,4.531349075,4.531349073,4.531349065,4.5313491,4.531349059,4.531349108,4.53134909,4.531349066,4.531349089,4.531349047,4.531349095,4.531349058,4.531349061,4.531349102,4.531349085,4.531349109,4.531349078,4.531349072,4.531349085,4.531349111,4.531349116,4.531349072,4.531349065,4.531349047,4.531349104,4.531349063,4.531349044
+"14582","SLC10A7",5.46733762,5.467337542,5.467337585,5.46733739,5.467337541,5.467337501,5.467337508,5.467337473,5.467337593,5.467337528,5.467337498,5.467337429,5.4673375,5.467337654,5.467337559,5.467337483,5.467337456,5.467337464,5.46733759,5.467337546,5.467337539,5.467337544,5.46733763,5.467337607,5.467337495,5.467337532,5.467337597,5.467337576
+"14583","SLC11A1",8.210803256,8.702895676,8.086448414,9.20344476,7.322341024,8.634646025,8.702773103,7.920885046,8.37539937,8.291413068,8.619310796,8.180560378,8.372899892,8.007327123,8.342004531,8.93716386,8.347661954,9.105866285,7.761389902,8.71736918,8.649675602,7.996955658,8.797701783,8.815076641,8.690112216,8.31751417,8.4920139,7.802458681
+"14584","SLC11A2",6.41110887,6.411108812,6.411108853,6.411108722,6.411108746,6.411108842,6.411108801,6.411108803,6.41110888,6.411108863,6.41110859,6.411108833,6.411108832,6.41110887,6.411108765,6.411108691,6.411108774,6.411108649,6.411108786,6.411108654,6.411108778,6.411108802,6.411108874,6.411108869,6.411108711,6.411108822,6.411108831,6.411108822
+"14585","SLC12A1",3.408079682,3.408079776,3.408080056,3.408080307,3.408079889,3.408079719,3.408079808,3.40807968,3.408079681,3.408079765,3.40807967,3.408079746,3.408079701,3.408079751,3.408079867,3.408079805,3.408079914,3.408080202,3.408079995,3.408079742,3.408079764,3.408079719,3.4080797,3.408079738,3.40807979,3.408079677,3.408079641,3.408079815
+"14586","SLC12A2",5.736826552,5.736826528,5.736826491,5.736826467,5.736826475,5.736826451,5.736826524,5.736826473,5.736826552,5.736826528,5.736826509,5.736826472,5.736826538,5.736826625,5.736826527,5.736826514,5.736826505,5.736826496,5.736826551,5.73682642,5.73682653,5.736826483,5.736826573,5.736826516,5.736826427,5.736826486,5.736826506,5.736826564
+"14587","SLC12A3",5.417939554,5.417939629,5.417939673,5.417939673,5.417939745,5.417939707,5.417939681,5.417939697,5.417939631,5.417939663,5.41793964,5.417939757,5.417939614,5.417939487,5.417939701,5.417939664,5.417939694,5.417939741,5.417939693,5.417939622,5.4179397,5.41793971,5.41793952,5.417939641,5.417939643,5.417939647,5.417939646,5.417939532
+"14588","SLC12A4",6.297642012,6.297642167,6.29764215,6.297642151,6.297642101,6.297642198,6.297642138,6.297642121,6.297642077,6.297642096,6.29764207,6.297642118,6.297642131,6.297642085,6.297642024,6.297642162,6.297642189,6.297642181,6.297642093,6.297642111,6.297642122,6.297642148,6.297642096,6.297642112,6.297642183,6.29764211,6.297642103,6.297642138
+"14589","SLC12A5",3.989219423,3.98921943,3.989219536,3.98921942,3.989219755,3.989219567,3.989219498,3.989219509,3.989219513,3.98921946,3.989219644,3.989219627,3.98921943,3.989219262,3.989219576,3.989219456,3.989219451,3.989219566,3.989219447,3.989219459,3.989219663,3.98921974,3.98921962,3.98921948,3.989219512,3.989219463,3.989219445,3.98921952
+"14590","SLC12A6",8.881661846,8.88166191,8.881661791,8.881662597,8.881661517,8.881662077,8.881662058,8.881661546,8.881661687,8.881661779,8.881661963,8.881661472,8.881661865,8.881661843,8.881661811,8.881662066,8.881661598,8.881662326,8.881661947,8.881662332,8.881662031,8.881661546,8.881662059,8.881662116,8.881662141,8.881661806,8.881661845,8.881661533
+"14591","SLC12A7",6.449098441,6.449097827,6.449098473,6.449097393,6.449099284,6.449100317,6.449098263,6.449096821,6.449098157,6.449099028,6.449095923,6.449097383,6.449098633,6.449097739,6.449098284,6.449096956,6.449098106,6.4490979,6.449099068,6.449100526,6.449098001,6.449097065,6.449097366,6.449098323,6.449095791,6.449097378,6.44909871,6.449096411
+"14592","SLC12A8",4.919930711,4.919930726,4.919930731,4.919930721,4.919930746,4.919930728,4.919930723,4.919930732,4.91993072,4.919930724,4.919930738,4.919930738,4.919930722,4.919930688,4.919930739,4.919930734,4.919930735,4.91993074,4.919930727,4.919930723,4.919930742,4.919930741,4.919930713,4.919930711,4.919930721,4.919930734,4.919930725,4.919930721
+"14593","SLC12A9",7.519820708,7.519821051,7.519820791,7.519820984,7.519820375,7.519820805,7.519820591,7.519820755,7.51982067,7.51982066,7.519820778,7.51982039,7.519820764,7.51982068,7.519820564,7.519821095,7.519820898,7.519820897,7.519820824,7.519820971,7.519820498,7.519820817,7.519820831,7.519820934,7.519820871,7.519820483,7.519820724,7.519820449
+"14594","SLC13A1",3.226738695,3.22673865,3.226738663,3.226738715,3.226738798,3.22673878,3.226738829,3.226738781,3.22673874,3.226738707,3.226738737,3.226738835,3.226738753,3.226738718,3.226738811,3.226738744,3.226738867,3.226738725,3.226738878,3.226738749,3.22673873,3.226738723,3.226738695,3.226738687,3.226738666,3.226738742,3.226738684,3.226738758
+"14595","SLC13A2",4.936114149,4.936114322,4.936114209,4.936114248,4.936114279,4.936114226,4.936114284,4.936114263,4.936114211,4.936114291,4.93611422,4.936114305,4.936114255,4.936114124,4.936114263,4.936114295,4.936114255,4.936114264,4.936114296,4.936114275,4.936114271,4.936114346,4.936114235,4.936114218,4.936114288,4.936114217,4.93611417,4.936114282
+"14596","SLC13A3",4.778339444,4.778339653,4.778339664,4.778339473,4.778339797,4.778339514,4.778339622,4.778339622,4.778339557,4.778339446,4.778339597,4.778339796,4.778339502,4.778339377,4.778339777,4.778339733,4.778339962,4.778339755,4.778339748,4.778339516,4.778339741,4.778339809,4.778339536,4.778339569,4.7783397,4.778339714,4.778339571,4.778339845
+"14597","SLC13A4",4.938278576,4.938278606,4.93827874,4.938278682,4.938278899,4.938278649,4.93827882,4.938278784,4.938278609,4.938278696,4.938278669,4.938278796,4.938278537,4.938278489,4.938278817,4.938278605,4.938278853,4.938278818,4.938278793,4.938278579,4.938278896,4.938278797,4.938278586,4.938278485,4.938278708,4.938278837,4.93827851,4.93827866
+"14598","SLC13A5",5.769037599,5.769037595,5.769037624,5.769037598,5.769037656,5.769037617,5.769037615,5.769037645,5.769037619,5.769037623,5.769037634,5.769037651,5.769037613,5.769037593,5.769037643,5.769037611,5.769037649,5.769037633,5.769037624,5.769037638,5.769037635,5.769037629,5.769037614,5.769037614,5.769037627,5.769037634,5.769037619,5.769037611
+"14599","SLC14A1",7.821870192,7.70128542,7.927229381,7.898150047,7.801818755,8.100411203,8.538229108,8.541237974,8.377546524,8.513407393,8.295572942,8.689073997,7.780581683,7.362425977,7.873133751,7.421617452,7.877821749,8.046430145,7.518406093,7.901739937,8.42416677,8.41277486,8.327675093,8.573885249,8.247383273,8.62914716,7.916259053,7.541322616
+"14600","SLC14A2",4.657699733,4.657699709,4.657699735,4.65769977,4.657699817,4.657699667,4.657699773,4.657699783,4.657699717,4.657699688,4.657699724,4.657699848,4.657699691,4.657699689,4.657699754,4.657699677,4.65769985,4.657699779,4.657699757,4.657699719,4.657699778,4.657699782,4.657699681,4.657699664,4.657699752,4.657699776,4.6576997,4.657699765
+"14601","SLC15A1",3.791752672,3.791752712,3.791752837,3.791752783,3.79175288,3.79175276,3.79175293,3.791752872,3.791752837,3.791752693,3.791752801,3.791752875,3.791752813,3.791752669,3.791752897,3.791752834,3.791752889,3.791752952,3.791752776,3.791752933,3.791752936,3.791752792,3.791752649,3.791752692,3.791752758,3.791752682,3.79175273,3.791752701
+"14602","SLC15A2",6.210768039,6.210767713,6.210767231,6.210767532,6.210767217,6.210767835,6.210767763,6.210766606,6.210767081,6.21076775,6.210767542,6.210767174,6.210767764,6.210768238,6.210767802,6.21076734,6.210767226,6.210767105,6.210767484,6.210767492,6.210767736,6.210767403,6.210767246,6.210767857,6.210767439,6.210767672,6.210767826,6.210767495
+"14603","SLC15A3",8.215557308,8.215558263,8.215557654,8.215558879,8.215556526,8.215558129,8.21555727,8.215556649,8.215556367,8.215557545,8.215557629,8.215555849,8.21555744,8.215557055,8.215556495,8.215557796,8.215557168,8.215557464,8.215557288,8.215558396,8.215556563,8.215556854,8.215557055,8.215557895,8.215557884,8.215556565,8.215557465,8.215556248
+"14604","SLC15A4",9.313222335,9.313225159,9.313221263,9.313223017,9.313216741,9.3132196,9.31321706,9.313218621,9.313215971,9.313218284,9.313219658,9.313214971,9.313220674,9.313219094,9.313219772,9.313224207,9.313217754,9.313221085,9.313218017,9.313221527,9.313217626,9.313217992,9.313219773,9.313220779,9.313219857,9.313216813,9.313220866,9.313216534
+"14605","SLC15A5",3.498938352,3.498938634,3.498938401,3.498938558,3.498938675,3.498938388,3.498938612,3.498938666,3.498938627,3.498938212,3.498938498,3.498938498,3.498938402,3.498938302,3.498938632,3.498938643,3.498938611,3.498938548,3.498938634,3.498938259,3.498938628,3.498938551,3.498938647,3.498938418,3.498938657,3.49893827,3.498938332,3.498938457
+"14606","SLC16A1",5.072121341,5.072121393,5.072121336,5.072121375,5.07212134,5.072121334,5.072121422,5.072121272,5.072121375,5.072121447,5.0721214,5.072121143,5.072121396,5.072121446,5.072121418,5.072121304,5.072121299,5.072121225,5.072121361,5.072121342,5.072121402,5.072121173,5.072121423,5.072121321,5.072121282,5.072121365,5.072121316,5.072121391
+"14607","SLC16A10",6.372963928,6.372964423,6.372964424,6.372963917,6.372963798,6.372964092,6.3729638,6.372964239,6.372964729,6.372964086,6.372963171,6.372964577,6.372964299,6.372964765,6.372963908,6.372964446,6.372963693,6.372964086,6.372963888,6.372963811,6.372963664,6.372964058,6.372964637,6.372964258,6.372963521,6.372964693,6.372964433,6.3729645
+"14608","SLC16A11",5.391779279,5.391779245,5.391779232,5.3917793,5.391779417,5.391779222,5.3917793,5.391779331,5.391779259,5.391779287,5.391779274,5.391779391,5.391779317,5.391779225,5.391779335,5.391779289,5.391779375,5.39177933,5.391779304,5.391779269,5.39177936,5.391779368,5.391779243,5.39177923,5.391779312,5.39177932,5.391779305,5.391779324
+"14609","SLC16A12",3.539659089,3.539659148,3.539659207,3.539659186,3.539659292,3.539658962,3.53965925,3.53965917,3.539659189,3.539658989,3.539659179,3.539659334,3.539659175,3.539659051,3.539659242,3.539659141,3.539659198,3.539659213,3.539659239,3.539659329,3.539659215,3.539659279,3.539659244,3.53965913,3.539659285,3.53965925,3.539659075,3.539659194
+"14610","SLC16A14",4.647973236,4.647973603,4.647973594,4.647973457,4.647973817,4.647973325,4.647973547,4.64797378,4.647973635,4.647973453,4.64797383,4.647973601,4.647973505,4.647973398,4.647973472,4.647973745,4.647973777,4.647973682,4.647973809,4.647973363,4.647973717,4.647973581,4.647973606,4.647973575,4.647973645,4.647973594,4.6479736,4.647973706
+"14611","SLC16A2",5.29778154,5.297781574,5.297781609,5.297781573,5.297781595,5.297781482,5.29778157,5.29778161,5.297781567,5.29778155,5.297781615,5.297781557,5.297781543,5.297781511,5.297781587,5.297781605,5.297781604,5.297781622,5.297781557,5.297781584,5.297781606,5.297781582,5.297781563,5.297781564,5.297781622,5.2977816,5.297781553,5.297781565
+"14612","SLC16A3",8.520393022,8.520393866,8.520393179,8.520393983,8.520393231,8.520393572,8.520393338,8.520393579,8.520393147,8.520393122,8.520393305,8.520392593,8.520393408,8.520392867,8.520393221,8.520394075,8.520393507,8.52039386,8.520393514,8.520393752,8.520393205,8.520393372,8.520393365,8.52039383,8.520393594,8.520392797,8.520393304,8.520392953
+"14613","SLC16A4",4.24701113,4.247011024,4.247010827,4.247011243,4.247011039,4.247011195,4.247011224,4.247011043,4.247010987,4.247010816,4.247011019,4.247010934,4.247010935,4.247011087,4.247011019,4.247011137,4.247011114,4.247011076,4.247011019,4.247010991,4.24701096,4.247010959,4.247011093,4.247011296,4.247011186,4.247010934,4.247011053,4.247011056
+"14614","SLC16A5",6.889392573,6.889392665,6.889392746,6.88939285,6.889392599,6.889392717,6.889392716,6.889392735,6.889392658,6.889392557,6.889392721,6.889392652,6.889392613,6.889392527,6.889392582,6.889392691,6.889392685,6.88939273,6.889392681,6.889392728,6.889392671,6.88939283,6.889392663,6.889392689,6.889392702,6.889392607,6.889392555,6.889392544
+"14615","SLC16A6",7.348930412,7.348931176,7.348930236,7.3489306,7.34893003,7.348930358,7.348930405,7.348929966,7.348930108,7.3489303,7.348929713,7.3489294,7.348930624,7.348930717,7.348930187,7.348931325,7.348930144,7.348930592,7.348930688,7.348931266,7.348930263,7.348930332,7.348930936,7.34893096,7.348930505,7.348930341,7.34893054,7.348930282
+"14616","SLC16A7",6.565968899,6.565968536,6.565967952,6.5659666,6.565967851,6.565967574,6.565968061,6.56596786,6.565969035,6.565968812,6.565966634,6.565967435,6.565968718,6.565970272,6.565968095,6.565967686,6.565966736,6.565966606,6.565968492,6.565967212,6.565967691,6.565967431,6.565969234,6.565968328,6.565966524,6.565968433,6.565968488,6.565969756
+"14617","SLC16A8",6.706594585,6.70659466,6.706594887,6.70659491,6.706595292,6.706594941,6.706595272,6.706595253,6.706594882,6.706594987,6.706594985,6.706595223,6.706594885,6.706594498,6.706595254,6.706594982,6.706595269,6.706595243,6.706595096,6.706594784,6.706595155,6.706595114,6.706594658,6.706594817,6.706594951,6.706595214,6.706594882,6.706594747
+"14618","SLC16A9",3.82989369,3.829893691,3.82989371,3.82989368,3.829893731,3.829893691,3.829893698,3.829893725,3.829893681,3.8298937,3.829893725,3.829893731,3.829893695,3.82989367,3.829893709,3.829893722,3.82989373,3.829893722,3.829893688,3.829893704,3.829893712,3.82989371,3.829893674,3.829893695,3.829893714,3.82989372,3.829893693,3.829893695
+"14619","SLC17A1",3.414517041,3.414517067,3.414517106,3.414517078,3.414517078,3.414517072,3.414517064,3.414517052,3.414517058,3.4145171,3.414517071,3.414517086,3.414517075,3.414517034,3.414517123,3.414517092,3.414517129,3.414517084,3.414517068,3.414517064,3.414517075,3.414517075,3.414517069,3.414517053,3.414517079,3.414517083,3.414517085,3.414517089
+"14620","SLC17A2",4.283849889,4.283849856,4.283849927,4.283849902,4.28384998,4.283849791,4.283849914,4.283849985,4.283849841,4.283849897,4.28384996,4.28384996,4.283849884,4.28384981,4.283849963,4.28384988,4.283850006,4.283849979,4.283849896,4.283849974,4.28384997,4.283849989,4.283849902,4.283849889,4.283849981,4.283849947,4.283849907,4.283849951
+"14621","SLC17A3",3.8977907,3.89779073,3.897790752,3.897790754,3.897790754,3.897790736,3.897790779,3.897790727,3.897790756,3.897790687,3.897790777,3.897790763,3.897790772,3.897790709,3.897790708,3.897790806,3.897790746,3.897790758,3.897790764,3.897790736,3.897790771,3.89779076,3.89779075,3.89779076,3.897790726,3.897790736,3.897790706,3.897790779
+"14622","SLC17A4",3.587280159,3.587280223,3.587280248,3.587280229,3.58728041,3.587280157,3.587280324,3.587280317,3.587280231,3.587280166,3.587280339,3.587280245,3.587280186,3.58728011,3.587280204,3.587280242,3.587280428,3.587280358,3.587280217,3.587280238,3.587280283,3.587280317,3.58728017,3.587280212,3.587280243,3.58728025,3.587280115,3.587280183
+"14623","SLC17A5",6.0304458,6.030445831,6.030445613,6.030445743,6.030445584,6.030445687,6.030445657,6.030445629,6.030445606,6.030445641,6.030445581,6.030445672,6.030445669,6.030445818,6.03044567,6.030445757,6.030445522,6.030445531,6.030445723,6.030445619,6.030445565,6.030445531,6.030445672,6.030445773,6.030445723,6.030445526,6.030445719,6.030445627
+"14624","SLC17A6",3.540309691,3.540309677,3.540309717,3.540309738,3.540309739,3.54030968,3.54030972,3.540309738,3.540309713,3.540309734,3.540309701,3.540309673,3.540309723,3.540309716,3.540309746,3.540309712,3.540309758,3.540309728,3.540309749,3.540309738,3.540309729,3.540309744,3.54030972,3.540309735,3.540309729,3.540309727,3.540309682,3.540309722
+"14625","SLC17A7",5.063669757,5.063669791,5.0636698,5.063669807,5.063669819,5.063669765,5.063669795,5.063669817,5.063669772,5.063669774,5.063669784,5.063669832,5.063669723,5.063669706,5.063669819,5.063669786,5.063669837,5.063669797,5.063669765,5.063669771,5.063669806,5.063669799,5.063669771,5.063669746,5.063669781,5.063669793,5.063669767,5.063669774
+"14626","SLC17A8",3.880728676,3.880728701,3.880728711,3.880728709,3.880728715,3.880728635,3.880728718,3.880728728,3.8807287,3.8807287,3.880728721,3.880728717,3.880728698,3.880728693,3.880728727,3.880728698,3.880728749,3.880728724,3.880728682,3.88072872,3.880728703,3.880728715,3.880728687,3.88072868,3.880728695,3.880728695,3.880728698,3.880728691
+"14627","SLC17A9",6.359141818,6.359141839,6.359141863,6.359141859,6.359141869,6.359141819,6.359141851,6.359141864,6.359141845,6.359141864,6.359141863,6.359141866,6.359141855,6.359141812,6.359141863,6.359141853,6.35914187,6.359141873,6.359141827,6.35914183,6.359141847,6.359141875,6.359141839,6.359141849,6.359141862,6.359141852,6.359141851,6.359141848
+"14628","SLC18A1",4.203427604,4.203427619,4.203427661,4.203427629,4.20342766,4.203427639,4.203427626,4.203427689,4.203427663,4.203427633,4.203427626,4.203427677,4.203427637,4.203427602,4.203427668,4.203427639,4.203427709,4.203427677,4.203427647,4.203427664,4.203427653,4.203427678,4.203427605,4.203427641,4.203427634,4.203427651,4.203427629,4.203427646
+"14629","SLC18A2",5.128538708,5.128538818,5.128538755,5.128538811,5.128538722,5.128538669,5.128538698,5.12853871,5.1285387,5.128538708,5.128538785,5.128538743,5.128538661,5.128538707,5.128538746,5.128538765,5.128538755,5.128538806,5.128538738,5.128538717,5.128538709,5.128538682,5.128538687,5.128538776,5.128538804,5.128538683,5.128538706,5.128538774
+"14630","SLC18A3",6.162042761,6.162042793,6.162042839,6.162042811,6.16204285,6.162042687,6.162042804,6.162042818,6.162042774,6.162042798,6.162042839,6.162042842,6.162042809,6.162042754,6.162042791,6.162042836,6.162042856,6.16204284,6.162042801,6.162042786,6.162042774,6.162042804,6.162042771,6.162042843,6.162042838,6.162042825,6.162042805,6.162042809
+"14631","SLC18B1",6.444306918,6.444306525,6.444306523,6.444306305,6.444306481,6.444306297,6.444306436,6.444306353,6.44430671,6.444306461,6.444306145,6.444306602,6.444306628,6.444307308,6.444306489,6.444306444,6.444306267,6.444305719,6.44430673,6.444306288,6.444306029,6.444306508,6.444306404,6.444306241,6.444306029,6.444306803,6.444306694,6.444306748
+"14632","SLC19A1",8.09973852,8.099739422,8.099738598,8.09973952,8.099738348,8.09973922,8.099738857,8.099738822,8.099738625,8.099738683,8.099738799,8.099738554,8.099738659,8.099738324,8.099738348,8.099739523,8.099738595,8.099739221,8.099738899,8.099739081,8.099738667,8.099738694,8.099739137,8.099739209,8.099738953,8.099738549,8.099738805,8.09973822
+"14633","SLC19A2",5.069474969,5.069474998,5.069474958,5.069474934,5.06947494,5.069474939,5.069474932,5.069474922,5.069474958,5.069474931,5.069474965,5.069474956,5.069474998,5.069475003,5.069474971,5.069474958,5.069474953,5.069474971,5.069474956,5.069474947,5.069474924,5.069474929,5.069474977,5.069474971,5.069474948,5.069474954,5.069474997,5.069474947
+"14634","SLC19A3",3.757978539,3.757978515,3.757978557,3.757978539,3.757978602,3.757978587,3.757978526,3.757978588,3.757978531,3.757978581,3.7579786,3.757978646,3.757978543,3.757978507,3.757978614,3.757978585,3.757978535,3.757978584,3.757978576,3.757978634,3.757978531,3.757978612,3.757978624,3.757978552,3.757978576,3.75797858,3.757978531,3.757978543
+"14635","SLC1A1",3.722430117,3.722430125,3.722430071,3.722430089,3.722430109,3.722430082,3.722430081,3.722430155,3.722430132,3.722430123,3.722430035,3.72243016,3.722430025,3.722430041,3.722430164,3.722430056,3.722430204,3.722430078,3.722430115,3.722430183,3.722430135,3.722430133,3.722430246,3.72243006,3.722430144,3.722430148,3.722430056,3.722430147
+"14636","SLC1A2",3.993154679,3.993154713,3.993154772,3.99315466,3.993154695,3.993154693,3.993154727,3.993154721,3.993154643,3.993154655,3.993154687,3.99315475,3.993154654,3.993154608,3.993154655,3.993154656,3.993154759,3.993154748,3.993154637,3.99315468,3.993154677,3.99315472,3.993154729,3.993154679,3.993154678,3.993154685,3.993154622,3.993154693
+"14637","SLC1A3",3.956643014,3.956643,3.956643,3.956643015,3.956643015,3.956643037,3.956643031,3.956643018,3.956643029,3.956643034,3.956643044,3.956643052,3.956643023,3.956643007,3.956643039,3.956643006,3.956643016,3.956643009,3.956643013,3.95664302,3.956643024,3.956643016,3.956643003,3.956643017,3.956643036,3.956643026,3.956643002,3.956643026
+"14638","SLC1A4",5.502108275,5.502108494,5.502108241,5.502108316,5.502108285,5.502108502,5.502108692,5.502108116,5.502108228,5.502108419,5.502108418,5.502108363,5.502108373,5.502108295,5.502108199,5.502108242,5.502108295,5.502108266,5.50210817,5.502108242,5.502108711,5.502108233,5.502108145,5.502108254,5.502108275,5.502108359,5.502108172,5.50210835
+"14639","SLC1A5",7.433730815,7.433729229,7.433732899,7.433730755,7.433730425,7.433733927,7.433730991,7.433733782,7.433731657,7.433730947,7.433731174,7.433733196,7.433729791,7.433728413,7.433730309,7.433727486,7.433731879,7.433730663,7.433729555,7.433732997,7.43373075,7.433732672,7.433731015,7.43373089,7.433731234,7.433732773,7.433729958,7.433728273
+"14640","SLC1A6",4.834644896,4.834644994,4.834644902,4.834644989,4.834645035,4.834644914,4.834644882,4.834645027,4.834644928,4.83464506,4.834645049,4.834644995,4.834644979,4.834644761,4.834645063,4.834645002,4.834645066,4.83464509,4.834644935,4.834645015,4.834644958,4.834644949,4.83464491,4.834644835,4.834644935,4.83464502,4.834644874,4.834644929
+"14641","SLC1A7",4.673596429,4.673596348,4.673596539,4.673596498,4.673596545,4.673596511,4.673596442,4.673596543,4.673596366,4.673596461,4.67359642,4.673596402,4.673596443,4.673596445,4.673596511,4.673596561,4.673596542,4.673596655,4.673596522,4.673596487,4.673596524,4.673596587,4.673596465,4.673596464,4.673596483,4.673596537,4.673596475,4.673596496
+"14642","SLC20A1",7.676474752,7.676474809,7.676474452,7.676474213,7.676474267,7.67647498,7.676474562,7.676474874,7.676474495,7.676474503,7.676474427,7.676474314,7.676474782,7.676474937,7.676474227,7.67647464,7.676474105,7.676473947,7.676474517,7.676475019,7.676474445,7.676474715,7.676474577,7.676474609,7.676474321,7.676474633,7.676474585,7.676474335
+"14643","SLC20A2",6.20869473,6.20869472,6.208694396,6.208694456,6.208694643,6.208694687,6.208694654,6.208694698,6.20869477,6.208694619,6.208694464,6.208694528,6.208694721,6.2086947,6.20869465,6.208694661,6.208694544,6.208694413,6.208694518,6.208694522,6.208694585,6.208694669,6.208694754,6.208694711,6.208694471,6.208694589,6.208694766,6.208694575
+"14644","SLC22A1",6.535990637,6.535990787,6.535990486,6.535990985,6.53599019,6.535990789,6.535990652,6.535990058,6.535989733,6.535989818,6.535990292,6.535990238,6.535990514,6.535990003,6.535990692,6.535991129,6.53599063,6.53599081,6.535990397,6.535991082,6.535991072,6.53599006,6.535990375,6.535990357,6.535990661,6.535990458,6.535990569,6.535990065
+"14645","SLC22A10",3.905759376,3.905759344,3.905759415,3.905759354,3.905759393,3.905759275,3.905759352,3.90575933,3.90575937,3.905759313,3.905759416,3.905759431,3.905759332,3.905759257,3.90575934,3.905759354,3.905759349,3.905759326,3.905759399,3.905759389,3.905759353,3.905759366,3.905759317,3.905759292,3.90575936,3.90575934,3.905759368,3.90575932
+"14646","SLC22A11",5.627311657,5.627311714,5.627311743,5.627311671,5.627311861,5.627311615,5.627311731,5.627311835,5.627311712,5.627311697,5.627311808,5.627311843,5.627311682,5.627311616,5.627311796,5.627311748,5.627311867,5.627311816,5.627311719,5.627311699,5.627311792,5.627311817,5.627311703,5.627311713,5.627311784,5.627311792,5.627311699,5.627311747
+"14647","SLC22A12",5.274807172,5.274807057,5.274807246,5.274807114,5.274807295,5.274807117,5.274807259,5.274807308,5.274807102,5.274807165,5.274807266,5.27480717,5.274807222,5.274807042,5.274807283,5.274807149,5.274807243,5.274807229,5.274807268,5.274807161,5.274807355,5.274807219,5.274807084,5.274807094,5.274807217,5.274807165,5.274807204,5.274807226
+"14648","SLC22A13",5.109098004,5.109098112,5.109098221,5.109098024,5.109098195,5.109097999,5.109098182,5.10909813,5.109098126,5.109098102,5.10909817,5.109098217,5.109098117,5.10909799,5.109098203,5.109098158,5.109098244,5.10909828,5.109098155,5.109098075,5.109098174,5.109098231,5.109098091,5.109098075,5.10909821,5.109098104,5.10909808,5.10909821
+"14649","SLC22A14",4.299000111,4.298999958,4.299000126,4.299000227,4.299000052,4.298999949,4.299000215,4.299000145,4.299000265,4.29900003,4.299000155,4.299000279,4.299000099,4.299000033,4.29900023,4.299000378,4.299000352,4.299000333,4.299000159,4.299000263,4.299000277,4.299000395,4.298999935,4.299000103,4.299000184,4.299000204,4.29900003,4.299000208
+"14650","SLC22A15",7.387827756,7.3878288,7.387827703,7.387829065,7.38782644,7.387829212,7.38782802,7.387827254,7.387826,7.38782672,7.387828088,7.387827112,7.387827194,7.387827762,7.387827273,7.387828591,7.387828163,7.387828318,7.387827589,7.387828208,7.387827787,7.3878273,7.387827937,7.387828668,7.387827965,7.387827478,7.387827432,7.387826968
+"14651","SLC22A16",4.493704005,4.493704135,4.493704164,4.493704005,4.493704116,4.493704258,4.493704124,4.493704209,4.493704236,4.493704074,4.493704185,4.493704246,4.493704093,4.493704108,4.493703988,4.49370406,4.493704186,4.493704014,4.49370407,4.49370412,4.493703861,4.493704066,4.493704209,4.493704168,4.493704139,4.493704045,4.493704135,4.493704169
+"14652","SLC22A17",6.132140076,6.132140103,6.132140208,6.13214024,6.132140321,6.132139919,6.132140174,6.132140241,6.132140214,6.132140169,6.132140113,6.132140324,6.132140126,6.132139964,6.132140278,6.132140075,6.132140346,6.132140285,6.132140168,6.132140152,6.132140299,6.132140217,6.132140051,6.132140032,6.132140192,6.132140274,6.132140078,6.132140156
+"14653","SLC22A18",6.615353703,6.615353742,6.615353889,6.615353811,6.615353788,6.615353767,6.615353742,6.615353813,6.615353694,6.615353777,6.615353841,6.615353706,6.615353767,6.615353655,6.615353777,6.615353754,6.615353839,6.615353776,6.615353772,6.615353726,6.615353719,6.61535385,6.61535372,6.615353786,6.615353756,6.615353625,6.615353782,6.615353664
+"14654","SLC22A18AS",4.508360757,4.508360753,4.508360754,4.50836075,4.508360753,4.508360723,4.508360751,4.508360767,4.508360744,4.50836074,4.508360749,4.508360764,4.508360742,4.508360729,4.508360769,4.508360769,4.508360767,4.508360758,4.508360741,4.508360746,4.508360771,4.508360757,4.508360737,4.508360744,4.508360751,4.508360751,4.508360741,4.508360751
+"14655","SLC22A2",3.995327196,3.995327211,3.995327579,3.995327051,3.995327642,3.995327272,3.995327356,3.995327482,3.995327417,3.995327116,3.995327208,3.99532765,3.995327329,3.995327288,3.995327683,3.995327431,3.995327478,3.995327521,3.995327499,3.995327423,3.995327714,3.99532776,3.995327439,3.995327202,3.995327543,3.995327648,3.995327397,3.99532763
+"14656","SLC22A20P",4.945736565,4.945736567,4.945736581,4.945736556,4.945736612,4.945736553,4.945736608,4.945736573,4.945736556,4.945736564,4.945736606,4.945736617,4.945736553,4.945736535,4.945736601,4.945736598,4.945736621,4.945736598,4.945736593,4.945736583,4.945736576,4.945736579,4.945736567,4.945736552,4.94573659,4.945736577,4.945736578,4.945736583
+"14657","SLC22A23",5.753737212,5.753737262,5.753737262,5.753737291,5.753737407,5.753737348,5.753737312,5.753737386,5.75373732,5.753737329,5.753737235,5.753737351,5.753737247,5.75373725,5.753737328,5.753737176,5.753737388,5.753737364,5.753737339,5.75373733,5.753737375,5.753737383,5.753737367,5.753737301,5.753737246,5.75373735,5.753737274,5.753737288
+"14658","SLC22A24",3.247467067,3.247467115,3.247467291,3.247467175,3.247467208,3.247467043,3.247467078,3.247467474,3.247467302,3.247467137,3.247467073,3.247467185,3.247466943,3.247467054,3.247467135,3.247467392,3.247467101,3.247467147,3.247466853,3.247467151,3.24746712,3.247467175,3.247466953,3.247467023,3.247467206,3.247467014,3.247467146,3.247467016
+"14659","SLC22A25",3.906315461,3.906315518,3.90631551,3.90631547,3.906315501,3.906315439,3.906315474,3.906315507,3.906315484,3.906315459,3.906315492,3.90631548,3.906315478,3.906315501,3.9063155,3.906315487,3.906315451,3.906315479,3.906315514,3.906315516,3.906315508,3.906315472,3.906315454,3.906315488,3.906315502,3.906315482,3.906315498,3.906315453
+"14660","SLC22A3",3.710917699,3.710917752,3.710917736,3.710917706,3.710917745,3.710917731,3.710917724,3.710917774,3.710917737,3.710917683,3.710917729,3.710917817,3.7109177,3.710917729,3.710917779,3.710917783,3.710917732,3.710917714,3.710917721,3.710917742,3.710917756,3.710917764,3.710917753,3.710917626,3.710917708,3.710917754,3.710917705,3.710917712
+"14661","SLC22A31",5.903115701,5.903115722,5.903115752,5.903115697,5.903115748,5.903115736,5.903115781,5.903115759,5.903115704,5.903115748,5.903115753,5.903115782,5.903115707,5.903115685,5.903115725,5.903115762,5.903115787,5.903115735,5.903115765,5.903115755,5.903115722,5.903115803,5.90311571,5.903115744,5.903115701,5.903115715,5.903115738,5.903115756
+"14662","SLC22A4",6.899298142,6.899299076,6.899298139,6.899299828,6.899298127,6.899298799,6.899298304,6.89929816,6.899298032,6.89929825,6.899298113,6.899297564,6.899297682,6.899297184,6.899298139,6.899299331,6.899298061,6.899299819,6.899299527,6.899298966,6.899298177,6.899298642,6.899299182,6.899298877,6.899298662,6.899297402,6.899297492,6.899297012
+"14663","SLC22A5",5.732400794,5.732400786,5.732400786,5.732400782,5.732400788,5.732400823,5.732400752,5.732400763,5.732400777,5.732400795,5.732400709,5.732400774,5.732400746,5.732400791,5.732400767,5.732400788,5.732400775,5.732400783,5.732400813,5.732400793,5.732400724,5.732400763,5.732400777,5.732400801,5.732400756,5.73240078,5.732400772,5.732400779
+"14664","SLC22A6",5.271636091,5.271636041,5.271636175,5.2716361,5.271636269,5.271636115,5.271636234,5.271636158,5.271636181,5.271636138,5.271636147,5.271636263,5.271636163,5.271636051,5.271636206,5.271636147,5.271636294,5.271636251,5.271636184,5.271636197,5.271636273,5.27163627,5.27163613,5.271636087,5.271636123,5.271636259,5.271636161,5.271636175
+"14665","SLC22A7",4.415033707,4.415033717,4.415033725,4.41503372,4.41503373,4.415033749,4.415033706,4.415033748,4.415033716,4.415033715,4.415033749,4.415033724,4.415033719,4.415033698,4.415033717,4.415033734,4.415033746,4.415033722,4.415033713,4.415033747,4.415033719,4.415033749,4.415033693,4.415033697,4.415033706,4.415033717,4.415033721,4.415033705
+"14666","SLC22A8",4.529572872,4.529572857,4.529572868,4.529572859,4.529572901,4.529572887,4.529572857,4.529572889,4.52957285,4.529572854,4.52957287,4.529572904,4.529572846,4.529572838,4.529572877,4.529572868,4.52957289,4.52957291,4.529572887,4.5295729,4.529572875,4.529572886,4.529572885,4.529572863,4.529572881,4.529572894,4.52957286,4.529572872
+"14667","SLC22A9",4.370008029,4.370008038,4.370008072,4.370008051,4.370008144,4.370008071,4.370008096,4.370008097,4.370008091,4.370008073,4.370008054,4.370008098,4.37000806,4.370008034,4.37000811,4.370008051,4.370008137,4.370008078,4.370008086,4.370008079,4.370008105,4.370008125,4.370008059,4.370008059,4.370008092,4.370008081,4.370008017,4.370008069
+"14668","SLC23A1",5.723891565,5.723891724,5.723891857,5.723891814,5.723891785,5.723891564,5.723891684,5.723891873,5.723891706,5.723891756,5.723891839,5.72389195,5.723891802,5.723891339,5.723891796,5.723891786,5.723891874,5.723892022,5.723891787,5.723891808,5.723891927,5.723891717,5.723891573,5.723891648,5.723891757,5.723891861,5.723891666,5.723891809
+"14669","SLC23A2",6.850978163,6.85097813,6.850978185,6.850978274,6.850977979,6.850978211,6.850978131,6.850978281,6.850978167,6.850978157,6.85097811,6.850978103,6.850978246,6.850978147,6.850978072,6.850978085,6.850978,6.850978104,6.850978171,6.850978039,6.850978036,6.850978105,6.850978128,6.850978202,6.850978078,6.850978153,6.850978199,6.85097798
+"14670","SLC23A3",5.263780161,5.263780148,5.263780329,5.263780292,5.263780222,5.263780223,5.263780232,5.263780207,5.263780249,5.263780174,5.263780136,5.263780268,5.263780227,5.263780201,5.263780226,5.263780247,5.263780224,5.263780358,5.263780307,5.263780219,5.263780277,5.2637802,5.263780196,5.263780209,5.263780106,5.263780189,5.263780207,5.263780205
+"14671","SLC24A1",4.986991103,4.986991203,4.986991126,4.986991194,4.986991124,4.986991075,4.986991072,4.986991008,4.986991106,4.986991134,4.986991134,4.986991206,4.986991149,4.986991079,4.986991102,4.986991133,4.986991261,4.986991254,4.986991003,4.986991213,4.986991112,4.986991216,4.98699113,4.986991285,4.986991102,4.986991095,4.98699119,4.986991186
+"14672","SLC24A2",3.829329597,3.82932956,3.829329543,3.829329599,3.829329586,3.829329574,3.829329607,3.829329622,3.829329566,3.829329568,3.829329565,3.829329663,3.829329535,3.829329573,3.829329601,3.829329614,3.829329638,3.829329621,3.829329585,3.829329564,3.829329607,3.829329601,3.829329614,3.829329596,3.829329581,3.829329571,3.829329568,3.829329602
+"14673","SLC24A3",5.503598055,5.503599808,5.503598226,5.503600428,5.503599459,5.503597556,5.503598771,5.503598628,5.503598305,5.503598956,5.503600364,5.503598972,5.503598323,5.503598228,5.503598051,5.503599839,5.503597942,5.503600602,5.503599061,5.503597792,5.503598153,5.503598286,5.503598026,5.503599453,5.503600436,5.503599128,5.503598464,5.503598938
+"14674","SLC24A3-AS1",4.416221802,4.416221801,4.416221799,4.416221795,4.416221813,4.416221811,4.416221798,4.416221803,4.4162218,4.416221802,4.416221813,4.416221827,4.416221811,4.416221775,4.416221798,4.416221795,4.416221815,4.41622181,4.4162218,4.416221816,4.41622181,4.416221809,4.416221792,4.416221804,4.416221811,4.416221813,4.416221788,4.416221809
+"14675","SLC24A4",6.13473326,6.134733278,6.134733503,6.134733722,6.134733594,6.134733775,6.134733277,6.134732708,6.134733167,6.134733197,6.134733272,6.134732752,6.134733261,6.134732975,6.134733261,6.134733415,6.13473351,6.134733483,6.13473383,6.134733323,6.13473329,6.134732898,6.134733248,6.134733535,6.13473329,6.134732931,6.134733081,6.134732809
+"14676","SLC24A5",3.483074848,3.483074762,3.483074841,3.483075017,3.483074861,3.48307526,3.483074992,3.483075053,3.483075019,3.483074956,3.48307494,3.483074832,3.483074901,3.48307481,3.483075218,3.483074956,3.483074911,3.483075154,3.483074933,3.483074844,3.483074861,3.483074972,3.483074721,3.483075095,3.483074982,3.483074909,3.483075031,3.483074752
+"14677","SLC25A1",6.813823401,6.813823467,6.81382339,6.813823352,6.813823431,6.813823433,6.813823294,6.813823364,6.813823406,6.813823485,6.813823336,6.813823221,6.813823428,6.813823425,6.81382332,6.81382344,6.81382333,6.813823221,6.813823408,6.813823426,6.813823343,6.813823295,6.813823394,6.813823469,6.813823315,6.813823349,6.813823386,6.813823328
+"14678","SLC25A10",5.776991873,5.776992025,5.77699212,5.776991936,5.776992184,5.776992019,5.776991986,5.77699207,5.776992086,5.776992117,5.776992061,5.776992123,5.776992013,5.776991839,5.776992149,5.776991984,5.776992205,5.776992053,5.776991937,5.776992021,5.776992092,5.776992156,5.776991944,5.776991964,5.77699203,5.776992105,5.776992044,5.776992008
+"14679","SLC25A11",7.849200952,7.849200921,7.849200753,7.849200878,7.849200691,7.849200954,7.84920089,7.849200814,7.849200866,7.849200904,7.849200806,7.849200698,7.849200908,7.849200913,7.849200781,7.849200808,7.849200671,7.849200728,7.849200788,7.849201089,7.849200776,7.849200837,7.849200869,7.849200941,7.849200783,7.849200798,7.849200886,7.849200698
+"14680","SLC25A12",6.170509939,6.170509762,6.170509765,6.170509525,6.170509687,6.170509581,6.170509847,6.170509796,6.170509873,6.170509837,6.170509615,6.170509591,6.170509867,6.17051009,6.170509774,6.170509814,6.17050953,6.170509607,6.170509772,6.170509665,6.17050966,6.170509782,6.170509944,6.170509913,6.170509459,6.170509807,6.170509924,6.170510007
+"14681","SLC25A13",6.280855272,6.280855226,6.28085512,6.280855126,6.280855099,6.280855158,6.280855182,6.280855069,6.280855149,6.280855098,6.280855104,6.280855035,6.280855156,6.280855216,6.28085515,6.280855193,6.280855026,6.280854957,6.280855167,6.280855217,6.280855162,6.280855097,6.280855067,6.280855191,6.280855134,6.28085508,6.280855154,6.280855117
+"14682","SLC25A14",5.072412659,5.072412865,5.072412791,5.072412631,5.072412534,5.072412766,5.072412676,5.072412607,5.072412777,5.072412709,5.072412539,5.072412495,5.07241272,5.072412837,5.072412749,5.072412857,5.072412573,5.072412585,5.07241295,5.072412539,5.072412686,5.072412889,5.072412661,5.072412732,5.072412876,5.07241251,5.072412706,5.07241251
+"14683","SLC25A15",5.385479836,5.385479839,5.38547942,5.385479582,5.38547966,5.385479299,5.385479912,5.385479718,5.385480043,5.385479811,5.385479572,5.385479746,5.385479808,5.385479943,5.385479565,5.385479804,5.385479767,5.385479468,5.385479752,5.385479567,5.385479911,5.385479849,5.385479855,5.385479927,5.385479412,5.385480009,5.385479566,5.385479983
+"14684","SLC25A16",5.703543801,5.703543716,5.703543492,5.703543442,5.703543091,5.703543296,5.703543513,5.703543239,5.703543406,5.703543433,5.703543182,5.703542947,5.703543606,5.70354388,5.703543391,5.70354373,5.70354291,5.703543216,5.70354362,5.703543289,5.703543452,5.703543311,5.703543534,5.703543696,5.70354314,5.703543326,5.703543683,5.703543563
+"14685","SLC25A17",5.967182394,5.967182344,5.967182345,5.967182363,5.967182279,5.96718235,5.96718234,5.967182324,5.967182396,5.967182361,5.967182316,5.967182341,5.96718236,5.967182363,5.967182344,5.967182355,5.967182282,5.967182299,5.967182391,5.967182325,5.967182333,5.96718237,5.967182388,5.967182313,5.967182295,5.967182344,5.967182346,5.967182325
+"14686","SLC25A18",4.87496856,4.874968508,4.874968589,4.874968531,4.874968575,4.874968597,4.874968571,4.874968586,4.874968498,4.874968529,4.874968606,4.874968613,4.874968557,4.874968445,4.874968576,4.874968574,4.874968621,4.874968565,4.874968601,4.874968567,4.874968547,4.874968572,4.874968544,4.874968499,4.874968564,4.874968553,4.874968555,4.874968552
+"14687","SLC25A19",5.071370968,5.071370922,5.071370947,5.071370932,5.071371,5.071370987,5.071370996,5.07137093,5.071370976,5.071370954,5.071370928,5.071370899,5.071370945,5.071370984,5.071371004,5.071370915,5.071370971,5.071371002,5.071370993,5.071370989,5.07137096,5.071370959,5.071370933,5.071370946,5.071370937,5.07137096,5.071370951,5.071370969
+"14688","SLC25A2",5.093002012,5.093002009,5.093001997,5.093001994,5.093002032,5.093002004,5.093002021,5.093001995,5.093001991,5.093001989,5.093001981,5.093002034,5.093002,5.093001998,5.093002016,5.093002019,5.093002005,5.093002001,5.093002005,5.093002032,5.093002014,5.093002018,5.093002007,5.093002008,5.093001996,5.093002007,5.093001998,5.093002019
+"14689","SLC25A20",6.72751574,6.727514985,6.727515587,6.727515827,6.727515468,6.727516064,6.727515816,6.727515592,6.727515526,6.727516103,6.727515383,6.727514648,6.727515299,6.727515803,6.727515616,6.727515738,6.72751539,6.727515741,6.727516509,6.727515305,6.727515156,6.727514323,6.727515603,6.727516163,6.72751607,6.727514951,6.727515166,6.727515705
+"14690","SLC25A21",3.127498477,3.127498487,3.127498543,3.127498488,3.127498483,3.127498571,3.127498478,3.12749846,3.127498579,3.12749854,3.127498585,3.127498547,3.12749857,3.127498464,3.127498529,3.127498503,3.127498629,3.12749863,3.127498587,3.12749847,3.127498432,3.12749847,3.127498623,3.127498523,3.127498562,3.127498455,3.127498503,3.127498567
+"14691","SLC25A22",6.806664804,6.806664765,6.806664845,6.806664823,6.806664833,6.806664822,6.8066648,6.806664883,6.80666484,6.806664795,6.806664825,6.80666486,6.806664846,6.806664747,6.806664837,6.806664796,6.806664845,6.806664843,6.806664788,6.806664849,6.806664801,6.806664872,6.8066648,6.806664799,6.806664849,6.806664829,6.806664819,6.806664769
+"14692","SLC25A23",5.529265835,5.529265838,5.529265904,5.529265842,5.529265896,5.529265816,5.529265878,5.529265931,5.529265898,5.529265887,5.52926592,5.5292659,5.529265841,5.529265809,5.529265865,5.529265843,5.529265935,5.529265934,5.529265898,5.529265851,5.529265809,5.529265819,5.529265905,5.5292658,5.529265863,5.529265834,5.529265898,5.529265859
+"14693","SLC25A24",6.205415494,6.2054155,6.205415426,6.205415387,6.205415396,6.205415316,6.205415464,6.205415315,6.205415278,6.205415342,6.205415462,6.205415199,6.205415452,6.205415641,6.205415342,6.205415426,6.205415344,6.205415292,6.205415418,6.205415313,6.205415427,6.205415406,6.205415381,6.205415418,6.205415423,6.205415314,6.205415429,6.205415512
+"14694","SLC25A25",5.377590944,5.37759096,5.377590962,5.377590838,5.377590917,5.377590942,5.37759092,5.37759095,5.377590964,5.377591022,5.377590839,5.377590784,5.37759102,5.377591009,5.377590893,5.377590914,5.377590908,5.37759091,5.377590889,5.377590872,5.377590996,5.377591004,5.377590945,5.377591065,5.377590965,5.377590967,5.377590916,5.377590911
+"14695","SLC25A26",6.437874982,6.437874465,6.437873885,6.437872541,6.437872449,6.437873823,6.437873868,6.437873898,6.437873785,6.437874073,6.437873156,6.437873549,6.437874316,6.437875191,6.437874084,6.437874052,6.437873219,6.437872174,6.437873098,6.437873887,6.437873297,6.437873777,6.437873453,6.437874308,6.437873142,6.437873949,6.437874373,6.437874558
+"14696","SLC25A27",3.821723629,3.821723701,3.821723719,3.821723832,3.821723841,3.821723842,3.821723716,3.821723751,3.821723723,3.821723772,3.821723639,3.821723818,3.821723781,3.821723766,3.821723804,3.821723708,3.821723899,3.821723721,3.821723677,3.821723761,3.821723787,3.821723863,3.821723665,3.821723722,3.821723745,3.821723689,3.8217237,3.821723749
+"14697","SLC25A28",7.299088846,7.299089117,7.299088848,7.299088774,7.299088838,7.299089535,7.299089114,7.299088967,7.299088946,7.299089179,7.29908896,7.299088964,7.299089215,7.299089187,7.299088944,7.299088761,7.299088819,7.299088748,7.299088991,7.299089456,7.299088872,7.299089077,7.299089209,7.299089124,7.299088937,7.299088943,7.299089298,7.299089131
+"14698","SLC25A29",7.151135644,7.151135647,7.151135645,7.151135682,7.151135699,7.151135435,7.151135637,7.151135739,7.151135691,7.151135639,7.151135653,7.151135656,7.151135667,7.15113558,7.151135671,7.151135683,7.151135612,7.151135699,7.15113564,7.151135586,7.151135656,7.151135686,7.151135686,7.151135659,7.151135714,7.15113567,7.151135687,7.151135595
+"14699","SLC25A3",7.532297928,7.532297799,7.532297777,7.532297576,7.532297604,7.532297684,7.532297846,7.532297534,7.532297792,7.532297764,7.532297509,7.532297579,7.532297884,7.532298011,7.532297582,7.532297632,7.532297528,7.53229735,7.532297736,7.532297563,7.53229786,7.53229776,7.53229772,7.532297753,7.532297306,7.532297762,7.532297868,7.532297767
+"14700","SLC25A30",5.320997645,5.320997859,5.320997476,5.320997492,5.320997421,5.320997608,5.320997548,5.320997484,5.320997589,5.320997611,5.320997557,5.320997383,5.320997744,5.32099784,5.320997591,5.320997665,5.320997212,5.320997371,5.320997766,5.320997493,5.320997564,5.320997445,5.32099772,5.32099762,5.320997595,5.320997585,5.320997658,5.32099781
+"14701","SLC25A31",3.395934883,3.395934896,3.395934888,3.395934897,3.395934868,3.395934942,3.395934892,3.395934918,3.395934909,3.395934896,3.395934867,3.395934889,3.395934897,3.395934849,3.395934878,3.395934904,3.395934891,3.39593487,3.395934872,3.395934851,3.395934898,3.395934902,3.395934876,3.395934865,3.395934891,3.39593492,3.395934876,3.395934847
+"14702","SLC25A32",6.985415901,6.98541502,6.985415329,6.985414854,6.985415066,6.985415129,6.985415361,6.985414943,6.985415551,6.985415266,6.985414827,6.985415004,6.985415481,6.985416209,6.985415382,6.985415041,6.985415174,6.985414748,6.985415271,6.985414778,6.985415288,6.985415334,6.98541576,6.985415275,6.98541498,6.9854152,6.985415376,6.985415909
+"14703","SLC25A33",5.7821728515,5.782172444,5.7821725105,5.7821724725,5.7821729325,5.782172724,5.7821727135,5.782172721,5.7821723695,5.7821725915,5.7821730685,5.782173019,5.782172571,5.782172222,5.782172744,5.7821724855,5.782172764,5.782172695,5.782172703,5.7821728445,5.7821727295,5.782172681,5.7821724725,5.782172346,5.782172643,5.7821727515,5.7821727155,5.7821725335
+"14704","SLC25A34",5.819630751,5.819630762,5.819631488,5.819631274,5.819631554,5.819631196,5.819631535,5.819631522,5.819631296,5.819631021,5.8196314,5.819631677,5.819631349,5.819630946,5.819631409,5.819631166,5.819631837,5.819631543,5.819631413,5.819631149,5.81963139,5.819631577,5.819631011,5.819631136,5.819631667,5.819631324,5.819631199,5.81963109
+"14705","SLC25A35",5.293984756,5.293984757,5.293984841,5.293984647,5.293984825,5.293984713,5.293984848,5.293984859,5.293984821,5.293984836,5.29398474,5.293984895,5.293984853,5.293984803,5.293984824,5.293984698,5.293984807,5.293984938,5.293984895,5.293984879,5.293984877,5.293984867,5.293984851,5.293984776,5.293984737,5.293984872,5.293984899,5.293984851
+"14706","SLC25A36",6.019390336,6.019390249,6.019390083,6.01939002,6.019390277,6.019389847,6.019390029,6.019390025,6.019390293,6.019390298,6.019390025,6.019389965,6.019390131,6.019390616,6.019390114,6.01939006,6.019390187,6.019389955,6.01939023,6.019390052,6.019390032,6.019390101,6.019390294,6.01939028,6.01939007,6.019390068,6.019390156,6.019390481
+"14707","SLC25A37",10.575271427,10.3834645725,10.679621545,10.5961030745,10.378684218,10.94340273,10.6073828575,10.795826105,10.77375236,10.638716451,10.5110340995,10.4966190465,10.5751583705,10.0259543705,10.538700213,10.1830495025,10.526943245,10.599797117,10.3887649925,10.895288675,10.5141380355,10.6309417995,10.762443485,10.706905055,10.5368436215,10.560193456,10.67030127,9.951783412
+"14708","SLC25A38",7.175380012,7.175379945,7.17538008,7.175379299,7.175379883,7.175379961,7.175379988,7.17538009,7.175380115,7.175380026,7.175379892,7.175380265,7.175379786,7.175379615,7.175379943,7.175379424,7.175379832,7.175379506,7.175379848,7.175379987,7.175379633,7.175379869,7.175380023,7.175379948,7.175379793,7.175380392,7.17537984,7.175379546
+"14709","SLC25A39",11.6460529,11.48559847,12.27440791,11.70865758,11.75604711,12.41616116,11.69983427,12.17061526,12.18325719,11.89356696,11.86891584,12.29140462,11.43178437,10.98309346,11.58148118,11.00613782,12.16815884,11.70293102,11.45093886,12.17334493,11.54824784,12.0048123,12.12864399,11.88055908,11.9289574,12.28034639,11.66742187,11.26447738
+"14710","SLC25A4",5.568801313,5.568801307,5.568801348,5.568801282,5.568801384,5.568801262,5.568801334,5.568801355,5.568801298,5.568801323,5.568801352,5.568801355,5.568801342,5.568801318,5.568801391,5.568801339,5.568801372,5.568801379,5.568801311,5.568801333,5.5688014,5.568801326,5.568801302,5.568801333,5.568801349,5.568801396,5.568801319,5.568801357
+"14711","SLC25A40",6.445877315,6.445877166,6.445876674,6.445876731,6.445876647,6.445876409,6.445876895,6.445876551,6.445876645,6.445876932,6.445876761,6.445876465,6.445876677,6.445877396,6.445876752,6.445876878,6.445876472,6.445876509,6.445876941,6.445876445,6.445876809,6.445876564,6.445876909,6.445877022,6.445876738,6.445876663,6.445876531,6.445876932
+"14712","SLC25A41",4.724294583,4.724294584,4.724294602,4.724294606,4.72429464,4.724294603,4.724294641,4.724294629,4.72429461,4.724294594,4.724294623,4.724294648,4.724294609,4.724294567,4.724294625,4.724294576,4.724294634,4.724294632,4.724294613,4.724294596,4.724294644,4.724294633,4.724294591,4.724294577,4.724294617,4.724294627,4.724294582,4.724294636
+"14713","SLC25A42",7.51335376,7.513353775,7.513353784,7.513353772,7.513353776,7.513353766,7.513353762,7.51335379,7.513353797,7.513353791,7.513353749,7.513353791,7.513353775,7.513353757,7.513353781,7.513353772,7.513353787,7.513353767,7.513353769,7.513353761,7.513353766,7.513353781,7.513353769,7.513353768,7.513353766,7.513353784,7.513353791,7.513353782
+"14714","SLC25A43",5.33725643,5.337256436,5.337256422,5.337256431,5.337256448,5.337256449,5.33725644,5.337256451,5.337256453,5.337256451,5.337256441,5.337256444,5.337256437,5.337256433,5.337256449,5.337256441,5.337256447,5.337256436,5.337256438,5.337256438,5.337256439,5.337256444,5.337256444,5.337256426,5.337256425,5.337256443,5.337256441,5.337256424
+"14715","SLC25A44",7.222053353,7.222053516,7.222053405,7.222054327,7.222053113,7.22205403,7.222053524,7.222053407,7.222053224,7.222053229,7.22205346,7.222053223,7.222053359,7.222052927,7.222053917,7.222053634,7.2220533,7.222054205,7.222053532,7.222053483,7.222053574,7.222053448,7.222053187,7.222053658,7.222053858,7.222053508,7.222053187,7.222052625
+"14716","SLC25A45",6.35110162,6.351101615,6.351101604,6.351101603,6.351101609,6.35110163,6.351101616,6.351101623,6.351101634,6.351101622,6.351101596,6.351101633,6.351101624,6.351101619,6.351101615,6.351101607,6.3511016,6.351101606,6.351101616,6.351101622,6.351101605,6.351101615,6.351101622,6.351101604,6.351101602,6.351101626,6.351101621,6.351101613
+"14717","SLC25A46",7.369790396,7.369789739,7.369790086,7.369789786,7.369789639,7.369789447,7.369789888,7.369789247,7.369790137,7.369789919,7.369789156,7.369789472,7.36978997,7.369791423,7.369790112,7.369789559,7.369789018,7.369788596,7.369790169,7.369788556,7.369789947,7.369789423,7.369790295,7.369790293,7.369789312,7.369789609,7.369790062,7.369790997
+"14718","SLC25A47",5.817166367,5.817166288,5.817166387,5.817166348,5.817166422,5.817166324,5.817166332,5.817166397,5.817166384,5.817166371,5.817166392,5.817166311,5.817166393,5.81716626,5.817166379,5.81716635,5.817166427,5.817166414,5.81716637,5.817166379,5.817166388,5.81716642,5.81716632,5.817166366,5.817166373,5.817166372,5.817166343,5.817166341
+"14719","SLC25A48",6.375155716,6.37515572,6.375155836,6.375155694,6.375155893,6.375155776,6.375155734,6.375155878,6.375155801,6.375155778,6.375155763,6.375155758,6.375155709,6.375155625,6.37515573,6.375155848,6.375155833,6.375155821,6.375155818,6.375155664,6.375155815,6.37515581,6.37515575,6.375155707,6.375155753,6.375155811,6.375155781,6.375155709
+"14720","SLC25A5",8.411857969,8.411857842,8.411857887,8.411857633,8.411857916,8.411858339,8.411858468,8.411857648,8.411857965,8.411858329,8.411857924,8.411857958,8.411858189,8.411858163,8.411857968,8.411857549,8.411857827,8.411857485,8.411857863,8.411858481,8.411858178,8.411857754,8.411858182,8.411858154,8.411857473,8.411857856,8.411858206,8.411858052
+"14721","SLC25A5-AS1",5.357593532,5.3575936,5.357593636,5.35759361,5.357593723,5.357593636,5.357593595,5.357593627,5.357593621,5.357593626,5.357593734,5.357593731,5.357593632,5.357593595,5.357593724,5.35759362,5.357593681,5.357593674,5.357593662,5.357593536,5.357593752,5.357593668,5.357593597,5.357593523,5.357593721,5.35759369,5.357593585,5.357593658
+"14722","SLC25A51",4.864843338,4.8648430775,4.8648432675,4.864843259,4.864843015,4.864843321,4.864843042,4.8648432995,4.8648432845,4.864843199,4.8648436065,4.864843066,4.8648432425,4.864843414,4.86484315,4.864843077,4.864843302,4.864843075,4.8648430625,4.864843254,4.8648430605,4.864843087,4.8648432615,4.86484351,4.864843388,4.86484351,4.8648432795,4.8648431895
+"14723","SLC25A51P1",3.259469627,3.259469597,3.259469436,3.25946973,3.259469536,3.259469529,3.25946943,3.259469661,3.259469484,3.259469773,3.259469512,3.2594698,3.259469513,3.259469573,3.259469539,3.25946977,3.259469606,3.259469527,3.25946955,3.25946957,3.259469657,3.259469517,3.259469505,3.259469459,3.259469717,3.259469593,3.259469615,3.259469545
+"14724","SLC25A51P4",4.661942932,4.661942754,4.66194292,4.661942887,4.661942688,4.661943075,4.661942836,4.661942861,4.661942736,4.661942776,4.661942742,4.661942955,4.661942862,4.661943019,4.661942978,4.661942729,4.661942869,4.66194292,4.661942653,4.661942913,4.661942832,4.661942734,4.661942881,4.661942738,4.661943149,4.661942959,4.661942883,4.661943008
+"14725","SLC25A52",2.975678022,2.975678056,2.975678028,2.975678041,2.975678057,2.975678066,2.975678047,2.97567805,2.975678052,2.975678081,2.975678113,2.975678057,2.975678018,2.97567809,2.975678063,2.975678086,2.975678069,2.975678078,2.975678043,2.975678068,2.975678053,2.975678022,2.975678042,2.975678027,2.975678036,2.975678034,2.975678029,2.975678048
+"14726","SLC25A53",6.070419848,6.07041992,6.070419369,6.070419747,6.07041982,6.070419635,6.070419961,6.070419906,6.070419809,6.070419854,6.070419526,6.070419687,6.07041977,6.070419946,6.070419916,6.070419741,6.070419357,6.070419871,6.070419734,6.070419843,6.070419822,6.070419866,6.070419736,6.070419924,6.070419976,6.070419758,6.070419785,6.070420115
+"14727","SLC25A6",9.318422921,9.179212522,9.253704313,9.042015513,9.190039204,9.256176569,9.2606109765,9.1779420975,9.357552607,9.371075121,9.122779455,9.295965751,9.2974201865,9.3906919495,9.2481107835,9.0776658965,9.216597777,9.022534145,9.194070483,9.256291024,9.2083450875,9.2656203365,9.343382044,9.2898164755,9.0742213395,9.275856703,9.297657162,9.330827174
+"14728","SLC26A1",5.693237033,5.693236972,5.693237127,5.693236978,5.693237537,5.693236898,5.693237196,5.693237385,5.69323705,5.693237179,5.693237133,5.693237438,5.693237062,5.69323658,5.693237234,5.693237044,5.693237438,5.693237311,5.693237243,5.693237105,5.693237368,5.69323713,5.693237012,5.693236931,5.693237137,5.693237294,5.693236992,5.693237189
+"14729","SLC26A10P",4.201807135,4.201807209,4.201807157,4.201807103,4.201807242,4.201807085,4.201807218,4.201807195,4.201807181,4.201807189,4.201807109,4.201807171,4.201807082,4.201807117,4.201807208,4.201807207,4.201807325,4.201807133,4.201807181,4.201807266,4.201807175,4.201807126,4.201807075,4.201807083,4.201807202,4.201807214,4.201807215,4.201807232
+"14730","SLC26A11",6.370811127,6.370811098,6.370811104,6.370811151,6.370811098,6.370811092,6.370811115,6.370811224,6.370811112,6.370811146,6.370811155,6.370811227,6.370811222,6.370811012,6.370811158,6.370811049,6.370811069,6.370811124,6.370811087,6.370810969,6.370811077,6.370811251,6.37081099,6.37081094,6.37081112,6.370811147,6.370811246,6.37081094
+"14731","SLC26A2",5.322592708,5.322592661,5.322592639,5.322592616,5.322592626,5.322592616,5.322592675,5.32259265,5.322592659,5.322592613,5.322592591,5.322592626,5.32259269,5.322592746,5.32259268,5.322592624,5.322592605,5.322592611,5.322592661,5.32259266,5.322592645,5.322592641,5.322592705,5.322592678,5.322592643,5.322592651,5.32259269,5.322592709
+"14732","SLC26A3",3.056725594,3.056725566,3.056725592,3.056725558,3.056725633,3.056725719,3.056725719,3.056725684,3.056725599,3.056725629,3.056725607,3.056725626,3.0567256,3.056725542,3.056725666,3.056725584,3.056725655,3.056725678,3.056725636,3.056725713,3.056725655,3.056725671,3.056725506,3.056725603,3.056725657,3.056725654,3.056725601,3.056725589
+"14733","SLC26A4",3.335832364,3.335832367,3.335832369,3.335832379,3.335832382,3.335832375,3.33583239,3.335832386,3.335832378,3.335832356,3.335832378,3.335832382,3.335832364,3.335832359,3.335832367,3.335832363,3.335832378,3.335832381,3.335832374,3.335832363,3.335832365,3.335832388,3.335832371,3.335832369,3.335832362,3.335832364,3.335832367,3.335832349
+"14734","SLC26A5",3.671141882,3.671141765,3.671141751,3.671141787,3.671141901,3.671141794,3.671141852,3.67114191,3.671141772,3.671141895,3.671141833,3.671141776,3.671141736,3.671142446,3.671141919,3.671141752,3.671141729,3.671141935,3.671141796,3.671141862,3.671141839,3.671141847,3.671141682,3.671141617,3.671141835,3.67114185,3.67114176,3.671142309
+"14735","SLC26A6",5.987570893,5.987570943,5.987570929,5.987570974,5.98757095,5.987570949,5.987570936,5.987570945,5.987570907,5.987570997,5.987571039,5.98757085,5.987570993,5.987570867,5.987570882,5.987570894,5.987570876,5.987570972,5.987570832,5.987570897,5.987570982,5.987570817,5.987570877,5.987570863,5.987570947,5.987570678,5.987571059,5.987570679
+"14736","SLC26A8",5.258848795,5.258850047,5.258847492,5.258852126,5.258848847,5.258851478,5.258849761,5.258846616,5.25884971,5.258847233,5.258849567,5.258847142,5.258847995,5.258847661,5.2588486,5.258850808,5.258847989,5.25885035,5.258849506,5.258851992,5.258850571,5.258849263,5.258851721,5.258851256,5.258851259,5.258848128,5.258847682,5.258846975
+"14737","SLC26A9",4.329097046,4.329097203,4.329097244,4.329097273,4.329097273,4.329097105,4.329097322,4.329097304,4.329097177,4.329097149,4.329097384,4.329097336,4.329097246,4.329097176,4.329097247,4.329097065,4.32909743,4.329097397,4.329097204,4.329097224,4.329097365,4.329097392,4.329097139,4.329097153,4.32909724,4.329097311,4.329097213,4.329097279
+"14738","SLC27A1",6.039075968,6.039076036,6.039076086,6.039076122,6.039076157,6.039075965,6.039076061,6.039076164,6.039076055,6.039076076,6.039076043,6.039076115,6.039076074,6.039076003,6.039076104,6.039076108,6.039076078,6.039076171,6.039075952,6.039076014,6.039076059,6.039076068,6.039076047,6.039075998,6.039076091,6.039076071,6.039076107,6.03907597
+"14739","SLC27A2",4.101466703,4.101466713,4.101466763,4.101466696,4.101466776,4.101466655,4.101466807,4.101466719,4.101466776,4.101466694,4.101466738,4.101466695,4.10146679,4.101466746,4.101466774,4.101466747,4.101466735,4.101466789,4.101466716,4.101466726,4.101466784,4.10146668,4.101466729,4.10146667,4.10146681,4.10146674,4.101466667,4.101466739
+"14740","SLC27A3",6.950486342,6.950486361,6.950486278,6.950486148,6.950486248,6.950486477,6.950486321,6.950486196,6.950486169,6.950486232,6.950486299,6.950486076,6.950486354,6.950486294,6.950486225,6.950486285,6.950486117,6.950486042,6.950486102,6.950486519,6.950486178,6.950486305,6.950486122,6.950486162,6.950486201,6.950486235,6.950486292,6.950486179
+"14741","SLC27A4",6.25186982,6.251869821,6.251869767,6.251869813,6.251869842,6.251869831,6.251869827,6.251869811,6.251869818,6.251869864,6.251869822,6.251869829,6.251869853,6.251869719,6.251869849,6.251869794,6.251869804,6.251869747,6.251869863,6.251869781,6.25186979,6.251869852,6.251869777,6.251869822,6.251869822,6.251869836,6.251869781,6.251869779
+"14742","SLC27A5",5.263896677,5.263896683,5.263896812,5.263896668,5.263896841,5.263896916,5.263896826,5.263896795,5.263896912,5.263896788,5.263896912,5.263897043,5.263896718,5.263896706,5.263896866,5.263896725,5.263896702,5.26389696,5.263896789,5.263896938,5.263896861,5.263896951,5.263896801,5.263896797,5.263896789,5.263896788,5.263896757,5.263896656
+"14743","SLC27A6",3.496581328,3.49658134,3.496581346,3.496581375,3.49658137,3.496581332,3.496581371,3.49658137,3.496581347,3.496581358,3.496581388,3.496581351,3.49658134,3.496581317,3.496581379,3.496581381,3.49658136,3.49658135,3.496581365,3.496581341,3.49658136,3.496581351,3.496581312,3.49658138,3.496581371,3.496581366,3.496581355,3.496581337
+"14744","SLC28A1",4.853205358,4.853205385,4.853205613,4.853205588,4.85320572,4.853205506,4.853205589,4.853205648,4.853205652,4.853205476,4.853205721,4.853205621,4.85320547,4.853205422,4.853205612,4.853205552,4.85320578,4.853205638,4.853205452,4.853205594,4.853205582,4.853205723,4.853205557,4.853205607,4.853205634,4.853205685,4.853205494,4.853205605
+"14745","SLC28A2",4.295547711,4.295547718,4.295547722,4.295547742,4.295547753,4.295547724,4.295547729,4.29554777,4.295547733,4.295547757,4.295547769,4.295547745,4.295547752,4.295547675,4.295547746,4.295547748,4.295547761,4.295547757,4.295547742,4.295547737,4.295547766,4.29554775,4.295547711,4.295547714,4.295547755,4.295547763,4.295547735,4.295547719
+"14746","SLC28A3",4.180229281,4.180229274,4.180229335,4.180229349,4.180229314,4.180229303,4.180229366,4.180229236,4.180229238,4.180229298,4.180229314,4.18022933,4.180229277,4.180229286,4.180229339,4.180229323,4.180229409,4.180229251,4.180229272,4.180229342,4.180229394,4.180229333,4.180229323,4.180229265,4.180229321,4.180229295,4.180229266,4.180229253
+"14747","SLC29A1",6.772125763,6.772130521,6.77212765,6.772127792,6.772132397,6.772128416,6.7721296,6.772127298,6.772129311,6.772129309,6.772131742,6.772128741,6.772129012,6.772128701,6.772125444,6.772129409,6.772127362,6.772125687,6.772131546,6.772127834,6.772128729,6.772127185,6.772128494,6.772128643,6.772130986,6.772128859,6.772128835,6.772128279
+"14748","SLC29A2",6.235678479,6.235678445,6.235678461,6.235678526,6.235678523,6.235678518,6.235678513,6.235678512,6.235678499,6.235678527,6.23567854,6.235678572,6.235678455,6.235678471,6.235678506,6.235678456,6.235678579,6.235678472,6.23567847,6.235678456,6.235678468,6.23567852,6.23567846,6.235678469,6.235678457,6.235678521,6.235678529,6.235678511
+"14749","SLC29A3",6.625154833,6.625154811,6.625154828,6.625154821,6.625154838,6.625154818,6.62515481,6.625154827,6.625154799,6.625154831,6.625154817,6.625154794,6.625154819,6.625154806,6.625154823,6.625154802,6.625154794,6.625154793,6.625154838,6.62515479,6.625154807,6.62515481,6.625154794,6.625154826,6.6251548,6.625154829,6.625154831,6.625154801
+"14750","SLC29A4",5.792545823,5.792545903,5.792545842,5.792545826,5.792545938,5.792545664,5.792545827,5.792545894,5.79254587,5.792545784,5.792545892,5.792545918,5.792545867,5.792545491,5.792545787,5.792545786,5.792546005,5.792545958,5.792545862,5.792545641,5.79254586,5.792546025,5.792545788,5.792545712,5.79254591,5.792545866,5.792545775,5.792545917
+"14751","SLC2A1",8.080381744,8.080381534,8.080382445,8.080381402,8.080381338,8.080381645,8.08038201,8.080382539,8.080382156,8.080381788,8.080381433,8.08038265,8.080381184,8.080381214,8.080381803,8.080380942,8.0803822,8.080381504,8.080381247,8.080380686,8.080381394,8.080382216,8.080381945,8.08038235,8.080381693,8.080382549,8.080381311,8.080381686
+"14752","SLC2A10",6.224918315,6.224918272,6.224918381,6.224918451,6.2249186,6.224918367,6.224918448,6.224918475,6.224918291,6.224918352,6.224918531,6.224918557,6.224918421,6.224918145,6.224918517,6.224918473,6.224918625,6.224918382,6.224918427,6.224918292,6.224918435,6.224918488,6.224918327,6.224918304,6.224918381,6.224918426,6.22491837,6.224918332
+"14753","SLC2A11",5.822718563,5.822718568,5.822718588,5.822718556,5.822718613,5.82271845,5.822718603,5.822718649,5.822718614,5.822718584,5.822718616,5.82271866,5.822718598,5.82271853,5.822718624,5.822718586,5.82271866,5.822718597,5.822718598,5.822718546,5.822718617,5.822718633,5.822718564,5.822718592,5.822718639,5.822718639,5.822718605,5.822718607
+"14754","SLC2A12",3.793453167,3.79345318,3.793453183,3.79345317,3.793453181,3.793453166,3.793453182,3.793453178,3.793453188,3.793453175,3.793453163,3.793453178,3.793453162,3.793453181,3.793453182,3.793453195,3.793453173,3.793453186,3.793453164,3.793453189,3.793453181,3.793453182,3.79345316,3.793453183,3.79345317,3.793453175,3.793453173,3.793453168
+"14755","SLC2A13",5.280345187,5.280345203,5.28034518,5.280345152,5.280345214,5.280345186,5.280345179,5.280345179,5.280345206,5.280345199,5.280345154,5.280345138,5.280345155,5.280345185,5.280345192,5.280345149,5.280345165,5.280345201,5.280345191,5.280345222,5.28034517,5.280345171,5.280345195,5.280345224,5.280345146,5.280345167,5.280345187,5.280345178
+"14756","SLC2A14",6.950179123,6.950181921,6.950177885,6.950182,6.950179263,6.950180069,6.950178875,6.950179785,6.950179519,6.950179292,6.950179574,6.950178034,6.95017879,6.950178542,6.950179852,6.950182954,6.950178727,6.950181396,6.950181283,6.950181291,6.950179311,6.950178643,6.95018053,6.950181032,6.950181492,6.950178994,6.950178591,6.950178126
+"14757","SLC2A2",3.471965216,3.47196537,3.471965286,3.47196517,3.471965303,3.471965152,3.471965382,3.471965236,3.471965191,3.471965182,3.471965306,3.471965216,3.47196537,3.471965243,3.471965241,3.471965318,3.471965299,3.471965453,3.471965315,3.471965495,3.471965443,3.471965463,3.471965295,3.471965177,3.471965295,3.471965373,3.471964997,3.471965515
+"14758","SLC2A3",9.091700064,9.953458024,8.558034231,9.682540651,9.246732774,9.380887862,9.228097275,9.057199575,9.264573583,9.306221371,8.987235504,8.88048843,8.794673397,9.041269615,9.377430815,10.07403957,9.057410874,9.74289895,9.848020464,9.815944291,9.247883343,9.039699192,9.517889307,9.818238216,9.467170797,9.096971664,8.819129871,8.868334947
+"14759","SLC2A4",5.076250494,5.076250372,5.076250553,5.076250444,5.076250526,5.076250436,5.076250417,5.076250546,5.076250418,5.076250499,5.076250526,5.07625054,5.076250475,5.076250339,5.076250496,5.076250495,5.076250558,5.076250541,5.076250505,5.076250513,5.076250475,5.076250484,5.076250391,5.076250468,5.07625057,5.076250553,5.076250398,5.076250441
+"14760","SLC2A4RG",6.552964669,6.552964687,6.552964784,6.552964446,6.552964706,6.55296459,6.552964655,6.552964852,6.552964807,6.552964791,6.552964744,6.552964715,6.55296472,6.552964582,6.552964661,6.552964593,6.552964552,6.552964706,6.552964596,6.55296461,6.552964589,6.552964697,6.552964758,6.552964618,6.552964579,6.552964681,6.552964753,6.552964506
+"14761","SLC2A5",5.403445063,5.403445063,5.403445092,5.403445074,5.40344511,5.403445082,5.403445113,5.403445095,5.403445052,5.403445079,5.403445096,5.403445092,5.403445048,5.403445051,5.403445118,5.403445071,5.403445135,5.403445085,5.403445064,5.403445077,5.403445086,5.403445098,5.403445064,5.403445051,5.403445081,5.403445065,5.403445056,5.403445087
+"14762","SLC2A6",6.864111962,6.864111893,6.864112164,6.86411199,6.864112091,6.864112399,6.864112142,6.864112046,6.864111928,6.864112298,6.864112185,6.864111858,6.864112075,6.864111901,6.864112057,6.864111923,6.864112101,6.864111874,6.864112024,6.864112229,6.864111843,6.864112062,6.864111991,6.864111999,6.864112017,6.864111952,6.864112289,6.864111858
+"14763","SLC2A7",4.374053084,4.3740531,4.374053216,4.374053114,4.374053166,4.374053089,4.374053097,4.374053105,4.374053133,4.374053016,4.374053174,4.374053142,4.374053161,4.374052979,4.374053131,4.374053116,4.374053187,4.374053122,4.374053149,4.374053164,4.374053183,4.374053214,4.374053113,4.374053083,4.374053079,4.374053196,4.374053155,4.374053045
+"14764","SLC2A8",5.980529258,5.980529278,5.980529379,5.980529292,5.980529484,5.980529281,5.980529365,5.980529396,5.980529301,5.980529355,5.980529356,5.980529414,5.980529318,5.980529254,5.980529444,5.980529283,5.980529473,5.9805294,5.980529402,5.980529356,5.980529403,5.980529477,5.980529313,5.980529298,5.980529317,5.980529402,5.980529339,5.980529393
+"14765","SLC2A9",5.820330784,5.82033058,5.820330903,5.820330754,5.820330806,5.82033079,5.820330647,5.820330795,5.820330398,5.82033074,5.820330858,5.820330597,5.820330727,5.820330588,5.820330732,5.820330436,5.820330918,5.820330679,5.8203306,5.820330752,5.82033061,5.820330792,5.820330385,5.82033076,5.820330775,5.820330691,5.820330758,5.820330463
+"14766","SLC30A1",6.471140307,6.471140297,6.471140297,6.471140274,6.471140275,6.471140334,6.471140256,6.471140247,6.471140279,6.471140311,6.471140246,6.471140167,6.471140271,6.471140306,6.471140287,6.471140291,6.471140259,6.471140253,6.471140296,6.471140267,6.471140264,6.471140255,6.471140281,6.471140305,6.471140262,6.471140217,6.471140273,6.471140296
+"14767","SLC30A10",4.115167162,4.11516722,4.115167269,4.115167242,4.115167347,4.115167372,4.115167272,4.115167318,4.115167302,4.115167278,4.115167372,4.115167354,4.115167264,4.115167184,4.115167317,4.115167267,4.115167394,4.115167192,4.115167313,4.115167233,4.115167307,4.115167392,4.115167283,4.115167182,4.1151672,4.11516726,4.115167301,4.115167363
+"14768","SLC30A2",5.357589582,5.357589747,5.357589788,5.357589659,5.35758991,5.35758966,5.357589783,5.357589862,5.357589774,5.357589815,5.357589827,5.357589869,5.357589778,5.357589544,5.357589781,5.357589779,5.357589884,5.357589866,5.357589767,5.357589696,5.357589821,5.357589926,5.357589784,5.357589852,5.357589986,5.357589818,5.357589726,5.357589828
+"14769","SLC30A3",5.468696311,5.468696259,5.468696323,5.468696272,5.468696378,5.468696234,5.468696279,5.468696591,5.468696012,5.468695995,5.468696311,5.468696507,5.468696363,5.468696089,5.468696389,5.468696351,5.468696572,5.468696195,5.468696464,5.468696242,5.468696547,5.468696464,5.468696006,5.468696107,5.468696297,5.468696531,5.468696341,5.468696445
+"14770","SLC30A4",5.415092397,5.415092392,5.415092364,5.415092368,5.415092368,5.415092397,5.415092387,5.415092386,5.415092388,5.415092373,5.41509237,5.415092372,5.415092394,5.415092413,5.415092402,5.415092385,5.415092376,5.415092387,5.415092378,5.415092394,5.415092364,5.415092387,5.41509239,5.415092397,5.41509236,5.415092365,5.415092367,5.415092397
+"14771","SLC30A5",5.98144779,5.981447767,5.981447589,5.981447523,5.981447573,5.981447534,5.981447693,5.981447629,5.981447681,5.981447554,5.981447553,5.981447443,5.981447745,5.981448001,5.981447621,5.981447552,5.981447514,5.98144744,5.981447639,5.981447296,5.98144762,5.981447534,5.981447721,5.981447703,5.981447545,5.981447497,5.981447674,5.981447768
+"14772","SLC30A6",6.550083764,6.550083346,6.550083285,6.550083207,6.550083155,6.550083046,6.550083366,6.550083201,6.550083419,6.55008328,6.550082882,6.550083006,6.550083351,6.55008399,6.550083412,6.550083082,6.55008306,6.550083062,6.550083421,6.550083166,6.550083169,6.550083187,6.550083591,6.550083514,6.550083301,6.55008323,6.550083439,6.55008372
+"14773","SLC30A7",7.516258092,7.51625778,7.516257365,7.51625712,7.516257373,7.516257655,7.516257663,7.516257417,7.51625779,7.516257423,7.516257182,7.516257261,7.516257752,7.516258256,7.516257714,7.516257459,7.516257101,7.516257098,7.51625772,7.516257482,7.516257532,7.516257552,7.516257807,7.516257627,7.51625723,7.516257521,7.516257795,7.516257682
+"14774","SLC30A8",3.913602075,3.913602207,3.913602409,3.913602292,3.913602332,3.913602163,3.913602185,3.913602223,3.913602318,3.913602228,3.913602572,3.913602557,3.913602396,3.913601952,3.913602283,3.913602333,3.913602272,3.9136024,3.913602261,3.913602176,3.913602159,3.91360227,3.913602141,3.913602046,3.913602424,3.91360224,3.91360218,3.91360217
+"14775","SLC30A9",6.118534215,6.118533329,6.118533172,6.118532161,6.118531663,6.11853164,6.118532584,6.118531931,6.118533265,6.118533315,6.118532661,6.118531746,6.118533435,6.118535539,6.118532868,6.118533167,6.118532523,6.118533196,6.118532645,6.118532069,6.118532632,6.118532181,6.11853355,6.118533378,6.118532886,6.118532603,6.118533013,6.118535332
+"14776","SLC31A1",6.232573851,6.232574223,6.232573488,6.232574217,6.232573301,6.232573835,6.232573266,6.232572795,6.23257278,6.232573715,6.232572785,6.232572274,6.232573953,6.232573849,6.232572979,6.232573894,6.232573272,6.232573349,6.232573482,6.232573427,6.23257336,6.232572764,6.232573275,6.232573659,6.232573248,6.232573143,6.232573924,6.232573257
+"14777","SLC31A2",8.835128864,9.24709736,8.758781038,9.174798285,8.57460118,9.103358414,8.495571124,8.604316382,8.177241208,8.314084144,8.586731167,7.77293754,8.756575637,8.605896358,8.50297104,8.991795671,8.762349113,8.928140002,8.606993704,9.021034797,8.253347504,8.371892925,8.551473569,8.641537705,8.532474151,7.860957535,8.683538237,8.373211218
+"14778","SLC32A1",4.833933903,4.833933923,4.833933893,4.833933914,4.833934018,4.833933986,4.83393395,4.833933932,4.833933908,4.83393391,4.833933931,4.833933988,4.833933921,4.833933871,4.833933959,4.833933954,4.83393397,4.833933938,4.833933919,4.833933909,4.833933957,4.833933959,4.833933894,4.833933896,4.833933895,4.833933963,4.833933928,4.833933953
+"14779","SLC33A1",7.006656045,7.00665604,7.00665569,7.006654955,7.006654857,7.006655323,7.006655573,7.006654913,7.006655855,7.006655207,7.006655254,7.006654628,7.006655874,7.006656592,7.006655046,7.006655627,7.006654872,7.006655225,7.006655397,7.006655317,7.006654997,7.006655306,7.006655887,7.006655793,7.006655265,7.006655242,7.00665573,7.006656208
+"14780","SLC34A1",5.509733009,5.509732908,5.509732959,5.509732976,5.509733008,5.509732877,5.509733,5.509733015,5.509733003,5.509732975,5.50973293,5.509733091,5.509733026,5.509732834,5.509733044,5.509733015,5.509733031,5.509733025,5.509733029,5.509733005,5.509733031,5.509733007,5.50973284,5.509732886,5.509733082,5.509733038,5.509733001,5.509732966
+"14781","SLC34A2",4.474664268,4.474664356,4.474664413,4.474664351,4.474664493,4.474664383,4.474664386,4.474664434,4.47466442,4.47466447,4.474664422,4.474664422,4.47466436,4.474664356,4.474664404,4.4746644,4.474664464,4.474664372,4.474664327,4.474664505,4.47466446,4.474664459,4.474664428,4.474664389,4.474664413,4.474664421,4.474664337,4.474664494
+"14782","SLC34A3",5.495866182,5.495865909,5.495866418,5.495866258,5.495866446,5.49586615,5.495866339,5.495866331,5.495866259,5.495866233,5.495866307,5.495866455,5.49586626,5.495865973,5.495866548,5.495866157,5.495866422,5.495866346,5.495866302,5.495866222,5.495866539,5.495866304,5.495866054,5.495866088,5.495866211,5.495866413,5.495866309,5.495866337
+"14783","SLC35A1",5.357843528,5.35784327,5.357843375,5.357843121,5.357842925,5.357842828,5.357843047,5.357843115,5.35784294,5.357843287,5.357843351,5.357842815,5.357843166,5.35784413,5.357843169,5.357843177,5.357843053,5.357842875,5.357843275,5.357843078,5.35784316,5.357843205,5.357843105,5.357843414,5.357843225,5.357843021,5.357843151,5.357843644
+"14784","SLC35A2",5.75594923,5.755949284,5.755949327,5.755949326,5.755949248,5.755949369,5.755949298,5.755949314,5.755949348,5.755949309,5.755949231,5.755949192,5.755949316,5.755949197,5.755949235,5.755949242,5.755949302,5.755949277,5.755949312,5.755949278,5.755949323,5.755949311,5.755949304,5.755949349,5.755949305,5.755949303,5.755949278,5.755949226
+"14785","SLC35A3",6.037006491,6.03700583,6.037005462,6.037004922,6.03700477,6.037004622,6.037004992,6.037004931,6.037005652,6.037005359,6.037004962,6.037004379,6.037005618,6.03700707,6.03700545,6.037005116,6.037004642,6.037004841,6.037005376,6.037004912,6.037005106,6.037005131,6.037005654,6.03700555,6.03700471,6.037005279,6.037005797,6.037006332
+"14786","SLC35A4",7.630403329,7.630403579,7.630403271,7.630403132,7.630403104,7.630403577,7.630403217,7.630403225,7.630403427,7.630403289,7.630403074,7.630402752,7.63040337,7.630403481,7.630403057,7.630403361,7.630402888,7.630403055,7.630403097,7.630403461,7.630403029,7.630403258,7.630403391,7.630403297,7.630403022,7.630403113,7.630403417,7.630403182
+"14787","SLC35A5",6.703040293,6.70303981,6.70303913,6.703039419,6.703038795,6.703039655,6.703039664,6.703038765,6.703039146,6.703039503,6.703038902,6.703038727,6.703039591,6.703040317,6.703039584,6.70303938,6.703039213,6.703038893,6.703039602,6.703039315,6.703039426,6.703039083,6.703039739,6.70304014,6.703039376,6.70303892,6.703039308,6.703039506
+"14788","SLC35B1",6.610954788,6.610954669,6.610954691,6.610954287,6.610954214,6.610954847,6.61095482,6.610954478,6.61095458,6.610954199,6.610954301,6.61095439,6.610954725,6.610954619,6.610954316,6.610954419,6.610954517,6.610953915,6.610954611,6.610955098,6.610954538,6.61095452,6.610954675,6.610954535,6.610954329,6.610954385,6.610954762,6.610954458
+"14789","SLC35B2",6.408139997,6.408140024,6.40813999,6.408139965,6.408139973,6.408140023,6.408139996,6.408139989,6.408140002,6.408140015,6.408140004,6.408139957,6.408140003,6.408140003,6.408139983,6.408139974,6.408139956,6.408139993,6.408139993,6.408140026,6.408139995,6.408139992,6.408139993,6.408139989,6.408139981,6.40814,6.408140015,6.408139999
+"14790","SLC35B3",5.459572375,5.459572278,5.459572247,5.459572293,5.459572254,5.45957218,5.459572233,5.459572211,5.459572259,5.459572262,5.459572143,5.459572133,5.459572223,5.459572381,5.459572214,5.459572287,5.459572188,5.459572098,5.459572348,5.459572226,5.459572178,5.459572167,5.459572263,5.459572343,5.459572229,5.459572216,5.459572262,5.459572309
+"14791","SLC35B4",5.258655078,5.258654991,5.25865493,5.258654928,5.258654921,5.258654963,5.258654953,5.258654936,5.258654992,5.25865498,5.258654914,5.258654894,5.258654987,5.258655044,5.258654923,5.258654971,5.258654892,5.258654926,5.25865495,5.258655,5.258654946,5.258654958,5.258654997,5.258654986,5.258654865,5.258654984,5.258654961,5.25865498
+"14792","SLC35C1",6.197121824,6.197121737,6.197121714,6.19712171,6.197121874,6.19712187,6.197121774,6.197121846,6.197121827,6.197121806,6.197121752,6.197121743,6.197121807,6.197121795,6.197121728,6.197121685,6.19712171,6.197121676,6.197121837,6.197121783,6.197121686,6.197121824,6.197121839,6.197121789,6.197121647,6.197121715,6.197121685,6.197121712
+"14793","SLC35C2",7.524961059,7.524961226,7.524961037,7.52496101,7.524960877,7.524961103,7.524960884,7.5249611,7.524961263,7.524961006,7.524960748,7.52496089,7.524961198,7.524961122,7.524960773,7.524961107,7.524960625,7.524960792,7.524961088,7.524960665,7.524960802,7.524961022,7.524961089,7.524961135,7.524960688,7.524961003,7.524961081,7.524961021
+"14794","SLC35D1",6.671824065,6.671823653,6.671822743,6.671822399,6.671822856,6.67182169,6.671823202,6.671822732,6.67182373,6.671822866,6.671822295,6.671821857,6.671823874,6.671825356,6.671822669,6.671823444,6.671820731,6.671821806,6.671824071,6.67182071,6.671821835,6.671822082,6.671823317,6.671823676,6.671822555,6.671823077,6.671823778,6.671824263
+"14795","SLC35D2",6.182631437,6.182631426,6.182630894,6.182631425,6.182631001,6.182630881,6.182631072,6.182630713,6.182631233,6.182631417,6.182631178,6.182630665,6.182631177,6.182631537,6.182630894,6.182631271,6.1826301,6.182631026,6.18263116,6.182631385,6.182631121,6.182631005,6.18263128,6.182631614,6.18263076,6.182631096,6.182631323,6.18263108
+"14796","SLC35D3",5.904863234,5.904863297,5.904863332,5.904863244,5.904863313,5.904863248,5.904863297,5.904863336,5.904863261,5.904863223,5.904863327,5.904863291,5.904863253,5.904863148,5.90486329,5.904863336,5.904863311,5.904863347,5.904863267,5.90486328,5.904863238,5.904863274,5.904863186,5.904863246,5.904863272,5.904863285,5.904863214,5.904863239
+"14797","SLC35E1",7.582370413,7.582370456,7.582370422,7.582370449,7.582370417,7.582370433,7.582370412,7.582370422,7.582370402,7.582370433,7.582370396,7.582370401,7.582370441,7.582370426,7.582370388,7.582370409,7.58237035,7.582370402,7.5823704,7.582370391,7.58237037,7.582370404,7.582370442,7.582370437,7.582370448,7.582370425,7.582370442,7.582370413
+"14798","SLC35E2A",8.460226337,8.460226325,8.460225728,8.460225505,8.460224794,8.460226271,8.460225937,8.460225027,8.460226933,8.460226926,8.460225475,8.460226155,8.460226712,8.460227283,8.460226148,8.460226151,8.460225354,8.460225745,8.46022511,8.460225666,8.460225828,8.460225212,8.460226901,8.460226637,8.460225843,8.460226476,8.460226792,8.460226706
+"14799","SLC35E3",6.843592051,6.843592293,6.843591698,6.843592063,6.843591222,6.843591311,6.843591804,6.843591474,6.843591504,6.843591413,6.843591828,6.843591148,6.84359196,6.843592103,6.843591563,6.843592058,6.843591572,6.843591507,6.843591612,6.84359138,6.843591649,6.843591508,6.843591543,6.843591956,6.843591509,6.843591523,6.843591789,6.84359163
+"14800","SLC35E4",5.35572228,5.355722274,5.355722413,5.355722277,5.355722391,5.355722371,5.355722364,5.355722428,5.35572227,5.355722352,5.355722359,5.355722363,5.35572232,5.355722248,5.355722369,5.35572235,5.355722482,5.355722362,5.355722345,5.355722296,5.355722376,5.355722423,5.355722257,5.355722268,5.35572236,5.355722342,5.35572228,5.35572237
+"14801","SLC35F1",4.234561548,4.234561747,4.234561707,4.234561637,4.234561968,4.234561646,4.234561674,4.234561857,4.23456189,4.23456173,4.234561831,4.234562182,4.234561643,4.234561557,4.234561944,4.234561958,4.23456219,4.234561846,4.234561861,4.23456194,4.234561936,4.234561953,4.234561791,4.234561625,4.234561715,4.234561828,4.234561611,4.234561849
+"14802","SLC35F2",5.558518941,5.558518864,5.55851875,5.558518876,5.558518913,5.558518917,5.55851907,5.558518867,5.558518917,5.558518807,5.558518742,5.558518878,5.558518964,5.558519024,5.558519021,5.558518719,5.558518761,5.558518859,5.558518902,5.558518748,5.558518955,5.558518944,5.558519063,5.558518769,5.558518681,5.558518868,5.558518964,5.55851904
+"14803","SLC35F3",5.505307472,5.505307353,5.505307739,5.505307526,5.505307885,5.505307447,5.505307659,5.505307797,5.505307585,5.505307648,5.50530773,5.50530779,5.505307521,5.505307454,5.505307666,5.505307501,5.505307865,5.505307791,5.505307573,5.505307653,5.505307698,5.505307692,5.505307326,5.505307425,5.505307489,5.505307788,5.505307547,5.505307553
+"14804","SLC35F4",4.310504674,4.310504658,4.310504702,4.310504649,4.310504659,4.310504658,4.310504658,4.310504681,4.310504697,4.310504614,4.310504674,4.310504691,4.310504647,4.310504635,4.310504672,4.310504651,4.310504685,4.310504651,4.31050471,4.310504658,4.310504633,4.310504689,4.310504672,4.310504639,4.310504702,4.310504643,4.310504672,4.310504692
+"14805","SLC35F5",6.538636083,6.5386359665,6.538636069,6.5386360855,6.538635893,6.538635762,6.5386359265,6.53863594,6.538635889,6.538635821,6.5386360515,6.538635883,6.538636077,6.5386361405,6.538635998,6.5386360875,6.5386360485,6.5386360605,6.538636073,6.538635763,6.5386360425,6.5386359645,6.5386359415,6.5386360275,6.5386360035,6.5386359065,6.538635992,6.5386360415
+"14806","SLC35F6",6.265593912,6.265593903,6.265593917,6.265593932,6.265593895,6.265593907,6.265593902,6.265593917,6.265593898,6.265593901,6.265593906,6.265593896,6.265593909,6.265593904,6.265593898,6.265593884,6.265593893,6.265593908,6.265593898,6.265593927,6.265593897,6.265593907,6.265593889,6.265593912,6.265593904,6.265593912,6.265593925,6.265593901
+"14807","SLC35G1",4.870796685,4.870796978,4.87079701,4.870796624,4.870797015,4.870796593,4.870796821,4.870796885,4.870797088,4.870796688,4.870796707,4.870796716,4.870797051,4.870796695,4.870796838,4.870797036,4.870796883,4.870796839,4.870796909,4.870796619,4.870796915,4.870796933,4.870796929,4.870796832,4.870797072,4.870796893,4.870796805,4.870797025
+"14808","SLC35G2",4.693017662,4.693017654,4.693017669,4.693017672,4.693017679,4.693017656,4.693017679,4.693017672,4.693017693,4.693017674,4.693017679,4.693017696,4.693017652,4.69301766,4.693017689,4.693017674,4.693017686,4.693017656,4.693017685,4.693017671,4.693017685,4.693017674,4.693017657,4.693017677,4.693017662,4.693017672,4.693017667,4.693017679
+"14809","SLC35G3",5.161054126,5.161053975,5.161054159,5.16105429,5.161054552,5.161053662,5.161054461,5.161054302,5.161053848,5.161054203,5.161054418,5.161054647,5.161054107,5.161053896,5.16105422,5.1610544,5.161054702,5.16105425,5.161054179,5.1610538,5.161054259,5.161054501,5.161053974,5.161053985,5.161054287,5.161054568,5.161053747,5.161053885
+"14810","SLC35G5",4.285420891,4.285420855,4.285420902,4.285420895,4.28542101,4.285420869,4.285420953,4.285420958,4.285420899,4.285420852,4.285420902,4.285420987,4.285420986,4.28542091,4.2854209,4.28542097,4.285420999,4.285421033,4.285420847,4.285420928,4.285420972,4.285421001,4.285420895,4.285420876,4.285420975,4.285420995,4.285420901,4.285420906
+"14811","SLC36A1",7.020563495,7.02056376,7.020563602,7.02056383,7.02056344,7.020563557,7.020563504,7.020563475,7.02056355,7.020563514,7.020563546,7.020563428,7.020563408,7.020563327,7.020563354,7.020563749,7.020563454,7.020563618,7.020563518,7.020563528,7.020563422,7.020563361,7.020563646,7.020563688,7.020563538,7.020563433,7.020563434,7.020563289
+"14812","SLC36A2",4.219268964,4.219268984,4.219268993,4.219268994,4.219268993,4.219268984,4.219268988,4.219269033,4.219268983,4.219268977,4.219269008,4.219268949,4.219268956,4.219268962,4.219269037,4.219269005,4.219269024,4.219269026,4.219269001,4.219269,4.219269008,4.219269015,4.219268962,4.219268986,4.219269019,4.219268991,4.219268968,4.219268965
+"14813","SLC36A3",3.371568657,3.371568821,3.371568785,3.371568687,3.371568643,3.371568733,3.371568726,3.371568773,3.371568697,3.371568762,3.371568641,3.371568895,3.371568687,3.371568542,3.371568709,3.371568737,3.371568748,3.371568679,3.371568655,3.371568699,3.371568651,3.371568746,3.371568651,3.371568663,3.371568719,3.371568617,3.371568578,3.371568752
+"14814","SLC36A4",6.010816899,6.010816615,6.01081683,6.010816668,6.010816607,6.01081657,6.010816643,6.010816529,6.010816633,6.010816641,6.010816611,6.010816434,6.010816723,6.010816916,6.010816623,6.010816585,6.01081662,6.010816443,6.010816674,6.010816496,6.010816569,6.01081647,6.010816757,6.010816731,6.010816636,6.010816619,6.010816654,6.010816727
+"14815","SLC37A1",6.243541676,6.243541783,6.243541296,6.243541355,6.243541293,6.243542295,6.243541353,6.243541251,6.243541612,6.243541592,6.243541244,6.243541184,6.243541765,6.243541304,6.243541086,6.243541578,6.243540113,6.243541662,6.243541157,6.24354217,6.243541103,6.243540712,6.243541849,6.243541921,6.243541328,6.243541436,6.243541622,6.243540975
+"14816","SLC37A2",6.550491726,6.550492293,6.550492079,6.550492499,6.550492409,6.550492916,6.55049188,6.550491795,6.550491777,6.550492885,6.55049179,6.550491527,6.550492161,6.550492392,6.55049174,6.550492332,6.550492397,6.550492315,6.55049251,6.550492491,6.550491773,6.550491863,6.550491359,6.550492424,6.550491875,6.550491881,6.550492475,6.550491815
+"14817","SLC37A3",7.163648222,7.163648602,7.163647411,7.163648964,7.163646786,7.163647849,7.16364926,7.16364778,7.163648525,7.163648109,7.163647263,7.163647953,7.163648023,7.163648739,7.163648272,7.163649554,7.163647869,7.163648501,7.163648609,7.16364836,7.163649126,7.163648266,7.163649249,7.163649322,7.163648509,7.163648292,7.163648077,7.16364803
+"14818","SLC37A4",6.272430346,6.272430341,6.272430268,6.272430341,6.27243043,6.272430353,6.272430388,6.272430361,6.272430347,6.272430355,6.272430372,6.272430398,6.272430349,6.272430254,6.272430386,6.272430292,6.272430397,6.272430382,6.272430353,6.272430398,6.272430385,6.27243038,6.272430329,6.272430315,6.272430328,6.272430361,6.272430334,6.27243034
+"14819","SLC38A1",8.979995659,8.951256338,8.944658631,8.937035707,8.949254929,8.940726181,8.961378381,8.950057492,8.971759609,8.960613518,8.936572915,8.955260164,8.965028808,8.991470202,8.952679636,8.938704743,8.916449186,8.930966599,8.954078063,8.916359184,8.960527261,8.950902363,8.971864951,8.954021941,8.929841913,8.966622157,8.964389051,8.970184176
+"14820","SLC38A10",7.941228694,7.941228685,7.941228745,7.941228789,7.941228692,7.941228737,7.941228712,7.941228696,7.941228738,7.941228732,7.94122867,7.941228737,7.941228739,7.941228679,7.941228648,7.94122871,7.941228719,7.941228771,7.941228725,7.941228751,7.941228706,7.941228693,7.941228728,7.941228673,7.941228676,7.941228675,7.941228735,7.941228628
+"14821","SLC38A11",4.870280724,4.870280421,4.870280422,4.870280602,4.870280568,4.870280294,4.870280398,4.87028038,4.870280535,4.870280373,4.870280594,4.870280738,4.870280358,4.870280931,4.870280742,4.870280359,4.8702808,4.870280538,4.870280473,4.870280355,4.870280415,4.870280585,4.870280486,4.870280336,4.870280376,4.870280629,4.870280333,4.870280984
+"14822","SLC38A2",8.700052971,8.700052888,8.700051305,8.700052636,8.700051699,8.70005162,8.700052754,8.700052151,8.700052037,8.700052266,8.700051517,8.700050956,8.70005189,8.70005499,8.700052169,8.700051804,8.700050697,8.700051123,8.700052696,8.700051261,8.700052194,8.700051402,8.700052574,8.700052242,8.70005136,8.700050803,8.700051857,8.700052656
+"14823","SLC38A3",4.311624369,4.31162437,4.311624382,4.311624384,4.311624404,4.311624369,4.311624393,4.311624398,4.311624367,4.311624402,4.311624409,4.311624418,4.311624398,4.311624353,4.311624401,4.311624363,4.311624413,4.311624393,4.311624385,4.311624377,4.3116244,4.311624373,4.311624362,4.311624357,4.311624383,4.311624401,4.311624386,4.311624374
+"14824","SLC38A4",3.338893205,3.338893221,3.338893231,3.338893171,3.338893223,3.338893252,3.338893257,3.338893217,3.338893158,3.338893217,3.338893192,3.338893166,3.338893208,3.338893196,3.338893257,3.338893202,3.338893152,3.338893281,3.338893233,3.338893183,3.338893166,3.338893285,3.338893211,3.338893165,3.338893094,3.338893227,3.338893272,3.338893286
+"14825","SLC38A5",7.233038087,7.233462194,7.234045622,7.233458814,7.233379105,7.233638979,7.233519053,7.233688135,7.233670517,7.233415278,7.233669487,7.233833092,7.233128558,7.232793416,7.233006684,7.233087805,7.233778006,7.233435717,7.233189833,7.233276779,7.233347714,7.233466916,7.233639831,7.233522478,7.233677056,7.233704158,7.233320411,7.232933611
+"14826","SLC38A6",5.461736568,5.461735947,5.461736163,5.46173572,5.461735367,5.461735209,5.461735878,5.461735529,5.46173614,5.461736167,5.46173552,5.46173594,5.461736259,5.461736807,5.46173591,5.461736005,5.461735965,5.461735472,5.461736228,5.461735481,5.461735869,5.461735872,5.461736375,5.46173587,5.461735485,5.461735974,5.461735998,5.461736283
+"14827","SLC38A7",5.638488789,5.638488854,5.63848884,5.638488818,5.638488826,5.638488906,5.638488808,5.638488859,5.638488821,5.638488876,5.638488787,5.638488828,5.638488821,5.63848877,5.638488801,5.638488794,5.638488897,5.638488825,5.638488841,5.638488901,5.638488775,5.638488842,5.638488794,5.638488851,5.638488761,5.638488775,5.638488843,5.638488828
+"14828","SLC38A8",5.320597363,5.320597369,5.320597372,5.320597364,5.320597403,5.320597378,5.320597379,5.320597384,5.320597345,5.32059735,5.320597382,5.320597394,5.320597369,5.320597345,5.320597423,5.32059738,5.320597408,5.320597398,5.320597379,5.320597419,5.320597391,5.320597427,5.320597358,5.320597378,5.320597361,5.320597375,5.320597364,5.320597375
+"14829","SLC38A9",5.605718216,5.605718026,5.605718033,5.605717875,5.60571793,5.605717905,5.605718054,5.605717923,5.60571798,5.605718005,5.605717893,5.605717932,5.605717996,5.605718169,5.605717954,5.605717952,5.605717838,5.605717805,5.605718082,5.60571796,5.605717949,5.605717932,5.605718067,5.605717998,5.605717943,5.605717996,5.605718083,5.605717943
+"14830","SLC39A1",6.835632441,6.835632655,6.835632337,6.835632587,6.835631614,6.835632427,6.83563214,6.83563256,6.8356322,6.835632391,6.835632299,6.835631375,6.835632317,6.835632549,6.835632174,6.83563226,6.835632034,6.835632517,6.835632134,6.835632482,6.835632104,6.835632518,6.83563235,6.835632532,6.835632357,6.835631865,6.835632345,6.835632248
+"14831","SLC39A10",5.986697893,5.986695634,5.986693728,5.986695321,5.986695107,5.986693657,5.986695782,5.986694876,5.986696117,5.986695457,5.986694707,5.986694479,5.986695721,5.986699113,5.986695352,5.986692895,5.986693818,5.986694459,5.986695554,5.986692199,5.986696038,5.986695648,5.986696833,5.986695739,5.986694229,5.986695842,5.98669649,5.986698154
+"14832","SLC39A11",6.458488272,6.458488222,6.458488155,6.458488108,6.458488007,6.458488352,6.458488096,6.458488107,6.45848813,6.458488171,6.458488021,6.458488071,6.458488145,6.458488322,6.458488077,6.458488115,6.458488018,6.458487967,6.45848813,6.458488185,6.458488033,6.458488106,6.45848812,6.458488247,6.458487964,6.458488154,6.458488158,6.458488201
+"14833","SLC39A12",3.556954937,3.556954966,3.556955006,3.556955001,3.556955026,3.556954968,3.556955014,3.556955057,3.556954969,3.556954989,3.556954936,3.556955051,3.556954958,3.556954908,3.556955006,3.556955001,3.55695506,3.556954997,3.556954968,3.55695501,3.556955034,3.556954999,3.556954955,3.556954934,3.556954994,3.556955037,3.55695495,3.556955011
+"14834","SLC39A13",6.858160101,6.858160106,6.858160106,6.858160102,6.858160099,6.858160121,6.858160112,6.858160109,6.858160112,6.858160109,6.858160099,6.85816011,6.85816011,6.858160108,6.858160114,6.858160097,6.858160093,6.858160101,6.858160109,6.858160089,6.858160098,6.858160113,6.858160098,6.858160103,6.858160101,6.858160106,6.85816011,6.858160104
+"14835","SLC39A14",4.925208655,4.925208655,4.925208646,4.925208627,4.925208702,4.925208744,4.9252087,4.925208584,4.925208724,4.92520858,4.925208638,4.925208703,4.925208683,4.925208716,4.925208655,4.925208572,4.925208657,4.925208683,4.925208619,4.925208763,4.92520869,4.925208721,4.925208708,4.925208737,4.92520862,4.925208673,4.925208598,4.925208625
+"14836","SLC39A2",3.804865684,3.804865687,3.8048657,3.804865636,3.804865735,3.804865704,3.804865683,3.804865727,3.804865687,3.804865639,3.804865668,3.804865719,3.804865682,3.804865644,3.804865673,3.804865652,3.804865693,3.80486564,3.804865686,3.804865706,3.804865692,3.804865728,3.804865637,3.804865674,3.804865642,3.804865673,3.804865656,3.804865707
+"14837","SLC39A3",6.261372753,6.261372762,6.261372736,6.261372766,6.261372762,6.261372765,6.261372755,6.261372753,6.261372752,6.261372776,6.26137276,6.261372761,6.261372765,6.261372735,6.261372754,6.261372751,6.261372742,6.261372763,6.261372766,6.261372722,6.261372758,6.261372743,6.26137274,6.261372768,6.261372755,6.261372763,6.261372758,6.26137275
+"14838","SLC39A4",6.132128408,6.132128373,6.132128512,6.132128385,6.132128574,6.132128396,6.132128458,6.132128555,6.132128398,6.132128492,6.132128608,6.132128597,6.132128436,6.13212826,6.132128547,6.132128526,6.132128669,6.132128544,6.132128546,6.132128492,6.132128574,6.132128599,6.132128393,6.13212846,6.132128469,6.132128466,6.132128414,6.132128523
+"14839","SLC39A5",4.983933343,4.983933339,4.983933374,4.983933217,4.983933604,4.983933256,4.98393341,4.983933491,4.983933501,4.983933402,4.983933442,4.983933581,4.983933384,4.98393321,4.983933569,4.983933356,4.983933651,4.983933565,4.983933403,4.983933504,4.983933488,4.983933559,4.983933162,4.983933297,4.98393339,4.983933482,4.983933258,4.983933547
+"14840","SLC39A6",5.829601189,5.82960123,5.829601199,5.829601169,5.829601139,5.82960112,5.829601197,5.8296011,5.829601143,5.829601223,5.829601116,5.829601115,5.829601208,5.829601368,5.829601172,5.829601207,5.829601114,5.829601142,5.829601104,5.82960096,5.829601148,5.82960114,5.829601182,5.829601182,5.82960115,5.829601142,5.829601119,5.829601263
+"14841","SLC39A7",6.572891044,6.572891134,6.572891101,6.57289113,6.572890918,6.572891095,6.572891062,6.572891017,6.572891044,6.572891074,6.57289095,6.572890757,6.572891024,6.572891131,6.572890973,6.572891161,6.572890896,6.572891056,6.57289097,6.57289115,6.572891047,6.572891012,6.572891085,6.572891146,6.572890962,6.572891008,6.572891018,6.572891077
+"14842","SLC39A8",6.008783615,6.008783551,6.008783203,6.008783414,6.008783369,6.00878357,6.008783387,6.008783349,6.008783602,6.008783492,6.008783304,6.00878358,6.008783475,6.008783923,6.008783612,6.008783372,6.008783272,6.008783194,6.008783572,6.008783474,6.008783486,6.008783469,6.008783717,6.008783496,6.008783143,6.00878339,6.008783483,6.008783815
+"14843","SLC39A9",7.019247318,7.019247311,7.019247179,7.019247152,7.019247053,7.019247214,7.019247237,7.019247225,7.019247149,7.019247124,7.019247008,7.019246874,7.019247157,7.019247404,7.019247129,7.019247262,7.019247013,7.019247025,7.019247159,7.01924713,7.019247049,7.019247019,7.01924726,7.019247313,7.019247047,7.019247131,7.019247175,7.019247156
+"14844","SLC3A1",4.11184792,4.111848044,4.11184808,4.111847918,4.111848127,4.111847982,4.111847998,4.111847988,4.111848064,4.111847807,4.111847963,4.111848169,4.111847937,4.111847873,4.111848052,4.111848089,4.111848036,4.111848033,4.11184804,4.111847831,4.111848102,4.111848001,4.111847818,4.111847771,4.111847886,4.111847987,4.111847951,4.111848159
+"14845","SLC3A2",7.129226202,7.129226308,7.129225836,7.129226083,7.129226135,7.129226398,7.12922609,7.129225855,7.129226179,7.12922621,7.129225758,7.129225855,7.129226368,7.129226407,7.129226141,7.12922616,7.129225841,7.129225969,7.129226143,7.129226433,7.129225927,7.129226143,7.129226115,7.12922619,7.129225753,7.129226106,7.129226382,7.129225934
+"14846","SLC40A1",8.407421859,8.407422511,8.407421252,8.407423386,8.407421818,8.407421732,8.407421821,8.407422083,8.407422063,8.407421589,8.407422089,8.407421453,8.407422647,8.407421978,8.407421568,8.407422308,8.407421753,8.407423108,8.407422889,8.407422877,8.407421983,8.407421662,8.407423111,8.407423396,8.407422377,8.407421931,8.407422401,8.407421449
+"14847","SLC41A1",6.183995627,6.183995587,6.183995606,6.183995544,6.183995569,6.183995594,6.183995542,6.18399564,6.1839956,6.18399563,6.183995558,6.183995613,6.18399561,6.183995602,6.183995583,6.18399554,6.183995536,6.183995598,6.18399556,6.183995577,6.18399556,6.183995587,6.183995628,6.183995618,6.183995588,6.183995607,6.183995617,6.183995583
+"14848","SLC41A2",3.839535178,3.839535207,3.839535204,3.839535148,3.839535203,3.839535176,3.839535132,3.83953519,3.839535149,3.839535185,3.83953517,3.839535192,3.839535193,3.839535189,3.839535199,3.839535198,3.839535245,3.839535155,3.83953518,3.839535158,3.839535154,3.839535191,3.839535119,3.839535167,3.839535118,3.839535162,3.839535157,3.839535189
+"14849","SLC41A3",5.866007545,5.866007744,5.866007557,5.866007395,5.866007481,5.866007526,5.866007578,5.866007552,5.866007715,5.86600756,5.866007479,5.866007622,5.86600767,5.866007724,5.866007561,5.866007586,5.86600745,5.866007467,5.866007489,5.866007489,5.866007574,5.866007541,5.866007641,5.866007636,5.866007428,5.866007615,5.866007654,5.86600752
+"14850","SLC43A1",6.445573359,6.445573346,6.445573406,6.445573327,6.445573363,6.445573406,6.44557336,6.445573378,6.445573425,6.445573384,6.44557335,6.445573403,6.445573352,6.445573342,6.445573352,6.445573336,6.445573389,6.44557334,6.44557337,6.445573369,6.445573347,6.445573371,6.445573423,6.445573358,6.445573377,6.445573382,6.445573359,6.445573369
+"14851","SLC43A2",8.600307072,8.600308212,8.600307409,8.600308365,8.600307104,8.600307632,8.600307186,8.600307714,8.600306839,8.600306945,8.600307243,8.60030665,8.600307474,8.60030697,8.600307301,8.600307995,8.600307768,8.600308304,8.600307526,8.600307341,8.600306916,8.600307688,8.600307123,8.600307501,8.600307371,8.600307021,8.600307401,8.600306729
+"14852","SLC44A1",6.349518383,6.349518459,6.349518237,6.349518432,6.349518069,6.349518257,6.349518357,6.349518128,6.349518168,6.349518278,6.349518313,6.349518019,6.34951838,6.349518428,6.349518274,6.349518324,6.349518176,6.349518306,6.349518391,6.349518376,6.349518379,6.349518226,6.349518271,6.349518314,6.349518272,6.349518197,6.349518351,6.349518341
+"14853","SLC44A2",9.974525056,9.974526205,9.974525117,9.974526078,9.974524873,9.974525838,9.974525258,9.974525391,9.974525189,9.97452501,9.974524902,9.974524917,9.974525023,9.97452539,9.974524982,9.974525913,9.974525068,9.974525769,9.974525458,9.974525749,9.974525358,9.974525329,9.974525576,9.974525691,9.974525289,9.974525137,9.974525072,9.974525
+"14854","SLC44A3",4.157991657,4.157991616,4.157991685,4.157991654,4.157991776,4.157991698,4.157991618,4.157991725,4.15799158,4.1579917,4.157991682,4.157991833,4.157991639,4.157991545,4.157991738,4.157991722,4.157991904,4.157991702,4.157991692,4.157991679,4.157991757,4.157991716,4.157991624,4.157991559,4.157991687,4.15799174,4.157991545,4.157991744
+"14855","SLC44A5",3.637262609,3.637262825,3.637262869,3.637262999,3.637262918,3.637262856,3.637262852,3.637262989,3.637262706,3.637262988,3.637262717,3.63726281,3.637262954,3.637262597,3.63726272,3.637262889,3.637262943,3.637263333,3.637262983,3.637262917,3.637262767,3.63726314,3.637262814,3.637262901,3.63726311,3.637262754,3.637262731,3.637262922
+"14856","SLC45A1",5.20041786,5.200417874,5.200418292,5.200418001,5.200418395,5.200417939,5.200418204,5.200418168,5.200418225,5.200418098,5.200418254,5.200418298,5.200418103,5.200417757,5.200418217,5.200418206,5.200418449,5.200418245,5.200418189,5.200417921,5.200418187,5.200418268,5.200417994,5.200417998,5.200418126,5.200418378,5.200418093,5.200418198
+"14857","SLC45A2",3.912886114,3.912886117,3.912886181,3.912886139,3.912886157,3.91288602,3.91288617,3.91288625,3.912886086,3.912886115,3.912886212,3.912886205,3.912886039,3.912886081,3.912886219,3.912886101,3.91288621,3.912886183,3.912886279,3.912886168,3.91288613,3.912886179,3.912886176,3.912886103,3.912886125,3.91288611,3.912886077,3.912886034
+"14858","SLC45A3",6.389239019,6.389238918,6.389238414,6.389238961,6.389238967,6.389238118,6.389238243,6.38923879,6.389238247,6.389238315,6.389239203,6.389238535,6.389238292,6.389238167,6.38923913,6.389239263,6.389238781,6.389239091,6.389238982,6.389238292,6.389238653,6.389238828,6.389238357,6.389238576,6.389238935,6.389238666,6.389238231,6.389239053
+"14859","SLC45A4",7.4216856075,7.4217239545,7.4217075885,7.4217615635,7.421654455,7.421711289,7.421687737,7.4216946755,7.421652342,7.4216671695,7.4217085845,7.421685245,7.4216894225,7.4216697145,7.421704857,7.421721807,7.4217091585,7.4217653445,7.421708531,7.4217116665,7.421681183,7.421692552,7.421700022,7.4216938585,7.421728055,7.4217043375,7.421694871,7.421687669
+"14860","SLC46A1",5.81428059,5.814280599,5.814280577,5.814280566,5.814280609,5.81428058,5.814280588,5.814280597,5.81428058,5.814280607,5.814280577,5.814280583,5.814280592,5.814280584,5.814280588,5.814280549,5.814280573,5.814280583,5.81428055,5.814280617,5.81428058,5.814280583,5.814280583,5.814280593,5.814280595,5.81428057,5.814280587,5.814280571
+"14861","SLC46A2",6.22135263,6.221352764,6.221352793,6.221352754,6.221352808,6.221352746,6.221352795,6.221352757,6.221352742,6.221352712,6.221352789,6.22135283,6.221352802,6.221352646,6.221352773,6.221352817,6.221352821,6.221352816,6.221352773,6.221352741,6.221352822,6.221352793,6.221352711,6.221352676,6.221352735,6.221352823,6.221352718,6.221352727
+"14862","SLC46A3",5.888294599,5.88829452,5.888294434,5.888294421,5.888294369,5.888294299,5.88829455,5.888294372,5.888294408,5.888294379,5.88829418,5.888294174,5.888294445,5.888294666,5.888294403,5.888294381,5.888294412,5.888294345,5.888294562,5.888294296,5.888294491,5.888294494,5.888294533,5.888294473,5.888294307,5.888294301,5.888294443,5.888294521
+"14863","SLC47A1",4.492439487,4.492439308,4.492439507,4.49243956,4.492439599,4.492439327,4.492439636,4.492439608,4.492439356,4.492439551,4.49243958,4.492439654,4.492439485,4.492439471,4.492439578,4.492439504,4.492439696,4.492439519,4.492439531,4.492439665,4.492439507,4.492439488,4.49243949,4.492439477,4.492439566,4.49243963,4.492439434,4.492439404
+"14864","SLC47A2",4.400142316,4.40014237,4.400142347,4.400142423,4.400142487,4.4001423,4.400142419,4.400142404,4.400142308,4.400142412,4.400142295,4.400142442,4.400142357,4.40014234,4.400142488,4.400142348,4.400142457,4.400142442,4.400142365,4.400142352,4.400142463,4.400142484,4.400142308,4.400142313,4.400142389,4.400142423,4.400142379,4.400142366
+"14865","SLC48A1",6.755710278,6.755710909,6.75571236,6.75571092,6.755711738,6.755711556,6.755711346,6.755712611,6.755712276,6.755711179,6.755711299,6.75571172,6.755710819,6.755710189,6.755710989,6.755710379,6.755712368,6.755710972,6.755710926,6.755711074,6.755711062,6.755712023,6.755712183,6.755711328,6.755711082,6.755711349,6.755711325,6.755710836
+"14866","SLC49A3",6.776674012,6.776673979,6.776674054,6.776674071,6.77667406,6.776674062,6.77667407,6.776674046,6.776673994,6.776674044,6.776674046,6.776674048,6.776674013,6.776673992,6.776674033,6.776674024,6.776674075,6.776674052,6.77667401,6.776674034,6.776674077,6.776674072,6.776674039,6.776674014,6.776674011,6.77667401,6.776674026,6.776673995
+"14867","SLC49A4",7.410808239,7.410808343,7.410807903,7.410808468,7.410807767,7.410807988,7.410808174,7.410808002,7.410807945,7.410808023,7.410808009,7.410807693,7.410808092,7.410808131,7.41080807,7.41080825,7.410808,7.410808349,7.410808184,7.410808256,7.41080812,7.410807928,7.410808423,7.410808345,7.410808305,7.410807772,7.410808092,7.410807899
+"14868","SLC4A1",10.70807306,10.11984975,11.0891076,10.67526211,10.57928972,11.33832327,11.27929145,11.1275695,11.19409201,11.07490238,10.54613803,11.16619236,10.0727743,9.269371394,10.76453802,9.52555971,11.00450662,10.65993775,10.13611346,10.98839788,11.13160308,10.8409303,11.08130692,11.08939529,10.54164334,11.19430381,10.31569202,9.812985
+"14869","SLC4A10",4.980236904,4.980236811,4.980236503,4.980236476,4.980235923,4.980235942,4.9802367,4.980236721,4.980235979,4.980235481,4.980235722,4.980236017,4.980237069,4.98023627,4.980236515,4.980236695,4.980236391,4.9802364,4.980235653,4.98023612,4.980236754,4.980237007,4.980236302,4.980235721,4.980235754,4.98023641,4.980237076,4.980236582
+"14870","SLC4A11",5.351029063,5.351028977,5.351029244,5.351028966,5.351029373,5.351029142,5.3510292,5.351029279,5.351029266,5.351029072,5.351029235,5.351029396,5.35102918,5.351029011,5.351029395,5.351029214,5.351029346,5.35102925,5.35102927,5.351029074,5.351029337,5.351029191,5.351029004,5.351028897,5.351029045,5.351029275,5.351029127,5.351029237
+"14871","SLC4A1AP",6.7874503,6.787450211,6.787449891,6.787450063,6.787449952,6.787450136,6.78745007,6.787449851,6.787450052,6.787450033,6.787449779,6.787449982,6.787450108,6.787450452,6.787450168,6.787450255,6.787449864,6.787449913,6.787450132,6.787450276,6.787450107,6.787450108,6.787450132,6.787450147,6.787449975,6.787450075,6.787450002,6.787450203
+"14872","SLC4A2",6.715128961,6.71512908,6.715129152,6.715129153,6.71512918,6.715129145,6.715129034,6.715129192,6.715129113,6.715129095,6.715129158,6.71512902,6.715129125,6.715128913,6.715129083,6.715129236,6.715129139,6.715129117,6.715129071,6.715129183,6.715129158,6.715129097,6.715128993,6.715129031,6.715129166,6.715129092,6.715129172,6.715129003
+"14873","SLC4A3",5.765141033,5.765141008,5.765141082,5.765141017,5.765141232,5.765141108,5.765141242,5.765141136,5.76514113,5.765141135,5.765141088,5.765141243,5.765141137,5.765140789,5.765141265,5.765141047,5.765141323,5.76514124,5.765141133,5.765141084,5.765141246,5.765141195,5.765141086,5.765141024,5.765141124,5.765141279,5.765140915,5.765141165
+"14874","SLC4A4",4.575239288,4.575238907,4.57523897,4.575239028,4.57523905,4.575238906,4.575239149,4.575239296,4.575239002,4.575238995,4.575239005,4.575239136,4.575238991,4.575238928,4.575239153,4.575239037,4.575239055,4.575239077,4.575239008,4.57523903,4.575239252,4.575239309,4.57523907,4.575239071,4.575239052,4.57523904,4.575239065,4.575238968
+"14875","SLC4A5",5.14963551,5.14963546,5.149635694,5.149635452,5.149635323,5.149635519,5.149635502,5.149635477,5.149635677,5.149635745,5.149635475,5.149635567,5.14963564,5.149635517,5.149635468,5.149635337,5.149635656,5.149635596,5.14963552,5.149635656,5.149635536,5.149635391,5.14963546,5.149635571,5.149635549,5.149635522,5.149635602,5.149635476
+"14876","SLC4A7",6.440041105,6.44003951,6.440038716,6.44003819,6.440038437,6.440037408,6.440039123,6.440038968,6.440040013,6.440038985,6.440037948,6.440037926,6.440039429,6.440041634,6.440039283,6.440039816,6.440036768,6.440038358,6.440039517,6.440036992,6.440039761,6.4400385,6.440039852,6.44003942,6.440038451,6.4400392,6.440039506,6.440040486
+"14877","SLC4A8",4.760919382,4.760919478,4.760919393,4.760919385,4.76091946,4.760919538,4.760919454,4.760919449,4.760919444,4.760919503,4.76091953,4.760919263,4.760919395,4.760919514,4.760919441,4.760919467,4.760919411,4.760919378,4.760919511,4.760919471,4.760919466,4.76091945,4.760919497,4.760919472,4.760919496,4.760919462,4.76091949,4.760919402
+"14878","SLC4A9",5.06975465,5.069754678,5.069754756,5.06975473,5.069754716,5.069754589,5.069754709,5.069754708,5.069754655,5.069754632,5.069754801,5.069754711,5.069754734,5.06975463,5.069754715,5.069754764,5.069754788,5.069754803,5.069754704,5.069754742,5.069754714,5.069754756,5.069754611,5.069754638,5.069754696,5.069754702,5.06975469,5.069754719
+"14879","SLC50A1",6.55731226,6.557312259,6.557312147,6.557312176,6.557312111,6.557312208,6.55731213,6.557312145,6.557312262,6.557312351,6.557312217,6.55731199,6.557312245,6.557312314,6.557312146,6.557312156,6.557312052,6.557312251,6.557312138,6.557312164,6.557312141,6.557312129,6.557312218,6.557312368,6.557312187,6.55731218,6.557312225,6.557312241
+"14880","SLC51A",5.04971589,5.049715879,5.049715908,5.049715901,5.049715914,5.049715913,5.049715922,5.049715935,5.049715892,5.049715911,5.049715895,5.049715937,5.04971591,5.049715866,5.049715914,5.049715902,5.049715947,5.049715908,5.049715908,5.04971592,5.049715929,5.049715912,5.049715897,5.049715881,5.049715927,5.049715922,5.049715908,5.049715897
+"14881","SLC51B",5.26955414,5.269554216,5.269554299,5.269554209,5.269554244,5.269554135,5.269554141,5.269554271,5.269554273,5.269554204,5.269554226,5.269554252,5.269554203,5.26955413,5.269554237,5.269554296,5.269554253,5.269554306,5.26955417,5.269554138,5.269554186,5.269554283,5.269554175,5.269554236,5.269554305,5.269554205,5.269554182,5.269554296
+"14882","SLC52A1",5.650256243,5.650256273,5.650256434,5.650256243,5.650256518,5.650256238,5.650256437,5.650256514,5.650256352,5.650256271,5.650256326,5.650256564,5.6502563,5.650256176,5.650256548,5.650256381,5.65025669,5.650256579,5.650256421,5.650256485,5.650256507,5.650256647,5.650256219,5.650256275,5.650256415,5.650256474,5.650256244,5.650256293
+"14883","SLC52A2",7.209681273,7.209681292,7.209681289,7.209681261,7.20968129,7.209681267,7.209681271,7.209681286,7.20968127,7.209681265,7.209681271,7.209681288,7.209681279,7.209681258,7.209681284,7.209681283,7.209681273,7.209681266,7.209681283,7.20968126,7.20968127,7.209681294,7.209681267,7.209681263,7.209681281,7.209681268,7.209681275,7.20968128
+"14884","SLC52A3",4.991630993,4.991631012,4.991631027,4.991631004,4.991631043,4.991631002,4.99163102,4.991631045,4.991631016,4.991630997,4.991631022,4.991631034,4.991631006,4.991630984,4.991631028,4.991631033,4.991631039,4.991631048,4.991631016,4.991631039,4.991631029,4.991631032,4.991631014,4.991630999,4.99163101,4.991631023,4.991630996,4.991631012
+"14885","SLC5A1",3.862845684,3.862845733,3.862845805,3.862845692,3.862845789,3.862845694,3.862845785,3.862845826,3.862845775,3.862845727,3.862845769,3.862845751,3.862845756,3.862845675,3.86284577,3.862845668,3.862845855,3.862845773,3.862845743,3.862845817,3.862845812,3.862845801,3.86284573,3.86284568,3.862845776,3.862845731,3.862845685,3.862845753
+"14886","SLC5A10",5.451395999,5.451396003,5.451396043,5.451396024,5.451396101,5.451395976,5.451395993,5.451396059,5.451395998,5.451396051,5.451396042,5.451396094,5.451396039,5.451395974,5.451396056,5.451396017,5.451396054,5.451396059,5.451395995,5.451396006,5.451396079,5.451396097,5.451395942,5.451395969,5.451396024,5.451396053,5.451395999,5.451396002
+"14887","SLC5A11",4.556605766,4.556605764,4.556605809,4.556605799,4.556605829,4.556605802,4.556605738,4.556605757,4.556605792,4.556605788,4.556605793,4.556605782,4.556605776,4.55660574,4.556605765,4.556605763,4.556605808,4.556605772,4.556605809,4.556605794,4.55660576,4.556605772,4.556605811,4.55660573,4.556605762,4.556605772,4.556605714,4.556605743
+"14888","SLC5A12",3.722398129,3.722398155,3.722398155,3.722398161,3.722398205,3.722398149,3.722398173,3.722398201,3.72239815,3.722398128,3.722398161,3.722398168,3.722398139,3.722398131,3.722398211,3.722398147,3.722398203,3.722398188,3.722398171,3.72239817,3.722398198,3.722398204,3.722398155,3.722398153,3.722398173,3.722398196,3.722398159,3.722398167
+"14889","SLC5A2",5.31837743,5.318377444,5.31837771,5.318377635,5.318377773,5.318377479,5.318377639,5.318377832,5.31837767,5.318377364,5.318377608,5.31837765,5.318377741,5.31837733,5.318377684,5.31837749,5.318377748,5.31837777,5.318377596,5.318377522,5.318377812,5.318377729,5.318377654,5.318377384,5.318377651,5.318377653,5.318377548,5.318377597
+"14890","SLC5A3",7.537604811,7.53760562,7.537604451,7.537605054,7.537604926,7.537604384,7.537605029,7.53760482,7.537605883,7.537605173,7.537604328,7.537604433,7.537605054,7.53760666,7.537604881,7.537605879,7.537603947,7.537604486,7.537605551,7.537603858,7.537605276,7.537604626,7.537606067,7.537605517,7.537604581,7.537605031,7.537605333,7.537605878
+"14891","SLC5A4",3.788827078,3.788827046,3.788827037,3.78882709,3.788827131,3.788826998,3.788827061,3.788827116,3.788827018,3.788827043,3.788827033,3.788827145,3.788826967,3.788826954,3.788827082,3.7888271,3.78882708,3.788827053,3.788827041,3.788827022,3.788827056,3.788827099,3.788827036,3.788826971,3.788827063,3.788827093,3.78882699,3.788827106
+"14892","SLC5A5",5.092716709,5.092716757,5.092716905,5.092716737,5.092716868,5.092716863,5.092716793,5.09271686,5.092716876,5.092716806,5.092716805,5.09271688,5.092716738,5.092716784,5.092716775,5.092716824,5.092716894,5.092716882,5.09271679,5.092716822,5.092716835,5.092716763,5.092716747,5.092716759,5.092716818,5.092716847,5.092716794,5.092716805
+"14893","SLC5A6",6.065599815,6.065599729,6.065599608,6.065599718,6.065599665,6.065599832,6.065599822,6.065599697,6.065599784,6.065599844,6.065599632,6.065599744,6.065599665,6.065599827,6.065599708,6.065599654,6.065599461,6.06559964,6.065599742,6.065599601,6.065599702,6.065599705,6.06559979,6.065599671,6.065599647,6.065599756,6.065599732,6.065599701
+"14894","SLC5A7",3.285803767,3.285803781,3.285803764,3.285803765,3.285803742,3.285803767,3.285803759,3.285803812,3.28580381,3.285803756,3.28580379,3.285803871,3.285803741,3.285803725,3.28580377,3.285803836,3.285803846,3.285803785,3.285803764,3.28580387,3.285803766,3.285803801,3.285803802,3.285803781,3.285803779,3.285803795,3.285803741,3.28580385
+"14895","SLC5A8",3.109485512,3.109485507,3.109485528,3.109485534,3.109485569,3.109485451,3.109485485,3.109485574,3.109485499,3.109485478,3.109485542,3.109485467,3.109485473,3.109485445,3.109485471,3.109485542,3.109485544,3.109485597,3.109485444,3.109485536,3.109485516,3.109485477,3.109485453,3.109485545,3.109485544,3.10948548,3.109485492,3.109485493
+"14896","SLC5A9",4.504716306,4.504716324,4.504716281,4.504716201,4.504716597,4.504716248,4.504716446,4.504716488,4.504716334,4.504716288,4.504716351,4.504716555,4.50471644,4.504716354,4.504716566,4.50471632,4.504716619,4.504716611,4.504716427,4.504716507,4.504716476,4.504716557,4.504716265,4.50471628,4.504716425,4.504716565,4.504716321,4.504716306
+"14897","SLC66A1",6.269210019,6.269210029,6.269210047,6.269210022,6.269210061,6.269210025,6.269210025,6.269210059,6.269210033,6.269210052,6.269210042,6.269210067,6.269210042,6.269210003,6.269210041,6.269210042,6.269210069,6.269210053,6.269210055,6.269210042,6.269210047,6.269210061,6.269210033,6.26921003,6.269210047,6.269210038,6.269210044,6.269210022
+"14898","SLC66A1L",4.023238407,4.023238389,4.023238414,4.023238429,4.023238409,4.02323841,4.023238421,4.023238416,4.0232384,4.023238406,4.023238418,4.023238425,4.023238407,4.023238397,4.02323842,4.023238413,4.023238434,4.023238403,4.023238412,4.023238412,4.023238428,4.023238434,4.023238413,4.023238387,4.023238421,4.023238404,4.023238417,4.023238413
+"14899","SLC66A2",7.939591136,7.939591318,7.939591656,7.939591464,7.93959119,7.93959173,7.939591099,7.939591666,7.939591515,7.939591414,7.939591299,7.939591327,7.93959136,7.93959116,7.939591108,7.939591201,7.939591486,7.939591286,7.939591324,7.939591561,7.939590995,7.939591453,7.93959147,7.939591472,7.939591257,7.939591355,7.939591464,7.939591096
+"14900","SLC66A3",7.38542355,7.385423678,7.385423035,7.385422352,7.385422564,7.385423086,7.385422682,7.38542297,7.385422529,7.385423686,7.385422878,7.38542205,7.385422994,7.385423517,7.385422641,7.385422776,7.385422236,7.385421779,7.385423338,7.385423201,7.385422541,7.38542252,7.385422672,7.385423332,7.385422378,7.385421954,7.385423145,7.385422848
+"14901","SLC6A1",4.720167147,4.720167071,4.720167322,4.72016713,4.720167294,4.720166915,4.720167354,4.720167395,4.720167032,4.72016719,4.72016734,4.720167498,4.720167047,4.720167,4.720167361,4.720167078,4.720167569,4.720167484,4.720167277,4.720167136,4.720167412,4.720167309,4.720167023,4.720167022,4.720167248,4.720167212,4.720167076,4.720167368
+"14902","SLC6A11",5.02352805,5.023528057,5.023528063,5.02352807,5.023528081,5.02352804,5.023528074,5.02352807,5.023528074,5.023528052,5.023528081,5.023528083,5.023528062,5.023528057,5.023528073,5.023528084,5.023528077,5.023528082,5.023528056,5.023528077,5.023528062,5.023528077,5.023528057,5.023528063,5.023528076,5.023528065,5.023528054,5.023528078
+"14903","SLC6A12",5.530165742,5.530165665,5.530165666,5.530165938,5.530165762,5.530166233,5.530165911,5.530165815,5.530165688,5.530165883,5.530165918,5.530165808,5.530165738,5.530165694,5.530165822,5.530165624,5.53016578,5.530165798,5.530165817,5.530166112,5.530165936,5.53016576,5.530165754,5.530165787,5.530165878,5.530165733,5.530165838,5.530165634
+"14904","SLC6A13",5.244494823,5.244494958,5.244494925,5.244494913,5.244495086,5.244494979,5.244494995,5.244494937,5.244494947,5.244495053,5.244495229,5.244494844,5.244494964,5.244494676,5.244494997,5.244494865,5.244495137,5.244495022,5.244494824,5.244494788,5.244494979,5.244494977,5.24449473,5.244494788,5.244495048,5.244495001,5.24449479,5.244494917
+"14905","SLC6A14",2.852703531,2.852703457,2.852703488,2.852703543,2.852703382,2.852703531,2.852703645,2.852703736,2.852703615,2.852703539,2.8527035,2.852703826,2.852703441,2.852703419,2.852703463,2.852703656,2.85270376,2.852703724,2.852703838,2.852703516,2.852703545,2.852703504,2.852703522,2.852703441,2.852703589,2.852703581,2.852703345,2.852703485
+"14906","SLC6A15",3.359378307,3.359378313,3.359378322,3.359378332,3.359378299,3.359378311,3.359378289,3.359378312,3.359378312,3.359378317,3.35937831,3.359378296,3.359378318,3.359378327,3.359378311,3.359378329,3.359378344,3.359378336,3.359378306,3.359378311,3.3593783,3.35937832,3.359378302,3.359378309,3.359378322,3.359378315,3.359378304,3.359378321
+"14907","SLC6A16",5.561650463,5.561650475,5.56165044,5.561650454,5.561650449,5.561650481,5.561650468,5.561650492,5.561650474,5.561650482,5.561650446,5.56165047,5.561650484,5.561650488,5.561650447,5.561650474,5.561650446,5.56165045,5.561650447,5.561650451,5.561650445,5.561650474,5.561650488,5.561650483,5.561650458,5.561650482,5.561650488,5.561650469
+"14908","SLC6A17",4.799536265,4.799536285,4.799536311,4.799536277,4.799536318,4.799536297,4.799536283,4.799536283,4.799536326,4.799536319,4.799536293,4.799536303,4.799536284,4.799536262,4.799536309,4.799536317,4.799536346,4.799536301,4.799536289,4.799536298,4.799536305,4.799536318,4.799536286,4.79953627,4.799536273,4.799536306,4.79953628,4.799536302
+"14909","SLC6A18",5.138739156,5.138739216,5.138739423,5.138739371,5.138739579,5.138739171,5.138739327,5.138739522,5.138739227,5.138739363,5.138739189,5.138739659,5.13873918,5.138739086,5.138739538,5.138739626,5.138739608,5.138739368,5.138739218,5.138739418,5.138739568,5.138739526,5.138739138,5.138739236,5.138739421,5.138739381,5.138739109,5.138739506
+"14910","SLC6A19",5.404828479,5.404828486,5.404828562,5.404828488,5.404828529,5.404828525,5.404828516,5.404828523,5.404828592,5.40482853,5.404828563,5.40482853,5.404828507,5.404828439,5.404828531,5.404828437,5.404828534,5.404828539,5.404828469,5.40482852,5.404828506,5.404828518,5.40482855,5.404828512,5.404828546,5.404828528,5.404828475,5.40482852
+"14911","SLC6A2",4.629392691,4.629392701,4.629392695,4.629392702,4.629392795,4.62939271,4.629392728,4.629392744,4.629392712,4.629392738,4.629392781,4.629392774,4.629392726,4.629392689,4.629392739,4.629392705,4.629392794,4.629392768,4.629392705,4.629392751,4.629392756,4.629392746,4.629392673,4.629392683,4.629392718,4.629392742,4.62939268,4.629392725
+"14912","SLC6A20",4.999978576,4.999978648,4.999978935,4.999979008,4.999979498,4.999978794,4.99997921,4.999979109,4.999979099,4.999979129,4.999978974,4.999979181,4.999978842,4.999978347,4.99997948,4.999978974,4.999979321,4.999979149,4.999979071,4.999979061,4.999979546,4.99997918,4.999978764,4.999978805,4.99997871,4.99997911,4.999978595,4.999979106
+"14913","SLC6A3",5.856096236,5.85609642,5.856096668,5.8560963,5.856096664,5.85609646,5.856096453,5.856096688,5.856096278,5.856096445,5.856096699,5.856096649,5.856096375,5.856096033,5.856096786,5.856096585,5.856096753,5.85609672,5.856096499,5.856096683,5.8560967,5.856096816,5.856096166,5.856096197,5.856096534,5.856096485,5.856096313,5.856096173
+"14914","SLC6A4",4.903721316,4.903721585,4.903721626,4.903721727,4.90372159,4.903721455,4.903721472,4.903721568,4.903721382,4.903721706,4.903721812,4.903721698,4.903721385,4.903721176,4.903721549,4.903721563,4.903721571,4.903721751,4.903721478,4.903721564,4.903721499,4.903721499,4.903721419,4.903721751,4.903721767,4.903721582,4.903721371,4.90372149
+"14915","SLC6A5",4.547795609,4.547795651,4.547795752,4.547795688,4.547795741,4.547795688,4.547795653,4.547795766,4.547795705,4.547795672,4.547795708,4.547795726,4.547795648,4.547795657,4.547795722,4.54779567,4.547795764,4.547795763,4.547795677,4.547795662,4.547795701,4.547795683,4.547795676,4.547795677,4.547795693,4.547795712,4.547795656,4.547795668
+"14916","SLC6A6",9.820987369,9.827932343,9.819241048,9.831512538,9.815712054,9.820577347,9.822008173,9.820557441,9.815154926,9.816593452,9.821421482,9.814006264,9.818313651,9.819315427,9.819777985,9.827123996,9.819999689,9.825610379,9.822981191,9.820787938,9.822012299,9.819052414,9.821843607,9.823452624,9.82409384,9.816401175,9.817809874,9.812963894
+"14917","SLC6A7",4.872555054,4.872555205,4.872555243,4.872555176,4.872555227,4.872555098,4.872555074,4.872555204,4.872555229,4.872555189,4.872555211,4.872555152,4.872555191,4.872555064,4.872555115,4.872555154,4.87255519,4.872555335,4.872555142,4.872555196,4.872555141,4.872555217,4.872555175,4.872555123,4.872555232,4.87255513,4.872555174,4.87255508
+"14918","SLC6A8",8.232953755,8.232954092,8.232956622,8.232955001,8.232955449,8.232955796,8.232955091,8.232956177,8.232955537,8.232955266,8.232955524,8.232955888,8.232954258,8.232953296,8.232955007,8.232954199,8.232956542,8.232955511,8.23295421,8.232955685,8.232954674,8.232955783,8.232955488,8.23295508,8.232955344,8.232955903,8.232954959,8.232954163
+"14919","SLC6A9",6.439627612,6.439626972,6.439629829,6.439627844,6.439627858,6.4396313,6.439627819,6.43962921,6.439628666,6.439628339,6.439628804,6.439629701,6.439626861,6.439625727,6.439628082,6.439627469,6.439629807,6.439628816,6.439627669,6.439630546,6.439627709,6.439628587,6.439628745,6.43962852,6.439628669,6.439629828,6.43962734,6.439627515
+"14920","SLC7A1",6.339035319,6.339035228,6.339035232,6.339035226,6.339035217,6.339035302,6.33903533,6.339035266,6.339035367,6.339035251,6.339035221,6.339035277,6.339035285,6.339035324,6.339035295,6.339035205,6.339035184,6.339035209,6.339035232,6.339035259,6.339035305,6.339035246,6.339035302,6.339035194,6.339035238,6.339035253,6.339035307,6.339035251
+"14921","SLC7A10",6.564662284,6.564662374,6.564662564,6.564662449,6.564662693,6.564662403,6.564662464,6.564662748,6.564662479,6.564662571,6.564662518,6.564662662,6.564662507,6.564662193,6.564662676,6.564662612,6.564662715,6.564662776,6.564662536,6.564662506,6.564662628,6.564662664,6.564662333,6.564662234,6.564662551,6.564662599,6.564662454,6.564662572
+"14922","SLC7A11",3.783645142,3.783645392,3.783645192,3.783645762,3.783645243,3.783645007,3.783645107,3.783645128,3.783645252,3.78364484,3.783645012,3.78364522,3.783645024,3.783645112,3.783645021,3.783645425,3.78364529,3.783645407,3.783645313,3.783645188,3.78364533,3.783645035,3.783644976,3.783645173,3.783645243,3.783645001,3.783644906,3.783645156
+"14923","SLC7A13",2.639916243,2.639916265,2.639916262,2.639916279,2.639916277,2.639916273,2.639916241,2.639916293,2.639916255,2.639916258,2.639916253,2.639916254,2.639916259,2.639916243,2.639916306,2.639916313,2.639916267,2.639916308,2.639916244,2.639916276,2.639916273,2.639916275,2.63991624,2.639916259,2.639916302,2.639916245,2.639916257,2.639916252
+"14924","SLC7A14",4.1581412405,4.1581412115,4.1581412865,4.1581412305,4.158141436,4.1581412665,4.1581412105,4.158141144,4.158141282,4.1581413315,4.1581411955,4.1581413725,4.158141177,4.1581410985,4.158141377,4.1581411765,4.158141412,4.158141352,4.1581412765,4.158141267,4.158141374,4.158141341,4.158141192,4.1581412155,4.158141224,4.158141312,4.1581412595,4.158141299
+"14925","SLC7A2",3.895134501,3.895134646,3.895134558,3.895134557,3.895134594,3.895134681,3.895134623,3.895134575,3.895134606,3.895134582,3.895134561,3.895134646,3.895134596,3.895134527,3.895134608,3.89513458,3.895134674,3.895134621,3.895134602,3.895134615,3.89513462,3.895134615,3.895134588,3.895134556,3.895134603,3.895134591,3.895134567,3.895134552
+"14926","SLC7A3",3.891173274,3.891173456,3.891173418,3.891173436,3.891173551,3.891173383,3.891173575,3.891173445,3.891173303,3.891173363,3.891173544,3.891173497,3.891173403,3.891173231,3.89117347,3.891173602,3.891173623,3.891173425,3.891173497,3.891173346,3.891173586,3.891173536,3.891173294,3.891173336,3.891173383,3.891173357,3.891173272,3.891173398
+"14927","SLC7A4",4.862098872,4.862098663,4.862098972,4.862098779,4.862099275,4.862099003,4.862099096,4.862099186,4.862098881,4.86209897,4.862098976,4.862099098,4.862098988,4.862098786,4.862098971,4.8620992,4.862099202,4.862099104,4.862098983,4.862098919,4.862099233,4.86209922,4.86209888,4.862098756,4.862099085,4.862099035,4.862098844,4.862098934
+"14928","SLC7A5",7.203642021,7.203656606,7.203731912,7.203677783,7.20368015,7.203719,7.203659502,7.203708434,7.203694796,7.203676083,7.203692965,7.203728607,7.203638088,7.203599398,7.203654939,7.203632553,7.203723822,7.203686915,7.203654986,7.203704185,7.203651678,7.203693673,7.203678939,7.203675975,7.203686619,7.20371258,7.20365443,7.203607881
+"14929","SLC7A6",7.645397528,7.645397659,7.645396073,7.645396828,7.645396393,7.645396945,7.645396652,7.645397551,7.645398702,7.64539867,7.645395832,7.645398296,7.645398156,7.645399231,7.645396175,7.645396686,7.645394356,7.645395841,7.645397263,7.645396131,7.645396092,7.645397173,7.645397997,7.645397757,7.645395876,7.645397906,7.645398167,7.645397739
+"14930","SLC7A6OS",7.00893182,7.008931817,7.008931754,7.008931803,7.008931762,7.008931778,7.008931763,7.008931773,7.008931801,7.008931806,7.008931757,7.008931696,7.008931776,7.008931902,7.00893167,7.008931821,7.008931618,7.008931676,7.008931778,7.008931756,7.008931719,7.008931755,7.008931831,7.008931805,7.008931782,7.008931786,7.008931822,7.008931847
+"14931","SLC7A7",7.548255146,7.548255084,7.54825534,7.54825496,7.54825417,7.548255761,7.54825417,7.54825377,7.54825348,7.548254991,7.548253602,7.548253046,7.548254781,7.548254125,7.548254228,7.548254286,7.548255165,7.548253924,7.548253635,7.548255356,7.548254277,7.548254027,7.548253371,7.548254899,7.548253206,7.54825355,7.548254682,7.548252833
+"14932","SLC7A8",5.327383111,5.327383303,5.327383209,5.327383514,5.327383406,5.327383315,5.327383222,5.327383475,5.327383544,5.327383394,5.327383313,5.327383241,5.327383183,5.327383264,5.327383232,5.327383257,5.327383222,5.32738349,5.327383427,5.32738316,5.327383255,5.327383464,5.327383524,5.327383337,5.32738331,5.327383271,5.327383185,5.327383344
+"14933","SLC7A9",5.263327711,5.263327734,5.263327821,5.263327876,5.263327833,5.263327832,5.263327817,5.263327894,5.263327812,5.263327826,5.263327919,5.26332785,5.263327812,5.263327705,5.263327777,5.263327812,5.263327859,5.263327923,5.26332791,5.263327761,5.263327773,5.263327906,5.263327751,5.263327728,5.263327855,5.263327801,5.263327833,5.263327735
+"14934","SLC8A1",6.64200592,6.642006739,6.642005139,6.642006804,6.642005694,6.642006554,6.642005779,6.642004018,6.642005381,6.642004886,6.642005977,6.642003873,6.64200589,6.642006075,6.642005751,6.642006765,6.642005249,6.64200644,6.642005983,6.642005609,6.642005554,6.642004896,6.642006346,6.642005969,6.642006509,6.642004475,6.642005859,6.642005277
+"14935","SLC8A2",5.344071414,5.344071427,5.34407156,5.344071506,5.344071624,5.344071386,5.344071536,5.344071596,5.344071366,5.34407136,5.344071543,5.344071532,5.344071587,5.344071302,5.34407159,5.344071443,5.344071682,5.344071643,5.344071556,5.344071525,5.344071635,5.34407161,5.344071355,5.344071387,5.344071557,5.344071537,5.344071371,5.34407158
+"14936","SLC8A3",4.013306941,4.013306968,4.013307002,4.013307072,4.013307052,4.013306988,4.01330702,4.013307025,4.013307051,4.013307183,4.013307104,4.013307178,4.01330701,4.013306874,4.013307055,4.013307051,4.013307072,4.013307034,4.013306958,4.013307023,4.013307042,4.013307068,4.013306992,4.013307033,4.013307177,4.013307024,4.013306998,4.013306994
+"14937","SLC8B1",7.558861958,7.558862219,7.558862089,7.558862087,7.558862051,7.558862093,7.558862034,7.558862071,7.558862374,7.558862218,7.558861995,7.55886216,7.5588622,7.558862318,7.558861906,7.558862179,7.558861902,7.558861924,7.558862059,7.558861967,7.558861982,7.558862013,7.558862224,7.558862201,7.55886206,7.558862022,7.55886221,7.55886208
+"14938","SLC9A1",6.509759847,6.509760633,6.509760182,6.509760772,6.509760029,6.509760628,6.509760389,6.509760179,6.509760424,6.50976034,6.509760487,6.509759755,6.509760201,6.5097601,6.509760196,6.50976065,6.509760247,6.509760576,6.509760349,6.509759948,6.509760222,6.509760229,6.509760469,6.509760535,6.509760569,6.509760069,6.509760096,6.509759984
+"14939","SLC9A2",4.131968786,4.131968812,4.131968891,4.131968846,4.131968829,4.131968807,4.131968763,4.131968801,4.131968778,4.131968851,4.131968916,4.131968802,4.131968767,4.131968713,4.131968768,4.131968894,4.131968908,4.131968891,4.131968766,4.131968851,4.131968777,4.131968852,4.131968805,4.131968717,4.131968859,4.131968831,4.131968757,4.131968782
+"14940","SLC9A3",5.56197745,5.561977451,5.561977502,5.561977454,5.56197762,5.561977414,5.561977489,5.561977547,5.561977449,5.561977475,5.561977536,5.561977587,5.561977466,5.56197741,5.561977531,5.561977507,5.561977544,5.561977544,5.561977557,5.561977465,5.561977576,5.561977535,5.561977454,5.561977389,5.561977474,5.561977523,5.56197749,5.561977525
+"14941","SLC9A3R2",6.311331932,6.31133192,6.311331964,6.311331905,6.311332125,6.311331948,6.311332038,6.31133199,6.311331975,6.311332024,6.311332005,6.311332037,6.311331966,6.311331863,6.311332075,6.311331962,6.311332067,6.311332009,6.31133197,6.311331955,6.311332107,6.311331991,6.311331946,6.311331863,6.311331984,6.311332033,6.311331964,6.311331997
+"14942","SLC9A4",3.954601055,3.954601046,3.954601129,3.95460102,3.954601394,3.954600931,3.95460121,3.954601252,3.95460116,3.954601088,3.954601295,3.95460156,3.954601177,3.954600903,3.954601223,3.954601276,3.954601379,3.954601401,3.954600971,3.954601193,3.954601344,3.9546014,3.95460103,3.95460098,3.954601266,3.954601241,3.954600971,3.954601154
+"14943","SLC9A5",4.769250557,4.769250612,4.769250799,4.769250728,4.769250877,4.769250652,4.769250812,4.769250917,4.76925083,4.769250745,4.769250727,4.769251006,4.769250762,4.769250603,4.769250932,4.769250784,4.769250995,4.769250851,4.769250885,4.769250772,4.769250883,4.769250866,4.769250743,4.769250621,4.769250779,4.769250825,4.769250697,4.76925089
+"14944","SLC9A6",6.6279974,6.627997401,6.627997249,6.627997286,6.627997252,6.627997301,6.62799732,6.627997314,6.627997372,6.627997377,6.627997207,6.627997212,6.627997356,6.627997623,6.627997324,6.627997379,6.627997183,6.627997278,6.627997356,6.627997275,6.627997269,6.627997308,6.627997389,6.62799741,6.627997227,6.627997301,6.627997383,6.627997421
+"14945","SLC9A7",6.09819795,6.098197583,6.098197136,6.09819745,6.09819742,6.098197516,6.098197275,6.098196988,6.098197086,6.098197699,6.098197021,6.098197306,6.098197329,6.09819796,6.098197542,6.098197203,6.098196747,6.098197183,6.09819739,6.098196924,6.098197005,6.098196832,6.098196945,6.098197646,6.098196974,6.098197455,6.098197351,6.098197873
+"14946","SLC9A8",7.671026834,7.671027525,7.671026105,7.671027972,7.671025252,7.671027681,7.671026849,7.671025642,7.671026502,7.671025812,7.671026424,7.671025667,7.671026039,7.671026323,7.671026672,7.671027272,7.671025993,7.671027445,7.671026529,7.671027327,7.671026741,7.671026092,7.671027461,7.671027274,7.671026861,7.671026007,7.671025988,7.67102544
+"14947","SLC9A9",6.754549699,6.754549514,6.754549585,6.754549335,6.754549515,6.754549729,6.754549559,6.75454943,6.754549614,6.754549706,6.754549243,6.754549277,6.754549758,6.754549838,6.754549514,6.754549337,6.754549469,6.754549243,6.754549655,6.75454974,6.7545496,6.754549407,6.754549566,6.754549603,6.754549329,6.754549373,6.754549697,6.754549644
+"14948","SLC9B1",3.7531054455,3.7531053145,3.7531052265,3.753105302,3.7531052145,3.7531052855,3.7531052215,3.753105289,3.753105409,3.753105363,3.753105305,3.7531054315,3.7531054375,3.753105426,3.753105291,3.7531052895,3.7531051575,3.7531053135,3.753105373,3.753105266,3.753105304,3.75310534,3.753105291,3.753105322,3.7531052775,3.7531052675,3.753105311,3.7531053545
+"14949","SLC9B2",5.559977115,5.559977087,5.55997709,5.559977097,5.559977083,5.559977124,5.559977105,5.559977093,5.559977126,5.559977097,5.559977066,5.559977117,5.559977118,5.559977131,5.559977108,5.559977097,5.55997707,5.559977093,5.559977105,5.55997712,5.559977083,5.559977112,5.559977137,5.55997712,5.559977081,5.5599771,5.55997711,5.559977091
+"14950","SLC9C1",2.915748372,2.915748412,2.915748474,2.915748436,2.915748416,2.915748449,2.915748445,2.915748393,2.9157485,2.915748419,2.915748468,2.915748403,2.915748371,2.915748347,2.915748363,2.9157484,2.915748507,2.915748351,2.915748374,2.915748377,2.915748401,2.915748395,2.915748403,2.915748374,2.915748441,2.915748411,2.915748414,2.915748439
+"14951","SLC9C2",2.812708097,2.812708115,2.812708089,2.812708104,2.812708101,2.812708099,2.812708101,2.812708088,2.812708097,2.81270809,2.812708097,2.812708125,2.812708097,2.81270808,2.812708077,2.812708113,2.8127081,2.812708107,2.81270809,2.812708119,2.812708085,2.812708101,2.812708104,2.812708106,2.812708095,2.812708078,2.812708105,2.812708098
+"14952","SLCO1A2",2.811034417,2.81103441,2.81103472,2.81103454,2.81103456,2.811034418,2.81103461,2.811034454,2.811034529,2.811034582,2.811034495,2.811034735,2.811034543,2.811034469,2.811034519,2.81103458,2.811034724,2.811034428,2.811034644,2.811034536,2.811034527,2.811034693,2.811034669,2.811034441,2.811034438,2.811034497,2.811034503,2.811034504
+"14953","SLCO1B1",3.017128759,3.017128797,3.017128786,3.017128857,3.017128821,3.017128802,3.017128847,3.017128808,3.017128813,3.017128838,3.017128822,3.017128826,3.017128808,3.017128785,3.017128786,3.017128795,3.017128848,3.017128772,3.017128788,3.017128793,3.017128787,3.017128809,3.017128841,3.017128839,3.0171288,3.017128783,3.017128837,3.01712879
+"14954","SLCO1B3",2.652674597,2.65267457,2.652674606,2.652674659,2.652674682,2.652674592,2.652674638,2.652674636,2.652674676,2.652674687,2.652674635,2.65267467,2.652674668,2.652674631,2.652674632,2.652674691,2.652674671,2.652674629,2.652674646,2.652674705,2.652674661,2.652674688,2.652674681,2.652674733,2.652674642,2.652674652,2.652674694,2.652674666
+"14955","SLCO1C1",3.204712871,3.204712878,3.20471289,3.204712896,3.204712877,3.204712878,3.20471288,3.204712892,3.204712877,3.204712888,3.204712884,3.204712885,3.204712869,3.204712861,3.204712886,3.204712868,3.204712884,3.204712866,3.204712892,3.20471288,3.204712879,3.204712902,3.204712869,3.204712877,3.204712888,3.204712888,3.204712882,3.204712875
+"14956","SLCO2A1",4.812563464,4.812563771,4.812563885,4.812563786,4.812564038,4.812563897,4.812563936,4.812563905,4.812563898,4.812563987,4.812563844,4.812563823,4.812563792,4.812563512,4.812563941,4.812563958,4.812563925,4.812563983,4.812564017,4.81256375,4.812564018,4.812564046,4.812563686,4.812563611,4.812563798,4.81256388,4.812563739,4.812563788
+"14957","SLCO2B1",4.381965159,4.381965166,4.381965456,4.381965484,4.381965663,4.381965132,4.38196538,4.381965473,4.381965455,4.381965345,4.381965398,4.38196558,4.381965315,4.381965067,4.381965468,4.381965286,4.38196561,4.381965515,4.381965504,4.381965368,4.381965569,4.381965496,4.381965165,4.381965282,4.381965419,4.381965512,4.38196517,4.381965378
+"14958","SLCO3A1",8.410914313,8.411001565,8.410898227,8.410965291,8.410917528,8.410926806,8.410942289,8.410885735,8.4109126,8.41090326,8.41092185,8.410859419,8.410911576,8.410926304,8.410908823,8.410980251,8.410898455,8.410937707,8.410945902,8.410960297,8.410930458,8.41087546,8.410924646,8.410947172,8.410943643,8.410879861,8.410917328,8.410892582
+"14959","SLCO4A1",5.104404374,5.104404412,5.104404392,5.104404398,5.104404416,5.104404411,5.104404411,5.104404425,5.10440441,5.104404397,5.104404415,5.104404403,5.10440441,5.104404391,5.104404399,5.104404397,5.104404407,5.104404401,5.104404397,5.104404416,5.104404423,5.104404397,5.104404379,5.104404376,5.104404405,5.104404412,5.104404403,5.104404379
+"14960","SLCO4A1-AS1",5.064023972,5.064023986,5.064024047,5.064024004,5.064024086,5.064024065,5.064024021,5.06402406,5.064024006,5.064024057,5.064024059,5.064024047,5.064023974,5.0640239,5.064024046,5.064023941,5.064024079,5.06402401,5.064024026,5.064024045,5.064024047,5.06402403,5.064023987,5.064024052,5.064024025,5.064024028,5.064023997,5.064023977
+"14961","SLCO4C1",6.707345783,6.707346436,6.707344553,6.7073462,6.707344234,6.707344243,6.707345795,6.70734542,6.70734468,6.70734438,6.707344952,6.70734421,6.707344504,6.707345435,6.707345996,6.707346582,6.707344466,6.707345649,6.707345674,6.707345012,6.707345699,6.707345333,6.707345844,6.707346179,6.707345814,6.707345468,6.707344187,6.707344501
+"14962","SLCO5A1",4.464194821,4.464194758,4.464195139,4.464194712,4.464195211,4.46419477,4.464195085,4.464195151,4.464195038,4.464195053,4.464195076,4.464195137,4.464194872,4.464194689,4.464195158,4.464195004,4.464195247,4.464195031,4.464195149,4.46419492,4.46419507,4.464195247,4.464194858,4.464194958,4.46419493,4.464195003,4.464194925,4.464195071
+"14963","SLCO6A1",2.771563155,2.771563338,2.771563217,2.77156327,2.771563285,2.771563219,2.77156321,2.771563252,2.771563303,2.771563253,2.771563359,2.77156333,2.771563271,2.771563188,2.771563356,2.771563262,2.771563302,2.771563292,2.771563269,2.771563279,2.771563251,2.771563221,2.771563261,2.771563196,2.771563301,2.771563255,2.771563357,2.771563337
+"14964","SLED1",6.965135473,6.965738104,6.964912965,6.966564568,6.964841215,6.965708913,6.965617935,6.965027261,6.965422046,6.964993502,6.965236266,6.964526323,6.964980541,6.96492694,6.965307078,6.965936207,6.965707179,6.966237148,6.965912985,6.966341836,6.965495727,6.965296215,6.965673,6.966041301,6.965987118,6.964807089,6.964739045,6.964340082
+"14965","SLF1",4.42586201,4.425861984,4.425861835,4.425861921,4.42586173,4.425861712,4.425861857,4.425861674,4.425861895,4.425861839,4.425861845,4.425861552,4.425861907,4.425862083,4.425861886,4.42586196,4.425861698,4.425861939,4.425861878,4.425861783,4.425861889,4.42586177,4.425862012,4.425861966,4.425861859,4.425861763,4.425861899,4.425861945
+"14966","SLF2",6.073076321,6.07307619,6.073076255,6.073076254,6.07307617,6.073076145,6.073076209,6.073076193,6.073076205,6.07307618,6.073076201,6.073076149,6.073076238,6.073076358,6.073076246,6.073076132,6.073076126,6.073076113,6.073076305,6.073075975,6.073076168,6.073076206,6.073076237,6.073076194,6.073076159,6.073076206,6.073076199,6.073076274
+"14967","SLFN11",6.564171937,6.564171486,6.564171266,6.564171455,6.564171723,6.564172078,6.564171826,6.564171513,6.564171292,6.56417179,6.564171219,6.56417114,6.564171821,6.564172155,6.564171784,6.564171277,6.5641707,6.564171098,6.564171771,6.564172246,6.564171803,6.564171601,6.564171478,6.564171719,6.564171642,6.564171476,6.564171826,6.564171691
+"14968","SLFN12",5.392524582,5.39252424,5.392524857,5.392524013,5.39252455,5.392525371,5.392523448,5.392523685,5.392524396,5.392524567,5.39252378,5.392523319,5.39252488,5.392525373,5.392524398,5.392524543,5.392524342,5.392522653,5.392524917,5.392525009,5.392523239,5.392523976,5.39252534,5.392524946,5.392524354,5.392523841,5.392524511,5.392524871
+"14969","SLFN12L",9.075287411,8.751669398,8.521621279,8.657587677,8.805498417,8.956861286,8.917214891,8.921124109,9.19019384,8.911572054,8.532445944,8.773370488,8.956418075,9.173480333,8.977517137,8.571475725,8.196866166,8.488931285,8.873735132,8.88381431,8.816024949,8.963972703,9.145555604,8.782773947,8.482894582,8.766496993,9.003009629,8.945092996
+"14970","SLFN13",6.430846777,6.430847058,6.430846722,6.430846566,6.430846756,6.430846671,6.430846868,6.430846777,6.430846901,6.430846652,6.430846799,6.43084643,6.430846864,6.430846857,6.430846608,6.430846957,6.43084655,6.4308465,6.430846851,6.43084688,6.430846857,6.430846718,6.430846888,6.430846791,6.43084668,6.430846739,6.430846774,6.430846828
+"14971","SLFN14",4.904210875,4.904211442,4.90421131,4.904211881,4.904211108,4.904211826,4.904211981,4.904210984,4.904211282,4.9042119,4.904211976,4.904211615,4.9042105,4.904210388,4.904210832,4.904211453,4.904211329,4.90421167,4.904210854,4.904211217,4.904211377,4.904210238,4.90421035,4.904211806,4.904211217,4.904211931,4.904211182,4.90421085
+"14972","SLFN5",8.818150567,8.818056322,8.81792095,8.817754555,8.817871748,8.818026476,8.817937628,8.817885924,8.81810723,8.817956324,8.817754174,8.817995514,8.818059407,8.81821429,8.81802624,8.817987249,8.817782447,8.817719022,8.817926662,8.817867651,8.817952527,8.817878017,8.818129388,8.81794057,8.817788447,8.818091101,8.81806089,8.818086295
+"14973","SLFNL1",5.441593014,5.441593085,5.441593367,5.441593452,5.441593732,5.441592991,5.441593287,5.441593363,5.44159348,5.441593315,5.441593496,5.441593454,5.441593249,5.441592884,5.441593534,5.441593083,5.441593791,5.441593332,5.441593464,5.441593389,5.441593593,5.4415935,5.441592993,5.44159297,5.441593225,5.44159345,5.441593283,5.441593314
+"14974","SLIRP",6.009170609,6.009170615,6.009170538,6.009170524,6.009170471,6.009170506,6.009170575,6.009170432,6.009170567,6.00917048,6.009170454,6.009170451,6.009170567,6.009170736,6.009170538,6.009170621,6.009170421,6.009170389,6.009170511,6.009170604,6.009170594,6.00917046,6.00917058,6.009170581,6.00917044,6.009170496,6.009170555,6.009170534
+"14975","SLIT2",3.719824574,3.719824571,3.719824576,3.719824592,3.719824588,3.719824599,3.719824608,3.719824594,3.719824577,3.719824575,3.719824594,3.719824597,3.719824586,3.719824579,3.719824594,3.719824593,3.71982461,3.719824599,3.719824589,3.719824609,3.719824614,3.719824598,3.719824568,3.719824586,3.719824598,3.719824575,3.71982459,3.719824588
+"14976","SLIT3",4.925990225,4.925990268,4.92599032,4.92599027,4.925990504,4.925990252,4.925990302,4.925990389,4.925990214,4.925990307,4.92599038,4.92599034,4.925990313,4.925990082,4.925990401,4.925990337,4.925990478,4.92599043,4.925990343,4.925990287,4.925990407,4.925990444,4.925990292,4.925990116,4.92599026,4.925990414,4.925990303,4.925990358
+"14977","SLITRK1",4.394890702,4.394890715,4.394890732,4.394890717,4.394890755,4.394890706,4.394890712,4.394890743,4.394890725,4.394890719,4.39489073,4.394890743,4.394890726,4.394890715,4.394890735,4.394890724,4.394890743,4.394890733,4.394890741,4.394890736,4.394890743,4.394890747,4.394890718,4.394890722,4.394890724,4.394890726,4.394890705,4.394890732
+"14978","SLITRK2",4.01290189,4.0129018965,4.0129018885,4.012901893,4.0129019195,4.012901888,4.012901907,4.012901902,4.012901898,4.012901908,4.0129018995,4.012901912,4.0129018915,4.012901881,4.0129019085,4.0129019115,4.0129019195,4.012901915,4.0129019,4.012901909,4.0129019145,4.0129019085,4.0129019025,4.012901873,4.0129018905,4.01290191,4.012901899,4.0129019075
+"14979","SLITRK3",3.325172621,3.325172659,3.325172678,3.32517269,3.325172685,3.325172635,3.325172644,3.325172652,3.325172658,3.325172668,3.325172715,3.325172601,3.325172666,3.325172585,3.325172683,3.325172671,3.325172703,3.325172691,3.325172659,3.325172695,3.325172658,3.325172633,3.325172686,3.325172599,3.325172645,3.32517261,3.325172652,3.325172683
+"14980","SLITRK4",4.33404249,4.334042535,4.334042521,4.334042531,4.334042525,4.334042514,4.334042553,4.334042475,4.334042466,4.334042565,4.334042523,4.334042518,4.334042517,4.334042554,4.334042539,4.334042528,4.334042535,4.334042547,4.334042529,4.334042584,4.334042534,4.334042541,4.334042499,4.334042537,4.334042555,4.334042478,4.334042512,4.334042526
+"14981","SLITRK5",5.268476143,5.268476138,5.268476181,5.268476141,5.268476202,5.268476167,5.268476167,5.268476173,5.268476167,5.268476175,5.268476141,5.268476192,5.268476152,5.268476112,5.268476182,5.268476154,5.268476175,5.268476166,5.268476154,5.268476152,5.268476187,5.268476161,5.268476143,5.268476135,5.268476146,5.268476168,5.268476141,5.268476165
+"14982","SLITRK6",2.697426948,2.697427024,2.697426961,2.69742702,2.697426943,2.697427006,2.697426974,2.697426962,2.697426971,2.697426863,2.697426927,2.697427014,2.697426937,2.697426893,2.697426952,2.697426958,2.697427061,2.697427157,2.697426928,2.697426983,2.697426904,2.697427003,2.69742694,2.697426953,2.697427014,2.697426926,2.697426902,2.697426933
+"14983","SLK",6.906114641,6.906114854,6.90611458,6.906114439,6.906114356,6.906114691,6.906114497,6.906114276,6.906114488,6.906114312,6.906114428,6.906113731,6.906114623,6.906115535,6.906114559,6.90611462,6.906114413,6.906114431,6.906114686,6.906114701,6.906114525,6.906114397,6.906114723,6.906114592,6.906114739,6.906114242,6.906114618,6.906115102
+"14984","SLMAP",6.599206148,6.599206138,6.59920595,6.599206238,6.599205931,6.599205842,6.599206016,6.599205669,6.599205824,6.599206039,6.599205933,6.59920549,6.599205997,6.599206485,6.59920595,6.599206076,6.59920572,6.599206038,6.599206155,6.599205828,6.599205952,6.599205735,6.599206144,6.599206201,6.599206068,6.599205936,6.599205863,6.599206095
+"14985","SLN",3.71486499,3.714864985,3.71486501,3.714865014,3.714865015,3.714865018,3.714865007,3.714865006,3.714864986,3.714864981,3.714865011,3.714865027,3.714865007,3.714865013,3.714864994,3.714865006,3.714865021,3.714865014,3.714865016,3.714865008,3.714865018,3.714865014,3.714864993,3.714864984,3.714865011,3.714864995,3.714865004,3.714865006
+"14986","SLPI",6.515321294,6.515321764,6.51532245,6.515322891,6.515321231,6.515321181,6.515321754,6.51532029,6.515320787,6.515320008,6.515322391,6.515319041,6.515320923,6.515319122,6.515320872,6.515322014,6.515322542,6.515321898,6.515320458,6.51532171,6.515321841,6.515320506,6.515321151,6.515320006,6.515322158,6.515318876,6.515320738,6.515318743
+"14987","SLTM",7.122964424,7.122964303,7.12296409,7.122963934,7.122963976,7.122963643,7.122964189,7.1229634,7.122964204,7.122964184,7.122963774,7.122963462,7.122964159,7.122965308,7.122964127,7.122964146,7.122963585,7.122963509,7.122964255,7.122963175,7.122964174,7.122963803,7.122964243,7.122964082,7.122964032,7.12296412,7.122964072,7.122964779
+"14988","SLU7",6.202737956,6.202738141,6.202737925,6.202738089,6.202737705,6.202737605,6.202737802,6.202737836,6.202737677,6.202737772,6.202737798,6.202737046,6.202737994,6.202738588,6.202737738,6.202737938,6.202737973,6.202738079,6.202738016,6.20273782,6.202737807,6.202737903,6.202738045,6.202737968,6.20273792,6.202737782,6.202737768,6.202738384
+"14989","SLURP1",5.906768991,5.906769008,5.906769099,5.906769036,5.906769098,5.906768972,5.906769056,5.906769126,5.906769001,5.90676905,5.906769131,5.906769155,5.906769071,5.906768939,5.90676911,5.906769075,5.906769126,5.906769129,5.906769056,5.906769045,5.906769106,5.90676908,5.906769033,5.906769017,5.906769101,5.906769122,5.906769028,5.906769051
+"14990","SLX4",5.917546559,5.917546583,5.917546582,5.917546576,5.917546588,5.917546569,5.917546609,5.917546627,5.917546591,5.917546584,5.917546549,5.917546604,5.917546607,5.917546585,5.917546588,5.917546569,5.917546575,5.917546604,5.917546598,5.91754662,5.91754661,5.917546589,5.917546584,5.917546569,5.917546613,5.917546593,5.917546585,5.91754658
+"14991","SLX4IP",6.212249106,6.212249062,6.212249005,6.212249087,6.212248979,6.212249072,6.212249093,6.212249039,6.212249121,6.212249101,6.212249057,6.212248992,6.212249091,6.212249097,6.212249092,6.212249014,6.212248991,6.21224901,6.212249086,6.212249053,6.212249035,6.212249038,6.212249069,6.212249105,6.212249056,6.212248986,6.212249118,6.212249088
+"14992","SLX9",6.6214337575,6.621432813,6.621435104,6.6214334275,6.6214358,6.6214348735,6.6214354925,6.621432199,6.621433487,6.621432546,6.621434931,6.6214345125,6.621433496,6.6214339495,6.6214345095,6.6214339255,6.621436091,6.621433427,6.6214359385,6.621434953,6.6214347685,6.621435065,6.6214356205,6.62143379,6.62143242,6.6214351785,6.6214336885,6.621433531
+"14993","SMAD1",4.838051065,4.838051069,4.838051065,4.83805108,4.838051065,4.838051068,4.838051066,4.838051056,4.838051052,4.838051065,4.838051065,4.838051071,4.838051043,4.838051054,4.838051062,4.838051059,4.838051058,4.838051074,4.838051062,4.838051061,4.838051066,4.838051061,4.838051059,4.838051057,4.838051072,4.838051049,4.838051045,4.838051074
+"14994","SMAD2",6.962307758,6.96230759,6.9623071595,6.9623073315,6.9623069365,6.962306654,6.962306838,6.9623067655,6.9623073385,6.9623072775,6.96230689,6.9623062535,6.9623073145,6.9623084545,6.96230708,6.962307259,6.9623066375,6.9623070945,6.9623076245,6.962306574,6.96230698,6.9623067675,6.9623075395,6.962307445,6.9623072675,6.962307036,6.9623073525,6.962307743
+"14995","SMAD3",7.509188355,7.509188125,7.509188082,7.509188042,7.509188231,7.50918815,7.509188272,7.509188181,7.509188212,7.50918828,7.50918818,7.509188097,7.509188284,7.509188219,7.509188237,7.509188068,7.509187893,7.509188013,7.509188192,7.509188068,7.509188182,7.509188192,7.509188176,7.509188198,7.509188173,7.509188131,7.509188302,7.509188182
+"14996","SMAD4",8.301723219,8.301723141,8.301722985,8.301723096,8.301722869,8.301723023,8.301723092,8.301722917,8.301723005,8.301722975,8.301723033,8.301722819,8.301723171,8.301723429,8.301723099,8.301722991,8.301722819,8.301722978,8.301723179,8.30172285,8.301723057,8.30172302,8.301723144,8.301723053,8.301723004,8.301723055,8.301723257,8.301723276
+"14997","SMAD5",6.211310008,6.211310027,6.211309916,6.211309888,6.211309964,6.211309815,6.211309856,6.211309807,6.211309803,6.211309899,6.211309996,6.211309721,6.211309954,6.211310054,6.211309894,6.211309859,6.211309751,6.211309908,6.211309942,6.211309845,6.211309815,6.21130978,6.211309792,6.211309902,6.211309983,6.211309815,6.211309863,6.211309913
+"14998","SMAD5-AS1",3.804812143,3.804812087,3.804812068,3.804812116,3.804812079,3.804812121,3.804812091,3.804812141,3.804812133,3.804812062,3.80481213,3.804812155,3.804812086,3.804812101,3.804812059,3.804812116,3.804812209,3.804812146,3.804812079,3.804812149,3.804812031,3.804812151,3.804812103,3.804812135,3.804812091,3.804812086,3.804812142,3.804812115
+"14999","SMAD6",5.675229704,5.675229748,5.675229718,5.675229718,5.675229785,5.675229713,5.675229738,5.675229803,5.675229741,5.675229733,5.675229712,5.675229743,5.675229738,5.675229708,5.675229741,5.67522977,5.675229764,5.67522978,5.675229755,5.675229724,5.675229733,5.67522979,5.675229717,5.675229721,5.675229751,5.675229765,5.675229761,5.675229742
+"15000","SMAD7",5.770888024,5.770888065,5.770888025,5.770887962,5.77088805,5.770888088,5.770888017,5.770888095,5.770887979,5.770888073,5.770888027,5.770888057,5.770888039,5.77088802,5.770887991,5.770888064,5.77088803,5.770887863,5.770888009,5.770888037,5.770887962,5.770888023,5.770888061,5.770888079,5.770888029,5.770888044,5.770888084,5.77088798
+"15001","SMAD9",5.163800927,5.163800965,5.163800993,5.163800957,5.163800973,5.163800947,5.163800962,5.163800992,5.163800951,5.163800966,5.163800979,5.163800998,5.163800945,5.163800914,5.163800966,5.163800947,5.163800988,5.163800978,5.163800963,5.163800964,5.163800947,5.163800965,5.163800946,5.163800951,5.163800961,5.163800956,5.163800962,5.163800944
+"15002","SMAGP",5.96795103,5.967950798,5.967950783,5.967950903,5.967950855,5.967950834,5.967950882,5.967951055,5.967950844,5.967950896,5.967950861,5.967951021,5.967950979,5.967951036,5.967950949,5.967950868,5.967950898,5.967950802,5.967950983,5.967950966,5.967950895,5.967951081,5.967950914,5.96795089,5.967950987,5.967950839,5.967951027,5.967951091
+"15003","SMAP1",6.657491261,6.657491278,6.657490869,6.657490908,6.657490938,6.657491049,6.657491164,6.657490767,6.65749106,6.657490993,6.657490841,6.65749097,6.657491103,6.657491414,6.657491141,6.657491181,6.657490686,6.657490802,6.657491159,6.657491003,6.657491089,6.657490874,6.657491013,6.657491067,6.657490907,6.657491057,6.657491073,6.657491052
+"15004","SMAP2",10.65701723,10.92178485,10.50011118,11.12189281,10.5228768,10.67538231,10.65206247,10.48852354,10.41115671,10.25615798,10.72295759,10.34444544,10.61817697,10.75427337,10.38020914,10.63790318,10.37147626,10.66225918,10.40640729,10.61593222,10.48548103,10.30154006,10.51773604,10.63383226,10.49444525,10.29098827,10.42619823,10.38290926
+"15005","SMARCA1",3.874918701,3.874918894,3.874918931,3.874918723,3.874918736,3.874918812,3.874918797,3.874918823,3.874918947,3.874918867,3.874918786,3.874918789,3.874918705,3.874919006,3.874918746,3.874918896,3.874918874,3.874918833,3.874918707,3.874918797,3.874918702,3.874918783,3.874918877,3.874918818,3.874918772,3.874918798,3.874918849,3.874918957
+"15006","SMARCA2",8.010868597,8.010868665,8.010868359,8.01086859,8.010868427,8.010868489,8.010868623,8.010868366,8.010868635,8.010868624,8.01086843,8.010868409,8.010868655,8.010868761,8.010868537,8.010868583,8.010868232,8.010868475,8.010868546,8.010868186,8.010868455,8.010868377,8.01086864,8.01086865,8.010868493,8.010868529,8.01086864,8.010868636
+"15007","SMARCA4",6.933203208,6.933203217,6.933203173,6.933203206,6.933203187,6.933203229,6.933203196,6.933203189,6.933203233,6.933203235,6.933203182,6.933203192,6.933203205,6.933203209,6.933203197,6.933203199,6.933203155,6.933203169,6.933203193,6.933203178,6.933203189,6.933203185,6.933203204,6.93320321,6.933203174,6.933203188,6.933203218,6.933203213
+"15008","SMARCA5",7.453492435,7.45349195,7.453491265,7.453491129,7.45349113,7.453491007,7.453491664,7.453491137,7.453491569,7.453491607,7.453491092,7.453490717,7.45349153,7.453493672,7.453491648,7.453491824,7.453490822,7.453490706,7.453491872,7.453490995,7.453491418,7.453491244,7.453492021,7.453491749,7.45349085,7.453490946,7.453491367,7.453493105
+"15009","SMARCAD1",5.334590867,5.334590225,5.334590474,5.334588907,5.334589758,5.334589023,5.334589774,5.334589297,5.334590573,5.334590273,5.334588883,5.334588698,5.334590141,5.334592166,5.334590199,5.334589391,5.334588762,5.334589463,5.334590413,5.334588762,5.334590086,5.334589949,5.334590925,5.334589977,5.334588519,5.334589904,5.334590159,5.334591645
+"15010","SMARCAL1",6.403699272,6.403699256,6.403699249,6.403699234,6.403699246,6.403699286,6.403699273,6.403699249,6.403699269,6.403699263,6.403699251,6.403699243,6.403699263,6.403699285,6.403699247,6.403699215,6.403699195,6.403699184,6.40369926,6.403699231,6.403699234,6.403699249,6.403699285,6.403699262,6.403699212,6.40369927,6.403699261,6.403699257
+"15011","SMARCB1",6.89517002,6.895169984,6.895169758,6.895169944,6.8951699,6.895170132,6.895170126,6.895169936,6.895169989,6.895170149,6.895169988,6.895169947,6.895170109,6.895170214,6.895170029,6.89516989,6.895169932,6.895169895,6.895169913,6.895170154,6.895170084,6.895170009,6.895170091,6.895169985,6.895169862,6.895169953,6.895170186,6.895170063
+"15012","SMARCC1",7.827670197,7.827669832,7.82766936,7.827669745,7.827669228,7.827669188,7.827669647,7.827669263,7.827669913,7.827669594,7.827669349,7.827669174,7.82766993,7.827670119,7.827669457,7.827669542,7.827668788,7.827669316,7.827669715,7.827668629,7.82766947,7.827669083,7.827669913,7.827669616,7.827669334,7.82766939,7.8276698,7.827669407
+"15013","SMARCC2",8.005379157,8.005379155,8.005379135,8.005379152,8.005379149,8.005379156,8.005379161,8.005379145,8.005379158,8.005379161,8.005379153,8.005379151,8.005379162,8.005379163,8.005379144,8.005379136,8.00537913,8.005379141,8.005379143,8.005379153,8.005379149,8.005379139,8.005379147,8.005379156,8.005379155,8.005379151,8.005379156,8.005379156
+"15014","SMARCD1",6.977907646,6.977907638,6.977907614,6.977907634,6.977907635,6.97790768,6.977907649,6.977907624,6.977907652,6.977907658,6.977907637,6.977907622,6.977907645,6.977907635,6.977907618,6.977907623,6.97790759,6.977907615,6.97790764,6.977907666,6.977907617,6.977907636,6.977907659,6.977907661,6.977907635,6.977907626,6.977907664,6.977907636
+"15015","SMARCD3",6.055109186,6.055109309,6.055109349,6.055109396,6.055109361,6.055109549,6.055109326,6.055109342,6.055109203,6.055109347,6.055109394,6.055109405,6.055109294,6.055109163,6.055109282,6.055109368,6.055109434,6.055109338,6.055109285,6.055109492,6.055109325,6.055109383,6.055109238,6.055109213,6.055109344,6.055109293,6.055109308,6.055109126
+"15016","SMARCE1",7.184851337,7.184851207,7.184851128,7.184851073,7.184851207,7.184850983,7.184851131,7.184851136,7.184851334,7.184851204,7.184851032,7.184850955,7.184851272,7.184851499,7.184851326,7.184851083,7.18485094,7.184851096,7.184851255,7.184850903,7.184851132,7.18485116,7.184851291,7.184851277,7.184851024,7.18485117,7.18485122,7.184851426
+"15017","SMC1A",7.358912664,7.358912991,7.358911709,7.358912461,7.358912562,7.358912287,7.358913337,7.358911402,7.358913047,7.358913144,7.358912134,7.358911323,7.358912458,7.358913654,7.358912413,7.358912464,7.35891109,7.358911722,7.35891245,7.358911792,7.35891282,7.358911423,7.358913376,7.358912907,7.358912178,7.358911921,7.358912839,7.35891262
+"15018","SMC1B",2.989241129,2.989241233,2.989241179,2.989241143,2.989241164,2.989241254,2.989241202,2.989241204,2.98924121,2.989241241,2.989241182,2.989241269,2.989241212,2.989241181,2.989241199,2.989241204,2.989241265,2.98924119,2.989241155,2.989241219,2.989241173,2.989241148,2.989241205,2.989241186,2.98924115,2.989241242,2.98924124,2.989241249
+"15019","SMC2",4.511368831,4.51136882,4.511368573,4.511368418,4.511368665,4.511368799,4.51136896,4.511368559,4.511368818,4.511368876,4.511368603,4.511368308,4.511368784,4.511369126,4.51136859,4.511368671,4.511368558,4.51136845,4.511368671,4.511368543,4.511368932,4.511368553,4.511369029,4.51136871,4.511368456,4.511368696,4.511368821,4.511369011
+"15020","SMC3",6.248791944,6.248792142,6.248791356,6.248790927,6.248790381,6.248790111,6.248791343,6.24879079,6.248791776,6.248791235,6.248790066,6.248789517,6.248791393,6.248794829,6.248791186,6.248792122,6.248790653,6.24879072,6.248792004,6.248789589,6.248791826,6.248790742,6.248791869,6.248791544,6.248790443,6.248790715,6.248791504,6.248793669
+"15021","SMC4",5.859274494,5.859274443,5.859274347,5.859274414,5.859274275,5.859274286,5.859274517,5.859274226,5.859274525,5.859274336,5.859274287,5.859274038,5.859274415,5.859274766,5.859274392,5.859274428,5.859274278,5.859274324,5.859274433,5.859274234,5.859274598,5.859274275,5.859274623,5.859274488,5.859274419,5.859274206,5.859274425,5.85927462
+"15022","SMC5",6.314033597,6.314033022,6.314033006,6.314032413,6.314031964,6.314031672,6.314032878,6.314032388,6.314032879,6.314032193,6.314032031,6.314031375,6.314032773,6.31403495,6.31403291,6.31403243,6.31403224,6.314031972,6.314032667,6.314031656,6.314032616,6.314032491,6.314032861,6.314032684,6.314032644,6.31403256,6.314032954,6.314033767
+"15023","SMC6",5.314702442,5.314702062,5.314701868,5.314701831,5.314701859,5.31470198,5.314702246,5.31470151,5.314702052,5.314702192,5.314701729,5.314701728,5.314702085,5.314703203,5.314702317,5.314702034,5.314701657,5.314701855,5.314702206,5.314701757,5.314702146,5.3147018,5.314702401,5.314702139,5.314701714,5.314702165,5.314702079,5.314702806
+"15024","SMCHD1",10.5570496,10.53182876,10.26709998,10.70797792,10.090849292,10.4843081,10.40976098,10.248466605,10.1336964545,10.033451469,10.223500135,9.782717875,10.30558155,10.678889765,10.3977541,10.49085896,10.296731335,10.43612675,10.48106773,10.627461365,10.5260523,10.28793119,10.42288387,10.422348395,10.384330845,10.12975666,10.229931415,10.32097767
+"15025","SMCO1",3.331547482,3.331547485,3.331547533,3.331547496,3.331547606,3.331547527,3.331547524,3.331547621,3.331547507,3.331547595,3.331547527,3.331547594,3.331547522,3.331547494,3.331547593,3.331547503,3.331547571,3.331547513,3.331547529,3.331547549,3.331547592,3.331547543,3.331547515,3.3315475,3.331547566,3.331547505,3.331547566,3.331547467
+"15026","SMCO2",3.494545831,3.494545741,3.494545865,3.494545761,3.494545926,3.494545726,3.494545777,3.494545954,3.494545922,3.494545839,3.494545854,3.494546081,3.494545767,3.494545782,3.494545927,3.494545716,3.494546042,3.49454596,3.494545872,3.494545909,3.494545909,3.494545965,3.494545922,3.494545793,3.494545817,3.494545822,3.494545832,3.494545945
+"15027","SMCO3",2.691797588,2.691797577,2.6917976,2.691797588,2.691797596,2.691797578,2.691797582,2.691797584,2.69179758,2.691797574,2.691797594,2.691797601,2.691797576,2.69179756,2.691797632,2.691797628,2.691797597,2.691797612,2.691797608,2.691797598,2.691797603,2.691797603,2.691797615,2.691797577,2.691797627,2.691797582,2.691797588,2.69179757
+"15028","SMCO4",5.84585494,5.845854804,5.845854999,5.845855014,5.845854304,5.845856319,5.845855007,5.845854491,5.845854186,5.845854776,5.845854493,5.845854387,5.845854825,5.845854313,5.845854762,5.845854879,5.845854982,5.845854868,5.845854956,5.845856848,5.845854538,5.845854314,5.845854407,5.845854761,5.845854293,5.845854395,5.845854885,5.845854296
+"15029","SMCP",3.841638529,3.841638608,3.841638668,3.841638507,3.841638656,3.841638535,3.841638597,3.841638541,3.841638511,3.841638389,3.841638745,3.8416386,3.841638505,3.841638485,3.841638661,3.841638587,3.841638774,3.841638727,3.841638574,3.841638518,3.841638558,3.841638612,3.841638506,3.841638682,3.841638373,3.841638522,3.841638373,3.841638637
+"15030","SMCR5",4.0799344,4.079934483,4.079934507,4.079934146,4.079934622,4.079934094,4.079934514,4.079934932,4.0799342,4.079934471,4.079934315,4.079934567,4.079934372,4.079934245,4.079934537,4.079934474,4.079934357,4.079934624,4.079934563,4.079934275,4.079934454,4.079934669,4.079934393,4.079934419,4.079934468,4.079934496,4.079934462,4.079934571
+"15031","SMCR8",6.869117368,6.869117347,6.869117328,6.869117365,6.869117339,6.869117411,6.869117328,6.869117333,6.869117339,6.869117339,6.869117328,6.869117304,6.869117374,6.869117328,6.869117324,6.869117328,6.869117311,6.869117335,6.869117304,6.869117391,6.869117325,6.869117347,6.869117335,6.869117353,6.869117341,6.869117347,6.869117366,6.869117326
+"15032","SMDT1",6.822885853,6.822885658,6.822886158,6.822885522,6.8228855,6.822885918,6.822884825,6.822885845,6.822886115,6.822886268,6.82288563,6.822886061,6.822886007,6.822887042,6.822885813,6.822884793,6.822885511,6.822885256,6.822885677,6.822885669,6.82288442,6.82288654,6.822886235,6.822886252,6.822884771,6.822886291,6.822886042,6.822886901
+"15033","SMG1",8.65970005,8.659699817,8.659699566,8.659700147,8.659699742,8.659700049,8.659699962,8.659699695,8.659699786,8.659699719,8.659699668,8.659699569,8.65970007,8.659700098,8.659699834,8.659699756,8.659699353,8.659699838,8.659699984,8.659699528,8.659699885,8.659699752,8.659699785,8.659699811,8.659699729,8.659699898,8.659700063,8.659699622
+"15034","SMG5",7.128615346,7.128615261,7.128615235,7.128615136,7.128614948,7.12861587,7.128615565,7.128615185,7.12861531,7.12861511,7.128615426,7.128615056,7.128615563,7.128615466,7.128615229,7.128615119,7.128615329,7.128614903,7.128615114,7.12861565,7.128615512,7.128615084,7.128615451,7.128615313,7.128615607,7.128615194,7.128615543,7.128615301
+"15035","SMG6",6.440908676,6.440908657,6.440908574,6.440908591,6.440908547,6.440908685,6.440908722,6.440908615,6.440908662,6.440908677,6.440908622,6.440908549,6.440908691,6.440908697,6.440908657,6.44090867,6.440908456,6.440908515,6.44090873,6.440908641,6.4409086,6.44090864,6.44090871,6.440908631,6.440908635,6.440908706,6.44090874,6.440908599
+"15036","SMG7",7.061169722,7.061169774,7.06116956,7.061169837,7.061169467,7.061169734,7.061169772,7.061169479,7.061169725,7.061169763,7.061169487,7.061169202,7.06116965,7.061169725,7.061169614,7.061169554,7.061169119,7.061169533,7.061169629,7.061169788,7.06116968,7.061169361,7.061169814,7.061169815,7.061169713,7.061169671,7.061169608,7.061169548
+"15037","SMG8",4.978455865,4.97845588,4.97845584,4.978455862,4.97845583,4.978455941,4.978455879,4.978455803,4.978455805,4.97845582,4.978455743,4.978455754,4.978455899,4.978455955,4.978455805,4.978455742,4.978455848,4.978455738,4.978455948,4.978455927,4.978455859,4.978455658,4.978455873,4.978455907,4.978455844,4.978455754,4.978455931,4.978455912
+"15038","SMG9",6.24775408,6.247754058,6.247753999,6.247754029,6.24775403,6.247754101,6.247754042,6.247754017,6.247754079,6.247754079,6.247753973,6.247753993,6.247754077,6.247754068,6.247754001,6.247753948,6.247753965,6.247753962,6.247754008,6.247754039,6.247754015,6.247754036,6.247754039,6.247754044,6.247753999,6.247754011,6.247754048,6.247754001
+"15039","SMIM10",5.225210287,5.22521019,5.225210597,5.225210374,5.225211426,5.225210741,5.225210993,5.225210536,5.225210596,5.225210603,5.225210517,5.225210991,5.225210422,5.225209981,5.225211012,5.225210632,5.225211148,5.225210769,5.225210869,5.225210387,5.225211,5.225210687,5.2252102,5.225210204,5.225210515,5.225210926,5.225210146,5.225210674
+"15040","SMIM12",6.052398041,6.052398195,6.05239786,6.052397925,6.052397737,6.052397892,6.052397904,6.052397951,6.052397816,6.052397926,6.052397937,6.052397791,6.052398024,6.05239814,6.052397857,6.052398122,6.052397759,6.05239785,6.052397944,6.052398022,6.052397778,6.052397821,6.052397897,6.052398044,6.052397878,6.052397799,6.052398044,6.05239782
+"15041","SMIM14",6.337055515,6.337055443,6.337055243,6.337055251,6.337055184,6.33705537,6.337055448,6.33705512,6.337055313,6.337055356,6.337055254,6.337055178,6.337055321,6.337055686,6.337055395,6.337055495,6.337055247,6.337055287,6.337055466,6.33705551,6.337055316,6.33705527,6.337055341,6.337055486,6.337055263,6.337055268,6.337055243,6.337055608
+"15042","SMIM15",5.353057754,5.353057481,5.353057343,5.353057341,5.353057141,5.353057378,5.353057561,5.353057183,5.353057706,5.353057827,5.353057136,5.353056823,5.353057281,5.353058236,5.353057371,5.353057349,5.353057114,5.353056942,5.353057039,5.353057144,5.353057195,5.353057301,5.353057692,5.353057525,5.353056928,5.353057335,5.353057306,5.353058161
+"15043","SMIM19",5.410166887,5.410166853,5.410166848,5.410166867,5.410166838,5.410166877,5.410166869,5.410166826,5.410166896,5.410166862,5.410166836,5.410166858,5.410166867,5.410166902,5.410166864,5.41016685,5.410166836,5.410166807,5.410166872,5.410166857,5.41016686,5.41016684,5.410166847,5.410166862,5.41016684,5.41016685,5.410166857,5.410166858
+"15044","SMIM2",4.086462132,4.086462027,4.086462157,4.086462105,4.086462303,4.086462125,4.086462309,4.086462321,4.086462268,4.086462251,4.086462267,4.086462261,4.086462226,4.086462198,4.086462312,4.086462314,4.086462261,4.086462229,4.086462257,4.086462244,4.08646234,4.086462254,4.086462105,4.086462195,4.08646223,4.086462268,4.086462191,4.086462203
+"15045","SMIM20",5.224721262,5.224721242,5.22472107,5.224721177,5.224721108,5.224720878,5.224721012,5.224721049,5.224721315,5.224721115,5.224720977,5.224721012,5.22472099,5.224721491,5.224721278,5.224721096,5.224721229,5.224721163,5.224721016,5.224721086,5.224721199,5.224721367,5.224721155,5.224721056,5.224720948,5.224721073,5.224721066,5.224720768
+"15046","SMIM21",4.117856842,4.117856788,4.117856829,4.117856825,4.117856882,4.117856791,4.1178568,4.117856848,4.117856838,4.117856848,4.117856869,4.117856875,4.117856801,4.117856764,4.117856786,4.117856885,4.117856863,4.1178569,4.117856803,4.117856778,4.117856797,4.117856959,4.117856816,4.117856864,4.11785679,4.117856814,4.117856839,4.117856798
+"15047","SMIM23",4.593129494,4.593129499,4.593129539,4.593129524,4.593129529,4.593129492,4.593129512,4.593129542,4.593129526,4.593129544,4.593129557,4.593129562,4.593129503,4.593129468,4.593129524,4.593129538,4.593129563,4.59312956,4.593129515,4.593129534,4.593129526,4.593129532,4.593129488,4.593129511,4.593129546,4.593129499,4.593129495,4.593129526
+"15048","SMIM24",6.370226008,6.370225229,6.370226616,6.37022628,6.370226977,6.370226116,6.370226339,6.370226697,6.370226358,6.370226357,6.370226666,6.370226629,6.370225972,6.370225963,6.370226581,6.370226385,6.37022707,6.370226633,6.370226487,6.370226389,6.3702265,6.370226593,6.370226015,6.370225953,6.370226657,6.370226446,6.37022592,6.370226133
+"15049","SMIM29",6.202145554,6.202145576,6.202145694,6.202145622,6.202145772,6.202145623,6.202145692,6.20214572,6.202145672,6.202145692,6.202145691,6.202145753,6.202145692,6.20214551,6.202145742,6.202145674,6.202145779,6.202145696,6.202145704,6.202145558,6.202145734,6.202145765,6.202145614,6.202145587,6.202145693,6.202145759,6.202145592,6.202145701
+"15050","SMIM3",6.006895609,6.006895549,6.006895644,6.006895776,6.00689585,6.00689561,6.006895779,6.006895745,6.006895597,6.006895841,6.006895968,6.006895927,6.006895641,6.006895263,6.00689572,6.006895356,6.006895789,6.006895972,6.006895662,6.006895765,6.006895693,6.006895596,6.006895569,6.006895761,6.006895863,6.006895744,6.006895611,6.006895523
+"15051","SMIM30",4.566801444,4.566801359,4.566801467,4.566801438,4.566801546,4.566801482,4.566801351,4.56680151,4.566801498,4.566801398,4.566801421,4.566801546,4.566801351,4.566801479,4.566801548,4.566801372,4.566801593,4.566801378,4.56680155,4.566801554,4.566801406,4.566801473,4.566801452,4.566801404,4.566801434,4.566801392,4.566801472,4.566801517
+"15052","SMIM4",5.120542861,5.120542841,5.120542854,5.120542848,5.120542841,5.120542853,5.120542858,5.120542855,5.120542856,5.120542862,5.120542853,5.120542869,5.120542862,5.120542872,5.120542845,5.120542847,5.120542849,5.12054285,5.12054285,5.12054285,5.120542856,5.120542857,5.12054285,5.120542837,5.120542859,5.120542852,5.120542855,5.120542864
+"15053","SMIM43",4.515608513,4.515608477,4.515608554,4.515608526,4.515608592,4.515608453,4.515608531,4.515608561,4.515608518,4.515608511,4.515608567,4.515608544,4.515608503,4.51560842,4.515608588,4.515608514,4.515608576,4.515608574,4.515608517,4.515608525,4.515608553,4.515608577,4.515608517,4.515608478,4.515608514,4.515608579,4.515608512,4.515608487
+"15054","SMIM45",6.17642256,6.176422703,6.176422742,6.176422606,6.176422946,6.176422688,6.176422821,6.176423008,6.176422597,6.176422691,6.176422563,6.176422716,6.176422682,6.176422452,6.176422698,6.176422572,6.176422696,6.176422634,6.176422722,6.176422779,6.176422711,6.176422788,6.176422588,6.176422565,6.176422628,6.176422727,6.176422612,6.176422599
+"15055","SMIM5",6.557577852,6.557577562,6.557578218,6.557577813,6.557577681,6.557577835,6.557577647,6.557578278,6.557577844,6.557577748,6.557578175,6.557577866,6.557577379,6.557577081,6.557578078,6.557577559,6.557577901,6.557577874,6.557577449,6.557577648,6.557577279,6.557578119,6.557578009,6.557577913,6.557578002,6.557577917,6.557577657,6.557577468
+"15056","SMIM7",7.112183537,7.112183199,7.112183013,7.112182926,7.112182752,7.112183079,7.112182684,7.112182611,7.112183244,7.112183096,7.112182899,7.112183047,7.112183164,7.11218336,7.112182808,7.112183155,7.112182507,7.112182484,7.11218315,7.112183327,7.112182758,7.112182782,7.1121834,7.112183565,7.11218299,7.112183143,7.112183227,7.11218292
+"15057","SMIM8",5.818626819,5.818627206,5.81862638,5.818626133,5.818626256,5.8186261,5.81862622,5.818626112,5.818626638,5.818626214,5.818626573,5.818626156,5.818626396,5.818627382,5.818626404,5.818627063,5.818626092,5.818626348,5.818626649,5.818625928,5.818626142,5.818626032,5.818626487,5.818626499,5.818626319,5.81862622,5.818626305,5.818627163
+"15058","SMNDC1",7.405892651,7.405892532,7.405892462,7.40589256,7.405892423,7.405892437,7.405892455,7.405892398,7.405892358,7.40589245,7.405892332,7.405892299,7.405892537,7.405892661,7.405892537,7.40589246,7.405892386,7.405892466,7.405892572,7.405892345,7.405892524,7.405892492,7.405892435,7.405892536,7.405892514,7.40589241,7.405892519,7.40589254
+"15059","SMO",6.092012336,6.092012325,6.092012568,6.092012518,6.092012768,6.092012427,6.092012502,6.092012579,6.092012464,6.092012417,6.092012588,6.092012721,6.092012463,6.092012244,6.092012657,6.092012472,6.092012742,6.092012643,6.092012539,6.092012407,6.092012623,6.092012715,6.092012393,6.092012363,6.092012585,6.092012532,6.092012406,6.092012448
+"15060","SMOC1",5.591996027,5.591996026,5.591996026,5.591996036,5.591996039,5.591996022,5.591996014,5.591996029,5.591996016,5.591996027,5.591996032,5.591996046,5.591996025,5.591996006,5.591996035,5.591996029,5.59199604,5.591996038,5.59199603,5.59199603,5.591996027,5.591996027,5.591996012,5.591996027,5.591996023,5.591996024,5.591996021,5.591996035
+"15061","SMOC2",4.318146135,4.318146175,4.318146166,4.318146151,4.318146301,4.318146227,4.318146247,4.318146279,4.318146243,4.318146138,4.318146225,4.318146285,4.31814626,4.318146073,4.318146215,4.318146271,4.318146285,4.318146279,4.31814621,4.318146203,4.31814624,4.31814631,4.318146251,4.318146109,4.31814625,4.318146251,4.318146179,4.318146196
+"15062","SMOX",7.099603748,7.099605245,7.099605142,7.099605744,7.099605203,7.099604699,7.099604905,7.099605732,7.099605716,7.099605137,7.09960526,7.099607316,7.09960384,7.099604649,7.099604419,7.099604877,7.099604541,7.099605606,7.099604571,7.099604307,7.099604724,7.099605053,7.099605121,7.099605167,7.099605252,7.099606981,7.099604441,7.099605514
+"15063","SMPD1",6.593488666,6.593488739,6.593488633,6.593488666,6.593488674,6.593488774,6.593488643,6.593488517,6.593488767,6.593488729,6.593488675,6.593488767,6.593488745,6.5934888,6.593488683,6.593488701,6.593488653,6.593488581,6.593488648,6.593488654,6.59348861,6.593488691,6.593488752,6.593488713,6.593488615,6.59348877,6.593488807,6.593488731
+"15064","SMPD2",6.580986884,6.58098673,6.580986134,6.580986118,6.580986154,6.580986472,6.580986539,6.580986267,6.580986661,6.580986459,6.58098634,6.580986244,6.58098629,6.580986711,6.58098646,6.58098633,6.580985998,6.580986149,6.580986563,6.580986294,6.580986133,6.580986415,6.580986534,6.580986549,6.580986628,6.580985963,6.580986533,6.580986403
+"15065","SMPD3",6.384388328,6.38439187,6.384390474,6.384390596,6.384394185,6.384391206,6.384390989,6.384390811,6.38439183,6.384391505,6.38439359,6.384390172,6.384390613,6.384391918,6.384387586,6.384390598,6.384389247,6.384388886,6.38439404,6.384387739,6.384390014,6.384390628,6.384390914,6.384391034,6.384392386,6.3843914,6.384390964,6.384391541
+"15066","SMPD4",7.082292949,7.082292796,7.082292653,7.082292684,7.082292828,7.082292955,7.082293028,7.082292679,7.082292897,7.082292894,7.082292762,7.082292858,7.082292804,7.082292719,7.082292795,7.082292772,7.082292396,7.082292536,7.082292752,7.082293,7.082292784,7.082292674,7.082292901,7.082292703,7.082292797,7.08229262,7.082292862,7.082292565
+"15067","SMPDL3A",4.810966567,4.810966558,4.810965957,4.810966473,4.810966585,4.810966136,4.810966255,4.810965968,4.810965546,4.810965738,4.810966523,4.810965777,4.810965766,4.810966326,4.810966442,4.810966435,4.810965998,4.810966327,4.810965961,4.810966522,4.810966319,4.8109658,4.81096574,4.810965922,4.810966611,4.810966013,4.810966206,4.810966171
+"15068","SMPDL3B",5.072165584,5.072165605,5.072165664,5.072165679,5.072165609,5.072165656,5.072165496,5.072165579,5.072165605,5.072165638,5.072165547,5.072165568,5.072165536,5.07216546,5.072165547,5.07216568,5.072165697,5.072165666,5.072165558,5.072165658,5.072165591,5.072165523,5.072165617,5.072165474,5.072165734,5.072165626,5.07216561,5.072165499
+"15069","SMPX",3.544512289,3.544512343,3.544512268,3.544512456,3.544512333,3.544512393,3.544512359,3.544512345,3.544512318,3.54451236,3.544512532,3.544512352,3.544512323,3.544512205,3.544512365,3.544512383,3.544512468,3.544512442,3.544512394,3.544512261,3.544512339,3.544512313,3.544512392,3.544512489,3.544512305,3.544512315,3.544512318,3.544512407
+"15070","SMR3A",4.467685083,4.467685133,4.467685197,4.467685161,4.467685121,4.467685196,4.467685081,4.467685128,4.467685134,4.467685134,4.467685113,4.467685178,4.467685144,4.467685063,4.46768513,4.467685161,4.467685188,4.467685135,4.467685103,4.467685172,4.467685082,4.467685145,4.467685131,4.467685156,4.46768511,4.467685123,4.467685126,4.46768514
+"15071","SMR3B",2.675490966,2.675490942,2.675490984,2.675491007,2.675491004,2.675490964,2.675490981,2.67549098,2.67549096,2.675490936,2.67549101,2.675490994,2.675490979,2.675490951,2.675490967,2.675490979,2.675490968,2.675490977,2.675490995,2.675490972,2.675490955,2.675490963,2.675490979,2.675490987,2.675490948,2.675490945,2.675490946,2.675490976
+"15072","SMS",7.481290875,7.481291054,7.481291093,7.48129092,7.481290551,7.481290766,7.481290839,7.481290723,7.481290924,7.481290819,7.481290864,7.481290227,7.481290627,7.481291303,7.481290703,7.481290865,7.481290933,7.481290905,7.481290828,7.481290803,7.481291087,7.481290655,7.48129093,7.481290848,7.481290954,7.481290762,7.481290702,7.481290896
+"15073","SMTN",5.357488608,5.357488642,5.357488718,5.357488723,5.357488837,5.35748866,5.357488741,5.357488748,5.357488671,5.357488597,5.357488712,5.357488805,5.35748873,5.357488568,5.357488749,5.357488711,5.357488759,5.357488818,5.357488712,5.357488727,5.357488761,5.357488755,5.357488737,5.357488682,5.357488757,5.357488726,5.357488672,5.357488682
+"15074","SMTNL2",6.304718227,6.304718229,6.304718314,6.304718226,6.304718417,6.30471826,6.304718327,6.304718352,6.30471831,6.30471832,6.304718278,6.304718358,6.304718267,6.304718125,6.304718357,6.304718273,6.304718392,6.304718301,6.304718334,6.304718298,6.304718358,6.304718395,6.304718249,6.304718198,6.304718277,6.304718321,6.304718277,6.304718287
+"15075","SMU1",7.667360217,7.667360006,7.667359675,7.667359761,7.667359653,7.66735951,7.667359589,7.667359747,7.667359852,7.667359606,7.667359334,7.667359266,7.667359867,7.667360549,7.667359793,7.667359804,7.667359339,7.667359461,7.667359967,7.667359181,7.667359317,7.667359467,7.667360013,7.667359873,7.66735951,7.667359666,7.667359869,7.667360225
+"15076","SMUG1",6.222724362,6.222724333,6.222724446,6.222724379,6.222724289,6.22272421,6.222724211,6.222724441,6.222724355,6.222724312,6.222724398,6.222724169,6.222724432,6.222724321,6.222724278,6.222724408,6.222724356,6.222724347,6.222724318,6.222724394,6.222724247,6.222724356,6.222724385,6.222724458,6.222724406,6.222724316,6.222724307,6.222724318
+"15077","SMURF1",6.609395272,6.609395439,6.609395172,6.609395407,6.609395234,6.609395345,6.609395238,6.609395246,6.609395161,6.609395266,6.609395296,6.609395139,6.609395276,6.609395444,6.609395118,6.609395403,6.609395047,6.60939535,6.609395254,6.609395326,6.6093952,6.609395206,6.609395283,6.609395355,6.609395412,6.609395219,6.609395288,6.609395208
+"15078","SMURF2",6.505260144,6.505259705,6.505259467,6.505259567,6.505259171,6.505258989,6.505259657,6.505259241,6.505259038,6.50525903,6.505258932,6.50525865,6.505259622,6.50526047,6.505259622,6.505259428,6.505258633,6.505259104,6.505259712,6.50525844,6.505259396,6.505259367,6.505259778,6.505259348,6.505259563,6.505259173,6.505259614,6.505259689
+"15079","SMYD1",3.701166395,3.701166435,3.701166464,3.701166381,3.701166481,3.701166454,3.701166496,3.701166514,3.701166424,3.701166437,3.701166447,3.701166544,3.701166411,3.701166361,3.701166473,3.701166371,3.701166491,3.701166491,3.701166475,3.701166377,3.701166444,3.701166434,3.701166419,3.701166436,3.701166489,3.70116645,3.7011664,3.701166485
+"15080","SMYD2",5.575776947,5.575776778,5.575776695,5.575776695,5.575776683,5.575776715,5.575776745,5.575776693,5.575776961,5.575776756,5.575776565,5.575776712,5.575776965,5.575777084,5.57577682,5.575776692,5.575776577,5.575776635,5.575776812,5.575776645,5.575776723,5.57577677,5.575776861,5.575776749,5.575776517,5.575776812,5.575776896,5.575776884
+"15081","SMYD3",5.241524919,5.241524881,5.241524857,5.24152485,5.241524839,5.241524888,5.241524903,5.241524889,5.241524877,5.241524893,5.241524836,5.241524868,5.241524893,5.241524904,5.241524862,5.241524856,5.241524776,5.241524822,5.241524884,5.241524891,5.241524874,5.241524853,5.241524863,5.241524859,5.241524887,5.241524896,5.241524917,5.241524875
+"15082","SMYD4",6.557592153,6.557592365,6.557592266,6.55759202,6.557592163,6.557592235,6.557592234,6.557592267,6.557592346,6.557592377,6.557591893,6.557592453,6.557592339,6.557592512,6.557592213,6.557592234,6.557592086,6.557591954,6.557592255,6.557591823,6.557592162,6.557592217,6.557592359,6.557592414,6.557592104,6.55759221,6.5575923,6.557592415
+"15083","SMYD5",5.885590171,5.885590042,5.88559012,5.885590045,5.885590076,5.885590158,5.885590036,5.885589935,5.885590316,5.885590149,5.885589885,5.885590173,5.88559013,5.8855902,5.885590124,5.88559008,5.885589983,5.885589911,5.885590038,5.885590099,5.885590107,5.88559016,5.885590029,5.885590088,5.885589892,5.88559013,5.885590133,5.885590247
+"15084","SNAI1",4.586542406,4.586542332,4.586542366,4.586542627,4.586542686,4.58654239,4.586542493,4.586542439,4.586542201,4.586542583,4.586542434,4.586542578,4.586542382,4.586542221,4.586542514,4.586542389,4.586542617,4.586542567,4.586542401,4.586542394,4.586542469,4.586542476,4.586542342,4.586542232,4.586542365,4.586542488,4.586542582,4.586542372
+"15085","SNAI2",4.114841938,4.114841948,4.114842022,4.114841994,4.114841964,4.114841912,4.114841933,4.114842022,4.114841988,4.114841965,4.114842002,4.114841984,4.114841913,4.114841902,4.114842,4.114841981,4.11484201,4.114841998,4.114841942,4.114841955,4.114841972,4.114841993,4.114841906,4.114841983,4.114841938,4.11484201,4.114841937,4.114841969
+"15086","SNAI3",7.57655493,7.576554967,7.576555076,7.576555037,7.576555149,7.576554952,7.576554994,7.57655504,7.576555044,7.576555014,7.57655512,7.576555146,7.576555037,7.576554863,7.576555083,7.576555055,7.576555146,7.576555099,7.576555005,7.576554949,7.576555074,7.576555106,7.576554961,7.576554973,7.576555095,7.576555061,7.576555023,7.576555033
+"15087","SNAI3-AS1",5.287111417,5.287111073,5.28711079,5.287111266,5.287111027,5.287111059,5.287111358,5.287111095,5.287111395,5.287110729,5.287110569,5.287111906,5.287110412,5.287111405,5.287111196,5.287111599,5.28711139,5.287111388,5.28711084,5.287110769,5.287111413,5.287111508,5.287111204,5.287110609,5.287111836,5.287111177,5.287111318,5.287111155
+"15088","SNAP23",8.447871058,8.447871666,8.447870625,8.447872144,8.447870252,8.447870565,8.447870204,8.447870052,8.447870017,8.44787046,8.447871106,8.447869535,8.447870733,8.447871695,8.447870879,8.44787142,8.447869678,8.44787126,8.447871028,8.447871157,8.447870532,8.447869771,8.447870687,8.447871464,8.447871579,8.4478708,8.447870219,8.447870963
+"15089","SNAP25",4.298904048,4.298904087,4.298904103,4.298904071,4.298904141,4.298904086,4.298904092,4.298904079,4.29890409,4.29890413,4.298904076,4.298904127,4.298904109,4.298904014,4.298904109,4.298904102,4.298904103,4.298904115,4.298904057,4.298904102,4.298904107,4.298904109,4.298904072,4.298904064,4.298904103,4.298904087,4.298904065,4.298904103
+"15090","SNAP29",6.908296299,6.908296252,6.908296259,6.908296335,6.908296185,6.908296299,6.908296303,6.90829628,6.908296242,6.908296269,6.908296168,6.908296155,6.908296281,6.908296276,6.908296268,6.908296178,6.908296183,6.908296315,6.908296221,6.908296268,6.908296253,6.908296253,6.908296278,6.908296384,6.908296276,6.908296243,6.908296344,6.908296255
+"15091","SNAP91",4.46099693,4.460997072,4.460997045,4.46099702,4.460997039,4.46099699,4.460997067,4.460997039,4.46099694,4.460997022,4.46099702,4.460997037,4.460996965,4.460996966,4.460997096,4.460996976,4.460996964,4.460997148,4.460996986,4.460997138,4.460996969,4.460997014,4.460996953,4.460996923,4.46099706,4.460997021,4.460996916,4.460996992
+"15092","SNAPC1",4.508104764,4.508104737,4.50810464,4.508104644,4.508104567,4.508104678,4.508104804,4.508104673,4.508104771,4.508104781,4.508104587,4.508104588,4.508104845,4.508105106,4.508104703,4.508104664,4.508104763,4.508104619,4.508104656,4.508104706,4.508104712,4.508104736,4.508104688,4.508104738,4.508104775,4.508104665,4.508104779,4.508104997
+"15093","SNAPC2",6.830311715,6.830311732,6.830311777,6.83031173,6.830311792,6.830311751,6.830311734,6.830311756,6.83031175,6.830311759,6.830311771,6.830311771,6.830311749,6.830311706,6.830311762,6.830311754,6.830311773,6.830311766,6.830311746,6.830311717,6.830311734,6.83031177,6.83031173,6.830311739,6.830311757,6.830311743,6.830311731,6.830311753
+"15094","SNAPC3",7.056880778,7.056880439,7.056880047,7.056879631,7.056879979,7.056879696,7.056880108,7.056879541,7.056880138,7.056880355,7.056879634,7.056879509,7.056880454,7.056881465,7.056879997,7.056880099,7.056879323,7.056879009,7.0568803,7.056879371,7.056880263,7.056879969,7.056880217,7.056880544,7.056879667,7.05688012,7.056880515,7.056880828
+"15095","SNAPC4",6.1436151,6.143615075,6.143615127,6.143615092,6.143615175,6.143615128,6.143615141,6.143615138,6.14361516,6.14361511,6.143615136,6.14361516,6.143615121,6.143615052,6.143615141,6.14361515,6.143615168,6.143615166,6.143615136,6.14361511,6.143615153,6.143615154,6.143615079,6.143615105,6.143615113,6.143615171,6.143615089,6.143615103
+"15096","SNAPC5",6.196215391,6.196215392,6.19621539,6.19621537,6.196215381,6.196215384,6.19621539,6.196215388,6.196215394,6.19621538,6.196215374,6.196215395,6.196215396,6.196215401,6.196215392,6.196215361,6.196215374,6.196215368,6.196215394,6.196215372,6.19621539,6.196215395,6.196215405,6.196215381,6.196215372,6.196215389,6.196215386,6.196215405
+"15097","SNAPIN",6.004491206,6.004491278,6.004491209,6.004491131,6.004491148,6.004491332,6.00449115,6.004491229,6.004491233,6.004491336,6.004491111,6.004491069,6.004491144,6.004491249,6.004491166,6.004491117,6.004491154,6.004491117,6.004491196,6.004491343,6.004491139,6.004491254,6.004491195,6.004491309,6.004491143,6.004491156,6.004491149,6.004491286
+"15098","SNCA",10.3783839,10.38403944,10.83311236,10.66826445,10.36603147,10.64809912,10.8129487,10.75751045,10.48305877,10.54467433,10.62602156,10.82637101,9.680840456,10.18384918,10.38517891,9.966217555,10.71108614,10.69531592,10.11372542,10.5255737,10.70475165,10.50030585,10.38431511,10.5150278,10.51634167,10.90413578,9.9306411,10.3633813
+"15099","SNCAIP",4.378576326,4.378576397,4.378576474,4.37857639,4.378576379,4.378576348,4.37857647,4.378576491,4.378576457,4.378576406,4.37857651,4.378576495,4.378576411,4.378576209,4.378576402,4.378576383,4.37857647,4.378576506,4.378576369,4.378576405,4.378576445,4.378576575,4.378576288,4.378576388,4.378576466,4.37857634,4.378576374,4.378576494
+"15100","SNCB",6.04007096,6.040070998,6.040071183,6.040071183,6.040071195,6.040070907,6.040071031,6.040071205,6.040071127,6.040071172,6.040071211,6.040071174,6.040071146,6.040070956,6.040071194,6.040071205,6.040071265,6.040071278,6.040071059,6.040071115,6.040071166,6.040071081,6.040070958,6.040071107,6.040071186,6.040071184,6.040071101,6.040071267
+"15101","SNCG",6.432756056,6.432756136,6.432756516,6.43275624,6.432756659,6.432756149,6.432756351,6.432756525,6.432756517,6.432756361,6.432756552,6.432756854,6.432756287,6.432755707,6.432756595,6.432756274,6.432756785,6.43275653,6.432756471,6.432756427,6.432756569,6.432756731,6.432756253,6.432756267,6.432756395,6.43275651,6.432756182,6.432756429
+"15102","SND1",8.73932266,8.739322017,8.73932189,8.739321737,8.739322172,8.73932259,8.739322457,8.739322101,8.73932239,8.739322222,8.739321895,8.739322096,8.73932268,8.739322952,8.739322187,8.739321472,8.739321466,8.739321458,8.739322059,8.739322434,8.73932205,8.739322329,8.739322006,8.739321901,8.739321563,8.739322352,8.739322553,8.739322776
+"15103","SND1-IT1",6.165115378,6.165115094,6.165114827,6.165115317,6.165114443,6.165115024,6.16511468,6.165114802,6.165114759,6.165114983,6.165114332,6.165114681,6.165115088,6.165115105,6.165114632,6.165114896,6.165113929,6.165114329,6.165114997,6.165115294,6.165114854,6.165114824,6.165114834,6.165115049,6.165114836,6.165115123,6.165115186,6.165114141
+"15104","SNED1",5.496987627,5.496987603,5.496987602,5.496987587,5.496987611,5.496987597,5.496987556,5.496987628,5.496987631,5.496987593,5.496987607,5.496987643,5.496987633,5.496987608,5.496987616,5.496987577,5.496987614,5.496987626,5.496987575,5.496987605,5.496987621,5.496987628,5.496987607,5.49698754,5.496987585,5.496987675,5.496987619,5.496987607
+"15105","SNF8",7.695107424,7.695107421,7.69510743,7.695107409,7.695107405,7.69510744,7.695107431,7.695107435,7.695107438,7.695107439,7.695107444,7.695107429,7.695107439,7.695107421,7.695107424,7.695107417,7.695107427,7.69510741,7.695107419,7.695107438,7.695107416,7.695107427,7.695107437,7.695107426,7.695107432,7.695107415,7.695107418,7.695107417
+"15106","SNHG12",6.646429152,6.646428835,6.64642874,6.646428338,6.646428535,6.646428729,6.646428722,6.646428449,6.646428825,6.64642877,6.646428337,6.646428881,6.64642894,6.646429141,6.646428758,6.646428691,6.64642818,6.646428359,6.646428689,6.646428844,6.6464286,6.646428728,6.646428754,6.646428771,6.646428507,6.64642897,6.646428924,6.646428803
+"15107","SNHG17",6.633600946,6.633601059,6.633600785,6.633600677,6.633600945,6.633600776,6.633600751,6.633601058,6.633600874,6.633600806,6.633600878,6.633600863,6.633600886,6.633601121,6.633600771,6.633601043,6.63360058,6.633600703,6.633600943,6.633600881,6.633600755,6.633601121,6.633600824,6.633600778,6.633600797,6.63360081,6.633600903,6.633601032
+"15108","SNHG29",7.723484768,7.723484535,7.723484957,7.723484599,7.723484509,7.723484654,7.723484852,7.723484687,7.723484935,7.723484793,7.723484646,7.723484769,7.723484768,7.723485031,7.723484578,7.723484459,7.723484884,7.723484508,7.723484457,7.723484691,7.723484732,7.723484736,7.723484923,7.723484746,7.723484574,7.723484812,7.723484794,7.723484923
+"15109","SNIP1",7.540047158,7.540047145,7.540047215,7.540047183,7.540047253,7.54004713,7.540047174,7.540047234,7.540047213,7.54004719,7.540047233,7.540047242,7.540047213,7.540047163,7.540047225,7.540047215,7.540047246,7.540047233,7.540047191,7.540047162,7.540047203,7.540047201,7.540047204,7.540047188,7.540047227,7.540047221,7.540047176,7.540047269
+"15110","SNN",8.144824175,8.144825271,8.144825105,8.144825967,8.144824717,8.144824959,8.144824738,8.144824851,8.144824316,8.144824327,8.144825264,8.144824885,8.144825188,8.144824446,8.144824679,8.144825509,8.144825187,8.144825874,8.144824888,8.144824159,8.144824743,8.144824993,8.144824759,8.144824851,8.14482536,8.14482484,8.144824923,8.144824499
+"15111","SNORA10",6.676396385,6.676396182,6.67639664,6.67639614,6.676396838,6.676396302,6.676396691,6.676396598,6.676396606,6.676396588,6.67639659,6.676397586,6.676396572,6.676396254,6.676396578,6.676396707,6.676397241,6.676396477,6.676396432,6.676396711,6.676396819,6.676396499,6.67639636,6.676396342,6.676396482,6.676396759,6.676396366,6.676396569
+"15112","SNORA13",4.715554242,4.715554224,4.715554236,4.71555421,4.715554231,4.715554223,4.715554241,4.715554228,4.715554224,4.715554223,4.715554228,4.715554234,4.715554245,4.715554247,4.715554237,4.715554211,4.715554239,4.715554221,4.715554218,4.715554236,4.715554235,4.71555423,4.715554234,4.715554226,4.715554228,4.715554233,4.715554233,4.715554247
+"15113","SNORA14A",4.672839908,4.672840086,4.672840075,4.672840085,4.672839961,4.672839855,4.672840007,4.672839884,4.672839907,4.672839945,4.672839887,4.672839895,4.672840084,4.672839909,4.67284006,4.672839874,4.672840051,4.672839971,4.672840008,4.672839934,4.67283999,4.672839959,4.672839954,4.672839933,4.672840037,4.672839993,4.672840086,4.67283996
+"15114","SNORA15",3.5884712985,3.588472708,3.5884693405,3.588470575,3.5884720005,3.5884747795,3.5884744705,3.5884696,3.5884712125,3.5884706585,3.588473667,3.5884687385,3.588472068,3.5884691655,3.5884718195,3.588476804,3.5884752,3.5884720305,3.588477106,3.588475698,3.5884720065,3.5884698635,3.588476399,3.5884696305,3.5884694985,3.588473084,3.588471909,3.58846962
+"15115","SNORA16B",5.872898776,5.872898769,5.872898333,5.872898668,5.872898128,5.872898655,5.872898705,5.872898344,5.872898416,5.872898209,5.872898605,5.872898216,5.872898655,5.872898368,5.872898487,5.872898516,5.87289833,5.872898516,5.872898576,5.872898605,5.872898734,5.872898554,5.872898789,5.872898499,5.872899093,5.872898454,5.872898578,5.872897908
+"15116","SNORA19",3.622743322,3.622743069,3.62274293,3.622743047,3.622742903,3.622742991,3.622743029,3.62274312,3.62274297,3.622742929,3.622743037,3.622742943,3.622743021,3.62274317,3.62274294,3.622743023,3.622742925,3.622742857,3.622743107,3.622742949,3.622742967,3.622742945,3.622743026,3.622743094,3.622742846,3.622743066,3.622743163,3.622743051
+"15117","SNORA20",4.877987141,4.877986469,4.877987109,4.877986897,4.877986235,4.877986704,4.877987,4.877986529,4.877986815,4.877987032,4.877986758,4.877986693,4.877987036,4.877987051,4.877986826,4.877986842,4.877987192,4.8779865,4.877986611,4.877986518,4.87798688,4.877986578,4.877987062,4.877986801,4.877986896,4.87798674,4.877986928,4.877987067
+"15118","SNORA21",6.274522233,6.2745219,6.274523465,6.274522177,6.274521379,6.274521965,6.274523041,6.274520699,6.274523478,6.27452284,6.274522196,6.274521809,6.274522853,6.274522345,6.274521796,6.274522893,6.274524146,6.274521723,6.27452181,6.27452217,6.274522219,6.274520789,6.274523009,6.274522181,6.274521895,6.27452127,6.27452157,6.27452245
+"15119","SNORA22",5.38914077,5.389139648,5.389141547,5.389139784,5.389138611,5.389139484,5.389140872,5.389139275,5.389142027,5.389141392,5.389140017,5.389139006,5.38914044,5.389140066,5.389139035,5.38914079,5.389142125,5.389138999,5.389139347,5.389141579,5.389140951,5.38913984,5.389142314,5.389140595,5.389141945,5.389139344,5.389140133,5.389139764
+"15120","SNORA23",5.483005986,5.483005748,5.483005897,5.483005746,5.483005496,5.48300563,5.483005998,5.483005488,5.483006044,5.483005872,5.483005639,5.483005825,5.483006016,5.483006004,5.483005826,5.483005968,5.483006233,5.48300561,5.483005727,5.48300582,5.483005806,5.483005444,5.483005945,5.483005929,5.483005848,5.483005731,5.483005853,5.483005631
+"15121","SNORA24",5.572184871,5.572182612,5.572185548,5.572184846,5.572184133,5.572185727,5.572185598,5.572184698,5.572186139,5.572185752,5.572185038,5.57218549,5.57218507,5.572185982,5.572184867,5.572183514,5.572186833,5.572184767,5.572184667,5.572185387,5.572185338,5.572185057,5.572186159,5.572185377,5.572184618,5.572184834,5.572184615,5.572185759
+"15122","SNORA27",5.532561358,5.532560935,5.532561512,5.532560774,5.532561024,5.532560856,5.532560987,5.532560685,5.532561318,5.532561113,5.532560957,5.532561003,5.53256112,5.532561313,5.532561066,5.532561057,5.532561157,5.532560932,5.532560996,5.532560798,5.532560762,5.532561091,5.532561225,5.53256107,5.532561141,5.532560934,5.532561201,5.53256143
+"15123","SNORA28",4.681072532,4.68107235,4.681072358,4.681072519,4.681072296,4.681072517,4.681072512,4.681072447,4.68107239,4.681072358,4.681072271,4.681072126,4.681072483,4.681072435,4.681072376,4.681072423,4.681072301,4.681072495,4.68107242,4.681072445,4.681072462,4.681072368,4.681072373,4.681072455,4.681072356,4.68107251,4.681072433,4.681072087
+"15124","SNORA29",4.821940227,4.821939916,4.821939778,4.821939787,4.821939639,4.821939592,4.821939797,4.821939843,4.821939847,4.821939605,4.821939501,4.821939726,4.821939889,4.821940185,4.821939764,4.821939817,4.821939367,4.821939424,4.821939939,4.821939672,4.821939588,4.821939858,4.821939866,4.821939749,4.821939777,4.821939571,4.821939634,4.821939773
+"15125","SNORA2A",3.707658906,3.707658855,3.707658903,3.707658867,3.707658852,3.707658896,3.707658846,3.707658846,3.707658881,3.707658863,3.707658893,3.707658836,3.707658886,3.707658877,3.707658866,3.707658891,3.707658887,3.707658838,3.707658863,3.707658878,3.707658873,3.707658851,3.707658895,3.70765892,3.707658893,3.707658889,3.707658865,3.707658852
+"15126","SNORA2B",4.729005321,4.729005211,4.729005034,4.729004984,4.729004945,4.729005123,4.729005081,4.729005083,4.729005024,4.72900511,4.729004983,4.729004982,4.729005135,4.729005202,4.729005053,4.729005196,4.729004899,4.729004949,4.729005134,4.729004932,4.729005076,4.729004913,4.7290051,4.729005112,4.72900513,4.729005099,4.729005191,4.729005001
+"15127","SNORA30",4.568418444,4.568418508,4.568418287,4.568418483,4.568418353,4.568418362,4.568418372,4.56841845,4.568418613,4.568418531,4.568418552,4.568418261,4.568418321,4.56841861,4.568418143,4.568418444,4.568418403,4.568418496,4.568418085,4.568418604,4.568418419,4.568418151,4.568418661,4.56841861,4.56841856,4.568418443,4.568418318,4.568418585
+"15128","SNORA33",4.418516314,4.418516073,4.418516064,4.418515034,4.418515297,4.418515406,4.418515666,4.418515543,4.418516455,4.418515561,4.418515581,4.418515821,4.418516134,4.418516728,4.418515835,4.41851574,4.418515261,4.418515457,4.418515885,4.418515485,4.418515849,4.418515744,4.418516028,4.418515788,4.418514999,4.418516128,4.418516163,4.418515814
+"15129","SNORA35",5.029838404,5.029838358,5.029838303,5.029838329,5.029838613,5.029838084,5.02983849,5.029838601,5.029838255,5.029838592,5.029838477,5.029838681,5.029838465,5.029838137,5.029838556,5.029838488,5.02983868,5.029838656,5.02983864,5.029838398,5.029838793,5.029838537,5.029838349,5.02983848,5.029838315,5.029838648,5.029838371,5.029838504
+"15130","SNORA36C",5.030718768,5.030718956,5.030718796,5.030718707,5.030718597,5.030719034,5.030718671,5.030718812,5.030718958,5.03071902,5.030718993,5.03071879,5.030718825,5.030718882,5.03071873,5.030718948,5.030718579,5.030718583,5.030718627,5.030718906,5.030718694,5.030718895,5.030718884,5.030718968,5.030718945,5.030718882,5.030718975,5.030718813
+"15131","SNORA37",6.86310721,6.863107209,6.863107245,6.86310717,6.863107192,6.863107238,6.863107194,6.863107187,6.863107255,6.86310725,6.863107204,6.863107116,6.863107178,6.86310723,6.863107235,6.863107214,6.863107288,6.863107176,6.863107193,6.86310729,6.863107162,6.863107189,6.86310723,6.863107255,6.863107193,6.863107168,6.863107201,6.863107184
+"15132","SNORA38",6.247463782,6.247463632,6.247463617,6.247463702,6.247463633,6.247463703,6.247463676,6.247463498,6.247463764,6.24746352,6.247463681,6.247463575,6.24746359,6.247463679,6.247463571,6.2474638,6.247463744,6.247463737,6.247463707,6.247463798,6.247463721,6.247463642,6.247463635,6.247463604,6.247463894,6.247463728,6.247463831,6.247463569
+"15133","SNORA38B",5.151989501,5.151989447,5.151989397,5.151989533,5.151989522,5.151989552,5.151989514,5.151989556,5.151989478,5.151989682,5.151989429,5.151989532,5.15198956,5.151989524,5.151989515,5.151989524,5.151989596,5.151989523,5.151989548,5.151989524,5.15198961,5.151989598,5.151989457,5.1519895,5.151989479,5.15198948,5.151989583,5.151989376
+"15134","SNORA3A",6.597329891,6.597329635,6.597329868,6.597329777,6.597329476,6.597329751,6.597329839,6.59732965,6.597329976,6.597329858,6.597329738,6.597329814,6.597329751,6.597329784,6.597329789,6.597329582,6.597329942,6.597329627,6.5973296,6.597329782,6.597329746,6.597329661,6.597329991,6.5973297,6.59732977,6.597329723,6.597329766,6.597329629
+"15135","SNORA3B",5.786342899,5.786342792,5.786342661,5.786342612,5.786342174,5.786342767,5.786342622,5.786342453,5.786342694,5.786342871,5.786342296,5.786342627,5.786342749,5.786342836,5.786342531,5.78634281,5.786342735,5.78634269,5.786342848,5.786342838,5.786342633,5.786342676,5.786342722,5.786342793,5.786342736,5.786342642,5.786342794,5.786342944
+"15136","SNORA41",3.360587233,3.360587259,3.360587158,3.360587117,3.360587122,3.360587237,3.360587095,3.360587049,3.360587151,3.360587095,3.360587473,3.360587308,3.360587275,3.360587511,3.360587306,3.360587423,3.360587133,3.360587423,3.360587113,3.360587301,3.360587312,3.360587087,3.360587135,3.360587054,3.360586997,3.360587121,3.360587378,3.36058739
+"15137","SNORA46",5.663639419,5.663639409,5.663639336,5.663639403,5.663639337,5.663639393,5.663639346,5.66363934,5.663639341,5.663639301,5.663639317,5.663639328,5.663639381,5.663639404,5.66363936,5.663639442,5.663639281,5.663639285,5.663639378,5.663639333,5.663639344,5.663639299,5.663639376,5.66363938,5.663639395,5.663639364,5.66363942,5.663639318
+"15138","SNORA49",5.832400263,5.832399731,5.832400431,5.832399041,5.832398118,5.832400077,5.8324001,5.83239956,5.832401368,5.832400928,5.832399514,5.832399579,5.832400359,5.832400488,5.832399581,5.832400326,5.832400713,5.832398957,5.832399529,5.832399661,5.832400321,5.83239915,5.832400947,5.832400688,5.832399819,5.832399619,5.832399947,5.832400583
+"15139","SNORA50A",7.127432464,7.127432006,7.127432342,7.127432492,7.127432026,7.127432343,7.127432349,7.127432032,7.127432202,7.127432082,7.127432139,7.127432116,7.127432524,7.127432405,7.127432366,7.127431819,7.127432162,7.127432006,7.127432451,7.127432327,7.127432402,7.127432174,7.127432263,7.12743242,7.127432486,7.127432244,7.127432476,7.127431978
+"15140","SNORA51",5.698262059,5.698262007,5.698262339,5.698262144,5.698262551,5.698262117,5.698262552,5.69826251,5.698262186,5.698262378,5.698262193,5.698262536,5.698262294,5.698261993,5.698262536,5.698262226,5.698262695,5.698262267,5.698262381,5.698262079,5.698262597,5.69826282,5.698262291,5.698262004,5.698262305,5.698262364,5.698262228,5.698262385
+"15141","SNORA52",6.664316481,6.664316472,6.664316497,6.664316481,6.664316491,6.664316475,6.664316498,6.664316475,6.664316503,6.664316489,6.664316503,6.664316518,6.664316484,6.664316455,6.6643165,6.664316521,6.664316538,6.664316516,6.664316498,6.664316506,6.664316498,6.664316473,6.66431649,6.664316468,6.6643165,6.664316498,6.664316457,6.664316475
+"15142","SNORA54",6.220137244,6.220137107,6.220137282,6.220136887,6.220136696,6.220137273,6.220137002,6.220137122,6.220137455,6.220137292,6.220136971,6.220137418,6.220137208,6.220137195,6.22013699,6.22013706,6.220137207,6.220136551,6.220137113,6.220137201,6.220137007,6.22013717,6.220137433,6.220137232,6.220136952,6.220137224,6.220137368,6.220137121
+"15143","SNORA55",5.676791714,5.676791632,5.676791666,5.676791652,5.676791699,5.676791645,5.676791717,5.676791713,5.676791678,5.676791619,5.676791647,5.676791714,5.6767917,5.676791637,5.676791723,5.676791697,5.676791722,5.676791711,5.676791722,5.676791651,5.676791699,5.676791751,5.676791684,5.676791672,5.676791642,5.676791693,5.676791662,5.676791716
+"15144","SNORA58",4.455019519,4.455019519,4.455019537,4.455019503,4.455019534,4.455019512,4.455019548,4.455019519,4.455019546,4.455019513,4.455019487,4.455019512,4.455019548,4.455019519,4.455019534,4.455019514,4.45501951,4.455019493,4.455019552,4.455019525,4.455019511,4.455019537,4.455019509,4.455019529,4.455019501,4.455019548,4.455019546,4.455019516
+"15145","SNORA5A",6.538635167,6.538635219,6.53863483,6.53863486,6.538634304,6.53863483,6.538634346,6.53863484,6.538634965,6.538634764,6.538634842,6.538634633,6.538634857,6.538635037,6.538634281,6.538635372,6.538634672,6.538634554,6.5386346,6.538634767,6.53863403,6.538634605,6.53863493,6.538634961,6.538634803,6.538634893,6.538634948,6.538634836
+"15146","SNORA5C",7.471468274,7.471468347,7.471468379,7.471467926,7.471467976,7.471468059,7.471468007,7.47146817,7.471468324,7.471468164,7.47146836,7.471468213,7.471468027,7.471468016,7.471468238,7.47146838,7.471468241,7.471467969,7.471468125,7.471467991,7.471468114,7.471468134,7.471468328,7.471468159,7.471468369,7.471468247,7.471468089,7.471468197
+"15147","SNORA6",6.221088782,6.221088605,6.221088622,6.221088709,6.221088439,6.221088666,6.221088636,6.221088527,6.221088904,6.221088825,6.221088417,6.221088572,6.221088827,6.221088924,6.221088695,6.221088734,6.221088262,6.22108837,6.221088629,6.221088832,6.221088471,6.221088553,6.221088823,6.221088701,6.221088413,6.221088757,6.221088836,6.221088843
+"15148","SNORA60",5.416796618,5.416796602,5.416796699,5.416796718,5.41679685,5.416796554,5.416796689,5.416796708,5.416796773,5.416796701,5.416796736,5.416796706,5.416796802,5.416796532,5.416796979,5.416796664,5.416796978,5.416796778,5.416796794,5.416796701,5.416796801,5.416796779,5.41679665,5.416796645,5.416796652,5.416796735,5.416796609,5.416796631
+"15149","SNORA65",5.148326605,5.148326571,5.148326587,5.148326584,5.14832658,5.148326589,5.148326592,5.148326609,5.148326576,5.148326599,5.148326575,5.148326606,5.148326604,5.148326592,5.148326562,5.148326584,5.148326597,5.148326577,5.14832659,5.148326559,5.1483266,5.148326597,5.148326574,5.148326585,5.14832656,5.148326589,5.148326602,5.148326584
+"15150","SNORA68",7.455102272,7.455099947,7.455105239,7.455096609,7.455094728,7.455098962,7.455100182,7.455097471,7.455106157,7.45510296,7.455100339,7.455099412,7.455102812,7.455099938,7.455099728,7.455107345,7.455106886,7.455093027,7.455095831,7.455102286,7.455100824,7.455097496,7.455105839,7.455103729,7.455100965,7.455099845,7.455100208,7.455101984
+"15151","SNORA69",2.64159329,2.641593329,2.641593318,2.641593287,2.641593227,2.641593296,2.641593287,2.641593231,2.641593245,2.641593225,2.641593341,2.641593321,2.641593407,2.641593301,2.641593191,2.641593273,2.641593374,2.641593172,2.641593294,2.64159324,2.641593208,2.641593222,2.641593434,2.641593274,2.641593251,2.641593222,2.641593307,2.641593255
+"15152","SNORA70B",5.396699902,5.396699818,5.396699907,5.396699963,5.396699722,5.396699938,5.396699928,5.396699707,5.396699809,5.39669983,5.396699664,5.396699842,5.396699854,5.396699822,5.396699853,5.396699873,5.396699884,5.396699673,5.396699913,5.396699933,5.396699785,5.396699721,5.396699856,5.396699914,5.396699819,5.396699752,5.396699964,5.396699695
+"15153","SNORA70C",4.726968901,4.726969062,4.726969563,4.726969084,4.726969281,4.72696857,4.726968981,4.726969264,4.726969041,4.726969377,4.726969261,4.726969577,4.726969045,4.726968793,4.726969182,4.726969083,4.726969503,4.726969589,4.72696913,4.726969103,4.726969109,4.72696955,4.726968947,4.72696937,4.726969318,4.726968653,4.726968951,4.726969387
+"15154","SNORA70D",5.187087371,5.187087277,5.187087715,5.18708751,5.187087592,5.187087533,5.18708739,5.18708769,5.187087466,5.187087577,5.187087614,5.187087738,5.187087333,5.187087311,5.187087559,5.187087555,5.187087819,5.18708765,5.187087526,5.187087553,5.18708755,5.187087608,5.187087563,5.187087603,5.187087742,5.187087664,5.187087463,5.18708751
+"15155","SNORA70E",5.412698173,5.412697262,5.412697598,5.41269806,5.412698184,5.412697126,5.412697808,5.412697993,5.412698071,5.412698076,5.412697506,5.41269807,5.41269804,5.412698166,5.412698239,5.412698054,5.412698134,5.412697943,5.412697757,5.412697801,5.412698036,5.412698136,5.412697931,5.41269818,5.412697192,5.41269799,5.412698223,5.412698021
+"15156","SNORA70F",3.718586602,3.718586686,3.718586616,3.718586644,3.718586601,3.718586608,3.718586657,3.718586668,3.718586629,3.718586649,3.718586661,3.718586644,3.718586637,3.718586601,3.718586647,3.718586611,3.718586615,3.718586656,3.718586586,3.718586649,3.718586598,3.718586644,3.718586595,3.718586672,3.718586649,3.71858662,3.718586664,3.718586621
+"15157","SNORA70G",7.322679847,7.322679815,7.322680244,7.322680077,7.322680113,7.322679613,7.322679971,7.322680219,7.322680083,7.322680004,7.32268014,7.322680206,7.322680045,7.322679666,7.322680049,7.322680026,7.322680233,7.322680168,7.322680008,7.322679754,7.322679924,7.322680168,7.322679884,7.32268007,7.322680217,7.322679941,7.322680081,7.322680025
+"15158","SNORA71A",6.339892025,6.339891974,6.339892038,6.339891959,6.339891965,6.339892005,6.339891999,6.339892007,6.339892003,6.339892021,6.339892052,6.339891963,6.339892037,6.339891951,6.33989192,6.339891998,6.339892014,6.339891903,6.339892046,6.33989203,6.33989198,6.339891969,6.339892029,6.339891983,6.339892027,6.339891972,6.33989201,6.339892002
+"15159","SNORA71C",7.550712114,7.550712178,7.550712164,7.550712193,7.550711985,7.550712284,7.550712157,7.550712007,7.55071234,7.550712198,7.550712196,7.55071208,7.550712153,7.550711961,7.550712009,7.550712239,7.550712194,7.550712079,7.550712143,7.550712279,7.550711989,7.550712034,7.550712209,7.55071218,7.550712175,7.550712033,7.550712112,7.550711924
+"15160","SNORA71D",7.033141475,7.03314162,7.033141541,7.033141444,7.033141354,7.033141454,7.033141399,7.033141595,7.033141505,7.033141542,7.033141491,7.033141304,7.033141491,7.033141535,7.033141414,7.033141597,7.033141448,7.033141438,7.033141436,7.033141531,7.033141367,7.033141619,7.033141489,7.033141491,7.033141492,7.033141392,7.033141481,7.033141526
+"15161","SNORA74A",4.280688454,4.280688437,4.280688434,4.280688435,4.280688447,4.280688445,4.280688452,4.280688477,4.280688489,4.280688448,4.280688445,4.280688451,4.280688442,4.280688433,4.280688467,4.280688456,4.280688463,4.28068844,4.280688435,4.280688438,4.280688467,4.280688469,4.280688429,4.28068846,4.280688464,4.280688466,4.280688437,4.280688468
+"15162","SNORA75",5.351297926,5.351297398,5.351296536,5.351297379,5.351296604,5.351296902,5.351297063,5.351297244,5.351297918,5.351297097,5.351296914,5.351297929,5.351297505,5.351298095,5.351296977,5.351296709,5.351296537,5.351296644,5.351296947,5.351297093,5.35129707,5.351296972,5.351297588,5.351297142,5.351296533,5.351297479,5.351297526,5.351297601
+"15163","SNORA7B",6.761910533,6.761910609,6.761910524,6.761910067,6.761909414,6.761910443,6.76191023,6.761910044,6.7619106,6.761910468,6.761910417,6.761910271,6.761910265,6.761910417,6.761910375,6.761910505,6.761910096,6.761909515,6.761910487,6.761910723,6.761910257,6.761910142,6.761910463,6.761910322,6.761910346,6.761910455,6.761910661,6.761910124
+"15164","SNORA80A",6.665974594,6.665974605,6.665974614,6.665974604,6.66597462,6.665974617,6.665974617,6.665974606,6.665974605,6.665974612,6.665974612,6.665974632,6.665974593,6.665974594,6.665974609,6.665974605,6.665974639,6.665974592,6.665974604,6.665974603,6.665974621,6.665974613,6.665974602,6.665974596,6.665974593,6.665974596,6.665974607,6.665974604
+"15165","SNORA80B",6.491833715,6.491833843,6.491833854,6.491833719,6.491834028,6.491833909,6.491833841,6.491833988,6.49183379,6.491833822,6.491833739,6.491834067,6.491833803,6.491833717,6.491833918,6.491833875,6.491834005,6.491833883,6.491833883,6.491833825,6.49183402,6.491833939,6.491833765,6.491833786,6.49183369,6.491833817,6.491833777,6.491833861
+"15166","SNORA80E",6.764481372,6.764480925,6.764481682,6.764481508,6.764480909,6.764481044,6.764481481,6.764481218,6.764481824,6.764481744,6.764482131,6.764481264,6.764481132,6.764480675,6.764481286,6.764481587,6.764481849,6.764481412,6.764481263,6.764481062,6.764481254,6.764481143,6.764481557,6.764481804,6.764482214,6.764481176,6.764481089,6.764480575
+"15167","SNORC",7.368004316,7.368004424,7.368004865,7.368004424,7.368005127,7.368004489,7.368004871,7.368004855,7.3680047,7.368004829,7.368005142,7.368005073,7.368004635,7.368004247,7.368004953,7.368004793,7.36800529,7.368004902,7.368004562,7.368004589,7.368004963,7.368004943,7.368004616,7.368004457,7.368004713,7.368005003,7.368004583,7.368004642
+"15168","SNORD102",3.639185122,3.639185007,3.639184853,3.639184834,3.639184652,3.639184601,3.63918459,3.639184434,3.639184737,3.639184534,3.63918472,3.639184866,3.63918474,3.639185105,3.639184712,3.639184846,3.639184575,3.639184493,3.639184736,3.639184321,3.639184665,3.639184741,3.639184722,3.63918469,3.639184756,3.639184887,3.639184745,3.639184799
+"15169","SNORD104",6.974053722,6.974050098,6.974056317,6.974051658,6.97405098,6.974053409,6.974055618,6.974052562,6.974054468,6.974052583,6.974053321,6.974053626,6.97405611,6.97405293,6.974051763,6.974051121,6.974058029,6.97405156,6.974052813,6.974053499,6.9740539,6.974052246,6.974054439,6.974051985,6.974053438,6.974052997,6.974054283,6.974054119
+"15170","SNORD105",4.320740281,4.320740206,4.320740266,4.320740229,4.320740205,4.320740257,4.320740236,4.320740273,4.320740273,4.320740293,4.320740219,4.320740257,4.320740281,4.320740223,4.320740212,4.320740149,4.320740226,4.320740233,4.320740206,4.32074018,4.320740242,4.320740275,4.320740223,4.320740228,4.320740167,4.320740224,4.320740262,4.320740199
+"15171","SNORD113-3",2.484186781,2.484186861,2.484186858,2.484186855,2.484187041,2.484187039,2.484186987,2.484186985,2.484186932,2.484187035,2.484187141,2.484187015,2.484186876,2.484186961,2.484186808,2.484187106,2.484186972,2.484186882,2.48418683,2.484186777,2.484186888,2.48418688,2.484186885,2.484186856,2.484186844,2.484186868,2.484186873,2.48418688
+"15172","SNORD113-4",2.288385524,2.288385615,2.28838554,2.288385609,2.288385518,2.288385591,2.288385563,2.288385539,2.288385646,2.288385534,2.288385589,2.288385561,2.288385601,2.288385531,2.288385556,2.288385562,2.28838558,2.288385575,2.28838552,2.288385542,2.288385531,2.288385576,2.288385558,2.288385589,2.288385542,2.288385542,2.288385569,2.288385509
+"15173","SNORD114-2",2.392639349,2.392639391,2.3926395,2.392639438,2.392639491,2.392639573,2.392639477,2.392639535,2.392639427,2.392639389,2.392639585,2.392639548,2.392639386,2.392639281,2.392639528,2.392639601,2.392639567,2.392639511,2.392639572,2.392639389,2.39263949,2.39263952,2.392639448,2.392639434,2.392639361,2.392639417,2.392639414,2.392639628
+"15174","SNORD114-26",3.212458636,3.212458642,3.212458671,3.21245869,3.212458675,3.2124587,3.212458673,3.212458642,3.212458634,3.212458672,3.212458658,3.212458771,3.212458636,3.212458644,3.212458662,3.212458674,3.212458675,3.212458717,3.212458625,3.212458637,3.212458625,3.212458667,3.21245861,3.212458644,3.212458656,3.212458682,3.212458577,3.212458649
+"15175","SNORD114-3",3.007264296,3.007264439,3.007264418,3.007264296,3.007264462,3.007264362,3.007264377,3.007264463,3.007264406,3.007264601,3.007264431,3.007264551,3.007264266,3.007264514,3.007264425,3.007264504,3.007264462,3.007264362,3.007264372,3.007264373,3.007264475,3.007264404,3.007264319,3.00726436,3.0072643,3.00726447,3.007264282,3.007264363
+"15176","SNORD114-6",2.110983838,2.110983908,2.110984017,2.110984017,2.110983943,2.11098387,2.110983868,2.110983954,2.110983992,2.110984058,2.110983883,2.110983899,2.110983943,2.110983851,2.110983842,2.110983925,2.110983886,2.110983851,2.110983946,2.110983893,2.110983879,2.110983906,2.11098387,2.110983889,2.110983959,2.110983829,2.110983874,2.110983957
+"15177","SNORD115-10",1.769498466,1.769498397,1.769498541,1.769498421,1.769498554,1.769498584,1.769498521,1.76949842,1.769498451,1.769498578,1.769498424,1.769498809,1.769498478,1.769498378,1.769498446,1.769498478,1.76949854,1.769498393,1.76949853,1.769498537,1.769498501,1.769498347,1.7694987,1.769498364,1.769498536,1.769498379,1.769498532,1.769498437
+"15178","SNORD115-14",1.708935173,1.708935164,1.708935263,1.708935225,1.708935186,1.70893515,1.70893516,1.708935183,1.708935201,1.708935202,1.708935243,1.708935228,1.708935194,1.708935185,1.708935169,1.70893516,1.708935237,1.708935211,1.708935219,1.708935169,1.708935121,1.708935224,1.708935213,1.708935178,1.708935177,1.708935151,1.708935164,1.708935146
+"15179","SNORD115-15",2.009555578,2.009555579,2.009555549,2.009555649,2.009555555,2.009555602,2.009555555,2.009555589,2.009555643,2.009555657,2.009555636,2.009555825,2.009555603,2.009555558,2.00955556,2.009555529,2.009555729,2.009555654,2.009555627,2.009555584,2.00955554,2.009555591,2.009555552,2.0095556,2.009555588,2.009555516,2.009555567,2.009555584
+"15180","SNORD115-2",2.223962175,2.223962053,2.223962155,2.2239621,2.223961989,2.223962212,2.223962161,2.223962122,2.223962166,2.223962061,2.223962325,2.223962295,2.223962122,2.223962026,2.22396211,2.223962158,2.223962373,2.223962132,2.223962182,2.223962273,2.223962044,2.223962066,2.223962122,2.223962107,2.223962352,2.223962004,2.223962188,2.223962154
+"15181","SNORD115-21",2.047885415,2.047885439,2.04788546,2.0478855,2.047885444,2.047885475,2.047885439,2.047885409,2.047885467,2.047885435,2.047885463,2.047885471,2.047885383,2.047885405,2.047885419,2.047885414,2.047885434,2.04788543,2.04788545,2.047885522,2.047885373,2.047885527,2.04788543,2.047885489,2.047885452,2.047885392,2.047885366,2.047885491
+"15182","SNORD115-24",3.248009743,3.248009755,3.24800975,3.248009738,3.24800979,3.248009754,3.248009781,3.248009822,3.248009773,3.24800978,3.248009773,3.248009817,3.248009758,3.24800974,3.2480098,3.248009812,3.248009805,3.2480098,3.248009773,3.248009806,3.24800978,3.248009781,3.248009738,3.248009767,3.248009833,3.248009768,3.248009737,3.248009852
+"15183","SNORD115-25",2.494753568,2.494753189,2.494753479,2.494754183,2.494753397,2.494753623,2.494753148,2.4947539,2.494753366,2.494753954,2.49475343,2.494753548,2.494753423,2.494753231,2.494753326,2.494753365,2.494753678,2.494753547,2.494753331,2.494753518,2.494753315,2.494753609,2.494753967,2.494753335,2.494753525,2.494753363,2.494753782,2.494753462
+"15184","SNORD115-27",2.241225402,2.241225506,2.24122552,2.241225456,2.241225449,2.241225525,2.241225614,2.241225477,2.241225413,2.241225589,2.241225491,2.241225476,2.241225479,2.241225442,2.241225459,2.241225578,2.241225613,2.241225496,2.241225432,2.241225474,2.241225381,2.241225508,2.2412255,2.241225569,2.241225507,2.241225436,2.241225396,2.241225463
+"15185","SNORD115-28",1.876502064,1.876502181,1.876502038,1.876502391,1.876502025,1.876502212,1.876502132,1.87650237,1.876502324,1.876502066,1.876502189,1.876502309,1.876502208,1.876502105,1.876502066,1.876502237,1.876502216,1.87650224,1.876502182,1.87650225,1.876501937,1.876502139,1.876502252,1.876502304,1.876502393,1.876502111,1.876502216,1.876502153
+"15186","SNORD115-3",1.910897489,1.910897563,1.910897512,1.910897496,1.910897477,1.910897573,1.9108975,1.910897508,1.910897507,1.910897536,1.910897521,1.910897525,1.910897527,1.910897524,1.910897482,1.910897494,1.910897507,1.910897538,1.91089751,1.910897547,1.910897478,1.910897496,1.910897489,1.910897487,1.910897504,1.910897477,1.910897505,1.910897529
+"15187","SNORD115-31",1.983407729,1.983407788,1.983407749,1.983407668,1.983407648,1.983407748,1.983407666,1.983407713,1.983407677,1.983407768,1.983407731,1.983407801,1.983407704,1.98340766,1.98340791,1.983407765,1.98340786,1.983407835,1.983407793,1.983407822,1.983407776,1.983407682,1.983407701,1.983407713,1.983407869,1.983407812,1.98340769,1.983407754
+"15188","SNORD115-32",2.634495292,2.634495341,2.634495319,2.634495291,2.634495287,2.634495348,2.634495301,2.634495326,2.63449531,2.634495302,2.634495303,2.63449533,2.634495326,2.634495316,2.634495316,2.634495317,2.63449534,2.63449532,2.634495333,2.634495319,2.634495303,2.634495325,2.634495311,2.634495312,2.634495296,2.634495335,2.6344953,2.63449535
+"15189","SNORD115-33",2.138692605,2.138692654,2.138692493,2.138692453,2.138692541,2.138692629,2.138692536,2.138692528,2.13869253,2.138692658,2.138692634,2.138692725,2.138692477,2.138692424,2.138692558,2.138692566,2.138692752,2.138692512,2.138692392,2.138692634,2.13869241,2.138692551,2.138692571,2.138692447,2.138692646,2.138692481,2.138692622,2.138692745
+"15190","SNORD115-34",2.070479036,2.070479057,2.07047904,2.070479176,2.070479034,2.070479286,2.070479125,2.070479311,2.070478875,2.070479015,2.070479176,2.070479297,2.070479029,2.070479016,2.070479049,2.070479156,2.070479643,2.070479112,2.070479197,2.070479139,2.070478994,2.070479417,2.070479271,2.070479098,2.070479743,2.070478925,2.070479109,2.070479155
+"15191","SNORD115-35",2.274310938,2.274311489,2.274311138,2.274311284,2.274311029,2.274311721,2.27431104,2.274311133,2.274311672,2.274311296,2.274311331,2.274311659,2.274311349,2.27431134,2.274311117,2.274311284,2.274311326,2.274311317,2.274311094,2.274311233,2.274310992,2.274311181,2.274311583,2.274311219,2.274311106,2.274311055,2.274311122,2.274311538
+"15192","SNORD115-37",1.935813498,1.935813624,1.935813843,1.935813658,1.93581342,1.935813716,1.935813582,1.935813448,1.935813478,1.935813538,1.935813856,1.935813854,1.935813522,1.935813756,1.935813509,1.935813607,1.935813759,1.935813595,1.935813687,1.935813765,1.935813445,1.935813505,1.935813734,1.935813568,1.935813824,1.93581356,1.935813544,1.935813743
+"15193","SNORD115-38",1.92424921,1.924249109,1.924249054,1.924248938,1.924249181,1.924249216,1.924249105,1.924249053,1.924249099,1.924249243,1.924248985,1.924249332,1.924249311,1.924249112,1.924249045,1.924249155,1.924249246,1.924249195,1.924249085,1.924249207,1.924248963,1.924249058,1.92424908,1.924249064,1.924249242,1.92424916,1.924249047,1.924249114
+"15194","SNORD115-4",1.598251839,1.59825186,1.598251889,1.598251937,1.598251777,1.598251774,1.598251798,1.598251863,1.598252236,1.598251886,1.598251929,1.598251959,1.598251877,1.598251801,1.59825182,1.598251909,1.59825187,1.598251865,1.598251981,1.59825195,1.598251768,1.598251741,1.598251863,1.598251797,1.5982518,1.598251878,1.598251776,1.598251859
+"15195","SNORD115-40",2.208840045,2.208840111,2.208840085,2.208840154,2.208840063,2.208840067,2.208840088,2.208840169,2.208840036,2.208840126,2.208840119,2.208840204,2.208840116,2.208840094,2.208840055,2.208840221,2.208840258,2.208840276,2.208840086,2.208840158,2.208839993,2.208840064,2.208840109,2.208840102,2.208840077,2.208840032,2.208840098,2.208840116
+"15196","SNORD115-41",2.166617146,2.166617148,2.166617106,2.166617116,2.166617123,2.166617106,2.166617132,2.166617137,2.166617073,2.16661716,2.166617119,2.166617104,2.166617108,2.166617108,2.166617079,2.166617188,2.166617185,2.166617178,2.16661706,2.166617126,2.16661707,2.166617104,2.166617045,2.166617104,2.166617057,2.166617063,2.166617066,2.166617144
+"15197","SNORD115-44",2.464082972,2.464082795,2.464082956,2.464082837,2.464082821,2.464083226,2.464082812,2.464082726,2.464082905,2.464082967,2.464082929,2.464083291,2.464082837,2.46408287,2.464082871,2.464082906,2.464082863,2.46408311,2.464082792,2.464082912,2.464082822,2.464082979,2.46408304,2.464082978,2.464082939,2.464082865,2.464082831,2.464082873
+"15198","SNORD115-48",1.920152789,1.920153148,1.920152724,1.920152966,1.920152854,1.920152942,1.920152934,1.920152868,1.920152814,1.920153042,1.920153031,1.920153149,1.920152862,1.920152931,1.92015277,1.920152844,1.920153121,1.920152897,1.920152911,1.920152888,1.920152853,1.92015285,1.920152984,1.920152993,1.92015281,1.920152849,1.920152813,1.920153022
+"15199","SNORD115-8",1.764607524,1.764607524,1.764607559,1.764607549,1.764607544,1.764607554,1.764607549,1.764607565,1.764607662,1.764607559,1.76460758,1.764607572,1.764607547,1.764607526,1.764607534,1.764607532,1.764607601,1.764607562,1.764607564,1.764607541,1.764607524,1.764607594,1.764607519,1.764607519,1.764607539,1.764607551,1.764607557,1.764607587
+"15200","SNORD116-1",3.805241905,3.80524165,3.805241816,3.805241766,3.805241681,3.805241784,3.805241819,3.805241726,3.805241879,3.805241908,3.805241779,3.805241746,3.805241855,3.805241831,3.805241695,3.805241636,3.805241747,3.80524167,3.805241782,3.80524179,3.805241873,3.805241751,3.80524191,3.805241764,3.805241693,3.805241652,3.805241888,3.805241845
+"15201","SNORD116-10",2.626143758,2.626143738,2.626143766,2.626143776,2.626143729,2.626143803,2.626143725,2.626143759,2.626143742,2.626143758,2.626143778,2.626143728,2.626143742,2.626143766,2.626143713,2.626143757,2.626143758,2.626143765,2.626143762,2.626143744,2.626143741,2.626143738,2.626143764,2.626143742,2.626143759,2.626143729,2.626143755,2.626143731
+"15202","SNORD116-11",3.118010555,3.118010555,3.118010533,3.118010589,3.118010561,3.118010546,3.118010566,3.11801059,3.118010524,3.11801054,3.118010573,3.118010573,3.118010558,3.118010538,3.118010557,3.118010568,3.118010609,3.118010572,3.118010545,3.118010549,3.118010584,3.118010524,3.118010552,3.118010554,3.118010542,3.11801057,3.118010546,3.118010588
+"15203","SNORD116-12",2.317028846,2.31702927,2.317028739,2.317028527,2.317028733,2.317028831,2.317028511,2.317028473,2.317028382,2.3170286,2.3170294,2.317028682,2.317028664,2.317028943,2.317029094,2.317029421,2.317028744,2.31702888,2.317029051,2.317028851,2.317028773,2.317028726,2.317028988,2.317028974,2.317028951,2.317028429,2.317029027,2.31702884
+"15204","SNORD116-13",2.277223025,2.277222929,2.277223096,2.277223239,2.277222876,2.2772228,2.27722272,2.277223043,2.27722331,2.277223223,2.27722294,2.277222861,2.277222839,2.277222892,2.277222961,2.277222832,2.277222963,2.277222915,2.27722306,2.277222849,2.277222981,2.277222901,2.27722284,2.27722337,2.277222914,2.277222757,2.277222947,2.277222873
+"15205","SNORD116-14",5.79067372,5.790667895,5.790672235,5.790670586,5.790669395,5.790669772,5.790671494,5.79066997,5.790674003,5.790672941,5.790669995,5.790666557,5.790674343,5.790673491,5.790670311,5.790667731,5.79067187,5.790670099,5.790671388,5.790666914,5.790672232,5.790670208,5.790673448,5.79067243,5.79066997,5.790667281,5.790673145,5.790673119
+"15206","SNORD116-15",7.287154906,6.580843043,7.119889949,6.869274046,6.712230665,6.700677448,6.924651699,6.670627144,7.230182457,7.127513342,6.819335646,6.302311426,7.292134005,7.159664496,6.931376706,6.321157479,7.066325421,6.578782329,6.816868516,6.767992294,7.019127729,6.811710277,7.322952798,6.938400509,6.784165065,6.35466719,7.197329398,7.194064044
+"15207","SNORD116-16",1.896279016,1.896279139,1.896279218,1.896279027,1.896279048,1.896279089,1.896279204,1.896279118,1.896279222,1.896279114,1.896278971,1.896279306,1.8962791,1.896279136,1.896279015,1.896279215,1.896279347,1.896279074,1.896279092,1.896279249,1.89627899,1.89627913,1.896279115,1.896279082,1.896279088,1.896279064,1.896279172,1.896279059
+"15208","SNORD116-18",2.018440969,2.018440875,2.018440792,2.018440836,2.01844085,2.018440905,2.018440697,2.01844094,2.018440835,2.018440889,2.018441048,2.018440811,2.018440815,2.018440663,2.018440739,2.018440851,2.018440788,2.018441074,2.018441049,2.018440811,2.018440694,2.018440662,2.018441005,2.018440866,2.018440751,2.018440674,2.018440837,2.018440697
+"15209","SNORD116-2",5.023896726,5.023896836,5.02389673,5.023896736,5.023896747,5.02389679,5.023896724,5.023896712,5.023896838,5.023896768,5.023896718,5.023896829,5.023896796,5.023896778,5.023896703,5.023896748,5.023896788,5.023896744,5.023896735,5.023896839,5.02389671,5.023896701,5.023896726,5.023896813,5.023896742,5.023896709,5.023896824,5.023896743
+"15210","SNORD116-22",2.113053142,2.113053216,2.113053079,2.113053198,2.11305305,2.113053179,2.113053191,2.113053158,2.113053123,2.113053199,2.113053105,2.113053117,2.113053153,2.113053147,2.113053086,2.113053194,2.113053081,2.113053099,2.11305315,2.113053144,2.113053143,2.113053105,2.113053141,2.11305315,2.11305318,2.113053109,2.113053146,2.113053121
+"15211","SNORD116-23",3.677253923,3.677253907,3.677253855,3.677253821,3.677253837,3.67725388,3.677253881,3.677253811,3.677253884,3.677253883,3.677253908,3.67725384,3.677253916,3.677253905,3.677253872,3.677253772,3.677253848,3.677253892,3.677253905,3.677253898,3.677253816,3.677253882,3.677253975,3.677253862,3.677253834,3.677253803,3.677253923,3.677253868
+"15212","SNORD116-24",4.301924402,4.301923179,4.301924253,4.301923563,4.301922504,4.30192317,4.301923833,4.301922401,4.301923924,4.30192357,4.301923012,4.301921903,4.301924676,4.301924035,4.301923923,4.301922439,4.301923645,4.301922996,4.301922914,4.301922528,4.301924053,4.30192341,4.301924683,4.301923758,4.301923546,4.301922405,4.301924424,4.301923735
+"15213","SNORD116-25",2.953959853,2.953959817,2.953959845,2.953959867,2.953959825,2.953959802,2.953959864,2.95395982,2.953959842,2.953959875,2.953959838,2.953959849,2.953959853,2.953959808,2.953959875,2.953959768,2.953959843,2.953959875,2.953959838,2.95395982,2.953959825,2.953959833,2.953959802,2.953959783,2.95395982,2.953959798,2.953959832,2.953959835
+"15214","SNORD116-26",2.810532863,2.81053245,2.810532591,2.810532739,2.810532687,2.810532516,2.810532841,2.810532502,2.810532384,2.810532613,2.810532519,2.810532351,2.810532424,2.810532427,2.810532571,2.810532356,2.810532376,2.810532421,2.810532476,2.8105323,2.810532486,2.810532526,2.81053225,2.810532353,2.810532252,2.81053245,2.810532864,2.810532536
+"15215","SNORD116-27",2.958479563,2.958479361,2.958479606,2.958479465,2.958479389,2.958479559,2.958479593,2.958479373,2.958479814,2.95847972,2.958479691,2.958479337,2.958479713,2.958479589,2.958479487,2.958479565,2.958479624,2.95847953,2.95847943,2.958479406,2.958479381,2.958479466,2.958479464,2.958479456,2.958479487,2.958479474,2.958479689,2.95847973
+"15216","SNORD116-28",3.248600453,3.248600479,3.248600474,3.24860055,3.248600437,3.248600403,3.248600486,3.248600485,3.248600526,3.248600454,3.248600431,3.248600445,3.248600497,3.248600532,3.248600505,3.248600475,3.248600515,3.24860047,3.248600607,3.248600353,3.248600539,3.248600475,3.248600442,3.248600482,3.248600445,3.248600441,3.248600465,3.248600515
+"15217","SNORD116-29",3.35987821,3.359878173,3.359878194,3.359878189,3.359878222,3.35987817,3.359878187,3.359878181,3.359878204,3.3598782,3.35987819,3.359878183,3.359878229,3.359878172,3.359878195,3.359878168,3.359878161,3.35987821,3.359878191,3.359878157,3.359878226,3.359878195,3.359878189,3.359878218,3.359878217,3.359878148,3.359878206,3.359878174
+"15218","SNORD116-6",3.330016971,3.330017271,3.33001719,3.330017057,3.330017168,3.33001712,3.330017193,3.330016598,3.33001766,3.330016836,3.330016649,3.330017469,3.330017265,3.33001736,3.330017185,3.33001765,3.330017074,3.33001748,3.330017076,3.330017155,3.330016763,3.330016936,3.330017266,3.330016939,3.330016882,3.330016799,3.330017598,3.330017701
+"15219","SNORD117",5.384134855,5.384134883,5.384134887,5.384134842,5.384134726,5.384134849,5.384134771,5.384134804,5.384134858,5.384134828,5.384134763,5.384134759,5.384134835,5.384134923,5.38413484,5.384134894,5.384134798,5.384134762,5.384134741,5.38413481,5.384134821,5.384134822,5.384134806,5.384134786,5.3841348,5.384134855,5.384134807,5.38413484
+"15220","SNORD12C",6.435159935,6.43516067,6.435159295,6.435160303,6.435158145,6.435158906,6.435158781,6.43515835,6.435158949,6.435157832,6.435159066,6.435158051,6.435158672,6.43515955,6.435158493,6.435160287,6.435158974,6.435159972,6.435158669,6.435159524,6.435158298,6.435158383,6.43515979,6.435160128,6.435159179,6.435158297,6.435158905,6.435158565
+"15221","SNORD13P1",1.982404707,1.982408048,1.982405003,1.982405129,1.982406971,1.982407874,1.982411261,1.982407619,1.982407974,1.98240704,1.982406125,1.982405291,1.982405107,1.98240577,1.982407019,1.982406159,1.982405819,1.982405893,1.982405596,1.982406817,1.982405173,1.982404412,1.982407429,1.982405749,1.982404558,1.982406072,1.982405649,1.982406128
+"15222","SNORD13P2",6.980048633,6.980048583,6.980048508,6.98004843,6.980048392,6.980048606,6.980048444,6.980048573,6.980048777,6.980048577,6.980048299,6.980048426,6.980048552,6.980048464,6.980048441,6.980048557,6.980048333,6.980048299,6.980048511,6.980048466,6.980048372,6.980048464,6.980048676,6.980048472,6.980048392,6.980048563,6.980048607,6.980048397
+"15223","SNORD13P3",8.877981707,7.470428058,8.884362158,7.668060942,7.802295753,8.695897835,8.861136433,8.457560275,8.770947471,8.345992551,8.218136135,8.144904691,8.709660276,8.309882678,8.159217247,7.455621128,8.785939422,7.419338959,8.146153057,8.288048674,8.554899757,8.173202955,8.457975335,8.140689176,7.673046165,7.945628426,8.308558412,7.731256898
+"15224","SNORD14C",6.89022699,6.890225265,6.890226053,6.89022533,6.890225481,6.8902268,6.89022658,6.890225432,6.89022712,6.890226593,6.890226265,6.890226114,6.890226641,6.89022652,6.890225212,6.890225035,6.890225176,6.890224609,6.890225733,6.890226465,6.890226153,6.890225704,6.890227067,6.890225965,6.890225836,6.890226535,6.890226835,6.890225582
+"15225","SNORD14E",6.035998728,6.035998485,6.035997765,6.035997944,6.035997832,6.035998879,6.035998505,6.035998379,6.035998478,6.035998571,6.035997588,6.035998221,6.035998853,6.035998878,6.035998147,6.035998015,6.035996743,6.035997487,6.035998107,6.035998322,6.035998077,6.035998308,6.035998772,6.035997998,6.03599793,6.03599854,6.03599879,6.035997581
+"15226","SNORD15A",5.516397931,5.516397899,5.516397584,5.516397592,5.516397634,5.516397503,5.516397673,5.516397691,5.516397802,5.516397652,5.516397537,5.516397592,5.516397707,5.516398036,5.516397774,5.516397785,5.516397822,5.51639761,5.516397794,5.516397601,5.516397775,5.516397701,5.516397867,5.516397744,5.516397385,5.516397703,5.516397693,5.516397873
+"15227","SNORD15B",6.451128273,6.451127481,6.45112863,6.451127183,6.451126705,6.451127778,6.451128504,6.451127198,6.451128076,6.451128031,6.451127819,6.451127824,6.451128145,6.451127978,6.451127683,6.451127851,6.451128972,6.451127354,6.451127481,6.451128065,6.451128152,6.45112738,6.451128171,6.4511274,6.45112727,6.451127344,6.451127566,6.451127642
+"15228","SNORD1A",4.558011661,4.558011565,4.558011429,4.558011658,4.558011323,4.55801154,4.558011456,4.55801134,4.558011441,4.558011425,4.558011445,4.558011462,4.558011565,4.55801147,4.558011435,4.558011753,4.558011328,4.558011688,4.5580115,4.558011768,4.558011298,4.558011364,4.558011454,4.558011583,4.558011418,4.558011522,4.558011622,4.558011383
+"15229","SNORD1B",3.463603511,3.463603397,3.463603154,3.463603617,3.463603505,3.463603658,3.463603589,3.463603644,3.463603451,3.463603688,3.463603287,3.46360387,3.463603437,3.463603096,3.463603258,3.463603501,3.463603518,3.463603424,3.463603513,3.463603563,3.463603448,3.463603559,3.463603508,3.463603712,3.463603562,3.46360354,3.463603557,3.463603398
+"15230","SNORD20",2.940503711,2.940503639,2.940503645,2.940503687,2.940503577,2.940503662,2.940503692,2.940503557,2.940503717,2.940503621,2.940503599,2.940503586,2.940503745,2.940503758,2.940503596,2.940503598,2.940503531,2.940503673,2.940503664,2.940503645,2.940503606,2.940503562,2.940503667,2.940503636,2.940503654,2.940503663,2.940503713,2.940503599
+"15231","SNORD21",5.591525598,5.591525645,5.591525664,5.591525223,5.591525156,5.591525129,5.591525205,5.591525395,5.591525827,5.591525711,5.591524878,5.591525454,5.591525531,5.59152588,5.591525572,5.591525457,5.591525263,5.59152499,5.591525265,5.591524926,5.591525404,5.591525297,5.591525738,5.591525128,5.591524996,5.591525362,5.591525515,5.591525703
+"15232","SNORD28",5.458281665,5.458280221,5.458280036,5.458280102,5.458278968,5.458280515,5.45828075,5.458280344,5.458281568,5.458280791,5.458280125,5.458280207,5.458280887,5.458282584,5.458279617,5.458279552,5.458277975,5.458279481,5.458279542,5.458280427,5.458281466,5.45827978,5.458281658,5.458280196,5.45828004,5.458281258,5.458281005,5.458280937
+"15233","SNORD30",5.925985653,5.925985329,5.925985205,5.925984932,5.925984785,5.925985361,5.925985415,5.925985277,5.925985463,5.92598532,5.925984926,5.925985431,5.925985343,5.925985824,5.92598531,5.925984585,5.925984844,5.925984572,5.925985213,5.925984307,5.925985073,5.925985472,5.925985488,5.925984932,5.925984109,5.925985382,5.925985433,5.925985281
+"15234","SNORD32B",4.921401826,4.921401,4.921401853,4.921401142,4.921401701,4.921401914,4.92140181,4.921401726,4.92140179,4.92140168,4.921401614,4.921401984,4.921401815,4.921400978,4.921401551,4.921400919,4.921401922,4.921401326,4.921401494,4.921401749,4.921401585,4.921401309,4.921401855,4.921401559,4.921401539,4.921401702,4.921401608,4.921401183
+"15235","SNORD36B",4.316219399,4.316219141,4.316218946,4.316219117,4.316218769,4.316219293,4.316219097,4.316218831,4.316219026,4.316218736,4.316219094,4.316219048,4.316219357,4.316219192,4.316218902,4.316219055,4.316218501,4.316218913,4.316218799,4.31621904,4.316218803,4.316218979,4.316219113,4.31621906,4.316218909,4.316218988,4.3162191,4.316218843
+"15236","SNORD37",3.761406949,3.761406894,3.761406841,3.761406899,3.761406819,3.76140689,3.761406889,3.761406919,3.761406928,3.761406876,3.761406918,3.761406859,3.761406933,3.761406937,3.761406846,3.761406987,3.761406832,3.761406913,3.761406842,3.761406846,3.761406873,3.761406864,3.761406959,3.761406941,3.761406843,3.761406885,3.761406895,3.76140689
+"15237","SNORD38A",4.81609725,4.81609717,4.816097162,4.816097158,4.816097081,4.816097098,4.816097088,4.816097157,4.816097145,4.816097091,4.816097115,4.816097088,4.816097177,4.816097182,4.816097073,4.816097153,4.816097086,4.816097104,4.816097181,4.816097086,4.816097056,4.816097173,4.816097223,4.816097166,4.816097107,4.816097159,4.816097192,4.816097113
+"15238","SNORD38B",4.288829754,4.288829727,4.288829649,4.288829667,4.288829564,4.288829697,4.288829657,4.288829711,4.288829632,4.288829607,4.288829687,4.288829555,4.288829755,4.288829778,4.288829658,4.28882967,4.288829603,4.288829704,4.288829645,4.288829667,4.288829556,4.288829596,4.288829694,4.28882973,4.288829646,4.288829633,4.288829765,4.288829669
+"15239","SNORD41",5.259283084,5.259280796,5.259283654,5.259281127,5.25928024,5.259283469,5.259284405,5.259283191,5.259283765,5.259281528,5.259281903,5.259282508,5.259282691,5.259283158,5.259280944,5.259279666,5.25928275,5.259280216,5.259282297,5.259279495,5.259282622,5.259282525,5.25928432,5.259281586,5.259281649,5.259282392,5.25928245,5.259282658
+"15240","SNORD42A",3.685212442,3.685212389,3.685211918,3.685212084,3.685211883,3.685211759,3.685212272,3.685212131,3.68521243,3.685212027,3.685212928,3.685212403,3.68521243,3.685213037,3.685212239,3.685212335,3.685211924,3.685211858,3.685211971,3.685212515,3.685212072,3.685212214,3.685212692,3.685212423,3.68521285,3.685212559,3.685212022,3.68521259
+"15241","SNORD43",7.597384694,7.597384602,7.597385543,7.597384717,7.597385051,7.597383434,7.597384189,7.5973856,7.597385456,7.597384837,7.5973852,7.597385174,7.597385144,7.597384668,7.597384853,7.59738523,7.597385471,7.597385239,7.597384696,7.597384152,7.597384546,7.597385416,7.597385085,7.597384836,7.597385565,7.597385226,7.597385196,7.597385649
+"15242","SNORD44",4.789481018,4.789480831,4.789480828,4.789480784,4.789480673,4.789480883,4.789480912,4.789480596,4.789480979,4.789480804,4.789480747,4.789480747,4.789480939,4.789481224,4.789480866,4.789480769,4.789480751,4.789480647,4.78948073,4.789480805,4.789480788,4.78948078,4.789481073,4.78948072,4.789480481,4.789480982,4.789480906,4.789480952
+"15243","SNORD45C",4.509013452,4.509012827,4.509012843,4.509012818,4.509012321,4.509012808,4.5090128,4.509012762,4.509012806,4.509012707,4.509012549,4.509012091,4.509012954,4.509013618,4.50901259,4.509012634,4.509012375,4.509012291,4.509012794,4.509012459,4.509012776,4.509013047,4.509013,4.509013064,4.509012661,4.509012626,4.509013024,4.509012891
+"15244","SNORD46",6.26836573,6.268364993,6.268366067,6.26836511,6.26836606,6.268365118,6.268366376,6.268365657,6.268366103,6.268365796,6.268365218,6.268366595,6.268365849,6.268365933,6.268366189,6.268365481,6.268366833,6.268365345,6.268365896,6.268365517,6.268366406,6.268365975,6.268365778,6.268365094,6.268365461,6.268366069,6.268365391,6.268366151
+"15245","SNORD49A",4.543815853,4.543815416,4.543815681,4.543815063,4.543815054,4.543814988,4.543815124,4.543814893,4.543814844,4.543814891,4.54381528,4.543815679,4.543815939,4.543815843,4.54381516,4.543815041,4.543815392,4.543814693,4.543814762,4.543815297,4.543814799,4.54381536,4.54381516,4.54381519,4.543815267,4.543815264,4.543816193,4.543815577
+"15246","SNORD4A",4.828733098,4.828732973,4.828732906,4.828732981,4.828732782,4.828732972,4.828732985,4.828733015,4.828733018,4.828733011,4.828733189,4.828732903,4.828733004,4.828733085,4.82873294,4.828732833,4.828732704,4.828732975,4.828733052,4.82873286,4.828732896,4.828732874,4.828732954,4.828733042,4.828733,4.828732986,4.828733213,4.828733136
+"15247","SNORD4B",4.99141052,4.991410185,4.991410135,4.991410025,4.991409842,4.991410402,4.991410189,4.991410298,4.991410507,4.991410265,4.991410154,4.991410326,4.991410531,4.991410576,4.991410256,4.991409943,4.991409998,4.991409993,4.991410093,4.991410252,4.991409926,4.991410424,4.991410356,4.991410184,4.991410198,4.99141019,4.991410493,4.991410269
+"15248","SNORD50A",7.29717696,7.297172941,7.297175692,7.297173744,7.297174098,7.297174663,7.297176405,7.297173416,7.297175177,7.297174374,7.297173956,7.297175452,7.297174975,7.297175989,7.297175087,7.297173458,7.297174512,7.297172833,7.29717503,7.297172842,7.297176071,7.297174399,7.297175028,7.297173094,7.297173042,7.297175551,7.297174632,7.29717478
+"15249","SNORD50B",4.93326708,4.93326634,4.93326649,4.933266484,4.93326624,4.933266071,4.93326626,4.933265603,4.933266482,4.933266204,4.933266149,4.933266045,4.933266849,4.933267312,4.933266213,4.933266186,4.933266237,4.933266385,4.933266432,4.933265975,4.933266649,4.933266575,4.933266481,4.933266291,4.933266051,4.933266381,4.933266802,4.933266791
+"15250","SNORD51",4.022332837,4.02233279,4.02233273,4.022332687,4.022332834,4.022332786,4.022332833,4.022332879,4.022332951,4.022332822,4.02233276,4.022332907,4.022332762,4.022332891,4.022332875,4.022332688,4.02233285,4.022332715,4.022332876,4.022332649,4.022332838,4.022332764,4.022332796,4.022332835,4.022332661,4.022332824,4.022332949,4.022332902
+"15251","SNORD52",5.988580459,5.988580246,5.988579814,5.988579667,5.98857956,5.9885799,5.988579662,5.988579897,5.988580183,5.988579845,5.988579559,5.988579543,5.988580091,5.988580431,5.988579686,5.988580056,5.988579323,5.988579163,5.988579928,5.988579807,5.988579436,5.988579972,5.988580122,5.988579752,5.988579557,5.988579937,5.988580015,5.988579628
+"15252","SNORD53",5.598734878,5.598734971,5.598734745,5.598734619,5.598734811,5.598734762,5.59873471,5.598734784,5.598734936,5.598734784,5.598734709,5.598734781,5.598734831,5.598734988,5.598734731,5.598734856,5.598734739,5.598734733,5.598734784,5.598734632,5.59873472,5.598734838,5.59873489,5.598734814,5.598734605,5.598734818,5.59873478,5.598734878
+"15253","SNORD54",4.178204686,4.178204606,4.178204634,4.178204652,4.178204558,4.178204658,4.178204662,4.178204575,4.178204694,4.178204679,4.178204539,4.178204506,4.178204665,4.178204691,4.178204662,4.178204578,4.178204549,4.178204625,4.178204615,4.178204593,4.178204637,4.178204662,4.178204748,4.178204666,4.178204621,4.178204678,4.178204689,4.178204601
+"15254","SNORD55",6.929811088,6.929810851,6.929811183,6.929810975,6.929810921,6.929811197,6.929811333,6.929811385,6.929811754,6.929811032,6.929811222,6.929811473,6.929811512,6.929811236,6.929810932,6.929810699,6.929811109,6.929811121,6.929810944,6.929811179,6.929811054,6.929811388,6.929811605,6.929810914,6.92981121,6.92981127,6.929811449,6.929811449
+"15255","SNORD56B",4.811968035,4.81196814,4.811967138,4.811968978,4.811966191,4.811970297,4.8119678,4.811967334,4.811966997,4.811967177,4.811967746,4.811964998,4.811967859,4.811967486,4.81196706,4.81196817,4.811965896,4.81196872,4.811967137,4.811971162,4.811967502,4.81196621,4.811968052,4.811967696,4.81196905,4.811967886,4.811968364,4.811965849
+"15256","SNORD58A",4.586392428,4.586391765,4.586391715,4.586391783,4.586391289,4.586391511,4.586391569,4.586391745,4.586391988,4.586391715,4.586391799,4.586391218,4.586392151,4.586392373,4.586391539,4.58639145,4.586391496,4.586391937,4.586391873,4.586392074,4.586391631,4.586391617,4.586392115,4.586392065,4.58639179,4.586391801,4.586392,4.586391793
+"15257","SNORD59A",4.495367359,4.495366931,4.495366797,4.495366945,4.495365773,4.495367012,4.495366718,4.495366605,4.495366679,4.495366865,4.495366582,4.495366368,4.495367218,4.495367308,4.495366297,4.495366691,4.495365963,4.495366505,4.49536674,4.495366287,4.495366522,4.495366377,4.495366891,4.49536697,4.495367148,4.495366939,4.495367315,4.495366388
+"15258","SNORD59B",6.250511018,6.25051089,6.250510959,6.250510943,6.250510484,6.250510924,6.250511025,6.250510665,6.250510617,6.250510527,6.25051071,6.250510499,6.250510842,6.250511064,6.250510657,6.25051075,6.250510216,6.250510696,6.25051078,6.250510115,6.250510774,6.25051068,6.2505108,6.250510621,6.25051062,6.250510964,6.250510804,6.250510603
+"15259","SNORD60",4.918483945,4.918481107,4.918484692,4.918483008,4.918482767,4.918483403,4.918484199,4.918483513,4.918483933,4.918483026,4.918483361,4.918483931,4.918483554,4.918483669,4.918483205,4.918480621,4.918483792,4.918482425,4.918482831,4.918482684,4.918484167,4.918483101,4.918483958,4.918482908,4.91848326,4.918483709,4.918483737,4.918483233
+"15260","SNORD61",3.545213384,3.545213454,3.54521332,3.545212897,3.545212828,3.545213317,3.545212956,3.54521298,3.545213112,3.545212869,3.545212917,3.545212747,3.545213362,3.545213621,3.54521286,3.545213275,3.545212728,3.545212332,3.545213089,3.545212948,3.545212951,3.545212867,3.545213259,3.545213325,3.545212891,3.545212709,3.545213613,3.545213082
+"15261","SNORD63",4.057778013,4.057777832,4.057777845,4.057777878,4.057777647,4.057777894,4.057777869,4.057777988,4.05777785,4.057777914,4.057777861,4.057777919,4.057778067,4.057777978,4.057777814,4.057777887,4.057777678,4.057777791,4.057777858,4.057777924,4.05777776,4.057777914,4.057777931,4.057777878,4.057777918,4.057777991,4.057777961,4.05777791
+"15262","SNORD7",4.96266667,4.962666617,4.962666616,4.962666446,4.962666607,4.96266665,4.962666631,4.962666578,4.962666656,4.962666598,4.962666519,4.962666563,4.962666627,4.962666685,4.962666702,4.962666636,4.962666611,4.962666567,4.962666603,4.962666628,4.962666586,4.962666621,4.962666635,4.962666573,4.962666544,4.962666629,4.962666627,4.962666649
+"15263","SNORD74",6.589109584,6.589109542,6.589109452,6.589109425,6.589109381,6.589109455,6.58910952,6.58910941,6.589109618,6.589109478,6.589109363,6.589109345,6.589109526,6.589109716,6.589109435,6.589109505,6.589109393,6.589109458,6.589109449,6.589109405,6.58910947,6.58910944,6.589109677,6.589109506,6.589109402,6.589109467,6.589109507,6.589109562
+"15264","SNORD75",4.663228443,4.663228468,4.663227943,4.663227925,4.663227627,4.663227853,4.663228157,4.663228125,4.663228368,4.66322779,4.663227981,4.663227723,4.663228149,4.663228685,4.6632279,4.663228258,4.663227848,4.66322792,4.663227895,4.663228218,4.663227784,4.663227739,4.663228547,4.663228468,4.663227989,4.663228045,4.663228001,4.663228404
+"15265","SNORD77",2.481519025,2.481519036,2.48151903,2.481519027,2.481519025,2.48151905,2.481519022,2.481519071,2.481519018,2.481519054,2.481519035,2.481518997,2.48151906,2.481519073,2.481519053,2.481519007,2.48151909,2.481518994,2.481519033,2.481519066,2.481519015,2.48151903,2.481519049,2.481519061,2.481519064,2.481519013,2.481519066,2.481519073
+"15266","SNORD78",5.495376993,5.495377108,5.495375449,5.495376175,5.495374469,5.49537438,5.495375073,5.495374171,5.495376515,5.495374726,5.495375537,5.495373473,5.49537658,5.495378702,5.495374894,5.495377492,5.495372847,5.495375331,5.495375496,5.495375549,5.495376024,5.495375355,5.495377403,5.495375377,5.495375221,5.495375584,5.495376305,5.495376462
+"15267","SNORD79",4.002441492,4.00244135,4.002441425,4.002441525,4.002440561,4.002441256,4.002441013,4.002441173,4.00244139,4.002440969,4.002441114,4.002441053,4.002441463,4.002441899,4.002441238,4.002441096,4.002441063,4.002441236,4.002440957,4.002441415,4.002441324,4.002441286,4.002441212,4.002441566,4.002441637,4.00244132,4.002441561,4.002441228
+"15268","SNORD8",6.501892171,6.501887957,6.501892654,6.50188917,6.50188873,6.501889222,6.501892828,6.501889893,6.50189259,6.50189081,6.501890565,6.501892188,6.501892766,6.501891147,6.501889906,6.50188916,6.50189399,6.501888998,6.501888585,6.501889501,6.501892782,6.501890068,6.501892237,6.501890436,6.501890869,6.501891806,6.50189131,6.501891788
+"15269","SNORD81",5.049323234,5.049322959,5.04932306,5.049322886,5.049322581,5.04932294,5.049322843,5.049322906,5.049323052,5.049323043,5.049322759,5.049322758,5.049323051,5.049323245,5.049322514,5.049322681,5.049322657,5.04932234,5.049322985,5.04932279,5.0493228,5.04932274,5.049323002,5.049322861,5.049322944,5.049322904,5.049323091,5.049322798
+"15270","SNORD82",3.182734793,3.182734796,3.182734755,3.182734782,3.182734769,3.182734758,3.182734783,3.182734792,3.182734763,3.182734756,3.18273476,3.182734759,3.182734759,3.182734799,3.182734748,3.182734778,3.182734776,3.182734793,3.182734829,3.182734766,3.182734747,3.182734784,3.182734809,3.182734792,3.182734781,3.182734819,3.182734769,3.182734786
+"15271","SNORD83A",5.515201746,5.515201752,5.515201766,5.515201734,5.51520176,5.515201772,5.515201763,5.515201783,5.515201739,5.515201766,5.515201734,5.515201788,5.515201773,5.515201747,5.515201737,5.515201809,5.515201785,5.515201767,5.515201745,5.515201784,5.515201747,5.515201793,5.515201743,5.515201714,5.515201768,5.51520176,5.515201719,5.515201733
+"15272","SNORD83B",6.027358693,6.027358501,6.027358874,6.027358699,6.02735906,6.027358791,6.0273589,6.027358757,6.027358916,6.027359027,6.027358834,6.027359125,6.027358987,6.027358578,6.027358975,6.027358699,6.027359048,6.027358959,6.027358618,6.027358743,6.027358887,6.027358866,6.027358957,6.027358824,6.027358947,6.027358959,6.027358742,6.027358902
+"15273","SNORD94",8.726405302,7.696653618,8.706975237,8.054767154,7.426893305,7.902276689,8.533617175,7.7827605,8.772681015,8.306072007,8.434929598,8.137953725,8.640478485,7.936474954,8.431283607,8.320624771,8.774897603,7.909911482,7.733872234,7.465437274,8.18843302,7.613792656,8.542539037,7.812928083,8.442333355,7.993194422,8.2050436,7.889002709
+"15274","SNORD95",9.063820403,9.080735305,9.027077537,8.97637481,8.990187392,9.065409892,9.110925766,9.04429391,9.106911491,9.089367622,8.957457202,9.049331651,9.094559704,9.080267158,9.022501322,9.08593289,9.018211354,8.96447584,9.02578372,9.078867274,9.098365073,9.018854601,9.09568468,9.059994859,8.965549935,9.032384674,9.103681577,9.056885037
+"15275","SNORD96A",6.086800025,6.086800052,6.086800074,6.08679999,6.08679999,6.086800061,6.086800036,6.086800035,6.08680011,6.086800062,6.086799984,6.086800069,6.08680009,6.086800091,6.086800011,6.086800069,6.086799975,6.086799959,6.086799997,6.086800057,6.086800043,6.08680005,6.086800019,6.086800066,6.086799965,6.08680007,6.086800062,6.086800058
+"15276","SNORD96B",4.554358022,4.554358024,4.554358014,4.554358005,4.554357994,4.554358024,4.554358023,4.554358001,4.554358018,4.554358025,4.554357999,4.554358015,4.554358035,4.554357994,4.554357986,4.554358026,4.554357992,4.554358019,4.554358016,4.554358006,4.554358005,4.554358014,4.554358041,4.554358022,4.554358003,4.554357982,4.55435803,4.554358023
+"15277","SNRK",8.973934703,8.973934833,8.973934375,8.973935025,8.973934388,8.973934755,8.973934642,8.973934547,8.973934585,8.973934525,8.973934357,8.97393438,8.973934626,8.973934954,8.973934655,8.973934914,8.973934172,8.973934829,8.973934698,8.973934714,8.973934695,8.973934577,8.97393491,8.973934825,8.973934687,8.973934619,8.973934572,8.973934724
+"15278","SNRNP200",8.570038138,8.570038142,8.570037715,8.570038041,8.570037733,8.570038273,8.570038256,8.570037753,8.570038235,8.570038138,8.570037844,8.570037666,8.570038143,8.570038737,8.570037888,8.570037979,8.570036999,8.570037492,8.570037897,8.570037914,8.570038018,8.570037763,8.570038245,8.570038121,8.570037809,8.570038059,8.570038058,8.570038197
+"15279","SNRNP25",6.096240383,6.09624045,6.096240522,6.096240494,6.096240634,6.096240296,6.096240511,6.096240526,6.096240486,6.096240416,6.096240576,6.096240594,6.096240485,6.096240415,6.096240535,6.096240574,6.096240541,6.096240541,6.096240406,6.096240459,6.096240604,6.096240565,6.096240393,6.096240514,6.096240552,6.096240548,6.096240454,6.096240527
+"15280","SNRNP27",6.452074449,6.452074269,6.452074506,6.452074276,6.452074266,6.452074284,6.452074373,6.452074305,6.452074696,6.452074432,6.452074469,6.45207418,6.452074498,6.45207502,6.452074262,6.452074186,6.452074474,6.452074134,6.452074358,6.452074456,6.452074279,6.452074524,6.452074608,6.452074402,6.452074473,6.4520742,6.452074533,6.452074555
+"15281","SNRNP35",5.618510538,5.618510543,5.618510505,5.618510499,5.618510518,5.618510543,5.618510524,5.618510504,5.618510533,5.618510537,5.618510478,5.618510505,5.618510543,5.618510542,5.618510537,5.618510529,5.618510516,5.618510502,5.61851054,5.618510531,5.618510514,5.618510517,5.618510543,5.618510528,5.618510513,5.618510518,5.618510523,5.618510514
+"15282","SNRNP40",5.933987129,5.933986915,5.933986741,5.933986819,5.933987126,5.933987001,5.93398695,5.933987041,5.933987186,5.933987221,5.933986957,5.933986866,5.933986925,5.933987268,5.933986822,5.933986983,5.933986664,5.933986696,5.933987067,5.933986578,5.933987041,5.933987078,5.933987237,5.933987068,5.93398682,5.933986844,5.933987001,5.933987061
+"15283","SNRNP48",5.824815594,5.824815949,5.824815266,5.824815609,5.824815087,5.824814703,5.824815578,5.824815376,5.824815719,5.824815316,5.824815395,5.824815115,5.824815204,5.824816953,5.824815308,5.824815522,5.824815194,5.824814946,5.824815654,5.824814204,5.824815741,5.824815294,5.824815771,5.824815989,5.824815896,5.824815517,5.824815684,5.824816535
+"15284","SNRNP70",8.329985697,8.329985653,8.329985671,8.329985681,8.329985577,8.329985692,8.329985747,8.329985638,8.329985734,8.329985669,8.32998565,8.329985696,8.329985751,8.329985742,8.329985713,8.329985588,8.32998562,8.32998565,8.329985626,8.329985628,8.329985705,8.329985671,8.329985653,8.329985622,8.329985594,8.329985696,8.329985781,8.329985774
+"15285","SNRPA",6.872323555,6.872323426,6.872323454,6.872323408,6.872323425,6.872323567,6.872323565,6.872323366,6.872323585,6.872323583,6.872323413,6.872323484,6.872323573,6.872323543,6.87232344,6.872323314,6.872323364,6.87232334,6.87232345,6.872323552,6.87232353,6.872323462,6.872323489,6.872323417,6.872323347,6.872323435,6.872323567,6.872323466
+"15286","SNRPA1",6.157342361,6.157341742,6.157341733,6.157341428,6.157341276,6.157341627,6.157341939,6.157341577,6.157341823,6.157341832,6.157340611,6.157342019,6.157341491,6.157342379,6.15734124,6.15734129,6.157341117,6.157340783,6.157342012,6.157341385,6.157341605,6.157341917,6.157341492,6.157341694,6.15734122,6.157341996,6.157341893,6.157341967
+"15287","SNRPB",7.216493929,7.216493938,7.216493926,7.216493888,7.216493867,7.216493957,7.216493985,7.216493894,7.216493944,7.216493892,7.216493811,7.216493784,7.216493984,7.216493933,7.216493858,7.216493949,7.216493799,7.216493737,7.216493895,7.216493949,7.216493907,7.216493859,7.216493928,7.216493926,7.216493745,7.216493887,7.216493946,7.216493881
+"15288","SNRPB2",5.766466337,5.766466282,5.766466147,5.766466082,5.766466278,5.766466247,5.766466205,5.766466242,5.766466333,5.76646605,5.766466146,5.766466122,5.766466317,5.766466431,5.766466179,5.766466178,5.766466062,5.766466149,5.766466175,5.766466313,5.76646623,5.766466168,5.76646627,5.766466294,5.766466182,5.766466155,5.766466166,5.766466296
+"15289","SNRPC",6.104233497,6.104233532,6.104233507,6.104233452,6.104233403,6.104233599,6.10423354,6.104233417,6.104233537,6.104233513,6.104233427,6.104233405,6.104233538,6.10423353,6.104233499,6.104233418,6.104233417,6.104233388,6.10423349,6.104233514,6.104233405,6.104233491,6.104233566,6.104233561,6.104233387,6.104233426,6.104233552,6.104233487
+"15290","SNRPD1",4.507438951,4.507438894,4.507438822,4.507438675,4.507438699,4.507438726,4.507438747,4.507438795,4.507438884,4.507439017,4.507439002,4.507438825,4.507438884,4.507439063,4.50743882,4.507438718,4.507438936,4.507438672,4.507438854,4.507438619,4.507438798,4.507438796,4.507438913,4.507438924,4.507438516,4.507438733,4.507438923,4.507438992
+"15291","SNRPD2",6.256701337,6.256701266,6.256701489,6.256701399,6.256701422,6.256701272,6.256701357,6.25670143,6.25670142,6.256701378,6.2567014,6.256701408,6.25670139,6.256701294,6.256701437,6.256701378,6.256701442,6.256701448,6.256701311,6.256701344,6.256701433,6.256701417,6.256701412,6.256701385,6.256701406,6.25670138,6.256701425,6.256701338
+"15292","SNRPD2P2",3.575874573,3.575874878,3.575874572,3.575874821,3.575874479,3.575874574,3.575874584,3.575874784,3.575874348,3.575874451,3.575874577,3.575874694,3.575874468,3.575874301,3.575874522,3.575874344,3.575874607,3.575874626,3.575874769,3.575874453,3.575874453,3.575874558,3.575874407,3.575874661,3.575874441,3.575874608,3.575874407,3.575874556
+"15293","SNRPD3",7.43737383,7.43737307,7.437373054,7.437372386,7.437373045,7.437372935,7.437373494,7.437372798,7.437373491,7.437373496,7.437372576,7.43737292,7.437373194,7.437374116,7.437373371,7.437373138,7.437372619,7.437372196,7.437373139,7.4373727,7.437373605,7.437373127,7.437373554,7.437373449,7.437372515,7.437373197,7.437373275,7.437373644
+"15294","SNRPE",4.800439771,4.800439855,4.8004397665,4.800439638,4.800439572,4.800439548,4.800439621,4.8004395535,4.8004396265,4.800439646,4.800439538,4.800439542,4.8004398015,4.8004399285,4.800439562,4.8004398575,4.8004397475,4.800439542,4.8004396725,4.8004395465,4.800439631,4.800439725,4.800439865,4.8004397315,4.800439551,4.800439693,4.800439657,4.8004400095
+"15295","SNRPF",4.610612102,4.610612029,4.610612069,4.610611941,4.610612055,4.61061196,4.610612006,4.610612149,4.610612188,4.610612191,4.61061197,4.610611896,4.61061199,4.610612258,4.610611911,4.610611963,4.61061199,4.610612168,4.610611976,4.610612062,4.610611998,4.61061202,4.610612213,4.610612133,4.610611931,4.61061203,4.610612097,4.610612224
+"15296","SNRPG",5.0033674315,5.0033670005,5.0033668265,5.0033666255,5.0033665415,5.0033667325,5.003366664,5.0033669895,5.003367251,5.0033669945,5.0033665875,5.0033668195,5.0033671125,5.00336746,5.0033670085,5.0033669755,5.0033666545,5.003366496,5.003367104,5.0033670255,5.0033666545,5.003366744,5.003367251,5.0033671065,5.00336687,5.0033668795,5.0033672055,5.003367054
+"15297","SNTA1",6.289147298,6.289147306,6.289147345,6.289147304,6.289147346,6.289147302,6.289147293,6.289147332,6.289147302,6.289147302,6.28914735,6.28914735,6.289147322,6.289147259,6.289147314,6.28914734,6.289147363,6.289147342,6.289147337,6.289147303,6.289147344,6.289147351,6.289147294,6.28914732,6.289147337,6.289147327,6.28914735,6.289147329
+"15298","SNTB1",8.081608684,8.081608748,8.081608604,8.081608587,8.081608752,8.081608935,8.081608666,8.081608599,8.08160871,8.081608769,8.081608735,8.081608514,8.081608705,8.081608663,8.081608533,8.081608585,8.081608471,8.081608574,8.081608646,8.081608833,8.081608578,8.081608589,8.0816087,8.081608692,8.081608728,8.08160855,8.081608664,8.08160861
+"15299","SNTB2",6.914893104,6.914893182,6.914892877,6.914893298,6.914892911,6.914893002,6.914893002,6.914893069,6.914892686,6.914893076,6.914892855,6.914892705,6.914892995,6.914893265,6.914893114,6.914892774,6.914892577,6.914892597,6.914893009,6.914892948,6.914892847,6.914892831,6.914893084,6.914893347,6.914892963,6.914892697,6.914892953,6.914892916
+"15300","SNTG1",3.767690009,3.767690008,3.76769008,3.767690036,3.767690041,3.767690054,3.767690041,3.767690035,3.767690058,3.767690077,3.767690066,3.767690069,3.767690044,3.767689973,3.767690066,3.767690019,3.767690052,3.76769006,3.767690051,3.767690005,3.767690019,3.76769004,3.767690065,3.76769002,3.767690073,3.767690048,3.767690021,3.767690077
+"15301","SNTG2",4.874010107,4.874010209,4.874010245,4.874010163,4.874010343,4.874010091,4.874010231,4.874010274,4.874010143,4.874010176,4.874010237,4.874010335,4.874010202,4.874010176,4.874010225,4.874010236,4.874010241,4.874010194,4.874010244,4.874010122,4.874010231,4.874010238,4.874010126,4.874010158,4.874010267,4.874010338,4.874010192,4.874010232
+"15302","SNTN",2.958420839,2.95842108,2.95842096,2.958421252,2.95842087,2.958420998,2.958421059,2.958420913,2.958420884,2.958420919,2.958420801,2.958420992,2.958420837,2.958420974,2.958420957,2.958420789,2.958421177,2.958420969,2.958420866,2.958420859,2.958420944,2.958420959,2.958420797,2.958420985,2.958421146,2.958420884,2.958420894,2.958420937
+"15303","SNU13",7.208427111,7.208427134,7.208427064,7.208427031,7.208426922,7.208427118,7.208427163,7.208427103,7.208427207,7.208427195,7.208426903,7.20842708,7.208427232,7.208427258,7.208427026,7.208427084,7.208426944,7.2084268,7.208427117,7.208426796,7.208426997,7.208427087,7.20842721,7.208427101,7.208426832,7.208427081,7.208427142,7.208427135
+"15304","SNUPN",5.815437486,5.815437448,5.815437192,5.815437332,5.815437153,5.815437223,5.815437194,5.815437263,5.815437401,5.815437359,5.815437048,5.815436907,5.815437381,5.81543778,5.815437018,5.81543736,5.815437053,5.815437024,5.815437033,5.815437326,5.8154372,5.815437359,5.815437501,5.815437382,5.81543711,5.815437399,5.815437445,5.815437524
+"15305","SNW1",7.177819344,7.17781934,7.17781913,7.177819206,7.177818929,7.177819197,7.177819009,7.177818952,7.17781916,7.177819303,7.177819112,7.177818788,7.177819164,7.177819526,7.177819179,7.177819213,7.177819024,7.177819089,7.177819221,7.177819286,7.177818941,7.177819065,7.177819295,7.177819349,7.177819145,7.17781904,7.177819144,7.177819233
+"15306","SNX1",7.438117846,7.438117909,7.438117673,7.438117793,7.438117549,7.438117804,7.438117702,7.438117647,7.438117676,7.438117768,7.43811777,7.438117543,7.438117791,7.438118004,7.438117633,7.43811775,7.438117453,7.438117839,7.438117637,7.438117932,7.438117768,7.438117591,7.438117757,7.438117856,7.438117887,7.438117833,7.438117835,7.438117728
+"15307","SNX10",7.956420867,7.956420318,7.956419531,7.956420542,7.956418105,7.956420294,7.956419502,7.956419322,7.956418297,7.956418669,7.956419312,7.956416331,7.956419783,7.956421268,7.956419568,7.956420597,7.956419863,7.956419882,7.95641949,7.956421427,7.956419976,7.956419554,7.956420382,7.956420712,7.956419811,7.956418128,7.956419095,7.956420055
+"15308","SNX11",7.346152869,7.34615295,7.346152901,7.346152985,7.346152767,7.346152922,7.346152895,7.346152791,7.346152842,7.346152859,7.346152854,7.346152787,7.346152847,7.346152831,7.346152876,7.346152944,7.34615287,7.346152913,7.346152892,7.346152942,7.346152861,7.346152859,7.346152875,7.346152916,7.346152912,7.346152838,7.346152821,7.346152803
+"15309","SNX12",7.239101302,7.239101305,7.239101313,7.239101296,7.239101296,7.239101295,7.239101296,7.239101296,7.239101299,7.239101313,7.239101314,7.239101299,7.239101306,7.239101306,7.239101305,7.239101311,7.239101298,7.239101299,7.239101307,7.239101303,7.239101291,7.239101303,7.239101297,7.239101297,7.239101312,7.239101305,7.239101303,7.239101303
+"15310","SNX13",6.745033295,6.745033243,6.74503306,6.745033016,6.745032369,6.745032398,6.745032868,6.74503232,6.745032717,6.745032804,6.745032753,6.745031815,6.745033028,6.745033788,6.745032886,6.74503304,6.745032616,6.745032794,6.745033129,6.745032393,6.745033,6.74503265,6.745033001,6.745033179,6.745033081,6.74503225,6.745033009,6.745033193
+"15311","SNX14",6.213903479,6.213903148,6.21390289,6.213902645,6.213902698,6.213902033,6.213902859,6.21390237,6.213902949,6.213902722,6.213902624,6.21390208,6.21390301,6.213904031,6.213902884,6.213903024,6.213902672,6.21390261,6.21390302,6.21390188,6.213903028,6.213902797,6.213903061,6.213902923,6.213902679,6.213902626,6.213902928,6.213903358
+"15312","SNX16",4.000290402,4.000290206,4.000290169,4.000290366,4.000290168,4.000289859,4.000290092,4.000290088,4.000290086,4.000290063,4.00029028,4.000290092,4.000290315,4.000290695,4.000290181,4.00029014,4.000290037,4.000290153,4.000290362,4.000289935,4.000290006,4.000290097,4.000290165,4.000290063,4.000290224,4.00029029,4.000289958,4.000290339
+"15313","SNX17",8.429591575,8.429591489,8.429591494,8.42959121,8.429591408,8.429592118,8.429591306,8.429591282,8.429591608,8.429591746,8.429591131,8.429591165,8.429591581,8.429591734,8.429591187,8.429590996,8.429591063,8.429590707,8.42959143,8.429591889,8.429591018,8.429591393,8.429591444,8.429591471,8.429590808,8.429591321,8.429591587,8.429591508
+"15314","SNX18",7.170938437,7.170938482,7.170938486,7.170938666,7.170938489,7.170938531,7.170938509,7.170938485,7.170938539,7.170938552,7.170938409,7.170938426,7.170938514,7.170938533,7.17093854,7.170938597,7.170938614,7.170938647,7.170938599,7.170938505,7.170938434,7.170938504,7.170938594,7.17093862,7.170938485,7.170938501,7.170938557,7.170938566
+"15315","SNX19",7.38408937,7.384089264,7.384088866,7.384089457,7.384088812,7.384090284,7.384089027,7.384089486,7.38409033,7.384089851,7.384088636,7.38408905,7.384090042,7.384088827,7.384088865,7.384088877,7.384088043,7.384089288,7.384089047,7.384090215,7.384089047,7.384089652,7.384090212,7.384090082,7.384089124,7.384088977,7.384089947,7.38408862
+"15316","SNX2",6.652359792,6.652358925,6.652359159,6.652359034,6.652358441,6.652358618,6.652358646,6.652357745,6.652358345,6.652358979,6.652358908,6.652357384,6.65235888,6.65236067,6.652359073,6.652358424,6.652358346,6.652358626,6.652359033,6.65235862,6.652358824,6.65235766,6.652358562,6.652358806,6.652358584,6.652358282,6.652358774,6.652360074
+"15317","SNX20",7.150470891,7.150471086,7.150470517,7.150471058,7.150471005,7.15047206,7.150470899,7.150470947,7.150470996,7.150470684,7.150471099,7.150470804,7.150471082,7.150471208,7.150470732,7.150471129,7.150470658,7.150471067,7.15047136,7.150471991,7.150471145,7.150471253,7.150471079,7.150471051,7.150471315,7.150470889,7.15047135,7.150470779
+"15318","SNX21",5.981229883,5.981230124,5.98123017,5.981230175,5.981230376,5.981230057,5.981230276,5.981230256,5.981230079,5.981230303,5.981230286,5.981230364,5.981229928,5.981229852,5.981230234,5.98123,5.981230496,5.981230188,5.98123012,5.981230187,5.981230261,5.981230363,5.981229907,5.98123018,5.981230234,5.981230248,5.981230084,5.981230241
+"15319","SNX22",6.35986356,6.359863541,6.359863546,6.359863553,6.35986356,6.359863558,6.359863553,6.35986355,6.359863552,6.35986356,6.359863557,6.359863564,6.359863556,6.359863552,6.359863569,6.359863548,6.359863557,6.359863565,6.35986355,6.359863569,6.359863553,6.359863562,6.359863549,6.359863559,6.359863552,6.359863569,6.359863551,6.359863563
+"15320","SNX24",4.109682305,4.109682288,4.109681819,4.109681963,4.109681529,4.109682333,4.109682041,4.109681957,4.109681948,4.109682407,4.109682228,4.109681995,4.109682118,4.109682052,4.109681808,4.109681725,4.109681952,4.109682181,4.109681797,4.109682342,4.109682,4.109681953,4.109681975,4.109681842,4.10968152,4.109681733,4.109682169,4.109681993
+"15321","SNX25",5.50108145,5.501081414,5.501081352,5.501081368,5.501081347,5.50108138,5.501081389,5.501081336,5.501081311,5.501081365,5.501081319,5.501081325,5.501081363,5.501081448,5.501081392,5.501081372,5.501081277,5.501081372,5.501081383,5.50108133,5.50108137,5.501081338,5.501081348,5.501081378,5.501081305,5.501081365,5.50108137,5.501081441
+"15322","SNX27",8.076327501,8.076327779,8.076327338,8.076328083,8.076327103,8.076327739,8.076327622,8.076327408,8.076327062,8.076327267,8.076327426,8.076327059,8.076327355,8.076327497,8.076327538,8.076327877,8.076327303,8.076327653,8.076327549,8.076327836,8.076327618,8.076327185,8.076327349,8.076327629,8.07632759,8.076327264,8.076327259,8.07632724
+"15323","SNX29",7.506216811,7.5062168225,7.506216672,7.5062167315,7.506216732,7.506216754,7.506216703,7.5062165155,7.5062167655,7.5062168165,7.5062165755,7.506216688,7.5062166955,7.506217048,7.5062168005,7.5062166855,7.506216631,7.5062166725,7.506216775,7.506216565,7.506216648,7.506216573,7.5062165845,7.5062169105,7.506216662,7.5062167865,7.5062167955,7.506216867
+"15324","SNX29P2",6.722396982,6.722396861,6.722397145,6.722396921,6.722396998,6.722396906,6.722396971,6.72239714,6.722396896,6.722396905,6.722397095,6.722397115,6.722397065,6.722396853,6.722396981,6.722396848,6.722397187,6.722397015,6.72239709,6.722397027,6.722397105,6.722397072,6.722396766,6.722396906,6.722397076,6.722397164,6.722397004,6.722396901
+"15325","SNX3",7.799911105,7.799910972,7.799911159,7.799911016,7.799910843,7.799911149,7.799911064,7.799911133,7.799911101,7.799911113,7.799911072,7.799910948,7.799910882,7.799910999,7.799910969,7.799910778,7.799910991,7.799910984,7.799910866,7.799911312,7.799911107,7.799911027,7.799911151,7.799911224,7.799911029,7.799911148,7.799911007,7.799910866
+"15326","SNX30",6.827626522,6.827626663,6.827626509,6.82762669,6.827626603,6.827626601,6.82762644,6.827626293,6.827626269,6.827626669,6.827626493,6.827626153,6.827626497,6.827626714,6.827626576,6.827626396,6.827626459,6.827626394,6.827626585,6.82762654,6.827626361,6.82762634,6.827626354,6.827626612,6.827626575,6.827626411,6.827626521,6.827626305
+"15327","SNX31",3.805174461,3.805174468,3.805174479,3.805174474,3.805174488,3.805174462,3.805174477,3.80517448,3.80517448,3.805174475,3.805174474,3.805174511,3.805174471,3.805174451,3.805174477,3.80517449,3.8051745,3.805174486,3.805174484,3.805174473,3.805174483,3.805174481,3.805174466,3.805174464,3.805174466,3.805174469,3.805174467,3.805174464
+"15328","SNX32",4.268239948,4.268239967,4.268239978,4.26823995,4.268239982,4.268239938,4.268239971,4.268239973,4.268240002,4.268239957,4.26823998,4.268239984,4.268239955,4.268239951,4.268239969,4.268239985,4.268239965,4.268239988,4.268239975,4.26823999,4.268239963,4.268239989,4.26823995,4.26823995,4.268239967,4.268239955,4.268239938,4.268239988
+"15329","SNX33",4.843328112,4.843328108,4.843328056,4.843328198,4.843328026,4.843328297,4.843327796,4.843328188,4.843327969,4.843328038,4.843328115,4.843327998,4.843328203,4.843328145,4.843328189,4.843327982,4.843327954,4.843327977,4.843328017,4.843327928,4.843327963,4.843327976,4.843328065,4.843327985,4.8433281,4.843328099,4.843328197,4.843328135
+"15330","SNX4",5.093195685,5.093195451,5.093195422,5.093195396,5.093195403,5.093195313,5.093195568,5.093195247,5.09319583,5.093195607,5.093195354,5.093195096,5.093195467,5.09319642,5.093195555,5.093195462,5.093195428,5.093195319,5.093195524,5.093195054,5.093195458,5.093195403,5.093195676,5.093195719,5.093195644,5.093195372,5.093195477,5.093196038
+"15331","SNX5",7.01567612,7.015675992,7.015675873,7.01567583,7.015675885,7.01567591,7.015676036,7.015675901,7.015675998,7.01567601,7.015675842,7.015675773,7.015676024,7.015676295,7.015676005,7.015675999,7.015675855,7.015675796,7.015676021,7.015675957,7.015676021,7.015675911,7.015675981,7.015675999,7.015675919,7.015675923,7.01567604,7.015676087
+"15332","SNX6",7.342636427,7.342635606,7.342635822,7.342635759,7.342635387,7.342635359,7.342635442,7.342635198,7.342635326,7.342635275,7.342635692,7.342634651,7.342635723,7.342636745,7.342635746,7.342635436,7.342635214,7.342635337,7.342635821,7.342635423,7.342635493,7.342635326,7.342635727,7.34263581,7.342635457,7.342635289,7.342635591,7.342636101
+"15333","SNX7",3.123920953,3.123920963,3.123920963,3.123920983,3.123920962,3.123921041,3.123920952,3.123920943,3.123920972,3.12392095,3.123920966,3.123921032,3.123920987,3.123920938,3.123920993,3.123920986,3.123921043,3.123921006,3.123920947,3.123920963,3.123920954,3.12392095,3.123920987,3.123920959,3.123920929,3.12392093,3.123920956,3.123920913
+"15334","SNX8",6.772537092,6.772537057,6.772537149,6.772537079,6.772537202,6.772537102,6.772537145,6.772537152,6.772537072,6.772537107,6.772537179,6.772537194,6.772537087,6.772537061,6.772537178,6.772537082,6.772537179,6.772537169,6.772537116,6.772537137,6.772537162,6.772537138,6.772537115,6.772537097,6.772537143,6.772537165,6.77253706,6.772537101
+"15335","SNX9",6.415265729,6.415265689,6.415265611,6.415265685,6.415265594,6.415265638,6.415265587,6.415265584,6.415265765,6.415265632,6.415265509,6.415265761,6.415265779,6.415266035,6.415265658,6.4152656,6.415265501,6.415265602,6.415265562,6.415265622,6.415265545,6.415265626,6.415265734,6.415265786,6.415265468,6.415265672,6.415265772,6.415265854
+"15336","SOAT1",7.439027424,7.439027508,7.439027227,7.439027608,7.439026928,7.439027274,7.439027311,7.439027066,7.439027374,7.439027223,7.43902712,7.439026859,7.439027203,7.439027703,7.439027352,7.439027493,7.439027185,7.439027333,7.439027418,7.439027228,7.439027331,7.439027057,7.439027723,7.439027538,7.439027002,7.439027168,7.439027342,7.439027271
+"15337","SOAT2",5.04313619,5.043136265,5.043136332,5.043136258,5.043136311,5.0431363,5.043136254,5.043136285,5.043136347,5.043136297,5.043136304,5.043136288,5.04313621,5.043136189,5.043136329,5.04313619,5.043136311,5.043136353,5.043136202,5.043136333,5.043136265,5.043136291,5.043136324,5.043136221,5.043136315,5.043136279,5.043136183,5.043136359
+"15338","SOBP",4.520853451,4.520853434,4.520853497,4.520853537,4.520853656,4.520853455,4.52085349,4.520853545,4.520853523,4.520853612,4.520853506,4.520853582,4.520853441,4.520853404,4.520853534,4.520853465,4.52085351,4.520853535,4.520853502,4.520853468,4.520853576,4.52085348,4.520853466,4.52085359,4.520853517,4.520853591,4.520853421,4.520853497
+"15339","SOCS1",6.491655035,6.491655392,6.49165506,6.491655113,6.491655354,6.491655769,6.491655041,6.491655146,6.491655271,6.491655287,6.491655398,6.491655338,6.491655164,6.491655053,6.491655155,6.491655062,6.491655192,6.491655156,6.49165501,6.491655816,6.491654997,6.491655234,6.491655275,6.491655167,6.491654981,6.491655024,6.491655315,6.491655071
+"15340","SOCS2",5.465944117,5.465944119,5.465944136,5.465944137,5.465944127,5.465944103,5.465944108,5.465944079,5.465944134,5.465944146,5.465944099,5.465944127,5.465944126,5.465944143,5.465944109,5.465944126,5.465944088,5.465944073,5.46594414,5.465944113,5.46594408,5.465944091,5.465944151,5.465944137,5.465944127,5.465944096,5.465944116,5.46594414
+"15341","SOCS3",6.606468403,6.606468587,6.606468581,6.606469063,6.606468885,6.606469407,6.606468519,6.606468995,6.606469625,6.606469301,6.606469234,6.606467965,6.606468912,6.606468375,6.606468854,6.606468669,6.606468909,6.606469536,6.606469161,6.606469949,6.606468592,6.60646846,6.606469383,6.606469249,6.606469181,6.606468417,6.60646884,6.606468297
+"15342","SOCS4",5.087738943,5.087738759,5.087738736,5.087738583,5.087738531,5.087738509,5.08773885,5.087738737,5.087738802,5.087738867,5.087738449,5.08773852,5.087738661,5.087739494,5.087738868,5.087738667,5.087738593,5.087738534,5.087738855,5.087738087,5.087738695,5.08773874,5.087738975,5.087738797,5.087738788,5.087738711,5.087738668,5.087739103
+"15343","SOCS5",6.401625379,6.401625398,6.401625363,6.401625349,6.401625318,6.401625266,6.401625331,6.401625291,6.401625346,6.401625351,6.401625319,6.401625304,6.401625345,6.401625513,6.401625311,6.401625366,6.401625367,6.401625292,6.401625393,6.401625284,6.401625312,6.401625302,6.401625351,6.401625315,6.401625302,6.401625295,6.401625374,6.401625474
+"15344","SOCS6",4.941428283,4.941428282,4.941428276,4.94142825,4.941428274,4.941428275,4.941428237,4.941428276,4.94142827,4.941428287,4.941428299,4.941428269,4.941428284,4.941428294,4.941428271,4.941428273,4.941428285,4.941428267,4.94142828,4.941428283,4.941428251,4.941428264,4.941428284,4.941428278,4.941428297,4.941428251,4.941428264,4.941428294
+"15345","SOCS7",6.19848725,6.198487122,6.198487593,6.198487244,6.198487862,6.19848716,6.198487573,6.198487605,6.198487357,6.198487547,6.1984876,6.198487824,6.198487436,6.198486875,6.198487703,6.198487412,6.198487716,6.198487428,6.198487341,6.198487231,6.198487739,6.19848752,6.198487133,6.198487053,6.198487437,6.198487473,6.198487205,6.198487467
+"15346","SOD1",6.668110295,6.668110071,6.668109801,6.66810953,6.668109641,6.668109682,6.668109906,6.668109626,6.668110496,6.668109967,6.6681096,6.668109616,6.668109706,6.668110538,6.668109861,6.668110084,6.668109404,6.668109489,6.668110043,6.668109292,6.668109645,6.6681098,6.668110399,6.668109846,6.668109354,6.668109915,6.668109925,6.668110173
+"15347","SOD2",10.27889535,10.61893631,9.918644411,10.50914593,9.927465345,10.7147944,10.14268107,10.16207187,10.08994047,10.09921549,10.1884638,9.312106565,10.1542465,10.15940408,10.33296484,10.48195708,10.1574275,10.43019512,10.24642413,10.77164465,10.25211135,10.20874084,10.35890887,10.36026323,10.12604565,9.671752903,10.06666348,10.0215641
+"15348","SOD3",5.207628209,5.207628234,5.207628433,5.207628189,5.207628514,5.207628363,5.207628403,5.207628565,5.207628379,5.207628359,5.207628463,5.207628559,5.207628271,5.207628139,5.207628466,5.207628329,5.207628613,5.20762838,5.207628351,5.207628314,5.207628353,5.20762844,5.207628338,5.207628315,5.207628399,5.207628416,5.207628343,5.207628379
+"15349","SOGA1",5.136431908,5.136431913,5.136431918,5.136431911,5.136431924,5.136431895,5.136431907,5.136431924,5.136431908,5.13643192,5.13643193,5.136431921,5.136431913,5.136431902,5.136431926,5.136431913,5.136431929,5.136431917,5.136431911,5.136431908,5.136431926,5.136431928,5.136431895,5.136431904,5.136431915,5.136431923,5.136431911,5.136431919
+"15350","SOHLH1",5.77024136,5.770241324,5.770241438,5.770241413,5.770241509,5.770241292,5.770241463,5.770241497,5.770241416,5.770241403,5.770241428,5.770241479,5.77024142,5.770241321,5.770241496,5.770241409,5.77024151,5.770241464,5.770241427,5.770241398,5.770241519,5.770241434,5.770241355,5.770241306,5.77024144,5.770241477,5.770241403,5.770241442
+"15351","SON",8.42633467,8.426334257,8.426333942,8.426334495,8.42633419,8.426334587,8.426334394,8.426334118,8.426334155,8.426334387,8.426333933,8.426333887,8.426334516,8.426335074,8.426334432,8.426333802,8.426333685,8.426334236,8.426334419,8.426334183,8.426334389,8.426334117,8.426334213,8.42633422,8.426334002,8.42633437,8.426334545,8.426334511
+"15352","SORBS1",3.984169036,3.98416904,3.984169057,3.984169041,3.984169061,3.984169028,3.98416905,3.984169058,3.984169058,3.984169059,3.984169102,3.984169107,3.984169075,3.984169034,3.984169092,3.984169045,3.984169078,3.984169069,3.984169049,3.984169064,3.984169063,3.984169069,3.984169028,3.984169018,3.984169051,3.984169073,3.984169059,3.984169088
+"15353","SORBS2",3.7928080505,3.7928080705,3.792808065,3.792808063,3.7928080675,3.7928080545,3.7928080485,3.7928080715,3.7928080645,3.792808066,3.7928080535,3.7928080685,3.7928080615,3.792808047,3.7928080675,3.7928080615,3.7928080615,3.7928080625,3.7928080535,3.7928080645,3.7928080565,3.7928080695,3.792808062,3.792808067,3.792808066,3.7928080665,3.7928080565,3.792808058
+"15354","SORBS3",6.252466577,6.252466598,6.252466622,6.25246662,6.25246678,6.25246662,6.252466646,6.252466697,6.252466696,6.252466695,6.252466703,6.25246677,6.252466639,6.252466535,6.252466711,6.252466585,6.252466784,6.252466728,6.252466673,6.252466662,6.252466655,6.252466753,6.252466609,6.252466529,6.252466629,6.252466684,6.25246666,6.252466687
+"15355","SORCS1",4.030077016,4.030077035,4.030077015,4.030077026,4.030077053,4.030077014,4.030077028,4.030077063,4.030077038,4.030077012,4.030077009,4.030077075,4.030077009,4.030076988,4.030077024,4.030077043,4.030077057,4.030077059,4.030077033,4.030077044,4.030077004,4.03007702,4.030077002,4.030077032,4.030077051,4.030077028,4.030077035,4.030077019
+"15356","SORCS2",5.486180997,5.486181017,5.486181035,5.486181012,5.486181026,5.486181002,5.486181011,5.486181031,5.486181008,5.48618101,5.486181034,5.486181042,5.486181006,5.486181004,5.48618103,5.486181025,5.486181051,5.486181037,5.486181013,5.486181024,5.486181025,5.486181044,5.486181011,5.486181017,5.486181045,5.486181024,5.486181005,5.486180999
+"15357","SORCS3",4.94187499,4.941874879,4.941875132,4.941874983,4.941875219,4.941875044,4.941875033,4.941875091,4.941875127,4.941875128,4.941875111,4.941875396,4.941875228,4.941875075,4.941875176,4.941875041,4.941875494,4.941875213,4.94187515,4.941875162,4.941875221,4.941875268,4.941875154,4.941875042,4.941875179,4.941875274,4.941874886,4.941875323
+"15358","SORD",6.985132986,6.985134344,6.98513259,6.985132611,6.985132451,6.98513282,6.985133039,6.985132533,6.985133142,6.985133857,6.985134285,6.98513248,6.985133106,6.985134164,6.985131969,6.985133828,6.985132031,6.985131976,6.985132696,6.985132515,6.985132764,6.985132478,6.985133091,6.985133645,6.985134106,6.985132629,6.985132704,6.985133898
+"15359","SORL1",10.58732131,10.9764961,10.41148201,11.18591547,10.4679659,10.77180086,10.87793605,10.52342656,10.57311587,10.55262923,10.77567616,10.27648509,10.61839051,10.74935473,10.73327086,10.95901217,10.54712552,11.0559789,10.78220674,10.85422478,10.87561547,10.5906634,10.8364532,10.85845331,10.87720708,10.49272064,10.6875921,10.52894457
+"15360","SORT1",7.663237349,7.66323846,7.663238053,7.663238062,7.663237479,7.663241838,7.663238721,7.66323667,7.663237217,7.663238681,7.663237427,7.66323622,7.663237986,7.66323795,7.663236801,7.663237398,7.663236761,7.663237157,7.663236903,7.663240969,7.663238021,7.663236832,7.663237474,7.663238773,7.663237323,7.663235934,7.663237765,7.663235876
+"15361","SOS1",7.206893853,7.206893411,7.206893034,7.206893274,7.20689319,7.206893599,7.206893657,7.20689327,7.206893539,7.206893428,7.206893051,7.206892865,7.206893548,7.206893855,7.206893546,7.206893356,7.206892766,7.206893116,7.206893502,7.206893491,7.206893479,7.206893084,7.206893601,7.206893428,7.206893279,7.206893262,7.206893543,7.206893347
+"15362","SOS2",8.258406594,8.258420954,8.258399594,8.258451551,8.258375143,8.258404143,8.258403688,8.258367043,8.258384927,8.258392598,8.25840225,8.258345396,8.258397296,8.258432276,8.258407269,8.258428051,8.258390653,8.25844937,8.258433598,8.258412039,8.258413989,8.258364895,8.258425041,8.258433845,8.258427572,8.258377415,8.258393786,8.258402108
+"15363","SOST",5.941189244,5.94118895,5.941189269,5.941189151,5.941189441,5.941189062,5.94118926,5.941189345,5.941189098,5.941189241,5.94118931,5.94118948,5.941189182,5.941188821,5.941189341,5.941189161,5.941189434,5.941189291,5.941189313,5.941189157,5.941189318,5.941189373,5.941189061,5.941189117,5.941189323,5.941189422,5.941189148,5.941189137
+"15364","SOSTDC1",3.595299789,3.595299793,3.595299808,3.595299852,3.595300461,3.595300452,3.595299899,3.595300004,3.595300248,3.595300323,3.595300423,3.595300507,3.595299714,3.595299526,3.595300158,3.595299625,3.595300045,3.595300476,3.595299917,3.595300117,3.595299636,3.595299817,3.595300048,3.595300298,3.595299451,3.59529977,3.595299527,3.595299899
+"15365","SOWAHA",6.913824533,6.913824537,6.913824633,6.913824561,6.913824698,6.913824553,6.913824594,6.913824673,6.91382458,6.913824588,6.913824642,6.913824666,6.913824601,6.913824505,6.913824659,6.913824636,6.913824653,6.913824623,6.913824602,6.913824597,6.913824622,6.913824649,6.913824556,6.913824585,6.913824617,6.91382465,6.913824633,6.913824617
+"15366","SOWAHB",4.71580237,4.715802364,4.715802405,4.715802382,4.715802409,4.715802357,4.715802378,4.7158024,4.71580239,4.71580238,4.715802416,4.715802435,4.715802383,4.71580234,4.715802386,4.715802406,4.715802427,4.71580241,4.715802377,4.715802396,4.715802387,4.715802409,4.715802386,4.715802392,4.715802398,4.715802392,4.715802383,4.715802397
+"15367","SOWAHC",5.280657592,5.280657608,5.280657636,5.280657604,5.280657675,5.280657587,5.280657604,5.280657665,5.280657678,5.280657651,5.280657692,5.280657638,5.280657614,5.280657558,5.280657637,5.280657617,5.280657656,5.280657648,5.280657618,5.280657607,5.280657588,5.280657609,5.280657582,5.280657625,5.28065765,5.280657618,5.280657598,5.280657647
+"15368","SOWAHD",6.072464148,6.072464791,6.072465097,6.072464979,6.072464651,6.072464708,6.072464747,6.072464981,6.072464414,6.072464771,6.072465149,6.072464615,6.072464931,6.072464448,6.072464815,6.072465184,6.072465017,6.072465046,6.07246438,6.07246536,6.072464656,6.072464887,6.072464604,6.072464926,6.072465101,6.072464374,6.07246483,6.072464499
+"15369","SOX1",5.921758595,5.921758673,5.921758845,5.921758767,5.921758892,5.921758733,5.921758795,5.921758859,5.921758743,5.921758769,5.921758832,5.921758843,5.921758752,5.921758614,5.921758883,5.92175872,5.921758884,5.921758801,5.921758737,5.921758736,5.92175873,5.921758878,5.921758727,5.921758679,5.921758699,5.921758716,5.921758677,5.921758662
+"15370","SOX10",6.005472769,6.005472867,6.005472841,6.005472803,6.005472962,6.005472841,6.005472891,6.005472864,6.005472877,6.005472918,6.005472853,6.005472931,6.005472804,6.005472716,6.005472904,6.005472912,6.005472943,6.005472893,6.005472872,6.005472841,6.00547286,6.005472888,6.005472836,6.005472797,6.005472906,6.005472892,6.005472784,6.005472827
+"15371","SOX11",6.214474712,6.214474712,6.214474769,6.214474739,6.214474812,6.21447475,6.214474771,6.214474786,6.214474747,6.214474748,6.214474804,6.21447484,6.214474743,6.214474673,6.214474777,6.214474735,6.214474835,6.214474768,6.214474762,6.214474738,6.21447479,6.214474782,6.214474737,6.214474717,6.214474767,6.214474776,6.214474751,6.214474761
+"15372","SOX12",6.909063807,6.909063884,6.909064144,6.909063754,6.909064295,6.909063603,6.909063968,6.909064129,6.909063985,6.909064028,6.909064175,6.909064294,6.909063978,6.909063521,6.909064221,6.909064161,6.909064318,6.909064238,6.909064014,6.909063846,6.909063947,6.909063947,6.909063916,6.909063744,6.909064136,6.909064074,6.909063851,6.90906411
+"15373","SOX13",5.35785272,5.357852717,5.357852732,5.357852715,5.357852731,5.357852721,5.357852731,5.357852735,5.357852728,5.357852706,5.357852733,5.357852728,5.357852717,5.3578527,5.357852737,5.357852739,5.357852741,5.35785274,5.357852721,5.35785273,5.357852737,5.357852743,5.357852708,5.357852723,5.357852742,5.35785272,5.357852699,5.357852717
+"15374","SOX14",4.916483558,4.916483539,4.916483622,4.916483537,4.916483664,4.916483612,4.916483596,4.916483565,4.916483528,4.916483599,4.916483653,4.91648364,4.916483579,4.916483536,4.916483635,4.916483531,4.916483685,4.916483572,4.916483621,4.916483551,4.916483634,4.916483632,4.916483555,4.916483514,4.91648356,4.916483613,4.916483578,4.916483593
+"15375","SOX15",5.655561165,5.655561152,5.655561372,5.655561277,5.655561396,5.655561225,5.655561174,5.655561306,5.655561233,5.655561274,5.65556123,5.655561462,5.655561241,5.655561145,5.655561344,5.655561226,5.655561394,5.655561312,5.655561172,5.655561292,5.65556129,5.655561334,5.655561205,5.655561293,5.655561315,5.655561268,5.655561239,5.655561302
+"15376","SOX17",6.286667996,6.286667923,6.286668853,6.286668009,6.28666941,6.286667871,6.286668815,6.286669214,6.286668435,6.286668453,6.286668683,6.286669616,6.286668687,6.286667699,6.286668978,6.286668537,6.286669399,6.286668994,6.286668773,6.286668357,6.286669255,6.286669315,6.286667884,6.286668406,6.286668691,6.286668859,6.286668358,6.286669215
+"15377","SOX18",6.464270423,6.464270331,6.464270654,6.464270411,6.464270995,6.46427044,6.464270578,6.464270708,6.464270557,6.464270679,6.464270829,6.464270774,6.464270586,6.464269985,6.464270748,6.464270269,6.464270733,6.464270855,6.464270683,6.464270624,6.464270752,6.464270797,6.464270265,6.464270334,6.464270611,6.464270777,6.464270489,6.464270629
+"15378","SOX2",4.861621828,4.861621965,4.861622151,4.861622062,4.861622115,4.861622346,4.861622208,4.861622233,4.861622128,4.861622142,4.861622271,4.86162231,4.861622121,4.861622035,4.861622229,4.86162197,4.861622149,4.861622178,4.861622238,4.861622034,4.861621935,4.861622104,4.861622187,4.861622026,4.861622404,4.861622111,4.861622167,4.861622253
+"15379","SOX21",6.00967456,6.009674559,6.009674644,6.009674585,6.009674705,6.009674552,6.009674589,6.009674636,6.009674616,6.009674644,6.009674665,6.009674683,6.009674613,6.009674519,6.009674659,6.009674563,6.009674672,6.009674628,6.009674601,6.009674636,6.00967462,6.009674648,6.009674554,6.00967457,6.009674587,6.009674636,6.009674568,6.009674598
+"15380","SOX3",6.786452609,6.786452611,6.786452671,6.786452626,6.786452783,6.786452685,6.786452682,6.786452732,6.786452633,6.78645267,6.786452752,6.786452798,6.786452652,6.78645246,6.786452751,6.786452686,6.786452792,6.786452714,6.786452693,6.786452625,6.786452743,6.786452749,6.786452607,6.786452538,6.78645273,6.786452721,6.786452659,6.786452642
+"15381","SOX30",4.074685666,4.074685678,4.074685747,4.074685669,4.074685765,4.07468562,4.074685687,4.07468572,4.074685739,4.07468568,4.074685711,4.074685718,4.074685752,4.074685612,4.074685731,4.074685678,4.074685731,4.074685717,4.07468567,4.074685732,4.074685733,4.07468569,4.074685649,4.074685718,4.07468568,4.074685741,4.074685694,4.074685673
+"15382","SOX4",6.11875612,6.118756108,6.118756171,6.118756104,6.118756217,6.118756083,6.118756155,6.118756164,6.118756101,6.118756079,6.118756204,6.118756192,6.118756086,6.118756041,6.118756206,6.118756165,6.118756252,6.118756174,6.118756148,6.118756146,6.118756178,6.118756181,6.118756082,6.118756059,6.118756092,6.118756186,6.118756059,6.118756146
+"15383","SOX5",4.507326629,4.507326521,4.507326671,4.507326745,4.507326763,4.507326475,4.507326814,4.507326633,4.507326775,4.507326635,4.507326837,4.507326912,4.507326512,4.507326657,4.507326702,4.507326804,4.507326808,4.507326792,4.507326682,4.507326753,4.507326744,4.507326788,4.507326606,4.507326737,4.507326512,4.507326615,4.507326578,4.507326708
+"15384","SOX6",5.444821374,5.444821774,5.444822236,5.444821671,5.444821988,5.4448219,5.444822012,5.444822007,5.444822075,5.44482212,5.444822047,5.44482227,5.444821171,5.444821443,5.444821434,5.444821277,5.444821945,5.444821835,5.444821584,5.444821736,5.444821967,5.444821938,5.444821978,5.444822116,5.444822019,5.444822402,5.444821653,5.444821692
+"15385","SOX7",6.234621228,6.234621347,6.234621477,6.23462145,6.23462155,6.234621398,6.234621432,6.234621512,6.234621469,6.234621462,6.234621564,6.234621484,6.234621436,6.234621339,6.234621498,6.234621547,6.234621562,6.23462154,6.234621413,6.234621436,6.234621443,6.234621459,6.234621416,6.234621336,6.234621565,6.23462151,6.234621396,6.23462151
+"15386","SOX8",6.157189858,6.157189868,6.157190025,6.157189986,6.157190644,6.157189936,6.157190356,6.15719017,6.157190304,6.15719026,6.157190228,6.15719056,6.157190234,6.157189784,6.157190651,6.157190221,6.157190594,6.157190505,6.157190322,6.15718992,6.157190764,6.157190335,6.157189889,6.157189967,6.157190339,6.157190571,6.157189829,6.157190409
+"15387","SOX9",6.647002746,6.647002415,6.647002836,6.64700289,6.647003834,6.647003391,6.647003382,6.647003285,6.647003201,6.647003089,6.647003326,6.64700388,6.647002862,6.647002661,6.64700353,6.647002647,6.647003943,6.647003505,6.647003359,6.647003168,6.647003783,6.647003708,6.647003334,6.647002524,6.647003072,6.647003533,6.647003155,6.647003637
+"15388","SP1",8.542551914,8.542552458,8.542551686,8.542552241,8.542551391,8.542552046,8.542551822,8.54255143,8.542551522,8.542551365,8.542551693,8.542551147,8.542551953,8.542552003,8.542551836,8.542552411,8.542551338,8.542552185,8.542551855,8.542552328,8.542551978,8.54255148,8.542551891,8.542551903,8.542551997,8.542551645,8.542551836,8.542551561
+"15389","SP100",7.958548868,7.958548577,7.958547937,7.9585485,7.958548161,7.958548959,7.958548404,7.958547907,7.958548034,7.958548107,7.958547867,7.958547415,7.958548366,7.958548663,7.95854804,7.958548395,7.958547484,7.958548206,7.958548442,7.958549086,7.958548434,7.958547766,7.958548426,7.958548535,7.958548164,7.958547862,7.958548452,7.95854795
+"15390","SP110",8.935468878,8.93550037,8.925550885,8.938254335,8.927757128,8.952633394,8.934935924,8.925637945,8.935462257,8.929517923,8.926524564,8.919997094,8.93302001,8.934176232,8.931032872,8.929269013,8.922126571,8.931624518,8.93653848,8.960347972,8.93441147,8.927797022,8.938301992,8.936759489,8.933973873,8.926068206,8.932356925,8.928134757
+"15391","SP140",7.401007502,7.400604369,7.400036538,7.400513425,7.400414219,7.401586375,7.400954313,7.400353361,7.400588315,7.400278697,7.400054293,7.399949727,7.400819483,7.401066266,7.400800571,7.400698879,7.400006464,7.400272671,7.400777027,7.401646169,7.400881597,7.400603473,7.400786147,7.400654419,7.400343958,7.400475899,7.400848795,7.400918798
+"15392","SP2",6.313579221,6.31357926,6.313579257,6.313579294,6.313579192,6.313579277,6.313579215,6.313579206,6.313579282,6.313579219,6.313579228,6.313579231,6.313579235,6.31357922,6.313579187,6.313579233,6.313579205,6.313579247,6.313579226,6.313579263,6.313579205,6.31357923,6.313579221,6.31357922,6.313579272,6.313579283,6.313579235,6.313579206
+"15393","SP3",7.227548217,7.227548187,7.227548131,7.227548189,7.227547909,7.227547752,7.227548113,7.227548031,7.227548111,7.227547944,7.227548077,7.227547629,7.227548218,7.227548731,7.227548071,7.227548214,7.227548097,7.227548233,7.227548158,7.227547753,7.227548168,7.22754808,7.227548265,7.227548214,7.227548161,7.227548035,7.227548019,7.227548539
+"15394","SP3P",4.79240936,4.792409326,4.792409494,4.792409473,4.792409563,4.792409411,4.792409465,4.792409553,4.792409468,4.792409486,4.792409515,4.792409537,4.792409464,4.792409384,4.792409482,4.792409372,4.792409555,4.792409557,4.792409485,4.792409436,4.792409475,4.792409499,4.792409353,4.792409356,4.792409467,4.792409554,4.792409386,4.792409427
+"15395","SP4",7.385300541,7.385299555,7.385299635,7.385299372,7.385299796,7.385299349,7.385300008,7.385299479,7.385299954,7.385299821,7.38529934,7.385299446,7.385299975,7.38530056,7.38529984,7.385299231,7.385299245,7.385299206,7.385300074,7.385299561,7.385299806,7.385299555,7.385300253,7.385300058,7.385299495,7.38529979,7.385299995,7.385300333
+"15396","SP5",6.48267058,6.482670889,6.482671304,6.482670778,6.482672148,6.482671251,6.482671578,6.48267159,6.482671423,6.482671229,6.482671534,6.482672552,6.482671409,6.482670219,6.48267181,6.482671367,6.482672025,6.482671682,6.482671404,6.482671256,6.482671883,6.482671464,6.482671148,6.482670779,6.482670944,6.482671604,6.482670894,6.482671376
+"15397","SP6",4.849517643,4.849517642,4.849517689,4.849517691,4.849517732,4.84951771,4.84951766,4.849517736,4.849517673,4.849517634,4.849517696,4.849517692,4.849517676,4.849517595,4.849517742,4.8495177,4.849517758,4.8495177,4.849517641,4.849517703,4.849517679,4.849517754,4.849517683,4.849517636,4.849517652,4.849517725,4.849517652,4.849517678
+"15398","SP7",5.769072671,5.769072569,5.769072949,5.769072563,5.769072884,5.769072815,5.76907293,5.769073189,5.769072593,5.769072501,5.769072612,5.769072922,5.769072779,5.769072626,5.769072875,5.769072693,5.769073108,5.769072958,5.769072875,5.769072712,5.769072991,5.769073164,5.769072709,5.769072519,5.769072838,5.769072855,5.76907251,5.769072562
+"15399","SP8",4.697816669,4.697816682,4.697816669,4.697816706,4.697816747,4.697816711,4.697816707,4.697816686,4.697816681,4.697816693,4.697816733,4.697816727,4.697816656,4.697816622,4.697816722,4.697816688,4.69781673,4.697816716,4.697816684,4.697816682,4.697816704,4.697816703,4.697816667,4.697816673,4.697816682,4.697816672,4.697816646,4.697816702
+"15400","SPA17",4.17805504,4.178054952,4.178055061,4.178055139,4.178055116,4.178054941,4.178055115,4.178055073,4.17805503,4.178055137,4.17805524,4.178055037,4.178055061,4.178054887,4.178055159,4.178055107,4.178055329,4.178055209,4.178055196,4.17805508,4.178055107,4.178055182,4.17805503,4.178055037,4.178055232,4.17805519,4.178055073,4.178055174
+"15401","SPACA1",3.383483736,3.383483783,3.383483778,3.383483773,3.383483852,3.383483742,3.383483835,3.383483822,3.383483766,3.383483735,3.383483772,3.383483841,3.383483819,3.383483698,3.383483791,3.383483722,3.383483881,3.383483824,3.383483746,3.38348376,3.383483799,3.383483878,3.383483699,3.383483726,3.383483763,3.383483808,3.383483701,3.383483776
+"15402","SPACA3",4.95212958,4.952129625,4.952129703,4.952129574,4.952129672,4.952129623,4.952129598,4.952129674,4.952129453,4.952129539,4.952129608,4.952129738,4.952129617,4.952129644,4.952129617,4.952129646,4.952129753,4.95212964,4.952129627,4.952129599,4.952129686,4.952129656,4.952129599,4.952129578,4.952129679,4.952129594,4.952129605,4.95212961
+"15403","SPACA4",4.262146007,4.262146101,4.262146129,4.262146085,4.262146002,4.262145908,4.262146129,4.262146168,4.262145931,4.262145995,4.262146132,4.262146245,4.262145929,4.262145785,4.262146187,4.26214592,4.262146147,4.262146146,4.262146004,4.262146119,4.262146065,4.26214627,4.262145987,4.26214595,4.262145918,4.262145966,4.262146089,4.262145974
+"15404","SPACA6",5.920699426,5.920699509,5.920699503,5.920699493,5.920699487,5.920699486,5.920699447,5.92069953,5.92069948,5.920699431,5.920699484,5.920699507,5.92069948,5.920699463,5.920699491,5.920699502,5.920699538,5.920699476,5.92069949,5.920699563,5.920699483,5.920699505,5.920699492,5.920699371,5.920699492,5.920699482,5.920699468,5.920699476
+"15405","SPACA7",3.486757593,3.48675758,3.486757717,3.486757734,3.486757773,3.486757684,3.486757641,3.486757758,3.486757674,3.486757621,3.486757686,3.486757773,3.486757685,3.486757565,3.486757785,3.486757695,3.48675791,3.486757782,3.486757666,3.48675777,3.486757806,3.486757761,3.486757672,3.486757635,3.486757702,3.486757688,3.486757596,3.486757755
+"15406","SPACA9",5.413674144,5.413674227,5.413674317,5.413674314,5.413674542,5.41367395,5.413674256,5.413674443,5.413674314,5.413674316,5.413674388,5.413674596,5.413674251,5.413673994,5.413674462,5.413674253,5.413674426,5.413674519,5.413674302,5.413674301,5.413674473,5.413674513,5.413674156,5.413674072,5.4136743,5.413674455,5.413674191,5.41367425
+"15407","SPACDR",5.938992341,5.938992369,5.93899237,5.938992364,5.938992395,5.938992388,5.938992376,5.938992392,5.938992365,5.938992376,5.938992389,5.938992406,5.938992364,5.938992316,5.938992383,5.938992381,5.938992377,5.938992388,5.938992376,5.938992358,5.938992364,5.938992397,5.938992362,5.938992341,5.938992362,5.938992384,5.938992325,5.938992363
+"15408","SPAG1",4.242555922,4.24255602,4.2425559775,4.2425561105,4.242555853,4.242556068,4.2425559125,4.2425560605,4.2425560455,4.2425559435,4.242556076,4.2425560175,4.242556044,4.242555959,4.2425560125,4.2425560065,4.2425560085,4.2425560545,4.2425559635,4.2425560425,4.2425557105,4.2425559985,4.2425561305,4.242555935,4.2425561895,4.2425558045,4.2425560645,4.2425560025
+"15409","SPAG16",4.364468946,4.36446894,4.364469005,4.364468949,4.364469058,4.364468871,4.36446898,4.364468988,4.364468961,4.364468964,4.36446896,4.364469018,4.364468994,4.364468929,4.364469026,4.364469009,4.364469034,4.364469005,4.364468948,4.364468954,4.364469035,4.364469043,4.364468964,4.364468939,4.364468987,4.364469025,4.364468965,4.364469007
+"15410","SPAG17",2.767623931,2.767623921,2.767623927,2.767623957,2.76762394,2.767623946,2.767623921,2.767623923,2.767623928,2.767623936,2.767623928,2.76762394,2.767623948,2.767623918,2.767623923,2.767623931,2.767623933,2.767623932,2.767623936,2.767623935,2.767623919,2.767623931,2.767623926,2.767623941,2.767623927,2.767623932,2.767623932,2.767623948
+"15411","SPAG4",4.849296619,4.849296577,4.849296661,4.849296647,4.849296698,4.849296606,4.849296638,4.849296644,4.849296662,4.849296572,4.849296627,4.849296623,4.849296606,4.849296498,4.849296643,4.84929673,4.849296745,4.849296658,4.849296645,4.849296703,4.849296655,4.849296661,4.849296618,4.849296626,4.849296659,4.849296629,4.849296548,4.849296648
+"15412","SPAG5",4.068540423,4.068540328,4.068540502,4.068540516,4.068540491,4.068540725,4.068540778,4.068540472,4.068540652,4.068540461,4.068540606,4.068540466,4.068540542,4.068540498,4.068540474,4.068540559,4.068540566,4.068540412,4.068540477,4.068540645,4.068540823,4.068540497,4.068540663,4.068540526,4.068540551,4.068540449,4.068540535,4.068540458
+"15413","SPAG6",4.136518265,4.136518353,4.136518343,4.136518401,4.136518366,4.136518271,4.136518309,4.136518344,4.136518319,4.136518323,4.136518371,4.136518365,4.136518295,4.136518294,4.136518355,4.136518571,4.136518382,4.136518385,4.136518332,4.136518259,4.136518305,4.136518326,4.136518211,4.13651834,4.13651844,4.136518242,4.136518349,4.136518361
+"15414","SPAG7",5.650914993,5.650915083,5.650915042,5.650914999,5.650915124,5.650914991,5.650915045,5.650915097,5.650915054,5.650915156,5.65091512,5.650915062,5.650915117,5.65091509,5.650915065,5.650915109,5.650915086,5.65091505,5.650915021,5.65091511,5.650915096,5.650915157,5.650915047,5.650915089,5.650914973,5.650915049,5.650915005,5.650915186
+"15415","SPAG8",4.544905454,4.544905459,4.544905477,4.544905459,4.544905481,4.544905487,4.544905483,4.544905476,4.544905472,4.544905478,4.544905467,4.544905478,4.544905477,4.544905451,4.544905473,4.544905441,4.544905474,4.544905477,4.544905458,4.544905475,4.544905478,4.544905478,4.544905485,4.544905466,4.544905466,4.544905467,4.544905474,4.54490546
+"15416","SPAG9",7.603433685,7.603434451,7.603433544,7.603435107,7.603432246,7.603433708,7.603433402,7.60343285,7.60343234,7.603432128,7.60343325,7.603431526,7.603433147,7.603434066,7.603433513,7.603434775,7.603432675,7.603434127,7.603433617,7.603433597,7.60343352,7.603432998,7.603433306,7.603433844,7.603434014,7.603433295,7.6034334,7.603432914
+"15417","SPAM1",3.043015749,3.04301585,3.043015867,3.043015821,3.04301589,3.043015836,3.043015839,3.043015877,3.043015861,3.043015813,3.0430159,3.043015945,3.04301586,3.043015826,3.043015866,3.043015923,3.043015917,3.043015895,3.043015842,3.043015827,3.043015842,3.043015856,3.04301599,3.043015772,3.043015829,3.043015866,3.043015807,3.043015978
+"15418","SPANXA2-OT1",6.554154075,6.5541540685,6.554154801,6.55415421,6.554154844,6.554153682,6.5541544805,6.554154739,6.5541543695,6.554154441,6.554154309,6.5541544375,6.554154264,6.554153705,6.554154392,6.554154759,6.5541548945,6.554154383,6.5541545135,6.554153809,6.554154385,6.554154522,6.5541540285,6.5541539585,6.554154249,6.5541539995,6.554154285,6.554154517
+"15419","SPANXB1",3.15467923,3.154679324,3.154679325,3.154679342,3.154679339,3.154679359,3.154679293,3.154679326,3.154679292,3.154679348,3.154679386,3.154679325,3.154679325,3.154679298,3.154679444,3.154679396,3.154679366,3.154679339,3.154679345,3.154679291,3.154679309,3.15467929,3.154679361,3.154679353,3.154679403,3.154679336,3.154679306,3.154679375
+"15420","SPANXN1",3.324553075,3.324553081,3.324553225,3.32455319,3.324553126,3.324553285,3.324553082,3.324553036,3.324553229,3.324553121,3.324553138,3.324553216,3.324553107,3.324553024,3.324553152,3.324553209,3.324553242,3.32455316,3.324553112,3.324553123,3.324553144,3.32455314,3.32455316,3.324553108,3.324553302,3.32455308,3.324553224,3.32455312
+"15421","SPANXN2",3.265805623,3.265805519,3.265805586,3.26580557,3.265805622,3.265805672,3.265805538,3.265805606,3.26580563,3.265805572,3.265805622,3.265805706,3.265805603,3.265805586,3.26580555,3.265805573,3.265805634,3.265805527,3.265805586,3.265805595,3.265805542,3.265805595,3.265805634,3.265805554,3.265805594,3.265805602,3.265805607,3.2658055
+"15422","SPANXN3",2.771097589,2.771097579,2.771097605,2.77109758,2.771097554,2.771097568,2.771097549,2.771097626,2.771097611,2.771097579,2.771097646,2.771097665,2.771097611,2.771097663,2.771097598,2.771097592,2.771097627,2.771097605,2.77109756,2.771097653,2.771097615,2.771097591,2.771097547,2.771097561,2.771097649,2.771097623,2.771097549,2.771097557
+"15423","SPANXN4",3.652259655,3.65225963,3.652259673,3.652259682,3.652259648,3.652259637,3.652259649,3.652259673,3.652259647,3.652259658,3.652259637,3.652259701,3.652259625,3.652259602,3.652259677,3.652259646,3.652259676,3.65225967,3.652259667,3.652259664,3.652259682,3.652259671,3.652259695,3.652259632,3.65225969,3.652259674,3.652259644,3.652259663
+"15424","SPANXN5",3.391874864,3.391874742,3.39187493,3.391874839,3.39187482,3.391874795,3.391874962,3.391874771,3.391874852,3.391874785,3.391874877,3.391875119,3.391874861,3.39187486,3.391874888,3.391874945,3.391874935,3.391874727,3.391874895,3.391874942,3.391874923,3.391874888,3.391874845,3.391874778,3.39187482,3.391874845,3.39187481,3.391875038
+"15425","SPARC",6.837966466,7.713542013,7.289569546,8.291849496,7.369702198,7.266054459,6.983131646,7.098011634,7.33373001,7.88309658,8.056770868,7.514053877,7.243399552,6.585830454,6.813608176,7.456401808,7.304769703,8.312275455,7.267905351,7.117871398,7.002629911,6.858650463,7.431710554,7.984781161,7.996586395,7.579818084,7.388091941,6.821987506
+"15426","SPARCL1",3.252568352,3.252568369,3.252568333,3.252568352,3.252568418,3.25256838,3.252568379,3.252568415,3.252568372,3.252568356,3.252568392,3.252568427,3.252568361,3.252568355,3.252568376,3.252568333,3.252568386,3.252568405,3.25256839,3.252568374,3.252568356,3.252568355,3.252568366,3.25256835,3.252568339,3.252568366,3.252568331,3.252568382
+"15427","SPART",5.902075557,5.902075466,5.902075299,5.902075887,5.902075026,5.902075661,5.902074672,5.902074869,5.902075378,5.902075257,5.902075191,5.902074794,5.902075543,5.902075885,5.902075117,5.902074801,5.902075169,5.902075643,5.902075664,5.902075362,5.902075075,5.902075101,5.902075631,5.902075549,5.90207524,5.902075374,5.902075314,5.902075374
+"15428","SPART-AS1",3.202556659,3.202556911,3.202556673,3.202556763,3.202556659,3.202556717,3.202556615,3.20255679,3.202556652,3.202556663,3.202556717,3.202556654,3.202556678,3.202556664,3.202556411,3.202556795,3.20255687,3.202556684,3.202556638,3.202556633,3.20255657,3.202556596,3.202556806,3.202556643,3.202556736,3.202556613,3.202556713,3.20255683
+"15429","SPAST",6.797290861,6.797290847,6.797290658,6.797290881,6.797290563,6.797290593,6.797290645,6.797290476,6.797290661,6.797290745,6.797290639,6.797290294,6.797290683,6.79729123,6.797290754,6.79729075,6.797290649,6.797290738,6.79729082,6.797290715,6.797290714,6.797290471,6.797290791,6.797290894,6.797290827,6.797290496,6.797290554,6.797290989
+"15430","SPATA1",3.170191794,3.170191843,3.170191845,3.170191832,3.170191803,3.170191801,3.170191758,3.170191797,3.170191798,3.170191804,3.170191816,3.170191896,3.170191775,3.170191787,3.17019181,3.170191777,3.170191837,3.170191796,3.170191845,3.170191765,3.170191779,3.170191789,3.170191805,3.170191756,3.170191792,3.170191853,3.170191835,3.170191779
+"15431","SPATA12",3.905228013,3.905228106,3.905228124,3.905228073,3.905228437,3.905228112,3.90522843,3.9052283,3.905228101,3.905227956,3.905228178,3.90522859,3.905228142,3.905227993,3.905228405,3.905227939,3.905228368,3.905228134,3.905228198,3.905228306,3.905228234,3.90522829,3.905227959,3.905228025,3.905227994,3.905228214,3.905228187,3.905228164
+"15432","SPATA13",6.660919815,6.660919745,6.660919407,6.660919763,6.660919569,6.660920044,6.660919846,6.660919783,6.660919963,6.660919843,6.660919449,6.66091947,6.660919739,6.660919714,6.660919816,6.660919625,6.660919411,6.660919854,6.660919793,6.660920012,6.660919794,6.660919643,6.660920044,6.660919761,6.660919635,6.660919794,6.66091982,6.660919729
+"15433","SPATA16",3.422418891,3.42241891,3.422418954,3.422418995,3.422418931,3.422418962,3.422418892,3.422418982,3.422418864,3.422419048,3.422418911,3.422418953,3.422418896,3.422418887,3.422418856,3.422418924,3.422418896,3.422418964,3.422418931,3.422418912,3.422418864,3.422418852,3.422418859,3.422418951,3.422418827,3.422418892,3.422418912,3.422418882
+"15434","SPATA17",2.900768921,2.900768898,2.900768772,2.900768807,2.900768946,2.900768924,2.900769002,2.900768984,2.900769091,2.900768895,2.900769058,2.90076892,2.900768949,2.900768867,2.900768898,2.900768975,2.900768897,2.900769017,2.900768824,2.900768851,2.900768941,2.900768808,2.900769025,2.900769015,2.900768917,2.900768834,2.900768889,2.90076892
+"15435","SPATA18",4.306812072,4.306812044,4.3068121,4.306812076,4.306812201,4.30681202,4.306812231,4.306812108,4.306812124,4.306812147,4.306812125,4.306812312,4.306811949,4.306811791,4.306812358,4.306812195,4.306812407,4.306812149,4.306812132,4.306812055,4.306812279,4.306812206,4.30681205,4.306811955,4.306812135,4.306812201,4.306812082,4.306812247
+"15436","SPATA19",4.144931925,4.144931991,4.144932247,4.144931916,4.144932304,4.144931809,4.144932108,4.144932149,4.144932224,4.144932014,4.144932149,4.144932282,4.144932064,4.144931942,4.144932057,4.144932098,4.144932234,4.144932409,4.144931848,4.14493206,4.144932135,4.144932331,4.144931929,4.144932322,4.144931994,4.144932089,4.144932141,4.144932215
+"15437","SPATA2",6.219431795,6.219431819,6.219431806,6.219431821,6.21943157,6.219431964,6.219431639,6.219431671,6.219431742,6.219431796,6.219431678,6.219431582,6.219431685,6.219431694,6.219431681,6.21943179,6.219431697,6.21943179,6.219431781,6.219431838,6.21943154,6.219431721,6.21943183,6.219431831,6.219431738,6.219431644,6.219431734,6.219431678
+"15438","SPATA20",5.791347146,5.791347126,5.791347101,5.791347254,5.791345401,5.791347468,5.791347349,5.791345639,5.791347506,5.791347251,5.791345704,5.79134566,5.791346621,5.791347977,5.791346628,5.791346236,5.791347115,5.791347099,5.791345569,5.791347051,5.791347172,5.791346033,5.791346425,5.791346975,5.791345919,5.791345672,5.791347256,5.791347154
+"15439","SPATA21",4.809338116,4.809337949,4.809338135,4.809338286,4.809338209,4.809337998,4.809338111,4.809338527,4.80933805,4.809338123,4.809338261,4.809338394,4.809338266,4.809338035,4.809338214,4.809338241,4.809338248,4.809338112,4.809338193,4.809338081,4.809338264,4.809338322,4.809338099,4.80933808,4.809338246,4.809338317,4.809338171,4.80933809
+"15440","SPATA22",3.597199237,3.597199227,3.597199336,3.597199264,3.597199372,3.597199452,3.597199139,3.597199337,3.597199311,3.597199356,3.597199194,3.597199344,3.597199253,3.597199268,3.597199248,3.597199356,3.597199388,3.597199307,3.597199268,3.597199264,3.59719919,3.597199202,3.597199288,3.597199253,3.597199214,3.597199191,3.597199265,3.597199293
+"15441","SPATA24",4.803034547,4.803034592,4.803034634,4.803034428,4.803034691,4.803034416,4.803034637,4.803034632,4.80303451,4.803034695,4.803034552,4.803034693,4.803034545,4.803034432,4.803034787,4.803034666,4.803034677,4.803034744,4.803034426,4.803034594,4.803034721,4.803034615,4.803034464,4.803034682,4.803034523,4.803034637,4.803034544,4.803034723
+"15442","SPATA25",4.959120412,4.959120414,4.959120397,4.959120413,4.959120423,4.959120424,4.95912041,4.959120448,4.959120436,4.959120424,4.959120412,4.95912046,4.959120434,4.959120416,4.959120409,4.959120386,4.959120455,4.959120432,4.959120419,4.95912041,4.959120437,4.959120428,4.959120413,4.959120419,4.959120392,4.95912044,4.959120406,4.959120385
+"15443","SPATA2L",6.238761069,6.238761062,6.23876115,6.238761144,6.238761206,6.238761088,6.238761131,6.238761102,6.238761072,6.2387611,6.238761197,6.238761141,6.238761118,6.238760952,6.238761161,6.238761168,6.238761243,6.238761188,6.238761083,6.238761134,6.238761131,6.238761169,6.23876106,6.238761056,6.23876116,6.238761119,6.238761092,6.238761048
+"15444","SPATA3",5.582490406,5.582490749,5.582491013,5.582490803,5.58249122,5.582491008,5.582491024,5.582491051,5.582491079,5.582491065,5.582491062,5.582491598,5.58249083,5.582490261,5.582491203,5.582491135,5.582491415,5.582491319,5.582491165,5.582491377,5.58249123,5.582491362,5.582490582,5.582490567,5.582490718,5.582491384,5.582491046,5.582491083
+"15445","SPATA31D5P",3.908202328,3.908202432,3.908202328,3.908202319,3.908202355,3.908202379,3.908202334,3.908202395,3.908202414,3.908202374,3.908202397,3.908202347,3.90820235,3.908202268,3.908202323,3.908202393,3.908202337,3.908202423,3.908202394,3.908202346,3.908202322,3.90820237,3.908202362,3.908202315,3.908202402,3.908202356,3.908202344,3.908202359
+"15446","SPATA31E1",4.550350788,4.550350777,4.55035081,4.550350789,4.550350809,4.5503508,4.550350809,4.550350805,4.550350801,4.550350803,4.5503508,4.55035081,4.550350801,4.550350782,4.550350812,4.550350806,4.550350823,4.550350813,4.550350819,4.550350809,4.550350816,4.550350827,4.550350798,4.550350784,4.550350797,4.550350814,4.550350799,4.550350802
+"15447","SPATA32",4.859275846,4.859275884,4.859275862,4.85927584,4.859275892,4.859275991,4.859275909,4.859275975,4.859275891,4.859275822,4.859275906,4.859275989,4.859275931,4.859275804,4.859275905,4.859275926,4.8592759,4.859275877,4.859275848,4.859275952,4.859275888,4.859275915,4.859275883,4.859275925,4.859275856,4.859275899,4.859275936,4.859275913
+"15448","SPATA33",4.858163738,4.858163789,4.858163788,4.858163781,4.858163805,4.858163759,4.858163792,4.858163833,4.858163774,4.858163795,4.858163773,4.858163819,4.85816377,4.858163758,4.858163788,4.858163781,4.858163824,4.858163795,4.858163768,4.858163766,4.858163801,4.858163801,4.858163782,4.85816378,4.858163783,4.858163784,4.858163741,4.858163786
+"15449","SPATA4",3.613928506,3.613928583,3.613928612,3.613928549,3.613928599,3.613928545,3.613928578,3.613928574,3.613928562,3.613928556,3.613928606,3.613928598,3.613928569,3.61392853,3.61392855,3.61392859,3.613928601,3.613928616,3.613928566,3.613928592,3.613928586,3.613928555,3.613928561,3.613928559,3.613928555,3.613928555,3.613928519,3.613928584
+"15450","SPATA41",4.861400298,4.861400323,4.861400513,4.861400888,4.861400805,4.861400459,4.861400321,4.861400838,4.861400503,4.861400532,4.861401029,4.861401029,4.861400357,4.861400028,4.861400539,4.861400951,4.861401311,4.861400068,4.861400727,4.861401032,4.861400648,4.86140078,4.86140105,4.86140062,4.86140042,4.861400479,4.86140082,4.861400678
+"15451","SPATA42",3.491973958,3.491974113,3.491973925,3.491974035,3.491974086,3.491973783,3.491973953,3.49197402,3.491973991,3.491973921,3.491974012,3.491973959,3.491973847,3.49197395,3.491974138,3.491973981,3.491974065,3.491974052,3.491974089,3.491973972,3.491973895,3.491974072,3.491973943,3.491974055,3.49197392,3.491974224,3.491974047,3.491973984
+"15452","SPATA45",3.062882895,3.062883058,3.062882766,3.062882803,3.06288284,3.062882927,3.062882986,3.062882777,3.062882701,3.062882903,3.062882837,3.062882962,3.062883069,3.062883048,3.062882922,3.062883006,3.062883028,3.062882978,3.062882985,3.062882932,3.062882986,3.062883048,3.062882941,3.06288296,3.062883184,3.062882875,3.06288306,3.062883514
+"15453","SPATA46",5.053811897,5.053811989,5.053812027,5.053811877,5.053811907,5.053812074,5.05381184,5.053811937,5.053811897,5.053811969,5.053811856,5.053811926,5.053812085,5.053811933,5.053811918,5.05381198,5.053812097,5.053812077,5.053811807,5.053811918,5.053811833,5.053812033,5.053811909,5.053811955,5.053811952,5.053811946,5.053812074,5.05381194
+"15454","SPATA48",3.0922021415,3.0922021625,3.0922023035,3.0922023185,3.0922022075,3.092202163,3.0922021385,3.092202271,3.092202174,3.0922021405,3.0922022475,3.0922022805,3.0922022125,3.092202082,3.0922021705,3.092202219,3.092202276,3.0922021515,3.0922022095,3.092202132,3.092202154,3.0922021385,3.092202261,3.0922021955,3.092202209,3.0922021415,3.0922021815,3.0922022935
+"15455","SPATA5",5.87744027,5.877439618,5.877439064,5.877438838,5.87743898,5.877438618,5.877439329,5.877439252,5.877439923,5.877439349,5.877438426,5.877439157,5.877439486,5.877440374,5.877439427,5.877439421,5.877438398,5.877438352,5.877439557,5.877438864,5.877439567,5.877439439,5.877439896,5.877439548,5.877438809,5.877439523,5.877439606,5.877440059
+"15456","SPATA5L1",5.339999875,5.339999861,5.339999816,5.339999847,5.339999838,5.339999839,5.33999985,5.33999985,5.339999822,5.33999985,5.3399998,5.339999842,5.339999872,5.339999833,5.339999853,5.339999862,5.339999831,5.339999831,5.339999842,5.339999839,5.339999823,5.339999845,5.339999852,5.339999844,5.339999831,5.339999841,5.339999883,5.339999822
+"15457","SPATA6",5.311599557,5.311599818,5.311599692,5.311599833,5.31159944,5.31159934,5.311599447,5.311599183,5.311599103,5.311599462,5.31159986,5.311599381,5.31159973,5.311599735,5.311599313,5.311599468,5.311599649,5.311599464,5.311599541,5.311599439,5.311599402,5.311599243,5.311598997,5.311599584,5.311599781,5.311599387,5.3115996,5.311599388
+"15458","SPATA6L",3.988467504,3.988467559,3.98846755,3.988467544,3.988467514,3.98846748,3.988467553,3.98846755,3.988467527,3.98846751,3.988467514,3.988467573,3.988467559,3.98846757,3.988467541,3.988467593,3.988467576,3.988467561,3.988467488,3.988467536,3.988467525,3.988467528,3.988467589,3.988467582,3.98846755,3.98846754,3.988467568,3.988467504
+"15459","SPATA7",3.770663114,3.770663118,3.770663132,3.770663115,3.770663117,3.770663125,3.770663109,3.77066311,3.770663121,3.770663122,3.770663116,3.77066312,3.770663108,3.770663124,3.77066313,3.770663121,3.770663129,3.770663115,3.770663118,3.770663121,3.770663107,3.770663119,3.770663121,3.77066312,3.770663115,3.77066311,3.770663125,3.77066312
+"15460","SPATA8",3.840532979,3.840532929,3.840532908,3.840532966,3.840533066,3.84053292,3.840532941,3.840533038,3.840532838,3.840532864,3.840533092,3.840532933,3.840532914,3.840532778,3.840533001,3.840532923,3.840532986,3.840532943,3.840532987,3.840532943,3.840532881,3.84053302,3.840532938,3.840532875,3.84053307,3.840532905,3.840532844,3.840532946
+"15461","SPATA9",3.053884674,3.053884673,3.053884719,3.053884736,3.053884683,3.053884706,3.05388471,3.053884756,3.053884645,3.053884696,3.053884706,3.053884594,3.053884697,3.053884637,3.053884574,3.05388464,3.053884744,3.053884696,3.05388478,3.053884591,3.053884631,3.053884668,3.053884672,3.053884684,3.053884671,3.053884709,3.053884668,3.053884707
+"15462","SPATC1",5.934006184,5.934006029,5.934006395,5.934006386,5.934006908,5.934006082,5.934006591,5.934006611,5.934006153,5.934006332,5.934006681,5.934006667,5.934006356,5.934005593,5.934006665,5.934006303,5.934006924,5.93400653,5.934006539,5.93400636,5.934006853,5.934006718,5.93400588,5.934005673,5.934006248,5.934006661,5.934005896,5.934006188
+"15463","SPATC1L",6.425385827,6.425385863,6.425385886,6.425385895,6.42538593,6.425385833,6.425385862,6.425385883,6.425385882,6.4253859,6.425385926,6.425385909,6.425385893,6.425385831,6.425385901,6.425385875,6.425385915,6.425385911,6.425385849,6.425385865,6.425385876,6.425385907,6.425385879,6.425385883,6.425385926,6.425385887,6.425385879,6.425385907
+"15464","SPATS1",4.171705784,4.171705715,4.17170588,4.171705624,4.171705937,4.171705828,4.171705848,4.171705845,4.171705687,4.171705854,4.171705785,4.171706118,4.171705787,4.171705615,4.171705948,4.171705894,4.171706096,4.171705811,4.171705805,4.171705832,4.171705891,4.171705789,4.171705726,4.171705731,4.171705988,4.171705914,4.171705749,4.171705816
+"15465","SPATS2",4.609099466,4.609099424,4.609099397,4.609099453,4.609099423,4.609099432,4.609099471,4.609099383,4.609099427,4.609099426,4.609099347,4.609099388,4.609099455,4.609099476,4.609099405,4.609099443,4.609099355,4.609099408,4.609099423,4.609099415,4.609099465,4.60909941,4.60909947,4.609099419,4.609099398,4.609099425,4.609099471,4.609099421
+"15466","SPATS2L",4.598141931,4.598141777,4.598141627,4.598141768,4.598142224,4.598142821,4.598142013,4.598141958,4.598141852,4.598141805,4.598141682,4.598141788,4.598141583,4.598141798,4.59814176,4.598141753,4.598141575,4.598141665,4.598141923,4.598142735,4.598142033,4.59814163,4.59814173,4.598141682,4.598141679,4.598141708,4.598141709,4.598141772
+"15467","SPC24",4.628998453,4.628998503,4.628998558,4.628998523,4.628998516,4.628998386,4.628998607,4.62899852,4.628998479,4.628998543,4.628998502,4.628998549,4.628998462,4.628998362,4.628998483,4.628998604,4.628998546,4.62899854,4.628998425,4.628998538,4.628998592,4.628998482,4.628998476,4.628998433,4.628998495,4.628998469,4.628998492,4.62899848
+"15468","SPC25",2.696756892,2.696756924,2.696756986,2.696756911,2.696756962,2.69675698,2.696756993,2.696756932,2.696757064,2.696756905,2.696757022,2.696756892,2.696756946,2.696756821,2.696756885,2.696756993,2.696757059,2.696756985,2.696756989,2.69675696,2.696757031,2.69675691,2.696756981,2.696756972,2.696756905,2.69675686,2.696756885,2.696757056
+"15469","SPCS1",7.101087937,7.101087997,7.1010879,7.101087739,7.101087763,7.101087673,7.101087895,7.101087693,7.101088053,7.101087951,7.101087576,7.101087706,7.101088011,7.101088215,7.10108778,7.101087911,7.101087695,7.101087578,7.101087781,7.101088029,7.101087824,7.101087786,7.101088001,7.101087922,7.101087504,7.101087779,7.101087986,7.101087983
+"15470","SPCS2",5.970213471,5.970211812,5.9702163595,5.970214438,5.970213014,5.970208148,5.970214174,5.970212791,5.970214887,5.970208584,5.9702127015,5.970213197,5.970212994,5.970216432,5.970209981,5.970213292,5.9702118135,5.9702073665,5.970214306,5.970216724,5.9702138955,5.970211979,5.9702121235,5.97021078,5.970215932,5.970213462,5.9702141195,5.970215194
+"15471","SPCS3",7.553945868,7.553945741,7.553945311,7.553945116,7.553945034,7.55394513,7.553945667,7.553945419,7.553945468,7.553945041,7.553945187,7.5539448,7.553945577,7.553946371,7.553945372,7.553945401,7.553945411,7.553945123,7.553945499,7.553944779,7.553945532,7.553945362,7.553945729,7.553945733,7.553945388,7.553945213,7.553945463,7.553946048
+"15472","SPDEF",5.349528348,5.34952835,5.349528368,5.349528353,5.349528373,5.349528359,5.34952836,5.349528372,5.349528361,5.349528356,5.349528357,5.349528366,5.349528352,5.349528344,5.349528369,5.349528348,5.349528368,5.349528363,5.349528351,5.349528368,5.349528375,5.349528362,5.34952835,5.349528341,5.349528368,5.349528372,5.349528358,5.349528357
+"15473","SPDL1",4.078914843,4.07891466,4.078914672,4.07891446,4.078914621,4.078914683,4.078914766,4.078914745,4.078914768,4.078914738,4.078914689,4.078914661,4.078914566,4.078915113,4.078914587,4.078914747,4.078914538,4.078914305,4.078914663,4.078914485,4.078914672,4.078914708,4.078914762,4.078914723,4.078914552,4.078914605,4.078914612,4.078914808
+"15474","SPDYA",2.966528953,2.966528939,2.966528954,2.966528956,2.966528958,2.966528953,2.966528963,2.966528948,2.966528956,2.96652896,2.966528964,2.96652897,2.966528957,2.966528927,2.966528961,2.966528975,2.966528949,2.966528952,2.966528941,2.966528929,2.96652894,2.966528953,2.966528935,2.966528949,2.966528957,2.966528941,2.966528937,2.966528966
+"15475","SPDYC",6.006885053,6.006884999,6.006885297,6.006885005,6.006885338,6.006885337,6.006885088,6.006885226,6.006885254,6.006885206,6.006885455,6.006885287,6.006885224,6.006884931,6.006885309,6.006885212,6.006885455,6.006885204,6.006885239,6.006885228,6.006885262,6.00688523,6.006885291,6.006885181,6.006885329,6.006885249,6.006885183,6.006885176
+"15476","SPDYE3",4.064535152,4.064534849,4.064534855,4.064534544,4.064535165,4.064535234,4.064535281,4.064534883,4.064535381,4.064535166,4.064534894,4.064535223,4.064535041,4.064534764,4.064535195,4.064534597,4.064535293,4.064535038,4.064535206,4.064534677,4.064534955,4.064534973,4.064535123,4.064534949,4.064534956,4.064535134,4.064534927,4.064535079
+"15477","SPDYE4",4.608606721,4.608606652,4.608606677,4.608606696,4.6086068,4.608606673,4.608606737,4.608606685,4.608606601,4.608606632,4.608606569,4.60860678,4.608606751,4.608606541,4.608606752,4.608606706,4.608606804,4.608606775,4.608606713,4.608606576,4.608606898,4.608606741,4.608606617,4.608606764,4.60860661,4.608606715,4.608606671,4.60860672
+"15478","SPDYE7P",4.718488751,4.718489816,4.718489323,4.718489998,4.718489811,4.718489303,4.718489613,4.718489184,4.718489669,4.718489558,4.718489567,4.718489637,4.718489453,4.718489512,4.718489461,4.71848982,4.718489398,4.718490205,4.7184895,4.718490201,4.718490159,4.718489536,4.718489211,4.718489708,4.718489372,4.718489623,4.718488871,4.718490057
+"15479","SPECC1",7.264741107,7.264741119,7.264741204,7.264741116,7.264741174,7.264741292,7.26474127,7.26474117,7.26474112,7.264741132,7.264741303,7.264741192,7.264741123,7.264741108,7.264741167,7.264741054,7.264741184,7.264741058,7.264741107,7.264741309,7.264741219,7.264741101,7.264741137,7.264741116,7.264741257,7.264741261,7.264741144,7.264741116
+"15480","SPEF1",5.790839538,5.790839551,5.790839603,5.79083955,5.790839667,5.790839528,5.790839582,5.790839618,5.790839598,5.790839598,5.790839612,5.790839653,5.79083957,5.790839496,5.790839629,5.790839576,5.790839649,5.790839602,5.790839568,5.790839605,5.790839608,5.790839634,5.790839609,5.790839567,5.790839632,5.790839578,5.790839571,5.790839609
+"15481","SPEF2",3.745161563,3.745161542,3.745161523,3.745161538,3.745161531,3.745161531,3.745161538,3.745161544,3.745161535,3.74516154,3.745161536,3.745161534,3.745161538,3.74516158,3.745161565,3.745161552,3.745161534,3.745161537,3.745161536,3.745161512,3.745161524,3.745161539,3.74516154,3.745161567,3.745161556,3.745161543,3.745161551,3.745161569
+"15482","SPEG",5.289952631,5.289952629,5.289952649,5.289952614,5.28995266,5.289952619,5.289952627,5.289952642,5.289952634,5.289952641,5.289952647,5.289952632,5.289952625,5.289952596,5.28995265,5.289952644,5.28995265,5.289952655,5.289952651,5.289952653,5.289952658,5.289952661,5.289952628,5.289952624,5.289952647,5.289952651,5.289952629,5.289952644
+"15483","SPEM1",5.101824609,5.101824813,5.101825466,5.101824694,5.101825853,5.101824702,5.101825454,5.101825471,5.101825302,5.101825233,5.101825526,5.101825533,5.101825248,5.101824833,5.101825228,5.101825194,5.101826135,5.101825515,5.101825316,5.101825502,5.101825729,5.101825651,5.10182494,5.101824965,5.10182516,5.101825087,5.10182498,5.101825301
+"15484","SPEM2",5.061576173,5.061576231,5.061576228,5.061576238,5.061576268,5.061576167,5.061576206,5.061576273,5.061576238,5.061576194,5.061576245,5.061576335,5.061576196,5.061576212,5.061576255,5.061576243,5.061576264,5.06157628,5.061576231,5.061576204,5.061576282,5.061576247,5.061576226,5.061576201,5.061576274,5.061576259,5.061576223,5.061576241
+"15485","SPEN",7.864870893,7.864871106,7.864870659,7.864871088,7.864870812,7.864871023,7.864870991,7.864870671,7.864870993,7.86487092,7.864870739,7.86487061,7.864870928,7.86487128,7.864871051,7.864871051,7.864870761,7.864870977,7.864870973,7.864870763,7.864870901,7.86487066,7.864871008,7.864871051,7.864870918,7.864870806,7.864870912,7.86487105
+"15486","SPEN-AS1",5.46689287,5.466892878,5.466892878,5.466892891,5.466892908,5.466892899,5.466892913,5.466892884,5.466892878,5.466892901,5.466892891,5.466892912,5.466892892,5.466892883,5.466892902,5.466892869,5.46689289,5.466892898,5.466892892,5.466892899,5.466892895,5.466892894,5.466892891,5.466892894,5.466892893,5.466892892,5.4668929,5.466892901
+"15487","SPG11",8.07797164,8.077971307,8.077971109,8.077971565,8.077971161,8.077971542,8.077971284,8.077970957,8.077971078,8.077971008,8.077971214,8.077970893,8.077971481,8.077971625,8.07797121,8.077971101,8.077970549,8.07797115,8.077971436,8.077971711,8.077971471,8.077970923,8.077971302,8.077971175,8.077971369,8.077971347,8.07797152,8.077971006
+"15488","SPG21",8.354818848,8.354818932,8.354818673,8.354818844,8.354818433,8.354818759,8.354818759,8.354818635,8.354818634,8.354818559,8.354818541,8.354818421,8.354818657,8.354818941,8.354818661,8.354818837,8.354818653,8.35481868,8.354818663,8.354818878,8.35481877,8.354818676,8.354818744,8.354818833,8.354818619,8.354818582,8.354818646,8.354818681
+"15489","SPG7",6.911387884,6.911387913,6.911387871,6.911387866,6.911387873,6.911387891,6.911387888,6.911387849,6.91138791,6.911387914,6.911387885,6.911387918,6.911387882,6.911387903,6.91138784,6.911387897,6.91138785,6.911387846,6.911387875,6.911387886,6.911387896,6.911387861,6.91138787,6.911387899,6.911387868,6.911387919,6.911387898,6.911387875
+"15490","SPHK1",5.237353641,5.237353682,5.237353804,5.237353702,5.237353824,5.237353786,5.237353691,5.237353871,5.237353743,5.237353786,5.237353739,5.237353914,5.237353755,5.237353686,5.237353835,5.237353611,5.237353976,5.23735387,5.237353745,5.237353831,5.237353875,5.237353854,5.237353622,5.237353691,5.23735384,5.237353852,5.237353621,5.237353724
+"15491","SPHK2",6.183745768,6.183745358,6.183745928,6.183745656,6.18374601,6.183745685,6.183745827,6.183745945,6.183745579,6.183745609,6.183745925,6.183745868,6.183745742,6.183745427,6.183746174,6.183745876,6.18374606,6.183746106,6.183745502,6.183745717,6.183746024,6.183746165,6.183745656,6.183745718,6.183745939,6.183745974,6.183745373,6.183745783
+"15492","SPHKAP",3.79162711,3.79162711,3.791627055,3.791627191,3.79162719,3.791627123,3.791627097,3.791627188,3.791627105,3.791627118,3.791627164,3.79162718,3.791627113,3.79162708,3.791627151,3.791627179,3.791627235,3.791627193,3.791627142,3.791627155,3.791627184,3.791627191,3.791627095,3.791627089,3.791627142,3.791627133,3.7916271,3.791627139
+"15493","SPI1",8.902969739,8.902970387,8.902970414,8.902971267,8.902970105,8.902971099,8.902970302,8.902969876,8.902970092,8.902970417,8.902970505,8.90296939,8.902970243,8.902969413,8.902970209,8.902969993,8.902970432,8.902970951,8.90297021,8.902970945,8.902970442,8.902970341,8.90297027,8.902970577,8.902970851,8.902969716,8.902970343,8.90296951
+"15494","SPIB",6.386982503,6.386982444,6.386982472,6.386982468,6.386982527,6.386982512,6.386982491,6.386982448,6.386982458,6.386982509,6.386982467,6.386982498,6.386982483,6.386982479,6.386982498,6.386982443,6.38698248,6.386982503,6.386982524,6.38698246,6.386982487,6.386982462,6.386982481,6.386982499,6.386982447,6.386982501,6.386982497,6.386982519
+"15495","SPIC",3.72924629,3.729246335,3.729246013,3.729246204,3.729246736,3.729246395,3.729245779,3.729246036,3.729246677,3.729246389,3.729246001,3.729246936,3.729246224,3.7292459,3.729245995,3.729246466,3.72924631,3.729246102,3.729246317,3.729245756,3.729245845,3.72924598,3.729245571,3.729246691,3.729246047,3.729246083,3.729246666,3.72924676
+"15496","SPICE1",5.031861709,5.031861584,5.031861343,5.031861517,5.031860703,5.031860824,5.031861081,5.031860891,5.031861328,5.031861135,5.031860772,5.031861042,5.031861508,5.031861741,5.031861402,5.031861027,5.031860859,5.031860529,5.031861606,5.031861199,5.031861266,5.03186151,5.031861421,5.031861295,5.031860849,5.031861433,5.031861464,5.03186146
+"15497","SPIDR",7.317355055,7.317354735,7.317354727,7.317354949,7.317354448,7.317354844,7.317354707,7.317354704,7.317354287,7.317354794,7.317354664,7.317354651,7.31735467,7.317354755,7.317354734,7.317354742,7.317354763,7.317354795,7.317354875,7.317354517,7.317354601,7.317354578,7.317354757,7.317354624,7.317354894,7.317354716,7.317354837,7.317354716
+"15498","SPIN1",6.782572158,6.782572165,6.782572105,6.782572111,6.782572135,6.782572116,6.78257212,6.782572099,6.782572166,6.782572142,6.782572075,6.782572082,6.782572149,6.782572259,6.782572154,6.782572137,6.782572081,6.782572079,6.782572167,6.782572116,6.782572121,6.782572127,6.782572184,6.782572153,6.782572091,6.782572161,6.782572167,6.782572218
+"15499","SPIN2A",4.07739037,4.07739018,4.077390393,4.077390209,4.077390258,4.077390168,4.077390474,4.077390542,4.077390182,4.077390237,4.077390633,4.077390444,4.077390382,4.077390085,4.077390339,4.077390411,4.077390286,4.077390478,4.077390415,4.077390319,4.077390297,4.077390266,4.077390222,4.077390644,4.077390509,4.07739034,4.077390225,4.077390506
+"15500","SPIN3",5.454897206,5.454897241,5.454897183,5.454897194,5.454897184,5.454897223,5.45489723,5.45489723,5.454897246,5.454897179,5.454897189,5.454897156,5.454897248,5.454897217,5.454897231,5.45489719,5.454897132,5.454897188,5.45489721,5.454897246,5.454897169,5.454897224,5.454897231,5.454897211,5.454897194,5.454897198,5.45489723,5.454897218
+"15501","SPIN4",5.169750678,5.169750592,5.169750808,5.169750659,5.169750976,5.169750591,5.169750867,5.169750692,5.169750665,5.169750785,5.169750554,5.169750812,5.169750735,5.169750632,5.169750728,5.169750709,5.169750841,5.169750564,5.169750717,5.169750581,5.169750731,5.169750709,5.169750672,5.169750479,5.169750783,5.16975075,5.169750726,5.169750762
+"15502","SPINDOC",5.891445875,5.89144585,5.891445907,5.891445903,5.891445927,5.891445838,5.891445881,5.891445952,5.891445892,5.891445867,5.891445942,5.891445917,5.891445855,5.891445821,5.891445899,5.89144588,5.891445954,5.891445863,5.89144589,5.89144588,5.891445892,5.891445883,5.891445868,5.891445873,5.891445886,5.891445901,5.891445889,5.891445903
+"15503","SPINK1",3.408114355,3.408114392,3.408114439,3.408114412,3.40811442,3.408114425,3.408114393,3.408114461,3.408114458,3.408114404,3.40811443,3.408114515,3.408114398,3.408114316,3.408114418,3.408114402,3.408114448,3.40811445,3.408114422,3.408114411,3.408114431,3.408114411,3.408114406,3.40811439,3.408114445,3.408114427,3.408114402,3.408114451
+"15504","SPINK14",2.754567468,2.754567491,2.754567512,2.754567603,2.754567594,2.754567561,2.754567467,2.754567599,2.754567531,2.754567543,2.754567518,2.754567656,2.754567419,2.754567516,2.754567609,2.754567531,2.754567668,2.754567519,2.754567505,2.754567477,2.754567506,2.754567537,2.754567472,2.754567636,2.754567473,2.754567434,2.754567464,2.754567624
+"15505","SPINK2",3.574802747,3.574802833,3.574802896,3.574802653,3.574802864,3.574802859,3.574802718,3.574802972,3.574802807,3.574802814,3.57480295,3.574802967,3.574802749,3.574802717,3.57480265,3.574802879,3.574802859,3.574802831,3.574802851,3.574802901,3.574802686,3.574802891,3.574802848,3.574802861,3.574802914,3.574802682,3.574802702,3.574802746
+"15506","SPINK4",4.048773129,4.048773026,4.048773202,4.048773141,4.048773018,4.048773195,4.048773241,4.048772965,4.048773189,4.04877314,4.04877315,4.04877303,4.04877305,4.04877296,4.048773169,4.048773284,4.048773198,4.048773115,4.048773068,4.048773201,4.048773091,4.048773053,4.048773069,4.048772912,4.048773042,4.048773113,4.048773031,4.048773078
+"15507","SPINK5",3.724804323,3.724804393,3.724804422,3.724804321,3.724804411,3.724804279,3.72480436,3.724804352,3.724804346,3.724804399,3.724804412,3.724804536,3.724804373,3.724804255,3.72480442,3.724804416,3.724804497,3.724804444,3.724804375,3.724804453,3.724804462,3.72480442,3.724804267,3.724804276,3.724804453,3.724804386,3.724804292,3.724804425
+"15508","SPINK6",3.626489777,3.626489903,3.626489816,3.626489879,3.626489906,3.62648986,3.626489874,3.626489808,3.626489923,3.626489826,3.626489849,3.626489867,3.626489858,3.626489846,3.62648982,3.626489845,3.626490051,3.626489824,3.626489859,3.626489857,3.626489902,3.62648986,3.626489865,3.626489811,3.626489895,3.626489864,3.626489973,3.626489878
+"15509","SPINK7",2.598086922,2.598086937,2.598086925,2.598086951,2.598086942,2.598086961,2.598086928,2.598086917,2.598086946,2.598086982,2.59808696,2.598086971,2.598086935,2.598086924,2.598086951,2.59808696,2.598086994,2.598086976,2.598086939,2.598086941,2.598086921,2.598086934,2.598086925,2.598086926,2.598086909,2.598086932,2.598086925,2.598086944
+"15510","SPINK9",2.770228477,2.770228283,2.770228802,2.770228584,2.770228844,2.770228624,2.770228723,2.770228704,2.770228371,2.770228431,2.770228371,2.770228736,2.77022837,2.770228379,2.770228424,2.770228459,2.770228675,2.770228544,2.770228733,2.770228646,2.770228376,2.770228352,2.770228234,2.770228314,2.770228259,2.770228537,2.770228474,2.77022854
+"15511","SPINT1",6.584737833,6.584737874,6.584737896,6.584737944,6.584737908,6.584737823,6.584737866,6.584737901,6.584737847,6.584737867,6.584737915,6.584737898,6.584737869,6.584737824,6.584737891,6.584737902,6.584737913,6.58473792,6.584737886,6.584737802,6.584737877,6.584737911,6.584737859,6.584737917,6.584737925,6.584737877,6.584737891,6.584737861
+"15512","SPINT2",6.790059467,6.790059652,6.790059465,6.790059621,6.790059577,6.790059553,6.790059486,6.790059478,6.790059528,6.790059672,6.79005965,6.790059522,6.790059516,6.790059561,6.7900594,6.790059531,6.790059502,6.790059508,6.7900596,6.79005958,6.790059422,6.79005936,6.790059429,6.790059663,6.790059511,6.790059395,6.790059561,6.790059505
+"15513","SPINT3",3.492729544,3.492729562,3.492729608,3.492729652,3.492729559,3.492729557,3.492729608,3.492729598,3.492729537,3.492729549,3.492729599,3.492729573,3.492729564,3.492729518,3.492729561,3.492729585,3.492729585,3.492729541,3.492729548,3.49272957,3.492729567,3.492729571,3.492729577,3.492729579,3.492729582,3.492729599,3.492729615,3.492729566
+"15514","SPINT4",2.739890428,2.739890428,2.739890417,2.739890425,2.739890427,2.739890417,2.739890424,2.739890447,2.739890433,2.739890457,2.73989043,2.739890426,2.739890422,2.739890417,2.739890427,2.739890437,2.73989043,2.739890429,2.739890436,2.739890445,2.739890429,2.739890425,2.73989044,2.739890448,2.739890442,2.739890423,2.739890421,2.739890422
+"15515","SPIRE1",4.318843817,4.318843849,4.318843792,4.318843871,4.318843845,4.318843812,4.318843865,4.318843896,4.318843844,4.31884389,4.318843901,4.31884384,4.318843825,4.318843711,4.318843888,4.31884384,4.318843892,4.31884387,4.318843879,4.318843771,4.318843797,4.318843807,4.318843891,4.318843818,4.318843819,4.318843854,4.318843981,4.318843845
+"15516","SPIRE2",5.836143558,5.836143545,5.836143613,5.836143539,5.836143896,5.836143606,5.836143695,5.836143804,5.836143646,5.836143707,5.836143587,5.836143809,5.836143616,5.836143528,5.83614378,5.836143538,5.836143792,5.83614368,5.836143689,5.836143671,5.836143763,5.836143797,5.836143449,5.83614357,5.836143618,5.836143737,5.836143614,5.836143635
+"15517","SPN",7.559271772,7.559271842,7.559271852,7.559271233,7.559271766,7.559272363,7.559272546,7.559272791,7.559272469,7.559272419,7.559271554,7.55927136,7.559272268,7.559273036,7.559271949,7.559271466,7.55927139,7.559270857,7.559271461,7.559270752,7.559272277,7.559272256,7.559272672,7.559272095,7.559271643,7.559272022,7.55927248,7.55927247
+"15518","SPNS1",7.984672133,7.984672164,7.984672186,7.984672146,7.984672241,7.984672175,7.984672171,7.984672185,7.984672196,7.984672218,7.984672169,7.984672181,7.984672171,7.984672143,7.984672193,7.984672145,7.984672216,7.984672109,7.98467218,7.984672112,7.984672181,7.984672202,7.984672129,7.984672142,7.984672121,7.984672162,7.984672159,7.984672132
+"15519","SPNS2",6.424599505,6.424599494,6.424599558,6.424599534,6.424599531,6.42459949,6.424599522,6.424599563,6.424599538,6.424599539,6.424599556,6.42459956,6.424599535,6.424599492,6.42459952,6.424599533,6.42459955,6.424599559,6.424599544,6.42459949,6.424599521,6.424599542,6.424599535,6.424599529,6.424599541,6.424599526,6.42459954,6.424599513
+"15520","SPNS3",6.331234582,6.33123567,6.331235033,6.331234667,6.331235728,6.331234819,6.331235214,6.331234878,6.331234931,6.331235226,6.331235863,6.331235256,6.331235222,6.331235079,6.331234259,6.331235431,6.331234648,6.331234054,6.33123567,6.331234652,6.331234762,6.331234931,6.331234787,6.331234844,6.331235736,6.331235144,6.331235217,6.331234961
+"15521","SPO11",2.594758398,2.594758405,2.594758707,2.594758611,2.594758659,2.594758642,2.594758587,2.594758629,2.594758506,2.594758557,2.594758789,2.59475877,2.594758569,2.594758455,2.594758567,2.594758656,2.594758889,2.594758549,2.594758487,2.59475846,2.594758393,2.594758616,2.594758483,2.594758382,2.594758623,2.594758572,2.594758548,2.59475876
+"15522","SPOCD1",5.903865088,5.903865566,5.903865202,5.903865726,5.903865783,5.903865322,5.903865625,5.903865622,5.903865451,5.90386511,5.903865556,5.903865364,5.903865373,5.903865127,5.90386543,5.903865393,5.903865638,5.903865856,5.903865759,5.903865581,5.903865592,5.903865568,5.903865425,5.903865313,5.903865366,5.903865527,5.903865262,5.903865248
+"15523","SPOCK1",4.722375727,4.722375816,4.722375789,4.722375765,4.72237589,4.722375797,4.722375731,4.722375835,4.722375764,4.722375803,4.722375864,4.722375829,4.722375747,4.722375712,4.722375743,4.722375849,4.722375845,4.722375899,4.722375795,4.722375779,4.722375743,4.722375891,4.722375824,4.722375744,4.722375843,4.722375719,4.722375815,4.722375796
+"15524","SPOCK2",8.574993858,8.57504292,8.574896858,8.574949392,8.574981315,8.574949828,8.574972088,8.575026223,8.575130635,8.575035584,8.574856334,8.575048682,8.57503506,8.57514592,8.574969651,8.574998011,8.574837457,8.574946904,8.574992176,8.574905053,8.574913789,8.575005131,8.575070951,8.575007702,8.574857957,8.575032991,8.575057597,8.575112527
+"15525","SPOCK3",3.638712951,3.638713007,3.638712949,3.638712941,3.63871312,3.638712982,3.638713035,3.63871304,3.638712966,3.638712945,3.63871299,3.638712921,3.638712875,3.638712892,3.638713083,3.638713046,3.638713074,3.63871309,3.638712939,3.638713068,3.638713018,3.638713083,3.638713,3.638713056,3.638712991,3.63871295,3.6387129,3.638712983
+"15526","SPON1",4.904239113,4.904239145,4.904239141,4.904239128,4.904239148,4.904239118,4.904239144,4.904239149,4.904239133,4.904239144,4.904239141,4.904239181,4.90423916,4.904239123,4.904239161,4.90423916,4.904239153,4.90423917,4.904239146,4.904239126,4.904239157,4.904239156,4.904239123,4.904239129,4.904239144,4.904239147,4.904239176,4.90423916
+"15527","SPON2",6.339888464,6.33988872,6.339888651,6.339887293,6.339888197,6.339888709,6.339887795,6.339888601,6.3398881,6.339887949,6.339888614,6.339887993,6.339888339,6.339888405,6.339888234,6.33988905,6.339888348,6.339887612,6.339887595,6.339888051,6.339887401,6.339888235,6.339888276,6.339888499,6.339888192,6.339888511,6.339887982,6.339888378
+"15528","SPOP",8.116541115,8.116541264,8.116540924,8.116541038,8.11654074,8.116541006,8.116540871,8.116540797,8.116541066,8.11654092,8.116540816,8.116540729,8.11654103,8.116541478,8.116540932,8.116541075,8.116540834,8.11654094,8.116541115,8.116540723,8.116540734,8.116540812,8.11654112,8.116541051,8.116540769,8.11654083,8.116540982,8.116541195
+"15529","SPOPL",7.810176841,7.81017826,7.810176453,7.810178426,7.810174415,7.810175157,7.810176652,7.810175681,7.810174595,7.810175148,7.810176491,7.810171268,7.810176077,7.810178509,7.810175457,7.810177778,7.810175961,7.810177991,7.810177498,7.81017555,7.810176731,7.810175619,7.810177693,7.810177769,7.810178415,7.810174513,7.81017688,7.810177068
+"15530","SPOUT1",7.089507228,7.08950708,7.089507314,7.089507057,7.089507334,7.089507134,7.089507281,7.089507405,7.089507315,7.089507231,7.089507248,7.08950731,7.089507405,7.089507211,7.089507344,7.089507132,7.089507259,7.089507295,7.089507118,7.089507097,7.089507284,7.089507423,7.089507279,7.08950714,7.0895072,7.0895074,7.089507295,7.08950727
+"15531","SPP1",4.213959026,4.213958984,4.213959017,4.213959055,4.213959,4.213958994,4.21395899,4.213959003,4.213959004,4.21395899,4.213959008,4.213959029,4.213959015,4.213958958,4.213959031,4.213959013,4.213959038,4.213959026,4.213959024,4.213958968,4.213959011,4.21395901,4.213959041,4.213958989,4.213958998,4.21395901,4.213959016,4.213959
+"15532","SPP2",3.397871348,3.397871487,3.397871439,3.397871741,3.397871509,3.397871536,3.397871404,3.397871546,3.397871374,3.397871673,3.397871452,3.397871575,3.397871489,3.397871261,3.39787156,3.397871436,3.397871684,3.397871469,3.397871497,3.397871432,3.397871503,3.397871445,3.397871315,3.397871545,3.397871761,3.39787168,3.397871487,3.397871515
+"15533","SPPL2A",7.933235998,7.933235869,7.933234942,7.933234892,7.933234613,7.933234938,7.93323512,7.933234718,7.933234609,7.933234402,7.933234995,7.93323377,7.933235168,7.933235987,7.933235082,7.933235396,7.933234373,7.933234203,7.933235189,7.933234198,7.933234918,7.933234681,7.933235045,7.933235268,7.933234918,7.93323452,7.933234821,7.933235177
+"15534","SPPL2B",6.648931874,6.648931912,6.648931839,6.648931855,6.648931858,6.648931867,6.648931907,6.64893191,6.648931973,6.648931972,6.648931757,6.648932015,6.648931816,6.648931909,6.648931808,6.648931939,6.648931912,6.648931733,6.648931836,6.648931774,6.648931865,6.648931903,6.648931911,6.648931833,6.648931654,6.648931917,6.648931824,6.64893189
+"15535","SPPL2C",5.932164384,5.932164449,5.932164467,5.932164486,5.932164592,5.932164362,5.932164336,5.93216445,5.932164448,5.932164518,5.932164513,5.932164501,5.932164359,5.932164196,5.932164385,5.932164484,5.932164497,5.932164514,5.932164412,5.932164501,5.932164417,5.932164494,5.932164498,5.932164442,5.93216452,5.932164394,5.932164468,5.932164407
+"15536","SPPL3",7.517332658,7.517332904,7.517332282,7.517332575,7.517332108,7.517332698,7.517332338,7.517332494,7.517332539,7.517332369,7.517331764,7.517332386,7.517332176,7.517332574,7.517332059,7.51733253,7.517331752,7.517331911,7.517332437,7.517332596,7.517331936,7.517332326,7.517332623,7.517332666,7.517332047,7.517332391,7.517332676,7.517332086
+"15537","SPR",5.524826348,5.524826385,5.524826409,5.524826388,5.52482641,5.524826421,5.524826325,5.52482643,5.524826474,5.524826387,5.524826433,5.524826394,5.524826428,5.524826338,5.524826424,5.524826432,5.524826416,5.52482638,5.524826381,5.524826446,5.52482641,5.524826487,5.524826423,5.524826443,5.524826377,5.524826399,5.524826352,5.524826364
+"15538","SPRED1",5.104132047,5.104131882,5.104132189,5.104131887,5.104132005,5.104131462,5.104131975,5.104131769,5.104131705,5.104132171,5.104132028,5.104131611,5.104131807,5.104132368,5.104132093,5.104131917,5.104131926,5.104131927,5.104131898,5.104131837,5.104131889,5.10413193,5.104131839,5.104132036,5.104132049,5.104131775,5.104131793,5.104132337
+"15539","SPRED2",4.786018348,4.786018373,4.786018389,4.786018421,4.786018427,4.786018402,4.786018386,4.786018443,4.786018333,4.786018319,4.786018317,4.786018568,4.786018389,4.786018287,4.786018383,4.786018383,4.786018496,4.786018436,4.786018366,4.786018348,4.786018412,4.786018429,4.786018252,4.7860184,4.786018369,4.786018302,4.786018347,4.786018351
+"15540","SPRED3",5.742976221,5.742976365,5.7429768,5.742976213,5.742976922,5.742976001,5.742976848,5.742976782,5.742976488,5.742976475,5.742976731,5.74297698,5.742976437,5.742976099,5.742976945,5.742976457,5.742976948,5.7429768,5.742976575,5.742976517,5.742976814,5.742976743,5.74297667,5.742976225,5.742976582,5.742976664,5.742976133,5.742976481
+"15541","SPRING1",7.218971835,7.218971563,7.218971356,7.218971192,7.218971307,7.218971787,7.21897164,7.218971373,7.218971632,7.218971558,7.218971465,7.218970813,7.218971566,7.218971898,7.218971527,7.218971131,7.218970945,7.218971218,7.218971176,7.21897156,7.218971596,7.218971361,7.218971667,7.218971646,7.218971602,7.218971331,7.218971616,7.21897202
+"15542","SPRN",6.572948632,6.572948382,6.572948954,6.572948648,6.572949181,6.572948793,6.572948965,6.572949132,6.572948822,6.572949013,6.57294931,6.572949213,6.57294871,6.572948113,6.572949112,6.572948805,6.572949197,6.572949057,6.572948908,6.572948937,6.572949087,6.572949068,6.572948886,6.572948634,6.572948924,6.57294919,6.572948721,6.572948629
+"15543","SPRR1A",5.541947837,5.541947764,5.541947832,5.541947879,5.541947915,5.541947877,5.541947857,5.54194797,5.541947822,5.541947777,5.541947898,5.541947877,5.541947847,5.541947801,5.541947949,5.541947881,5.541947983,5.541947896,5.541947841,5.54194786,5.541948001,5.541947936,5.541947731,5.541947749,5.541947896,5.54194797,5.54194786,5.541947822
+"15544","SPRR1B",5.049767373,5.049767192,5.049767485,5.049767473,5.049767761,5.049767478,5.049767849,5.049767927,5.049767582,5.049767493,5.049767485,5.049767974,5.04976758,5.049767277,5.049767931,5.049767579,5.049768047,5.049767748,5.049767767,5.049767529,5.049767981,5.049767932,5.049767431,5.049767278,5.049767614,5.049767957,5.049767413,5.049767763
+"15545","SPRR2A",3.410598437,3.410598395,3.410598414,3.410598409,3.410598398,3.410598401,3.410598391,3.410598498,3.410598344,3.410598413,3.410598407,3.410598538,3.410598426,3.410598451,3.410598474,3.410598488,3.410598484,3.410598437,3.410598453,3.410598367,3.410598493,3.410598384,3.410598428,3.410598393,3.410598435,3.410598365,3.41059843,3.410598441
+"15546","SPRR2B",3.13749039,3.137490402,3.137490382,3.137490334,3.137490435,3.13749042,3.13749037,3.137490465,3.1374903,3.137490339,3.137490416,3.137490372,3.1374904,3.137490358,3.137490359,3.137490433,3.137490329,3.137490425,3.137490301,3.13749033,3.137490431,3.137490469,3.137490348,3.137490343,3.137490472,3.137490369,3.137490315,3.137490638
+"15547","SPRR2D",3.053661143,3.053661127,3.053661184,3.053661127,3.053661091,3.053661179,3.053661132,3.053661186,3.053661029,3.05366114,3.053661165,3.053661205,3.053661189,3.053661148,3.053661129,3.053661167,3.053661101,3.053661176,3.053661084,3.05366113,3.053661142,3.053661087,3.053661194,3.053661102,3.053661102,3.053661131,3.053661146,3.053661094
+"15548","SPRR2E",3.538799312,3.538799137,3.53879903,3.538798952,3.538799333,3.53879923,3.538799002,3.538799153,3.538799119,3.538799071,3.538799034,3.538799713,3.538798888,3.538799235,3.538799309,3.538799336,3.538799007,3.538799284,3.538799049,3.538799254,3.538799275,3.53879907,3.538798956,3.538799045,3.538799081,3.538799386,3.538798897,3.538799251
+"15549","SPRR2F",6.526322621,6.526322504,6.526322562,6.526322543,6.526322698,6.526322646,6.526322685,6.526322638,6.526322619,6.526322619,6.52632252,6.526322726,6.52632257,6.52632255,6.526322721,6.526322524,6.526322582,6.526322656,6.526322679,6.526322547,6.526322779,6.526322693,6.526322555,6.526322519,6.526322517,6.526322761,6.526322564,6.52632268
+"15550","SPRR2G",6.062803592,6.062803595,6.06280367,6.062803501,6.062803955,6.062803645,6.062803815,6.062803843,6.062803701,6.062803804,6.062803686,6.062803902,6.062803676,6.062803409,6.062803909,6.062803583,6.062803982,6.062803919,6.062803754,6.062803778,6.062804005,6.062803891,6.062803666,6.062803696,6.062803559,6.062803949,6.062803708,6.062803745
+"15551","SPRR3",3.881548571,3.881548556,3.881548625,3.881548699,3.881548597,3.881548554,3.881548599,3.881548639,3.881548568,3.88154861,3.881548665,3.881548587,3.881548596,3.881548511,3.881548552,3.881548571,3.881548587,3.881548676,3.881548638,3.881548583,3.881548616,3.881548631,3.88154862,3.881548584,3.881548597,3.88154861,3.881548653,3.881548649
+"15552","SPRR4",5.477640776,5.477640767,5.477640838,5.477640823,5.477640818,5.477640811,5.477640808,5.477640778,5.477640766,5.477640766,5.477640847,5.477640825,5.477640793,5.477640681,5.47764081,5.477640813,5.477640852,5.477640823,5.477640846,5.477640828,5.47764078,5.477640824,5.477640742,5.477640762,5.477640827,5.47764079,5.477640789,5.477640718
+"15553","SPRTN",6.187771826,6.187771802,6.187771823,6.187771816,6.187771782,6.187771777,6.187771811,6.187771805,6.187771806,6.18777179,6.187771787,6.18777174,6.187771822,6.187771878,6.187771815,6.187771782,6.187771792,6.187771797,6.187771817,6.187771746,6.187771812,6.187771785,6.187771822,6.187771824,6.187771837,6.187771819,6.187771829,6.187771788
+"15554","SPRY1",5.316158569,5.316158614,5.316158658,5.316158699,5.316158669,5.316158744,5.316158552,5.31615864,5.316158621,5.316158646,5.316158632,5.316158728,5.316158623,5.316158545,5.316158696,5.316158655,5.316158703,5.316158731,5.316158557,5.31615878,5.316158533,5.316158731,5.316158676,5.316158647,5.316158598,5.316158564,5.316158667,5.316158591
+"15555","SPRY2",4.112272647,4.112272663,4.112272604,4.112272632,4.11227261,4.112272627,4.112272644,4.112272663,4.11227259,4.112272653,4.112272638,4.112272621,4.112272655,4.112272645,4.112272652,4.112272648,4.112272598,4.112272623,4.11227265,4.112272648,4.112272664,4.112272631,4.112272664,4.112272619,4.112272595,4.112272565,4.112272661,4.112272644
+"15556","SPRY3",4.495564266,4.49556425,4.495564236,4.495564283,4.495564256,4.495564254,4.49556426,4.495564267,4.495564239,4.495564262,4.495564271,4.495564225,4.49556426,4.49556427,4.49556427,4.49556428,4.495564229,4.495564281,4.495564252,4.495564276,4.495564251,4.495564267,4.495564277,4.495564281,4.495564271,4.495564255,4.495564237,4.495564232
+"15557","SPRY4",4.509219805,4.509219809,4.509219808,4.509219804,4.509219831,4.509219814,4.509219805,4.509219821,4.509219821,4.50921982,4.509219827,4.509219822,4.509219817,4.509219785,4.509219815,4.509219817,4.509219839,4.509219809,4.509219813,4.50921982,4.509219827,4.509219812,4.50921982,4.509219811,4.509219813,4.509219815,4.509219816,4.509219795
+"15558","SPRYD3",7.400106973,7.400107149,7.400106853,7.400106957,7.400106818,7.400106901,7.400106955,7.400106936,7.400106954,7.400106897,7.40010688,7.400106803,7.400106971,7.400107068,7.400106943,7.400107085,7.400106772,7.400106903,7.400106932,7.40010677,7.400106757,7.400106882,7.400106883,7.400106909,7.400106823,7.400106855,7.40010693,7.40010711
+"15559","SPRYD4",5.850794982,5.850794961,5.850794962,5.850794941,5.850794967,5.850794974,5.850794978,5.850794953,5.85079498,5.850794954,5.85079497,5.850794969,5.850794987,5.850794979,5.850794978,5.850794954,5.850794965,5.850794961,5.850794971,5.850794979,5.850794968,5.850794973,5.850794976,5.850794948,5.850794959,5.850794971,5.850794975,5.850794963
+"15560","SPRYD7",5.716822352,5.716822305,5.716822301,5.716822271,5.716822322,5.716822238,5.716822343,5.71682228,5.716822306,5.716822307,5.716822305,5.716822244,5.716822338,5.71682235,5.71682231,5.716822344,5.716822317,5.716822317,5.716822339,5.716822282,5.716822316,5.716822341,5.716822306,5.716822319,5.716822351,5.716822294,5.716822337,5.716822361
+"15561","SPSB1",4.811996681,4.8119969,4.811996554,4.811996905,4.811997186,4.811996996,4.811996935,4.811996822,4.811996924,4.811996683,4.8119969,4.811997109,4.811996729,4.811996451,4.811996847,4.811996964,4.811996845,4.811996962,4.811996684,4.811997006,4.811996815,4.811996923,4.811996948,4.811996767,4.811997142,4.811996731,4.811996891,4.811996815
+"15562","SPSB2",7.203692924,7.203693105,7.203693121,7.20369303,7.203692989,7.203692998,7.203693043,7.2036931,7.203693067,7.203693095,7.203693042,7.203693079,7.20369301,7.203692952,7.203693099,7.20369306,7.203693113,7.203693085,7.20369308,7.203693036,7.20369311,7.203693115,7.20369287,7.203692995,7.203693133,7.203693052,7.203692981,7.203693085
+"15563","SPSB3",7.484270901,7.484270877,7.484270952,7.484270896,7.48427093,7.484270939,7.484270912,7.484270936,7.484270916,7.484270899,7.484270926,7.48427094,7.48427092,7.484270867,7.484270922,7.484270891,7.484270958,7.484270915,7.484270894,7.484270902,7.484270909,7.484270952,7.484270912,7.484270893,7.484270911,7.484270904,7.484270921,7.484270888
+"15564","SPSB4",5.435965597,5.435965886,5.435966315,5.435965972,5.43596612,5.435965219,5.435965534,5.43596646,5.435966204,5.435965982,5.435966162,5.435966122,5.43596604,5.435965383,5.435966115,5.435966439,5.435966372,5.435966117,5.435965763,5.435965938,5.435966169,5.435966208,5.435965835,5.435965914,5.435966149,5.435965982,5.435965921,5.435966109
+"15565","SPTA1",4.478902978,4.478903019,4.47890307,4.478903049,4.478903052,4.478903066,4.478903066,4.478903042,4.478903035,4.478903032,4.478903072,4.478903054,4.478902954,4.478902981,4.478903022,4.478902999,4.478903064,4.47890306,4.478903009,4.478903028,4.478903068,4.478903059,4.47890303,4.478903054,4.478903064,4.47890304,4.478903006,4.478903022
+"15566","SPTAN1",7.88864247,7.888642242,7.888641395,7.888641856,7.888642523,7.888641996,7.888643056,7.888641669,7.88864325,7.88864286,7.888641444,7.888642243,7.888642439,7.888643468,7.888642394,7.88864216,7.888640837,7.888641778,7.888642705,7.888641882,7.888642598,7.888641845,7.888642747,7.888642276,7.888641505,7.888642766,7.88864292,7.888642784
+"15567","SPTB",6.434457766,6.434330434,6.435246292,6.434711721,6.434649991,6.435318475,6.435036868,6.435192913,6.435148839,6.434967892,6.435165007,6.435019575,6.434543531,6.434122321,6.434602338,6.434064977,6.435149261,6.434900684,6.434415098,6.43497793,6.43486632,6.434982601,6.435057064,6.435047316,6.435064945,6.435005792,6.434694198,6.434336957
+"15568","SPTBN1",7.622299783,7.622328238,7.622262397,7.622332732,7.622323762,7.622298604,7.622344672,7.622254789,7.622390087,7.622358734,7.622277243,7.622330253,7.622325192,7.622359333,7.622291045,7.62230246,7.622224187,7.622313623,7.622329589,7.622266785,7.622318232,7.622264127,7.622373695,7.622335004,7.622279391,7.622340796,7.622343185,7.622344076
+"15569","SPTBN2",4.804868749,4.804868803,4.804868949,4.804868896,4.804869008,4.804868785,4.804868872,4.804869057,4.804868902,4.804869018,4.804868892,4.804868978,4.804868901,4.804868791,4.804868973,4.804868912,4.804869028,4.804869025,4.804868888,4.804868884,4.80486895,4.804869036,4.804868846,4.804868781,4.804868909,4.804869013,4.80486879,4.804868891
+"15570","SPTBN4",4.970707158,4.970707149,4.970707264,4.970707222,4.970707263,4.970707148,4.970707255,4.97070732,4.970707178,4.970707183,4.970707259,4.970707323,4.970707259,4.970707169,4.970707278,4.970707197,4.970707318,4.970707245,4.970707187,4.970707251,4.970707311,4.97070732,4.970707205,4.97070717,4.970707256,4.970707273,4.970707184,4.970707229
+"15571","SPTBN5",5.378342743,5.378342755,5.378342814,5.378342791,5.378342854,5.378342745,5.378342804,5.378342851,5.37834275,5.378342756,5.378342824,5.378342849,5.378342785,5.37834273,5.378342848,5.378342784,5.378342852,5.378342858,5.378342793,5.378342805,5.37834288,5.378342838,5.378342797,5.378342759,5.378342792,5.37834285,5.378342762,5.37834278
+"15572","SPTLC1",6.510722045,6.510722029,6.510721936,6.510721963,6.51072187,6.510721989,6.510721961,6.510721944,6.510721959,6.510721953,6.510721946,6.510721803,6.51072197,6.510722063,6.510721991,6.51072199,6.51072191,6.510721963,6.510721994,6.510721957,6.51072196,6.51072192,6.510721953,6.510722016,6.510721942,6.510721938,6.510721925,6.510721971
+"15573","SPTLC2",7.756323287,7.75632381,7.756322438,7.75632344,7.756322386,7.75632306,7.756322607,7.756322823,7.756322013,7.756322984,7.756323306,7.756321651,7.75632295,7.756323934,7.756322542,7.756323303,7.756322426,7.756322761,7.756322636,7.756323083,7.756322171,7.756322686,7.756322435,7.756323357,7.756323327,7.75632212,7.756322824,7.756322873
+"15574","SPTLC3",3.718110504,3.718110527,3.718110541,3.71811054,3.718110549,3.718110541,3.718110541,3.718110531,3.71811056,3.718110545,3.718110537,3.718110538,3.71811054,3.71811054,3.718110528,3.718110547,3.718110547,3.71811055,3.718110524,3.718110551,3.718110527,3.718110541,3.718110522,3.718110531,3.718110521,3.718110532,3.718110541,3.718110532
+"15575","SPTSSA",5.225134001,5.225134021,5.225133998,5.225134003,5.225133943,5.225133992,5.22513393,5.225133934,5.225133893,5.22513397,5.225134053,5.225133884,5.225133959,5.22513404,5.225133866,5.225133962,5.225134054,5.225133986,5.225133953,5.225134039,5.225133985,5.22513391,5.225133897,5.225133979,5.225133983,5.225133907,5.225134004,5.225133974
+"15576","SPTSSB",4.212511709,4.212511612,4.212511522,4.212511534,4.212511468,4.212511424,4.21251152,4.212511676,4.212511469,4.212511614,4.212511659,4.212511637,4.212511608,4.212511618,4.212511539,4.212511501,4.212511552,4.212511715,4.21251156,4.212511468,4.212511478,4.21251147,4.21251144,4.212511912,4.212511481,4.212511561,4.212511625,4.212511582
+"15577","SPTY2D1",5.637218866,5.637218845,5.63721864,5.63721893,5.637218492,5.637218828,5.63721881,5.637218595,5.637218654,5.637218709,5.637218639,5.637218741,5.637218872,5.637218857,5.637218758,5.637218722,5.637218723,5.637218914,5.637218767,5.637218727,5.63721871,5.637218682,5.63721883,5.637218845,5.637218867,5.637218545,5.637218752,5.637218768
+"15578","SPX",3.575870169,3.575870311,3.575870357,3.575870314,3.575870378,3.57587022,3.575870247,3.575870193,3.575870147,3.57587045,3.575870373,3.575870399,3.575870217,3.575870248,3.575870234,3.575870218,3.575870351,3.575870376,3.575870246,3.57587022,3.575870221,3.575870194,3.575870204,3.575870586,3.575870382,3.575870197,3.575870259,3.575870224
+"15579","SPZ1",3.157476495,3.157476502,3.157476583,3.157476529,3.157476551,3.157476551,3.15747661,3.157476545,3.157476519,3.157476578,3.157476492,3.157476592,3.157476582,3.157476512,3.157476583,3.157476546,3.157476594,3.157476598,3.157476567,3.157476593,3.157476529,3.157476603,3.157476537,3.157476483,3.15747654,3.157476527,3.1574765,3.157476584
+"15580","SQLE",5.521961146,5.521961171,5.52196114,5.521961065,5.521961123,5.521961137,5.521961155,5.521961114,5.521961135,5.521961105,5.521961135,5.521961119,5.521961161,5.521961209,5.52196112,5.521961135,5.521961109,5.521961105,5.521961076,5.521961178,5.521961146,5.521961095,5.521961093,5.52196111,5.521961085,5.521961101,5.521961159,5.521961142
+"15581","SQOR",7.807804034,7.807804683,7.807803129,7.80780451,7.807802385,7.807805985,7.807803269,7.807803743,7.807803724,7.807803352,7.807803048,7.807801344,7.807803578,7.807803643,7.807803961,7.8078043,7.80780269,7.807803549,7.807803248,7.807805396,7.807803284,7.807804111,7.807804329,7.807804523,7.807803267,7.807801937,7.807803252,7.807802405
+"15582","SQSTM1",8.631969936,8.631970078,8.631969867,8.631970015,8.631969745,8.63197005,8.631969754,8.631970047,8.631969903,8.63196993,8.631969918,8.63196968,8.63196991,8.631969786,8.631969912,8.631969989,8.631969865,8.63196995,8.631969747,8.631969664,8.631969744,8.631969988,8.631969871,8.631969982,8.631969794,8.631969795,8.631969896,8.631969687
+"15583","SRA1",6.407040758,6.407040721,6.407040799,6.407040778,6.407040651,6.407040769,6.407040746,6.407040748,6.407040771,6.40704065,6.40704072,6.407040761,6.40704078,6.40704074,6.407040805,6.407040752,6.407040709,6.407040846,6.407040691,6.407040851,6.407040785,6.407040746,6.407040814,6.407040728,6.407040715,6.407040808,6.407040716,6.407040718
+"15584","SRARP",4.948937625,4.948937645,4.948937629,4.948937636,4.948937702,4.94893761,4.948937608,4.948937631,4.948937649,4.948937586,4.948937631,4.948937722,4.948937597,4.948937488,4.948937631,4.948937667,4.948937658,4.948937685,4.948937623,4.948937548,4.948937662,4.948937732,4.948937663,4.948937594,4.948937617,4.948937669,4.948937591,4.948937609
+"15585","SRBD1",6.154312973,6.154312948,6.154312788,6.154312927,6.154312853,6.154313085,6.154312931,6.154312774,6.154312849,6.154312807,6.154312866,6.154312738,6.154312923,6.154313019,6.154312944,6.154312911,6.154312817,6.154312804,6.154312967,6.154313087,6.154312906,6.154312925,6.154312907,6.154312899,6.15431284,6.154312821,6.154312934,6.154312871
+"15586","SRC",6.263451801,6.263451827,6.263451838,6.26345184,6.263451838,6.263451853,6.263451816,6.263451834,6.263451824,6.263451832,6.26345185,6.263451816,6.263451838,6.263451812,6.263451846,6.26345181,6.26345184,6.263451858,6.263451821,6.263451845,6.263451831,6.263451829,6.263451812,6.263451838,6.263451825,6.263451834,6.26345184,6.263451813
+"15587","SRCIN1",5.53230487,5.532304913,5.532304972,5.532304992,5.532304997,5.532304929,5.532304936,5.532304983,5.532304913,5.532304915,5.532304981,5.532305006,5.532304929,5.532304808,5.532304944,5.532304961,5.532305027,5.532304975,5.532304901,5.532304953,5.532305023,5.532304979,5.532304903,5.532304961,5.532304962,5.532304946,5.532304953,5.53230492
+"15588","SRD5A1",7.238837849,7.238837637,7.238837971,7.238837833,7.238837991,7.238837864,7.238837961,7.238838038,7.238837906,7.238838039,7.238838099,7.23883806,7.238837953,7.238837577,7.23883811,7.238837629,7.238838103,7.238837917,7.23883796,7.238837886,7.238837971,7.238837989,7.238837874,7.238837765,7.238837981,7.238838061,7.238837988,7.238837835
+"15589","SRD5A2",4.440787418,4.440787407,4.440787471,4.44078745,4.440787474,4.440787416,4.440787415,4.440787461,4.440787426,4.440787438,4.440787463,4.440787461,4.440787405,4.44078739,4.440787439,4.440787445,4.440787476,4.440787495,4.440787433,4.440787454,4.440787446,4.440787458,4.440787424,4.440787436,4.440787425,4.440787411,4.440787422,4.440787482
+"15590","SRD5A3",5.625296198,5.625296183,5.625296154,5.625296133,5.625296139,5.625296146,5.625296309,5.62529616,5.625296238,5.625296162,5.625296102,5.625296105,5.625296128,5.625296142,5.625296129,5.625296119,5.625296078,5.625296022,5.625296131,5.625296117,5.625296258,5.625296108,5.625296254,5.625296143,5.625296117,5.625296137,5.625296159,5.625296114
+"15591","SREBF1",6.629945993,6.629946016,6.629946015,6.629946003,6.629946017,6.629946004,6.629946006,6.629945989,6.629946033,6.629946011,6.629945998,6.629946017,6.629946007,6.629945969,6.629946016,6.629946,6.629946012,6.629946036,6.629946009,6.629946022,6.629946009,6.629946038,6.629946016,6.629946,6.629945991,6.629946034,6.629946013,6.629945987
+"15592","SREBF2",6.667348314,6.667348247,6.667348202,6.667348131,6.66734819,6.667348235,6.667348277,6.667348235,6.667348187,6.667348268,6.66734828,6.667348165,6.667348313,6.667348315,6.667348182,6.667348112,6.667348076,6.667348158,6.667348133,6.667348125,6.667348177,6.667348097,6.667348119,6.667348211,6.667348271,6.667348203,6.667348326,6.667348187
+"15593","SREK1",6.694991431,6.69499136,6.694991292,6.694991233,6.694991219,6.694991256,6.694991291,6.69499124,6.694991321,6.69499127,6.694991187,6.694991209,6.694991304,6.694991527,6.69499128,6.694991284,6.694991178,6.69499117,6.69499133,6.694991285,6.694991294,6.694991252,6.694991371,6.694991371,6.694991223,6.694991283,6.694991329,6.694991381
+"15594","SREK1IP1",4.734397753,4.734397473,4.734397783,4.734397336,4.734396958,4.734396988,4.734397371,4.734397038,4.734397507,4.734397597,4.734396908,4.73439683,4.734397399,4.734398469,4.734397417,4.734397021,4.734397393,4.734396696,4.734397538,4.734397616,4.734397491,4.734397408,4.734397618,4.734397853,4.73439749,4.734396946,4.734397349,4.734398045
+"15595","SRF",7.357271006,7.357271092,7.357271081,7.357271089,7.357271075,7.357271109,7.357271065,7.357271103,7.357271137,7.357271191,7.357271062,7.357270978,7.357271086,7.357271005,7.357271139,7.357271081,7.357271068,7.35727115,7.357271024,7.357271062,7.357270981,7.357271133,7.357271116,7.357271081,7.357271021,7.357271029,7.357271145,7.357271073
+"15596","SRFBP1",5.191804107,5.191803978,5.191803943,5.191803802,5.191803974,5.191803943,5.19180395,5.191803741,5.191804078,5.191804025,5.191803757,5.191803922,5.191804078,5.191804369,5.191804052,5.191803924,5.191803888,5.19180391,5.191803932,5.19180376,5.191803963,5.191803946,5.191804087,5.191804024,5.191803835,5.191803927,5.191804042,5.191804244
+"15597","SRGAP1",3.505188067,3.505188196,3.505187962,3.505188449,3.505188101,3.50518838,3.505188047,3.505188179,3.505187772,3.505188117,3.505188089,3.505188162,3.505188186,3.50518805,3.505188202,3.505187981,3.505188046,3.505188102,3.505188101,3.505188088,3.505188195,3.505188061,3.505187996,3.505188094,3.505188042,3.505188102,3.505188029,3.505188217
+"15598","SRGAP2",6.356644652,6.35664469,6.356644441,6.356644412,6.356644154,6.356645444,6.356644385,6.356643889,6.356644334,6.356644389,6.356644435,6.356644089,6.356644327,6.356644477,6.356644475,6.356644101,6.35664392,6.35664407,6.356644169,6.356644956,6.3566443,6.35664404,6.356644303,6.356644491,6.35664417,6.356644101,6.35664428,6.356643784
+"15599","SRGAP3",4.98232492,4.982325003,4.982324966,4.982325009,4.982325061,4.982324884,4.982325016,4.982324842,4.982324996,4.982324979,4.982325101,4.98232497,4.982325002,4.982324927,4.98232495,4.982325075,4.982324925,4.982324975,4.982325156,4.982324945,4.982324966,4.982324931,4.982325,4.982324937,4.982325112,4.982324947,4.982324926,4.982324979
+"15600","SRGN",10.09993902,10.12396013,9.962134179,10.41900983,9.737043296,10.04661984,10.31052462,9.737474999,9.986618481,10.05886174,10.0489817,9.221326611,9.721303421,10.49074448,10.18871803,10.11320545,10.18402526,10.20590844,10.13179384,10.16145697,10.42721288,9.8993781,10.41666866,10.36907368,10.0124968,9.422643761,9.580842408,10.31512545
+"15601","SRI",6.606209912,6.606209985,6.606209172,6.606209807,6.606209579,6.606209327,6.606209625,6.606209331,6.606209505,6.606209757,6.606209529,6.606209157,6.60620969,6.606210058,6.606209399,6.606209777,6.606209053,6.606209489,6.606209725,6.606209647,6.606209601,6.606209391,6.606209737,6.606209693,6.606209708,6.606209326,6.606209612,6.606209737
+"15602","SRL",4.44421318,4.444213175,4.44421321,4.444213162,4.444213613,4.444213056,4.444213378,4.444213307,4.444213076,4.444213128,4.44421345,4.444213585,4.444213164,4.444213073,4.444213582,4.44421334,4.444213392,4.444213621,4.444213237,4.444213189,4.444213465,4.444213411,4.444212839,4.444213425,4.444213495,4.444213306,4.444213087,4.4442132
+"15603","SRM",7.658014286,7.658014284,7.658013978,7.658014063,7.658014161,7.658014374,7.658014346,7.658014162,7.658014452,7.658014291,7.658013947,7.65801406,7.658014365,7.658014411,7.65801409,7.65801414,7.658014075,7.658014028,7.65801412,7.658014182,7.658014217,7.658014236,7.658014394,7.658014222,7.658013929,7.658014206,7.658014446,7.658014237
+"15604","SRMS",5.497508832,5.49750887,5.49750888,5.497508853,5.497508911,5.497508791,5.497508865,5.497508908,5.497508855,5.497508859,5.497508883,5.4975089,5.497508829,5.497508788,5.497508875,5.497508895,5.497508909,5.49750888,5.497508838,5.497508882,5.497508908,5.497508855,5.497508828,5.497508855,5.497508875,5.497508893,5.497508877,5.497508855
+"15605","SRP14",6.610507974,6.610507647,6.610507661,6.610507369,6.610507354,6.610507616,6.610507757,6.610507435,6.610507795,6.610507869,6.61050789,6.610507364,6.61050773,6.610508322,6.610507813,6.610507727,6.610507253,6.610507717,6.610507659,6.610508107,6.610507935,6.610507641,6.610507757,6.610507834,6.610507871,6.610507851,6.610507439,6.610507978
+"15606","SRP19",7.155451642,7.155451542,7.155451736,7.155451568,7.15545191,7.155451745,7.15545176,7.155451729,7.155451719,7.155451747,7.155451797,7.155452,7.155451694,7.155451427,7.155451825,7.155451594,7.155451991,7.155451474,7.155451901,7.155451634,7.155451738,7.155451794,7.155451631,7.155451541,7.155451614,7.155451715,7.155451574,7.155451683
+"15607","SRP54",6.950968816,6.950968549,6.950968161,6.950968372,6.950967206,6.950968119,6.950968184,6.950967768,6.950968073,6.950967594,6.950967985,6.950967235,6.950968318,6.950969295,6.950968042,6.950968427,6.950967658,6.950967914,6.95096823,6.950968192,6.950968322,6.950967591,6.9509684,6.950968284,6.950968271,6.950968092,6.950968276,6.950968369
+"15608","SRP68",7.694252472,7.694252591,7.694251892,7.69425159,7.694251963,7.694252273,7.694252263,7.694251715,7.694252193,7.694252182,7.694251829,7.694251699,7.694252436,7.694253124,7.694252206,7.694252255,7.694251564,7.694251559,7.694252087,7.694252237,7.694252086,7.694251918,7.694252198,7.694252129,7.694251722,7.694252142,7.694252452,7.694252696
+"15609","SRP72",6.734699654,6.734699358,6.734699324,6.734698931,6.734699294,6.734699233,6.734699379,6.734699118,6.734699502,6.734699491,6.734699335,6.734698775,6.734699342,6.734700298,6.734699204,6.734699257,6.734698951,6.734698678,6.734699418,6.734699041,6.734699433,6.734699142,6.734699532,6.734699434,6.734699124,6.734699242,6.734699488,6.734699841
+"15610","SRP9",5.9925931305,5.992591773,5.9925920835,5.9925920375,5.992591554,5.992591283,5.992592127,5.9925919955,5.992592687,5.9925921385,5.9925915395,5.992591319,5.9925923805,5.992594292,5.992591887,5.9925910325,5.9925922835,5.9925919235,5.992592403,5.992592355,5.9925922555,5.992591866,5.992592757,5.992591893,5.9925913065,5.9925918385,5.992592164,5.9925931805
+"15611","SRPK1",7.825091372,7.825092691,7.825089413,7.825093243,7.825088772,7.825091345,7.825092432,7.825089159,7.825091577,7.825091001,7.825090483,7.825087558,7.825090496,7.825091304,7.825091338,7.825093122,7.825089253,7.825092867,7.825091404,7.825092137,7.825092149,7.825089858,7.825093451,7.825093133,7.825091852,7.825089382,7.825089905,7.825090141
+"15612","SRPK2",8.281932848,8.281933472,8.281932273,8.281933808,8.281932014,8.281932041,8.281932887,8.281932133,8.281932297,8.281932171,8.281932363,8.281931071,8.281932787,8.281933629,8.28193268,8.281933396,8.281932493,8.281933277,8.28193305,8.281932697,8.281932999,8.281932159,8.281932763,8.281933387,8.281933266,8.281932679,8.28193256,8.281932912
+"15613","SRPK3",6.169731204,6.169731274,6.169731385,6.169731304,6.169731423,6.169731132,6.169731309,6.169731401,6.169731314,6.169731292,6.169731398,6.169731446,6.169731326,6.169731141,6.169731359,6.169731364,6.169731418,6.169731361,6.169731265,6.169731309,6.169731355,6.169731413,6.169731267,6.169731303,6.169731401,6.169731361,6.169731247,6.169731364
+"15614","SRPRA",8.431293933,8.431294288,8.43129376,8.431294047,8.43129382,8.431294161,8.431294103,8.431293927,8.43129403,8.431293946,8.431293738,8.431293691,8.431294144,8.431294276,8.43129387,8.431294081,8.431293673,8.431293836,8.431293958,8.431294092,8.431293922,8.431293904,8.431293921,8.431294029,8.431293696,8.431293806,8.431294091,8.431294032
+"15615","SRPRB",6.462260259,6.462259787,6.462259624,6.46225981,6.462259639,6.462259538,6.462260058,6.46225973,6.462260109,6.462259859,6.462259429,6.462259815,6.462260076,6.462260523,6.462260067,6.462259912,6.462259424,6.462259354,6.462259704,6.462259676,6.462259959,6.462259772,6.462260191,6.462259931,6.462259324,6.462259817,6.462260141,6.462260162
+"15616","SRPX",4.705509146,4.705509123,4.705509155,4.705509103,4.705509251,4.705509171,4.705509202,4.705509143,4.705509158,4.705509158,4.705509187,4.705509252,4.705509111,4.705509046,4.705509212,4.70550917,4.705509242,4.705509147,4.705509198,4.705509109,4.705509222,4.705509197,4.705509109,4.705509083,4.705509086,4.705509171,4.705509127,4.705509215
+"15617","SRPX2",4.058284334,4.058284373,4.058284384,4.058284353,4.05828437,4.05828438,4.05828437,4.058284352,4.058284364,4.058284362,4.058284357,4.058284363,4.058284338,4.058284354,4.058284355,4.058284397,4.058284347,4.058284393,4.058284349,4.05828439,4.058284375,4.05828438,4.05828436,4.058284355,4.058284371,4.058284361,4.05828432,4.058284382
+"15618","SRR",5.038467539,5.038467377,5.038467425,5.038467343,5.038467408,5.038467654,5.038467593,5.038467301,5.038467262,5.038467386,5.0384675,5.038467459,5.038467407,5.03846755,5.038467576,5.0384672,5.038467509,5.038467311,5.038467366,5.038467442,5.03846746,5.038467367,5.038467525,5.038467443,5.038467308,5.038467423,5.038467368,5.038467386
+"15619","SRRD",7.048431365,7.048429981,7.048433812,7.048430983,7.048430427,7.048433355,7.048432094,7.048432911,7.048432447,7.048432038,7.048431309,7.048433364,7.048429552,7.048430749,7.048431037,7.048428898,7.048432194,7.048431021,7.048430048,7.048432106,7.04843122,7.048432433,7.048431975,7.048432118,7.048431508,7.04843407,7.04843127,7.048430949
+"15620","SRRM1",7.884796314,7.884796323,7.884796327,7.884796329,7.884796326,7.884796321,7.884796323,7.884796324,7.884796324,7.884796328,7.88479633,7.884796331,7.884796336,7.884796316,7.884796333,7.884796314,7.884796332,7.884796327,7.88479633,7.88479633,7.884796328,7.884796324,7.884796306,7.884796331,7.884796325,7.884796336,7.88479634,7.884796336
+"15621","SRRM2",8.828285074,8.828285029,8.828284863,8.828285101,8.828284907,8.828285139,8.828285145,8.828284918,8.828285038,8.82828509,8.828285025,8.828285023,8.828285092,8.828285137,8.828284987,8.82828493,8.828284706,8.828284995,8.828284964,8.828285033,8.828285156,8.828284969,8.828285013,8.828285063,8.828285053,8.828285128,8.828285146,8.828285014
+"15622","SRRM3",6.20369356,6.20369361,6.203693767,6.203693611,6.203693867,6.203693496,6.203693708,6.203693743,6.203693672,6.203693687,6.203693751,6.203693833,6.20369361,6.203693481,6.203693794,6.203693773,6.203693874,6.203693829,6.203693636,6.203693729,6.203693822,6.203693804,6.203693627,6.203693688,6.203693734,6.203693806,6.203693646,6.203693757
+"15623","SRRM4",4.984646649,4.984646748,4.984646917,4.984646821,4.984646969,4.984646963,4.984646966,4.984646914,4.984646713,4.984646948,4.984647095,4.984646975,4.984646918,4.984646656,4.984646886,4.984646847,4.984647116,4.984646897,4.984646769,4.984646846,4.984646976,4.984646843,4.984646794,4.984646716,4.984646656,4.98464695,4.984646751,4.984646695
+"15624","SRRT",6.726010802,6.726010788,6.726010767,6.726010786,6.726010738,6.726010834,6.726010807,6.726010756,6.72601078,6.72601077,6.726010751,6.726010765,6.726010797,6.726010821,6.726010741,6.726010745,6.726010711,6.726010745,6.726010756,6.726010788,6.726010779,6.726010764,6.726010789,6.726010779,6.726010723,6.7260108,6.726010823,6.726010773
+"15625","SRSF1",9.531324306,9.531320458,9.531310752,9.531306519,9.531303635,9.531303574,9.531311233,9.531307526,9.531315755,9.531306144,9.531299426,9.5312971,9.531314155,9.531340532,9.531312443,9.531320337,9.53129915,9.531300601,9.531313838,9.531301154,9.531312754,9.531308852,9.531316236,9.531310975,9.531301865,9.531308754,9.531312666,9.531321434
+"15626","SRSF10",5.733317235,5.7333167355,5.733316705,5.7333163135,5.7333163385,5.733316229,5.7333166695,5.7333162485,5.733316665,5.7333166895,5.73331622,5.733316308,5.733316782,5.73331778,5.733316449,5.7333166625,5.7333161235,5.733315682,5.7333166565,5.7333160015,5.733316633,5.733316296,5.733316718,5.73331675,5.7333161255,5.7333164375,5.733316687,5.7333172405
+"15627","SRSF11",8.449987288,8.449987082,8.44998672,8.449986718,8.449986855,8.449986835,8.449987116,8.449986894,8.449987306,8.449987278,8.449986695,8.449987086,8.449987125,8.449987825,8.449987142,8.449986904,8.44998647,8.449986654,8.449987027,8.44998678,8.449987123,8.449986925,8.449987228,8.449987052,8.449986756,8.449987197,8.449987189,8.449987403
+"15628","SRSF12",4.633303089,4.633303137,4.633303214,4.633303239,4.633303269,4.633303155,4.633303172,4.633303212,4.633303366,4.633303178,4.633303317,4.633303311,4.633303222,4.633303151,4.633303232,4.633303317,4.633303294,4.633303237,4.633303181,4.63330312,4.633303174,4.63330314,4.633303116,4.633303227,4.633303265,4.633303213,4.633303199,4.633303222
+"15629","SRSF2",8.653808525,8.653807767,8.653807752,8.65380742,8.653807385,8.653808086,8.653808103,8.653807787,8.653808183,8.653807849,8.653807223,8.653807404,8.653808142,8.653808702,8.653807925,8.653807482,8.653807194,8.653806719,8.653807631,8.653807387,8.653808002,8.653807966,8.653807978,8.653807434,8.653806771,8.65380772,8.653808083,8.65380776
+"15630","SRSF3",7.768626443,7.768625389,7.768625066,7.768624555,7.768624904,7.768624991,7.768625547,7.768625038,7.76862535,7.76862499,7.768624366,7.768624589,7.768626097,7.768627333,7.768625221,7.768625017,7.768624455,7.768624406,7.768625498,7.768624074,7.768625762,7.768625244,7.768625946,7.768625369,7.768624892,7.768624937,7.768625554,7.768626134
+"15631","SRSF4",8.58278903,8.582789311,8.582788926,8.582789016,8.582788902,8.582789227,8.58278902,8.582788839,8.582789098,8.582789023,8.582788906,8.582788831,8.582789088,8.582789286,8.582788993,8.58278925,8.582788704,8.582788893,8.582789014,8.582789199,8.582789068,8.582788868,8.582789154,8.582789011,8.582788887,8.582788905,8.582789048,8.582789045
+"15632","SRSF5",9.427607495,9.427201583,9.425926722,9.425793546,9.425760316,9.426235757,9.426698713,9.426118073,9.427240964,9.426388688,9.425461161,9.426288498,9.427225112,9.428982814,9.426855284,9.42739233,9.425772144,9.425447654,9.426624902,9.426484881,9.426906066,9.426756682,9.427103192,9.426561791,9.42551418,9.427041145,9.427198854,9.427404804
+"15633","SRSF6",7.868399939,7.868399341,7.868399218,7.868399211,7.868399002,7.868398898,7.868399302,7.868398789,7.868399584,7.868399521,7.868399185,7.868399078,7.86839967,7.868400149,7.868399423,7.868399039,7.86839896,7.868398781,7.868399341,7.868398646,7.868399178,7.868399026,7.868399466,7.868399314,7.868398921,7.868399257,7.868399639,7.868399668
+"15634","SRSF7",7.918735835,7.9187344,7.918734169,7.918733801,7.918733998,7.918734304,7.918734925,7.918734017,7.918734938,7.91873484,7.918734087,7.918734218,7.918735068,7.918736479,7.91873493,7.918734458,7.918733567,7.918733318,7.918734836,7.918733575,7.918735009,7.918734648,7.918734945,7.918734757,7.918733609,7.918734658,7.918735231,7.91873553
+"15635","SRSF8",7.644737083,7.644736736,7.644736946,7.644736237,7.644736222,7.644736554,7.644736589,7.644737313,7.644737217,7.644736872,7.644736617,7.6447366,7.644736998,7.644737576,7.644736569,7.644736298,7.644736515,7.644736348,7.644736485,7.644736829,7.644736621,7.64473692,7.644737268,7.64473713,7.644736182,7.644736894,7.644737333,7.644737376
+"15636","SRSF9",7.645344001,7.64534436,7.645343558,7.64534363,7.645343638,7.645343691,7.645344018,7.645343637,7.64534419,7.645343935,7.645343722,7.645343547,7.645343873,7.6453443,7.645343784,7.645344312,7.64534348,7.645343286,7.645343948,7.645344137,7.645343987,7.645343409,7.645344037,7.645344003,7.645343441,7.645343701,7.645343586,7.645344101
+"15637","SRXN1",7.143691199,7.143698064,7.143709802,7.143752824,7.143653352,7.143703411,7.143675857,7.14364344,7.143629306,7.143715486,7.143618227,7.143710519,7.143636191,7.143630638,7.143693772,7.143681723,7.143705699,7.14375031,7.143667142,7.143695237,7.143660054,7.143642529,7.143654979,7.143747374,7.143626892,7.143722291,7.143635595,7.143658419
+"15638","SRY",2.810418626,2.810418741,2.810418647,2.810418743,2.810418837,2.810418698,2.810418691,2.810418666,2.810418738,2.810418671,2.810418856,2.810418673,2.810418672,2.810418612,2.810418651,2.810418848,2.810418765,2.810418776,2.81041867,2.810418798,2.810418682,2.810418667,2.810418684,2.810418763,2.810418719,2.810418748,2.810418781,2.810418738
+"15639","SS18",6.769745677,6.769745369,6.769745312,6.769745259,6.769745377,6.769745423,6.769745496,6.769745384,6.769745382,6.769745485,6.769745334,6.769745284,6.769745606,6.76974579,6.769745544,6.769745206,6.769745239,6.769745153,6.769745494,6.769745411,6.76974554,6.76974533,6.769745517,6.769745475,6.769745386,6.769745462,6.769745604,6.769745558
+"15640","SS18L1",5.839742074,5.839741994,5.839742063,5.839742068,5.839742064,5.839742049,5.839742048,5.83974203,5.839742024,5.839742068,5.839742023,5.839742045,5.839742062,5.839742044,5.839742073,5.839741986,5.839742052,5.839742046,5.839742037,5.83974202,5.83974205,5.83974205,5.839742049,5.839742036,5.839742067,5.839742072,5.839742059,5.839742062
+"15641","SS18L2",6.650406476,6.650406273,6.650406566,6.650406285,6.650406329,6.650406376,6.650406478,6.650406381,6.650406615,6.650406475,6.650406318,6.65040643,6.650406462,6.650406651,6.650406342,6.65040617,6.650406345,6.650406194,6.650406294,6.650406361,6.650406453,6.65040637,6.650406434,6.650406481,6.650406175,6.650406289,6.650406399,6.650406564
+"15642","SSB",6.210388354,6.210388252,6.210388289,6.210387632,6.210387902,6.210387887,6.210387574,6.2103876,6.210388099,6.210387764,6.210387533,6.210387903,6.210388105,6.210389167,6.21038801,6.210388411,6.210387667,6.21038776,6.21038842,6.210386972,6.210387842,6.210387923,6.210388016,6.210387626,6.210387772,6.210388053,6.21038765,6.210388309
+"15643","SSBP1",6.274471642,6.274471048,6.274470659,6.274470306,6.274470422,6.27447042,6.274470681,6.274470469,6.274471472,6.274470518,6.274470055,6.274470338,6.274471313,6.274472113,6.274471083,6.274471383,6.274470198,6.274469764,6.274470812,6.274470658,6.274470835,6.27447057,6.274470923,6.274470776,6.27446948,6.274470758,6.274471111,6.274471076
+"15644","SSBP2",7.898110455,7.898110223,7.898110252,7.898110332,7.898110328,7.898110117,7.898110052,7.898110186,7.898110256,7.898110394,7.898110186,7.898110322,7.898110349,7.898110575,7.898110374,7.898110067,7.898110179,7.898110257,7.898110563,7.898110228,7.898109929,7.898110217,7.898110223,7.89811032,7.898110372,7.898110429,7.898110415,7.898110444
+"15645","SSBP3",7.940282295,7.94028312,7.940282271,7.940281647,7.940281899,7.940282447,7.940282015,7.940283399,7.940283295,7.94028315,7.940282103,7.94028268,7.940282484,7.94028177,7.940282167,7.940281858,7.940281925,7.94028172,7.940281929,7.940282233,7.940281558,7.940282972,7.940283225,7.940282991,7.94028269,7.940283263,7.940282679,7.940281565
+"15646","SSBP3-AS1",5.028358209,5.028358138,5.028358136,5.028358155,5.028358248,5.028358193,5.028358234,5.028358271,5.028358157,5.028358218,5.028358126,5.028358231,5.028358199,5.028358077,5.028358189,5.028358207,5.028358212,5.028358232,5.02835817,5.028358206,5.028358321,5.028358197,5.02835817,5.02835813,5.028358138,5.028358255,5.028358228,5.028358131
+"15647","SSBP4",7.482517151,7.482517166,7.482517173,7.482517164,7.482517207,7.482517178,7.482517168,7.482517216,7.48251717,7.482517196,7.482517197,7.482517237,7.482517187,7.482517108,7.482517168,7.482517151,7.482517223,7.482517177,7.48251715,7.482517171,7.482517143,7.482517201,7.482517151,7.482517158,7.482517182,7.482517158,7.48251716,7.482517163
+"15648","SSC4D",5.557813947,5.557813982,5.557814073,5.557813955,5.557814363,5.557814004,5.557814179,5.557814258,5.557814057,5.557814041,5.557814214,5.557814345,5.55781404,5.557813827,5.55781419,5.557813993,5.557814301,5.557814166,5.557814108,5.557814222,5.557814226,5.557814295,5.557814052,5.557813913,5.557814086,5.557814116,5.557813946,5.557814107
+"15649","SSC5D",6.431908145,6.431908222,6.43190856,6.431908385,6.431908655,6.431908177,6.431908431,6.431908581,6.431908349,6.43190843,6.431908508,6.431908686,6.431908317,6.431908007,6.431908493,6.431908387,6.431908653,6.431908559,6.431908361,6.431908324,6.431908581,6.431908679,6.431908263,6.431908258,6.43190853,6.431908557,6.431908246,6.431908405
+"15650","SSH1",5.536343757,5.536343759,5.536343759,5.536343793,5.536343757,5.536343769,5.536343766,5.536343756,5.53634375,5.53634378,5.53634376,5.536343752,5.536343758,5.536343752,5.536343749,5.536343762,5.536343746,5.536343767,5.536343771,5.536343743,5.536343751,5.536343736,5.536343748,5.536343773,5.536343763,5.536343764,5.536343764,5.536343744
+"15651","SSH2",9.303936565,9.303953447,9.303934753,9.303968002,9.303920125,9.303925856,9.303942661,9.303922401,9.303920583,9.303924965,9.303953639,9.303908038,9.303935687,9.303933331,9.303925821,9.303939468,9.303925672,9.303954369,9.303937548,9.303926589,9.30393703,9.303916964,9.303937066,9.303942174,9.303951265,9.303914073,9.303933149,9.303919086
+"15652","SSH3",5.971108822,5.97110886,5.97110884,5.971108842,5.971108861,5.971108849,5.971108832,5.971108845,5.971108838,5.971108852,5.971108853,5.971108845,5.971108841,5.971108821,5.971108836,5.971108844,5.971108849,5.97110885,5.971108839,5.971108856,5.971108853,5.971108853,5.971108821,5.971108843,5.971108858,5.97110884,5.971108823,5.971108833
+"15653","SSMEM1",3.056939828,3.056939909,3.056939922,3.056940032,3.056939925,3.056939874,3.056939914,3.05693992,3.056939949,3.056939869,3.056939944,3.056940212,3.05693991,3.056939902,3.056939966,3.056939844,3.056939983,3.056939924,3.056939981,3.056939864,3.056939973,3.056939976,3.056940044,3.05693989,3.056939926,3.05693993,3.056939806,3.056940081
+"15654","SSNA1",7.271387136,7.271387148,7.271387362,7.271387236,7.271387041,7.271387026,7.27138715,7.2713873,7.271387161,7.271387208,7.271387268,7.271387182,7.271387174,7.271387106,7.271387049,7.271387302,7.271387348,7.27138715,7.271387224,7.27138721,7.271387042,7.271387072,7.271387254,7.271387258,7.271387265,7.271387249,7.27138722,7.271386991
+"15655","SSPN",5.751777803,5.751777811,5.751777804,5.751777831,5.751777893,5.751777814,5.751777847,5.751777853,5.751777816,5.751777818,5.751777849,5.751777877,5.751777833,5.751777763,5.751777889,5.751777839,5.751777898,5.751777859,5.751777841,5.751777831,5.751777894,5.751777855,5.751777794,5.75177779,5.751777832,5.751777865,5.751777785,5.751777826
+"15656","SSPOP",6.328248346,6.3282483195,6.3282485005,6.328248335,6.3282486175,6.328248237,6.328248463,6.3282486085,6.328248328,6.3282483295,6.3282486595,6.3282486,6.3282484365,6.32824805,6.32824854,6.328248466,6.3282487165,6.328248567,6.3282484685,6.328248408,6.3282486095,6.3282487225,6.3282483545,6.328248224,6.328248496,6.3282485485,6.328248351,6.328248373
+"15657","SSR1",8.941697685,8.941696882,8.941697042,8.941696797,8.941696662,8.941696579,8.941696965,8.941696607,8.941696822,8.941696988,8.941696721,8.941695922,8.941697176,8.941697769,8.941697178,8.941696375,8.941696915,8.941696536,8.941697108,8.941696338,8.941697018,8.941696729,8.941696973,8.941697133,8.941696637,8.941696358,8.941697125,8.94169725
+"15658","SSR2",8.907827845,8.907827656,8.907827628,8.907827403,8.907827157,8.907827589,8.907827816,8.907827481,8.907827813,8.907827879,8.907827228,8.907827099,8.907827869,8.907828629,8.907827407,8.90782735,8.907827495,8.907827112,8.907827391,8.907827751,8.907827721,8.90782778,8.907828038,8.907827997,8.907827116,8.907827223,8.90782763,8.907828165
+"15659","SSR3",6.786761194,6.786760864,6.786761057,6.786760929,6.786760797,6.786760788,6.786761199,6.786760793,6.786760754,6.786761031,6.786761014,6.786760698,6.786761257,6.786761564,6.786760752,6.78676091,6.786760861,6.786760803,6.786761207,6.786760912,6.786761261,6.786760919,6.78676094,6.786761073,6.786760817,6.78676082,6.786761166,6.786761271
+"15660","SSR4",6.540527877,6.54052785,6.540527888,6.540527819,6.540527883,6.540527908,6.540527919,6.540527875,6.540527893,6.540527888,6.540527869,6.540527887,6.540527908,6.540527907,6.540527876,6.540527805,6.54052789,6.540527815,6.540527897,6.540527847,6.540527901,6.540527917,6.540527917,6.540527898,6.540527843,6.540527909,6.54052792,6.540527891
+"15661","SSR4P1",5.093824389,5.093824212,5.093824374,5.093824314,5.093824416,5.093824307,5.09382435,5.093824399,5.093824357,5.093824354,5.093824426,5.09382421,5.093824356,5.093824132,5.093824282,5.093824437,5.093824432,5.093824477,5.093824272,5.093824285,5.093824437,5.093824438,5.093824232,5.09382428,5.093824353,5.09382438,5.09382433,5.093824288
+"15662","SSRP1",6.171350326,6.171350179,6.1713500535,6.171350039,6.1713503035,6.1713503085,6.1713506045,6.1713503475,6.1713505145,6.1713499245,6.1713497605,6.171350531,6.171350245,6.1713505765,6.171350196,6.171350449,6.171349741,6.171349812,6.1713502145,6.171350326,6.171350455,6.1713502655,6.171350627,6.1713501305,6.1713497605,6.1713505125,6.171350262,6.171350562
+"15663","SST",4.897427999,4.897427933,4.89742809,4.897428067,4.897428229,4.897428088,4.897428079,4.897428119,4.897428028,4.897428077,4.897428064,4.897428217,4.897428018,4.897427895,4.897428168,4.897428096,4.897428189,4.897428177,4.897428088,4.897428009,4.897428162,4.897428103,4.89742809,4.897427979,4.897428057,4.897428055,4.897428035,4.897428026
+"15664","SSTR1",5.386578609,5.3865788,5.386578876,5.38657878,5.386579098,5.386578775,5.386578897,5.386578962,5.386578778,5.386578801,5.386578827,5.386578975,5.386578812,5.3865786,5.386579032,5.386578863,5.386579025,5.386578859,5.386578964,5.386578889,5.38657892,5.386578965,5.386578849,5.386578694,5.386578854,5.386579049,5.386578822,5.386578811
+"15665","SSTR2",5.559282366,5.559282452,5.559282498,5.559282519,5.559282592,5.559282304,5.559282456,5.559282478,5.559282486,5.5592825,5.559282453,5.559282534,5.559282452,5.559282344,5.559282547,5.559282571,5.559282536,5.559282504,5.559282516,5.559282458,5.559282532,5.559282519,5.559282368,5.559282423,5.559282486,5.559282484,5.559282437,5.559282476
+"15666","SSTR3",6.327869791,6.327869853,6.327869872,6.327869823,6.32786994,6.32786979,6.327869846,6.32786991,6.327869933,6.327869877,6.327869874,6.327869889,6.327869884,6.327869841,6.327869863,6.327869905,6.327869927,6.32786991,6.327869859,6.327869882,6.327869847,6.327869915,6.327869886,6.327869868,6.327869866,6.327869898,6.327869839,6.327869856
+"15667","SSTR4",5.064116225,5.06411616,5.064116395,5.06411609,5.064116948,5.064116406,5.064116499,5.064116767,5.064116299,5.064116399,5.064116481,5.064116731,5.064116452,5.064115972,5.064116755,5.06411644,5.064116911,5.06411676,5.064116602,5.064116449,5.064116755,5.064116679,5.064116208,5.064116496,5.064116322,5.064116754,5.06411617,5.064116322
+"15668","SSTR5",5.466423389,5.466423224,5.466423274,5.466423397,5.466423392,5.466423332,5.46642332,5.466423404,5.466423346,5.466423364,5.466423339,5.466423436,5.466423289,5.466423199,5.466423449,5.46642335,5.466423345,5.466423408,5.466423396,5.466423227,5.466423398,5.466423481,5.46642331,5.466423257,5.466423385,5.466423375,5.466423407,5.466423333
+"15669","SSTR5-AS1",6.0163496275,6.0163533995,6.0163532575,6.0163525425,6.016355969,6.016352341,6.016355433,6.0163526025,6.016354524,6.016353139,6.0163542735,6.016355881,6.016349885,6.016352912,6.0163466175,6.0163533205,6.016352913,6.016351434,6.0163556905,6.0163528605,6.0163560475,6.016354063,6.016352664,6.016351149,6.0163539155,6.0163543745,6.0163529265,6.016354327
+"15670","SSU72",8.006055618,8.006055552,8.00605537,8.006055486,8.00605531,8.006055573,8.006055424,8.006055479,8.006055502,8.006055531,8.006055414,8.00605533,8.006055564,8.006055561,8.006055478,8.006055463,8.006055338,8.006055335,8.006055419,8.006055595,8.00605538,8.006055487,8.006055471,8.0060555,8.006055374,8.006055357,8.006055567,8.006055455
+"15671","SSUH2",5.148335325,5.14833537,5.148335399,5.148335424,5.148335388,5.14833537,5.148335357,5.148335395,5.148335376,5.148335391,5.148335415,5.14833537,5.148335395,5.148335352,5.14833539,5.148335387,5.148335382,5.148335429,5.148335393,5.148335413,5.14833541,5.148335408,5.148335403,5.148335381,5.148335384,5.148335402,5.148335333,5.148335363
+"15672","SSX1",3.815219691,3.815219678,3.815219722,3.815219691,3.815219693,3.815219686,3.815219691,3.8152197,3.815219693,3.815219688,3.815219692,3.815219731,3.815219707,3.815219696,3.815219702,3.815219678,3.815219691,3.815219686,3.815219685,3.815219715,3.815219682,3.815219677,3.815219688,3.815219698,3.815219706,3.815219691,3.815219693,3.815219688
+"15673","SSX2IP",4.357668163,4.357668124,4.35766812,4.35766815,4.357668127,4.357668078,4.357668101,4.357668125,4.357668101,4.35766813,4.357668155,4.357668166,4.357668145,4.357668162,4.357668123,4.357668139,4.357668129,4.357668158,4.357668125,4.357668072,4.357668082,4.357668134,4.357668149,4.357668141,4.357668123,4.35766812,4.357668147,4.357668173
+"15674","SSX3",3.686682613,3.686682665,3.686682304,3.686682779,3.686682533,3.686682548,3.686682462,3.686682433,3.68668233,3.686682276,3.686682438,3.686682934,3.686682433,3.686681762,3.686682249,3.686682789,3.686682738,3.686682506,3.686682286,3.68668185,3.686682206,3.686682529,3.686682503,3.686682318,3.68668207,3.686682248,3.686682186,3.686682819
+"15675","SSX5",2.90217715,2.90217721,2.902177228,2.902177177,2.90217724,2.902177211,2.902177179,2.902177216,2.902177205,2.902177134,2.90217717,2.902177193,2.90217719,2.902177179,2.902177166,2.902177213,2.902177189,2.902177224,2.902177211,2.902177152,2.902177164,2.902177195,2.90217729,2.902177184,2.90217722,2.902177297,2.902177222,2.902177186
+"15676","SSX6P",3.901735692,3.901735687,3.901735681,3.901735723,3.901735697,3.901735713,3.901735709,3.901735715,3.90173571,3.901735683,3.901735728,3.901735685,3.901735688,3.901735671,3.901735724,3.901735673,3.901735723,3.901735706,3.901735722,3.90173572,3.901735701,3.901735696,3.901735637,3.901735633,3.901735663,3.901735679,3.901735696,3.901735652
+"15677","SSX7",3.588006118,3.588006167,3.588006278,3.588006114,3.588006222,3.588006316,3.588006221,3.588006198,3.58800619,3.588006064,3.588006216,3.58800619,3.588006136,3.588006077,3.58800613,3.588006124,3.588006178,3.58800624,3.588006079,3.588006159,3.588006169,3.588006184,3.588006249,3.588006209,3.5880061,3.58800613,3.588006091,3.588006053
+"15678","SSX8P",4.594067752,4.594067735,4.594067795,4.594067779,4.594067899,4.594067843,4.594067764,4.594067778,4.594067866,4.594067827,4.594067817,4.59406778,4.594067776,4.594067703,4.594067822,4.594067808,4.594067829,4.594067788,4.594067788,4.594067872,4.594067828,4.594067834,4.594067828,4.594067803,4.594067791,4.594067792,4.594067777,4.594067786
+"15679","SSX9P",2.834114188,2.834114189,2.834114147,2.834114166,2.834114164,2.834114135,2.834114133,2.834114085,2.834114157,2.834114111,2.834114109,2.834114186,2.834114113,2.834114096,2.834114171,2.834114142,2.834114173,2.834114195,2.83411416,2.834114185,2.834114218,2.83411419,2.83411417,2.834114138,2.83411413,2.83411413,2.834114127,2.834114163
+"15680","ST13P4",6.957878961,6.957878957,6.957878939,6.957878877,6.957878952,6.957878932,6.957878965,6.957879022,6.957878958,6.957878851,6.957878965,6.957878988,6.957878916,6.957878924,6.957878964,6.957878943,6.957878952,6.957878997,6.957878894,6.957878916,6.957878963,6.957878981,6.957878933,6.957878968,6.957878948,6.957879019,6.957878953,6.95787894
+"15681","ST13P5",6.832262415,6.832262383,6.83226223,6.832262465,6.832262376,6.832262341,6.832262474,6.832262461,6.83226256,6.832262511,6.832262321,6.832262149,6.832262455,6.832262582,6.832262319,6.832262491,6.832261901,6.832262661,6.832262155,6.832262437,6.832262647,6.832262325,6.832262395,6.83226267,6.832262499,6.832262679,6.832262554,6.832262746
+"15682","ST14",6.345332855,6.345332763,6.345332982,6.345332739,6.345333068,6.345332956,6.345332957,6.345332803,6.345332711,6.345333059,6.345333024,6.345332748,6.345332859,6.345332909,6.345332912,6.345332877,6.345332909,6.34533282,6.345333073,6.345332864,6.345332792,6.345332665,6.345332769,6.345332899,6.345333079,6.34533277,6.345332817,6.345332854
+"15683","ST18",3.294843042,3.294843043,3.294843052,3.294843047,3.294843082,3.294843028,3.29484304,3.294843052,3.294843054,3.294843048,3.294843057,3.294843086,3.294843056,3.294843057,3.294843065,3.294843017,3.294843041,3.294843078,3.29484307,3.294843059,3.294843054,3.294843058,3.294843037,3.294843056,3.29484305,3.294843054,3.29484304,3.294843064
+"15684","ST20",7.542334663,7.542335221,7.542334165,7.542335767,7.542333215,7.542334615,7.542334269,7.542334363,7.542334211,7.542333802,7.542334423,7.542333373,7.542334145,7.542335133,7.54233492,7.542335427,7.542334221,7.542334761,7.54233482,7.542334997,7.542334052,7.542334642,7.542335082,7.542335018,7.542334627,7.542333734,7.542334139,7.542334424
+"15685","ST20-AS1",6.029400959,6.029400588,6.029400944,6.029401102,6.029401348,6.02940098,6.029400947,6.029401144,6.029401033,6.029401093,6.02940123,6.029401431,6.029401015,6.029400747,6.029401341,6.029400831,6.029401236,6.029401309,6.029401156,6.029401087,6.029401137,6.029401157,6.029400962,6.029400756,6.029400953,6.029401145,6.029400973,6.029400984
+"15686","ST3GAL1",7.757766322,7.75776618,7.757766424,7.757766032,7.757766278,7.757766685,7.757766293,7.757766035,7.757766503,7.757766454,7.757766092,7.757766521,7.757766342,7.75776632,7.757766237,7.757765996,7.757766269,7.75776598,7.757766362,7.757766561,7.757766196,7.757766017,7.757766499,7.757766338,7.757766114,7.757766493,7.75776649,7.757766183
+"15687","ST3GAL2",7.880373628,7.880374126,7.880374002,7.880374486,7.880373219,7.880374016,7.880373586,7.880373672,7.880373741,7.880373592,7.880373796,7.880372951,7.880373439,7.880373163,7.880372981,7.880373984,7.880373656,7.880373989,7.880373515,7.880374201,7.88037291,7.880373666,7.880373954,7.880374297,7.880374049,7.880373316,7.880373556,7.880373008
+"15688","ST3GAL3",6.055590227,6.055590444,6.05559032,6.055590417,6.055590141,6.055590598,6.055590285,6.055590434,6.055590588,6.055590554,6.055590329,6.055590462,6.055590536,6.055590342,6.05559028,6.055590174,6.055590105,6.05559059,6.055590332,6.055590349,6.055590144,6.055590343,6.055590497,6.055590602,6.055590432,6.055590404,6.055590442,6.05559035
+"15689","ST3GAL4",6.190172067,6.190172241,6.190172134,6.190172302,6.19017208,6.19017224,6.190172205,6.190172224,6.190172261,6.190172307,6.190172166,6.190171943,6.190172082,6.19017206,6.190172122,6.190172305,6.190172207,6.190172352,6.1901722,6.190172331,6.190172114,6.190172153,6.190172281,6.190172304,6.190172157,6.190172113,6.190172173,6.190172043
+"15690","ST3GAL5",6.966720957,6.966720785,6.966720817,6.966720784,6.966720745,6.966721205,6.966720863,6.966720849,6.96672094,6.966720891,6.966720683,6.966720804,6.966721044,6.96672108,6.966720824,6.966720662,6.966720712,6.966720816,6.966720834,6.966721119,6.966720915,6.966721002,6.966721012,6.966720962,6.966720752,6.966720869,6.96672106,6.966720916
+"15691","ST3GAL6",5.803899107,5.803899217,5.80389907,5.803899319,5.803898287,5.803898629,5.803898876,5.803898562,5.803898569,5.803898855,5.803899137,5.803898482,5.803898696,5.803899384,5.803898608,5.803899065,5.803898563,5.803898715,5.803899098,5.803899256,5.803898947,5.803898686,5.803898885,5.803899064,5.80389938,5.803898327,5.803898716,5.803898923
+"15692","ST6GAL1",8.526099705,8.52609375,8.526084659,8.526087691,8.526090976,8.526092351,8.526092353,8.526085638,8.526103877,8.526102767,8.52608131,8.52609252,8.526096016,8.526107433,8.526090167,8.526087932,8.52607788,8.526086798,8.526090623,8.526087915,8.526090564,8.526086468,8.526101403,8.526096574,8.526081798,8.526096677,8.526101247,8.526100653
+"15693","ST6GAL2",4.877439647,4.87743972,4.877439802,4.877439824,4.877439872,4.877439698,4.877439795,4.877439845,4.877439818,4.877439709,4.877439857,4.877439913,4.877439743,4.877439653,4.877439841,4.877439795,4.877439888,4.877439775,4.877439784,4.877439692,4.87743987,4.877439893,4.877439697,4.877439809,4.877439818,4.877439818,4.877439756,4.877439728
+"15694","ST6GALNAC1",5.018725356,5.018725345,5.018725464,5.018725541,5.018725562,5.018725496,5.018725451,5.018725442,5.018725423,5.018725463,5.018725448,5.018725437,5.018725401,5.018725382,5.01872552,5.018725418,5.018725491,5.018725582,5.01872556,5.018725426,5.01872553,5.01872552,5.018725343,5.018725363,5.018725457,5.018725356,5.018725365,5.018725365
+"15695","ST6GALNAC2",7.777216134,7.777899638,7.777744118,7.778483684,7.777318331,7.777769405,7.777456285,7.777439834,7.777269281,7.777388912,7.777708845,7.777221773,7.777238199,7.77697204,7.777518694,7.778078485,7.77779778,7.778356627,7.778030826,7.77794337,7.777556449,7.777355871,7.777789953,7.778039627,7.778107068,7.777613875,7.777007306,7.777002884
+"15696","ST6GALNAC3",4.5367034215,4.5367037005,4.536703493,4.5367036775,4.5367033435,4.536703521,4.536703435,4.536703948,4.5367034605,4.5367032905,4.5367036525,4.5367037065,4.536703787,4.536703565,4.5367034365,4.5367034735,4.536703848,4.5367037915,4.5367040145,4.536703718,4.536703534,4.5367034175,4.5367031435,4.536703601,4.5367036325,4.5367032975,4.53670369,4.5367036645
+"15697","ST6GALNAC4",7.071512022,7.0709975085,7.0732487175,7.0716253535,7.071824188,7.0726724675,7.0715143635,7.0733237165,7.072745558,7.0716752015,7.072395027,7.072452678,7.0711819695,7.0702350955,7.0716315245,7.070319046,7.0728522635,7.0718145145,7.0713034795,7.0723849215,7.071186805,7.0727819355,7.0726724945,7.0714870225,7.072276898,7.072065597,7.071738095,7.071006014
+"15698","ST6GALNAC5",4.995801896,4.995801795,4.9958025085,4.995801848,4.9958025605,4.995802189,4.99580221,4.9958023155,4.995801923,4.9958019555,4.995802315,4.995802609,4.9958020775,4.9958017255,4.995802601,4.9958024195,4.9958025325,4.99580246,4.9958023925,4.9958021835,4.9958026515,4.995802082,4.995801991,4.9958019725,4.9958022745,4.995802429,4.995802302,4.995802214
+"15699","ST6GALNAC6",7.9054264035,7.9054260585,7.905426557,7.9054259065,7.905426754,7.9054264885,7.9054266605,7.9054268255,7.9054264625,7.90542645,7.9054265105,7.9054266845,7.905426442,7.905426139,7.9054266405,7.905426416,7.9054266275,7.9054262865,7.905426533,7.905426111,7.9054264695,7.9054266125,7.9054262415,7.9054262135,7.905426275,7.905426645,7.905426468,7.905426351
+"15700","ST7L",4.543890122,4.543890093,4.54389004,4.543890048,4.543890046,4.54389005,4.54389008,4.543890079,4.543890068,4.543890072,4.543890108,4.543890034,4.543890074,4.543890123,4.543890065,4.543890022,4.54388998,4.543890082,4.543890038,4.543890088,4.543890057,4.543890065,4.54389009,4.543890076,4.543890034,4.543890028,4.54389011,4.543890083
+"15701","ST8SIA1",4.7301974215,4.7301972485,4.730197514,4.7301973825,4.7301975515,4.730197693,4.730197629,4.730197436,4.730197437,4.7301972755,4.7301975995,4.730197594,4.730197429,4.7301973455,4.7301975065,4.7301973215,4.7301975255,4.7301974195,4.7301974805,4.730197506,4.730197661,4.730197523,4.7301973775,4.730197228,4.730197479,4.7301974665,4.730197445,4.7301974915
+"15702","ST8SIA2",4.476668071,4.476668059,4.476668079,4.476668092,4.476668103,4.476668058,4.476668084,4.476668084,4.476668064,4.476668066,4.476668082,4.476668097,4.476668057,4.476668062,4.476668097,4.476668079,4.476668099,4.476668088,4.476668074,4.476668084,4.476668074,4.476668078,4.476668084,4.476668061,4.476668074,4.476668057,4.476668058,4.476668081
+"15703","ST8SIA3",3.459486176,3.459486208,3.45948621,3.459486179,3.459486211,3.459486197,3.459486211,3.459486211,3.459486194,3.459486221,3.459486201,3.459486209,3.459486198,3.459486182,3.459486195,3.459486205,3.459486223,3.459486218,3.459486207,3.459486199,3.459486214,3.459486214,3.459486236,3.4594862,3.45948622,3.459486192,3.459486211,3.459486215
+"15704","ST8SIA4",8.138988618,8.13898809,8.138987484,8.138988708,8.138987577,8.138987626,8.138988281,8.138987323,8.138987228,8.138987522,8.138987598,8.13898556,8.138987705,8.138988847,8.138988543,8.138987981,8.138987596,8.138988329,8.138988729,8.138988161,8.138988506,8.138987668,8.138988426,8.138988206,8.138987926,8.138987103,8.138987335,8.138988465
+"15705","ST8SIA5",4.184784153,4.184784371,4.184784221,4.184784285,4.184784323,4.184784258,4.184784191,4.184784263,4.184784236,4.184784302,4.184784338,4.184784336,4.184784174,4.184784219,4.184784287,4.184784359,4.184784346,4.184784251,4.184784269,4.184784297,4.184784249,4.184784436,4.184784292,4.184784232,4.184784295,4.184784215,4.184784164,4.184784252
+"15706","ST8SIA6",4.110405701,4.110405688,4.110405719,4.110405684,4.110405671,4.110405648,4.110405682,4.110405686,4.110405664,4.110405735,4.110405707,4.110405716,4.110405662,4.11040563,4.110405709,4.110405606,4.110405707,4.110405659,4.11040568,4.110405593,4.110405646,4.110405653,4.110405627,4.110405681,4.110405641,4.110405661,4.110405671,4.11040562
+"15707","STAB1",6.374544275,6.374543911,6.374544301,6.37454416,6.374544369,6.374544411,6.374543887,6.374544001,6.37454349,6.374544101,6.374544176,6.374544162,6.374544086,6.374544108,6.374544168,6.374543662,6.374544325,6.374544146,6.374544145,6.374544261,6.374543801,6.374544027,6.374542963,6.374543606,6.374543904,6.374543935,6.374543926,6.374543837
+"15708","STAB2",4.192532259,4.192532257,4.192532267,4.192532265,4.192532277,4.19253226,4.192532269,4.192532277,4.192532269,4.192532263,4.192532272,4.192532288,4.192532266,4.192532246,4.192532276,4.192532287,4.192532286,4.192532284,4.192532264,4.192532275,4.192532278,4.19253228,4.192532253,4.192532271,4.192532268,4.19253227,4.192532263,4.192532273
+"15709","STAC",3.643868191,3.643868113,3.643868057,3.643867907,3.64386829,3.643868133,3.643868081,3.643868075,3.643868024,3.643868083,3.643868131,3.643868148,3.643867965,3.64386799,3.643868003,3.64386805,3.643868132,3.643868351,3.643868038,3.643868051,3.643867925,3.64386797,3.643867948,3.643867999,3.643867957,3.643868123,3.643868153,3.64386794
+"15710","STAC2",5.440499188,5.440499381,5.440499412,5.440499408,5.440499532,5.440498851,5.440499268,5.440499817,5.440499696,5.440499391,5.440499619,5.440500039,5.440499447,5.440498938,5.440499742,5.440499489,5.440499736,5.440499718,5.440499468,5.440499602,5.440499584,5.440499686,5.440499182,5.440499244,5.440499526,5.440499605,5.440499293,5.440499456
+"15711","STAG1",6.411400866,6.411400718,6.411400356,6.411400734,6.411400235,6.411399801,6.411400426,6.411400191,6.411400112,6.411400314,6.411400112,6.411399494,6.411400672,6.411401526,6.411400513,6.411400611,6.411400177,6.411400383,6.41140058,6.411399855,6.411400676,6.411400209,6.411400529,6.411400584,6.411400147,6.411400223,6.411400399,6.41140096
+"15712","STAG2",7.614434211,7.614433686,7.614433541,7.614434097,7.614432852,7.614432677,7.61443362,7.614432713,7.614432569,7.6144327,7.614433336,7.614431951,7.614433203,7.614435732,7.614433961,7.614433377,7.614433805,7.614433507,7.614433958,7.614432462,7.614433919,7.61443361,7.614433702,7.614433563,7.614433688,7.61443309,7.614433032,7.614434799
+"15713","STAG3",5.307235824,5.307235843,5.30723587,5.307235834,5.307235937,5.307235841,5.307235837,5.307235991,5.30723586,5.307235795,5.307235976,5.307235955,5.307235806,5.307235719,5.307235915,5.307235816,5.307235975,5.307235902,5.307235908,5.307235846,5.307235907,5.307235936,5.307235785,5.307235739,5.307235857,5.307235905,5.307235704,5.307235712
+"15714","STAG3L4",5.971764229,5.971764542,5.971764246,5.971765415,5.971764604,5.971764542,5.97176432,5.971764985,5.971765647,5.971764969,5.971763699,5.971764372,5.971765458,5.971765472,5.971764119,5.971764688,5.971764704,5.971765355,5.971765071,5.971764141,5.971764259,5.971764669,5.971765663,5.971764378,5.971763903,5.971764412,5.971765342,5.971765484
+"15715","STAM",7.118186603,7.118186537,7.118186544,7.118186539,7.118186474,7.118186535,7.118186484,7.118186513,7.118186481,7.118186498,7.118186424,7.118186443,7.118186557,7.118186613,7.118186454,7.118186434,7.118186356,7.118186423,7.118186514,7.118186461,7.118186407,7.118186465,7.118186584,7.118186621,7.118186513,7.118186497,7.11818656,7.118186514
+"15716","STAM2",6.4568659,6.456865914,6.456865809,6.456865807,6.456865622,6.456865713,6.456865761,6.45686564,6.456865682,6.456865692,6.456865783,6.456865482,6.456865749,6.456865972,6.456865802,6.456865868,6.456865682,6.456865793,6.45686585,6.456865874,6.456865785,6.456865671,6.456865742,6.456865797,6.45686579,6.456865685,6.456865796,6.456865884
+"15717","STAMBP",6.844753989,6.84475398,6.844753934,6.844753948,6.844753879,6.844753984,6.844753973,6.844753916,6.844753969,6.844753923,6.844753898,6.844753747,6.844754015,6.844754037,6.844753862,6.844753888,6.844753835,6.844753819,6.844753931,6.844754072,6.844753902,6.844753863,6.844753983,6.844753953,6.844753914,6.844753951,6.844753917,6.844753885
+"15718","STAP1",4.134348144,4.134347921,4.134347457,4.134347839,4.134347536,4.134347536,4.134347426,4.134347374,4.134347266,4.134347989,4.134347336,4.134347629,4.134347532,4.134348358,4.134347696,4.134347529,4.134347217,4.13434783,4.134347906,4.134347391,4.134347514,4.134347528,4.134347506,4.13434792,4.134347628,4.134347577,4.134347932,4.134348273
+"15719","STAP2",4.470178601,4.470178581,4.470178746,4.470178646,4.470178799,4.470178661,4.470178698,4.470178738,4.470178731,4.470178784,4.470178661,4.470178757,4.470178773,4.470178715,4.470178823,4.470178701,4.47017883,4.470178793,4.47017887,4.470178772,4.470178912,4.47017873,4.470178631,4.470178713,4.470178776,4.470178761,4.47017865,4.470178774
+"15720","STAR",5.247820454,5.247820534,5.247820799,5.247820507,5.247820767,5.247820674,5.247820611,5.247820673,5.24782056,5.247820736,5.24782086,5.247820837,5.247820711,5.247820497,5.247820791,5.247820786,5.247820891,5.247820841,5.247820639,5.247820578,5.247820801,5.24782079,5.247820374,5.247820629,5.247820694,5.247820655,5.247820578,5.247820717
+"15721","STARD10",6.610669492,6.610670365,6.61066959,6.61066996,6.610669542,6.610670228,6.610669621,6.610669989,6.610669664,6.610669526,6.610669904,6.610668965,6.610669763,6.61066966,6.610669669,6.610670255,6.610669614,6.610669783,6.610670061,6.6106703,6.610669589,6.610669989,6.610669732,6.610670086,6.610669953,6.610669115,6.610669791,6.610669705
+"15722","STARD13",3.529239439,3.52923944,3.529239445,3.529239448,3.529239439,3.529239436,3.529239438,3.529239428,3.52923944,3.529239435,3.529239439,3.529239453,3.529239426,3.529239436,3.529239439,3.529239438,3.529239443,3.529239439,3.529239436,3.529239427,3.529239448,3.529239439,3.529239443,3.529239426,3.529239433,3.529239436,3.529239427,3.52923945
+"15723","STARD3",7.519172757,7.519173026,7.519172743,7.519173027,7.519172707,7.519173036,7.519172885,7.519172816,7.519172902,7.519172901,7.519172832,7.519172584,7.519172964,7.519172902,7.519172824,7.519173018,7.519172823,7.519172948,7.519172819,7.519172785,7.519172908,7.51917279,7.519172921,7.519172915,7.519172856,7.519172746,7.519172839,7.519172766
+"15724","STARD3NL",5.625666996,5.625666977,5.625666973,5.625666972,5.625666965,5.62566699,5.625666975,5.625666981,5.625666972,5.625666973,5.625666989,5.625666955,5.625666969,5.625666995,5.625666977,5.625666968,5.625666976,5.625666967,5.62566697,5.625666989,5.625666978,5.625666986,5.625666983,5.625666979,5.625666968,5.625666953,5.625666976,5.62566698
+"15725","STARD4",5.946559081,5.946558961,5.946558661,5.946558585,5.946558748,5.946558565,5.946558892,5.946558677,5.946558307,5.946558617,5.946558753,5.94655815,5.94655878,5.946559267,5.94655872,5.946558685,5.946558291,5.946558524,5.946558969,5.946558938,5.946558761,5.946558697,5.946558861,5.946558474,5.946558396,5.946558452,5.946558638,5.946558853
+"15726","STARD5",5.248053395,5.248053409,5.248053387,5.248053376,5.24805339,5.248053388,5.248053403,5.248053375,5.248053401,5.248053409,5.248053377,5.248053425,5.248053401,5.24805339,5.248053386,5.248053385,5.248053397,5.248053377,5.248053395,5.248053395,5.248053398,5.248053406,5.248053397,5.24805339,5.248053385,5.248053403,5.248053397,5.248053401
+"15727","STARD6",2.43677737,2.436777389,2.436777402,2.43677739,2.436777445,2.436777388,2.43677741,2.436777392,2.436777394,2.43677743,2.436777389,2.436777441,2.436777367,2.436777382,2.436777378,2.436777414,2.436777411,2.436777366,2.436777408,2.436777383,2.436777372,2.43677739,2.436777418,2.436777397,2.436777409,2.436777368,2.436777394,2.43677738
+"15728","STARD7",8.560537916,8.560537875,8.560537377,8.560537179,8.560537534,8.560537834,8.560537785,8.560537547,8.560537459,8.560537658,8.560537104,8.560537162,8.560537813,8.560538656,8.560537407,8.56053776,8.560536887,8.560536638,8.560537554,8.560538034,8.560537513,8.560537363,8.560537624,8.560537518,8.56053694,8.560537401,8.560537896,8.560538033
+"15729","STARD7-AS1",5.583441685,5.583441566,5.583441532,5.583441524,5.583441417,5.58344153,5.583441465,5.583441308,5.583441654,5.583441546,5.583441371,5.58344132,5.583441482,5.583441649,5.583441338,5.583441325,5.583441407,5.583441278,5.583441476,5.583441616,5.583441333,5.583441443,5.583441428,5.583441592,5.583441558,5.583441633,5.583441546,5.583441371
+"15730","STARD8",5.223630415,5.223630612,5.223630699,5.223630692,5.223630898,5.223630493,5.223630607,5.223630682,5.223630473,5.223630817,5.223630954,5.223630709,5.223630628,5.223630483,5.223630663,5.223630822,5.223630855,5.223630759,5.223630598,5.223630619,5.223630749,5.223630727,5.223630655,5.223630706,5.223630719,5.223630712,5.223630797,5.223630505
+"15731","STARD9",4.97874637533333,4.97874622266667,4.978746158,4.97874621833333,4.97874621166667,4.97874620633333,4.97874627833333,4.978746324,4.97874625366667,4.978746335,4.97874619466667,4.978746237,4.978746249,4.97874626466667,4.97874632866667,4.97874618633333,4.97874619266667,4.97874627,4.97874622666667,4.97874623866667,4.97874626633333,4.97874633733333,4.97874628466667,4.97874628233333,4.97874623466667,4.97874625666667,4.97874630066667,4.97874619966667
+"15732","STAT1",10.18462167,10.12937626,9.779933948,9.66489888,9.645218583,11.50894866,10.00834037,10.3495604,10.16877632,9.668394793,9.378435791,9.491452997,10.31694721,9.889507132,10.09454912,9.902268036,9.775398086,9.452329821,9.77111846,11.55446631,10.01047917,10.61127983,10.16391066,9.824830709,9.626641536,9.884754263,10.21837243,9.623130549
+"15733","STAT2",8.098937777,8.039063784,8.005613888,8.057090699,8.059624185,9.471876006,8.152235791,8.144923145,8.006249436,8.068481331,7.813375889,7.785645389,8.216460527,8.003372716,7.935543527,7.770381344,7.993598315,7.87389176,8.256180112,9.366395616,8.111123201,8.218190751,8.088425512,7.932935749,7.916034658,7.898307243,8.242587924,7.864946483
+"15734","STAT3",9.775565108,9.775566707,9.775564613,9.775568524,9.775564463,9.775569377,9.775566023,9.775565695,9.775564819,9.775564837,9.775565111,9.775563242,9.775565787,9.775565039,9.775565789,9.775566131,9.775564721,9.775567618,9.775566589,9.775567624,9.775565931,9.775565455,9.775566113,9.775566404,9.77556586,9.775564582,9.775565796,9.775564239
+"15735","STAT4",7.267754277,7.26775292,7.267751785,7.267752193,7.26775208,7.267752655,7.267753111,7.267753019,7.267753403,7.267752587,7.267752081,7.267751787,7.267753351,7.267754157,7.267753593,7.267752614,7.26775125,7.267752072,7.267752518,7.267752113,7.267752887,7.267752874,7.267753761,7.267752912,7.267752218,7.267753088,7.26775357,7.267753502
+"15736","STAT5A",7.736091517,7.736091779,7.736091389,7.736091791,7.736091476,7.736092368,7.736091548,7.73609174,7.73609179,7.736091747,7.736091426,7.736091322,7.736091729,7.736091708,7.736091501,7.736091655,7.736091467,7.736091661,7.736091498,7.736092109,7.736091522,7.736091722,7.736091943,7.736091831,7.736091543,7.736091398,7.73609176,7.736091626
+"15737","STAT5B",9.42847735,9.428477693,9.428476833,9.428477971,9.428476964,9.428477482,9.42847747,9.428477012,9.428477277,9.428477138,9.428477093,9.428476718,9.428477205,9.428477141,9.428477354,9.428477452,9.428476828,9.428477806,9.428477441,9.428477342,9.428477353,9.428477145,9.428477719,9.428477675,9.428477631,9.428476987,9.428477203,9.428476862
+"15738","STAT6",8.884681209,8.884682821,8.884681407,8.884683796,8.88468058,8.884682188,8.884681716,8.884682547,8.884680963,8.884681112,8.884681404,8.884681065,8.884681449,8.884681916,8.884681302,8.884683252,8.884681524,8.884683021,8.884681582,8.884681196,8.884681306,8.884682297,8.884681409,8.884681815,8.884682116,8.884681868,8.884681465,8.884681746
+"15739","STATH",2.551823513,2.551823587,2.551823604,2.55182359,2.551823697,2.551823639,2.551823599,2.551823668,2.551823645,2.551823581,2.551823623,2.551823741,2.55182358,2.551823574,2.551823699,2.551823602,2.551823625,2.551823632,2.551823661,2.55182355,2.551823576,2.551823651,2.551823583,2.55182365,2.551823627,2.551823507,2.551823569,2.551823569
+"15740","STAU1",7.762207222,7.762207294,7.762207244,7.762207309,7.762207158,7.762207423,7.762207251,7.762207307,7.762207302,7.762207297,7.762207254,7.76220727,7.762207273,7.762207243,7.762207206,7.762207197,7.762207127,7.76220727,7.762207273,7.762207393,7.762207179,7.762207246,7.762207356,7.762207302,7.7622073,7.762207318,7.76220733,7.762207116
+"15741","STC1",3.928252303,3.928252312,3.928252306,3.928252302,3.928252316,3.928252324,3.928252266,3.928252361,3.928252257,3.92825224,3.928252273,3.928252306,3.928252267,3.928252195,3.928252301,3.928252288,3.928252285,3.928252363,3.928252311,3.928252276,3.928252253,3.928252324,3.928252253,3.928252271,3.928252298,3.928252236,3.928252254,3.928252273
+"15742","STC2",3.985718213,3.985718277,3.985718258,3.985718217,3.985718293,3.985718278,3.985718275,3.985718261,3.985718265,3.98571825,3.985718251,3.985718293,3.985718211,3.985718226,3.985718285,3.98571827,3.985718275,3.985718261,3.98571829,3.985718258,3.98571826,3.985718271,3.985718262,3.985718234,3.985718248,3.985718269,3.985718263,3.985718254
+"15743","STEAP1",3.362137262,3.362137267,3.362137303,3.362137233,3.36213733,3.362137242,3.362137389,3.362137392,3.362137216,3.36213725,3.362137397,3.362137465,3.362137318,3.362137275,3.362137295,3.362137336,3.3621373,3.36213734,3.362137352,3.362137228,3.362137293,3.362137308,3.362137225,3.362137283,3.362137279,3.362137345,3.362137306,3.36213736
+"15744","STEAP1B",3.269053294,3.269053293,3.26905299,3.269053119,3.269052947,3.269053317,3.269053297,3.269053355,3.269052845,3.269053128,3.269053209,3.269053231,3.269052958,3.269053237,3.269053635,3.269053317,3.269053227,3.269053282,3.269053428,3.269053258,3.26905333,3.26905317,3.269052957,3.269053292,3.269053217,3.269053265,3.269052872,3.269053311
+"15745","STEAP2",4.401875645,4.401875792,4.401875858,4.401875663,4.401875742,4.4018758,4.401875577,4.401875668,4.401875762,4.401875757,4.401875607,4.401875798,4.40187574,4.40187549,4.401875844,4.401875732,4.401875676,4.401875684,4.401875626,4.401875588,4.401875698,4.401875846,4.401875765,4.40187565,4.401875728,4.401875679,4.40187573,4.40187553
+"15746","STEAP3",5.489235969,5.489236134,5.489236231,5.489236114,5.489236357,5.489236005,5.489236247,5.489236291,5.489235901,5.489236198,5.489236248,5.489236313,5.489236144,5.489236178,5.489236122,5.489236226,5.48923641,5.489236252,5.489236236,5.489236343,5.489236507,5.489236404,5.489236055,5.489236202,5.489235976,5.4892363,5.48923585,5.48923625
+"15747","STEAP4",9.414567904,9.528339932,8.818995877,9.376288936,8.432650716,8.695923969,9.460981573,9.156531464,8.978317163,8.975646071,8.798498663,8.696677783,8.391291849,8.910581352,9.493548811,9.668065947,9.050028951,9.281367675,9.239292413,9.313696331,9.562514071,9.271683814,9.494693638,9.488412753,9.156042027,9.027028489,8.226135533,8.739092515
+"15748","STEEP1",5.755899293,5.7558993615,5.7558994125,5.755899236,5.7558990885,5.755899332,5.7558991665,5.7558991335,5.75589932,5.755899122,5.755899319,5.7558991505,5.755899271,5.7558994735,5.755899207,5.755899022,5.75589916,5.755899191,5.7558993415,5.755899041,5.7558991935,5.755899319,5.755899325,5.7558994195,5.755899338,5.7558991835,5.75589921,5.755899574
+"15749","STH",4.825895045,4.82589501,4.825895092,4.825895031,4.825895081,4.825895022,4.825895052,4.825895041,4.825895045,4.825894978,4.825895004,4.825895097,4.825894979,4.825894972,4.8258951,4.825894996,4.825895083,4.825895065,4.825895057,4.825895065,4.825895085,4.825895143,4.82589497,4.825895005,4.825895033,4.825895063,4.825895004,4.825895065
+"15750","STIL",4.560414068,4.560414293,4.560414416,4.560414268,4.560414316,4.560414437,4.560414465,4.560414374,4.560414558,4.560414429,4.560414517,4.560414588,4.5604142,4.560414005,4.560414144,4.560413929,4.560414415,4.560414305,4.560414107,4.560414307,4.560414336,4.560414225,4.560414471,4.560414363,4.560414492,4.560414455,4.560414121,4.560414225
+"15751","STIM1",7.498838166,7.498838315,7.49883817,7.498838239,7.498838065,7.498838372,7.498838204,7.498838136,7.498838223,7.498838249,7.498838079,7.498838177,7.498838193,7.498838232,7.49883816,7.498838289,7.498838117,7.498838222,7.498838141,7.49883822,7.498838106,7.498838132,7.498838325,7.498838335,7.49883821,7.498838165,7.498838206,7.498838047
+"15752","STIM2",7.071686887,7.071686735,7.071686387,7.071686512,7.071686405,7.071686757,7.071686497,7.071686179,7.07168683,7.071686798,7.07168649,7.071685802,7.071686724,7.071687583,7.071686731,7.071686399,7.071685687,7.07168614,7.071686545,7.071687037,7.071686459,7.07168642,7.071686816,7.071686936,7.071686726,7.071686575,7.071686704,7.071687118
+"15753","STING1",7.852772971,7.852772867,7.852772873,7.852772659,7.852772807,7.852772986,7.852772791,7.852772865,7.852772928,7.852773011,7.85277278,7.852772766,7.852772865,7.852773078,7.852772764,7.852772796,7.852772594,7.852772618,7.852772801,7.852772978,7.85277276,7.852772924,7.852772823,7.852772949,7.852772655,7.852772797,7.852772861,7.852772741
+"15754","STIP1",6.814091039,6.81409107,6.814090966,6.814091028,6.814091017,6.81409113,6.814091076,6.814090946,6.814091067,6.81409104,6.814090979,6.81409088,6.814091134,6.814091153,6.814091038,6.814090935,6.814090836,6.814090971,6.814091024,6.814091005,6.814091031,6.814091022,6.814091048,6.814090944,6.81409097,6.814090962,6.814091116,6.814090972
+"15755","STK10",9.476208163,9.476208593,9.476207942,9.476208696,9.47620812,9.476208756,9.476208411,9.476208296,9.476208472,9.476208501,9.476208263,9.476207829,9.476208332,9.476208583,9.476208292,9.47620844,9.476207977,9.476208519,9.476208373,9.476208525,9.476208357,9.476208169,9.476208515,9.476208599,9.476208352,9.476208142,9.476208422,9.476208422
+"15756","STK11",7.450929659,7.450929949,7.450930935,7.450929924,7.450929924,7.450930973,7.450929804,7.450930303,7.450930365,7.450930117,7.450929926,7.450930333,7.450930013,7.450929405,7.450929698,7.450929465,7.450930673,7.450929941,7.450929738,7.450930165,7.450929589,7.450929992,7.450930288,7.450930008,7.450929884,7.450930084,7.450929945,7.450929772
+"15757","STK11IP",6.298895583,6.298895581,6.298895604,6.298895549,6.298895602,6.298895609,6.298895582,6.298895581,6.298895566,6.298895609,6.298895619,6.298895613,6.298895578,6.298895572,6.298895587,6.298895581,6.298895635,6.298895593,6.298895581,6.298895619,6.298895594,6.2988956,6.298895561,6.298895598,6.298895584,6.298895608,6.298895594,6.298895576
+"15758","STK16",5.891212701,5.891212674,5.891212727,5.891212697,5.891212684,5.891212729,5.891212674,5.891212689,5.891212669,5.891212667,5.891212639,5.891212704,5.89121266,5.891212698,5.891212637,5.89121266,5.891212687,5.891212644,5.891212674,5.891212701,5.891212657,5.891212675,5.891212719,5.891212701,5.891212664,5.891212727,5.891212671,5.89121272
+"15759","STK17A",8.480272389,8.480246636,8.480183232,8.480181141,8.480142385,8.480120285,8.480200427,8.480181238,8.480263884,8.480181195,8.480143679,8.480121996,8.480219122,8.480352012,8.480215972,8.480219773,8.480125166,8.480161965,8.48020513,8.480126779,8.480215777,8.480187966,8.480284227,8.480227554,8.480158521,8.480190594,8.480216527,8.480265688
+"15760","STK17B",9.6053588,9.605357594,9.605355909,9.605357342,9.605355796,9.605352993,9.605356315,9.605354059,9.60535546,9.60535495,9.605355121,9.605352198,9.605355584,9.605361509,9.605356092,9.605355847,9.605355888,9.605355091,9.605357832,9.605354068,9.605356738,9.605354282,9.605357019,9.605356157,9.60535467,9.605355027,9.605354904,9.605359158
+"15761","STK19",5.3832918785,5.3832918625,5.3832919905,5.3832920165,5.383291777,5.3832919315,5.3832919595,5.3832918005,5.3832919245,5.383291799,5.383291871,5.3832918075,5.3832918765,5.3832918375,5.383291716,5.3832918605,5.383291947,5.3832918895,5.383291843,5.3832917425,5.383291689,5.383291878,5.3832918415,5.383291891,5.3832918665,5.3832918125,5.3832919465,5.3832916645
+"15762","STK24",7.735903289,7.735903378,7.735903243,7.735903319,7.735903326,7.73590354,7.735903287,7.735903258,7.735903336,7.735903352,7.735903257,7.735903146,7.735903383,7.735903374,7.735903306,7.735903286,7.735903235,7.735903344,7.735903432,7.735903334,7.735903234,7.735903203,7.735903261,7.735903404,7.735903168,7.735903241,7.735903381,7.735903296
+"15763","STK25",6.982829006,6.982829,6.982828966,6.982828924,6.982829013,6.982828956,6.982828965,6.982828996,6.982828948,6.982829027,6.982828997,6.982829005,6.982829019,6.982828991,6.982828957,6.982828964,6.982828913,6.982828874,6.982828937,6.982828874,6.982828976,6.98282899,6.982828954,6.982828958,6.982828936,6.98282899,6.982829031,6.982829064
+"15764","STK26",8.12987813,8.129878093,8.129877855,8.129877995,8.129877924,8.129877892,8.129877987,8.129877914,8.129878011,8.129878061,8.129877893,8.129877889,8.12987812,8.129878408,8.129878119,8.129878114,8.12987778,8.12987788,8.129878148,8.129877845,8.129878007,8.12987795,8.129878146,8.129878114,8.129878108,8.129878171,8.129878071,8.1298782
+"15765","STK3",5.089286295,5.089286246,5.08928566,5.089286453,5.089285913,5.089286652,5.089286045,5.089285936,5.08928583,5.089286049,5.089286214,5.089285082,5.089286033,5.08928613,5.089285996,5.089286122,5.08928594,5.089285985,5.089286141,5.089286619,5.089285947,5.089285921,5.08928612,5.089286312,5.089286109,5.089285373,5.089285933,5.089285598
+"15766","STK31",3.13581975,3.13581992,3.135819729,3.135819854,3.135819743,3.135819822,3.135819791,3.135819885,3.135819933,3.13581981,3.135819924,3.135819977,3.135819698,3.135819863,3.135819974,3.135819967,3.13581997,3.135819848,3.135819806,3.135819955,3.135819784,3.135819761,3.135819818,3.135819764,3.1358198,3.135819754,3.135819713,3.135819909
+"15767","STK32A",3.95592589,3.955926244,3.95592608,3.955926043,3.955926509,3.955926275,3.955926329,3.955926598,3.955926381,3.955926489,3.955926451,3.955926634,3.955926161,3.955925714,3.955926405,3.95592611,3.955926402,3.955926237,3.955926182,3.955926348,3.95592627,3.955926602,3.955925912,3.955926054,3.955925939,3.955926121,3.95592593,3.955926441
+"15768","STK32B",4.5297181,4.529718109,4.529718124,4.529718099,4.529718135,4.529718104,4.529718107,4.529718122,4.529718127,4.529718091,4.529718124,4.529718124,4.5297181,4.529718104,4.52971813,4.529718123,4.529718138,4.529718121,4.529718106,4.529718108,4.52971812,4.529718128,4.5297181,4.52971811,4.529718099,4.529718108,4.529718109,4.52971812
+"15769","STK32C",6.498839762,6.498839743,6.498839745,6.498839761,6.498839816,6.498839796,6.49883978,6.498839782,6.498839762,6.49883978,6.498839813,6.498839843,6.498839752,6.498839671,6.498839802,6.498839753,6.498839821,6.498839823,6.498839798,6.498839766,6.498839767,6.4988398,6.498839749,6.49883974,6.498839799,6.498839798,6.498839784,6.498839768
+"15770","STK33",3.628071386,3.628071379,3.62807143,3.628071421,3.628071403,3.628071389,3.628071428,3.628071407,3.628071414,3.628071403,3.628071421,3.628071429,3.62807143,3.628071411,3.628071403,3.628071398,3.628071449,3.628071465,3.628071413,3.628071415,3.62807141,3.628071409,3.628071402,3.628071386,3.628071441,3.628071421,3.628071399,3.628071434
+"15771","STK35",7.097418862,7.097419316,7.097418792,7.09741926,7.097418423,7.097418865,7.097418962,7.097418968,7.097418819,7.097418619,7.097418507,7.097418388,7.097418966,7.097419107,7.097418846,7.097419382,7.097418458,7.09741908,7.097418942,7.097418766,7.097418836,7.097418797,7.097419088,7.097419052,7.097418773,7.097418465,7.097418956,7.097418762
+"15772","STK36",5.335352267,5.335352268,5.335352256,5.335352254,5.335352265,5.335352251,5.335352268,5.335352263,5.33535226,5.335352262,5.335352247,5.335352275,5.335352262,5.335352239,5.335352277,5.335352228,5.335352228,5.335352235,5.335352234,5.335352266,5.335352271,5.335352278,5.335352255,5.335352261,5.335352267,5.33535226,5.335352267,5.33535226
+"15773","STK38",9.334407154,9.334406942,9.334405498,9.334406546,9.334405944,9.334406777,9.334406213,9.334405925,9.334406912,9.334406723,9.334405572,9.334405574,9.334406893,9.334407593,9.334406347,9.334406898,9.334405102,9.334405897,9.334406569,9.33440708,9.334406969,9.334405564,9.334407128,9.334406984,9.334406164,9.334406894,9.334406929,9.334406503
+"15774","STK38L",7.225668003,7.225669227,7.225667591,7.225668632,7.225667329,7.225667059,7.2256677,7.225667081,7.225666821,7.225667257,7.225667986,7.225664789,7.225667709,7.225669513,7.225667848,7.225669447,7.225667327,7.225668707,7.225668862,7.225667907,7.22566831,7.225667236,7.225667649,7.225667964,7.225668546,7.225666794,7.225667124,7.225668711
+"15775","STK39",7.468282186,7.468281737,7.468281647,7.468281324,7.468281507,7.468281609,7.468282105,7.468281767,7.468282021,7.468282038,7.468281385,7.468281489,7.468281757,7.468282108,7.468281833,7.468281905,7.468281157,7.468281292,7.468281843,7.468281416,7.468281975,7.468281882,7.468282052,7.468281976,7.46828154,7.468281699,7.46828192,7.468282076
+"15776","STK4",10.28269121,10.28269136,10.28269065,10.28269134,10.28269071,10.28269063,10.28269095,10.28269068,10.28269073,10.28269066,10.28269072,10.28269016,10.28269099,10.28269192,10.28269111,10.2826912,10.28269053,10.28269109,10.28269132,10.28269045,10.28269117,10.28269079,10.28269104,10.2826909,10.28269102,10.28269075,10.28269081,10.28269127
+"15777","STK40",7.788813025,7.788814118,7.788813408,7.788814614,7.788812841,7.788813643,7.788813075,7.78881322,7.788812947,7.788812811,7.78881342,7.788812349,7.788813315,7.788812684,7.788813273,7.788814142,7.788813244,7.788814438,7.788812849,7.788813551,7.788813202,7.788813012,7.788813329,7.788813726,7.78881374,7.788812978,7.788813477,7.788812596
+"15778","STKLD1",5.686214337,5.686214297,5.686214584,5.686214202,5.686214714,5.686214494,5.686214521,5.686214729,5.68621444,5.686214621,5.68621462,5.686214694,5.686214437,5.686214182,5.686214476,5.686214411,5.686214639,5.686214619,5.686214475,5.686214475,5.686214633,5.686214633,5.686214402,5.686214333,5.686214524,5.686214551,5.686214321,5.686214508
+"15779","STMN1",4.675897223,4.675897222,4.675897244,4.675897241,4.675897253,4.675897229,4.675897236,4.675897245,4.675897241,4.675897243,4.675897247,4.675897249,4.675897248,4.675897221,4.675897234,4.675897244,4.675897254,4.675897263,4.67589724,4.675897254,4.67589725,4.675897265,4.675897236,4.675897227,4.675897255,4.675897241,4.675897238,4.675897252
+"15780","STMN2",4.094855017,4.094855076,4.094855036,4.094855068,4.094855195,4.094855229,4.094855281,4.094855359,4.094855161,4.094855031,4.094855299,4.0948551,4.094855075,4.094855178,4.094855135,4.094855126,4.094855258,4.094855286,4.094855072,4.094855185,4.094855155,4.094855148,4.094855069,4.094855073,4.094855128,4.094855069,4.094855242,4.094855283
+"15781","STMN3",6.371487218,6.371487471,6.371487227,6.371487408,6.371487479,6.371487561,6.371487286,6.37148748,6.371487779,6.371487329,6.371487165,6.371488019,6.371487721,6.37148744,6.37148769,6.371487415,6.371487535,6.371487361,6.371487506,6.371487746,6.371487557,6.37148777,6.371487462,6.371487423,6.371487378,6.371487797,6.371487718,6.371487716
+"15782","STMN4",4.686182134,4.686182091,4.686182181,4.686182039,4.686182346,4.686182077,4.686182284,4.686182263,4.686182239,4.686182242,4.686182362,4.686182401,4.686182264,4.686182041,4.686182321,4.686182156,4.686182314,4.686182297,4.686182246,4.686182178,4.686182329,4.686182257,4.686182107,4.686182101,4.686182285,4.686182313,4.686182097,4.686182349
+"15783","STN1",6.622508237,6.622508026,6.622507884,6.622508092,6.622507967,6.622508367,6.62250798,6.622508099,6.622508038,6.622508026,6.622507895,6.622507913,6.62250821,6.622508219,6.622508074,6.622507799,6.622507693,6.622507758,6.622508027,6.622508319,6.622507994,6.622508136,6.622508213,6.622508011,6.622507962,6.622507992,6.622508232,6.62250796
+"15784","STOM",7.619240609,7.619240271,7.61924076,7.619240749,7.619240144,7.619240952,7.619240465,7.619241196,7.619240283,7.619240738,7.619241029,7.619240014,7.619240452,7.619239909,7.619240313,7.619239757,7.619240299,7.619240737,7.61924001,7.619240461,7.619240444,7.619240721,7.619240632,7.619240927,7.619241001,7.619240376,7.619240378,7.619239723
+"15785","STOML1",6.269983692,6.26998368,6.269983735,6.269983718,6.269983744,6.269983727,6.269983739,6.269983739,6.269983715,6.269983738,6.269983739,6.269983753,6.269983726,6.269983703,6.269983744,6.269983703,6.269983744,6.269983742,6.269983725,6.269983757,6.269983756,6.269983775,6.269983746,6.26998372,6.269983701,6.269983741,6.269983733,6.269983727
+"15786","STOML2",7.386289235,7.386289104,7.38628951,7.386288861,7.386289057,7.386289771,7.386289405,7.386289632,7.386289447,7.386289524,7.386289202,7.386289605,7.386289179,7.386289236,7.386289027,7.386288815,7.386289226,7.386288913,7.386289071,7.386289501,7.386289337,7.386289519,7.386289485,7.386289341,7.386289075,7.386289747,7.386289062,7.386289295
+"15787","STOML3",3.680090631,3.680090624,3.680090646,3.680090635,3.680090673,3.680090648,3.680090665,3.680090649,3.680090645,3.680090628,3.680090626,3.680090662,3.680090628,3.680090635,3.680090675,3.680090655,3.680090671,3.680090643,3.680090651,3.680090665,3.680090655,3.680090649,3.680090645,3.680090645,3.68009064,3.680090636,3.680090641,3.680090629
+"15788","STON2",4.64763838,4.647638409,4.64763838,4.647638556,4.647638414,4.647638471,4.647638414,4.647638417,4.647638295,4.647638468,4.647638514,4.647638511,4.647638417,4.647638294,4.647638407,4.647638394,4.647638369,4.647638548,4.64763842,4.647638434,4.647638397,4.647638378,4.647638368,4.647638508,4.647638514,4.647638448,4.647638423,4.647638337
+"15789","STOX1",2.949770304,2.949770336,2.949770327,2.949770331,2.949770271,2.949770265,2.949770269,2.949770429,2.949770401,2.949770453,2.949770261,2.949770274,2.949770279,2.949770541,2.949770403,2.949770302,2.949770358,2.949770273,2.949770274,2.949770343,2.949770187,2.949770449,2.949770553,2.94977032,2.949770279,2.949770354,2.949770313,2.949770684
+"15790","STOX2",5.066414649,5.066414619,5.066414679,5.066414609,5.066414681,5.066414636,5.066414661,5.066414628,5.066414618,5.066414664,5.066414658,5.06641464,5.066414609,5.066414585,5.066414657,5.066414636,5.066414667,5.066414688,5.066414666,5.066414651,5.066414658,5.066414624,5.066414635,5.066414609,5.066414634,5.066414691,5.066414613,5.066414653
+"15791","STPG1",4.07425534,4.074255439,4.074255484,4.074255444,4.074255383,4.074255597,4.074255448,4.074255434,4.074255416,4.07425555,4.074255253,4.074255433,4.074255418,4.074255469,4.074255391,4.074255155,4.074255374,4.074255387,4.074255413,4.074255311,4.074255256,4.074255468,4.074255454,4.074255402,4.074255201,4.074255335,4.074255554,4.074255648
+"15792","STPG2",3.430117226,3.430117251,3.430117235,3.430117242,3.430117251,3.430117264,3.430117246,3.430117242,3.430117256,3.430117245,3.430117252,3.430117264,3.430117253,3.430117245,3.43011725,3.430117243,3.430117273,3.430117232,3.43011725,3.430117239,3.430117236,3.430117255,3.43011723,3.43011725,3.430117279,3.430117221,3.430117253,3.430117248
+"15793","STPG3",5.718209615,5.718209558,5.718209662,5.718209703,5.718209755,5.718209665,5.718209703,5.718209685,5.71820962,5.71820969,5.718209769,5.718209765,5.718209684,5.71820946,5.71820971,5.718209723,5.718209788,5.718209701,5.718209676,5.718209641,5.718209758,5.718209738,5.718209624,5.718209563,5.718209716,5.718209724,5.718209625,5.718209621
+"15794","STPG4",4.950404991,4.950404989,4.950404976,4.950405002,4.950404986,4.950404971,4.950404982,4.950404972,4.950404938,4.950404959,4.950405004,4.950404984,4.950404953,4.950404954,4.950404989,4.950404981,4.950404974,4.950404984,4.950404977,4.950404974,4.950404981,4.950404968,4.950404959,4.950404972,4.950404982,4.95040498,4.950404973,4.950404961
+"15795","STRA6",5.168991438,5.168991437,5.168991516,5.16899159,5.168991744,5.168991441,5.168991563,5.16899169,5.168991589,5.168991612,5.168991502,5.16899157,5.168991675,5.168991445,5.168991658,5.168991482,5.168991778,5.168991654,5.168991532,5.168991577,5.168991619,5.168991702,5.168991477,5.168991411,5.168991551,5.168991567,5.168991571,5.168991585
+"15796","STRA8",3.655657087,3.655657078,3.655657171,3.655657107,3.655657135,3.655657087,3.65565719,3.655657167,3.655657121,3.655657175,3.655657017,3.655657212,3.655657096,3.655657124,3.655657194,3.655657171,3.65565717,3.655657149,3.655657116,3.655657146,3.655657146,3.655657113,3.655657108,3.655657068,3.655657172,3.655657122,3.655657105,3.655657102
+"15797","STRADA",6.151057249,6.151057233,6.151057228,6.151057238,6.151057237,6.151057249,6.151057247,6.151057239,6.151057256,6.151057236,6.151057245,6.151057227,6.151057234,6.151057241,6.151057228,6.151057264,6.151057243,6.151057238,6.151057248,6.151057264,6.151057247,6.15105723,6.151057238,6.151057251,6.151057233,6.151057256,6.151057243,6.151057241
+"15798","STRADB",10.110103262,9.3955603945,10.498583335,9.8893066175,9.938340389,10.461012255,10.196287299,10.3722378155,10.1065879605,10.117795476,10.078427085,10.228182726,9.5853825555,9.2868088115,9.9852121625,8.6783866845,10.305495334,9.870742904,9.663825182,10.273449368,10.0748377985,10.1437366275,10.169222869,10.12842218,10.017973514,10.2211971365,9.873630731,9.648594901
+"15799","STRAP",6.796530506,6.796530393,6.796530364,6.796530274,6.796530234,6.796530234,6.796530302,6.796530355,6.796530457,6.796530315,6.796530302,6.796530072,6.796530421,6.796530597,6.796530328,6.796530251,6.796530261,6.796530172,6.796530336,6.7965303,6.796530396,6.796530326,6.796530407,6.7965304,6.796530175,6.796530329,6.796530403,6.796530406
+"15800","STRBP",5.789403865,5.78940297,5.789402147,5.789402602,5.789402936,5.789402457,5.789402956,5.789401953,5.789402792,5.7894033,5.789402179,5.789402891,5.78940288,5.789404384,5.78940352,5.789402774,5.789401947,5.789402601,5.789403489,5.789402183,5.789402898,5.789402562,5.789402928,5.789403055,5.789401854,5.789403021,5.789402698,5.78940398
+"15801","STRIP1",7.327535208,7.327535333,7.327535225,7.327535287,7.327535129,7.327535364,7.327535301,7.327535203,7.327535208,7.327535233,7.327535168,7.327535156,7.32753529,7.327535286,7.327535192,7.327535192,7.327535056,7.327535196,7.327535257,7.327535291,7.327535199,7.327535211,7.327535239,7.327535238,7.327535218,7.327535244,7.327535281,7.327535178
+"15802","STRIP2",4.109325866,4.109325874,4.109325877,4.109325891,4.109325887,4.109325869,4.109325891,4.10932588,4.109325866,4.109325871,4.109325878,4.109325888,4.109325853,4.109325847,4.10932588,4.109325885,4.109325893,4.109325905,4.109325858,4.109325891,4.109325883,4.109325881,4.109325886,4.109325891,4.109325885,4.109325864,4.109325861,4.10932587
+"15803","STRN",7.457597523,7.457597625,7.457597332,7.457597592,7.457597412,7.457597469,7.457597556,7.457597411,7.457597485,7.457597434,7.457597437,7.457597106,7.457597531,7.45759766,7.457597416,7.457597471,7.457597079,7.457597486,7.457597513,7.457597478,7.457597428,7.457597223,7.457597558,7.457597591,7.457597525,7.457597385,7.457597518,7.457597442
+"15804","STRN3",6.16801062,6.168010294,6.168010313,6.168010369,6.168010172,6.168009723,6.168009804,6.168010014,6.168010439,6.168010284,6.168009944,6.168010029,6.168010156,6.168010865,6.168009969,6.168010279,6.168009879,6.168010164,6.168010728,6.168009902,6.168010139,6.168009969,6.168010289,6.168010286,6.168010162,6.168010057,6.168010111,6.168010534
+"15805","STRN4",7.575120659,7.575120997,7.575120802,7.575120987,7.575120692,7.575120789,7.57512076,7.575120743,7.575120698,7.575120778,7.575120827,7.575120663,7.575120733,7.575120638,7.575120711,7.575120941,7.575120654,7.575120966,7.575120702,7.57512084,7.575120775,7.575120701,7.575120818,7.575120799,7.575120881,7.575120697,7.575120777,7.575120595
+"15806","STS",5.134696756,5.134696892,5.134696609,5.134696934,5.1346967,5.134696961,5.134696946,5.134696735,5.134696582,5.134696574,5.13469677,5.134696507,5.134696745,5.134696806,5.134696743,5.134696747,5.134696736,5.134696787,5.134696728,5.134697119,5.134696887,5.134696657,5.134696668,5.134696713,5.134696804,5.134696624,5.134696795,5.134696779
+"15807","STT3A",8.216390352,8.216390546,8.216390027,8.216389782,8.216390047,8.216390349,8.216391033,8.216389952,8.216390512,8.216390421,8.216389406,8.216389668,8.216390546,8.21639152,8.216390235,8.216390004,8.216389276,8.216388872,8.216390215,8.216389816,8.216390568,8.21639003,8.216390665,8.216390219,8.21638932,8.216389965,8.216390611,8.21639067
+"15808","STT3B",8.246835036,8.246804311,8.246746659,8.246688567,8.246747176,8.246614497,8.246772918,8.246653739,8.246795892,8.246745537,8.24668053,8.246655689,8.246804132,8.247035305,8.246701343,8.246739435,8.246688912,8.246571364,8.246823484,8.246633949,8.246751794,8.246674904,8.246792903,8.246738393,8.246644403,8.246691382,8.246772459,8.246918662
+"15809","STUB1",7.437021709,7.437021721,7.437021731,7.437021726,7.437021687,7.437021733,7.437021717,7.437021719,7.437021722,7.437021722,7.43702171,7.437021721,7.437021731,7.437021727,7.43702169,7.437021704,7.437021712,7.4370217,7.437021702,7.437021715,7.437021684,7.43702172,7.437021728,7.437021709,7.437021693,7.437021709,7.437021732,7.437021718
+"15810","STUM",5.234095963,5.234095934,5.234095952,5.234095961,5.234095981,5.23409593,5.23409593,5.234095976,5.23409594,5.234095939,5.234095958,5.234095971,5.234095966,5.234095939,5.234095964,5.234095984,5.234095955,5.234095976,5.234095948,5.234095979,5.234095969,5.23409595,5.234095943,5.234095963,5.234095977,5.234095973,5.234095968,5.234095946
+"15811","STX10",8.160392451,8.160392617,8.160392568,8.160392747,8.160392295,8.160392754,8.160392703,8.160392447,8.160392458,8.160392406,8.160392501,8.160392419,8.160392478,8.160392451,8.160392515,8.160392613,8.16039254,8.160392574,8.16039259,8.160392863,8.160392657,8.160392626,8.160392533,8.160392642,8.16039261,8.160392492,8.160392546,8.160392316
+"15812","STX11",8.366548544,8.725199695,8.258032994,8.781657876,8.191302946,9.530821627,8.488785343,8.479099874,8.295743932,8.429767252,8.281959919,7.758738102,8.675832514,8.156096916,8.486702469,8.759963049,8.360952253,8.880057776,8.598568438,9.661833321,8.573179434,8.536653611,8.793590246,8.835966258,8.476215232,8.063542899,8.679818283,8.132279435
+"15813","STX12",7.159852014,7.159852,7.159851917,7.159852083,7.159851933,7.159852026,7.159851854,7.159851863,7.159851873,7.159851983,7.159851891,7.15985175,7.159852073,7.159852133,7.159851965,7.159851735,7.159851828,7.159851991,7.159851993,7.159852073,7.159851892,7.159851864,7.159851885,7.159851987,7.159851901,7.159851778,7.159852075,7.159851967
+"15814","STX17",7.171620311,7.171619912,7.17161979,7.171619556,7.171619661,7.171620431,7.17161972,7.171619473,7.171620229,7.17161976,7.171619182,7.171619064,7.171620106,7.171620806,7.171619778,7.171619705,7.171619201,7.171619492,7.171620098,7.17162028,7.171619589,7.17161991,7.171620273,7.17161966,7.171619379,7.171619856,7.171619868,7.171620191
+"15815","STX18",5.929284349,5.929284325,5.929284372,5.929284291,5.92928431,5.929284334,5.929284371,5.929284221,5.9292843,5.929284306,5.929284312,5.929284247,5.92928433,5.929284335,5.929284274,5.929284254,5.92928425,5.929284239,5.929284378,5.929284275,5.929284258,5.929284304,5.929284289,5.929284316,5.929284274,5.929284315,5.929284332,5.92928432
+"15816","STX19",3.198259115,3.198259252,3.198259156,3.198259335,3.198259216,3.198259278,3.198259229,3.198259439,3.198259303,3.198259256,3.198259165,3.198259152,3.198259124,3.198259248,3.198259307,3.198259402,3.19825928,3.198259273,3.198259293,3.198259257,3.198259263,3.198259363,3.198259267,3.198259266,3.198259255,3.198259224,3.198259127,3.198259328
+"15817","STX1A",5.376911118,5.376911115,5.376911114,5.376911105,5.376911112,5.376911103,5.376911118,5.376911119,5.376911142,5.376911102,5.376911101,5.376911127,5.376911087,5.376911089,5.376911123,5.376911093,5.376911104,5.376911139,5.376911114,5.376911134,5.376911126,5.376911123,5.376911115,5.376911074,5.376911123,5.376911138,5.376911092,5.37691112
+"15818","STX1B",5.197836396,5.197836403,5.197836459,5.197836366,5.197836512,5.197836404,5.197836407,5.197836436,5.197836427,5.197836422,5.197836438,5.197836499,5.197836413,5.197836349,5.197836445,5.197836459,5.197836484,5.19783644,5.197836385,5.197836361,5.197836464,5.19783646,5.197836359,5.197836393,5.197836423,5.197836452,5.197836382,5.197836431
+"15819","STX2",6.240826975,6.240826815,6.240826515,6.240826555,6.240826548,6.240826571,6.24082659,6.240826358,6.240826635,6.240826576,6.240826671,6.240826589,6.240826758,6.240827106,6.240826577,6.24082661,6.240826361,6.240826382,6.240826726,6.240826575,6.240826445,6.240826194,6.240826709,6.240826666,6.240826777,6.24082682,6.240826666,6.240826694
+"15820","STX3",7.825572077,7.825575937,7.825572417,7.825576068,7.825571077,7.825575385,7.825573903,7.825572825,7.825571976,7.82557121,7.825573792,7.825570027,7.825572388,7.825572488,7.825572733,7.825576032,7.82557314,7.8255754,7.825574551,7.825575542,7.825573541,7.825572377,7.825574014,7.825574597,7.825575758,7.825571403,7.825572279,7.825571459
+"15821","STX4",7.583165431,7.583165535,7.583165341,7.583165602,7.583165339,7.583165516,7.583165421,7.583165443,7.583165365,7.583165412,7.583165445,7.583165358,7.583165506,7.583165619,7.583165348,7.583165575,7.583165211,7.583165492,7.583165539,7.58316534,7.583165442,7.583165417,7.583165378,7.583165517,7.583165474,7.583165493,7.583165439,7.583165501
+"15822","STX5",7.141164098,7.14116408,7.141164073,7.141164118,7.141164038,7.14116412,7.141164112,7.141164098,7.141164049,7.141164055,7.141164082,7.141164064,7.141164106,7.141164096,7.141164077,7.14116406,7.141164048,7.14116409,7.141164087,7.14116405,7.141164071,7.141164075,7.141164094,7.141164081,7.141164094,7.141164084,7.141164093,7.141164057
+"15823","STX6",6.988095995,6.988096056,6.988095905,6.988096032,6.988095896,6.988095954,6.988095967,6.988095931,6.988095881,6.988095945,6.988095958,6.988095826,6.988095972,6.988096027,6.988095979,6.988095956,6.988095903,6.98809599,6.988095946,6.988095939,6.988095921,6.988095946,6.988095953,6.988096015,6.988095965,6.988095905,6.988095957,6.988095918
+"15824","STX7",8.264718785,8.264718527,8.264718212,8.264718551,8.264717397,8.26471726,8.264717835,8.264717387,8.264717019,8.264717757,8.264718069,8.264716521,8.264717995,8.264719427,8.26471807,8.264718554,8.264717521,8.264718315,8.264718137,8.264717932,8.264718261,8.264717416,8.264717941,8.264718637,8.264718332,8.264717701,8.264718118,8.264718904
+"15825","STX8",6.178664963,6.178664993,6.178664846,6.178664806,6.178664895,6.178664868,6.178664966,6.178664753,6.178664861,6.178664869,6.178664563,6.178664573,6.178664884,6.178664974,6.178664945,6.178664881,6.178664723,6.178664786,6.17866495,6.178664896,6.178664905,6.17866488,6.178664944,6.178664874,6.178664666,6.178664866,6.178664874,6.178664738
+"15826","STXBP1",5.024885361,5.024885475,5.02488535,5.024885358,5.024885384,5.024885301,5.024885355,5.02488542,5.024885421,5.02488535,5.024885392,5.024885461,5.024885425,5.024885437,5.024885383,5.024885477,5.024885384,5.024885475,5.024885375,5.024885404,5.024885394,5.024885345,5.024885479,5.024885435,5.024885377,5.024885458,5.024885364,5.024885408
+"15827","STXBP2",8.894930167,8.894931074,8.894930468,8.894931549,8.894930724,8.894931417,8.894930722,8.894930584,8.894930361,8.894930714,8.894930713,8.894930163,8.894930711,8.894930092,8.894930357,8.894931085,8.894930478,8.894931048,8.894930796,8.894931242,8.894930707,8.894930568,8.89493055,8.89493095,8.894930882,8.894930409,8.894930632,8.894929866
+"15828","STXBP3",7.370569424,7.370569167,7.370568954,7.370569392,7.370567946,7.370567861,7.370568564,7.370568468,7.37056796,7.370568011,7.370568616,7.370567199,7.370568732,7.370570017,7.370569173,7.370569039,7.370568582,7.370568835,7.370569089,7.370567871,7.370568482,7.370568411,7.370568764,7.3705687,7.370568805,7.370568098,7.370568489,7.37056908
+"15829","STXBP4",4.462641461,4.462641418,4.46264143,4.462641363,4.462641389,4.462641371,4.462641401,4.462641363,4.462641419,4.462641402,4.462641308,4.462641365,4.462641411,4.462641509,4.462641427,4.462641416,4.46264139,4.462641369,4.462641399,4.46264136,4.462641411,4.462641399,4.462641441,4.462641394,4.462641378,4.462641403,4.462641411,4.462641451
+"15830","STXBP5",7.976424119,7.976429306,7.976413056,7.976429609,7.976414316,7.976399532,7.976420157,7.97640841,7.976409425,7.976411706,7.976420628,7.976406506,7.976413874,7.976429123,7.976418171,7.976425629,7.976407712,7.976423593,7.97642696,7.976406131,7.976420997,7.976408592,7.976422327,7.976421436,7.976426925,7.97641912,7.976412845,7.97641752
+"15831","STXBP5L",3.001008863,3.001008858,3.001008891,3.001008816,3.001008895,3.00100886,3.001008864,3.001008852,3.001008815,3.001008892,3.001008857,3.001008953,3.001008819,3.001008844,3.001008848,3.001008961,3.00100898,3.00100889,3.001008837,3.001008924,3.001008849,3.001008916,3.001008919,3.001008867,3.00100888,3.001008783,3.001008863,3.001008849
+"15832","STXBP6",3.940626335,3.940626409,3.940626436,3.940626368,3.940626648,3.940626357,3.940626447,3.940626565,3.940626482,3.94062647,3.940626458,3.940626577,3.940626332,3.940626377,3.940626575,3.940626501,3.940626626,3.940626574,3.94062648,3.94062644,3.940626588,3.940626552,3.940626322,3.940626349,3.940626607,3.940626554,3.940626438,3.940626428
+"15833","STYK1",4.160395444,4.160395381,4.160395452,4.160395364,4.160395436,4.160395398,4.160395407,4.160395461,4.160395406,4.160395444,4.160395419,4.160395381,4.160395384,4.16039537,4.16039545,4.160395421,4.160395434,4.160395387,4.160395421,4.160395387,4.160395416,4.160395471,4.160395424,4.160395415,4.160395455,4.160395398,4.160395346,4.160395412
+"15834","STYX",7.102520685,7.102520164,7.102519916,7.102519525,7.102519524,7.10251932,7.102519766,7.102519622,7.102520408,7.102520448,7.10251933,7.10251946,7.102520314,7.102521939,7.102520196,7.102519322,7.102519139,7.102519166,7.10252021,7.10251976,7.102519994,7.10251983,7.1025205,7.102520168,7.102519506,7.102519779,7.102520343,7.102521334
+"15835","STYXL1",6.298630672,6.298630921,6.298630139,6.298631346,6.298630699,6.298631674,6.29863029,6.298629743,6.298630227,6.29863048,6.298630232,6.298629526,6.298631264,6.298631396,6.298630231,6.298630624,6.298629565,6.298630713,6.29863055,6.29863225,6.298630097,6.298630101,6.298630586,6.298630614,6.298630356,6.298630396,6.298631276,6.298630484
+"15836","STYXL2",4.603189414,4.603189398,4.603189437,4.603189433,4.603189488,4.603189424,4.603189406,4.603189466,4.603189395,4.603189429,4.603189429,4.603189481,4.603189407,4.603189383,4.603189473,4.603189448,4.603189496,4.603189453,4.603189425,4.603189423,4.60318949,4.603189454,4.603189404,4.603189391,4.603189422,4.603189475,4.60318941,4.603189426
+"15837","SUB1",6.565760383,6.565759911,6.565759921,6.565759076,6.565759434,6.565758828,6.565759856,6.565759261,6.565759577,6.565759721,6.565759787,6.56575833,6.565759628,6.565762128,6.565760061,6.565758999,6.565759205,6.565759091,6.56575985,6.565758146,6.56575988,6.565759265,6.565760388,6.565759441,6.565759541,6.565759128,6.565759457,6.565761505
+"15838","SUCLA2",6.03851451,6.038514602,6.038514551,6.038514278,6.038514294,6.038514069,6.03851428,6.038514291,6.038514598,6.038514425,6.038514365,6.038514223,6.038514412,6.038515037,6.038514277,6.03851444,6.038514032,6.038514205,6.038514317,6.038514433,6.038514307,6.038514363,6.038514618,6.038514585,6.038514432,6.038514396,6.038514373,6.038514637
+"15839","SUCLG1",6.182515167,6.182515101,6.182515107,6.18251511,6.182515059,6.182515119,6.182515098,6.182515059,6.182515063,6.182515056,6.18251506,6.182514997,6.182515119,6.182515186,6.182515115,6.182515049,6.182515055,6.182515033,6.182515108,6.182515156,6.182515132,6.182515011,6.182515108,6.182515122,6.182515085,6.18251504,6.182515083,6.182515083
+"15840","SUCLG2",6.759865903,6.759865746,6.759865809,6.759865965,6.759865281,6.759865713,6.759865278,6.759865914,6.759866578,6.75986601,6.759864697,6.759865372,6.75986581,6.759866864,6.759865552,6.759865283,6.759864952,6.75986517,6.759865768,6.759865798,6.759865541,6.759865091,6.75986613,6.759865879,6.759865112,6.759866025,6.759865848,6.759866437
+"15841","SUCNR1",2.471034873,2.471034893,2.471034895,2.471034887,2.47103486,2.4710349,2.471034895,2.471034873,2.471034875,2.471034893,2.471034905,2.471034903,2.471034889,2.471034879,2.471034886,2.471034881,2.471034894,2.471034889,2.471034887,2.471034887,2.471034873,2.471034872,2.4710349,2.471034924,2.47103488,2.47103489,2.471034872,2.471034862
+"15842","SUCO",5.952618547,5.952618384,5.95261857,5.952618381,5.952618268,5.952618196,5.952618395,5.95261823,5.952618572,5.952618485,5.952618357,5.952618344,5.952618508,5.95261895,5.952618575,5.952618234,5.952618487,5.95261845,5.952618433,5.952617915,5.952618372,5.952618489,5.952618702,5.952618559,5.952618452,5.952618439,5.952618356,5.952618772
+"15843","SUDS3",7.3483979485,7.3483979555,7.348397948,7.3483980415,7.3483979005,7.348397912,7.3483978735,7.3483978965,7.348397947,7.3483978255,7.348397956,7.348397741,7.348397995,7.3483981045,7.348397855,7.3483979945,7.3483977145,7.3483980575,7.348397928,7.348397967,7.3483978975,7.348398003,7.3483979395,7.348398022,7.348398176,7.348398081,7.348398037,7.3483978355
+"15844","SUFU",5.97046482,5.9704649,5.970464876,5.970464872,5.970464834,5.970464869,5.970464791,5.970464861,5.970464871,5.970464888,5.970464907,5.970464746,5.970464889,5.970464863,5.970464804,5.970464763,5.970464847,5.970464855,5.97046482,5.970464783,5.970464816,5.970464837,5.970464842,5.970464866,5.970464826,5.970464839,5.970464812,5.970464847
+"15845","SUGCT",4.318296251,4.318296273,4.318296335,4.318296284,4.318296291,4.318296256,4.318296273,4.318296303,4.318296311,4.318296271,4.318296325,4.318296307,4.318296291,4.318296273,4.318296288,4.318296299,4.318296322,4.318296283,4.318296285,4.318296255,4.318296266,4.318296299,4.318296299,4.318296274,4.318296313,4.318296281,4.318296262,4.318296309
+"15846","SUGP1",6.905819112,6.905819244,6.905819136,6.905819174,6.905819245,6.905819336,6.905819189,6.905819156,6.905819306,6.905819167,6.905819144,6.905819161,6.905819217,6.90581923,6.905819211,6.905819141,6.905819109,6.905819174,6.905819223,6.905818923,6.905819216,6.905819262,6.905819263,6.905819262,6.905819287,6.905819238,6.905819203,6.905819081
+"15847","SUGP2",7.641425524,7.641425429,7.641425398,7.641425406,7.641425396,7.641425452,7.641425502,7.641425445,7.641425465,7.641425487,7.641425406,7.641425462,7.641425474,7.641425517,7.641425435,7.641425383,7.641425393,7.641425334,7.641425408,7.641425411,7.641425501,7.641425427,7.641425468,7.641425467,7.641425404,7.641425493,7.641425465,7.641425482
+"15848","SUGT1",6.128445886,6.128445657,6.128445435,6.128444879,6.128445361,6.128445207,6.128445331,6.128445104,6.128445739,6.128445321,6.12844532,6.128444823,6.128445668,6.12844631,6.128445644,6.128445415,6.128444769,6.128445075,6.128445317,6.128445266,6.128445517,6.128445108,6.128445586,6.12844554,6.128445241,6.128445546,6.128445614,6.128445694
+"15849","SUGT1P1",3.088153525,3.088153553,3.088153599,3.088153439,3.088153537,3.088153462,3.088153564,3.088153595,3.088153537,3.088153721,3.088153614,3.088153531,3.088153562,3.088153516,3.088153575,3.088153509,3.088153644,3.088153513,3.088153548,3.088153546,3.088153498,3.088153553,3.088153639,3.088153565,3.088153566,3.088153469,3.088153609,3.088153604
+"15850","SULF1",3.816334328,3.816334316,3.816334322,3.816334403,3.816334454,3.816334302,3.816334408,3.816334347,3.816334362,3.816334344,3.816334454,3.816334392,3.816334341,3.816334184,3.81633446,3.81633437,3.816334435,3.81633444,3.816334398,3.816334477,3.816334382,3.816334326,3.816334319,3.816334429,3.816334393,3.816334452,3.81633432,3.816334295
+"15851","SULF2",8.159401385,8.159401289,8.159401787,8.159403297,8.159400938,8.159401956,8.159401063,8.159401021,8.159400775,8.159402069,8.159401638,8.159401563,8.159400081,8.159401997,8.159402326,8.159402104,8.159402446,8.159402716,8.159402203,8.159402581,8.159401347,8.159400786,8.159401751,8.159402966,8.159402346,8.159402277,8.159400543,8.159401519
+"15852","SULT1A1",5.942881625,5.942881676,5.942882402,5.942881708,5.942881723,5.942881545,5.942881244,5.942881762,5.942881354,5.942881497,5.942882157,5.942881315,5.942881598,5.942881252,5.94288175,5.942881744,5.942882145,5.942881777,5.942881734,5.942881698,5.942881572,5.94288178,5.942881471,5.942881564,5.942882176,5.942880942,5.94288149,5.942881573
+"15853","SULT1A2",5.710106803,5.710106757,5.710106825,5.710106853,5.710106596,5.710106716,5.710106761,5.71010676,5.710106594,5.710106574,5.710106884,5.710106593,5.710106702,5.710106629,5.710106817,5.710106692,5.710106848,5.710106693,5.710106718,5.710106736,5.710106737,5.710106692,5.710106494,5.710106709,5.710106908,5.710106666,5.710106632,5.710106606
+"15854","SULT1B1",7.292770398,7.29368116,7.292798713,7.294491607,7.291468908,7.291983598,7.292921153,7.291333075,7.292380228,7.292429189,7.29327842,7.291077144,7.292550977,7.292436374,7.292508271,7.293846165,7.292665574,7.294053877,7.293144035,7.292250609,7.29305333,7.291977354,7.294006263,7.294184861,7.294048294,7.292264554,7.292929058,7.291095448
+"15855","SULT1C2",3.633698549,3.63369857,3.633698565,3.633698577,3.63369861,3.633698647,3.633698589,3.633698622,3.633698572,3.633698632,3.633698647,3.633698657,3.633698647,3.633698565,3.633698592,3.633698562,3.63369864,3.633698571,3.63369855,3.633698626,3.633698579,3.633698616,3.633698559,3.63369858,3.633698589,3.633698559,3.633698589,3.633698625
+"15856","SULT1C3",3.169055725,3.169055719,3.169055731,3.169055726,3.169055721,3.16905575,3.16905573,3.169055722,3.169055751,3.169055759,3.169055754,3.169055773,3.169055733,3.169055727,3.16905574,3.169055714,3.169055728,3.169055754,3.169055732,3.169055742,3.169055724,3.169055738,3.169055727,3.169055745,3.169055743,3.169055726,3.169055731,3.169055713
+"15857","SULT1C4",2.937262444,2.937262387,2.937262483,2.937262493,2.937262462,2.937262491,2.937262439,2.937262542,2.937262424,2.937262553,2.937262446,2.937262511,2.937262424,2.937262403,2.937262531,2.937262442,2.937262439,2.937262412,2.937262501,2.937262603,2.937262452,2.937262456,2.937262554,2.937262406,2.937262467,2.937262438,2.937262434,2.93726248
+"15858","SULT1E1",2.933952552,2.933952441,2.933952497,2.933952424,2.933952514,2.933952459,2.933952433,2.933952404,2.933952459,2.933952624,2.933952502,2.933952512,2.933952525,2.933952537,2.933952578,2.933952481,2.933952569,2.933952438,2.933952491,2.933952432,2.933952399,2.933952442,2.933952442,2.93395245,2.933952434,2.933952489,2.933952426,2.933952497
+"15859","SULT2A1",3.521224286,3.521224255,3.521224348,3.52122437,3.52122427,3.521224374,3.521224334,3.521224327,3.521224369,3.521224441,3.521224358,3.521224464,3.521224272,3.52122423,3.521224376,3.521224348,3.521224472,3.521224311,3.521224377,3.521224218,3.521224311,3.521224288,3.521224405,3.521224336,3.521224478,3.521224268,3.521224326,3.521224304
+"15860","SULT2B1",5.246114439,5.246114354,5.246114491,5.246114418,5.246114582,5.246114388,5.246114453,5.246114548,5.246114501,5.246114502,5.246114461,5.246114542,5.246114492,5.246114394,5.246114557,5.246114489,5.246114586,5.246114528,5.246114474,5.246114439,5.246114596,5.246114571,5.246114498,5.246114416,5.24611438,5.246114527,5.246114468,5.246114482
+"15861","SULT4A1",3.893796954,3.893797086,3.89379713,3.893797219,3.893797131,3.893797373,3.893797303,3.893797132,3.893797382,3.893797286,3.89379724,3.893797106,3.893796918,3.893797061,3.893797069,3.893797094,3.893797237,3.893797144,3.893797093,3.893797378,3.893797145,3.893797412,3.893796893,3.893797198,3.893797098,3.893796865,3.893797074,3.893797171
+"15862","SULT6B1",3.318732032,3.318732058,3.318732032,3.31873203,3.318732062,3.318732051,3.318732044,3.318732054,3.318732056,3.318732055,3.318732045,3.318732082,3.318732035,3.318732027,3.318732041,3.318732039,3.318732061,3.318732074,3.318732056,3.318732034,3.318732044,3.318732052,3.318732063,3.318732043,3.318732044,3.318732048,3.318732032,3.318732057
+"15863","SUMF2",7.743260061,7.743260084,7.743260004,7.743259895,7.743259962,7.743259953,7.743259978,7.743260033,7.743260074,7.743260037,7.743259992,7.743259994,7.743260088,7.743260116,7.743259954,7.743259993,7.743259919,7.743259893,7.743259963,7.743259965,7.743259898,7.74326,7.743260065,7.743260076,7.74325997,7.743259991,7.743260118,7.743260076
+"15864","SUMO1",5.7251853425,5.725185105,5.725184621,5.725184262,5.7251840175,5.7251840285,5.725183396,5.7251839805,5.725184827,5.7251843155,5.7251846705,5.725184436,5.7251848305,5.725185487,5.725184431,5.7251852065,5.725184027,5.7251845355,5.7251848395,5.7251846345,5.7251850055,5.725184705,5.7251846795,5.725184088,5.725184192,5.725184373,5.7251843655,5.725184901
+"15865","SUMO1P1",5.155653138,5.155653296,5.155652782,5.155653518,5.155652722,5.155652565,5.155653128,5.155653126,5.155652872,5.155652427,5.155653037,5.155652824,5.155652832,5.155653452,5.155653084,5.155653425,5.155652803,5.155653337,5.155653387,5.155652847,5.155653211,5.155653138,5.155652957,5.155653132,5.155653314,5.155652908,5.155652982,5.155653167
+"15866","SUMO1P3",2.152625494,2.152626415,2.152625558,2.152625807,2.152625619,2.152625843,2.152625305,2.152625878,2.152625887,2.152625745,2.15262574,2.152625448,2.152625572,2.152625619,2.152625362,2.152626259,2.152625148,2.152626059,2.152625327,2.152625677,2.152625518,2.15262513,2.152625753,2.152625521,2.152625742,2.152625274,2.152625025,2.152625372
+"15867","SUMO3",7.618476617,7.618476631,7.618476591,7.618476574,7.618476617,7.618476653,7.618476592,7.618476598,7.61847659,7.61847669,7.618476568,7.618476529,7.618476659,7.618476665,7.618476562,7.618476563,7.618476558,7.618476538,7.618476595,7.618476568,7.618476523,7.618476613,7.618476584,7.618476651,7.618476554,7.618476551,7.618476621,7.618476601
+"15868","SUMO4",5.909235068,5.90923545,5.909234989,5.909235156,5.909234742,5.909234904,5.909234776,5.909234596,5.909235375,5.909235085,5.909234801,5.909234524,5.909235198,5.909235916,5.90923501,5.909235693,5.909234868,5.909235255,5.909235262,5.909235173,5.9092349,5.909234896,5.909235639,5.909235302,5.909234938,5.90923495,5.909235163,5.90923546
+"15869","SUN1",6.963581417,6.963581404,6.963581328,6.963581304,6.963581361,6.963581343,6.963581382,6.963581343,6.963581381,6.963581421,6.963581287,6.963581347,6.96358138,6.963581517,6.963581306,6.963581336,6.963581165,6.963581267,6.963581375,6.963581226,6.963581326,6.96358134,6.963581372,6.963581329,6.96358125,6.96358139,6.963581405,6.963581409
+"15870","SUN2",9.022841928,9.022842045,9.022841787,9.022841719,9.022841711,9.02284202,9.022841769,9.022842123,9.022842372,9.022842271,9.02284166,9.022841961,9.02284223,9.022842289,9.022841992,9.022841912,9.022841577,9.022841718,9.022841821,9.022841652,9.022841574,9.022842016,9.022842279,9.022841999,9.022841505,9.022842055,9.022842358,9.022842318
+"15871","SUN3",3.511411693,3.511411752,3.511411782,3.511411763,3.511411753,3.511411769,3.511411722,3.511411714,3.51141171,3.511411714,3.511411805,3.51141177,3.51141174,3.51141173,3.51141176,3.511411736,3.511411791,3.511411804,3.511411769,3.511411769,3.51141171,3.511411741,3.511411789,3.511411704,3.511411773,3.511411796,3.511411739,3.511411698
+"15872","SUN5",4.283259987,4.283260005,4.283260024,4.283260029,4.283260043,4.283259986,4.283260013,4.283260026,4.28326002,4.28326,4.283260021,4.283260041,4.28326001,4.283259989,4.283260036,4.283260027,4.283260024,4.283260021,4.283260014,4.283260017,4.283260023,4.283260028,4.28325999,4.283260007,4.283260005,4.283260025,4.283259991,4.283260031
+"15873","SUOX",5.524098013,5.524098232,5.524097951,5.524098034,5.524098029,5.524098172,5.524097803,5.524097962,5.524097972,5.524097983,5.524098046,5.524097796,5.524098071,5.524097967,5.524097964,5.524098071,5.524097974,5.524097847,5.524098027,5.524098123,5.524097817,5.524097955,5.524098018,5.524098005,5.524098066,5.52409791,5.524098112,5.524097956
+"15874","SUPT16H",7.156779132,7.156779022,7.156778769,7.156778748,7.15677843,7.156778553,7.156778977,7.156778534,7.156779003,7.156778898,7.156778595,7.156778447,7.156778951,7.156779822,7.156778965,7.156778739,7.156778406,7.156778584,7.15677892,7.156778266,7.156778809,7.156778643,7.156779168,7.156778715,7.156778675,7.156778617,7.156778894,7.156779389
+"15875","SUPT20H",7.219241711,7.219241089,7.219241133,7.219241809,7.219240605,7.219239902,7.219241439,7.219240315,7.21924094,7.219240499,7.219240656,7.219238454,7.219240561,7.219242181,7.219241101,7.219240765,7.219240445,7.219241262,7.219241605,7.219239443,7.219241697,7.219240601,7.219241891,7.219241513,7.219241325,7.219240272,7.21924083,7.21924102
+"15876","SUPT3H",4.541283496,4.541283483,4.54128347,4.541283483,4.54128346,4.54128349,4.541283481,4.541283472,4.541283521,4.541283467,4.541283445,4.54128347,4.541283491,4.541283505,4.541283487,4.541283472,4.541283451,4.541283465,4.541283488,4.541283446,4.541283472,4.541283467,4.541283509,4.541283473,4.541283465,4.54128349,4.54128352,4.541283495
+"15877","SUPT5H",7.038077539,7.038077547,7.038077535,7.038077549,7.038077539,7.038077535,7.038077532,7.038077529,7.03807755,7.038077551,7.038077535,7.038077534,7.038077538,7.038077557,7.038077527,7.038077553,7.038077504,7.038077541,7.038077524,7.038077502,7.038077531,7.03807753,7.038077553,7.038077539,7.03807754,7.038077547,7.038077533,7.038077541
+"15878","SUPT6H",7.989700046,7.989700149,7.989699963,7.989700054,7.989699928,7.989700132,7.989700086,7.989699978,7.98970008,7.989700084,7.989699947,7.989699946,7.989700032,7.989700193,7.989699931,7.989700073,7.989699837,7.989700019,7.989699987,7.989700024,7.989699975,7.989699874,7.989700025,7.989700095,7.989699998,7.989700087,7.989700073,7.989699969
+"15879","SUPT7L",6.575678965,6.575678676,6.575678622,6.575678537,6.575678625,6.575678783,6.575678779,6.575678612,6.575678868,6.575678715,6.57567859,6.575678555,6.575678867,6.575679087,6.575678669,6.575678535,6.575678419,6.575678456,6.575678696,6.575678721,6.575678666,6.575678648,6.575678775,6.575678715,6.575678549,6.575678714,6.575678783,6.575678777
+"15880","SUPV3L1",6.630968482,6.63096851,6.630968324,6.630967984,6.630968049,6.630968034,6.630968196,6.630968143,6.630968501,6.630968277,6.630968031,6.63096817,6.630968231,6.630968636,6.630968094,6.630968035,6.630967851,6.630967825,6.63096814,6.630967866,6.630968078,6.630968223,6.630968574,6.630968364,6.630967881,6.630968179,6.630968294,6.630968492
+"15881","SURF1",6.253347511,6.253347436,6.253347831,6.253347473,6.253347407,6.253347857,6.253347782,6.253347492,6.253347672,6.253347552,6.253347164,6.253347466,6.253347552,6.253347571,6.253346942,6.253347782,6.253346828,6.253347599,6.253347262,6.253347601,6.253347566,6.253347494,6.253347316,6.253347418,6.253347663,6.253347574,6.253347908,6.253347585
+"15882","SURF2",7.361090787,7.361090779,7.361090925,7.361090794,7.361091069,7.361090835,7.361090832,7.361091009,7.361090959,7.361090914,7.361090927,7.361091176,7.361090884,7.36109042,7.361090936,7.361090655,7.361091263,7.361090804,7.361090919,7.361090968,7.361090861,7.361091046,7.361090878,7.36109067,7.361090915,7.361091026,7.361091038,7.361090947
+"15883","SURF4",8.462872499,8.462872652,8.462872409,8.46287239,8.462872346,8.462872498,8.46287251,8.46287245,8.46287245,8.462872403,8.462872163,8.462872192,8.462872487,8.4628725,8.462872396,8.462872452,8.462872214,8.462872177,8.462872322,8.462872578,8.462872381,8.462872362,8.46287244,8.462872489,8.462872181,8.462872342,8.462872527,8.462872347
+"15884","SURF6",6.306447323,6.306447382,6.306447427,6.306447186,6.306447508,6.30644726,6.306447293,6.306447317,6.306447368,6.306447279,6.306447327,6.306447311,6.306447427,6.306447368,6.306447373,6.306447383,6.306447245,6.306447379,6.306447478,6.306447197,6.306447338,6.306447328,6.306447258,6.306447343,6.306447434,6.306447403,6.306447436,6.306447207
+"15885","SUSD1",7.221553846,7.221553827,7.22155379,7.22155377,7.221553816,7.221553842,7.221553733,7.221553748,7.221553716,7.221553771,7.221553826,7.221553648,7.221553811,7.221553837,7.221553713,7.221553775,7.221553687,7.221553692,7.221553801,7.221553857,7.22155373,7.221553593,7.221553754,7.221553781,7.221553758,7.221553724,7.221553807,7.221553739
+"15886","SUSD2",5.615433814,5.615433831,5.61543387,5.61543385,5.615433934,5.615433765,5.61543391,5.61543387,5.615433839,5.615433883,5.61543392,5.615433859,5.615433901,5.615433815,5.615433875,5.615433905,5.615433959,5.615433919,5.61543386,5.615433876,5.615433925,5.615433926,5.615433812,5.615433748,5.615433916,5.615433928,5.615433845,5.615433893
+"15887","SUSD3",6.053968951,6.053968944,6.053968883,6.053968935,6.053968959,6.053968947,6.053968919,6.053968962,6.053969032,6.053969018,6.053968954,6.053969007,6.053968987,6.053968996,6.053968969,6.053968964,6.053968935,6.053968939,6.053968967,6.053968937,6.053968959,6.053968986,6.053968968,6.053968984,6.053968912,6.053968979,6.053968969,6.053968955
+"15888","SUSD4",5.422061928,5.422062072,5.422062007,5.422061919,5.422061914,5.42206226,5.422062011,5.422061922,5.422062508,5.422062289,5.422061555,5.422061847,5.422061949,5.422062056,5.422061879,5.422061838,5.422061909,5.422061786,5.422061994,5.422062173,5.422061736,5.422062078,5.422062194,5.4220621,5.422061701,5.422062069,5.422061997,5.422062112
+"15889","SUSD5",4.951204388,4.951204388,4.951204442,4.951204369,4.951204524,4.951204441,4.951204458,4.95120445,4.951204428,4.951204432,4.951204429,4.95120452,4.951204458,4.951204377,4.951204445,4.951204423,4.951204551,4.951204467,4.95120444,4.951204454,4.951204511,4.95120447,4.951204395,4.951204379,4.951204401,4.951204454,4.951204411,4.951204452
+"15890","SUSD6",8.37508288,8.375084453,8.375083261,8.375085075,8.375082255,8.375084359,8.375083031,8.375083271,8.375082548,8.37508282,8.375082594,8.375081602,8.375083214,8.375083066,8.375082233,8.375084215,8.375082811,8.375084361,8.375082866,8.375083996,8.375082913,8.37508249,8.375083376,8.375084179,8.375083247,8.375082651,8.3750834,8.375081906
+"15891","SUV39H1",5.202222873,5.202222837,5.202222886,5.202222799,5.202222863,5.202222771,5.202222852,5.202222838,5.202222858,5.202222812,5.202222742,5.202222725,5.202222808,5.202222879,5.202222813,5.202222807,5.20222277,5.202222662,5.202222804,5.20222283,5.202222804,5.202222788,5.202222821,5.202222849,5.202222745,5.202222859,5.202222767,5.202222728
+"15892","SUV39H2",5.392784354,5.392784368,5.392784384,5.392784343,5.392784388,5.392784376,5.39278438,5.392784394,5.392784399,5.392784397,5.392784364,5.392784395,5.392784385,5.392784369,5.3927844,5.392784383,5.392784389,5.392784372,5.392784361,5.392784369,5.392784384,5.392784371,5.392784412,5.392784387,5.392784353,5.392784363,5.392784363,5.392784393
+"15893","SUZ12",7.029197442,7.029196524,7.02919691,7.029196671,7.029195996,7.029195988,7.029197071,7.029195971,7.02919687,7.029196877,7.029196263,7.029196272,7.029196951,7.029198463,7.029196914,7.029196287,7.029196234,7.029196348,7.029197249,7.029195952,7.029197057,7.029196438,7.029197412,7.029196951,7.029196652,7.029196601,7.029196662,7.029197932
+"15894","SUZ12P1",8.226962366,8.226962317,8.226962377,8.226962293,8.226962359,8.226962335,8.226962374,8.226962335,8.226962354,8.226962319,8.226962364,8.226962426,8.226962325,8.226962423,8.22696238,8.226962365,8.226962412,8.22696234,8.226962424,8.226962379,8.226962333,8.226962386,8.226962378,8.226962293,8.226962395,8.226962328,8.226962356,8.226962423
+"15895","SV2A",4.850871076,4.850871175,4.850871115,4.850871144,4.850871072,4.850871121,4.850871127,4.850871262,4.850870943,4.850871148,4.850871152,4.850871159,4.85087102,4.850871003,4.850870935,4.850871166,4.85087121,4.850871008,4.85087105,4.85087118,4.850871033,4.850871143,4.850870972,4.850871071,4.850871161,4.8508711,4.85087105,4.850871084
+"15896","SV2B",3.577485834,3.577485846,3.577485852,3.577485848,3.577485864,3.577485844,3.577485839,3.57748585,3.577485851,3.577485873,3.577485867,3.577485864,3.577485856,3.577485853,3.577485863,3.577485844,3.577485864,3.577485855,3.577485868,3.577485861,3.577485871,3.57748586,3.577485859,3.577485858,3.577485862,3.577485862,3.577485866,3.577485871
+"15897","SV2C",4.007624497,4.007624662,4.007624681,4.007624644,4.007624664,4.00762475,4.007624582,4.007624604,4.007624548,4.007624549,4.007624615,4.00762465,4.007624559,4.007624469,4.007624606,4.00762483,4.007624921,4.007624701,4.007624632,4.007624781,4.007624672,4.007624628,4.007624679,4.007624562,4.007624542,4.00762464,4.007624571,4.007624559
+"15898","SVBP",5.374432358,5.374432362,5.37443234,5.374432314,5.374432338,5.374432457,5.374432309,5.374432383,5.374432359,5.374432474,5.374432357,5.374432372,5.374432383,5.374432313,5.374432341,5.374432339,5.374432307,5.374432379,5.374432245,5.374432446,5.374432373,5.374432377,5.37443238,5.374432498,5.374432465,5.37443245,5.374432377,5.374432339
+"15899","SVEP1",3.695643192,3.695643182,3.695643199,3.695643175,3.695643232,3.695643187,3.695643202,3.69564321,3.695643198,3.695643182,3.695643196,3.695643206,3.69564318,3.695643178,3.695643206,3.695643193,3.695643218,3.695643207,3.6956432,3.695643199,3.695643214,3.695643214,3.695643195,3.69564319,3.695643218,3.695643209,3.695643176,3.695643206
+"15900","SVIL",7.602944177,7.602945576,7.602944238,7.602945319,7.602944066,7.602944172,7.602944773,7.60294404,7.602944021,7.602943983,7.602944856,7.602943614,7.602944275,7.602944199,7.602944247,7.602945291,7.602944419,7.602945096,7.602944733,7.602944272,7.602944546,7.602943857,7.60294434,7.602944627,7.602945147,7.602944147,7.602944297,7.602943853
+"15901","SVIP",5.674983993,5.674983497,5.674983388,5.674982604,5.674983273,5.674982032,5.67498325,5.674983299,5.674984022,5.674984109,5.674983325,5.674983066,5.674983437,5.674985229,5.674984044,5.674983361,5.674983059,5.674983184,5.674983792,5.674982929,5.674982754,5.674983514,5.67498402,5.674983662,5.674982239,5.67498302,5.674983266,5.674985143
+"15902","SVOP",3.910536302,3.910536484,3.910536575,3.910536395,3.910536441,3.910536516,3.910536542,3.910536608,3.91053649,3.910536287,3.910536726,3.910536486,3.91053638,3.910536541,3.910536647,3.910536351,3.910536652,3.910536629,3.910536477,3.910536383,3.910536526,3.910536506,3.91053664,3.91053622,3.910536501,3.910536483,3.910536518,3.910536552
+"15903","SVOPL",4.150139643,4.150139608,4.150139808,4.1501398,4.150139896,4.150139765,4.15013975,4.150139845,4.150139888,4.150139805,4.150139877,4.150140056,4.150139673,4.150139785,4.15013992,4.15013975,4.150140044,4.150139812,4.150139964,4.150139846,4.150139817,4.150139898,4.150139901,4.150139811,4.150139711,4.150139832,4.150139794,4.150139934
+"15904","SWAP70",7.598125125,7.598125232,7.598124403,7.598124571,7.598124829,7.598124555,7.598124672,7.598123809,7.598124098,7.598124955,7.598124404,7.598124694,7.598124469,7.598126457,7.598125092,7.598124567,7.598123553,7.59812444,7.598124997,7.598123829,7.598124472,7.598123853,7.598124487,7.598124958,7.598124483,7.59812497,7.598124475,7.598126317
+"15905","SWI5",5.229202483,5.229202482,5.229202532,5.229202531,5.229202522,5.229202483,5.229202475,5.229202537,5.229202477,5.229202506,5.229202509,5.229202543,5.229202503,5.229202511,5.229202556,5.229202466,5.22920258,5.229202511,5.229202498,5.229202534,5.2292025,5.229202576,5.229202453,5.229202521,5.229202527,5.229202523,5.229202493,5.229202462
+"15906","SWSAP1",6.825764158,6.825764239,6.825764343,6.825764316,6.825764389,6.825763957,6.825764298,6.82576424,6.825764389,6.825764268,6.825764448,6.825764418,6.825764356,6.825764196,6.82576435,6.82576437,6.825764439,6.825764412,6.825764278,6.82576431,6.825764355,6.825764379,6.825764268,6.825764329,6.825764346,6.825764403,6.825764329,6.825764307
+"15907","SWT1",4.749517043,4.749517053,4.749516971,4.749516965,4.749516943,4.749516854,4.749516937,4.749516901,4.749516887,4.749516995,4.749516956,4.749516952,4.749516931,4.749517049,4.749516967,4.749516912,4.749516957,4.749516981,4.749517016,4.749516939,4.749516991,4.749516975,4.749517011,4.749517003,4.749516991,4.749516998,4.749516979,4.749517024
+"15908","SYAP1",6.343969272,6.343969128,6.343968897,6.343969061,6.343968934,6.343969077,6.343969037,6.343968928,6.343968817,6.343969012,6.343968945,6.343968386,6.343969198,6.343969448,6.343969033,6.343968768,6.343968567,6.343969105,6.343969054,6.343968967,6.34396901,6.343968478,6.343969233,6.343969288,6.343969059,6.343969011,6.343969082,6.343969057
+"15909","SYBU",5.030627903,5.030628016,5.030627993,5.030627947,5.030627981,5.030628007,5.0306279,5.030627989,5.030628027,5.030627878,5.03062803,5.030627994,5.030628094,5.030627917,5.030628017,5.030627988,5.030628044,5.03062803,5.030627967,5.030628028,5.030628007,5.030628018,5.030627906,5.030628022,5.030627966,5.030627968,5.03062795,5.030628035
+"15910","SYCE2",4.975487187,4.975487091,4.975487295,4.975487162,4.97548737,4.975486985,4.975487185,4.975487383,4.975487195,4.975487217,4.975487248,4.975487311,4.975487198,4.975486948,4.975487429,4.975487151,4.975487392,4.975487428,4.975487241,4.975487158,4.975487387,4.97548732,4.975487192,4.975487237,4.975487324,4.975487347,4.97548721,4.975487179
+"15911","SYCN",6.163321105,6.163321147,6.163321206,6.163321172,6.163321251,6.163321041,6.163321117,6.163321241,6.16332119,6.16332118,6.163321198,6.163321208,6.163321202,6.163321137,6.163321192,6.163321208,6.163321204,6.163321205,6.163321158,6.163321138,6.163321168,6.163321212,6.163321125,6.163321175,6.163321253,6.163321197,6.163321192,6.163321182
+"15912","SYCP1",2.45224372,2.452243715,2.452243722,2.452243704,2.452243719,2.452243719,2.452243698,2.452243697,2.452243703,2.452243716,2.452243765,2.452243732,2.452243704,2.452243688,2.452243761,2.452243711,2.452243696,2.45224372,2.452243714,2.452243722,2.452243698,2.452243694,2.452243751,2.452243694,2.452243716,2.452243682,2.452243699,2.452243752
+"15913","SYCP2",3.305557861,3.30555805,3.305557816,3.305557766,3.305557764,3.30555788,3.305557787,3.305557755,3.30555785,3.305557809,3.305557785,3.305557782,3.305557804,3.305558089,3.305557831,3.305557917,3.305557809,3.305557859,3.305557819,3.30555778,3.305557781,3.305557785,3.30555784,3.305557823,3.305557848,3.305557836,3.305557772,3.305557975
+"15914","SYCP2L",3.695001421,3.695001714,3.6950018,3.695001575,3.69500134,3.695001456,3.695001283,3.695001437,3.695001446,3.695001586,3.695002272,3.695001474,3.695001822,3.695001676,3.695001386,3.695001588,3.695001856,3.695001721,3.69500179,3.695001492,3.695001483,3.695001407,3.695001369,3.695001605,3.695002177,3.69500155,3.695001746,3.695001822
+"15915","SYCP3",3.416459496,3.416459574,3.416459695,3.41645967,3.416459673,3.416459447,3.416459532,3.416459669,3.416459621,3.416459608,3.416459661,3.416459781,3.416459664,3.416459588,3.416459608,3.416459798,3.416459678,3.416459611,3.41645957,3.416459658,3.416459615,3.416459717,3.416459577,3.416459725,3.416459697,3.416459698,3.416459637,3.416459569
+"15916","SYDE1",5.25582006,5.25582019,5.255820603,5.255819757,5.255820943,5.255820026,5.255820617,5.255820765,5.255820511,5.255820665,5.255820536,5.255820844,5.255820225,5.255819741,5.255820713,5.255820373,5.255820756,5.255820628,5.255820261,5.255820449,5.255820815,5.255820585,5.255820378,5.255820117,5.255820351,5.255820595,5.255820041,5.255820576
+"15917","SYDE2",3.874865818,3.874865759,3.874865677,3.874865706,3.874865694,3.874865756,3.874865637,3.874865696,3.87486586,3.87486576,3.87486565,3.874865728,3.874865779,3.87486594,3.87486571,3.87486573,3.874865701,3.874865709,3.874865747,3.87486576,3.874865679,3.874865674,3.874865733,3.874865723,3.874865715,3.874865706,3.874865795,3.874865859
+"15918","SYF2",6.239909725,6.239909888,6.239909731,6.239909722,6.23990946,6.239909542,6.239909663,6.239909501,6.239909724,6.239909585,6.239909653,6.239909433,6.239909553,6.239909948,6.239909651,6.2399098,6.239909682,6.239909673,6.239909733,6.239909627,6.239909644,6.239909696,6.239909733,6.239909714,6.239909645,6.239909574,6.239909554,6.239909694
+"15919","SYK",8.996950006,8.996950302,8.996949677,8.996950599,8.996949928,8.996950514,8.996950461,8.996949559,8.996949738,8.996950155,8.99695025,8.996949212,8.99695015,8.996950294,8.996950082,8.996950232,8.996949634,8.996950062,8.996950348,8.996950642,8.996950228,8.996949676,8.996950086,8.996950599,8.996950398,8.996949721,8.996950076,8.996949887
+"15920","SYMPK",6.900542732,6.900542704,6.900542752,6.900542722,6.900542688,6.900542963,6.900542705,6.900542717,6.900542809,6.900542845,6.900542745,6.90054281,6.900542878,6.900542765,6.900542577,6.900542619,6.900542652,6.900542608,6.900542812,6.900542843,6.900542657,6.900542721,6.900542756,6.900542757,6.900542583,6.900542741,6.900542878,6.900542825
+"15921","SYN1",5.26143424,5.261434294,5.261434649,5.261434261,5.261434931,5.261434138,5.261434645,5.261434749,5.261434485,5.261434377,5.261434686,5.26143475,5.26143445,5.261433902,5.261434815,5.26143441,5.261434979,5.261434701,5.261434536,5.261434537,5.261434843,5.261434839,5.261434293,5.261434127,5.261434302,5.261434655,5.261434291,5.261434544
+"15922","SYN2",5.091154959,5.091155065,5.091155369,5.091155053,5.091155473,5.091155199,5.091155253,5.091155152,5.091155349,5.091155335,5.091155128,5.091155317,5.091155023,5.091154848,5.091155475,5.091154943,5.091155474,5.091155293,5.091155338,5.091155125,5.0911555,5.091155306,5.091154961,5.091154871,5.091155114,5.091155242,5.091154824,5.091155315
+"15923","SYN3",5.325496748,5.325496725,5.325496758,5.325496733,5.325496774,5.325496719,5.325496732,5.325496758,5.325496725,5.325496754,5.325496744,5.325496772,5.325496739,5.325496725,5.325496765,5.325496745,5.325496782,5.325496785,5.325496742,5.325496729,5.325496775,5.32549677,5.325496724,5.325496726,5.32549676,5.32549677,5.325496714,5.325496754
+"15924","SYNC",4.73990667,4.739906639,4.739906632,4.739906619,4.739906658,4.739906639,4.739906678,4.739906711,4.739906664,4.739906675,4.739906702,4.739906673,4.739906674,4.739906601,4.739906672,4.739906659,4.739906669,4.739906706,4.739906648,4.739906632,4.739906697,4.73990667,4.739906626,4.739906591,4.73990666,4.739906686,4.73990662,4.73990669
+"15925","SYNCRIP",6.682138475,6.682138266,6.682138186,6.682137814,6.682137783,6.682138181,6.682138331,6.68213779,6.68213835,6.682138252,6.682137526,6.682137777,6.682138118,6.682139068,6.682138332,6.682138404,6.682137879,6.682137825,6.682138334,6.682137517,6.682138043,6.682137935,6.682138576,6.682138221,6.682137732,6.682137984,6.682138137,6.682138579
+"15926","SYNDIG1",4.945339488,4.945339479,4.945339551,4.945339608,4.945339665,4.945339486,4.945339587,4.945339596,4.945339542,4.945339573,4.945339613,4.945339604,4.945339569,4.945339418,4.945339639,4.945339537,4.945339616,4.945339653,4.945339584,4.945339598,4.945339677,4.945339619,4.945339476,4.945339546,4.945339588,4.945339613,4.945339595,4.945339536
+"15927","SYNDIG1L",5.175180681,5.175180698,5.1751807,5.175180695,5.17518069,5.175180684,5.175180678,5.175180697,5.175180681,5.17518068,5.175180687,5.1751807,5.175180697,5.175180669,5.17518068,5.175180699,5.1751807,5.175180699,5.175180696,5.175180686,5.175180685,5.175180698,5.175180688,5.175180671,5.175180699,5.175180685,5.175180677,5.175180696
+"15928","SYNE1",7.580053916,7.580054524,7.580052623,7.580052454,7.580054492,7.580054058,7.580055333,7.580053878,7.580053475,7.580054369,7.580055182,7.58005255,7.580054197,7.580054904,7.580053085,7.580054092,7.580051078,7.580051612,7.58005511,7.58005253,7.580054787,7.580053427,7.58005426,7.58005463,7.5800551,7.580054253,7.580054162,7.580053402
+"15929","SYNE2",7.938277636,7.938277067,7.938275121,7.938278024,7.93827672,7.938277964,7.93827815,7.938276934,7.938277231,7.938276863,7.938277228,7.938276366,7.938277829,7.938278287,7.938277294,7.938277001,7.938274627,7.93827775,7.938278178,7.938277496,7.938278394,7.938277059,7.938278215,7.938278193,7.938277646,7.93827789,7.938277882,7.938277034
+"15930","SYNE3",6.7462023575,6.7462024755,6.746202074,6.7462023475,6.746202331,6.7462023225,6.746202102,6.7462021345,6.7462023145,6.7462022495,6.7462022145,6.7462022015,6.746202341,6.746202406,6.7462022005,6.74620239,6.7462020345,6.7462020855,6.7462022825,6.746202411,6.746201982,6.7462021325,6.74620225,6.746202292,6.746202152,6.746202182,6.746202318,6.746202227
+"15931","SYNE4",5.317887901,5.31788793,5.317887924,5.317887909,5.317887954,5.317887933,5.317887944,5.317887936,5.31788794,5.317887948,5.317887951,5.317887919,5.317887929,5.317887899,5.31788795,5.31788792,5.317887955,5.317887946,5.317887903,5.317887942,5.317887917,5.317887958,5.317887923,5.317887891,5.317887909,5.31788793,5.317887913,5.317887922
+"15932","SYNGR1",5.737812211,5.737812234,5.737812255,5.737812226,5.737812278,5.737812198,5.737812255,5.737812311,5.737812219,5.737812244,5.737812256,5.737812266,5.737812219,5.737812179,5.737812248,5.737812215,5.737812289,5.737812247,5.737812229,5.737812236,5.737812236,5.737812262,5.737812195,5.737812203,5.737812229,5.737812261,5.737812242,5.73781222
+"15933","SYNGR2",7.968054872,7.968055127,7.968054906,7.968055187,7.968054783,7.968055271,7.968054913,7.968054779,7.968054925,7.9680552,7.968055004,7.968054757,7.968055296,7.968055255,7.968054855,7.968054983,7.968054713,7.968054731,7.968054686,7.968055577,7.968054759,7.968054971,7.968054518,7.968055032,7.968054688,7.968054732,7.968055337,7.968055008
+"15934","SYNGR3",6.067712376,6.067712716,6.067712887,6.067712167,6.067713398,6.067712402,6.067713194,6.067712823,6.067712639,6.067713031,6.067712793,6.067713525,6.06771291,6.067712128,6.067713249,6.067712694,6.067713177,6.067712963,6.067712941,6.067712741,6.067713336,6.067713123,6.067712429,6.067712193,6.067712872,6.067713071,6.067712399,6.06771283
+"15935","SYNGR4",5.468542828,5.468542857,5.468543008,5.468542874,5.468543313,5.468542985,5.468543137,5.468543208,5.468543015,5.468543098,5.46854311,5.468543409,5.468542933,5.468542815,5.468543174,5.468543044,5.468543247,5.468543089,5.468543092,5.468542883,5.468543281,5.468543173,5.468543049,5.468542953,5.468543008,5.468543138,5.468542936,5.468542974
+"15936","SYNJ1",7.027526123,7.027526146,7.027525998,7.027526064,7.027525908,7.027525922,7.02752597,7.027525931,7.027525848,7.027525762,7.027525926,7.027525318,7.027526092,7.027526388,7.027525972,7.02752613,7.02752593,7.027526076,7.027526155,7.027526007,7.027526033,7.027525773,7.027525977,7.0275261,7.027526051,7.027525821,7.027526033,7.02752601
+"15937","SYNJ2",6.154169529,6.154169895,6.154169529,6.154169641,6.154169631,6.154169876,6.15416963,6.154169519,6.154169834,6.154169703,6.15416926,6.154169479,6.154169612,6.154169851,6.15416938,6.154169552,6.154169336,6.154169461,6.154169757,6.154169655,6.154169409,6.15416939,6.154169688,6.154169733,6.154168993,6.154169558,6.154169566,6.154169766
+"15938","SYNM",6.113788588,6.113788509,6.113788553,6.113788604,6.113788616,6.113788525,6.113788521,6.113788661,6.113788581,6.113788579,6.113788619,6.11378861,6.1137886,6.113788571,6.113788627,6.113788592,6.113788576,6.113788639,6.113788577,6.11378863,6.113788592,6.113788642,6.113788553,6.113788588,6.113788637,6.113788611,6.113788571,6.113788618
+"15939","SYNPO",5.777069238,5.777069211,5.777069283,5.777069232,5.777069333,5.777069246,5.77706929,5.777069296,5.777069264,5.777069254,5.777069274,5.777069317,5.777069239,5.777069167,5.777069299,5.777069252,5.777069335,5.77706929,5.777069281,5.777069271,5.777069316,5.777069311,5.777069217,5.777069207,5.777069245,5.777069299,5.777069231,5.777069271
+"15940","SYNPO2",4.117266109,4.117266127,4.117266146,4.117266123,4.117266134,4.117266117,4.117266099,4.117266151,4.117266142,4.117266108,4.117266114,4.117266172,4.117266142,4.117266126,4.11726614,4.117266148,4.117266136,4.117266128,4.117266141,4.117266125,4.117266137,4.117266143,4.117266118,4.117266092,4.117266165,4.117266117,4.117266095,4.117266132
+"15941","SYNPO2L",4.31976566,4.319765657,4.319765682,4.319765674,4.319765686,4.319765676,4.319765689,4.319765688,4.319765673,4.319765674,4.319765685,4.319765699,4.319765669,4.319765631,4.319765692,4.319765694,4.319765707,4.3197657,4.319765668,4.319765687,4.319765694,4.319765695,4.319765676,4.319765657,4.319765688,4.319765664,4.319765658,4.319765688
+"15942","SYNPR",3.330166149,3.330166146,3.330166208,3.330166144,3.330166325,3.330166232,3.330166173,3.330166291,3.330166337,3.330166148,3.330166158,3.330166429,3.330166267,3.330166123,3.330166234,3.330166265,3.330166368,3.330166219,3.330166212,3.330166137,3.330166374,3.330166293,3.330166219,3.330166134,3.33016626,3.330166278,3.330166136,3.3301662
+"15943","SYNRG",8.339181998,8.339181769,8.339181365,8.339181685,8.339181325,8.339181818,8.339181663,8.339181416,8.339182022,8.339181343,8.339181204,8.339181324,8.339182136,8.339182271,8.339181936,8.339181238,8.339180533,8.339181315,8.339181598,8.339181753,8.339181699,8.33918153,8.339182028,8.339181781,8.339181436,8.339181819,8.339182089,8.339181735
+"15944","SYP",4.810087139,4.810087059,4.810087275,4.810086944,4.81008718,4.810087055,4.810087007,4.810087504,4.810086726,4.810087016,4.810087056,4.810087388,4.810087177,4.810086742,4.810087086,4.810087164,4.810087346,4.810087049,4.810086878,4.810087182,4.810087287,4.810087157,4.810087203,4.810087238,4.810087321,4.810087052,4.810087116,4.810087259
+"15945","SYPL1",7.071993858,7.07199353,7.071992975,7.07199307,7.071992757,7.071992514,7.071992777,7.071992657,7.071993049,7.071993045,7.071992414,7.071992927,7.071993263,7.071994416,7.071993295,7.07199271,7.071992919,7.071992478,7.071993108,7.071992629,7.071992901,7.0719927,7.071993041,7.07199338,7.071992649,7.071993131,7.071993123,7.07199394
+"15946","SYPL2",5.541757856,5.541757701,5.541757943,5.541757834,5.541758202,5.541758026,5.541758063,5.541757974,5.541757951,5.541758012,5.541758017,5.541758265,5.541757882,5.541757565,5.541758209,5.541757931,5.541758224,5.541758012,5.541757999,5.541757947,5.541758174,5.541758109,5.541757804,5.541757721,5.541757788,5.541757958,5.541757878,5.541757908
+"15947","SYT1",3.750498317,3.750498264,3.750498396,3.750498342,3.750498426,3.750498347,3.750498444,3.750498355,3.750498389,3.750498277,3.750498296,3.750498362,3.75049831,3.75049827,3.75049849,3.750498357,3.750498372,3.75049838,3.750498368,3.750498313,3.750498352,3.750498372,3.750498336,3.750498281,3.750498381,3.750498342,3.750498304,3.750498311
+"15948","SYT10",4.242624882,4.242624945,4.242624912,4.242624904,4.242624936,4.242624902,4.242624887,4.242624888,4.24262485,4.242624925,4.242624927,4.24262489,4.242624932,4.242624825,4.242624925,4.242624924,4.242624936,4.24262496,4.24262489,4.242624855,4.242624885,4.242624864,4.242624832,4.242624852,4.242624931,4.242624891,4.242624911,4.242624971
+"15949","SYT11",5.684559785,5.684559369,5.684559534,5.68455937,5.68455936,5.684559484,5.684559686,5.684559532,5.684559424,5.684559472,5.684559554,5.684559498,5.684559523,5.684559556,5.684559734,5.684559234,5.684559419,5.684559414,5.684559414,5.684559299,5.684559675,5.684559479,5.68455959,5.684559621,5.684559499,5.684559624,5.684559582,5.684559535
+"15950","SYT12",5.192288914,5.192288964,5.192289252,5.192289295,5.192289354,5.1922891,5.192289148,5.192289337,5.192289255,5.192289306,5.192289159,5.192289284,5.192289058,5.192288925,5.192289291,5.192289182,5.192289403,5.192289279,5.192289205,5.192289124,5.19228919,5.192289314,5.192289098,5.192289052,5.19228921,5.192289211,5.192289063,5.192289255
+"15951","SYT13",4.203048357,4.203048401,4.203048437,4.203048367,4.203048498,4.203048304,4.203048421,4.20304844,4.203048365,4.20304839,4.203048414,4.203048478,4.203048392,4.203048327,4.203048442,4.203048356,4.203048474,4.203048452,4.203048367,4.203048358,4.20304844,4.203048479,4.203048351,4.203048338,4.20304836,4.203048414,4.203048268,4.203048325
+"15952","SYT14",3.337835472,3.337835528,3.337835493,3.337835475,3.337835496,3.337835539,3.337835481,3.337835553,3.337835534,3.337835523,3.337835558,3.337835495,3.337835477,3.337835496,3.33783554,3.337835546,3.337835467,3.337835475,3.3378355,3.337835501,3.33783555,3.337835529,3.337835498,3.337835428,3.337835493,3.337835543,3.337835486,3.337835495
+"15953","SYT14P1",3.141873183,3.141873151,3.141873187,3.141873191,3.141873242,3.141873171,3.141873232,3.141873278,3.141873181,3.141873218,3.141873224,3.141873273,3.141873156,3.141873174,3.141873226,3.141873249,3.141873236,3.141873216,3.14187321,3.14187323,3.141873243,3.141873234,3.141873244,3.141873188,3.141873222,3.141873244,3.141873196,3.141873277
+"15954","SYT16",4.158395552,4.158395588,4.158395606,4.158395622,4.158395579,4.158395607,4.158395579,4.158395524,4.158395537,4.158395545,4.158395646,4.158395662,4.158395521,4.158395502,4.158395604,4.158395547,4.158395602,4.15839557,4.158395548,4.158395552,4.158395581,4.158395548,4.158395508,4.158395551,4.158395529,4.158395563,4.158395558,4.158395552
+"15955","SYT17",6.16467793,6.164677892,6.164677987,6.164677878,6.164678086,6.164677863,6.164677945,6.164677957,6.164677873,6.164678008,6.164678019,6.164677973,6.164678007,6.164677784,6.164678023,6.164677933,6.164678068,6.164677989,6.164677943,6.164677865,6.164677981,6.16467795,6.16467779,6.164677921,6.164677961,6.164677986,6.164677996,6.164677912
+"15956","SYT2",4.603852773,4.603852768,4.6038528615,4.6038527185,4.603852889,4.603852915,4.6038528645,4.603852898,4.603852809,4.603852814,4.603852897,4.6038528845,4.6038528025,4.603852735,4.603852879,4.603852873,4.6038529945,4.6038529375,4.603852848,4.603852797,4.6038529845,4.6038530445,4.6038528255,4.6038528265,4.603852909,4.603852735,4.6038527915,4.603852827
+"15957","SYT3",5.036187268,5.036187269,5.036187279,5.036187278,5.036187315,5.036187262,5.036187308,5.036187292,5.036187277,5.03618729,5.036187306,5.036187282,5.036187285,5.036187275,5.036187286,5.036187284,5.036187299,5.036187314,5.036187282,5.036187298,5.036187293,5.036187311,5.036187286,5.036187271,5.036187294,5.036187297,5.036187262,5.036187294
+"15958","SYT4",4.465527489,4.46552732,4.465527755,4.465527243,4.465528519,4.465527642,4.465527854,4.465528193,4.465527835,4.465527928,4.46552764,4.465528749,4.465527933,4.465527271,4.465528204,4.465527839,4.465528564,4.465528057,4.4655281,4.465528058,4.465528541,4.465528335,4.465527719,4.465527625,4.465527961,4.465527852,4.465527557,4.46552807
+"15959","SYT5",5.487062157,5.487062088,5.487062174,5.48706219,5.487062292,5.487062161,5.48706217,5.487062174,5.487062217,5.48706218,5.487062171,5.487062263,5.487062183,5.487062112,5.487062261,5.487062221,5.487062273,5.487062207,5.487062163,5.487062185,5.487062239,5.487062249,5.487062176,5.487062093,5.487062236,5.487062231,5.48706215,5.487062179
+"15960","SYT6",4.621970398,4.621970374,4.621970415,4.621970375,4.621970474,4.621970301,4.6219704,4.621970393,4.621970443,4.621970371,4.621970501,4.621970439,4.621970419,4.621970374,4.621970422,4.621970455,4.621970489,4.621970451,4.621970379,4.621970443,4.621970491,4.621970392,4.621970346,4.621970361,4.621970405,4.621970416,4.621970403,4.621970401
+"15961","SYT7",5.147799152,5.147799189,5.147799191,5.14779921,5.147799217,5.147799145,5.147799167,5.1477992,5.147799199,5.1477992,5.147799208,5.14779922,5.147799187,5.147799174,5.147799215,5.147799214,5.147799243,5.147799245,5.147799203,5.147799196,5.147799199,5.147799214,5.147799177,5.147799207,5.147799219,5.147799193,5.147799191,5.147799214
+"15962","SYT8",6.220881469,6.220881485,6.220881495,6.2208815,6.220881521,6.22088146,6.220881499,6.220881515,6.220881486,6.220881509,6.220881512,6.220881524,6.220881481,6.220881446,6.220881515,6.22088149,6.220881536,6.22088151,6.220881489,6.220881493,6.220881519,6.220881524,6.220881463,6.220881463,6.220881501,6.220881505,6.220881484,6.220881496
+"15963","SYT9",4.356901272,4.356901289,4.356901282,4.356901295,4.356901309,4.356901265,4.356901292,4.356901301,4.35690129,4.35690129,4.356901308,4.356901319,4.356901294,4.356901268,4.356901309,4.356901281,4.356901295,4.356901297,4.356901296,4.356901282,4.356901293,4.356901306,4.356901297,4.356901265,4.356901278,4.356901299,4.356901279,4.356901295
+"15964","SYTL1",7.101098538,7.101098537,7.101098538,7.101098526,7.101098538,7.101098542,7.101098535,7.101098519,7.101098545,7.101098553,7.101098549,7.101098537,7.101098538,7.101098525,7.101098532,7.101098547,7.101098533,7.101098527,7.101098533,7.101098539,7.101098529,7.101098535,7.101098527,7.101098541,7.101098531,7.101098541,7.101098541,7.101098536
+"15965","SYTL2",5.066614265,5.066614114,5.066614008,5.066613958,5.066613983,5.066614126,5.066614117,5.066614114,5.066614233,5.066614091,5.066614075,5.066614015,5.066614236,5.066614188,5.066614282,5.066614044,5.066614,5.066614018,5.066614077,5.066613896,5.066614062,5.066614164,5.066614279,5.066614099,5.066614015,5.066614177,5.066614245,5.066614148
+"15966","SYTL3",7.496218406,7.496218254,7.496216951,7.496219126,7.496215727,7.496217167,7.496217723,7.49621732,7.496216919,7.496216671,7.496217456,7.496216411,7.496217678,7.496217383,7.496218385,7.496218535,7.49621733,7.4962181,7.496217078,7.496217191,7.496217433,7.496217178,7.496217575,7.496218772,7.496218091,7.496217944,7.496217141,7.496217815
+"15967","SYTL4",4.523466267,4.52346654,4.523466303,4.523466851,4.523466727,4.523466309,4.523466422,4.523466588,4.523466241,4.523466623,4.523466638,4.523466513,4.523466523,4.523466279,4.523466448,4.523466524,4.523466389,4.523466773,4.523466579,4.523466276,4.523466561,4.523466479,4.52346633,4.523467006,4.523466612,4.523466456,4.523466275,4.523466375
+"15968","SYTL5",3.372829611,3.372829629,3.372829643,3.372829655,3.372829652,3.372829633,3.372829648,3.372829682,3.372829652,3.372829664,3.372829621,3.372829648,3.372829656,3.372829607,3.372829666,3.372829642,3.372829673,3.372829667,3.372829666,3.372829662,3.372829651,3.372829649,3.37282964,3.37282963,3.372829655,3.372829652,3.372829625,3.372829691
+"15969","SYVN1",6.798708983,6.798708805,6.798708895,6.798709092,6.79870892,6.798709068,6.798708933,6.79870896,6.798708929,6.798708995,6.798708897,6.798709034,6.79870897,6.798708921,6.798708925,6.79870891,6.798709016,6.798708949,6.798708989,6.798709053,6.798708948,6.798708955,6.798708843,6.798708895,6.798708798,6.798708962,6.798709021,6.798708895
+"15970","SZRD1",8.039491266,8.039491111,8.039491122,8.039491145,8.039490977,8.039491516,8.039491139,8.039491281,8.039490967,8.039491278,8.039491028,8.039490818,8.039491225,8.039491309,8.039491059,8.039490926,8.039490489,8.039491043,8.039491067,8.039491609,8.039491091,8.039491082,8.039491237,8.039491213,8.039491132,8.039491257,8.03949116,8.039491259
+"15971","SZT2",6.615503816,6.615503822,6.615503819,6.615503834,6.615503788,6.61550387,6.615503832,6.615503819,6.615503841,6.615503832,6.615503806,6.615503834,6.61550382,6.615503815,6.615503788,6.615503805,6.615503766,6.615503796,6.615503815,6.615503833,6.615503791,6.615503815,6.615503834,6.615503824,6.615503821,6.615503825,6.615503842,6.61550379
+"15972","TAAR1",2.818346593,2.818346601,2.818346604,2.818346597,2.81834659,2.8183466,2.818346601,2.818346593,2.818346612,2.818346592,2.818346596,2.818346621,2.818346589,2.818346594,2.818346602,2.818346595,2.818346602,2.818346592,2.818346619,2.818346605,2.818346588,2.818346604,2.818346611,2.818346595,2.818346592,2.818346589,2.818346588,2.818346598
+"15973","TAAR2",3.403082356,3.403082351,3.40308234,3.403082358,3.403082369,3.403082356,3.403082371,3.403082362,3.40308234,3.403082345,3.403082338,3.403082404,3.403082333,3.403082342,3.40308235,3.403082371,3.403082384,3.403082356,3.403082346,3.403082382,3.403082345,3.403082364,3.40308237,3.403082334,3.403082355,3.403082346,3.40308232,3.403082336
+"15974","TAAR3P",3.210799887,3.210800044,3.210800142,3.21079998,3.210800084,3.210800214,3.210799981,3.210800067,3.210800192,3.210799985,3.210800061,3.210800389,3.210800081,3.210799859,3.210799978,3.210800119,3.210800383,3.210800229,3.210800109,3.210800004,3.210800017,3.210800278,3.210799848,3.210800072,3.210800023,3.210800048,3.210800157,3.210800341
+"15975","TAAR5",3.935128096,3.935128073,3.935128195,3.935128067,3.935128347,3.935128076,3.935128204,3.935128202,3.935128206,3.935128189,3.935128151,3.935128168,3.935128168,3.935128094,3.935128194,3.935128138,3.935128292,3.935128186,3.935128147,3.935128217,3.935128272,3.935128167,3.935128133,3.935128154,3.935128214,3.935128234,3.935128076,3.935128171
+"15976","TAAR6",3.27093611,3.270936183,3.270936153,3.270936173,3.270936195,3.270936188,3.27093617,3.270936183,3.270936158,3.270936155,3.270936194,3.270936233,3.270936165,3.270936166,3.27093616,3.270936227,3.270936223,3.270936204,3.270936156,3.2709362,3.270936207,3.270936169,3.270936178,3.270936176,3.270936191,3.270936182,3.270936137,3.270936204
+"15977","TAAR8",3.093125347,3.093125371,3.093125504,3.093125279,3.093125445,3.0931255,3.093125577,3.093125711,3.093125444,3.093125147,3.093125649,3.093125394,3.093125465,3.093125246,3.093125432,3.093125463,3.09312561,3.093125465,3.093125455,3.093125361,3.093125413,3.093125689,3.093125595,3.093125161,3.093125487,3.093125377,3.093125621,3.093125389
+"15978","TAAR9",3.865103893,3.865103854,3.865103861,3.865103975,3.865103976,3.865103987,3.865103977,3.865104162,3.865103936,3.865104023,3.865104057,3.865104113,3.86510389,3.865103978,3.865104166,3.865104019,3.865104208,3.865104121,3.865104061,3.865104179,3.865104018,3.865104117,3.865103992,3.865104046,3.865103979,3.865104021,3.865104057,3.865104079
+"15979","TAB2",7.635191129,7.635191004,7.635190761,7.635191233,7.635190542,7.635190685,7.635190854,7.635190395,7.635190864,7.635190847,7.635190795,7.635190276,7.635190921,7.635191311,7.635190834,7.635190794,7.635190296,7.635190981,7.635190986,7.635190807,7.635190981,7.635190564,7.635191043,7.635190979,7.635191089,7.635190816,7.635190998,7.635190918
+"15980","TAB3",6.752514628,6.752514629,6.752514617,6.752514647,6.752514612,6.752514652,6.752514623,6.752514608,6.752514635,6.752514616,6.752514615,6.752514597,6.752514632,6.752514643,6.752514625,6.752514607,6.752514594,6.752514639,6.752514612,6.752514632,6.752514619,6.752514595,6.752514637,6.752514642,6.752514659,6.752514613,6.752514634,6.752514636
+"15981","TAC1",3.467888299,3.467888345,3.46788837,3.46788843,3.467888371,3.467888368,3.467888384,3.467888433,3.467888354,3.467888382,3.467888435,3.467888416,3.467888349,3.467888331,3.46788842,3.467888404,3.467888435,3.467888418,3.467888334,3.4678884,3.467888356,3.467888383,3.467888357,3.467888441,3.46788843,3.467888391,3.467888363,3.467888374
+"15982","TAC3",4.429406865,4.429406881,4.429406889,4.429406861,4.429406881,4.42940692,4.429406829,4.429406874,4.42940689,4.42940686,4.42940689,4.429406867,4.429406892,4.42940684,4.429406878,4.429406886,4.429406887,4.429406874,4.429406891,4.4294069,4.429406828,4.429406893,4.429406888,4.429406909,4.429406894,4.429406859,4.429406905,4.42940684
+"15983","TAC4",5.867145399,5.867145375,5.867145477,5.867145365,5.867145628,5.867145295,5.867145492,5.867145563,5.867145381,5.867145427,5.867145499,5.867145568,5.867145485,5.867145207,5.867145597,5.867145441,5.867145587,5.867145641,5.867145513,5.867145474,5.867145656,5.867145594,5.867145295,5.867145428,5.867145512,5.867145619,5.867145387,5.867145558
+"15984","TACC1",7.756007346,7.756007739,7.756007719,7.756008059,7.756007322,7.756007257,7.756007839,7.756007427,7.756007133,7.756007492,7.756007661,7.756007179,7.756007745,7.756007653,7.756007231,7.756007621,7.756007505,7.756007781,7.756007518,7.756007703,7.756007868,7.756007488,7.756007635,7.756007835,7.756008013,7.756007701,7.756007554,7.756007128
+"15985","TACC2",4.668961524,4.668961522,4.668961534,4.668961551,4.668961564,4.668961514,4.668961518,4.668961586,4.668961566,4.668961546,4.668961555,4.668961584,4.668961525,4.668961474,4.668961576,4.668961574,4.668961567,4.668961564,4.66896157,4.668961553,4.668961576,4.668961581,4.668961556,4.668961534,4.668961552,4.668961543,4.668961556,4.66896155
+"15986","TACC3",7.240135428,7.240135761,7.24013571,7.240135901,7.24013549,7.240135639,7.24013571,7.240135654,7.240135739,7.240135545,7.240135614,7.240135426,7.240135608,7.240135575,7.240135445,7.240135783,7.240135704,7.240135781,7.24013569,7.240135657,7.240135602,7.240135632,7.240135635,7.240135686,7.240135671,7.240135523,7.240135603,7.240135414
+"15987","TACO1",5.865283845,5.865283843,5.865283815,5.865283764,5.865283844,5.865283951,5.865283913,5.865283829,5.865283942,5.865283949,5.865283902,5.865283883,5.865283929,5.865283891,5.865283862,5.865283754,5.865283887,5.865283818,5.865283919,5.865283929,5.865283774,5.865283848,5.865284036,5.865283744,5.865283832,5.865283874,5.865283879,5.865283893
+"15988","TACR1",4.219548432,4.219548389,4.219548493,4.21954858,4.219548563,4.219548497,4.219548513,4.219548509,4.219548433,4.219548452,4.219548584,4.219548655,4.219548466,4.219548437,4.219548579,4.21954843,4.219548584,4.219548581,4.219548437,4.219548503,4.219548516,4.219548638,4.219548494,4.219548502,4.219548391,4.219548485,4.219548502,4.219548424
+"15989","TACR2",5.069714254,5.069714217,5.069714257,5.069714279,5.06971429,5.069714132,5.069714279,5.0697143,5.0697143,5.069714286,5.069714308,5.069714177,5.06971423,5.069714189,5.06971428,5.069714248,5.069714354,5.069714288,5.069714278,5.069714195,5.069714276,5.069714275,5.069714179,5.069714189,5.069714187,5.069714236,5.069714234,5.069714218
+"15990","TACR3",3.247371221,3.247371239,3.247371186,3.247371248,3.24737124,3.247371257,3.247371102,3.247371198,3.247371025,3.247371406,3.247371402,3.247371388,3.247371069,3.247371128,3.247371166,3.247371557,3.24737132,3.24737143,3.247371275,3.24737121,3.247371214,3.247371191,3.247371134,3.247371265,3.24737122,3.247371289,3.247370964,3.247371279
+"15991","TACSTD2",4.940729862,4.940729961,4.94072997,4.940729895,4.940729963,4.940729968,4.940729986,4.940729988,4.940729957,4.940729987,4.940730037,4.940729999,4.940729901,4.940729888,4.940730002,4.940730005,4.94073005,4.940730025,4.94072995,4.940729978,4.940729988,4.940729983,4.94072999,4.940729897,4.940730052,4.94072994,4.940729886,4.940729984
+"15992","TADA1",6.229621017,6.22962063,6.229620589,6.229620413,6.229620563,6.229620688,6.2296208,6.229620653,6.22962083,6.229620843,6.229620475,6.229620441,6.229620922,6.229621239,6.229620527,6.229620573,6.22962036,6.229620407,6.229620493,6.229620244,6.229620773,6.229620612,6.229620653,6.229620657,6.229620396,6.229620695,6.229620709,6.229621025
+"15993","TADA2A",5.976053991,5.97605391,5.976053777,5.976053791,5.976053681,5.976053783,5.976053876,5.976053779,5.97605395,5.976053911,5.976053768,5.976053855,5.976053798,5.976054054,5.976053895,5.97605378,5.976053663,5.976053707,5.976053831,5.976053718,5.976053817,5.976053892,5.976053985,5.976053943,5.976053792,5.976053922,5.976053825,5.976053918
+"15994","TADA2B",7.405188727,7.405188924,7.405188728,7.405188849,7.405188677,7.40518858,7.405188698,7.405188602,7.405188696,7.4051887,7.405188669,7.405188535,7.405188702,7.405188858,7.405188685,7.405188775,7.405188605,7.405188827,7.405188769,7.405188701,7.405188641,7.405188523,7.405188888,7.405188871,7.405188705,7.405188697,7.405188768,7.405188767
+"15995","TADA3",6.708603926,6.708603984,6.708603921,6.708603955,6.708603891,6.708604025,6.708603944,6.708603895,6.708603968,6.708603978,6.708603961,6.708603872,6.70860392,6.708603907,6.708603977,6.708603917,6.708603936,6.708603932,6.708603943,6.708603958,6.708603896,6.708603956,6.70860396,6.708603965,6.708603955,6.708603912,6.708603964,6.708603908
+"15996","TAF1",6.996603982,6.996603966,6.996603753,6.996604046,6.996603909,6.996603991,6.996604038,6.99660387,6.996603996,6.996603641,6.996603817,6.996603942,6.996603975,6.996604112,6.996604042,6.996604066,6.996603965,6.996603997,6.996603953,6.996604015,6.996604023,6.996603913,6.996604012,6.996604017,6.996604021,6.996604024,6.996604086,6.996603971
+"15997","TAF10",9.178532868,9.17853271,9.178533088,9.178532782,9.178533029,9.178533497,9.178533007,9.178533174,9.178533244,9.178533329,9.178532934,9.178533076,9.178533156,9.178532668,9.178532994,9.178532636,9.178533294,9.178532663,9.178532943,9.178532966,9.178532856,9.178533234,9.178533174,9.178532913,9.178532819,9.178532913,9.178532894,9.178532999
+"15998","TAF11",5.649212072,5.649212026,5.649211964,5.649211978,5.649211947,5.649211997,5.649212002,5.649211976,5.649212005,5.649211982,5.64921194,5.64921195,5.649211999,5.649212114,5.649211986,5.649212017,5.649211907,5.649211959,5.649212045,5.649212009,5.649212028,5.649211937,5.649212008,5.649211953,5.649211942,5.649212027,5.649212055,5.649212032
+"15999","TAF12",6.144137726,6.144137816,6.144137332,6.144137924,6.1441373,6.144137678,6.144137562,6.144137663,6.144137459,6.144137679,6.144137614,6.144136883,6.144137444,6.144137449,6.144137498,6.14413758,6.144137327,6.14413779,6.144137727,6.144138115,6.144137688,6.144137405,6.144137709,6.144137955,6.144137644,6.144137369,6.144137623,6.144137366
+"16000","TAF13",4.602033339,4.602033332,4.60203335,4.60203333,4.602033287,4.602033301,4.602033334,4.602033307,4.602033332,4.6020333,4.602033324,4.602033288,4.602033311,4.602033385,4.602033315,4.602033335,4.60203332,4.602033329,4.602033306,4.602033306,4.602033328,4.602033303,4.602033316,4.602033345,4.602033319,4.602033315,4.602033334,4.602033335
+"16001","TAF15",8.669663219,8.669663861,8.669662861,8.669662645,8.669662451,8.669662654,8.669662394,8.669662948,8.6696633,8.669662924,8.669662331,8.669662605,8.66966311,8.669664494,8.669662858,8.66966383,8.669662197,8.669662452,8.669662549,8.669663411,8.669662782,8.669662369,8.66966341,8.669663058,8.669662634,8.669663352,8.669663155,8.669664052
+"16002","TAF1A",4.30511239,4.305112253,4.305112223,4.305112165,4.305112241,4.305112099,4.30511227,4.305112134,4.30511231,4.305112228,4.305112288,4.305112128,4.305112399,4.305112545,4.305112252,4.305112184,4.305112176,4.305112177,4.305112307,4.305112109,4.305112202,4.305112194,4.305112256,4.30511228,4.305112279,4.305112172,4.305112299,4.30511248
+"16003","TAF1B",5.084813074,5.084812992,5.084812971,5.084812909,5.084812933,5.084812932,5.08481298,5.084812913,5.084813051,5.08481299,5.084812876,5.084812875,5.084812988,5.084813093,5.084812983,5.084812972,5.084812932,5.084812837,5.084812942,5.084812978,5.084812991,5.084812991,5.084813085,5.084813037,5.084812771,5.084812938,5.084812953,5.084813031
+"16004","TAF1C",6.74860562,6.748605653,6.74860572,6.748605593,6.74860589,6.748605941,6.748605897,6.748605756,6.748605659,6.748605848,6.74860569,6.748606071,6.748605801,6.748605511,6.748605826,6.748605616,6.748605885,6.748605713,6.74860577,6.74860578,6.748605795,6.748605865,6.748605593,6.748605549,6.748605653,6.748605859,6.748605833,6.748605751
+"16005","TAF1L",4.626710089,4.626710114,4.626710179,4.626710042,4.626710022,4.62671019,4.626710151,4.626710231,4.626710226,4.626710178,4.626710119,4.626710347,4.626710262,4.626710225,4.626710147,4.626710279,4.626710097,4.626710288,4.626710079,4.626710261,4.626710305,4.626710212,4.626710067,4.62671017,4.626710227,4.626710298,4.626710215,4.626710223
+"16006","TAF2",6.67977725,6.679777139,6.679777022,6.679776886,6.679776966,6.679776934,6.679777087,6.679776881,6.679777057,6.679776998,6.679776961,6.679776818,6.679777083,6.679777359,6.679777086,6.679777046,6.679776921,6.679776848,6.679777056,6.679776939,6.679777091,6.67977697,6.679777155,6.679777145,6.679776953,6.679777088,6.679777063,6.679777139
+"16007","TAF3",6.952403004,6.952402985,6.952402958,6.95240295,6.952402968,6.95240299,6.952402976,6.952402956,6.952403009,6.952403003,6.952402929,6.95240293,6.952403006,6.952403039,6.952402983,6.952402947,6.952402914,6.952402919,6.952402973,6.952402947,6.95240296,6.952402947,6.952403004,6.952402977,6.952402956,6.952402988,6.952402995,6.95240299
+"16008","TAF4",7.10438189,7.104381869,7.104381903,7.104381917,7.104381931,7.104381907,7.104381912,7.104381929,7.104381925,7.104381918,7.104381913,7.104381936,7.104381893,7.104381854,7.104381929,7.104381897,7.104381914,7.104381917,7.104381888,7.104381897,7.104381912,7.104381917,7.104381896,7.104381896,7.104381916,7.104381921,7.104381906,7.104381886
+"16009","TAF4B",4.840409902,4.840409802,4.840409611,4.840409552,4.840409491,4.84040971,4.840409752,4.840409404,4.840409845,4.840409869,4.840409649,4.840409685,4.840409797,4.840410114,4.840409687,4.840409548,4.840409576,4.840409531,4.8404095,4.840409585,4.840409545,4.840409648,4.840409788,4.840409757,4.840409378,4.840409728,4.840409721,4.840409865
+"16010","TAF5",6.022139236,6.022139251,6.022139226,6.022139235,6.022139185,6.022139202,6.022139217,6.022139264,6.022139206,6.022139239,6.022139175,6.022139201,6.02213927,6.022139277,6.022139185,6.022139219,6.022139207,6.022139191,6.02213925,6.022139147,6.022139151,6.022139182,6.022139218,6.022139199,6.022139213,6.022139188,6.022139232,6.022139295
+"16011","TAF5L",6.243165751,6.24316573,6.243165727,6.243165704,6.24316566,6.243165716,6.243165828,6.243165565,6.243165813,6.24316571,6.243165586,6.243165603,6.243165829,6.243165781,6.243165705,6.24316565,6.243165619,6.24316567,6.243165655,6.243165836,6.243165781,6.243165608,6.243165784,6.243165796,6.243165527,6.243165601,6.243165797,6.243165855
+"16012","TAF6",6.577481519,6.57748153,6.577481528,6.577481514,6.57748152,6.577481545,6.57748153,6.57748154,6.577481542,6.577481545,6.577481518,6.577481526,6.577481519,6.577481497,6.577481498,6.577481522,6.577481507,6.577481514,6.577481519,6.577481469,6.577481503,6.577481516,6.577481529,6.577481488,6.577481529,6.577481505,6.577481546,6.577481477
+"16013","TAF6L",6.315569549,6.315569763,6.315569487,6.315569484,6.315569451,6.315569681,6.315569671,6.315569669,6.315569782,6.315569535,6.315569562,6.315569828,6.315569626,6.315569427,6.315569663,6.31556972,6.315569613,6.315569547,6.315569625,6.31556976,6.315569637,6.315569611,6.315569625,6.31556951,6.315569495,6.315569588,6.31556963,6.315569633
+"16014","TAF7",6.247581868,6.247581297,6.24758124,6.247581213,6.247580761,6.247580064,6.247580896,6.247580079,6.24758125,6.247581508,6.247580526,6.247579618,6.247580894,6.247583825,6.247581141,6.247581217,6.247581023,6.247580915,6.247581511,6.247580606,6.247581338,6.247581063,6.247581911,6.24758179,6.247580922,6.247580044,6.247580387,6.247583395
+"16015","TAF7L",3.496281495,3.496281489,3.496281538,3.496281482,3.496281524,3.496281551,3.496281578,3.496281595,3.496281554,3.496281468,3.496281523,3.496281595,3.496281493,3.496281487,3.496281521,3.496281557,3.496281517,3.496281518,3.496281517,3.496281501,3.496281528,3.496281527,3.496281452,3.496281519,3.496281466,3.496281543,3.496281474,3.49628155
+"16016","TAF8",7.73215572,7.732155703,7.732155581,7.732155936,7.732155479,7.732155652,7.732155738,7.732155455,7.732155649,7.732155716,7.732155514,7.732155397,7.73215546,7.73215573,7.732155174,7.732155139,7.732154944,7.732155102,7.732155179,7.732155398,7.732155202,7.732155226,7.732155583,7.732155568,7.732155176,7.732155518,7.732155473,7.732155307
+"16017","TAF9B",5.019629995,5.019629698,5.019629785,5.019629579,5.019629681,5.019629721,5.019629914,5.019629688,5.019629909,5.019629986,5.019629719,5.01962968,5.019629745,5.019630264,5.019629816,5.019629512,5.019629686,5.019629693,5.019629899,5.01962972,5.019629897,5.019629713,5.01963006,5.019629861,5.019629553,5.019629694,5.019629759,5.019630199
+"16018","TAFA1",3.497799126,3.49779904,3.497799055,3.497799122,3.497799089,3.497799167,3.497799017,3.497799096,3.497799079,3.497799076,3.49779899,3.497799097,3.497799087,3.497799104,3.497799136,3.497798969,3.497799141,3.497799055,3.497798941,3.497799017,3.497799042,3.497799132,3.497799006,3.497799103,3.497798978,3.497799018,3.497799019,3.497799249
+"16019","TAFA2",4.551236196,4.551236202,4.551236241,4.551236239,4.551236218,4.551236197,4.551236221,4.551236232,4.551236176,4.551236189,4.551236211,4.551236219,4.551236231,4.551236246,4.551236206,4.551236202,4.551236256,4.551236255,4.551236247,4.551236242,4.55123622,4.551236222,4.551236199,4.551236189,4.55123625,4.551236242,4.55123621,4.55123624
+"16020","TAFA3",5.618236945,5.618236947,5.618236966,5.618236947,5.618236977,5.61823694,5.61823696,5.618236956,5.618236947,5.618236953,5.618236963,5.618236971,5.618236946,5.618236941,5.618236976,5.618236964,5.618236966,5.618236959,5.618236963,5.618236946,5.618236961,5.618236957,5.61823694,5.618236951,5.618236969,5.618236968,5.618236937,5.61823696
+"16021","TAFA4",4.216360672,4.21636072,4.216360654,4.216360653,4.216360787,4.216360658,4.216360707,4.216360706,4.216360717,4.216360704,4.216360722,4.216360874,4.216360651,4.216360585,4.21636083,4.216360663,4.216360771,4.216360759,4.216360695,4.216360648,4.216360745,4.216360785,4.216360742,4.216360696,4.216360707,4.216360752,4.216360642,4.216360792
+"16022","TAFA5",6.245736701,6.245736878,6.245737053,6.245736952,6.245737564,6.245737069,6.245737174,6.245737254,6.24573711,6.245737169,6.245737288,6.245737604,6.245736998,6.245736533,6.245737414,6.245736978,6.245737457,6.245737161,6.245737275,6.245736893,6.24573728,6.245737397,6.245736886,6.245736791,6.245737123,6.245737306,6.245736994,6.245737133
+"16023","TAFAZZIN",7.108893915,7.108893921,7.108893901,7.108893919,7.108893914,7.108893946,7.10889392,7.108893882,7.108893922,7.108893917,7.108893902,7.108893919,7.108893928,7.10889393,7.108893902,7.108893916,7.108893911,7.108893886,7.108893913,7.108893943,7.108893917,7.108893913,7.108893912,7.108893917,7.108893904,7.108893927,7.10889393,7.108893906
+"16024","TAGAP",8.782673346,8.782674376,8.782672079,8.782673835,8.782672779,8.782673439,8.78267198,8.782673279,8.782672436,8.782672278,8.782672653,8.782671072,8.782673421,8.78267338,8.782673008,8.782673305,8.782671594,8.782674033,8.782673815,8.782673316,8.782671938,8.782671777,8.78267303,8.782673058,8.782673679,8.782672294,8.782673495,8.782672998
+"16025","TAGLN",5.576040737,5.576040707,5.576040706,5.576040776,5.576040853,5.576040803,5.576040847,5.576040586,5.576040559,5.576040437,5.57604076,5.576040509,5.576040871,5.576040613,5.576040764,5.57604083,5.576040825,5.576040662,5.576040711,5.576040748,5.576040776,5.576040786,5.57604059,5.576040473,5.576040665,5.576040593,5.576040825,5.576040547
+"16026","TAGLN2",8.355835442,8.356535271,8.355689355,8.356633819,8.355800669,8.355785981,8.355495525,8.355539644,8.355446016,8.355430606,8.356328432,8.355038089,8.355916328,8.355839298,8.355806369,8.356124586,8.355576631,8.356587552,8.355764121,8.355782581,8.355473163,8.355433646,8.355665105,8.356206996,8.356456037,8.355244088,8.356047521,8.35570047
+"16027","TAGLN3",4.105822084,4.105821992,4.105822119,4.105822091,4.105822142,4.105822053,4.105822108,4.105822138,4.105822152,4.105822093,4.105822061,4.10582219,4.105822087,4.105822044,4.105822121,4.105822128,4.105822223,4.10582206,4.105822092,4.105822063,4.105822087,4.10582207,4.105822056,4.105822083,4.105822084,4.105822178,4.105822014,4.105821999
+"16028","TAL1",6.782820411,6.782820544,6.782821978,6.782822303,6.782821386,6.782821375,6.782820798,6.782821648,6.782821331,6.782821724,6.782822058,6.782821952,6.78282056,6.782819605,6.782821049,6.782820283,6.782821588,6.782822377,6.782820727,6.782821065,6.782820849,6.782821267,6.782821153,6.782821984,6.782821964,6.782822111,6.78282098,6.782820547
+"16029","TAL2",4.198009803,4.198009842,4.198009971,4.198009829,4.198010079,4.198009763,4.198009896,4.198010029,4.198009907,4.19800981,4.198010005,4.198010119,4.198009944,4.198009718,4.198009907,4.198010091,4.198010134,4.198010013,4.19800994,4.198010059,4.198010048,4.198009923,4.198009878,4.198009997,4.198009961,4.198009961,4.198009804,4.198009822
+"16030","TALDO1",9.911436839,9.911437286,9.911436789,9.911438325,9.911436735,9.911437816,9.911437207,9.911437192,9.911436369,9.911436642,9.911437044,9.911436146,9.911436928,9.911436157,9.911436986,9.911436867,9.911436753,9.911437448,9.911437373,9.911437113,9.911437205,9.911437058,9.911436953,9.911437456,9.91143649,9.911437037,9.911436666,9.911435727
+"16031","TAMALIN",5.628964004,5.628964041,5.628964091,5.628964077,5.628964168,5.628963988,5.628964141,5.628964135,5.628964044,5.628964091,5.628964115,5.628964137,5.628964062,5.628963982,5.628964159,5.628964067,5.628964137,5.628964113,5.628964091,5.628964101,5.628964175,5.628964098,5.628964097,5.628964009,5.628964094,5.628964132,5.628964,5.628964111
+"16032","TAMM41",6.219440746,6.219440635,6.219440586,6.219440539,6.219440426,6.21944061,6.219440578,6.219440518,6.21944073,6.219440553,6.219440442,6.219440612,6.219440663,6.219440674,6.219440493,6.219440639,6.219440416,6.219440511,6.21944049,6.219440603,6.219440468,6.21944057,6.219440717,6.219440648,6.21944051,6.219440662,6.21944064,6.219440556
+"16033","TANC1",4.26895438,4.268954386,4.268954411,4.268954428,4.268954502,4.268954415,4.268954428,4.268954485,4.26895442,4.268954366,4.268954403,4.268954539,4.268954419,4.268954403,4.268954489,4.268954501,4.268954518,4.268954464,4.268954452,4.268954446,4.268954498,4.268954482,4.268954406,4.268954416,4.26895441,4.268954466,4.268954432,4.268954446
+"16034","TANC2",5.796081145,5.796081417,5.796080804,5.796081665,5.796081086,5.796080923,5.796080964,5.796081032,5.796081134,5.796081252,5.796080877,5.796080693,5.796080923,5.796081091,5.796081325,5.796081101,5.796080828,5.796081279,5.796081453,5.796080786,5.796081093,5.796080931,5.79608123,5.796081478,5.796081328,5.796081071,5.79608112,5.796080641
+"16035","TANGO2",8.304815566,8.304814902,8.304829084,8.304818397,8.304815714,8.304825403,8.304816401,8.304824467,8.304819895,8.304818077,8.304822772,8.304824364,8.304811991,8.304803902,8.30481061,8.304807393,8.304825347,8.304817175,8.304813921,8.304819224,8.30481104,8.304821468,8.304820659,8.304821417,8.304823093,8.304825656,8.304813505,8.304808735
+"16036","TANGO6",6.981106132,6.981106091,6.981106037,6.981105911,6.981106006,6.981106085,6.981106028,6.98110605,6.981106097,6.981106093,6.981105971,6.981106047,6.981106092,6.981106188,6.981106053,6.981106021,6.981105916,6.981105941,6.981106037,6.981105988,6.981106002,6.981106056,6.981106083,6.981106062,6.981105973,6.981106037,6.981106108,6.98110611
+"16037","TANK",5.831839352,5.831839184,5.831839219,5.831839322,5.831839156,5.831839215,5.831839205,5.831839063,5.831839184,5.831839139,5.831839167,5.831838997,5.831839273,5.831839441,5.831839321,5.831839224,5.831839264,5.8318393,5.831839159,5.83183905,5.831839251,5.83183917,5.831839287,5.831839225,5.831839224,5.831839233,5.831839268,5.831839277
+"16038","TAOK1",7.719011473,7.719011402,7.719011294,7.71901148,7.719011223,7.719011288,7.719011322,7.719011237,7.719011275,7.719011328,7.719011359,7.719011153,7.719011421,7.719011512,7.719011287,7.719011289,7.7190111,7.719011461,7.719011436,7.719011377,7.719011417,7.71901122,7.719011408,7.719011491,7.719011478,7.719011386,7.719011383,7.719011362
+"16039","TAOK2",6.682199529,6.682199561,6.68219953,6.682199581,6.682199519,6.682199554,6.682199547,6.682199555,6.682199536,6.682199529,6.68219953,6.682199501,6.682199543,6.682199552,6.682199544,6.682199539,6.682199501,6.682199551,6.682199535,6.682199523,6.68219954,6.682199541,6.682199551,6.682199553,6.682199516,6.682199527,6.682199547,6.682199548
+"16040","TAOK3",7.560801272,7.560801196,7.560800522,7.560800918,7.560800165,7.560800808,7.56080061,7.560800156,7.560800745,7.560799462,7.560800564,7.560799349,7.560800719,7.560802127,7.560800566,7.560801239,7.56079956,7.560800838,7.560800501,7.560800207,7.560800696,7.560799725,7.560801162,7.560800204,7.560801099,7.560800623,7.560800672,7.560801024
+"16041","TAP2",5.623668032,5.624105759,5.62335538166667,5.62376208066667,5.623122191,5.62583803533333,5.62394703033333,5.624141727,5.62416577066667,5.62382470333333,5.62330392766667,5.623495012,5.62418336733333,5.62347043966667,5.62333726333333,5.62422186966667,5.62310184033333,5.62340537366667,5.62362711566667,5.62554909033333,5.62370353133333,5.624009869,5.624389087,5.62403186766667,5.62363274666667,5.62325201166667,5.62434933533333,5.62321156133333
+"16042","TAPBP",8.542915979,8.542945194,8.54235752066667,8.54285417466667,8.542162132,8.543113238,8.54270210766667,8.542782204,8.54235834066667,8.541908418,8.542243419,8.542401485,8.542501773,8.542622897,8.54250200166667,8.54307546933333,8.54202117033333,8.542518893,8.54255576833333,8.543283376,8.542486021,8.54250240033333,8.54274715066667,8.542829408,8.542786114,8.542729339,8.542689641,8.54264263333333
+"16043","TAPBPL",7.691542348,7.691541764,7.691541008,7.691541151,7.691541393,7.691543099,7.691541132,7.691541839,7.691541579,7.691541048,7.691541338,7.691540547,7.691541718,7.691541078,7.691542111,7.691541158,7.691540615,7.691540849,7.691541564,7.691542568,7.691541113,7.691542117,7.691541553,7.691540824,7.691541518,7.691540991,7.69154154,7.691540466
+"16044","TAPT1",6.28985227,6.289851989,6.289851749,6.289851867,6.289851811,6.289851503,6.289851827,6.289851735,6.289851743,6.289851892,6.289851615,6.289851673,6.289851768,6.289852352,6.289852035,6.289851724,6.289851661,6.28985172,6.289852058,6.289851641,6.28985181,6.289851787,6.289851862,6.289852051,6.28985168,6.289851849,6.289851931,6.289852138
+"16045","TAPT1-AS1",7.044483968,7.044483971,7.044483966,7.044483956,7.044483946,7.044483931,7.044483914,7.044483985,7.044483984,7.044483988,7.044483915,7.044483946,7.044483965,7.044483947,7.044483953,7.044483979,7.044483963,7.044483934,7.044483926,7.044483877,7.04448391,7.044483965,7.044483944,7.044483957,7.044483947,7.044483928,7.044483969,7.044483948
+"16046","TARBP1",6.622052467,6.622051862,6.622051926,6.622051516,6.622051561,6.622050898,6.622052044,6.622051747,6.622052539,6.622051598,6.622051175,6.622052327,6.622052144,6.622053101,6.622051963,6.622051878,6.622051592,6.62205096,6.622051833,6.622051029,6.622051647,6.622051972,6.622052428,6.622051553,6.622051157,6.622052458,6.622052076,6.622052362
+"16047","TARBP2",5.866736205,5.866736233,5.866736297,5.866736216,5.86673631,5.866736183,5.86673626,5.866736306,5.866736273,5.866736275,5.866736307,5.866736236,5.866736231,5.86673621,5.866736245,5.866736218,5.866736287,5.866736196,5.866736246,5.866736278,5.866736239,5.866736287,5.866736219,5.866736228,5.866736282,5.866736256,5.866736245,5.866736244
+"16048","TARDBP",8.253260399,8.253260286,8.253259758,8.253259069,8.253258987,8.253259152,8.253259959,8.253259411,8.253260332,8.253259722,8.253258807,8.253259282,8.253260058,8.253261334,8.253259739,8.25326018,8.253258755,8.253258214,8.253259814,8.253259333,8.253260035,8.253259546,8.253260029,8.253259299,8.253258603,8.253259974,8.253259784,8.25326038
+"16049","TARP",8.588905063,7.50411621,7.567211439,7.473223866,7.415279743,7.914094804,8.210752719,8.3828491,8.026216119,8.300594632,7.688095917,7.306807861,8.161513236,7.703603437,8.234466317,7.358258928,7.292014769,7.553346132,7.552686313,7.744125685,8.327338045,8.418233522,8.313578533,8.750975978,7.557178764,7.989934081,8.035733469,7.414014333
+"16050","TARS1",6.562735439,6.562735421,6.562735149,6.562735094,6.562735316,6.562735562,6.562735435,6.562735394,6.562735509,6.562735312,6.562735162,6.562734875,6.562735358,6.562735729,6.562735243,6.562735146,6.56273501,6.562734871,6.562735402,6.562735404,6.562735292,6.562735245,6.562735528,6.56273536,6.562735091,6.562735258,6.562735473,6.562735349
+"16051","TARS2",5.937475221,5.937475171,5.937475188,5.937475147,5.937475175,5.937475256,5.937475171,5.93747521,5.937475172,5.93747527,5.937475117,5.937475087,5.93747522,5.9374751,5.937475147,5.937475123,5.937475099,5.937475168,5.937475171,5.937475124,5.937475163,5.93747516,5.937475195,5.937475194,5.937475164,5.937475239,5.937475252,5.937475193
+"16052","TARS3",6.508816938,6.508816883,6.508816834,6.508816857,6.508816874,6.508816842,6.508816867,6.508816869,6.508816874,6.508816876,6.508816838,6.508816847,6.508816924,6.50881695,6.50881688,6.508816861,6.508816724,6.50881679,6.508816828,6.508816773,6.508816799,6.508816876,6.508816905,6.508816854,6.508816815,6.508816828,6.50881694,6.508816855
+"16053","TAS1R1",5.012595586,5.012595469,5.012595538,5.012595568,5.012595537,5.012595564,5.012595575,5.012595706,5.01259554,5.012595538,5.012595458,5.012595518,5.012595525,5.012595424,5.012595544,5.012595579,5.01259565,5.012595623,5.012595512,5.012595676,5.012595594,5.012595557,5.012595572,5.012595529,5.012595664,5.012595573,5.012595615,5.01259551
+"16054","TAS1R2",5.032969712,5.032969726,5.032969751,5.032969735,5.032969782,5.032969691,5.032969733,5.032969778,5.032969755,5.032969757,5.032969757,5.032969714,5.03296974,5.032969694,5.032969757,5.032969754,5.032969809,5.032969747,5.032969737,5.032969729,5.032969763,5.032969753,5.032969763,5.032969691,5.032969745,5.032969771,5.03296972,5.032969721
+"16055","TAS1R3",5.880237323,5.880237294,5.880237369,5.880237319,5.880237455,5.880237302,5.88023737,5.880237433,5.880237365,5.880237374,5.880237436,5.880237509,5.880237333,5.880237224,5.880237404,5.880237402,5.880237454,5.880237452,5.880237408,5.880237371,5.880237424,5.880237453,5.88023734,5.880237293,5.880237385,5.880237424,5.880237323,5.880237336
+"16056","TAS2R1",3.234231329,3.234231342,3.234231349,3.234231341,3.234231347,3.234231345,3.234231339,3.234231343,3.234231344,3.234231343,3.234231338,3.234231346,3.234231334,3.234231329,3.234231338,3.234231337,3.234231367,3.234231329,3.234231358,3.234231343,3.23423131,3.234231348,3.234231343,3.234231328,3.234231335,3.23423132,3.23423134,3.234231341
+"16057","TAS2R10",3.907569123,3.90756918,3.907569101,3.907568779,3.907569047,3.907568713,3.907568906,3.907568928,3.907568942,3.907569002,3.907568909,3.907569198,3.907569269,3.90756942,3.907568922,3.907569204,3.907569411,3.907568931,3.907568929,3.907569332,3.907568907,3.90756895,3.907568921,3.907569002,3.907569033,3.907568955,3.907568944,3.907569064
+"16058","TAS2R13",4.328248287,4.32824784,4.328247684,4.328247738,4.328247391,4.328247574,4.328247642,4.328247428,4.32824789,4.328247712,4.328247776,4.328247791,4.328247617,4.328248231,4.328247863,4.328247937,4.328247636,4.32824779,4.328247719,4.328247465,4.328247627,4.328247423,4.328247713,4.328247587,4.328247846,4.328247747,4.328247693,4.328248001
+"16059","TAS2R16",2.675661652,2.675661698,2.675661802,2.675661763,2.675661799,2.675661815,2.675661756,2.675661797,2.675661707,2.675661738,2.675661714,2.675661867,2.675661722,2.675661757,2.675661668,2.675661824,2.675661746,2.675661739,2.675661771,2.675661717,2.67566174,2.675661675,2.675661593,2.675661689,2.675661819,2.675661725,2.67566164,2.675661683
+"16060","TAS2R19",5.017824183,5.017823928,5.017824049,5.017823767,5.017823467,5.017823287,5.017823431,5.017823434,5.017823755,5.01782342,5.017823854,5.017823415,5.017823729,5.017824308,5.017823907,5.017823681,5.017823763,5.017823688,5.017823646,5.017823241,5.017823443,5.017823456,5.017823759,5.01782357,5.017823721,5.01782367,5.017823543,5.017823899
+"16061","TAS2R20",5.035639079,5.035638847,5.035638429,5.035637194,5.035637428,5.035636125,5.035636586,5.035636292,5.035638427,5.035637318,5.035637753,5.035635875,5.035637129,5.03563975,5.035638194,5.035638552,5.035638157,5.035637018,5.035637664,5.035635934,5.035636536,5.035637132,5.035638307,5.035637845,5.035637629,5.035636787,5.035636905,5.035638964
+"16062","TAS2R3",5.630734981,5.630734668,5.63073442,5.630734634,5.630734536,5.630735017,5.63073454,5.630734866,5.630735003,5.630734616,5.630734574,5.630734628,5.630734991,5.630734784,5.630734836,5.630734344,5.630734652,5.630734405,5.630734581,5.630734676,5.63073467,5.630734854,5.630734772,5.630734638,5.630734252,5.630734946,5.63073511,5.630734461
+"16063","TAS2R31",5.350350951,5.350350545,5.350350281,5.350348137,5.350348125,5.350346627,5.350348383,5.350347318,5.350349502,5.350348732,5.350348307,5.35034756,5.350348249,5.350351614,5.350349845,5.350349884,5.35035005,5.350348077,5.350349424,5.350347584,5.350347644,5.350348078,5.35034983,5.350348825,5.350346832,5.350348333,5.35034887,5.350350848
+"16064","TAS2R38",4.06131395,4.061314085,4.061314097,4.061313923,4.061314098,4.061314181,4.06131411,4.061314175,4.061314102,4.061314022,4.061314092,4.061314347,4.061313978,4.061313779,4.061314158,4.061314047,4.061314159,4.061314137,4.061313986,4.061314236,4.061314103,4.061314025,4.061313962,4.061313913,4.061313896,4.06131407,4.06131378,4.061313842
+"16065","TAS2R39",3.596188462,3.596188402,3.596188527,3.596188423,3.596188448,3.59618851,3.59618842,3.596188499,3.596188368,3.596188512,3.596188422,3.596188458,3.596188489,3.596188442,3.596188423,3.596188411,3.596188483,3.59618865,3.596188535,3.596188408,3.596188438,3.596188432,3.596188433,3.596188377,3.59618837,3.59618842,3.596188445,3.596188423
+"16066","TAS2R4",5.489586942,5.489586864,5.489586823,5.489586809,5.489586698,5.4895868,5.489586847,5.489586856,5.489586854,5.489586679,5.489586598,5.489586801,5.48958689,5.489586934,5.489586816,5.489586961,5.489586637,5.48958665,5.489586806,5.489586931,5.489586783,5.489586803,5.489586823,5.489586847,5.489586767,5.489586774,5.489586929,5.489586682
+"16067","TAS2R40",3.664152391,3.664152342,3.664152421,3.664152429,3.664152427,3.66415242,3.664152409,3.664152412,3.66415238,3.664152402,3.664152414,3.664152424,3.664152409,3.664152384,3.664152452,3.664152464,3.664152385,3.664152456,3.664152401,3.664152431,3.664152412,3.664152397,3.664152443,3.664152417,3.664152447,3.664152379,3.664152417,3.664152404
+"16068","TAS2R41",5.935317396,5.935317565,5.935318711,5.935318591,5.935317993,5.935317842,5.935318602,5.935316751,5.935319388,5.935317951,5.935317876,5.935319423,5.935317793,5.935319101,5.935316975,5.935317685,5.935318142,5.935318384,5.935318532,5.935317649,5.935318282,5.935317069,5.93531952,5.93531759,5.935318382,5.935319465,5.93531816,5.935318808
+"16069","TAS2R42",3.604981127,3.604981097,3.604981224,3.604981186,3.604981289,3.604981105,3.604981211,3.604981195,3.60498113,3.604981106,3.60498112,3.60498122,3.604981118,3.604981146,3.604981245,3.604981205,3.604981255,3.60498117,3.604981245,3.604981189,3.604981174,3.604981258,3.604981162,3.604981137,3.604981328,3.604981161,3.604981107,3.604981133
+"16070","TAS2R43",3.827347463,3.827354949,3.827354507,3.827347923,3.827352108,3.827354778,3.827352923,3.827355687,3.827353531,3.827351619,3.827352867,3.827352166,3.827356704,3.827348461,3.827347649,3.827354423,3.827351521,3.827348462,3.827353753,3.827355851,3.827351989,3.827355538,3.827353169,3.827352366,3.82735346,3.827352942,3.827356837,3.827348549
+"16071","TAS2R45",5.003254887,5.003254534,5.003254593,5.003254746,5.003254656,5.003254576,5.003254586,5.00325474,5.003254804,5.00325486,5.003254637,5.003254684,5.003254842,5.003254937,5.00325468,5.003254586,5.00325457,5.003254533,5.003254781,5.003254539,5.003254541,5.003254814,5.003254785,5.003254669,5.00325455,5.003254649,5.00325487,5.003254801
+"16072","TAS2R46",2.907839588,2.907838577,2.907839796,2.90783902,2.907838192,2.907838635,2.907838678,2.907838576,2.907839384,2.907838191,2.907838435,2.907837866,2.907838786,2.907840026,2.907838822,2.907838419,2.907838615,2.907839045,2.907838668,2.907838175,2.907838249,2.907838882,2.907838922,2.90783894,2.907839498,2.907838753,2.907839069,2.907839221
+"16073","TAS2R5",5.342417571,5.342417325,5.342417254,5.342417034,5.342416969,5.342417553,5.342417722,5.342417311,5.34241736,5.342417259,5.342417071,5.342417408,5.342417645,5.342417683,5.342417594,5.342417325,5.342416285,5.342416604,5.342417237,5.342417419,5.34241714,5.342417138,5.342417432,5.34241764,5.342417035,5.342417582,5.342417968,5.342417436
+"16074","TAS2R50",3.839362813,3.839362516,3.83936261,3.839362178,3.839362044,3.839361914,3.839361944,3.83936209,3.839362117,3.839362162,3.839362165,3.839361889,3.839362115,3.839363089,3.83936235,3.839362503,3.839362279,3.839362217,3.83936237,3.83936166,3.839361938,3.839361877,3.839362363,3.83936228,3.83936219,3.839362097,3.839362008,3.839362754
+"16075","TAS2R60",5.15556495,5.155565687,5.155565967,5.155566554,5.155565578,5.155566529,5.155566714,5.155565121,5.155566844,5.155565746,5.155566097,5.155566692,5.155565344,5.155566692,5.155565125,5.155564871,5.155566231,5.155565939,5.155566263,5.155565516,5.155566217,5.155565597,5.155566893,5.155565579,5.155566415,5.155566875,5.155565609,5.155565685
+"16076","TAS2R7",2.771737525,2.771737537,2.771737506,2.771737513,2.771737521,2.771737506,2.771737539,2.771737545,2.771737529,2.771737545,2.77173756,2.771737556,2.771737513,2.771737504,2.77173753,2.771737527,2.771737554,2.771737518,2.771737522,2.771737519,2.771737525,2.771737536,2.771737516,2.77173751,2.771737533,2.771737515,2.771737548,2.771737534
+"16077","TAS2R8",2.972341873,2.972341911,2.972341915,2.972341716,2.972341692,2.972341916,2.972341946,2.972341681,2.972341734,2.972341598,2.972341626,2.972341889,2.972341862,2.972341926,2.97234184,2.972341809,2.972341872,2.972341765,2.972341967,2.972341832,2.972341671,2.972341682,2.972341948,2.972341612,2.972341962,2.972341598,2.972341813,2.972341757
+"16078","TAS2R9",2.716712623,2.716712641,2.716712631,2.716712724,2.716712619,2.716712607,2.716712597,2.716712626,2.716712635,2.716712626,2.716712623,2.716712692,2.716712576,2.716712662,2.716712628,2.716712624,2.716712591,2.716712598,2.716712639,2.716712577,2.716712628,2.716712657,2.716712591,2.716712577,2.716712672,2.716712634,2.716712606,2.71671266
+"16079","TASL",5.684089504,5.684090345,5.684089132,5.684089543,5.684088923,5.684089587,5.684088395,5.684088738,5.684088791,5.684089035,5.684089411,5.684087022,5.684089564,5.684090371,5.684088677,5.68409025,5.684089129,5.684089184,5.684089741,5.684089824,5.684089053,5.684088703,5.6840892,5.684089335,5.684089784,5.684088355,5.684088962,5.684089956
+"16080","TASOR",6.982974076,6.982973728,6.982973813,6.982973636,6.982973735,6.982973329,6.982973872,6.982973679,6.982973741,6.982973743,6.982973565,6.982973403,6.982973832,6.982974564,6.982973723,6.982973463,6.982973507,6.982973336,6.982973998,6.982973379,6.982973769,6.982973646,6.982973976,6.982973792,6.982973558,6.982973694,6.982973908,6.982974204
+"16081","TASOR2",6.58377775,6.583777301,6.583777245,6.583777202,6.58377706,6.583777736,6.583777495,6.583777225,6.58377767,6.583777376,6.583777117,6.58377731,6.583777593,6.583777904,6.583777483,6.583777063,6.583776956,6.583776943,6.583777361,6.583777606,6.583777342,6.583777301,6.583777664,6.583777425,6.583777123,6.583777378,6.583777674,6.583777526
+"16082","TASP1",5.731574303,5.731574234,5.731574263,5.731574174,5.731574254,5.731574184,5.731574231,5.73157421,5.731574337,5.731574277,5.731574128,5.731574209,5.731574272,5.731574406,5.731574194,5.731574265,5.731574189,5.731574182,5.731574235,5.731574145,5.731574202,5.731574209,5.731574314,5.731574237,5.731574173,5.731574241,5.731574261,5.731574308
+"16083","TAT",3.833671589,3.833671654,3.833671741,3.833671678,3.83367166,3.83367168,3.833671701,3.833671679,3.833671657,3.833671724,3.833671759,3.833671824,3.833671717,3.833671648,3.833671694,3.83367168,3.833671711,3.833671701,3.833671623,3.83367172,3.833671726,3.833671721,3.833671625,3.833671599,3.833671767,3.833671692,3.833671706,3.833671697
+"16084","TATDN1",5.9205451355,5.9205450305,5.9205456505,5.92054442,5.9205462135,5.9205454415,5.9205449505,5.9205453595,5.920545805,5.920545626,5.920545749,5.9205459955,5.920545422,5.9205445525,5.9205460255,5.920545274,5.92054618,5.9205455385,5.920545873,5.9205454585,5.920546149,5.9205459855,5.920545303,5.9205450125,5.920545262,5.9205449555,5.920545163,5.920545823
+"16085","TAX1BP1",6.827217563,6.82721716,6.827217235,6.827217299,6.827216544,6.827216111,6.827216822,6.827216543,6.827216594,6.827216745,6.827216906,6.827215288,6.827216656,6.82722031,6.827216948,6.827216615,6.827216816,6.827216676,6.827217317,6.827215591,6.827217214,6.827217043,6.827217527,6.827217224,6.827217007,6.827216258,6.827216566,6.827219186
+"16086","TBATA",3.993383561,3.993383555,3.993383583,3.99338357,3.993383637,3.993383599,3.993383583,3.993383615,3.993383607,3.993383604,3.993383629,3.993383606,3.993383584,3.993383552,3.993383569,3.993383563,3.993383568,3.993383601,3.993383559,3.993383602,3.993383594,3.993383579,3.993383545,3.993383579,3.993383572,3.993383587,3.993383582,3.993383577
+"16087","TBC1D1",7.86379256,7.863792757,7.863792589,7.863793048,7.863792443,7.86379293,7.863792752,7.86379251,7.863792589,7.863792421,7.863792531,7.863792325,7.863792555,7.863792821,7.863792471,7.86379278,7.863792639,7.863792736,7.863792729,7.863793027,7.863792693,7.863792465,7.863792697,7.863792706,7.863792715,7.863792527,7.863792513,7.8637926
+"16088","TBC1D10A",7.483908277,7.483908248,7.483908278,7.483908245,7.483908284,7.483908229,7.483908312,7.4839083,7.483908362,7.483908429,7.483908248,7.483908339,7.483908342,7.483908367,7.483908275,7.483908168,7.48390822,7.483908221,7.483908265,7.483908214,7.483908234,7.48390825,7.483908279,7.483908361,7.483908251,7.483908308,7.483908291,7.483908282
+"16089","TBC1D10B",6.760524263,6.760524732,6.76052414,6.760524676,6.760524161,6.760524439,6.760524368,6.760524428,6.760524126,6.760524268,6.760524165,6.76052431,6.760524406,6.760524307,6.760524152,6.76052462,6.760523755,6.760524427,6.760524459,6.760524555,6.760524301,6.760524343,6.760524443,6.760524503,6.760524284,6.760524043,6.760524403,6.760524108
+"16090","TBC1D10C",8.444560093,8.44456009,8.444560098,8.444560172,8.444559998,8.444560358,8.444560193,8.444560069,8.444560338,8.444560253,8.444559945,8.444560021,8.444560352,8.444560114,8.444560026,8.444560006,8.444560055,8.444559997,8.444560233,8.444559993,8.444560076,8.444560219,8.444560187,8.444560175,8.444559998,8.4445602,8.444560283,8.444560113
+"16091","TBC1D12",5.523913589,5.523913597,5.523913655,5.523913567,5.523913652,5.523913547,5.523913592,5.523913616,5.523913605,5.523913604,5.523913658,5.52391368,5.523913627,5.523913562,5.523913634,5.523913614,5.523913674,5.52391362,5.523913585,5.523913573,5.523913614,5.523913629,5.523913563,5.523913588,5.523913622,5.523913615,5.52391361,5.523913611
+"16092","TBC1D13",6.988174935,6.98817501,6.988174947,6.988174956,6.98817497,6.988174989,6.988174962,6.98817496,6.988174987,6.988174997,6.988174916,6.988174935,6.988174979,6.988174991,6.988174949,6.988174935,6.988174908,6.988174966,6.988174938,6.988174943,6.988174939,6.988174963,6.988174984,6.988174966,6.988174947,6.98817499,6.988174989,6.988174975
+"16093","TBC1D14",8.627950167,8.627950461,8.627949866,8.627951069,8.627949308,8.627949952,8.627949898,8.627949991,8.627949847,8.62794995,8.62795,8.627949232,8.627949797,8.627950229,8.6279502,8.62795051,8.627950082,8.627950501,8.627950112,8.627950462,8.627949885,8.627949891,8.627950291,8.627950521,8.627950171,8.62794968,8.627949665,8.62794974
+"16094","TBC1D15",6.739339673,6.739339027,6.739339005,6.739338523,6.739337763,6.739336937,6.739338047,6.739338079,6.739338852,6.739338236,6.739337879,6.739336716,6.739338839,6.739341659,6.739338348,6.739338928,6.739339015,6.739338805,6.739339016,6.739336703,6.739338213,6.739338295,6.739339367,6.739338762,6.739338144,6.739337555,6.7393383,6.739340859
+"16095","TBC1D16",5.451489086,5.451489094,5.451489138,5.451489092,5.451489189,5.45148912,5.451489156,5.451489171,5.451489118,5.451489136,5.451489097,5.451489169,5.451489117,5.451489107,5.451489168,5.45148914,5.451489194,5.451489133,5.451489129,5.451489137,5.451489171,5.451489151,5.451489147,5.451489075,5.451489115,5.451489153,5.451489086,5.451489129
+"16096","TBC1D17",7.119885822,7.11988576,7.119886203,7.119885936,7.11988609,7.119886248,7.119885931,7.119886186,7.11988612,7.119886109,7.119885963,7.119886262,7.119885965,7.119885647,7.119885982,7.119885719,7.119886251,7.119885955,7.119886075,7.119886112,7.119885956,7.119886159,7.11988601,7.119885844,7.119885905,7.119886105,7.119886058,7.119885552
+"16097","TBC1D19",5.193524614,5.193524434,5.193524256,5.193524251,5.193524058,5.193524252,5.193524275,5.193524368,5.193524345,5.193524268,5.193523937,5.193524023,5.193524381,5.193524653,5.19352439,5.193524514,5.193524146,5.193523889,5.193524388,5.193524098,5.193524317,5.193524413,5.193524411,5.193524289,5.193524115,5.193524408,5.193524417,5.19352445
+"16098","TBC1D2",6.660995633,6.660995638,6.660995712,6.660995696,6.660995625,6.660995768,6.66099567,6.660995623,6.660995605,6.660995715,6.660995748,6.660995555,6.660995574,6.660995615,6.660995653,6.660995656,6.660995689,6.660995655,6.660995714,6.660995758,6.660995728,6.66099554,6.66099553,6.660995684,6.660995765,6.660995611,6.660995646,6.660995373
+"16099","TBC1D20",7.214565942,7.214565992,7.214565961,7.214565964,7.214565889,7.214566014,7.214565961,7.214565982,7.214565962,7.214565978,7.214565884,7.214565917,7.214565953,7.214566001,7.214565889,7.214565927,7.214565824,7.214565917,7.214565923,7.214566055,7.214565916,7.214565887,7.214565962,7.214566013,7.214565942,7.214566,7.214565944,7.214565923
+"16100","TBC1D21",4.999056926,4.999056842,4.999057019,4.999056875,4.99905705,4.99905701,4.999056879,4.999057135,4.999056777,4.999056941,4.999057137,4.999057094,4.999056853,4.999056705,4.999057018,4.999056906,4.999056927,4.9990571,4.999056976,4.999056881,4.999056906,4.999057016,4.999056903,4.999056837,4.999056919,4.999056905,4.99905682,4.999056871
+"16101","TBC1D22A",8.050303591,8.050303554,8.05030345,8.050303588,8.050303297,8.050303713,8.05030347,8.050303504,8.050303436,8.050303543,8.050303321,8.050303398,8.050303616,8.050303532,8.050303457,8.050303446,8.050303403,8.050303406,8.050303513,8.050303633,8.050303373,8.050303525,8.050303444,8.050303506,8.050303404,8.050303416,8.050303649,8.05030347
+"16102","TBC1D22A-AS1",4.508472904,4.508472839,4.508472854,4.508472907,4.508472934,4.50847294,4.508472907,4.508472898,4.50847284,4.508472939,4.508472925,4.50847288,4.508472936,4.508472847,4.508472908,4.508472905,4.508472901,4.508472952,4.508472919,4.50847293,4.508472926,4.508472933,4.50847288,4.508472896,4.508472883,4.508472892,4.508472933,4.508472865
+"16103","TBC1D22B",6.895495226,6.895495055,6.895495518,6.895495199,6.895495094,6.895495669,6.895495268,6.895495416,6.89549515,6.895495213,6.895495328,6.895495614,6.895495207,6.895494719,6.895495064,6.895494781,6.895495139,6.895495058,6.895494884,6.895495047,6.895495021,6.895495204,6.89549519,6.895495322,6.89549539,6.895495658,6.895495162,6.895494916
+"16104","TBC1D23",6.458843643,6.458843218,6.458843272,6.458843115,6.458842552,6.458842468,6.45884292,6.45884256,6.45884284,6.458842842,6.458842841,6.458842019,6.458842763,6.458844059,6.458843268,6.458842873,6.458843061,6.458842833,6.458843236,6.45884237,6.458842894,6.45884287,6.458843217,6.458843174,6.458842738,6.458842778,6.458842821,6.458843661
+"16105","TBC1D24",5.895005527,5.895005485,5.895005633,5.895005539,5.895005627,5.895005511,5.895005483,5.895005645,5.895005565,5.89500555,5.895005577,5.895005572,5.895005504,5.895005464,5.895005588,5.895005552,5.895005631,5.895005542,5.895005522,5.895005495,5.895005546,5.895005573,5.895005586,5.895005462,5.895005562,5.895005578,5.895005548,5.895005506
+"16106","TBC1D25",7.139245373,7.139245429,7.139245451,7.139245442,7.13924537,7.139245495,7.139245431,7.139245494,7.139245434,7.139245457,7.139245443,7.139245471,7.139245426,7.139245366,7.13924536,7.139245392,7.139245481,7.13924541,7.139245371,7.139245469,7.139245325,7.139245417,7.139245467,7.139245425,7.139245463,7.139245427,7.139245406,7.139245309
+"16107","TBC1D26",5.057046865,5.0570468,5.057046991,5.057046877,5.057047015,5.057046872,5.057047021,5.057046962,5.057046942,5.05704693,5.05704685,5.057046957,5.057046944,5.057046861,5.057047009,5.057046933,5.057047037,5.057047067,5.057046879,5.057047087,5.057047031,5.057047069,5.057046851,5.057046868,5.057046833,5.057047085,5.05704698,5.057046904
+"16108","TBC1D27P",5.594437436,5.59443749,5.594437619,5.594437599,5.594437718,5.59443746,5.594437636,5.5944377,5.594437527,5.594437638,5.594437621,5.594437674,5.594437554,5.594437488,5.594437655,5.594437663,5.594437731,5.594437764,5.594437624,5.594437574,5.594437654,5.594437667,5.594437506,5.594437457,5.594437637,5.594437612,5.5944376,5.594437615
+"16109","TBC1D29P",5.135319665,5.135319723,5.135319727,5.13531974,5.135319742,5.135319638,5.135319713,5.135319756,5.135319735,5.135319731,5.135319722,5.135319773,5.135319739,5.135319696,5.135319724,5.135319737,5.135319772,5.135319733,5.13531969,5.135319735,5.135319726,5.135319802,5.135319711,5.135319754,5.135319762,5.135319727,5.135319706,5.135319756
+"16110","TBC1D2B",7.411167126,7.411167144,7.411166308,7.411166566,7.41116618,7.411168689,7.411167045,7.411166946,7.411166864,7.411166772,7.411166619,7.411165957,7.411167184,7.411167307,7.411166545,7.411165995,7.411165712,7.411166063,7.411166613,7.411168314,7.411166805,7.411166565,7.411167332,7.411166637,7.411166799,7.411166354,7.411167288,7.411166151
+"16111","TBC1D30",4.346074531,4.346074523,4.346074546,4.346074544,4.346074536,4.346074579,4.346074547,4.346074535,4.34607453,4.34607451,4.346074529,4.346074528,4.346074549,4.346074554,4.346074544,4.34607456,4.346074547,4.34607456,4.346074544,4.346074585,4.346074542,4.346074554,4.346074553,4.346074538,4.346074552,4.346074552,4.346074548,4.34607454
+"16112","TBC1D31",5.820814075,5.820813952,5.820814077,5.820813825,5.820813834,5.820813839,5.820814096,5.820813943,5.820814072,5.820813984,5.820813805,5.820813851,5.82081402,5.82081416,5.820814025,5.820813854,5.820813844,5.820813841,5.820813823,5.820813849,5.820813995,5.820814033,5.820814062,5.820814072,5.820813838,5.820813964,5.820814004,5.820814045
+"16113","TBC1D32",4.342632091,4.342632039,4.342632054,4.342632012,4.342632047,4.342632036,4.342632035,4.342632084,4.342632077,4.342632065,4.342632037,4.342632055,4.342632062,4.342632118,4.342632055,4.342632032,4.342632067,4.342632061,4.342632066,4.342632028,4.342632033,4.342632076,4.342632097,4.342632082,4.342632053,4.34263207,4.342632069,4.342632088
+"16114","TBC1D3P5",5.126287835,5.126287843,5.126287855,5.126287861,5.126287883,5.126287843,5.126287867,5.126287891,5.126287855,5.126287868,5.126287858,5.126287895,5.12628786,5.126287846,5.126287872,5.126287886,5.126287888,5.126287883,5.126287866,5.126287873,5.126287895,5.126287881,5.126287867,5.12628785,5.12628785,5.126287877,5.12628786,5.12628786
+"16115","TBC1D4",6.204740392,6.204740447,6.204739851,6.204740031,6.20474049,6.204740269,6.20474025,6.204740268,6.204740894,6.204740542,6.204739247,6.204740686,6.204740454,6.204741045,6.20474021,6.204739997,6.204739733,6.204739873,6.204740846,6.204740458,6.204740277,6.20474041,6.204740632,6.204739962,6.204739617,6.204740449,6.204740848,6.204741004
+"16116","TBC1D5",6.452017115,6.452016723,6.452016561,6.452016568,6.452016484,6.452016616,6.452016762,6.452016354,6.452016296,6.452016367,6.452016608,6.452016063,6.452016728,6.45201691,6.452016658,6.452016605,6.452016012,6.452016404,6.452016814,6.45201665,6.452016722,6.452016395,6.452016584,6.452016781,6.452016686,6.452016511,6.452016808,6.452016671
+"16117","TBC1D8",6.419338146,6.419338191,6.419338206,6.419338115,6.41933827,6.419338443,6.419338176,6.419337997,6.419337877,6.419338199,6.419338325,6.419338061,6.419338311,6.419338108,6.419337996,6.419338009,6.419338222,6.419337975,6.419338086,6.419338466,6.41933824,6.419337943,6.419337973,6.419338267,6.419338163,6.419338103,6.419338168,6.4193379
+"16118","TBC1D8B",3.067663149,3.06766315,3.067663164,3.067663205,3.067663143,3.067663173,3.067663171,3.067663156,3.067663145,3.067663171,3.067663156,3.067663157,3.067663145,3.067663179,3.067663162,3.067663154,3.067663141,3.067663152,3.067663128,3.067663141,3.067663144,3.067663184,3.067663144,3.067663134,3.067663149,3.067663146,3.067663148,3.067663186
+"16119","TBC1D9",6.572952936,6.572952711,6.572952759,6.5729527,6.572952675,6.57295272,6.572952734,6.572952579,6.572952454,6.572952832,6.57295265,6.572952597,6.572952946,6.572952849,6.572952862,6.572952631,6.572952622,6.572952825,6.572952605,6.572952625,6.57295281,6.572952505,6.572952463,6.572952809,6.572952859,6.572952794,6.572952881,6.572952848
+"16120","TBC1D9B",6.761254808,6.761254785,6.761254685,6.761254756,6.76125481,6.761254793,6.761254827,6.761254761,6.761254845,6.761254818,6.761254793,6.76125479,6.761254836,6.761254829,6.761254801,6.761254712,6.761254684,6.76125474,6.761254817,6.761254665,6.761254799,6.761254819,6.761254802,6.761254785,6.761254736,6.761254816,6.761254813,6.761254805
+"16121","TBCA",6.7611272065,6.76112714,6.7611270855,6.761126782,6.7611272675,6.761126957,6.76112716,6.761127239,6.761127145,6.761127238,6.761127054,6.7611271845,6.761127036,6.761127111,6.761127263,6.7611273415,6.761127307,6.761127169,6.761127139,6.7611271905,6.7611272615,6.761127206,6.7611271165,6.761127085,6.7611271215,6.761127178,6.761127153,6.761127168
+"16122","TBCB",7.493801638,7.493801588,7.493801568,7.493801492,7.493801508,7.493801603,7.49380152,7.493801506,7.493801571,7.493801687,7.493801527,7.493801358,7.493801617,7.493801672,7.493801516,7.493801539,7.493801515,7.493801464,7.49380155,7.493801568,7.49380147,7.493801485,7.493801633,7.493801622,7.493801584,7.493801488,7.493801592,7.493801544
+"16123","TBCC",6.408125148,6.408125141,6.40812512,6.408125161,6.408125112,6.408125158,6.408125144,6.40812513,6.408125127,6.408125131,6.408125125,6.408125125,6.408125133,6.408125149,6.408125139,6.408125138,6.408125136,6.408125142,6.408125134,6.408125169,6.408125135,6.408125145,6.408125165,6.40812515,6.408125135,6.408125139,6.408125146,6.408125147
+"16124","TBCD",7.103664782,7.103664744,7.103664722,7.103664407,7.103664919,7.103664922,7.103664874,7.103664778,7.103664887,7.103664925,7.103664563,7.103664709,7.103664894,7.103664916,7.103664724,7.103664635,7.103664581,7.103664423,7.103664933,7.103664501,7.103664763,7.103664798,7.103664863,7.103664789,7.103664411,7.103664885,7.103664933,7.103664747
+"16125","TBCE",4.663040099,4.663039984,4.663039981,4.663039946,4.663039915,4.663040111,4.663039972,4.663040002,4.663040045,4.663039929,4.66303994,4.663039982,4.663040038,4.6630401,4.66303996,4.663039938,4.663039978,4.663039876,4.663039939,4.66303999,4.663039945,4.663039994,4.66303996,4.663040033,4.663039884,4.663039949,4.663040025,4.663039883
+"16126","TBCEL",7.613417034,7.613416839,7.613417555,7.613416724,7.613416929,7.613416958,7.613417305,7.613417129,7.61341702,7.613417346,7.613417183,7.613417788,7.613416587,7.613417466,7.613416854,7.613416162,7.613417056,7.613416877,7.613416893,7.613416553,7.613417006,7.613416787,7.613417026,7.613417264,7.613417137,7.613417811,7.613416714,7.613417216
+"16127","TBCK",6.395110087,6.395109475,6.395109079,6.395108891,6.395108981,6.39510904,6.395109407,6.395109158,6.395109643,6.395109432,6.395108802,6.395108832,6.39510967,6.395110484,6.395109394,6.39510878,6.395108663,6.395108581,6.395109622,6.395108965,6.395109309,6.395109143,6.395109875,6.395109396,6.395108549,6.395109486,6.39510957,6.395109699
+"16128","TBK1",5.780065251,5.780064853,5.780064818,5.780064788,5.780064404,5.780064747,5.780064927,5.78006474,5.780064263,5.780064182,5.780064656,5.780063495,5.780064829,5.780065754,5.780064817,5.780065039,5.780064354,5.780064717,5.78006503,5.780064654,5.780064938,5.780064608,5.780064927,5.780064323,5.780064968,5.7800641,5.780064606,5.78006523
+"16129","TBKBP1",6.32416121,6.32416121,6.324161209,6.32416122,6.324161219,6.324161219,6.324161221,6.32416121,6.324161223,6.324161224,6.324161216,6.324161222,6.32416122,6.324161196,6.324161223,6.324161219,6.324161236,6.324161221,6.32416121,6.32416122,6.324161221,6.324161216,6.324161215,6.32416122,6.324161216,6.324161213,6.324161206,6.324161212
+"16130","TBL1X",7.728993115,7.728994552,7.72899312,7.728995535,7.728992411,7.728993544,7.728993134,7.728992929,7.728992984,7.728993467,7.728993111,7.728992404,7.728992943,7.728993451,7.72899282,7.728994008,7.728992374,7.728994433,7.728993485,7.728993575,7.728993002,7.72899271,7.728993173,7.728994146,7.728993806,7.728992602,7.72899277,7.728992079
+"16131","TBL1XR1",7.97519316,7.975192734,7.975192624,7.975192779,7.975192502,7.975192303,7.975192757,7.975192712,7.975192768,7.975192679,7.975192574,7.97519245,7.975192816,7.975193332,7.975192683,7.975192426,7.975192225,7.975192485,7.975192774,7.975192308,7.97519279,7.975192605,7.975192834,7.975193042,7.975192665,7.975192725,7.975192868,7.975193233
+"16132","TBL1Y",4.58300999,4.583009953,4.583010211,4.583010175,4.583010281,4.583009996,4.583010143,4.583009998,4.583009947,4.583009943,4.583010121,4.583010281,4.583010107,4.583009964,4.583010183,4.5830101,4.583010265,4.583010229,4.583010111,4.583009988,4.583010207,4.583010173,4.583009826,4.583009959,4.583009975,4.583010119,4.583009734,4.583009994
+"16133","TBL2",6.239678722,6.239678706,6.239678624,6.23967863,6.239678683,6.239678715,6.239678693,6.239678691,6.239678679,6.239678756,6.239678673,6.239678556,6.239678684,6.239678761,6.239678617,6.239678741,6.239678642,6.239678619,6.239678656,6.239678703,6.23967869,6.23967867,6.2396787,6.239678695,6.239678678,6.239678706,6.239678695,6.239678741
+"16134","TBL3",6.270335476,6.270335481,6.270335491,6.27033547,6.27033551,6.270335498,6.270335477,6.270335512,6.270335486,6.270335475,6.27033549,6.27033549,6.270335513,6.270335497,6.2703355,6.270335493,6.270335496,6.270335478,6.27033548,6.270335506,6.270335481,6.270335509,6.270335471,6.270335506,6.270335468,6.270335494,6.270335499,6.27033548
+"16135","TBP",7.0480379,7.048037875,7.048037855,7.048037865,7.048037867,7.048037872,7.048037858,7.048037822,7.048037861,7.04803791,7.048037827,7.048037807,7.048037911,7.048037932,7.048037871,7.048037852,7.048037803,7.048037834,7.048037857,7.048037775,7.048037896,7.048037861,7.048037889,7.04803784,7.04803783,7.048037893,7.048037894,7.048037895
+"16136","TBPL1",6.548192859,6.548192826,6.548192801,6.548192824,6.548192697,6.548192728,6.548192794,6.548192779,6.548192767,6.548192768,6.548192792,6.548192702,6.548192841,6.548192887,6.548192801,6.548192714,6.548192741,6.548192791,6.548192791,6.548192779,6.548192788,6.548192756,6.548192788,6.54819285,6.548192822,6.548192822,6.548192809,6.54819282
+"16137","TBPL2",3.393491461,3.393491153,3.393491344,3.393491598,3.393491487,3.393491209,3.393491445,3.393491647,3.393491427,3.393491372,3.393491379,3.393491975,3.393491272,3.393491089,3.393491435,3.393491613,3.393491431,3.393491332,3.393491328,3.393491262,3.393491479,3.393491292,3.39349151,3.393491212,3.393491422,3.393491437,3.393491328,3.393491261
+"16138","TBR1",4.643771938,4.64377199,4.643771986,4.643771975,4.643772059,4.643771998,4.643771981,4.643771965,4.643771962,4.643771992,4.643772002,4.643772083,4.643771982,4.643771914,4.643771979,4.64377201,4.64377199,4.643772002,4.643771984,4.643772032,4.643772044,4.64377201,4.64377195,4.643771951,4.643771998,4.64377204,4.643771948,4.643771994
+"16139","TBRG1",7.909348277,7.909347725,7.909347962,7.909347836,7.909347536,7.909347982,7.909348074,7.909347802,7.909347817,7.909348007,7.909347613,7.909347695,7.909348071,7.909348267,7.909347598,7.909347542,7.90934738,7.9093474,7.909347844,7.909347837,7.909347865,7.909347761,7.909347788,7.909348001,7.909347796,7.909348022,7.909348004,7.90934784
+"16140","TBRG4",6.554891115,6.55489108,6.554890943,6.554890909,6.554891085,6.554891203,6.554891043,6.554891098,6.554891212,6.554891175,6.554890949,6.554891102,6.554891242,6.554891115,6.554891113,6.554890921,6.554890969,6.554890934,6.55489105,6.554890933,6.554891006,6.554891169,6.554891127,6.554891023,6.554890877,6.554891171,6.554891186,6.554891007
+"16141","TBX1",5.794855176,5.794855189,5.794855304,5.79485521,5.794855446,5.794855231,5.794855286,5.794855316,5.79485531,5.794855313,5.794855347,5.794855491,5.794855245,5.794855031,5.794855397,5.794855211,5.794855421,5.794855232,5.794855243,5.794855308,5.79485536,5.794855328,5.79485516,5.79485521,5.794855293,5.794855358,5.794855271,5.794855325
+"16142","TBX10",5.500608275,5.500608258,5.500608372,5.500608309,5.500608478,5.500608256,5.500608395,5.5006084,5.500608386,5.500608372,5.500608379,5.500608445,5.500608299,5.50060824,5.500608459,5.500608377,5.50060847,5.500608393,5.500608376,5.500608324,5.50060843,5.500608443,5.500608302,5.500608262,5.500608376,5.500608407,5.500608206,5.500608373
+"16143","TBX15",3.405661343,3.405661351,3.405661332,3.405661344,3.405661357,3.405661365,3.405661342,3.405661363,3.405661353,3.405661335,3.405661359,3.405661389,3.405661343,3.405661321,3.40566136,3.405661342,3.405661354,3.405661353,3.405661339,3.405661353,3.405661344,3.405661358,3.405661352,3.405661323,3.405661379,3.405661331,3.405661344,3.405661331
+"16144","TBX18",4.254806009,4.254806152,4.254806333,4.254806184,4.254806368,4.254805965,4.254806083,4.254806308,4.254806078,4.254806218,4.254806405,4.254806256,4.254806027,4.254805811,4.254806137,4.254806155,4.254806401,4.25480632,4.254806031,4.254806316,4.254806035,4.254806275,4.254806076,4.254806029,4.254806288,4.254806107,4.254806055,4.254806078
+"16145","TBX19",5.704566162,5.704566124,5.704566182,5.704566177,5.704566156,5.704566163,5.704566167,5.704566168,5.70456616,5.704566175,5.704566173,5.704566169,5.704566133,5.704566125,5.704566169,5.704566151,5.704566149,5.704566148,5.704566165,5.704566188,5.704566152,5.704566179,5.704566141,5.704566183,5.704566145,5.704566165,5.704566179,5.704566114
+"16146","TBX2",5.963829038,5.963829015,5.96382906,5.963829045,5.963829088,5.963829073,5.963829063,5.963829074,5.963829058,5.96382904,5.963829092,5.963829097,5.963829057,5.963828975,5.963829084,5.963829034,5.963829104,5.963829104,5.963829076,5.963829039,5.963829062,5.963829081,5.963829049,5.963829002,5.963829063,5.963829037,5.963829068,5.963829055
+"16147","TBX20",4.942134933,4.942134944,4.942134941,4.942134965,4.942135006,4.942134982,4.942134896,4.942134983,4.942134971,4.942134941,4.94213491,4.942134938,4.942134949,4.942134895,4.942135005,4.942134965,4.942135011,4.942135027,4.942134969,4.942134866,4.942134952,4.942135005,4.942134955,4.942134927,4.942134998,4.942134927,4.942134874,4.942134936
+"16148","TBX21",7.077866285,7.077866211,7.077866287,7.07786613,7.077866171,7.077866388,7.077866224,7.077866468,7.077866207,7.077866252,7.077866284,7.07786621,7.07786629,7.077866111,7.077866398,7.077866323,7.077866204,7.077866183,7.077866079,7.077866296,7.077866275,7.077866376,7.077866333,7.077866268,7.077866273,7.077866282,7.077866214,7.077866214
+"16149","TBX22",3.574946584,3.57494654,3.574946736,3.57494654,3.574946711,3.574946553,3.574946659,3.574946584,3.574946616,3.574946626,3.57494661,3.574946764,3.574946574,3.574946568,3.574946647,3.574946704,3.574946714,3.574946722,3.574946651,3.574946616,3.574946683,3.57494664,3.574946569,3.574946621,3.574946723,3.57494659,3.574946531,3.574946615
+"16150","TBX3",5.301085729,5.301085922,5.30108592,5.301085944,5.301086432,5.301085658,5.301086072,5.301086002,5.301085959,5.30108604,5.301086067,5.30108629,5.301085869,5.301085582,5.301086116,5.301086104,5.301086141,5.301086103,5.301085964,5.301085975,5.301086021,5.301086034,5.301085902,5.301085916,5.301085973,5.301086084,5.301085957,5.301086052
+"16151","TBX4",5.214201848,5.214201791,5.214201974,5.214201915,5.214201873,5.214201694,5.214201871,5.214201961,5.214201814,5.214201847,5.214201922,5.214202007,5.214201854,5.214201629,5.214201833,5.214201996,5.214202005,5.214201913,5.21420184,5.214201774,5.214201853,5.214201891,5.214201795,5.214201809,5.214201951,5.21420186,5.214201825,5.214201798
+"16152","TBX5",4.621315136,4.621315191,4.621315374,4.621315567,4.621315732,4.621315593,4.621315514,4.621315528,4.621315511,4.621315719,4.621315625,4.621315748,4.621315388,4.621315011,4.62131576,4.621315407,4.621315626,4.621315498,4.621315306,4.621315513,4.621315639,4.621315548,4.621315347,4.621315311,4.621315497,4.621315467,4.621315176,4.621315504
+"16153","TBX6",4.867069501,4.867069557,4.867069576,4.867069559,4.867069625,4.867069517,4.867069549,4.867069614,4.867069566,4.867069596,4.867069574,4.867069617,4.867069542,4.867069504,4.86706958,4.867069599,4.867069614,4.867069598,4.867069592,4.867069547,4.867069633,4.867069603,4.867069535,4.867069565,4.867069578,4.867069609,4.867069552,4.867069537
+"16154","TBXA2R",5.95786952,5.957869547,5.957869612,5.957869569,5.957869621,5.957869582,5.957869588,5.957869607,5.957869601,5.957869613,5.95786959,5.957869624,5.957869564,5.957869514,5.957869625,5.957869563,5.957869666,5.957869623,5.957869577,5.957869592,5.957869614,5.957869608,5.957869548,5.957869549,5.957869561,5.957869571,5.957869574,5.957869589
+"16155","TBXAS1",8.716022767,8.716025772,8.716021891,8.716026952,8.716022104,8.716022292,8.716023404,8.716020206,8.716018774,8.716021265,8.716024187,8.716018191,8.716023047,8.716023144,8.716021146,8.716026092,8.716022322,8.716024249,8.716023887,8.716023605,8.716023049,8.716020597,8.716022087,8.716024679,8.716023935,8.716020564,8.716022105,8.716021218
+"16156","TBXT",5.003779049,5.003779045,5.003779065,5.003779043,5.003779076,5.003779017,5.003778982,5.003779075,5.003779055,5.003778987,5.003779122,5.00377906,5.003779076,5.003778978,5.00377908,5.003778957,5.003779089,5.003779141,5.003778938,5.003779149,5.003779134,5.003779073,5.003779071,5.003779067,5.003778986,5.003779047,5.003779079,5.003779042
+"16157","TC2N",8.548226569,8.119543983,8.022785692,7.669414759,8.131979581,7.619087241,8.162100238,8.267242062,8.473030695,8.244383584,7.735267265,8.184497461,8.494582666,8.902773482,8.253697446,7.871677103,7.840222011,7.818522243,8.273562258,7.461644443,8.197938342,8.343724307,8.437986154,8.106662052,7.781305472,8.266669783,8.496178128,8.630026084
+"16158","TCAF1",5.072037093,5.0720373855,5.072037992,5.072037433,5.072037546,5.072038395,5.0720378225,5.0720384065,5.072037587,5.0720383735,5.0720377055,5.0720382395,5.0720375465,5.0720375885,5.0720379085,5.072037629,5.072037464,5.0720371515,5.0720380405,5.072037849,5.072037485,5.072037689,5.0720377325,5.072037864,5.0720377795,5.0720378475,5.0720376875,5.0720369945
+"16159","TCAIM",5.194386264,5.194386152,5.194386172,5.194386137,5.194386152,5.194386122,5.194386233,5.19438609,5.194386162,5.194386169,5.194386094,5.19438602,5.194386183,5.194386357,5.194386204,5.194386178,5.194386149,5.194386159,5.194386183,5.194386167,5.19438614,5.194386139,5.194386217,5.194386184,5.194386118,5.194386084,5.194386194,5.194386216
+"16160","TCAP",5.901865622,5.901865662,5.90186581,5.90186562,5.901865826,5.901865475,5.901865656,5.901865791,5.901865686,5.901865692,5.901865819,5.901865727,5.901865684,5.901865598,5.901865687,5.901865798,5.901865841,5.901865946,5.901865631,5.901865685,5.901865694,5.901865748,5.901865618,5.901865701,5.901865763,5.90186577,5.90186565,5.901865643
+"16161","TCEA1",7.545356665,7.545356151,7.545355654,7.545355096,7.545355471,7.545355308,7.545355858,7.545355553,7.545356524,7.545355986,7.545355323,7.54535502,7.545355994,7.545357771,7.545355989,7.545355861,7.54535529,7.545355174,7.545355976,7.545355546,7.545355741,7.545355666,7.545357086,7.54535635,7.545355557,7.54535572,7.54535625,7.545357563
+"16162","TCEA2",6.224674218,6.224674221,6.224674654,6.224674274,6.224675088,6.22467403,6.224674441,6.224674896,6.224674465,6.224674327,6.22467437,6.224674765,6.224674506,6.224674008,6.224674602,6.224674616,6.224675028,6.224674625,6.224674492,6.224674301,6.224674407,6.224674767,6.224674256,6.224674011,6.224674458,6.224674638,6.224674304,6.224674634
+"16163","TCEA3",5.620468924,5.620469185,5.620468853,5.620469602,5.620469778,5.620469574,5.620468432,5.620469509,5.620470825,5.620470389,5.620468641,5.620469524,5.620469307,5.620470813,5.620468799,5.620469551,5.620468724,5.620469194,5.620469502,5.620468975,5.620468567,5.620469657,5.620470234,5.620469522,5.620468494,5.620469679,5.620469502,5.620470151
+"16164","TCEAL1",5.394037768,5.394037668,5.394037681,5.394037615,5.394037778,5.394037555,5.394037689,5.394037669,5.394037816,5.394037739,5.39403777,5.394037758,5.39403773,5.394037787,5.394037775,5.394037812,5.394037896,5.394037913,5.394037576,5.394037749,5.394037658,5.394037769,5.394037785,5.39403774,5.394037819,5.394037654,5.394037713,5.394037855
+"16165","TCEAL2",4.777097366,4.777097421,4.777097376,4.777097257,4.777097674,4.777097309,4.777097443,4.777097661,4.777097414,4.77709741,4.777097578,4.777097633,4.77709726,4.777096922,4.777097621,4.777097438,4.777098018,4.777097734,4.77709754,4.777097386,4.77709734,4.777097468,4.777097217,4.777097316,4.777097353,4.777097312,4.777097129,4.777097417
+"16166","TCEAL3",6.959525191,6.95952532,6.959525547,6.959525389,6.959526009,6.959524973,6.959525481,6.959525842,6.959525785,6.959525491,6.95952573,6.959526022,6.959525367,6.959524863,6.95952554,6.959525493,6.959526253,6.959525792,6.959525357,6.959525489,6.959525542,6.959526017,6.959525186,6.959525179,6.959525571,6.959525544,6.959525211,6.959525673
+"16167","TCEAL4",4.904487598,4.904487592,4.904487597,4.90448755,4.904487614,4.904487515,4.904487594,4.904487709,4.90448766,4.904487583,4.904487725,4.904487682,4.904487613,4.904487617,4.904487691,4.904487735,4.904487639,4.90448767,4.90448761,4.904487629,4.904487693,4.904487692,4.904487633,4.904487637,4.904487717,4.904487733,4.904487627,4.904487707
+"16168","TCEAL5",3.988842473,3.988842474,3.988842484,3.988842392,3.988842571,3.988842454,3.988842507,3.988842473,3.988842471,3.988842454,3.988842482,3.988842589,3.988842442,3.988842386,3.988842556,3.988842501,3.988842544,3.988842528,3.988842494,3.988842509,3.988842539,3.988842512,3.988842406,3.988842402,3.988842494,3.988842474,3.988842379,3.988842489
+"16169","TCEAL7",4.797936136,4.797936191,4.797936172,4.797936166,4.79793613,4.797936224,4.797936152,4.797936176,4.797936171,4.797936189,4.797936183,4.797936206,4.79793615,4.797936159,4.797936166,4.79793616,4.797936195,4.797936158,4.797936161,4.797936193,4.797936149,4.797936162,4.797936167,4.797936159,4.797936176,4.797936164,4.797936176,4.797936164
+"16170","TCEAL8",5.281377543,5.281377569,5.281377509,5.28137735,5.281377453,5.281377626,5.281377558,5.281377588,5.281377688,5.28137771,5.281377706,5.281377573,5.281377504,5.281377755,5.281377333,5.281377399,5.281377479,5.281377622,5.281377544,5.281377556,5.281377167,5.281377516,5.281377681,5.281377666,5.281377669,5.281377283,5.281377624,5.281377596
+"16171","TCEAL9",3.561308027,3.561307967,3.561308197,3.561308057,3.561308234,3.56130806,3.561308152,3.561308206,3.561308197,3.56130826,3.561308208,3.561308192,3.561308129,3.561308108,3.561308294,3.561308289,3.561308251,3.561308223,3.561308113,3.561308173,3.561308242,3.561308342,3.561308118,3.561308152,3.561308315,3.561308139,3.561308208,3.561308273
+"16172","TCEANC",5.305771775,5.305771627,5.305771464,5.305771225,5.305771502,5.305771449,5.305771359,5.305771523,5.305771615,5.305771725,5.305771341,5.305771404,5.30577152,5.305772171,5.305771523,5.305770913,5.30577104,5.305771184,5.305771392,5.305771345,5.305771437,5.305771361,5.305771971,5.305771806,5.305771335,5.305771647,5.305771442,5.305771783
+"16173","TCEANC2",6.057219965,6.057219913,6.057219936,6.057219931,6.057219782,6.057219901,6.057219946,6.057219827,6.05721991,6.057219881,6.057219851,6.057219761,6.057219932,6.057219976,6.057219845,6.057219861,6.057219788,6.057219855,6.057219906,6.057219842,6.057219931,6.05721984,6.0572199,6.057219943,6.057219866,6.057219915,6.057219932,6.057219897
+"16174","TCERG1",6.920434583,6.920434377,6.920434306,6.920434129,6.920434433,6.920434449,6.92043441,6.920434261,6.920434553,6.920434578,6.920434085,6.920434487,6.920434405,6.920434807,6.920434404,6.920434199,6.920434112,6.920433861,6.92043437,6.92043437,6.920434379,6.920434378,6.920434592,6.920434433,6.920434225,6.920434538,6.920434546,6.920434606
+"16175","TCERG1L",6.001417988,6.001418002,6.00141828,6.001418088,6.001418492,6.001418146,6.001418208,6.001418296,6.001418193,6.001418156,6.001418302,6.001418375,6.001418097,6.001417794,6.001418303,6.001417971,6.001418355,6.001418236,6.001418096,6.001418239,6.001418271,6.001418241,6.001418037,6.001418046,6.001418136,6.00141822,6.001418063,6.001418169
+"16176","TCF12",7.202154556,7.202153958,7.202153886,7.202153891,7.202154175,7.20215455,7.202154315,7.2021539,7.202154392,7.202154472,7.202153758,7.202154126,7.202154409,7.202154662,7.202154313,7.202153564,7.202153429,7.202153362,7.202154121,7.202154272,7.202154093,7.202154077,7.202154485,7.202154106,7.202153812,7.202154219,7.202154407,7.202154487
+"16177","TCF15",7.309319953,7.309319998,7.309320253,7.309320011,7.309320307,7.309319926,7.309320021,7.309320286,7.309320049,7.309320149,7.309320268,7.309320161,7.309320114,7.309319723,7.309320213,7.309320184,7.309320401,7.309320285,7.309320067,7.309320168,7.30932008,7.309320257,7.309319992,7.309320035,7.309320287,7.309320132,7.309320088,7.30932012
+"16178","TCF19",5.6857850685,5.6857850665,5.6857851395,5.685785257,5.685784668,5.685785314,5.6857855845,5.6857849855,5.685784874,5.6857843935,5.685785341,5.6857851735,5.6857848795,5.685784971,5.685785442,5.6857855785,5.68578491,5.6857852835,5.6857851715,5.685784595,5.6857854895,5.6857853975,5.6857847745,5.6857846385,5.6857852655,5.685784945,5.6857850795,5.6857850765
+"16179","TCF20",7.338233618,7.33823363,7.338233602,7.338233644,7.338233608,7.338233609,7.338233627,7.338233666,7.338233629,7.338233635,7.338233616,7.338233601,7.338233636,7.338233675,7.338233635,7.338233676,7.338233605,7.338233638,7.338233635,7.338233576,7.338233634,7.338233594,7.338233639,7.338233619,7.338233638,7.338233618,7.338233642,7.338233669
+"16180","TCF21",4.396391873,4.396391991,4.396392016,4.396392015,4.396391948,4.396391925,4.396391904,4.396392036,4.396391946,4.396391907,4.396392038,4.396392011,4.396391888,4.396391835,4.396391963,4.396392002,4.396392017,4.396391971,4.396391989,4.396391901,4.396391961,4.396391931,4.396391988,4.396391855,4.396391962,4.396392022,4.396391857,4.396392016
+"16181","TCF23",6.072763326,6.072763364,6.072763498,6.072763512,6.072763686,6.072763146,6.072763583,6.072763622,6.07276343,6.072763549,6.072763586,6.072763827,6.072763318,6.072763243,6.072763618,6.07276353,6.07276372,6.072763676,6.072763538,6.072763493,6.072763608,6.072763678,6.072763406,6.072763318,6.072763545,6.072763534,6.072763393,6.072763446
+"16182","TCF24",7.901388636,7.901388444,7.901388862,7.901388678,7.901388944,7.901388628,7.901388592,7.901388818,7.901388701,7.901388697,7.901389041,7.901389027,7.901388674,7.901388333,7.901388771,7.901388561,7.901388932,7.901388896,7.90138861,7.901388828,7.901388751,7.901388804,7.901388658,7.901388598,7.901388906,7.901388837,7.90138874,7.901388561
+"16183","TCF25",8.359773836,8.359773861,8.359773712,8.359773737,8.359773579,8.359773818,8.359773703,8.359773771,8.359773826,8.359773839,8.359773757,8.35977368,8.359773925,8.359773866,8.359773637,8.359773732,8.359773621,8.359773544,8.359773621,8.359773804,8.359773556,8.359773768,8.359773739,8.359773843,8.359773692,8.359773791,8.35977391,8.359773718
+"16184","TCF3",7.485158231,7.485158188,7.485158301,7.485158229,7.485158248,7.485158275,7.48515824,7.485158274,7.485158246,7.485158262,7.485158271,7.485158289,7.485158257,7.48515821,7.485158242,7.485158213,7.485158286,7.485158243,7.485158237,7.485158245,7.485158239,7.485158267,7.485158242,7.485158228,7.485158268,7.485158266,7.485158254,7.485158243
+"16185","TCF4",6.093706782,6.093706455,6.093706567,6.093706597,6.093706705,6.093706517,6.093706564,6.093705989,6.093706373,6.093706796,6.093706323,6.093706423,6.093706581,6.093707062,6.093706613,6.093705983,6.093706244,6.093706473,6.093706657,6.093706349,6.093706414,6.093706043,6.09370623,6.093706847,6.093706309,6.093706667,6.093706664,6.093706875
+"16186","TCF7",7.945527949,7.945528,7.945527694,7.945527144,7.945528152,7.945527939,7.945527662,7.945528083,7.945529534,7.945528945,7.945527018,7.945528743,7.945528758,7.945528831,7.945527704,7.945527421,7.945526627,7.945527388,7.94552809,7.945527504,7.945527525,7.945527893,7.945528818,7.945528039,7.945526826,7.945528843,7.945528898,7.945528499
+"16187","TCF7L1",5.578908587,5.578908606,5.578908762,5.578908764,5.578908879,5.578908552,5.578908716,5.578908884,5.578908648,5.578908722,5.578908849,5.578908966,5.578908686,5.578908495,5.578908877,5.57890886,5.578908787,5.578908931,5.57890858,5.578908808,5.578908793,5.578908791,5.578908599,5.578908507,5.578908738,5.578908861,5.57890873,5.578908778
+"16188","TCF7L2",6.704616885,6.704616473,6.704617148,6.704616644,6.70461626,6.704618085,6.704616572,6.704616357,6.70461573,6.704616993,6.704616854,6.704615262,6.704616945,6.704616395,6.704616413,6.70461612,6.704616587,6.704616536,6.704615842,6.704618122,6.704616482,6.704616532,6.704615589,6.704616671,6.704616948,6.70461587,6.704616916,6.704615896
+"16189","TCFL5",6.7135606,6.713560587,6.713560618,6.713560579,6.713560627,6.713560613,6.713560637,6.713560612,6.71356061,6.713560641,6.713560642,6.713560652,6.713560588,6.713560586,6.713560641,6.713560612,6.71356065,6.713560615,6.713560619,6.71356061,6.71356062,6.713560624,6.713560586,6.7135606,6.7135606,6.713560612,6.713560608,6.71356064
+"16190","TCHH",4.646788764,4.64678881,4.646788804,4.646788793,4.646788924,4.646788803,4.646788835,4.646788888,4.646788841,4.646788839,4.646788869,4.646788914,4.64678885,4.646788793,4.646788919,4.646788873,4.64678891,4.646788947,4.64678888,4.646788888,4.646788929,4.646788891,4.646788819,4.646788797,4.646788821,4.646788867,4.646788792,4.646788883
+"16191","TCHHL1",4.387338223,4.387338259,4.387338303,4.387338243,4.387338285,4.387338221,4.387338251,4.387338278,4.387338231,4.387338279,4.387338244,4.387338289,4.38733821,4.387338182,4.387338285,4.387338246,4.38733829,4.387338262,4.387338242,4.387338277,4.387338296,4.387338263,4.387338235,4.387338227,4.387338248,4.387338283,4.387338264,4.38733828
+"16192","TCHP",6.643876187,6.643876313,6.643876138,6.643876153,6.643876144,6.643876197,6.64387622,6.643876097,6.643876299,6.643876203,6.643876109,6.643875964,6.643876216,6.643876348,6.643876177,6.643876327,6.643875954,6.643876077,6.643876119,6.64387609,6.643876327,6.643876106,6.643876326,6.643876265,6.64387617,6.643876194,6.643876172,6.643876341
+"16193","TCIM",3.744477602,3.744477614,3.744477758,3.744477667,3.744477747,3.744477902,3.744477623,3.744477615,3.744477728,3.744477645,3.744477827,3.744477802,3.744477611,3.744477362,3.744477599,3.744477666,3.744477649,3.744477694,3.744477663,3.744477823,3.744477615,3.744477509,3.744477733,3.744477613,3.74447761,3.744477646,3.744477523,3.744477782
+"16194","TCIRG1",8.823942553,8.823943283,8.823943188,8.823943606,8.823942132,8.823944199,8.823943522,8.823942944,8.823942349,8.823942575,8.823942788,8.823942235,8.823943444,8.823942527,8.823942397,8.823943363,8.82394331,8.823943236,8.82394249,8.823944171,8.823943412,8.823943138,8.82394266,8.823943147,8.823942928,8.823942668,8.823943403,8.823942213
+"16195","TCL1A",8.417024027,7.281573357,7.163029903,7.291141591,7.618308359,6.995891597,6.646219565,6.698712848,6.376158321,7.938094124,6.130043536,7.33460445,6.674242609,8.22867811,7.978189754,7.185589995,7.05136633,7.327574233,7.956208231,7.137352593,6.398532077,7.09993628,6.412541785,7.701440976,6.361754602,7.471736662,6.565465382,8.182847202
+"16196","TCL1B",4.659685498,4.659685501,4.65968551,4.659685517,4.659685525,4.659685504,4.659685505,4.659685519,4.659685512,4.659685513,4.659685504,4.659685526,4.659685498,4.659685479,4.659685517,4.659685526,4.659685538,4.659685518,4.659685501,4.659685505,4.659685531,4.659685523,4.659685506,4.659685486,4.659685525,4.65968552,4.659685493,4.659685526
+"16197","TCL6",4.541809364,4.541809273,4.541809287,4.541809336,4.541809332,4.541809347,4.541809276,4.541809269,4.541809282,4.541809333,4.541809329,4.541809314,4.541809314,4.541809312,4.541809333,4.541809284,4.541809339,4.54180935,4.541809332,4.541809346,4.541809317,4.541809297,4.5418093,4.541809317,4.54180927,4.541809277,4.541809286,4.54180932
+"16198","TCN1",4.707163255,4.707163084,4.707163341,4.707163334,4.707162819,4.70716275,4.707163665,4.707162532,4.70716288,4.707162161,4.707163317,4.707162654,4.707162428,4.707162284,4.707163171,4.707162788,4.707163453,4.707162872,4.70716291,4.707162996,4.707163412,4.707162662,4.707162723,4.707162507,4.707163018,4.707162771,4.70716253,4.707162941
+"16199","TCN2",5.609181927,5.609181809,5.609181874,5.609181975,5.609182149,5.609182282,5.609181654,5.60918164,5.609181398,5.609181748,5.609181725,5.609181958,5.609181816,5.609181425,5.60918211,5.609181795,5.609181989,5.609181771,5.609181925,5.609182327,5.609181956,5.609181886,5.609181441,5.609181749,5.609181771,5.609181621,5.609181793,5.609181754
+"16200","TCOF1",6.555747948,6.555747996,6.555748087,6.555748032,6.555748187,6.555748075,6.555748142,6.555748136,6.5557481,6.555748151,6.555748112,6.555748099,6.555748171,6.555748036,6.555748135,6.555748033,6.555748112,6.555748127,6.555747966,6.555748009,6.555748186,6.555748209,6.555748044,6.555748139,6.555748164,6.555748154,6.555748075,6.555748126
+"16201","TCP1",9.129837481,9.114891492,8.913347005,8.769261668,8.884152091,9.085677242,9.122942459,8.900087183,9.180326022,9.090307582,8.821622693,8.861022621,9.123232133,9.407854732,9.001079531,9.009493931,8.75142731,8.651990874,8.958686038,9.048212764,9.040477706,8.984778999,9.135384139,8.942835279,8.789942444,8.898382483,9.081186728,9.142789013
+"16202","TCP10L",4.7510346995,4.7510348445,4.7510348435,4.7510349765,4.7510350195,4.751034956,4.75103479,4.751035002,4.751034885,4.751034956,4.751034913,4.7510350695,4.751034861,4.7510346675,4.7510350175,4.7510350255,4.7510351195,4.7510349845,4.7510349545,4.7510349795,4.7510349535,4.7510350835,4.751034735,4.7510347955,4.751034898,4.751034761,4.7510348075,4.7510349455
+"16203","TCP11",4.771107558,4.771107749,4.771107836,4.77110789,4.77110809,4.771107766,4.77110784,4.77110786,4.771107792,4.771107903,4.771107803,4.771108119,4.771107818,4.771107469,4.771107938,4.771107831,4.771108139,4.771107784,4.771107767,4.771107801,4.771107928,4.771107942,4.771107766,4.771107677,4.771107735,4.771107877,4.771107639,4.77110802
+"16204","TCP11L1",5.907641564,5.907641328,5.907641257,5.907641465,5.907641237,5.907641276,5.907641545,5.907641319,5.9076412,5.907641259,5.907641266,5.907641377,5.907641375,5.90764163,5.907641489,5.907641145,5.907640961,5.907641371,5.907641285,5.907641127,5.907641434,5.90764131,5.907641367,5.907641375,5.907641116,5.907641326,5.907641466,5.907641371
+"16205","TCP11L2",8.836669603,8.83666945,8.836669554,8.836669673,8.836669124,8.836669207,8.836669238,8.836669551,8.836669272,8.836669235,8.836669573,8.836669495,8.836669497,8.836669244,8.836669392,8.83666915,8.8366692,8.836669732,8.836669364,8.836669155,8.83666937,8.836669042,8.836669326,8.836669628,8.836669745,8.836669892,8.836669649,8.83666905
+"16206","TCTA",7.215717555,7.215717593,7.215717568,7.215717567,7.215717527,7.215717545,7.215717548,7.215717552,7.215717546,7.21571755,7.215717528,7.215717546,7.215717553,7.215717556,7.215717534,7.215717578,7.215717529,7.215717559,7.215717546,7.215717524,7.215717515,7.215717552,7.215717544,7.21571758,7.215717579,7.215717543,7.215717544,7.215717564
+"16207","TCTE1",4.782594931,4.782594715,4.782595105,4.782594998,4.782595266,4.782594938,4.782595102,4.782595206,4.782595023,4.782595124,4.782595195,4.782595352,4.782595034,4.782594774,4.782595146,4.782595,4.782595485,4.7825952,4.782595181,4.782594969,4.7825953,4.782595238,4.782595032,4.782594917,4.782595067,4.782595178,4.782595113,4.782595126
+"16208","TCTN1",5.588218616,5.588218569,5.58821858,5.588218647,5.588218641,5.588218619,5.588218566,5.588218644,5.588218526,5.588218449,5.588218635,5.588218677,5.588218618,5.588218676,5.588218542,5.588218628,5.588218575,5.58821856,5.588218601,5.588218562,5.588218563,5.588218677,5.588218615,5.588218593,5.588218494,5.588218542,5.588218655,5.588218605
+"16209","TCTN2",5.055588356,5.05558833,5.055588327,5.055588283,5.055588316,5.055588164,5.055588312,5.055588294,5.055588376,5.055588259,5.055588265,5.055588329,5.055588307,5.055588365,5.055588307,5.055588296,5.055588258,5.055588301,5.055588291,5.055588219,5.055588297,5.05558828,5.055588317,5.055588268,5.05558831,5.055588337,5.055588334,5.055588343
+"16210","TCTN3",6.20098012,6.200979911,6.200979889,6.200979929,6.200979756,6.200979882,6.200980049,6.200979913,6.200979998,6.200980046,6.200979797,6.200979823,6.20098016,6.200980271,6.2009798,6.200979666,6.200979541,6.200979686,6.200979882,6.200979762,6.200980002,6.200979873,6.200980008,6.200980034,6.200979845,6.200979986,6.200980143,6.200980132
+"16211","TDG",4.593338311,4.593338319,4.593338431,4.593338403,4.593339047,4.593338253,4.59333878,4.593338495,4.593338449,4.593338318,4.593338006,4.593338472,4.593338401,4.593339626,4.593338911,4.593338598,4.593338939,4.593338178,4.59333869,4.593338328,4.593338942,4.593338577,4.593337806,4.593338316,4.593338467,4.593338041,4.593338378,4.593339281
+"16212","TDGF1",2.797631883,2.797631914,2.797632001,2.797631954,2.797632156,2.797632038,2.797632031,2.797632179,2.797631981,2.797631949,2.797632104,2.797632132,2.797631956,2.797631936,2.797632029,2.797632019,2.797632057,2.797632032,2.797632157,2.797631885,2.797631995,2.79763196,2.7976318,2.797631899,2.797632239,2.797631888,2.797632008,2.797631963
+"16213","TDGF1P3",3.675202093,3.675201922,3.675201784,3.675202018,3.675202213,3.675202201,3.675202296,3.675202272,3.675202093,3.675201994,3.675202357,3.675202391,3.675201703,3.67520181,3.675201842,3.675201966,3.675202039,3.67520232,3.675201806,3.675201607,3.675201696,3.675202186,3.675202003,3.675202014,3.675202129,3.675201883,3.675202147,3.675201725
+"16214","TDH",4.717389233,4.71738927,4.717389293,4.717389172,4.717389344,4.717389191,4.717389243,4.71738931,4.717389264,4.717389264,4.717389268,4.717389366,4.717389228,4.717389257,4.717389363,4.717389296,4.717389314,4.717389352,4.717389253,4.717389383,4.71738927,4.717389251,4.717389315,4.717389259,4.717389288,4.71738931,4.717389191,4.717389319
+"16215","TDO2",2.845057984,2.845057821,2.845057956,2.845058099,2.845058027,2.845058407,2.84505811,2.845057888,2.845057999,2.845058014,2.845058202,2.845058013,2.84505795,2.845057844,2.845058198,2.845057887,2.845058032,2.84505804,2.845058135,2.845058092,2.845058066,2.84505809,2.845057884,2.845057913,2.845058031,2.845057879,2.845057994,2.845057884
+"16216","TDP1",6.28466049,6.284660247,6.284659981,6.284660095,6.284660295,6.284660342,6.284660409,6.284660093,6.284660533,6.28466029,6.28465983,6.284660208,6.284660314,6.284660622,6.284660223,6.284660088,6.284659751,6.284659844,6.284660309,6.284660261,6.284660234,6.284660153,6.284660463,6.284660212,6.284659982,6.284660378,6.284660479,6.284660476
+"16217","TDP2",7.876598558,7.876599066,7.87659736,7.876599095,7.876597267,7.876597171,7.876598108,7.876597257,7.876597853,7.876597595,7.876597792,7.876596926,7.87659751,7.876598888,7.876598338,7.876599296,7.876597687,7.876598696,7.876598499,7.876597425,7.876598462,7.876597553,7.876598696,7.876598497,7.876598179,7.876597705,7.876597237,7.87659865
+"16218","TDRD1",3.173452003,3.173452058,3.173452038,3.173452048,3.173452019,3.173452036,3.173452004,3.173452039,3.17345199,3.173451988,3.173452038,3.17345218,3.173452103,3.173451992,3.173452028,3.173452002,3.173452037,3.173452013,3.173451989,3.173452042,3.173451968,3.173451974,3.173452043,3.173451972,3.173452,3.173451978,3.173452065,3.173452019
+"16219","TDRD10",4.06205736,4.062057403,4.062057402,4.062057371,4.062057487,4.062057411,4.06205743,4.062057429,4.062057422,4.062057424,4.062057436,4.062057496,4.062057405,4.062057361,4.062057421,4.062057395,4.06205745,4.062057426,4.062057427,4.062057411,4.06205745,4.062057443,4.06205741,4.062057422,4.062057438,4.062057411,4.062057404,4.062057404
+"16220","TDRD12",3.522570503,3.522570443,3.522570489,3.522570488,3.522570524,3.522570459,3.522570504,3.522570492,3.522570501,3.522570476,3.522570482,3.522570455,3.522570473,3.522570443,3.522570491,3.52257048,3.522570522,3.522570484,3.522570499,3.522570466,3.522570478,3.522570495,3.522570514,3.522570451,3.52257048,3.52257049,3.522570495,3.522570474
+"16221","TDRD15",2.852926154,2.852926155,2.852926169,2.852926181,2.852926153,2.852926167,2.852926149,2.852926163,2.852926171,2.852926166,2.852926166,2.852926151,2.852926166,2.852926148,2.852926147,2.852926173,2.85292616,2.852926167,2.85292616,2.852926166,2.852926158,2.852926148,2.852926181,2.852926171,2.852926143,2.852926151,2.852926162,2.852926156
+"16222","TDRD3",5.366037609,5.366037496,5.3660375,5.366037377,5.366037545,5.366037557,5.366037565,5.366037551,5.366037492,5.366037576,5.366037364,5.366037606,5.366037618,5.3660378,5.366037534,5.366037481,5.366037464,5.366037412,5.366037613,5.366037469,5.366037562,5.366037594,5.366037604,5.366037581,5.366037563,5.366037531,5.366037598,5.366037672
+"16223","TDRD5",3.296794951,3.296794958,3.296794965,3.29679497,3.296794973,3.29679496,3.296794964,3.29679498,3.296794965,3.296794962,3.296794962,3.296794952,3.296794954,3.296794958,3.296794966,3.296794959,3.296794975,3.296794971,3.296794958,3.296794982,3.29679497,3.296794962,3.296794946,3.296794958,3.296794964,3.296794968,3.29679496,3.296794946
+"16224","TDRD6",3.171005377,3.171005367,3.17100542,3.171005391,3.171005384,3.171005368,3.171005393,3.171005402,3.171005397,3.171005394,3.171005396,3.171005421,3.171005387,3.171005397,3.171005401,3.171005391,3.171005402,3.171005386,3.17100539,3.171005406,3.171005397,3.171005396,3.171005369,3.171005395,3.171005383,3.171005387,3.171005405,3.171005403
+"16225","TDRD7",6.218251977,6.218252132,6.218251411,6.218251848,6.218251652,6.218252293,6.218251333,6.218251161,6.218251458,6.21825149,6.218251504,6.218250566,6.218251309,6.218252101,6.218251631,6.21825183,6.218251085,6.218251344,6.218252041,6.218252792,6.218251147,6.218251184,6.218252013,6.218251908,6.218251642,6.218250945,6.218251581,6.218251387
+"16226","TDRD9",4.386579947,4.386580153,4.386580422,4.386580726,4.386580026,4.386580148,4.386580076,4.386580232,4.386580028,4.386580047,4.38658054,4.386580145,4.386580227,4.386580164,4.386580046,4.386580268,4.386580277,4.386580539,4.38657988,4.386580277,4.386580123,4.386580168,4.386579941,4.386580065,4.38658062,4.386580227,4.386580304,4.38657991
+"16227","TDRG1",4.485986187,4.485985999,4.485986288,4.485986493,4.485986565,4.485986348,4.48598646,4.485986232,4.485986376,4.485986305,4.485986252,4.485986495,4.485986232,4.485986161,4.485986436,4.48598637,4.485986368,4.485986258,4.485986327,4.485986404,4.485986382,4.48598643,4.485986397,4.485986388,4.485986484,4.485986491,4.485986341,4.485986225
+"16228","TDRKH",5.188332959,5.188332926,5.188332885,5.188332862,5.188332846,5.188332889,5.188332886,5.188332895,5.18833293,5.18833287,5.188332849,5.188332932,5.188332922,5.188332908,5.188332904,5.188332907,5.188332767,5.188332752,5.18833293,5.188332866,5.188332878,5.188332889,5.188332927,5.18833288,5.188332879,5.18833294,5.188332904,5.188332906
+"16229","TDRP",5.621909291,5.621909359,5.621909339,5.621909374,5.621909349,5.621909291,5.621909326,5.621909278,5.621909369,5.621909378,5.62190949,5.62190939,5.621909325,5.621909163,5.621909295,5.621909354,5.621909378,5.621909405,5.621909307,5.621909289,5.621909292,5.621909339,5.621909294,5.621909345,5.621909472,5.621909348,5.621909286,5.621909385
+"16230","TEAD1",4.101649436,4.101649413,4.101649452,4.101649479,4.10164949,4.101649442,4.101649443,4.101649488,4.101649474,4.101649475,4.101649475,4.101649523,4.101649444,4.101649432,4.101649476,4.101649456,4.101649484,4.101649499,4.101649454,4.101649468,4.101649502,4.101649479,4.101649431,4.101649423,4.101649454,4.10164947,4.101649454,4.101649459
+"16231","TEAD2",5.367289266,5.367289378,5.367289316,5.367289363,5.367289378,5.367289362,5.367289358,5.367289371,5.367289368,5.367289401,5.367289374,5.367289414,5.367289369,5.367289314,5.367289382,5.367289362,5.367289417,5.367289381,5.367289381,5.367289343,5.367289342,5.367289356,5.367289326,5.367289335,5.367289312,5.367289311,5.367289351,5.367289374
+"16232","TEAD3",5.363142823,5.363142808,5.363142848,5.363142855,5.36314286,5.363142835,5.363142842,5.363142873,5.363142838,5.363142838,5.363142852,5.363142879,5.363142839,5.363142808,5.36314285,5.363142836,5.363142864,5.363142866,5.363142833,5.363142853,5.363142851,5.363142872,5.363142831,5.363142815,5.363142875,5.363142864,5.363142874,5.363142807
+"16233","TEAD4",5.615764459,5.615764492,5.615764595,5.615764459,5.615764663,5.615764524,5.61576456,5.615764611,5.615764528,5.615764576,5.615764579,5.615764609,5.615764524,5.615764446,5.615764618,5.615764584,5.615764626,5.615764625,5.615764608,5.615764507,5.615764649,5.615764598,5.615764502,5.615764488,5.615764509,5.615764582,5.615764499,5.615764523
+"16234","TEC",5.696003378,5.696005208,5.696002951,5.696003976,5.696004064,5.696002701,5.696003268,5.696002611,5.696003168,5.696003922,5.696004906,5.696003276,5.696004179,5.696004781,5.696002649,5.696003938,5.696002231,5.696001861,5.696004491,5.69600253,5.696003016,5.696002079,5.696003454,5.696003612,5.696003853,5.69600295,5.696003771,5.696003518
+"16235","TECPR1",7.014621351,7.014621625,7.014621265,7.014621502,7.014621165,7.014621659,7.014621478,7.014621306,7.014621641,7.01462167,7.014621222,7.014621507,7.014621345,7.014621589,7.014621239,7.014621608,7.014621065,7.014621393,7.014621309,7.014621084,7.014621347,7.014621421,7.014621677,7.014621515,7.014621484,7.014621577,7.014621503,7.014621372
+"16236","TECPR2",7.454168584,7.454172741,7.454168355,7.454172592,7.454167454,7.454169687,7.45416989,7.454169459,7.454169039,7.454169657,7.454170288,7.454166329,7.454168433,7.454168564,7.454169189,7.45417259,7.454169147,7.454172316,7.454170733,7.454170917,7.454168881,7.454169142,7.454170893,7.454172253,7.454171234,7.454167376,7.454168777,7.454168059
+"16237","TECR",8.426376976,8.426377016,8.4263766,8.426376682,8.426376943,8.426376966,8.426376984,8.426376957,8.426377522,8.426377085,8.426376225,8.426376913,8.426377369,8.426377595,8.42637679,8.426376535,8.426376447,8.426376312,8.426376926,8.426376246,8.426376711,8.42637702,8.426376917,8.426376718,8.426376059,8.426376797,8.426377444,8.42637709
+"16238","TECRL",2.868021317,2.868021404,2.868021637,2.868021618,2.868021484,2.86802166,2.868021444,2.868021681,2.868021646,2.868021673,2.868021678,2.868021661,2.868021702,2.868021411,2.868021595,2.868021902,2.86802175,2.868021376,2.868021617,2.868021593,2.8680214,2.868021491,2.868021604,2.868021436,2.868021581,2.868021312,2.868021568,2.86802159
+"16239","TECTA",4.548321255,4.548321181,4.548321225,4.548321211,4.548321291,4.548321233,4.548321249,4.548321287,4.548321239,4.548321238,4.548321299,4.548321334,4.548321254,4.54832121,4.548321284,4.548321256,4.548321283,4.548321252,4.548321263,4.548321237,4.548321283,4.548321257,4.548321246,4.548321213,4.548321213,4.5483213,4.548321224,4.548321263
+"16240","TECTB",3.516261088,3.516261094,3.516261107,3.516261091,3.516261121,3.516261097,3.516261088,3.516261099,3.516261079,3.516261089,3.516261101,3.516261093,3.516261079,3.516261079,3.516261098,3.516261102,3.516261117,3.516261144,3.516261083,3.51626113,3.516261095,3.516261097,3.516261096,3.516261093,3.516261104,3.516261092,3.516261087,3.516261115
+"16241","TEDC1",6.452561754,6.452561768,6.45256177,6.452561755,6.45256179,6.45256174,6.452561764,6.452561779,6.452561782,6.452561763,6.452561786,6.452561781,6.452561775,6.452561736,6.452561784,6.452561774,6.452561768,6.452561798,6.452561758,6.452561778,6.452561785,6.452561781,6.45256175,6.452561754,6.45256177,6.452561779,6.45256176,6.452561769
+"16242","TEDC2",6.493626447,6.493626446,6.493626448,6.493626464,6.493626459,6.493626464,6.493626458,6.493626452,6.493626455,6.493626465,6.493626476,6.49362648,6.493626451,6.493626419,6.493626453,6.493626464,6.493626469,6.493626477,6.493626452,6.493626454,6.493626454,6.493626452,6.493626448,6.49362644,6.493626459,6.493626457,6.493626458,6.493626447
+"16243","TEDDM1",3.765794854,3.765794857,3.765794985,3.765795015,3.765794933,3.765794961,3.765794924,3.765794963,3.765794947,3.765794836,3.765794883,3.765794953,3.765794789,3.765794841,3.765794968,3.765794891,3.765794858,3.765794928,3.765794959,3.765794913,3.765794846,3.76579485,3.765794793,3.765794805,3.765794908,3.76579479,3.765794881,3.765794865
+"16244","TEF",6.083939381,6.083939399,6.083939423,6.083939406,6.083939422,6.083939385,6.083939398,6.083939427,6.083939412,6.083939404,6.083939409,6.083939396,6.083939408,6.083939387,6.083939392,6.083939425,6.083939412,6.083939421,6.083939397,6.083939406,6.083939397,6.083939412,6.083939397,6.0839394,6.083939412,6.083939411,6.083939415,6.083939405
+"16245","TEFM",5.409752853,5.409752773,5.409752748,5.409752781,5.409752659,5.409752768,5.409752804,5.409752749,5.409752799,5.409752807,5.409752642,5.409752676,5.409752846,5.409752911,5.409752804,5.409752719,5.409752708,5.409752732,5.409752803,5.409752791,5.409752742,5.40975277,5.409752826,5.40975284,5.409752713,5.409752786,5.409752811,5.409752805
+"16246","TEK",4.20941312,4.209413174,4.209413167,4.209413,4.209413089,4.209412992,4.209413329,4.209413098,4.209413175,4.209412908,4.209413189,4.209413137,4.209413178,4.209413179,4.20941316,4.209413122,4.209413261,4.209413209,4.209412881,4.209412924,4.209413264,4.209412982,4.209413114,4.209412821,4.209413092,4.209413045,4.209413257,4.209413139
+"16247","TEKT1",3.880212531,3.880212515,3.88021254,3.880212515,3.88021256,3.880212525,3.880212533,3.880212538,3.880212532,3.88021253,3.880212525,3.880212536,3.880212528,3.880212515,3.880212536,3.880212494,3.880212552,3.880212535,3.880212531,3.88021253,3.88021255,3.880212535,3.880212517,3.880212514,3.880212513,3.880212533,3.880212527,3.880212515
+"16248","TEKT2",5.14074142,5.140741705,5.140742285,5.140741786,5.140742195,5.140741648,5.140741991,5.140742276,5.140741859,5.140741899,5.140741978,5.140741883,5.140742035,5.140741289,5.140742139,5.140742324,5.14074263,5.140742363,5.140741875,5.140741769,5.140742201,5.140742325,5.140741595,5.140741716,5.140742016,5.140742176,5.140741359,5.140741999
+"16249","TEKT3",3.945596589,3.945596569,3.94559658,3.945596589,3.945596576,3.945596592,3.945596574,3.945596589,3.945596584,3.945596584,3.945596605,3.945596619,3.945596588,3.945596563,3.945596579,3.945596597,3.945596571,3.945596587,3.94559658,3.945596597,3.94559658,3.945596604,3.945596592,3.945596582,3.945596591,3.945596568,3.945596592,3.945596566
+"16250","TEKT4",5.564883383,5.564883346,5.564883456,5.56488338,5.564883568,5.564883464,5.56488348,5.564883475,5.564883465,5.564883429,5.564883481,5.564883579,5.564883437,5.564883346,5.564883523,5.564883413,5.56488358,5.564883481,5.564883447,5.564883462,5.564883487,5.56488352,5.564883413,5.56488343,5.564883422,5.564883547,5.564883381,5.564883444
+"16251","TEKT5",4.480143342,4.480143369,4.480143735,4.480143616,4.480143866,4.480143704,4.480143803,4.480143652,4.480143682,4.480143676,4.480143585,4.480143885,4.480143642,4.480143225,4.480143855,4.480143385,4.480143783,4.480143756,4.480143643,4.480143468,4.48014389,4.480143812,4.48014366,4.48014331,4.480143375,4.480143734,4.480143545,4.480143694
+"16252","TEKTIP1",7.326788002,7.326788207,7.326788901,7.326788643,7.326788751,7.326788373,7.326788656,7.326788938,7.326788647,7.326788516,7.326788737,7.326789088,7.326788587,7.326787821,7.326788784,7.326788726,7.326789072,7.326788693,7.326788666,7.326788613,7.326788595,7.32678876,7.326788513,7.326788439,7.326788937,7.326788868,7.326788594,7.326788654
+"16253","TELO2",6.154117546,6.154117451,6.154117739,6.154117703,6.154117956,6.154117649,6.154117741,6.154117768,6.15411774,6.154117764,6.154117771,6.154117774,6.154117819,6.154117706,6.154117905,6.154117588,6.154117845,6.154117772,6.154117611,6.154117489,6.154117936,6.154117825,6.154117609,6.154117499,6.15411767,6.154117788,6.154117712,6.154117738
+"16254","TENM1",5.278138514,5.278138473,5.27813852,5.278138726,5.278138523,5.278138524,5.278138686,5.278138529,5.27813861,5.278138454,5.278138242,5.278138663,5.278138555,5.278138597,5.27813847,5.278138401,5.278138452,5.278138552,5.278138593,5.278138567,5.278138644,5.278138506,5.278138575,5.278138562,5.278138419,5.278138632,5.278138495,5.278138564
+"16255","TENM2",4.195196709,4.195196559,4.195196844,4.195196727,4.195197183,4.195196618,4.195196912,4.19519703,4.195197183,4.195196954,4.195196789,4.195197169,4.1951968,4.19519684,4.19519728,4.195196836,4.195197081,4.195197054,4.195197006,4.195196809,4.195197026,4.195197216,4.195196784,4.195196886,4.195196977,4.195196922,4.195196797,4.195196889
+"16256","TENM3",4.318119712,4.318119716,4.318119716,4.318119716,4.318119718,4.318119715,4.318119717,4.318119714,4.318119714,4.318119717,4.318119719,4.318119719,4.318119713,4.318119713,4.318119714,4.318119717,4.318119717,4.318119719,4.318119715,4.318119715,4.318119716,4.318119719,4.318119718,4.318119712,4.318119716,4.318119715,4.318119716,4.318119716
+"16257","TENM3-AS1",5.247931551,5.247931704,5.24793174,5.247931632,5.247931758,5.24793164,5.247931694,5.24793163,5.247931627,5.247931617,5.247931765,5.247931853,5.24793168,5.247931505,5.247931674,5.247931804,5.247931817,5.247931796,5.247931688,5.24793159,5.247931612,5.247931623,5.247931618,5.247931565,5.247931715,5.247931676,5.247931594,5.247931692
+"16258","TENM4",4.957443752,4.957443739,4.957443828,4.957443767,4.957443869,4.957443741,4.957443805,4.957443863,4.957443776,4.957443786,4.957443837,4.957443862,4.957443778,4.957443729,4.957443818,4.957443809,4.957443864,4.957443827,4.95744382,4.957443797,4.957443835,4.957443835,4.957443766,4.957443767,4.957443777,4.957443812,4.957443737,4.957443794
+"16259","TENT2",7.663084359,7.663084189,7.663084063,7.663084095,7.663083939,7.66308414,7.663084125,7.663083965,7.663084107,7.663084068,7.663083986,7.663083858,7.66308422,7.663084488,7.663084115,7.663084103,7.663083953,7.663083939,7.663084198,7.663084063,7.663084199,7.663083935,7.663084196,7.663084213,7.663084085,7.663084101,7.663084205,7.663084315
+"16260","TENT4A",7.04804218,7.048042082,7.048041606,7.048041869,7.048041911,7.048042147,7.048042096,7.048041997,7.048042307,7.048042229,7.048041675,7.048042107,7.048042175,7.048042515,7.04804208,7.048042116,7.048041667,7.048041657,7.048041886,7.048042055,7.04804205,7.048042012,7.048042196,7.048042169,7.048041819,7.048042054,7.048042352,7.048042036
+"16261","TENT4B",5.468507378,5.46850731,5.468506733,5.468506838,5.468507145,5.468507228,5.468507158,5.468507003,5.468507254,5.468507336,5.468506469,5.468506688,5.46850741,5.468507741,5.468507088,5.46850689,5.468506721,5.468506784,5.468507301,5.468507265,5.468507106,5.468506918,5.468507248,5.468507585,5.46850694,5.468507246,5.468507471,5.468507267
+"16262","TENT5A",7.584304838,7.584304872,7.584304818,7.584304817,7.584304839,7.584304934,7.58430487,7.584304785,7.584304759,7.584304837,7.584304771,7.584304791,7.58430482,7.584304877,7.584304797,7.58430487,7.58430478,7.584304773,7.584304857,7.584304924,7.584304818,7.584304807,7.584304793,7.584304835,7.584304807,7.584304786,7.584304818,7.584304833
+"16263","TENT5B",5.844128432,5.844128406,5.84412855,5.844128452,5.844128627,5.844128374,5.844128445,5.844128623,5.844128479,5.844128514,5.844128524,5.844128624,5.844128519,5.844128383,5.844128575,5.844128486,5.844128601,5.844128557,5.844128518,5.844128477,5.844128621,5.844128583,5.844128431,5.84412848,5.844128555,5.844128588,5.844128486,5.844128512
+"16264","TENT5C",10.17263031,9.712228652,10.26205343,9.958241336,10.0388262,10.54465394,10.44269085,10.42038677,10.28879072,10.29830367,10.34638207,10.57228871,9.742623036,9.558869558,10.21033119,9.277869888,10.12765782,9.963367179,9.715603743,10.15901326,10.23032258,10.19709811,10.19193214,10.26015242,10.29706586,10.56812447,9.97971789,9.589069408
+"16265","TENT5D",3.1202863,3.120286323,3.120286508,3.120286494,3.120286453,3.120286431,3.120286433,3.12028648,3.120286353,3.120286491,3.120286406,3.120286536,3.120286366,3.120286288,3.120286427,3.120286386,3.12028653,3.120286362,3.120286556,3.120286418,3.120286369,3.120286419,3.120286417,3.120286308,3.120286463,3.120286421,3.120286375,3.120286361
+"16266","TEP1",7.440063331,7.4400632,7.44006262,7.440063084,7.440062744,7.440064326,7.440063214,7.440063147,7.44006296,7.440063212,7.44006287,7.440062447,7.44006323,7.440063383,7.440063074,7.4400628,7.440062493,7.440062855,7.44006302,7.440064131,7.44006317,7.44006335,7.440063078,7.440063375,7.440062809,7.440062941,7.440063351,7.440062739
+"16267","TEPP",5.717595852,5.717595844,5.717595864,5.717595833,5.717595873,5.717595859,5.717595837,5.717595869,5.717595865,5.717595865,5.717595875,5.717595888,5.717595847,5.717595841,5.717595882,5.717595884,5.717595879,5.717595864,5.717595849,5.717595851,5.717595874,5.71759586,5.717595841,5.717595852,5.717595858,5.717595867,5.717595848,5.717595878
+"16268","TEPSIN",6.596908356,6.596908421,6.596908373,6.596908453,6.596908384,6.5969084,6.596908397,6.596908429,6.596908364,6.596908377,6.596908394,6.596908436,6.596908436,6.596908334,6.596908404,6.596908331,6.596908402,6.596908411,6.596908404,6.596908307,6.596908425,6.596908432,6.596908318,6.596908358,6.596908448,6.596908407,6.596908402,6.596908353
+"16269","TERB1",2.61326881,2.613268792,2.613268936,2.613268751,2.61326878,2.613268956,2.613268828,2.613268773,2.613268809,2.61326883,2.61326883,2.613268982,2.61326879,2.613268834,2.613268815,2.613268917,2.613268777,2.613268895,2.613268904,2.613268831,2.613268723,2.613268807,2.613268874,2.61326886,2.613268869,2.613268846,2.613268863,2.613268853
+"16270","TERB2",3.041379159,3.041379158,3.041379158,3.041379191,3.041379176,3.041379172,3.041379164,3.041379167,3.04137917,3.041379163,3.041379184,3.041379182,3.041379159,3.041379168,3.041379177,3.041379174,3.041379163,3.04137917,3.041379161,3.041379178,3.041379158,3.041379178,3.041379151,3.041379181,3.041379188,3.041379159,3.041379157,3.04137916
+"16271","TERC",6.806921061,6.80692134,6.806921356,6.806920834,6.806920998,6.806921274,6.806921038,6.80692132,6.806921498,6.806921108,6.806921151,6.806921502,6.806921211,6.806920917,6.806920954,6.806921348,6.806921247,6.806920951,6.80692098,6.806921296,6.806921047,6.806921158,6.806921437,6.806921152,6.806921126,6.806921322,6.806921136,6.806921063
+"16272","TERF1",5.875005603,5.8750051605,5.875004598,5.87500469,5.8750042675,5.8750042115,5.8750048085,5.875004418,5.87500466,5.875004952,5.875004786,5.8750040505,5.875005328,5.8750062015,5.8750050355,5.875004502,5.8750043665,5.875004245,5.875004974,5.875003973,5.8750047445,5.875004149,5.875004784,5.8750050795,5.8750049975,5.8750047795,5.875004912,5.8750059095
+"16273","TERF2",7.194559987,7.194560073,7.194559853,7.194559865,7.194559816,7.194559895,7.194559918,7.194559842,7.194559995,7.194559941,7.194559767,7.194559925,7.194559939,7.194560098,7.194559879,7.194560003,7.194559756,7.194559807,7.194559905,7.194559931,7.194559856,7.194559744,7.194559941,7.194559956,7.194559893,7.194559894,7.194559992,7.194559997
+"16274","TERF2IP",7.530922854,7.530923022,7.530922451,7.530922835,7.530922592,7.530922572,7.530922982,7.530922712,7.530922805,7.530922933,7.530922614,7.530922234,7.530922789,7.530923143,7.530922814,7.530922692,7.530922597,7.530922746,7.530922664,7.530922507,7.530922757,7.530922766,7.530923044,7.530922899,7.53092282,7.530922563,7.530922733,7.530923012
+"16275","TERT",5.989639494,5.989639456,5.989639875,5.989639551,5.989640048,5.989639201,5.989639907,5.989639795,5.989639447,5.989639599,5.989639789,5.989639951,5.989639609,5.989639197,5.989639897,5.989639764,5.989640039,5.98964002,5.989639801,5.989639497,5.989640005,5.989639887,5.98963943,5.989639491,5.989639636,5.989639911,5.989639421,5.989639593
+"16276","TES",9.11121778,9.027050118,8.771752782,8.643539167,8.221127931,8.84855499,8.886897362,8.128380796,9.057966488,9.031951552,8.825865516,8.356113022,9.002177215,9.170650553,8.985776969,8.829264662,8.629927563,8.595928055,8.165370713,8.82236484,8.855053883,7.811132857,9.07760569,8.997367958,8.632826881,8.84812808,8.92724016,8.997896428
+"16277","TESC",7.916297593,7.777254207,8.807308889,8.00103087,7.866581118,8.77763926,8.019467345,8.710785862,8.431989568,8.366567842,8.743488675,8.544530149,7.476562438,6.95738924,7.996018771,7.20341357,8.56960042,8.111021628,7.621562094,8.496543074,7.875100617,8.58891349,8.4172592,8.322898314,8.609432365,8.377959168,7.624164239,7.333314876
+"16278","TESK1",7.551665342,7.55166536,7.551665318,7.55166528,7.55166533,7.551665351,7.551665332,7.551665381,7.551665328,7.551665375,7.551665299,7.551665313,7.55166537,7.551665343,7.551665368,7.551665336,7.551665299,7.551665335,7.551665288,7.551665285,7.551665335,7.551665388,7.551665314,7.551665298,7.551665348,7.55166534,7.55166534,7.551665309
+"16279","TESK2",6.832087208,6.832087351,6.832087112,6.832087292,6.832086996,6.832087435,6.832087197,6.832087118,6.832087076,6.832087195,6.832087229,6.832087037,6.832087235,6.832087337,6.832087027,6.832087343,6.832087029,6.832087052,6.832087046,6.832087491,6.832087035,6.832087165,6.832087248,6.832087307,6.832087278,6.832087047,6.832087218,6.832087136
+"16280","TESMIN",5.33992157,5.339921603,5.339921563,5.339921634,5.339921534,5.339921602,5.339921506,5.33992159,5.339921578,5.339921569,5.339921617,5.339921582,5.339921539,5.339921404,5.339921584,5.339921623,5.339921611,5.339921554,5.33992157,5.339921575,5.339921591,5.339921599,5.339921617,5.339921631,5.339921608,5.339921569,5.339921538,5.339921547
+"16281","TESPA1",7.23118507,7.231184518,7.231182641,7.231183295,7.231183512,7.231184402,7.231183506,7.231183763,7.23118729,7.231184457,7.231180954,7.231185497,7.231185547,7.23118654,7.231183581,7.231182132,7.231180624,7.231183022,7.231184495,7.231183617,7.231182464,7.231184667,7.231186197,7.23118396,7.23118228,7.231186596,7.231186164,7.231185387
+"16282","TET1",4.13627936,4.136279087,4.136279194,4.136279255,4.136279285,4.13627932,4.136279356,4.136279247,4.13627967,4.136279082,4.136279598,4.136279433,4.136279474,4.136279621,4.136279355,4.136279121,4.13627939,4.136279234,4.136279409,4.136279323,4.136279502,4.13627951,4.136279621,4.136279235,4.136279356,4.136279681,4.136279311,4.13627968
+"16283","TET2",8.367046184,8.3670464005,8.36704571,8.3670474935,8.3670454745,8.367045934,8.36704647,8.367045741,8.367045608,8.3670460905,8.367046391,8.367044245,8.3670462885,8.367046185,8.3670458195,8.367045818,8.367045505,8.3670469615,8.3670465665,8.3670454915,8.3670462275,8.367045411,8.3670463705,8.367046679,8.36704711,8.3670450415,8.3670460895,8.3670452615
+"16284","TET3",6.973354312,6.973354441,6.973354375,6.973354494,6.973354383,6.973354538,6.973354386,6.973354385,6.973354426,6.973354397,6.973354419,6.973354355,6.973354395,6.973354311,6.973354398,6.973354376,6.973354377,6.973354415,6.973354389,6.973354511,6.97335436,6.973354383,6.973354467,6.973354427,6.973354462,6.973354367,6.973354429,6.973354275
+"16285","TEX10",6.107658575,6.107658447,6.107658285,6.107658331,6.10765835,6.107658348,6.107658406,6.107658338,6.107658487,6.107658354,6.107658201,6.107658264,6.107658493,6.107658714,6.107658453,6.107658302,6.107658145,6.107658163,6.107658306,6.10765832,6.107658337,6.107658338,6.107658476,6.10765846,6.107658274,6.107658404,6.107658447,6.107658424
+"16286","TEX101",3.693105668,3.693105671,3.693105671,3.693105694,3.693105691,3.693105629,3.693105661,3.693105669,3.693105679,3.693105664,3.693105673,3.693105691,3.69310565,3.693105628,3.693105674,3.69310567,3.693105699,3.693105639,3.693105668,3.693105647,3.693105668,3.693105662,3.69310569,3.693105633,3.693105624,3.693105669,3.693105638,3.693105654
+"16287","TEX11",3.077686629,3.077686629,3.077686651,3.077686638,3.077686648,3.077686647,3.077686639,3.077686656,3.077686656,3.077686642,3.077686676,3.077686661,3.077686667,3.077686636,3.077686637,3.077686656,3.077686643,3.077686651,3.077686669,3.077686642,3.077686642,3.077686643,3.077686635,3.077686643,3.077686655,3.077686635,3.07768663,3.077686653
+"16288","TEX12",3.671260773,3.671260632,3.671260765,3.671260571,3.671260608,3.671260606,3.671260664,3.671260606,3.671260695,3.671260612,3.671260708,3.671260689,3.671260656,3.671260743,3.671260654,3.671260619,3.671260787,3.671260581,3.671260661,3.671260705,3.671260665,3.671260776,3.67126078,3.671260691,3.671260614,3.671260611,3.671260742,3.671260679
+"16289","TEX13A",4.865620758,4.865620768,4.865620977,4.865620663,4.865620921,4.865620702,4.86562076,4.865620996,4.865620893,4.865620844,4.865621015,4.865621065,4.865620726,4.865620488,4.86562094,4.865620921,4.865621096,4.865620994,4.8656209,4.865620835,4.865620792,4.865620837,4.8656207,4.865620853,4.865620995,4.865620786,4.865620735,4.86562095
+"16290","TEX13B",5.322017674,5.32201767,5.322017686,5.322017682,5.322017682,5.322017627,5.322017687,5.322017688,5.322017662,5.322017658,5.322017688,5.322017722,5.322017678,5.32201764,5.322017656,5.322017688,5.322017682,5.322017692,5.322017672,5.322017645,5.322017692,5.322017674,5.322017664,5.322017671,5.322017712,5.322017701,5.322017687,5.32201768
+"16291","TEX14",3.419409079,3.419409081,3.419409074,3.41940909,3.41940908,3.4194091,3.41940908,3.419409079,3.419409069,3.419409087,3.419409088,3.419409069,3.419409089,3.419409064,3.419409075,3.41940908,3.419409096,3.419409094,3.419409077,3.419409078,3.419409077,3.419409079,3.419409065,3.419409077,3.419409083,3.419409081,3.419409084,3.419409081
+"16292","TEX15",3.263694386,3.263694455,3.26369467,3.26369453,3.263694525,3.263694501,3.263694454,3.263694552,3.263694522,3.263694589,3.263694577,3.263694534,3.263694497,3.263694492,3.263694583,3.263694577,3.263694517,3.263694521,3.263694469,3.263694512,3.263694533,3.263694696,3.263694621,3.263694437,3.263694543,3.263694498,3.263694581,3.263694464
+"16293","TEX19",4.836187313,4.836187306,4.836187494,4.836187417,4.836187341,4.836187428,4.836187354,4.836187504,4.836187281,4.836187414,4.836187394,4.836187444,4.83618733,4.836187364,4.836187349,4.836187344,4.836187538,4.836187358,4.836187452,4.8361874,4.836187425,4.83618737,4.836187326,4.83618736,4.836187297,4.836187372,4.836187417,4.836187227
+"16294","TEX2",5.824242625,5.8242425,5.824242606,5.824242551,5.824242527,5.8242426,5.824242554,5.824242575,5.82424265,5.824242544,5.824242621,5.824242607,5.824242523,5.82424263,5.824242488,5.824242477,5.824242496,5.8242425,5.824242499,5.824242609,5.824242477,5.824242472,5.824242534,5.824242671,5.824242535,5.824242568,5.824242532,5.824242508
+"16295","TEX26",3.015209977,3.015209998,3.015210025,3.01521,3.015210027,3.015210013,3.015209989,3.015210012,3.015210002,3.015209992,3.015210039,3.015210028,3.015209999,3.015209987,3.015209992,3.01521001,3.015210021,3.015210011,3.015210004,3.015210004,3.015209986,3.015210018,3.015209997,3.015210018,3.015209995,3.015209991,3.015210002,3.015209999
+"16296","TEX261",7.227880229,7.227880239,7.22788015,7.227880032,7.227880068,7.22788034,7.227880123,7.227880204,7.227880291,7.227880226,7.227880125,7.22788005,7.227880228,7.227880262,7.227880095,7.227880085,7.227879999,7.227879945,7.227880101,7.227880274,7.227879963,7.227880084,7.227880221,7.227880262,7.227880123,7.227880119,7.22788019,7.227880159
+"16297","TEX264",6.914085786,6.914085694,6.914085711,6.914085678,6.914085706,6.914085692,6.914085722,6.914085694,6.914085766,6.914085732,6.914085508,6.914085669,6.91408574,6.91408569,6.914085693,6.91408568,6.914085687,6.914085693,6.914085693,6.914085546,6.914085746,6.914085753,6.914085706,6.914085714,6.914085578,6.914085707,6.914085709,6.91408565
+"16298","TEX28",4.576484748,4.576484757,4.576484831,4.576484745,4.576484894,4.576484904,4.576484799,4.576484837,4.57648483,4.576484837,4.576484804,4.576484907,4.576484769,4.57648469,4.576484817,4.57648485,4.57648493,4.57648484,4.576484823,4.576484804,4.576484823,4.576484856,4.576484877,4.576484772,4.576484826,4.57648481,4.576484719,4.576484841
+"16299","TEX29",5.177675334,5.177675309,5.177675346,5.177675338,5.177675387,5.177675312,5.177675358,5.177675359,5.177675349,5.177675354,5.177675327,5.177675352,5.177675328,5.177675307,5.177675376,5.177675347,5.177675356,5.177675369,5.177675348,5.177675346,5.177675372,5.177675341,5.177675329,5.177675319,5.177675331,5.177675364,5.177675311,5.17767534
+"16300","TEX30",3.803156422,3.803156419,3.803156401,3.803156388,3.803156388,3.803156375,3.803156411,3.803156373,3.803156395,3.80315641,3.803156444,3.803156382,3.803156372,3.803156458,3.803156361,3.803156394,3.803156421,3.803156383,3.803156405,3.803156384,3.803156378,3.803156378,3.803156429,3.803156397,3.803156404,3.80315638,3.803156405,3.803156424
+"16301","TEX33",3.941661161,3.941661187,3.941661298,3.941661228,3.941661372,3.941661177,3.941661354,3.941661257,3.941661196,3.941661371,3.941661385,3.941661281,3.941661181,3.941661172,3.941661337,3.941661286,3.941661315,3.941661339,3.941661175,3.941661397,3.941661357,3.941661408,3.941661257,3.941661182,3.941661284,3.941661265,3.941661163,3.941661305
+"16302","TEX35",3.526175229,3.526175254,3.526175281,3.526175281,3.526175289,3.526175241,3.526175264,3.526175264,3.526175254,3.526175244,3.526175261,3.52617529,3.526175268,3.526175277,3.526175238,3.526175225,3.526175254,3.526175254,3.526175282,3.526175275,3.526175251,3.526175321,3.526175268,3.526175274,3.526175305,3.526175267,3.526175234,3.526175234
+"16303","TEX36",2.954936131,2.954936178,2.954936152,2.95493624,2.954936223,2.95493627,2.954936177,2.954936248,2.954936214,2.954936163,2.954936305,2.954936218,2.954936224,2.954936232,2.954936168,2.954936241,2.954936198,2.954936199,2.954936191,2.95493618,2.954936141,2.954936281,2.954936137,2.954936205,2.954936175,2.954936179,2.954936249,2.954936266
+"16304","TEX37",5.128344913,5.128344946,5.128344983,5.128344959,5.128344978,5.12834495,5.128344939,5.128344965,5.128344981,5.128344973,5.128345007,5.128344989,5.128344957,5.128344913,5.128344978,5.12834496,5.128345013,5.128344997,5.128344982,5.128344971,5.128344961,5.128345007,5.128344967,5.128344914,5.128344963,5.128344968,5.128344932,5.128344981
+"16305","TEX38",4.11612121,4.116121144,4.116121267,4.116121179,4.116121317,4.116121184,4.116121262,4.11612123,4.116121183,4.116121152,4.116121272,4.116121201,4.116121221,4.116121158,4.116121263,4.116121264,4.116121311,4.116121307,4.116121276,4.116121284,4.116121262,4.116121256,4.116121198,4.11612116,4.116121176,4.116121274,4.116121115,4.116121295
+"16306","TEX43",3.319971711,3.319971749,3.319971685,3.319971725,3.31997173,3.319971736,3.319971725,3.319971684,3.319971723,3.319971708,3.319971707,3.319971797,3.319971738,3.319971714,3.319971759,3.319971731,3.319971793,3.319971708,3.319971751,3.319971732,3.319971739,3.319971732,3.319971757,3.31997173,3.319971716,3.319971705,3.319971716,3.319971758
+"16307","TEX44",4.97756091,4.97756091,4.977560894,4.977560874,4.977560996,4.977560952,4.977561008,4.977560955,4.977560903,4.977560888,4.977560929,4.977560967,4.977560859,4.977560823,4.977561025,4.977560974,4.97756099,4.977560922,4.977560918,4.977560922,4.977561012,4.977561016,4.977560883,4.977560881,4.977560881,4.977560964,4.977560849,4.97756093
+"16308","TEX45",4.814471992,4.814472009,4.81447204,4.814472043,4.814472104,4.814472097,4.814472051,4.814472087,4.8144721,4.814472093,4.814472114,4.814472265,4.814472022,4.814471975,4.814472052,4.814472039,4.814472182,4.81447207,4.814472057,4.814472102,4.814472076,4.814472079,4.814472032,4.814472012,4.814472071,4.814472006,4.814472008,4.814472064
+"16309","TEX47",4.289604335,4.289604436,4.289604445,4.289604485,4.289604272,4.289604114,4.289604236,4.289604494,4.289604361,4.289604346,4.289604374,4.289604389,4.289604388,4.289604324,4.289604311,4.289604411,4.289604465,4.289604617,4.289604336,4.289604354,4.289604279,4.289604464,4.289604283,4.289604524,4.289604526,4.289604364,4.289604332,4.2896044
+"16310","TEX49",2.871818645,2.871818559,2.87181858,2.87181866,2.871818635,2.871818615,2.871818611,2.871818583,2.871818597,2.871818632,2.871818693,2.871818615,2.871818636,2.871818581,2.871818599,2.871818588,2.871818637,2.871818713,2.871818678,2.871818571,2.871818678,2.871818591,2.871818672,2.871818573,2.871818636,2.871818645,2.871818594,2.871818667
+"16311","TEX55",2.759520077,2.759520075,2.75952009,2.759520121,2.759520087,2.759520142,2.759519951,2.759520083,2.759519953,2.75952003,2.759520067,2.759520013,2.759520027,2.759520158,2.759520003,2.759520079,2.759520011,2.759520018,2.759520005,2.759520007,2.759519991,2.759520019,2.759520041,2.759520083,2.759520115,2.75952006,2.759520085,2.759520088
+"16312","TEX56P",4.187595372,4.187595582,4.187595612,4.187595281,4.187595636,4.187595515,4.18759548,4.187595482,4.18759533,4.187595316,4.18759512,4.187595642,4.187595426,4.187595285,4.187595764,4.187595851,4.187595642,4.187595666,4.187595412,4.187595861,4.187595619,4.187595426,4.187595418,4.187595557,4.187595635,4.187595696,4.187595524,4.187595471
+"16313","TEX9",2.875633601,2.875633606,2.875633576,2.875633589,2.87563361,2.875633582,2.875633609,2.875633591,2.875633601,2.875633606,2.875633607,2.875633614,2.875633607,2.875633614,2.875633601,2.875633598,2.875633602,2.875633618,2.875633614,2.875633578,2.875633592,2.875633612,2.875633601,2.875633575,2.875633597,2.875633598,2.875633617,2.875633622
+"16314","TF",4.290732642,4.290732605,4.290732686,4.290732636,4.29073266,4.29073265,4.290732624,4.290732689,4.290732707,4.290732565,4.290732682,4.290732734,4.290732635,4.29073252,4.290732639,4.290732623,4.290732729,4.29073272,4.290732583,4.29073274,4.290732652,4.290732773,4.290732645,4.290732528,4.290732715,4.29073258,4.290732678,4.29073264
+"16315","TFAM",6.009983392,6.009983351,6.009983053,6.009982784,6.009981508,6.009981675,6.009982396,6.009981756,6.009983049,6.009982715,6.009981866,6.009981814,6.009982544,6.009984538,6.009982918,6.009983292,6.009982404,6.00998294,6.00998253,6.009981574,6.009982814,6.009982174,6.009982917,6.009982571,6.009982138,6.00998277,6.0099819,6.00998416
+"16316","TFAP2A",4.668529512,4.66852961,4.66852989,4.668529779,4.668530027,4.668529705,4.668529764,4.668529882,4.668529682,4.668529758,4.668529774,4.668530001,4.668529745,4.668529684,4.668529943,4.66852997,4.668530105,4.668529922,4.668530039,4.66852987,4.668529823,4.668529849,4.668529804,4.668529767,4.668529718,4.66852984,4.668529858,4.668529897
+"16317","TFAP2A-AS1",4.248114257,4.248114232,4.248114412,4.248114036,4.248114297,4.248114116,4.248114472,4.248114194,4.248114245,4.248114318,4.248114111,4.248114195,4.248114225,4.248114047,4.248114334,4.248114502,4.248114348,4.248114387,4.248114568,4.248114072,4.24811453,4.248114356,4.248113907,4.248114276,4.248114261,4.248114214,4.248114072,4.248114377
+"16318","TFAP2B",4.772227553,4.772227556,4.77222756,4.77222757,4.772227578,4.77222756,4.772227539,4.772227604,4.77222756,4.772227558,4.772227606,4.772227585,4.772227543,4.772227523,4.772227589,4.772227575,4.772227606,4.772227584,4.772227555,4.772227583,4.772227535,4.772227616,4.772227568,4.772227573,4.772227546,4.77222755,4.772227555,4.77222756
+"16319","TFAP2C",4.021012148,4.021012148,4.021012158,4.021012194,4.021012174,4.021012175,4.021012138,4.021012166,4.021012171,4.021012157,4.021012149,4.021012206,4.021012151,4.021012156,4.021012143,4.021012149,4.021012151,4.021012156,4.021012156,4.021012162,4.021012152,4.021012169,4.021012147,4.02101212,4.021012165,4.021012143,4.021012174,4.021012185
+"16320","TFAP2D",3.560557299,3.560557404,3.560557505,3.560557426,3.560557536,3.560557513,3.560557519,3.560557631,3.560557524,3.560557418,3.560557531,3.560557499,3.560557523,3.56055733,3.56055752,3.560557518,3.560557635,3.560557662,3.560557477,3.560557463,3.560557507,3.56055747,3.560557285,3.560557243,3.560557594,3.560557458,3.56055736,3.560557424
+"16321","TFAP2E",7.160378901,7.160378719,7.16037967,7.160379092,7.160380536,7.160379409,7.160379867,7.160380043,7.160379237,7.160379601,7.160379546,7.160380442,7.16037912,7.160377967,7.160380032,7.160378885,7.160380204,7.160379556,7.160379695,7.160379073,7.160379989,7.160380045,7.160379007,7.160378561,7.160379067,7.160379849,7.160379272,7.160379547
+"16322","TFAP4",5.916312965,5.916312981,5.916312972,5.916312979,5.916312972,5.916312978,5.91631295,5.91631298,5.916312988,5.916312996,5.916312935,5.916312982,5.916312985,5.916312963,5.916312992,5.916312977,5.916312969,5.916312983,5.916312967,5.916312975,5.91631296,5.916312986,5.916312985,5.916312974,5.916312966,5.916312984,5.916312987,5.916312979
+"16323","TFB1M",6.306160185,6.306160078,6.306159789,6.30615971,6.306159769,6.306159649,6.306159841,6.306159731,6.306160174,6.306159873,6.306159606,6.306159744,6.306159953,6.306160241,6.306159906,6.3061599,6.30615963,6.306159683,6.306159978,6.306159886,6.306159893,6.306159888,6.306160134,6.30615996,6.306159701,6.306159861,6.30615995,6.306160016
+"16324","TFB2M",5.490392638,5.490392616,5.490392609,5.490392605,5.490392628,5.490392604,5.490392629,5.490392616,5.490392624,5.490392611,5.490392609,5.490392633,5.490392629,5.490392638,5.490392631,5.490392615,5.490392617,5.49039261,5.490392624,5.490392618,5.490392623,5.490392633,5.490392631,5.490392617,5.490392623,5.490392631,5.490392611,5.490392634
+"16325","TFCP2",6.981574116,6.981574207,6.981573986,6.981574159,6.981573949,6.981574076,6.981573985,6.981574008,6.981574043,6.981574065,6.981574077,6.981573857,6.98157415,6.981574303,6.981574002,6.98157413,6.981573819,6.981574076,6.981573999,6.981574101,6.981574064,6.981573939,6.981574056,6.981574061,6.981574029,6.98157403,6.981574152,6.981574113
+"16326","TFCP2L1",5.036692831,5.036692973,5.036693284,5.036693047,5.036693257,5.036693011,5.036692983,5.036693097,5.036693075,5.036693324,5.036693006,5.036693233,5.036693006,5.036692813,5.03669318,5.03669303,5.03669322,5.036693177,5.036693031,5.036692959,5.036693097,5.036693155,5.036692838,5.036693302,5.03669318,5.036693039,5.036693047,5.036693114
+"16327","TFDP1",7.883319696,7.883319614,7.883319821,7.88331974,7.883319636,7.883319873,7.883319631,7.883319857,7.883319785,7.883319699,7.883319805,7.883319814,7.883319701,7.883319636,7.883319721,7.883319573,7.883319688,7.883319703,7.883319724,7.883319813,7.883319661,7.883319798,7.883319782,7.88331973,7.883319799,7.883319811,7.883319777,7.883319615
+"16328","TFDP2",6.261327901,6.261327677,6.261327941,6.261326842,6.261327416,6.261327262,6.261327827,6.261327756,6.26132798,6.261327811,6.261327687,6.261327651,6.261327628,6.261328111,6.261327883,6.261327165,6.26132728,6.261327363,6.261327352,6.261326163,6.261327697,6.261327496,6.261328048,6.261327692,6.261327814,6.261327829,6.261327751,6.261327897
+"16329","TFDP3",3.590524182,3.59052425,3.590524264,3.590524227,3.590524281,3.590524167,3.590524254,3.590524355,3.59052422,3.590524223,3.590524328,3.59052444,3.590524263,3.590524145,3.59052428,3.590524298,3.590524409,3.590524346,3.590524285,3.590524177,3.590524269,3.590524293,3.590524201,3.590524221,3.590524231,3.590524304,3.590524206,3.59052426
+"16330","TFE3",7.622079706,7.622080366,7.622080484,7.622081324,7.622079469,7.622081224,7.622080138,7.622080414,7.622079669,7.622079865,7.622080098,7.622078883,7.622079745,7.622079415,7.62207963,7.622079832,7.622080081,7.622081101,7.622079996,7.622081074,7.622079644,7.622080228,7.622079877,7.62208047,7.622080419,7.622079825,7.622079956,7.622078958
+"16331","TFEB",6.555923357,6.555923446,6.555923464,6.555923738,6.555923365,6.555923573,6.555923452,6.555923417,6.555923263,6.555923393,6.555923482,6.555923316,6.555923508,6.55592312,6.555923359,6.555923203,6.555923468,6.555923573,6.555923474,6.555923448,6.555923419,6.555923404,6.555923334,6.555923549,6.555923595,6.555923335,6.555923469,6.555923062
+"16332","TFEC",4.851547022,4.851546222,4.851546353,4.8515464,4.851546495,4.851547041,4.851546652,4.851546231,4.85154651,4.851546721,4.851546503,4.851545831,4.851546645,4.851547613,4.851546815,4.851546285,4.851546569,4.851546113,4.851546769,4.851547242,4.851546709,4.851546669,4.851546155,4.851546442,4.851545894,4.851546085,4.851546539,4.851546903
+"16333","TFF1",5.394841036,5.394840946,5.394840995,5.394841105,5.39484162,5.394840599,5.394841178,5.394841366,5.394841045,5.394840828,5.394841096,5.394841664,5.394841075,5.394841013,5.394841353,5.394841245,5.394841382,5.394841177,5.394841304,5.394841069,5.394841524,5.394841303,5.394840833,5.394840799,5.394841088,5.394841319,5.394840906,5.394841251
+"16334","TFF2",5.015443432,5.015443452,5.015443499,5.015443488,5.015443502,5.015443483,5.015443459,5.015443502,5.015443521,5.015443425,5.015443511,5.015443531,5.015443473,5.015443405,5.015443485,5.015443538,5.015443535,5.015443397,5.015443466,5.01544348,5.015443506,5.01544352,5.015443435,5.015443453,5.015443482,5.015443483,5.015443443,5.015443539
+"16335","TFF3",5.350817666,5.350817675,5.350817672,5.350817672,5.350817712,5.350817676,5.350817671,5.3508177,5.350817663,5.350817665,5.350817684,5.350817684,5.350817654,5.350817636,5.350817712,5.350817671,5.350817691,5.350817709,5.350817681,5.350817681,5.350817687,5.350817686,5.350817636,5.350817652,5.350817684,5.35081768,5.350817671,5.350817694
+"16336","TFG",6.648528631,6.64852828,6.648527466,6.648528432,6.648527865,6.64852853,6.648527827,6.648527561,6.648527753,6.64852829,6.648528093,6.648527457,6.648528499,6.648528722,6.648528525,6.648527499,6.648527257,6.648527919,6.648527931,6.648528129,6.648527829,6.64852795,6.648528071,6.648528096,6.648528553,6.648527834,6.648528061,6.648527907
+"16337","TFIP11",6.592621856,6.592622231,6.592621806,6.59262123,6.592621731,6.592622042,6.592621727,6.592621887,6.59262193,6.592621709,6.592621797,6.592621528,6.592621631,6.592622069,6.592621876,6.592622151,6.592621633,6.592621116,6.592621955,6.592621565,6.592621773,6.592621754,6.592621982,6.592621773,6.592621658,6.592621698,6.592621653,6.592621879
+"16338","TFPI",3.744370675,3.744370747,3.74437063,3.744370739,3.744370649,3.744370645,3.744370649,3.744370619,3.744370625,3.74437069,3.744370704,3.744370674,3.744370625,3.744370592,3.744370665,3.744370669,3.744370594,3.744370768,3.744370664,3.744370702,3.744370636,3.744370612,3.744370662,3.744370708,3.744370706,3.744370633,3.744370672,3.744370645
+"16339","TFPI2",3.196609658,3.196609983,3.196609959,3.196609756,3.196610067,3.196609704,3.196609915,3.196609823,3.196609725,3.196609757,3.196609923,3.196609821,3.196609972,3.196609693,3.196610042,3.196609901,3.196609851,3.196609861,3.196609615,3.19660962,3.196610258,3.196610084,3.196609844,3.196609762,3.196609955,3.196609909,3.196609798,3.19660983
+"16340","TFPT",6.463796302,6.463796308,6.463796314,6.463796305,6.463796301,6.463796338,6.46379632,6.463796305,6.463796327,6.463796318,6.463796289,6.463796318,6.463796332,6.46379631,6.463796314,6.463796341,6.463796316,6.463796315,6.463796304,6.463796328,6.463796305,6.463796311,6.463796319,6.463796311,6.463796328,6.463796295,6.463796318,6.463796291
+"16341","TFR2",5.61244849,5.612448306,5.612448672,5.612448513,5.612448677,5.612448621,5.612448679,5.612448742,5.612448669,5.61244862,5.612448645,5.612448718,5.612448567,5.612448332,5.612448807,5.612448577,5.612448785,5.612448757,5.612448503,5.612448694,5.612448694,5.612448759,5.612448681,5.612448613,5.612448653,5.612448699,5.612448592,5.612448549
+"16342","TFRC",6.696825299,6.696824815,6.696825354,6.696824747,6.696825116,6.696824692,6.696825537,6.696824341,6.696824746,6.696824624,6.696824985,6.696824283,6.696824852,6.696825858,6.696824893,6.69682391,6.696824674,6.696824385,6.69682507,6.696824359,6.696825393,6.696824253,6.696825271,6.696825163,6.696824281,6.696824928,6.696825119,6.696825479
+"16343","TG",5.165069402,5.16506946,5.165069275,5.165069506,5.165069435,5.165069462,5.165069417,5.16506935,5.165069156,5.165069413,5.165069386,5.165069258,5.165069401,5.1650693,5.165069489,5.165069444,5.165069364,5.165069547,5.165069422,5.165069492,5.165069452,5.165069449,5.16506931,5.165069443,5.165069546,5.165069359,5.165069319,5.165069354
+"16344","TGDS",4.684078657,4.6840786,4.68407862,4.684078628,4.684078577,4.684078561,4.684078637,4.684078581,4.684078612,4.684078596,4.684078596,4.684078588,4.684078623,4.684078671,4.684078602,4.684078616,4.684078627,4.684078584,4.68407861,4.684078618,4.68407861,4.684078634,4.684078641,4.684078575,4.684078587,4.684078598,4.684078615,4.684078649
+"16345","TGFA",5.771947204,5.771948079,5.771947104,5.77194827,5.771947443,5.771947261,5.771947619,5.771947099,5.771947303,5.771947435,5.771947485,5.771946556,5.771947124,5.771947349,5.771947743,5.771948477,5.771947853,5.77194809,5.771948013,5.771947775,5.771947512,5.771947241,5.771948276,5.771948336,5.771947933,5.771947075,5.771947006,5.771947122
+"16346","TGFB1",8.604877113,8.604877146,8.604876421,8.604878031,8.604876423,8.604878334,8.604876653,8.604876436,8.604876644,8.604877147,8.604877478,8.604875391,8.604877415,8.604875776,8.604876315,8.604876592,8.604875743,8.604877521,8.604876758,8.604877687,8.604876431,8.604876556,8.604876922,8.604877111,8.604877409,8.604875988,8.604877718,8.604875011
+"16347","TGFB1I1",6.133804918,6.133804959,6.133805065,6.133805061,6.133805182,6.133805,6.133805061,6.133805101,6.133804984,6.133805098,6.133805169,6.133805208,6.133805013,6.133804827,6.133805121,6.133805005,6.1338052,6.133805114,6.133805028,6.133804991,6.133805096,6.133805113,6.133804951,6.13380498,6.133805065,6.133805082,6.133804988,6.133804974
+"16348","TGFB2",4.105993733,4.105993739,4.105993739,4.105993737,4.105993729,4.105993762,4.105993731,4.105993743,4.105993734,4.105993737,4.105993749,4.105993763,4.105993736,4.105993708,4.105993743,4.105993736,4.10599374,4.105993747,4.105993739,4.105993754,4.105993731,4.105993733,4.105993747,4.105993733,4.105993734,4.10599374,4.105993742,4.10599373
+"16349","TGFB3",4.706499294,4.706499267,4.706499233,4.706499299,4.706499362,4.706499294,4.706499308,4.706499209,4.706499352,4.706499408,4.706499266,4.706499317,4.706499353,4.706499209,4.706499245,4.706499219,4.706499208,4.706499374,4.706499345,4.706499218,4.706499384,4.70649934,4.706499292,4.706499456,4.706499288,4.706499285,4.706499369,4.706499331
+"16350","TGFBI",8.020288913,8.020288202,8.020289739,8.020287846,8.020288806,8.02028769,8.020286881,8.020287799,8.020286695,8.020288914,8.020289214,8.020287961,8.020288853,8.020289264,8.020288118,8.02028691,8.020289483,8.020287208,8.020288245,8.020288084,8.020286586,8.020288745,8.020285898,8.020288237,8.020288046,8.020288184,8.020288428,8.020287647
+"16351","TGFBR1",7.822719544,7.822719539,7.822719133,7.822719283,7.822718828,7.822719125,7.822719233,7.822719143,7.822719156,7.822719227,7.82271919,7.822718782,7.822719307,7.822719748,7.822719422,7.822719451,7.822718863,7.822719031,7.822719364,7.822719285,7.82271926,7.82271929,7.822719504,7.822719428,7.822719348,7.822719031,7.822719246,7.822719435
+"16352","TGFBR2",9.359699933,9.359700269,9.35969923,9.359699885,9.359699043,9.359699384,9.3596993,9.359699281,9.3596997,9.359699606,9.359699174,9.359698926,9.359699842,9.359700105,9.359699578,9.35969996,9.359698966,9.359699459,9.359699557,9.359699716,9.359699347,9.359699174,9.359700028,9.359700285,9.35969963,9.359699523,9.359699687,9.359699596
+"16353","TGFBR3",6.774398596,6.774397595,6.77439778,6.774396944,6.774397223,6.774398096,6.774398092,6.774398122,6.774397752,6.774397776,6.774397365,6.774397104,6.774398069,6.774397954,6.774398469,6.774397468,6.774397064,6.77439744,6.774397193,6.774397268,6.774397986,6.774398354,6.774398434,6.774398308,6.774397687,6.774398134,6.774398233,6.774397725
+"16354","TGFBRAP1",6.7277084,6.727708353,6.727708312,6.727708353,6.72770836,6.727708354,6.72770836,6.727708354,6.727708383,6.727708368,6.72770834,6.727708311,6.727708357,6.727708394,6.727708366,6.727708297,6.727708268,6.727708283,6.727708283,6.727708341,6.72770833,6.727708331,6.727708389,6.727708377,6.727708288,6.727708345,6.727708355,6.72770837
+"16355","TGIF1",5.8965040156,5.8965037888,5.8965031382,5.8965037952,5.8965047588,5.896504002,5.8965043194,5.8965042712,5.8965034746,5.8965034312,5.8965037896,5.8965044644,5.8965032786,5.8965035678,5.896504275,5.8965032576,5.8965040942,5.8965046288,5.896503687,5.8965027106,5.896503555,5.8965044184,5.896504596,5.8965045038,5.8965033458,5.8965044218,5.8965028166,5.8965050036
+"16356","TGM1",5.356648991,5.356648977,5.356649005,5.356649089,5.356649039,5.356649044,5.356649006,5.35664903,5.356648999,5.356649003,5.356649052,5.356649082,5.356648981,5.356648914,5.356648988,5.35664899,5.356649016,5.356649065,5.356648988,5.35664904,5.356648952,5.356648987,5.35664894,5.356649011,5.356649029,5.356648979,5.356649034,5.356648981
+"16357","TGM2",6.271812501,6.271812103,6.271813347,6.271812457,6.271813347,6.271814139,6.271812838,6.271813565,6.271813308,6.271813354,6.271813442,6.271813548,6.271811802,6.271811232,6.271812752,6.271811597,6.271813237,6.271812727,6.271812842,6.271813559,6.271812645,6.271812991,6.271813088,6.27181302,6.271813697,6.271813384,6.271812418,6.271812001
+"16358","TGM3",5.019520205,5.019521132,5.019520347,5.019521319,5.019520251,5.019520036,5.019520224,5.019520468,5.019520769,5.019520674,5.019520803,5.019520774,5.019520721,5.019520013,5.019520838,5.019521923,5.01952101,5.019521388,5.019520834,5.019520871,5.019520423,5.019520558,5.019520943,5.019521311,5.019521087,5.019520725,5.019520661,5.019520481
+"16359","TGM4",4.249155254,4.249155266,4.249155279,4.249155266,4.249155324,4.24915526,4.249155269,4.249155285,4.249155255,4.249155251,4.249155297,4.249155335,4.249155298,4.249155243,4.249155297,4.249155309,4.249155364,4.249155296,4.249155314,4.249155299,4.249155294,4.249155299,4.249155278,4.249155237,4.249155268,4.249155278,4.249155292,4.249155304
+"16360","TGM5",4.557259902,4.557259862,4.5572601,4.557260043,4.557260275,4.55725984,4.557259948,4.557260225,4.557259835,4.557259868,4.557259926,4.557260198,4.557259872,4.557259849,4.557260083,4.557260094,4.557260309,4.557260152,4.557260245,4.557260018,4.557260092,4.55726002,4.557259749,4.557259814,4.557260173,4.557260038,4.557260019,4.557260089
+"16361","TGM6",5.086472405,5.086472507,5.086472685,5.086472295,5.086472889,5.086472688,5.086472542,5.086472779,5.086472517,5.086472619,5.086472563,5.08647269,5.086472572,5.086472246,5.086472766,5.086472813,5.08647275,5.086472828,5.086472554,5.08647268,5.086472763,5.086472522,5.08647229,5.086472388,5.086472767,5.086472782,5.086472576,5.086472549
+"16362","TGM7",4.624824372,4.624824403,4.624824408,4.624824392,4.624824429,4.624824392,4.624824397,4.624824432,4.624824403,4.624824385,4.624824436,4.624824462,4.624824405,4.624824356,4.624824433,4.624824438,4.624824453,4.624824423,4.624824424,4.624824391,4.624824441,4.624824431,4.624824398,4.624824387,4.624824422,4.624824468,4.624824393,4.624824413
+"16363","TGOLN2",8.690156653,8.690156642,8.690155997,8.690157239,8.690156106,8.690156903,8.690156541,8.690155948,8.690156615,8.690156202,8.690156536,8.690155864,8.690156579,8.690156815,8.690156526,8.690156381,8.690155982,8.690156965,8.690156757,8.690156449,8.690156338,8.690155933,8.690156961,8.690156456,8.690156497,8.690156407,8.690156611,8.69015626
+"16364","TGS1",6.143121218,6.143121177,6.143121132,6.143121113,6.14312112,6.14312109,6.143121166,6.143121096,6.143121185,6.143121136,6.143121062,6.143121078,6.143121198,6.143121354,6.143121152,6.143121098,6.143121103,6.143121029,6.143121136,6.143121025,6.14312112,6.143121129,6.143121179,6.143121115,6.143121049,6.143121123,6.143121168,6.143121221
+"16365","TH",5.65436947,5.654369695,5.654369834,5.654369519,5.654369955,5.654369504,5.654369858,5.654369933,5.654369666,5.654369637,5.654369774,5.654370098,5.654369727,5.654369539,5.654370012,5.654369675,5.654369983,5.654369969,5.654369732,5.654369767,5.654370017,5.654369984,5.654369637,5.654369534,5.654369869,5.654369896,5.654369679,5.654369822
+"16366","THADA",7.246517925,7.246517386,7.246516693,7.246516394,7.246516609,7.246516441,7.246516927,7.246516599,7.246517276,7.24651665,7.24651619,7.246516111,7.246517313,7.246518312,7.246517215,7.246516961,7.246516023,7.246515735,7.246517305,7.246515794,7.246516677,7.246516969,7.24651731,7.246516789,7.24651603,7.246516667,7.246517235,7.246517649
+"16367","THAP1",6.01356292,6.013562955,6.013562748,6.013562846,6.013562874,6.013562844,6.01356291,6.013562894,6.013562866,6.013562939,6.013562754,6.01356274,6.013562822,6.013563129,6.013562972,6.013562882,6.01356289,6.013562774,6.013562887,6.013562772,6.013562885,6.013562808,6.013562918,6.013562893,6.013562845,6.013562768,6.013562789,6.013563022
+"16368","THAP10",4.374051232,4.374051328,4.374051383,4.374051349,4.374051393,4.374051273,4.374051382,4.374051412,4.374051402,4.374051457,4.374051406,4.374051343,4.374051383,4.374051364,4.374051379,4.374051307,4.374051554,4.374051338,4.374051311,4.374051373,4.37405135,4.374051384,4.374051268,4.374051391,4.374051465,4.374051308,4.374051324,4.374051318
+"16369","THAP11",6.74593053,6.74593052,6.745930546,6.745930545,6.745930548,6.745930576,6.74593056,6.745930556,6.745930578,6.745930586,6.745930533,6.745930525,6.745930535,6.745930553,6.745930544,6.745930484,6.745930529,6.74593056,6.745930539,6.745930561,6.7459305,6.745930539,6.745930577,6.745930547,6.745930515,6.745930527,6.745930565,6.745930546
+"16370","THAP12",5.456782344,5.456781266,5.456781339,5.456780919,5.456780913,5.456780932,5.456781279,5.456780922,5.456781974,5.456781929,5.45678116,5.456781025,5.456781636,5.456783392,5.456781365,5.456781187,5.456781331,5.456780597,5.456781461,5.456780702,5.456781483,5.4567814,5.456782096,5.456781617,5.456781671,5.456781241,5.45678135,5.456783127
+"16371","THAP2",3.221303043,3.221303042,3.221302881,3.221303147,3.221302848,3.221303315,3.2213031,3.221303345,3.221303258,3.221303019,3.221302814,3.221303188,3.221302906,3.221303536,3.221303097,3.221302902,3.22130305,3.221302861,3.221302932,3.22130293,3.22130314,3.221303183,3.221303159,3.221303149,3.221302802,3.221303011,3.22130318,3.22130351
+"16372","THAP3",5.415605208,5.415605185,5.415605243,5.415605194,5.415605228,5.415605193,5.41560519,5.415605223,5.415605223,5.415605229,5.415605236,5.415605222,5.415605219,5.415605204,5.415605241,5.415605202,5.415605229,5.415605233,5.415605228,5.415605164,5.415605213,5.415605253,5.415605197,5.41560521,5.415605208,5.415605206,5.415605223,5.415605253
+"16373","THAP4",6.339011064,6.339011069,6.33901105,6.339011085,6.339011079,6.339011135,6.339011081,6.339011141,6.339011097,6.339011194,6.339011097,6.33901116,6.339011096,6.339011038,6.339011085,6.339011029,6.33901109,6.339011045,6.339011139,6.33901104,6.339011061,6.339011087,6.339011087,6.339011111,6.339011055,6.339011121,6.339011155,6.339011064
+"16374","THAP5",5.7636032045,5.763602976,5.7636028995,5.763602827,5.7636025125,5.7636020965,5.763602922,5.7636025135,5.7636028805,5.7636028215,5.7636028245,5.763602311,5.763603075,5.7636042185,5.763602948,5.7636028805,5.7636028825,5.763602916,5.7636031015,5.763602718,5.7636030945,5.7636029575,5.763603235,5.7636033255,5.763603058,5.763602823,5.763602772,5.7636038935
+"16375","THAP5P1",2.385491512,2.385491738,2.385492254,2.385491577,2.385491935,2.385491479,2.385491151,2.385491553,2.385491595,2.385491841,2.385491381,2.385491892,2.385491647,2.385491977,2.385491457,2.38549257,2.385491861,2.385491619,2.385491516,2.385491353,2.385491506,2.385491144,2.385491253,2.38549105,2.385492106,2.385492241,2.385491659,2.385491516
+"16376","THAP6",4.855996872,4.855996105,4.855996565,4.855996188,4.855996271,4.855995935,4.855996147,4.855996126,4.855996583,4.855996229,4.855996169,4.855995971,4.855996689,4.855997401,4.855996644,4.855996544,4.85599603,4.855996572,4.855996881,4.85599636,4.855996615,4.855996245,4.855996481,4.855996773,4.855996489,4.85599628,4.855996405,4.855996892
+"16377","THAP7",6.49060741,6.490607403,6.490607432,6.490607339,6.490607425,6.490607333,6.490607372,6.49060739,6.490607419,6.490607384,6.490607425,6.490607451,6.490607425,6.490607319,6.490607427,6.490607394,6.490607396,6.490607373,6.490607398,6.490607342,6.490607394,6.490607418,6.490607392,6.49060735,6.490607429,6.490607377,6.490607422,6.490607429
+"16378","THAP8",5.918736047,5.918736028,5.918736201,5.918736036,5.918736429,5.918736161,5.918736255,5.918736208,5.918736163,5.918736291,5.918736307,5.918736441,5.918736169,5.918735982,5.918736266,5.918736085,5.91873633,5.918736356,5.918736256,5.918736045,5.918736332,5.918736243,5.918736063,5.918736096,5.918736136,5.91873632,5.918736131,5.91873622
+"16379","THAP9",4.031639377,4.031639412,4.031639438,4.031639429,4.03163942,4.03163939,4.031639368,4.031639383,4.031639445,4.03163945,4.031639401,4.031639402,4.031639381,4.031639429,4.031639397,4.031639402,4.031639397,4.031639384,4.0316394,4.031639424,4.031639356,4.031639436,4.031639433,4.031639436,4.031639383,4.031639392,4.031639391,4.031639392
+"16380","THBD",6.567309143,6.567309453,6.567309222,6.567309252,6.567309187,6.567308833,6.567309285,6.567308963,6.567309053,6.567309301,6.567309195,6.567309035,6.567309372,6.567309172,6.567309281,6.567309337,6.567309366,6.56730944,6.567309332,6.567308725,6.567309206,6.567309094,6.567309349,6.567309387,6.567309236,6.567309255,6.56730937,6.567309226
+"16381","THBS1",6.127956995,6.743443346,6.963383322,7.911606422,7.571011625,6.299282805,6.971078238,6.605313082,6.335620605,7.701049342,7.808512281,6.831875196,6.111091352,6.469985217,6.461464561,6.579756091,7.171296759,7.962197754,7.139517623,5.932626416,7.018279599,6.507527637,6.522836359,7.86504075,7.569258238,6.923707372,6.212233384,6.671296074
+"16382","THBS2",4.604584862,4.604584857,4.604584887,4.60458488,4.604584871,4.604584874,4.604584869,4.604584866,4.604584857,4.604584877,4.604584885,4.604584891,4.604584832,4.604584873,4.604584871,4.60458487,4.604584872,4.604584876,4.604584886,4.604584884,4.604584876,4.60458488,4.604584834,4.604584848,4.60458486,4.604584899,4.604584865,4.604584839
+"16383","THBS3",5.606397537,5.606397769,5.606397511,5.606397969,5.60639754,5.606397654,5.606397407,5.606397568,5.606397323,5.606397388,5.606397793,5.606397423,5.606397143,5.606397449,5.606397259,5.606397761,5.606397169,5.606397653,5.606397442,5.606397687,5.606397379,5.606397531,5.60639735,5.606397548,5.606397749,5.606397375,5.606397181,5.606397459
+"16384","THBS4",4.667840356,4.667840181,4.667840303,4.667840308,4.667840569,4.667840379,4.667840442,4.667840348,4.667840422,4.667840306,4.667840273,4.667840531,4.667840405,4.667840258,4.667840424,4.667840526,4.667840502,4.667840343,4.667840339,4.667840258,4.667840516,4.667840511,4.667840313,4.667840325,4.66784046,4.667840319,4.667840361,4.667840333
+"16385","THEG",5.276034281,5.276034369,5.276034413,5.276034354,5.276034483,5.276034419,5.276034374,5.276034451,5.276034454,5.276034497,5.276034437,5.276034523,5.276034404,5.276034269,5.276034482,5.276034427,5.276034563,5.276034451,5.276034417,5.276034383,5.276034468,5.276034463,5.276034363,5.2760344,5.276034413,5.276034463,5.276034379,5.276034407
+"16386","THEGL",4.916160817,4.916160878,4.916160912,4.916160848,4.916160867,4.916160879,4.91616085,4.916160889,4.916160888,4.9161609,4.916160867,4.916160892,4.916160849,4.916160846,4.916160885,4.91616085,4.91616093,4.916160869,4.916160872,4.916160892,4.916160867,4.91616089,4.916160874,4.916160862,4.916160865,4.916160903,4.91616086,4.916160869
+"16387","THEM4",6.658925872,6.658925798,6.65892571,6.658925654,6.6589258,6.658925781,6.658925653,6.658925723,6.658925851,6.658925713,6.658925803,6.658925752,6.658925792,6.658925888,6.658925815,6.658925636,6.658925527,6.658925673,6.658925854,6.658925789,6.658925627,6.658925903,6.65892576,6.658925735,6.65892576,6.658925782,6.658925827,6.658925856
+"16388","THEM5",4.374848403,4.374848278,4.374848524,4.374848549,4.374848553,4.374848435,4.374848496,4.374848298,4.374848629,4.374848452,4.374848606,4.374848584,4.374848405,4.374848024,4.37484849,4.374848456,4.374848504,4.374848468,4.374848524,4.37484836,4.37484841,4.374848472,4.374848544,4.374848348,4.374848727,4.374848576,4.374848406,4.374848291
+"16389","THEM6",5.655004537,5.655004524,5.655004538,5.655004532,5.65500458,5.655004543,5.655004552,5.655004568,5.655004563,5.65500455,5.655004565,5.655004551,5.655004538,5.655004525,5.655004553,5.655004543,5.655004554,5.655004528,5.655004551,5.655004549,5.655004568,5.65500456,5.655004548,5.655004547,5.655004542,5.655004562,5.655004547,5.655004543
+"16390","THEMIS",7.255759147,7.255733514,7.255718291,7.255724256,7.255719131,7.255719551,7.255735906,7.255734799,7.255759082,7.255744638,7.255712297,7.25574851,7.255749599,7.255763194,7.255736589,7.25572143,7.255699217,7.255724904,7.255739395,7.255717972,7.255728919,7.255742904,7.255765834,7.255735259,7.255715264,7.255763658,7.255752427,7.255749538
+"16391","THEMIS2",9.054831222,9.05483184,9.054831018,9.054832547,9.054830829,9.054832454,9.054830803,9.054831054,9.054830245,9.054830873,9.054831556,9.054828325,9.054831623,9.054829825,9.054830918,9.054831165,9.054831528,9.054832144,9.054831357,9.054831894,9.054830707,9.054830947,9.05483093,9.054831941,9.054831601,9.054830173,9.054831623,9.054828604
+"16392","THG1L",5.689091042,5.68909104,5.689091033,5.689091016,5.689091012,5.689091014,5.689091031,5.689090997,5.68909105,5.689091037,5.689091013,5.689091027,5.68909104,5.689091056,5.689091019,5.689091016,5.689091014,5.689091005,5.689091038,5.689090997,5.68909101,5.689091028,5.689091031,5.689091029,5.689091,5.689091014,5.689091045,5.689091042
+"16393","THNSL1",3.579861401,3.579861368,3.579861176,3.579861186,3.579861251,3.579861216,3.57986122,3.579861155,3.579861413,3.579861369,3.579861146,3.579861304,3.579861324,3.57986163,3.579861347,3.579861267,3.579861142,3.579861154,3.579861218,3.579861181,3.579861258,3.579861306,3.579861278,3.579861297,3.579861191,3.579861192,3.57986125,3.579861611
+"16394","THNSL2",5.029018474,5.029018484,5.029018585,5.029018569,5.029018607,5.02901849,5.029018591,5.029018615,5.02901856,5.02901854,5.029018535,5.029018578,5.029018555,5.029018404,5.029018601,5.029018531,5.029018591,5.029018656,5.029018571,5.029018523,5.029018612,5.02901857,5.029018506,5.029018537,5.029018584,5.029018588,5.029018564,5.029018558
+"16395","THOC1",6.224599288,6.224598621,6.224598805,6.224597614,6.224598287,6.2245977,6.224598417,6.224598314,6.224599124,6.22459875,6.224597742,6.224598427,6.224598886,6.224599925,6.224598751,6.224598076,6.224597884,6.224597896,6.224599054,6.224597701,6.224598526,6.224598817,6.224598754,6.224598427,6.224597991,6.224598243,6.22459898,6.224598919
+"16396","THOC2",6.494883166,6.494882647,6.494882542,6.494882249,6.49488246,6.494882353,6.494882612,6.494882118,6.494882904,6.494882822,6.494882109,6.494881521,6.494882835,6.494884205,6.494882731,6.494882569,6.494881673,6.494881946,6.494882753,6.494881851,6.494882841,6.494882249,6.494882962,6.494882576,6.494882094,6.4948825,6.494882696,6.494883341
+"16397","THOC5",7.766177387,7.766177497,7.766177164,7.766177655,7.766177201,7.766177442,7.766177453,7.766177304,7.766177419,7.766177377,7.76617731,7.766177006,7.766177362,7.766177438,7.766177282,7.766177516,7.766177218,7.766177535,7.766177516,7.76617746,7.766177338,7.766177284,7.766177522,7.766177553,7.766177477,7.766177188,7.766177315,7.766177272
+"16398","THOC6",6.748446394,6.748446424,6.748446417,6.748446368,6.748446378,6.748446411,6.748446407,6.748446367,6.748446397,6.748446418,6.74844635,6.74844639,6.748446425,6.748446418,6.748446358,6.7484464,6.748446345,6.748446338,6.748446381,6.748446425,6.748446366,6.748446401,6.748446409,6.748446387,6.748446323,6.74844637,6.748446394,6.748446381
+"16399","THOC7",5.213222818,5.213222714,5.213222798,5.213222562,5.213221806,5.213222484,5.213222416,5.213222214,5.213222581,5.213222379,5.21322208,5.213222128,5.213222499,5.213222745,5.213222311,5.213222235,5.213222292,5.213222122,5.213222179,5.213222636,5.213222545,5.213222495,5.213222696,5.213222581,5.213222235,5.213222392,5.213222652,5.213222733
+"16400","THOP1",6.214143393,6.214143382,6.214143644,6.214143422,6.214143651,6.214143583,6.214143582,6.214143614,6.214143527,6.214143586,6.21414361,6.214143705,6.214143511,6.214143407,6.214143563,6.214143401,6.214143696,6.214143607,6.214143512,6.214143569,6.214143576,6.21414358,6.214143452,6.214143348,6.214143446,6.214143462,6.214143483,6.214143506
+"16401","THPO",4.976607118,4.976607128,4.976607161,4.976607161,4.976607155,4.976607171,4.976607149,4.976607174,4.976607147,4.976607129,4.976607139,4.976607159,4.976607138,4.976607121,4.976607162,4.976607141,4.97660718,4.976607165,4.976607139,4.976607142,4.976607154,4.976607158,4.976607146,4.976607125,4.976607133,4.976607149,4.976607149,4.976607142
+"16402","THRA",6.469808083,6.469808031,6.469808084,6.469808219,6.469807955,6.4698076,6.469808125,6.469808492,6.469808165,6.469808317,6.46980755,6.469808233,6.469808152,6.469808376,6.469807827,6.469808009,6.469807916,6.469807902,6.469808218,6.469807409,6.469807607,6.469808336,6.469807975,6.469808287,6.469808088,6.46980825,6.469808159,6.4698083
+"16403","THRAP3",8.20217066,8.202170895,8.202170253,8.202170787,8.20217018,8.202170709,8.202170528,8.202170463,8.20217053,8.202170641,8.20217049,8.202170068,8.202170647,8.202171402,8.202170546,8.202170778,8.202170049,8.202170864,8.202170691,8.202170913,8.202170542,8.202170207,8.20217084,8.202170843,8.202170748,8.20217075,8.202170698,8.202170928
+"16404","THRB",4.098124428,4.098124536,4.098124466,4.098124504,4.098124581,4.09812442,4.098124527,4.098124493,4.098124465,4.098124517,4.098124537,4.098124606,4.098124413,4.098124446,4.098124589,4.098124542,4.098124557,4.098124627,4.09812452,4.098124447,4.098124569,4.098124548,4.098124461,4.098124388,4.098124529,4.098124522,4.098124403,4.09812461
+"16405","THRSP",4.824836565,4.824836778,4.824836632,4.824836754,4.824836793,4.824836519,4.824836768,4.824836869,4.82483685,4.824836569,4.824836796,4.824836692,4.824836726,4.824836496,4.824836826,4.824836985,4.824836811,4.824836685,4.824836769,4.824836906,4.824836889,4.824836869,4.824836757,4.82483674,4.824836772,4.824836696,4.824836832,4.824836812
+"16406","THSD1",4.931217097,4.931217066,4.931217108,4.93121707,4.931217115,4.931217047,4.931217079,4.931217103,4.931217079,4.931217072,4.931217105,4.931217127,4.931217085,4.931217081,4.93121711,4.931217089,4.931217104,4.931217081,4.931217064,4.931217107,4.93121711,4.93121712,4.931217088,4.931217074,4.931217096,4.931217093,4.931217056,4.931217098
+"16407","THSD4",4.795384178,4.795384162,4.7953842,4.795384166,4.795384354,4.795384125,4.795384255,4.795384303,4.795384212,4.79538424,4.795384188,4.795384274,4.795384205,4.795384134,4.795384297,4.795384278,4.795384299,4.795384285,4.795384221,4.795384213,4.795384252,4.795384288,4.795384164,4.795384141,4.795384287,4.79538426,4.795384122,4.795384248
+"16408","THSD7A",4.185089957,4.185089956,4.18508997,4.185090008,4.185090157,4.185089871,4.185089989,4.185090003,4.185089995,4.185089968,4.18508998,4.185090015,4.185089897,4.185089915,4.185090097,4.185090075,4.185090021,4.18509002,4.185090027,4.18508999,4.18509007,4.185090052,4.185089828,4.185089938,4.185089925,4.185089992,4.185089844,4.185090073
+"16409","THSD7B",3.652107601,3.652107607,3.652107674,3.652107698,3.652107658,3.652107668,3.652107628,3.652107618,3.652107626,3.652107672,3.652107644,3.652107662,3.652107624,3.652107616,3.652107672,3.652107634,3.652107667,3.652107649,3.652107657,3.652107624,3.652107669,3.652107616,3.652107613,3.652107635,3.652107638,3.652107655,3.652107618,3.652107619
+"16410","THTPA",5.645043159,5.645043172,5.645043091,5.645043065,5.645043099,5.645043158,5.645043144,5.645043101,5.645043153,5.645043136,5.64504314,5.645043063,5.645043121,5.645043152,5.645043064,5.6450431,5.645043095,5.645043019,5.645043112,5.645043184,5.645043084,5.645043138,5.645043135,5.64504316,5.645043142,5.645043128,5.64504317,5.645043128
+"16411","THUMPD1",6.456299195,6.456299206,6.456298982,6.456298745,6.456299024,6.456298853,6.456298974,6.45629887,6.456299068,6.456299034,6.456298809,6.456298811,6.456299,6.456299534,6.456299,6.456298948,6.456298741,6.456298673,6.456299146,6.456299045,6.456298829,6.456298902,6.45629923,6.45629899,6.456298882,6.456299057,6.456299023,6.456299427
+"16412","THUMPD2",5.148750866,5.148750677,5.148750734,5.148750688,5.14875061,5.148750622,5.14875072,5.148750555,5.148750762,5.148750677,5.148750533,5.148750677,5.148750778,5.148750912,5.148750651,5.148750585,5.14875067,5.148750663,5.148750696,5.148750546,5.148750637,5.148750654,5.148750692,5.148750681,5.148750615,5.148750731,5.148750763,5.148750817
+"16413","THUMPD3",5.819560801,5.819560696,5.819560591,5.819560496,5.819560423,5.819560457,5.819560569,5.81956054,5.819560704,5.819560554,5.819560346,5.819560188,5.8195606,5.819561027,5.819560487,5.81956064,5.819560317,5.81956033,5.819560692,5.819560322,5.819560602,5.819560428,5.819560829,5.819560579,5.819560438,5.819560683,5.819560672,5.819560666
+"16414","THUMPD3-AS1",5.323223858,5.323223876,5.32322385,5.323223854,5.323223842,5.323223849,5.323223841,5.323223855,5.323223833,5.323223848,5.323223845,5.323223822,5.323223861,5.323223876,5.32322383,5.323223887,5.32322382,5.323223818,5.323223854,5.323223829,5.323223851,5.323223834,5.323223873,5.323223877,5.323223831,5.323223851,5.323223863,5.323223868
+"16415","THY1",5.005784479,5.005784485,5.005784499,5.005784489,5.005784522,5.005784489,5.005784509,5.005784504,5.005784497,5.005784507,5.005784495,5.00578448,5.00578449,5.005784459,5.005784494,5.005784489,5.005784511,5.005784506,5.005784496,5.005784492,5.005784499,5.005784515,5.005784484,5.005784464,5.005784486,5.005784494,5.005784491,5.005784495
+"16416","THYN1",6.167614475,6.167614302,6.167614092,6.167614146,6.167614318,6.167614412,6.167614351,6.167614284,6.167614401,6.167614517,6.167614044,6.167614389,6.167614324,6.167614415,6.167614348,6.16761419,6.167614236,6.167614073,6.167614172,6.167614434,6.167614317,6.16761421,6.167614383,6.167614176,6.167614122,6.167614289,6.167614489,6.167614228
+"16417","TIA1",8.003849548,8.003848385,8.003848265,8.003848326,8.003848163,8.003847941,8.003848606,8.003848021,8.003848245,8.003848179,8.003847677,8.003847678,8.003849052,8.003850004,8.003848714,8.00384829,8.003847755,8.003847688,8.003848697,8.003848131,8.003848611,8.003848222,8.003848663,8.003848427,8.003848111,8.003848617,8.003848893,8.00384907
+"16418","TIAL1",6.600931614,6.600931071,6.60093131,6.600931218,6.600931096,6.600930959,6.600931278,6.600931131,6.600931291,6.60093105,6.600931058,6.600931025,6.600931321,6.60093183,6.600931334,6.600931107,6.600931035,6.600930912,6.600931263,6.600931252,6.600931385,6.600931226,6.600931406,6.600931267,6.600931102,6.600931224,6.600931411,6.600931363
+"16419","TIAM1",7.271731986,7.271732549,7.271731475,7.271731399,7.271732608,7.271732153,7.271732091,7.271731611,7.271731925,7.271732628,7.271731614,7.271731768,7.271732361,7.271732673,7.271731699,7.271732236,7.271731231,7.271731379,7.271732456,7.271731142,7.271731952,7.27173163,7.271731905,7.271731977,7.271731424,7.271731825,7.271732439,7.271732288
+"16420","TIAM2",4.820390093,4.820390084,4.820390038,4.820390147,4.82038996,4.820390008,4.820390018,4.820390024,4.820389962,4.820390018,4.820390015,4.820389966,4.820389928,4.820389929,4.82039003,4.820390042,4.820389959,4.820390014,4.820389966,4.820389902,4.820390029,4.820389994,4.820390039,4.820390134,4.820390178,4.820389858,4.820389969,4.820389939
+"16421","TICAM1",6.199124348,6.199124355,6.199124421,6.199124389,6.199124481,6.199124343,6.199124406,6.199124435,6.199124373,6.199124429,6.199124409,6.199124476,6.199124353,6.199124279,6.199124423,6.199124295,6.199124447,6.199124412,6.199124394,6.199124406,6.199124462,6.199124424,6.199124287,6.199124346,6.199124421,6.199124402,6.199124321,6.199124358
+"16422","TICRR",4.22074913,4.220749138,4.22074913,4.220749072,4.220749062,4.220749055,4.220749301,4.220749021,4.220749173,4.22074908,4.220749145,4.220749128,4.220749093,4.220749055,4.220749061,4.220749165,4.220749296,4.220749199,4.220749112,4.220749123,4.220749228,4.220749176,4.220749155,4.220749073,4.220749061,4.220749134,4.22074913,4.220749185
+"16423","TIE1",4.774305219,4.774305234,4.77430524,4.774305235,4.774305238,4.774305244,4.774305242,4.774305244,4.774305229,4.774305241,4.774305253,4.774305249,4.774305229,4.774305221,4.774305262,4.774305236,4.77430526,4.774305252,4.774305225,4.774305262,4.77430525,4.774305255,4.774305221,4.77430524,4.774305227,4.774305244,4.774305242,4.774305236
+"16424","TIFA",5.456362087,5.456361851,5.456361463,5.456361561,5.456361397,5.45636221,5.456361842,5.456361504,5.456361506,5.456361863,5.456361174,5.45636089,5.456361597,5.456362308,5.456361928,5.456361551,5.456361398,5.456361413,5.4563616,5.4563626,5.456361956,5.456361641,5.456361964,5.456361822,5.456361505,5.456361149,5.456361532,5.456362122
+"16425","TIGAR",5.271704527,5.271704568,5.271704453,5.271704544,5.271704313,5.27170449,5.271704418,5.271704301,5.271704523,5.271704438,5.271704503,5.271704145,5.271704521,5.271704757,5.271704476,5.271704402,5.2717043,5.27170438,5.271704496,5.27170444,5.271704499,5.271704352,5.271704486,5.271704641,5.271704491,5.271704367,5.271704371,5.271704542
+"16426","TIGD2",3.396012141,3.396011899,3.396011954,3.396011803,3.39601189,3.396011787,3.396011806,3.396011763,3.396012399,3.396012425,3.396011941,3.39601165,3.396012324,3.39601267,3.396012017,3.39601211,3.396012262,3.396011854,3.396011935,3.396011901,3.396011909,3.396011978,3.39601203,3.396012138,3.396011823,3.396011849,3.396012049,3.396012321
+"16427","TIGD3",6.947377409,6.94737745,6.947377461,6.94737746,6.947377477,6.9473774,6.947377459,6.94737748,6.947377395,6.947377389,6.94737746,6.947377469,6.947377443,6.947377406,6.947377469,6.947377453,6.947377483,6.947377489,6.947377448,6.947377413,6.947377451,6.947377474,6.947377408,6.9473774,6.947377442,6.947377428,6.947377389,6.947377421
+"16428","TIGD4",4.073369551,4.073369535,4.073369662,4.073369614,4.073369591,4.073369601,4.073369581,4.073369607,4.07336965,4.073369659,4.073369673,4.073369635,4.073369599,4.073369636,4.073369545,4.073369573,4.07336966,4.073369661,4.07336965,4.073369629,4.073369565,4.073369642,4.073369634,4.07336962,4.073369621,4.073369577,4.073369584,4.073369683
+"16429","TIGD5",6.087933002,6.087932984,6.087932992,6.087932975,6.087933029,6.087933004,6.087932994,6.087933019,6.08793298,6.087933002,6.087933021,6.087933031,6.087932984,6.087932938,6.087932996,6.087932979,6.087933015,6.087932987,6.087933015,6.08793298,6.08793299,6.087933002,6.087932975,6.087932969,6.087932997,6.087933018,6.087932971,6.087932971
+"16430","TIGD6",3.982058655,3.98205865,3.982058661,3.982058628,3.982058683,3.982058642,3.982058666,3.982058661,3.982058644,3.982058654,3.982058658,3.982058669,3.982058649,3.982058679,3.982058671,3.982058665,3.98205866,3.982058646,3.982058662,3.982058676,3.982058656,3.982058665,3.982058649,3.982058667,3.982058666,3.982058672,3.982058655,3.982058651
+"16431","TIGD7",4.016650495,4.01665055,4.016650445,4.016650478,4.016650458,4.016650323,4.016650433,4.016650374,4.016650464,4.016650389,4.016650407,4.01665037,4.016650506,4.016650636,4.016650438,4.016650494,4.016650478,4.016650512,4.016650548,4.016650466,4.016650415,4.016650481,4.016650509,4.016650443,4.016650367,4.016650366,4.016650436,4.016650587
+"16432","TIGIT",5.897109873,5.897107618,5.897108011,5.897107743,5.89710854,5.897108648,5.897111071,5.897109485,5.897108983,5.897108449,5.897107668,5.897107657,5.897109214,5.897108961,5.897109848,5.89710768,5.897107661,5.897107767,5.897108881,5.897108082,5.897110913,5.897108732,5.897109383,5.897108216,5.897107576,5.897108583,5.897109067,5.897109323
+"16433","TIMD4",4.396241641,4.396242016,4.396241736,4.396241931,4.396241734,4.39624138,4.39624161,4.396242025,4.396242123,4.396241652,4.396241497,4.396242134,4.396241963,4.396242028,4.396241176,4.396241856,4.396241388,4.396241797,4.396241685,4.396241326,4.39624147,4.396241654,4.396241914,4.396241575,4.396241536,4.396241849,4.396241888,4.396241873
+"16434","TIMELESS",5.246767543,5.246767459,5.246767497,5.246767474,5.246767548,5.24676757,5.246767639,5.246767478,5.246767577,5.246767595,5.246767451,5.246767576,5.246767509,5.246767546,5.246767579,5.246767427,5.246767565,5.246767491,5.246767552,5.246767551,5.246767587,5.246767482,5.246767592,5.246767533,5.246767482,5.246767597,5.246767532,5.246767563
+"16435","TIMM10",5.547146712,5.547146756,5.547146563,5.547146622,5.547146723,5.547147182,5.547146797,5.547146657,5.547146867,5.547146605,5.54714662,5.547146475,5.54714678,5.5471466,5.54714679,5.547146755,5.547146535,5.547146535,5.547146745,5.547147217,5.547146726,5.547146707,5.547146748,5.547146609,5.547146456,5.547146593,5.547146719,5.547146653
+"16436","TIMM10B",7.239610635,7.239610609,7.239610604,7.23961059,7.239610576,7.2396106,7.239610602,7.239610624,7.239610644,7.239610593,7.239610596,7.239610645,7.239610637,7.239610656,7.239610598,7.239610593,7.23961056,7.23961058,7.239610587,7.239610581,7.239610605,7.239610613,7.239610615,7.239610609,7.239610597,7.239610636,7.239610621,7.239610635
+"16437","TIMM13",6.191542839,6.191542786,6.191542838,6.191542781,6.191542896,6.191542819,6.191542862,6.191542849,6.19154285,6.191542815,6.191542832,6.191542946,6.191542856,6.191542782,6.191542843,6.191542799,6.191542886,6.191542824,6.191542823,6.191542848,6.191542848,6.191542852,6.191542839,6.19154279,6.191542811,6.191542903,6.191542835,6.191542862
+"16438","TIMM17A",4.838921538,4.838921528,4.838921504,4.838921453,4.838921438,4.838921503,4.838921506,4.838921457,4.838921512,4.838921521,4.838921473,4.838921466,4.838921517,4.838921622,4.838921508,4.838921553,4.838921406,4.838921432,4.838921482,4.838921576,4.838921527,4.838921489,4.838921522,4.838921535,4.83892145,4.838921472,4.838921474,4.838921515
+"16439","TIMM17B",6.793494834,6.793494824,6.793494856,6.793494853,6.793494831,6.793494864,6.793494812,6.793494839,6.793494847,6.793494836,6.793494827,6.793494844,6.793494824,6.793494827,6.793494807,6.793494816,6.793494835,6.793494834,6.793494822,6.793494859,6.793494776,6.793494873,6.793494834,6.793494829,6.793494817,6.793494823,6.79349484,6.793494825
+"16440","TIMM21",4.294433019,4.294432994,4.294432937,4.29443289,4.294432929,4.294432929,4.294433051,4.294432938,4.294432976,4.294432956,4.294432926,4.294432916,4.294433023,4.294433116,4.294432945,4.29443279,4.29443295,4.294432845,4.294432941,4.2944329,4.294432947,4.294433001,4.294432947,4.294433002,4.294432915,4.294432958,4.294433048,4.29443302
+"16441","TIMM22",7.134138296,7.134138351,7.134138234,7.134138079,7.134138115,7.134138235,7.134138186,7.134138167,7.134138245,7.134138159,7.134138072,7.134138151,7.134138199,7.134138333,7.134138166,7.134138418,7.134138072,7.134138098,7.134138133,7.134138225,7.134138048,7.134138158,7.134138214,7.134138216,7.134138121,7.134138201,7.134138169,7.134138317
+"16442","TIMM29",6.588651572,6.588651691,6.588651602,6.588651465,6.588651609,6.588651549,6.588651623,6.588651599,6.588651661,6.588651567,6.588651583,6.588651685,6.588651589,6.588651624,6.588651616,6.588651775,6.588651455,6.588651543,6.588651615,6.588651411,6.588651525,6.58865167,6.588651655,6.588651525,6.588651536,6.588651571,6.588651442,6.588651672
+"16443","TIMM44",6.92120207,6.921202027,6.921202522,6.921202233,6.921202572,6.921201919,6.921202237,6.921202593,6.921202246,6.921202382,6.921202481,6.921202406,6.921202506,6.921202055,6.921202495,6.921202481,6.921202634,6.921202444,6.921202175,6.921202172,6.921202366,6.921202655,6.92120206,6.92120232,6.921202625,6.921202535,6.921202433,6.921202377
+"16444","TIMM50",6.941391774,6.941391755,6.941391757,6.941391707,6.941391737,6.94139178,6.941391783,6.941391723,6.9413918,6.941391771,6.94139173,6.941391757,6.941391781,6.941391763,6.941391779,6.941391728,6.941391718,6.941391725,6.941391734,6.94139177,6.941391765,6.941391772,6.941391768,6.941391759,6.941391714,6.941391758,6.941391766,6.941391747
+"16445","TIMM8A",4.686294583,4.686294584,4.6862945,4.686294403,4.686294618,4.686294463,4.686294497,4.686294468,4.686294594,4.68629451,4.686294473,4.686294498,4.686294462,4.686294641,4.686294502,4.686294444,4.686294475,4.686294344,4.686294425,4.686294542,4.686294432,4.686294517,4.686294567,4.68629447,4.686294381,4.686294405,4.686294524,4.686294702
+"16446","TIMM8B",5.4061002535,5.4061001595,5.406100121,5.406100153,5.406100116,5.406100182,5.4061001695,5.4061001875,5.4061002695,5.4061001955,5.4061001105,5.406100347,5.4061002485,5.406100426,5.4061000905,5.4061000255,5.406100177,5.4061001545,5.4061001395,5.406100308,5.4061000065,5.406100196,5.406100284,5.406100177,5.4061001175,5.406100032,5.406100204,5.4061001855
+"16447","TIMM9",4.07882981,4.07882966,4.078829614,4.078829696,4.078829589,4.078829687,4.07882966,4.078829606,4.078829569,4.078829688,4.078829611,4.078829493,4.078829743,4.078829748,4.078829525,4.078829508,4.078829557,4.078829678,4.078829649,4.078829605,4.078829683,4.07882973,4.078829711,4.078829634,4.078829602,4.078829702,4.078829712,4.078829595
+"16448","TIMMDC1",6.795995101,6.795995064,6.795994757,6.795994238,6.79599436,6.795994698,6.795994444,6.79599456,6.79599472,6.795994581,6.795994514,6.795994416,6.795994782,6.795995539,6.795994695,6.795994639,6.795994559,6.795993922,6.795994614,6.795994716,6.795994596,6.795994719,6.795994685,6.795994892,6.79599433,6.795994688,6.795994678,6.795994974
+"16449","TIMP1",8.875586905,8.992723576,8.790219584,9.287898541,8.834368904,8.923661921,8.479351658,8.889095071,8.740075456,8.907396933,8.969897037,8.782422638,8.96176973,8.614507145,8.8106794,8.907635547,8.849347573,9.104527058,8.832580836,8.740446337,8.410266386,8.96296655,8.864859948,8.927355717,8.905697123,8.867312694,9.030236621,8.644679883
+"16450","TIMP2",8.312012085,8.312020908,8.312014225,8.312020524,8.312014481,8.312016436,8.312015245,8.312013176,8.312011203,8.312013211,8.312017754,8.312008314,8.312012977,8.312009704,8.312013328,8.312020379,8.312012906,8.312016539,8.312017669,8.312015665,8.312014299,8.312013348,8.312014545,8.312018885,8.312016836,8.312011799,8.312011889,8.312004275
+"16451","TIMP3",5.132973523,5.132973523,5.13297363,5.13297361,5.132973759,5.132973548,5.132973638,5.132973698,5.132973574,5.132973648,5.1329737,5.13297374,5.132973586,5.132973481,5.132973701,5.13297355,5.132973737,5.132973671,5.132973651,5.132973646,5.13297374,5.132973753,5.132973526,5.132973581,5.132973615,5.132973705,5.132973547,5.132973651
+"16452","TIMP4",4.940184142,4.940184119,4.940184187,4.940184179,4.940184321,4.940184207,4.940184311,4.940184263,4.940184172,4.940184171,4.940184253,4.940184375,4.940184277,4.940184089,4.940184326,4.940184176,4.940184303,4.940184241,4.940184228,4.940184203,4.940184351,4.940184317,4.940184158,4.940184099,4.940184168,4.940184331,4.940184228,4.940184234
+"16453","TINAG",3.157427732,3.157427779,3.157427841,3.157427832,3.157427797,3.157427693,3.157427804,3.157427841,3.157427792,3.157427742,3.157427867,3.157427857,3.157427755,3.157427725,3.157427752,3.15742796,3.157427871,3.157427818,3.157427756,3.157427763,3.157427773,3.157427761,3.157427751,3.157427718,3.157427948,3.15742779,3.15742779,3.157427858
+"16454","TINAGL1",5.35096039,5.350960357,5.350960496,5.350960404,5.350960587,5.350960341,5.350960493,5.350960508,5.350960437,5.350960435,5.350960449,5.350960492,5.350960359,5.350960252,5.350960534,5.350960505,5.350960569,5.350960526,5.35096044,5.350960427,5.350960569,5.35096051,5.350960403,5.350960334,5.350960466,5.350960541,5.3509604,5.350960497
+"16455","TINCR",5.503380593,5.503380602,5.503380581,5.503380567,5.503380712,5.503380471,5.503380602,5.503380686,5.503380625,5.503380584,5.503380577,5.503380707,5.503380617,5.503380487,5.503380651,5.503380705,5.503380784,5.503380654,5.503380606,5.503380554,5.503380687,5.503380706,5.503380549,5.503380596,5.503380674,5.50338072,5.50338057,5.503380711
+"16456","TINF2",7.743142719,7.743142465,7.743142461,7.743142349,7.743142311,7.743143012,7.74314261,7.74314241,7.74314259,7.743142572,7.743142272,7.743142082,7.743142866,7.743142692,7.743142413,7.743142271,7.743142348,7.743142459,7.743142745,7.743143121,7.743142303,7.743142492,7.743142613,7.743142635,7.74314232,7.743142331,7.743142747,7.743142539
+"16457","TIPARP",6.953885437,6.953885636,6.953884988,6.953885019,6.953884718,6.95388497,6.953885205,6.95388488,6.953885081,6.953884902,6.953884794,6.953883943,6.953885126,6.953885612,6.953885145,6.953885401,6.953884679,6.953885165,6.953885377,6.953884108,6.953885071,6.9538846,6.953885154,6.953885116,6.953884977,6.953884585,6.953885025,6.953884929
+"16458","TIPIN",4.849311281,4.849311243,4.849311313,4.84931124,4.849311268,4.849311164,4.84931124,4.849311287,4.849311355,4.849311224,4.8493113,4.849311276,4.849311254,4.849311313,4.849311253,4.849311239,4.849311324,4.849311303,4.84931125,4.849311313,4.849311294,4.84931126,4.849311344,4.84931128,4.849311319,4.849311275,4.849311302,4.849311282
+"16459","TIPRL",5.834664092,5.834663979,5.834664028,5.834663971,5.834663834,5.834663882,5.834664035,5.834663801,5.834663987,5.834663868,5.834663864,5.83466376,5.834664059,5.834664269,5.834663977,5.834664092,5.834663913,5.834664001,5.834664018,5.834664052,5.834664158,5.834663942,5.834664037,5.834664042,5.834664007,5.834663971,5.834664015,5.834664175
+"16460","TIRAP",5.696267175,5.696267257,5.696267152,5.696267195,5.696267141,5.696267231,5.696267193,5.696267205,5.69626711,5.696267187,5.696267171,5.696267089,5.69626716,5.696267163,5.69626718,5.696267248,5.696267085,5.696267206,5.69626706,5.696267289,5.696267164,5.696267182,5.696267184,5.696267145,5.696267144,5.696267167,5.696267157,5.696267076
+"16461","TJAP1",5.994466016,5.994465962,5.994466053,5.99446599,5.99446608,5.994466025,5.99446612,5.994465998,5.994466036,5.994466045,5.994465913,5.994466067,5.994466076,5.994465989,5.994466144,5.994466004,5.994466082,5.994466077,5.99446609,5.994466074,5.994466106,5.994466112,5.994466021,5.994466026,5.994466054,5.994466078,5.99446604,5.994466052
+"16462","TJP1",3.456132736,3.456132743,3.456132771,3.456132746,3.456132809,3.45613277,3.456132758,3.456132779,3.456132814,3.456132814,3.456132815,3.456132817,3.456132756,3.456132713,3.456132781,3.456132739,3.456132851,3.456132772,3.456132792,3.456132769,3.456132767,3.4561328,3.456132794,3.456132786,3.456132738,3.456132736,3.456132771,3.456132714
+"16463","TJP2",6.331469557,6.331469718,6.331469815,6.33146982,6.33146983,6.331469801,6.331469611,6.331469639,6.331469629,6.331469797,6.331469707,6.331469645,6.331469736,6.331469648,6.331469584,6.331469683,6.33146988,6.33146987,6.33146987,6.331469314,6.331469505,6.33146953,6.331469753,6.331469821,6.331469782,6.331469609,6.331469701,6.331469683
+"16464","TJP3",6.181907491,6.181907497,6.181907508,6.181907497,6.181907619,6.181907414,6.18190751,6.181907636,6.181907568,6.181907523,6.181907555,6.181907525,6.181907519,6.181907479,6.181907541,6.181907569,6.181907611,6.181907589,6.181907534,6.181907504,6.181907565,6.181907555,6.181907525,6.181907518,6.181907559,6.181907559,6.181907505,6.181907506
+"16465","TK1",6.308652988,6.308652995,6.308653088,6.308653049,6.308653024,6.308653095,6.308653153,6.308653068,6.308653094,6.308653023,6.308653056,6.308653075,6.308653066,6.308652959,6.308653019,6.308653063,6.308652999,6.308653055,6.308653035,6.308653077,6.308653143,6.308653015,6.308653119,6.308653042,6.308653029,6.308653081,6.308653044,6.308652979
+"16466","TK2",6.908862665,6.908863067,6.908862808,6.908862836,6.908862352,6.908862838,6.908862821,6.908862546,6.90886261,6.908862656,6.908862684,6.908862376,6.90886263,6.908863301,6.908862591,6.908863039,6.908862439,6.908862413,6.908862622,6.908862826,6.908862735,6.90886253,6.908862498,6.908862717,6.908862598,6.908862567,6.908862591,6.908863051
+"16467","TKFC",6.535617669,6.535617666,6.5356177,6.535617676,6.535617688,6.535617682,6.535617662,6.53561768,6.535617688,6.535617682,6.535617697,6.535617691,6.535617691,6.535617649,6.535617666,6.535617681,6.535617649,6.53561767,6.535617659,6.535617657,6.53561767,6.535617677,6.535617631,6.535617672,6.535617634,6.535617694,6.535617666,6.535617683
+"16468","TKT",9.404445473,9.404468067,9.404433818,9.404484643,9.404446074,9.404479772,9.404472741,9.40443961,9.404432816,9.404459303,9.404462154,9.404421749,9.404455178,9.404420831,9.40445372,9.404461965,9.404436676,9.404458538,9.404479016,9.404474513,9.404462836,9.404428291,9.404453251,9.404469886,9.404460879,9.404430797,9.404455614,9.404411554
+"16469","TKTL1",5.252097365,5.252097527,5.25209747,5.252097351,5.252097776,5.252097526,5.252097707,5.252097558,5.252097641,5.25209753,5.252097529,5.252097498,5.252097344,5.252097563,5.252097513,5.252097731,5.252097556,5.252097636,5.252097815,5.252097564,5.252097619,5.252097378,5.252097513,5.252097498,5.252097649,5.252097472,5.25209737,5.252097591
+"16470","TKTL2",4.153331741,4.153331697,4.153331796,4.153331844,4.153331959,4.153331874,4.15333185,4.153331911,4.153331741,4.153331829,4.153331928,4.153332044,4.153331759,4.153331733,4.153331909,4.153331789,4.153332058,4.153331975,4.153331867,4.153331793,4.153332064,4.153331943,4.15333186,4.153331818,4.153331768,4.153331944,4.153331843,4.153331999
+"16471","TLCD1",4.510979102,4.510979349,4.51097945,4.510979381,4.510979392,4.510979293,4.510979218,4.51097935,4.510979354,4.510979328,4.510979177,4.510979459,4.510979161,4.510978944,4.510979387,4.510979194,4.51097938,4.510979236,4.51097925,4.510979266,4.510979187,4.510979391,4.510979247,4.510979134,4.510979111,4.510979209,4.510979259,4.510979273
+"16472","TLCD2",6.177960348,6.177960308,6.177960411,6.177960341,6.177960494,6.177960458,6.177960395,6.177960416,6.177960351,6.177960386,6.177960474,6.177960559,6.177960364,6.177960141,6.177960533,6.177960214,6.177960529,6.177960362,6.177960526,6.17796027,6.177960572,6.177960515,6.177960201,6.177960141,6.177960418,6.177960494,6.177960409,6.177960441
+"16473","TLCD3A",5.162317365,5.162317329,5.162317367,5.162317354,5.162317429,5.162317378,5.162317348,5.162317393,5.162317321,5.162317452,5.162317348,5.162317408,5.162317329,5.162317329,5.162317385,5.162317385,5.162317394,5.162317383,5.162317354,5.162317363,5.162317416,5.162317418,5.162317364,5.162317367,5.16231731,5.162317396,5.162317355,5.162317357
+"16474","TLCD3B",6.198752995,6.198753072,6.198753074,6.198753092,6.198753146,6.198753062,6.198753104,6.198753127,6.198753088,6.19875307,6.198753123,6.198753064,6.198753058,6.198752971,6.198753118,6.198753079,6.198753182,6.198753091,6.198753037,6.198753081,6.198753093,6.198753115,6.198753049,6.198753011,6.198753076,6.198753085,6.198753018,6.198753022
+"16475","TLCD5",3.670774212,3.670774219,3.67077423,3.670774225,3.670774225,3.670774201,3.670774221,3.670774249,3.670774218,3.670774221,3.670774239,3.670774237,3.670774211,3.670774195,3.670774225,3.670774231,3.670774241,3.670774238,3.670774223,3.670774215,3.670774225,3.670774231,3.670774227,3.670774224,3.670774245,3.670774225,3.670774213,3.670774223
+"16476","TLDC2",5.669705538,5.669705552,5.669705552,5.669705539,5.669705548,5.669705565,5.669705536,5.669705549,5.669705533,5.669705564,5.669705576,5.669705532,5.669705561,5.669705527,5.669705548,5.669705554,5.669705575,5.669705556,5.669705554,5.66970556,5.669705542,5.669705548,5.669705534,5.669705544,5.669705549,5.669705566,5.669705565,5.669705583
+"16477","TLE1",5.774651093,5.774651067,5.774650503,5.774650979,5.774650981,5.774650555,5.774650774,5.774650525,5.774650387,5.774650398,5.774650727,5.77465052,5.774650505,5.774650905,5.774650579,5.774650676,5.774650542,5.774650724,5.774650592,5.774650443,5.774650759,5.774650366,5.774650497,5.774650951,5.77465088,5.77465088,5.774650611,5.774650873
+"16478","TLE2",6.21598167,6.215981665,6.215981902,6.215981728,6.215981929,6.2159817,6.215981811,6.215981907,6.215981837,6.215981777,6.215981832,6.215981957,6.215981812,6.21598168,6.215981892,6.215981862,6.21598199,6.215981922,6.2159818,6.215981803,6.215981836,6.215981926,6.215981736,6.215981727,6.21598187,6.215981883,6.215981793,6.215981798
+"16479","TLE3",8.290523091,8.29052417,8.29052336,8.290524957,8.290523305,8.290524535,8.290523742,8.290523355,8.290523368,8.290523163,8.290523844,8.290522615,8.290524248,8.290522902,8.290523875,8.290523781,8.290524526,8.290525371,8.290524768,8.290524146,8.290523419,8.290523699,8.290524182,8.290523819,8.29052448,8.290522984,8.290524016,8.290522882
+"16480","TLE4",8.381848767,8.381849628,8.381848259,8.381850141,8.381848428,8.381849284,8.38184915,8.381848714,8.381848225,8.38184831,8.381848898,8.381847991,8.38184884,8.381849194,8.381848771,8.381849447,8.381848144,8.3818497,8.381849841,8.38185046,8.381849185,8.381848237,8.381848909,8.381849525,8.381849612,8.381848761,8.381848651,8.381848307
+"16481","TLE5",8.281176268,8.281175797,8.281175862,8.281175183,8.281175187,8.281175614,8.281175852,8.281176018,8.281176836,8.281176802,8.281175836,8.281175812,8.28117659,8.281177063,8.281175874,8.281175157,8.281175005,8.28117497,8.281175362,8.281175175,8.281175551,8.281176095,8.281176765,8.281176156,8.281175633,8.281176129,8.281176502,8.281176734
+"16482","TLE6",4.790572632,4.790572705,4.790572713,4.790572793,4.790573164,4.790572971,4.790572739,4.790572878,4.790572814,4.79057298,4.79057302,4.790573663,4.790572808,4.790572288,4.790573333,4.790572491,4.790573404,4.790573034,4.790572803,4.790572747,4.790573086,4.790573088,4.790572761,4.790572437,4.790573025,4.790573083,4.790572774,4.790572868
+"16483","TLK1",7.451605327,7.451605143,7.451604688,7.451605019,7.451604732,7.451604395,7.451604857,7.451604218,7.451604865,7.451605173,7.451604823,7.451604769,7.451605009,7.451605647,7.451605074,7.451604542,7.451604302,7.45160525,7.451604905,7.451604181,7.451604908,7.45160469,7.451605251,7.451605289,7.451605125,7.451604815,7.451604985,7.451605162
+"16484","TLL1",3.628934587,3.628934611,3.628934655,3.628934611,3.628934616,3.628934612,3.628934555,3.628934608,3.628934598,3.628934658,3.628934723,3.62893465,3.628934645,3.628934566,3.628934618,3.62893464,3.62893469,3.628934615,3.628934642,3.628934653,3.628934615,3.628934627,3.628934601,3.628934619,3.628934588,3.628934597,3.628934612,3.628934636
+"16485","TLL2",4.545411386,4.545411398,4.545411442,4.545411421,4.545411468,4.545411392,4.545411446,4.545411427,4.545411478,4.545411441,4.54541147,4.545411461,4.545411466,4.545411405,4.545411452,4.545411473,4.545411459,4.545411475,4.545411452,4.545411462,4.545411482,4.54541147,4.545411429,4.545411431,4.545411448,4.545411468,4.545411432,4.545411426
+"16486","TLN1",9.292802046,9.63562547,9.402253334,9.873870915,9.409534894,9.689365644,9.580498803,9.316184182,9.364796486,9.604758952,9.725161845,9.338060016,9.457814884,9.449750307,9.413055614,9.580116752,9.3792166,9.834723487,9.46230837,9.633710748,9.572622489,9.32995917,9.486062795,9.691037376,9.678889007,9.476602816,9.512543132,9.31201651
+"16487","TLN2",4.216452409,4.216452433,4.216452434,4.216452433,4.216452443,4.216452425,4.216452447,4.216452447,4.216452431,4.216452426,4.216452446,4.216452443,4.216452423,4.216452418,4.216452434,4.216452432,4.216452439,4.216452443,4.216452444,4.216452419,4.216452447,4.216452449,4.216452435,4.216452422,4.216452435,4.216452446,4.216452437,4.216452438
+"16488","TLNRD1",7.320509897,7.320509894,7.320509907,7.320509903,7.320509953,7.320509909,7.320509915,7.320509911,7.320509925,7.320509941,7.320509944,7.320509909,7.320509926,7.320509834,7.320509944,7.320509911,7.320509949,7.320509969,7.320509907,7.320509948,7.320509924,7.320509937,7.320509882,7.320509904,7.320509952,7.320509926,7.320509911,7.320509897
+"16489","TLR1",8.230322918,8.2303325,8.230321155,8.230390848,8.230101355,8.230209444,8.230300627,8.230154187,8.230191336,8.230237737,8.23032032,8.229987303,8.230265725,8.230427178,8.23022195,8.230289256,8.230324608,8.230388596,8.230280539,8.230291453,8.230339111,8.230224122,8.230349941,8.230398442,8.230383081,8.230167868,8.230201522,8.230327577
+"16490","TLR10",5.469749718,5.469749105,5.469748687,5.469749673,5.469747969,5.46974871,5.469749599,5.469747965,5.469748482,5.469748817,5.469749072,5.469748038,5.469748797,5.469750046,5.469749086,5.46974872,5.469748306,5.469749023,5.469748718,5.469747588,5.46974952,5.469748658,5.469749025,5.46974899,5.469749301,5.469748372,5.469748876,5.469749536
+"16491","TLR2",8.966238519,8.961377582,8.895889986,9.099646739,8.762353632,8.81190311,8.876893011,8.851353726,8.722527352,8.769444393,8.932751606,8.724397309,8.789796319,8.918044153,8.81299216,8.869449618,8.763505578,8.919468915,8.83681157,8.807111661,8.850585467,8.847514402,8.771700308,8.884205192,8.867195658,8.703021508,8.738197806,8.750471864
+"16492","TLR3",3.933911854,3.933911629,3.933911488,3.933911513,3.933911827,3.93391199,3.933911759,3.933911802,3.933911618,3.933911381,3.9339118,3.933911492,3.933911707,3.933911712,3.933911942,3.933912026,3.933911413,3.933911695,3.933911782,3.933911759,3.933911694,3.933911925,3.933911682,3.933911553,3.933911572,3.933911778,3.933911527,3.933911842
+"16493","TLR4",8.912514709,8.91251984,8.912503261,8.912526095,8.912505084,8.912515578,8.912507891,8.912497871,8.912496703,8.91250492,8.912507157,8.912490588,8.912506949,8.912514543,8.912509218,8.912520508,8.912512231,8.91251631,8.912524841,8.912518966,8.912505821,8.912503588,8.912509709,8.912526552,8.912515269,8.912502467,8.912503155,8.912507958
+"16494","TLR5",6.485679636,6.48567945,6.485679052,6.485679908,6.485679156,6.485679971,6.485680203,6.485678758,6.485679164,6.485679836,6.485679573,6.485678292,6.485679271,6.485679149,6.485679255,6.485679039,6.485679306,6.485679581,6.48567934,6.485680464,6.485679581,6.485679084,6.485679586,6.485680341,6.485679696,6.485678584,6.485679261,6.485678759
+"16495","TLR6",7.889670825,7.889489229,7.889644882,7.889763806,7.889174821,7.88948238,7.889601573,7.889349884,7.889201413,7.889473086,7.889758959,7.888742932,7.889492532,7.889597353,7.88956379,7.88939666,7.889565273,7.889716305,7.889575515,7.889599157,7.889537279,7.889457224,7.889511855,7.889815787,7.889741065,7.889077387,7.88944232,7.889425339
+"16496","TLR7",5.152668228,5.152667167,5.152667873,5.152667339,5.152667489,5.152669136,5.152667304,5.152666436,5.152666388,5.152667598,5.152667249,5.152666859,5.152667463,5.152668411,5.152667943,5.152666983,5.152667472,5.152667278,5.152668103,5.152668486,5.152667353,5.152667363,5.152666295,5.152667399,5.152667125,5.15266647,5.152668323,5.152667674
+"16497","TLR8",7.486115465,7.486116118,7.486114825,7.486116913,7.486114389,7.486115956,7.486115156,7.486114426,7.486114066,7.48611485,7.486115077,7.486112523,7.486115113,7.486115406,7.486115319,7.48611545,7.486115266,7.486116057,7.486115618,7.486116053,7.486115739,7.486114886,7.486115962,7.486116908,7.486116009,7.486113351,7.486114838,7.486114406
+"16498","TLR9",6.250796603,6.250796555,6.250796928,6.250796522,6.250797207,6.250796508,6.250796958,6.250797095,6.250796461,6.250796389,6.250796511,6.250797289,6.250796655,6.250796421,6.250796926,6.250796886,6.250797303,6.250797099,6.250796904,6.250796947,6.250797128,6.250797151,6.250796571,6.250796693,6.250796464,6.25079705,6.250796657,6.250796703
+"16499","TLX1",5.05279796,5.052797258,5.052798222,5.052797682,5.052798687,5.052797847,5.052797899,5.052798232,5.052798213,5.052798209,5.052797842,5.052798541,5.052797836,5.052797299,5.052798433,5.052797773,5.052798349,5.052798098,5.052797801,5.052797893,5.05279836,5.052798278,5.05279744,5.052797525,5.052798021,5.052798339,5.052797392,5.052797844
+"16500","TLX2",7.233940336,7.233940185,7.233940793,7.233940441,7.233941332,7.233940042,7.233940617,7.233940867,7.233940597,7.233940564,7.233940965,7.233941314,7.233940443,7.233940022,7.233941011,7.233940806,7.233941009,7.233941041,7.23394059,7.233940536,7.233941012,7.233940852,7.233940206,7.233940333,7.233940718,7.233941026,7.233940219,7.233940795
+"16501","TLX3",4.589665425,4.589665413,4.589665702,4.589665428,4.589665765,4.589665614,4.589665652,4.589665642,4.589665643,4.589665552,4.58966549,4.589665901,4.589665467,4.58966531,4.589665837,4.589665604,4.589665894,4.589665575,4.589665582,4.589665798,4.589665791,4.589665769,4.589665661,4.589665487,4.589665753,4.589665816,4.589665542,4.589665533
+"16502","TM2D1",5.818662633,5.81866245,5.818662524,5.818662473,5.818662327,5.81866243,5.818662478,5.818662366,5.818662459,5.818662406,5.818662417,5.818662309,5.818662542,5.818662644,5.81866235,5.818662304,5.818662357,5.818662254,5.818662481,5.818662408,5.818662426,5.818662393,5.818662476,5.8186625,5.818662375,5.818662375,5.818662473,5.818662412
+"16503","TM2D2",5.612972646,5.612972333,5.612972188,5.612972182,5.612971939,5.612972252,5.612972305,5.612972361,5.612972127,5.612972179,5.612972143,5.612971902,5.612972579,5.612972854,5.612972374,5.612972223,5.612972161,5.612971954,5.612972218,5.612971064,5.612972092,5.612971975,5.612972447,5.612972609,5.612971736,5.612972264,5.612972341,5.612972601
+"16504","TM2D3",6.86845069,6.86845071,6.868450463,6.868450488,6.868450454,6.868450528,6.86845051,6.86845057,6.868450596,6.868450543,6.868450452,6.868450399,6.868450601,6.868450841,6.868450606,6.868450745,6.868450425,6.868450422,6.868450604,6.868450653,6.868450498,6.868450477,6.868450704,6.868450674,6.868450393,6.868450482,6.868450508,6.868450654
+"16505","TM4SF1",4.182947843,4.182947887,4.182947961,4.182947995,4.182948104,4.182947769,4.182948051,4.182947991,4.182948007,4.182947831,4.18294801,4.182948203,4.182947959,4.182947809,4.182947978,4.182947946,4.182948166,4.182947929,4.182947932,4.182947792,4.182947951,4.182948091,4.182947906,4.182947875,4.182948057,4.182947908,4.182948031,4.182948001
+"16506","TM4SF18",3.550383628,3.550383649,3.55038367,3.550383638,3.550383688,3.550383662,3.550383626,3.550383653,3.550383665,3.550383635,3.550383687,3.550383647,3.550383648,3.550383625,3.550383664,3.550383645,3.550383683,3.550383637,3.55038362,3.550383653,3.55038363,3.55038365,3.550383644,3.550383611,3.550383634,3.550383655,3.550383614,3.55038365
+"16507","TM4SF20",2.824081698,2.824081717,2.824081725,2.824081701,2.824081683,2.824081707,2.824081696,2.824081701,2.824081727,2.824081709,2.824081779,2.824081733,2.824081716,2.824081708,2.824081711,2.824081716,2.824081721,2.824081701,2.824081689,2.824081728,2.824081695,2.824081707,2.824081713,2.824081742,2.824081678,2.824081698,2.824081698,2.824081719
+"16508","TM4SF4",4.010043811,4.010043946,4.010043982,4.010043986,4.010043864,4.010043817,4.010043969,4.010044122,4.010043802,4.010043648,4.010044194,4.010044073,4.010043751,4.010043773,4.010044033,4.010044121,4.01004422,4.010043906,4.010043916,4.010044098,4.010044033,4.010043904,4.010043809,4.010043806,4.010043941,4.010044088,4.010043927,4.01004405
+"16509","TM4SF5",5.846071122,5.846071131,5.846071521,5.846071078,5.846071809,5.84607098,5.846071505,5.846071653,5.846071252,5.846071331,5.846071446,5.846071882,5.846071246,5.846070968,5.846071705,5.846071428,5.846071833,5.846071535,5.846071443,5.846071282,5.846071733,5.846071666,5.84607117,5.846071103,5.846071348,5.84607163,5.846071142,5.846071498
+"16510","TM6SF1",7.660323972,7.660325745,7.660323503,7.660325367,7.660323375,7.660322034,7.660324299,7.660322857,7.660322462,7.660323619,7.660324114,7.660322694,7.660323063,7.660324769,7.660322937,7.66032585,7.6603231,7.660324301,7.660325452,7.660323174,7.6603243,7.660322404,7.660324079,7.660325087,7.660324932,7.660323497,7.660322328,7.660322694
+"16511","TM6SF2",5.184320068,5.184320237,5.184320327,5.184320118,5.184320597,5.184320474,5.184320378,5.184320652,5.184320427,5.18432045,5.18432048,5.184320562,5.184320445,5.184320009,5.184320537,5.184320385,5.18432067,5.184320577,5.184320312,5.184320378,5.184320574,5.184320548,5.184320218,5.184320376,5.184320478,5.184320404,5.184320452,5.184320426
+"16512","TM7SF2",6.527507374,6.527507483,6.527507817,6.527507701,6.527507765,6.527507745,6.527507485,6.527507762,6.527507608,6.527507631,6.527507609,6.527507851,6.527507585,6.527507285,6.527507546,6.527507571,6.527507684,6.527507676,6.527507512,6.527507538,6.527507438,6.527507742,6.527507581,6.52750756,6.527507564,6.527507746,6.527507654,6.527507529
+"16513","TM7SF3",7.153649074,7.153649128,7.153648982,7.153648798,7.153648769,7.153648908,7.153649064,7.153648635,7.153648996,7.153648933,7.153648816,7.15364862,7.153649024,7.153649147,7.153648908,7.153649012,7.153648559,7.153648716,7.153649037,7.153648906,7.153648986,7.153648768,7.153648998,7.153649003,7.153648844,7.153648818,7.153648959,7.153649
+"16514","TM9SF1",6.951325812,6.951326017,6.951325842,6.951325924,6.951325782,6.951325989,6.951325826,6.951325898,6.95132587,6.951325898,6.95132584,6.951325635,6.951325885,6.951325921,6.951325765,6.951325997,6.951325809,6.951325844,6.951325868,6.951325835,6.951325788,6.951325811,6.951325918,6.951325895,6.951325785,6.951325678,6.95132591,6.951325838
+"16515","TM9SF2",8.966117123,8.966117376,8.966116368,8.966117541,8.966115747,8.96611651,8.966116467,8.966115967,8.96611568,8.966115846,8.966115999,8.966114721,8.966116367,8.966117925,8.966116607,8.966117382,8.966116001,8.966116281,8.966116668,8.966117665,8.966116858,8.966115899,8.966116826,8.966117254,8.966115992,8.966116104,8.96611634,8.966116373
+"16516","TM9SF3",7.744334033,7.741311667,7.735016571,7.730585373,7.731845961,7.720915095,7.732429983,7.733881524,7.734554827,7.734698215,7.727190401,7.720122036,7.733375759,7.767377715,7.735218182,7.737202323,7.730492557,7.726394026,7.737325657,7.720764122,7.735764531,7.730671366,7.741042881,7.738773662,7.72637194,7.730615609,7.730760934,7.75607099
+"16517","TM9SF4",7.567228771,7.567228814,7.567228757,7.567228819,7.567228599,7.567228834,7.567228739,7.567228679,7.567228668,7.567228767,7.567228712,7.56722858,7.567228742,7.567228759,7.567228599,7.567228745,7.5672286,7.567228723,7.567228685,7.567228717,7.567228661,7.567228697,7.567228688,7.567228766,7.567228733,7.567228608,7.567228747,7.567228688
+"16518","TMA16",5.211928299,5.211928337,5.211928193,5.211928099,5.211928144,5.211928128,5.211928122,5.211928201,5.211928193,5.211928235,5.211927913,5.211928212,5.211928154,5.211928379,5.211928173,5.211928178,5.211928127,5.211928036,5.21192817,5.211927859,5.211928179,5.211928089,5.21192809,5.211928243,5.211928016,5.211928141,5.211928238,5.21192829
+"16519","TMA7",4.7269641775,4.7269652135,4.726964475,4.7269645695,4.726964381,4.726964122,4.726964691,4.7269646215,4.7269643305,4.726964694,4.7269647,4.7269642295,4.7269642035,4.726964739,4.726964438,4.7269645275,4.726964292,4.7269645515,4.726964209,4.726965215,4.72696465,4.726964504,4.7269640995,4.726964463,4.7269644935,4.7269645185,4.726964247,4.7269650565
+"16520","TMBIM1",9.463693354,9.463693617,9.463693332,9.463693724,9.463693319,9.463693579,9.463693431,9.463693557,9.463693302,9.463693619,9.463693404,9.46369336,9.463693375,9.463693363,9.463693258,9.463693485,9.463693342,9.463693574,9.463693341,9.463693397,9.463693186,9.463693404,9.463693451,9.463693707,9.46369338,9.463693413,9.463693403,9.463693283
+"16521","TMBIM4",8.159545521,8.15954515,8.159545765,8.159545159,8.159545003,8.15954541,8.159545513,8.159545156,8.159545499,8.159545338,8.159545001,8.159544314,8.159545156,8.159545848,8.159545026,8.159544951,8.159545525,8.159544924,8.159545599,8.159545435,8.159545348,8.159545366,8.159545695,8.159545585,8.159545096,8.159544542,8.159545048,8.159545074
+"16522","TMBIM6",10.00308734,10.00308761,10.00308618,10.00308695,10.00308568,10.00308629,10.00308645,10.0030855,10.00308588,10.00308577,10.00308548,10.00308501,10.00308635,10.00308744,10.00308635,10.00308719,10.00308581,10.00308601,10.00308633,10.00308662,10.00308623,10.0030858,10.00308648,10.00308661,10.00308541,10.00308581,10.00308626,10.00308607
+"16523","TMC1",3.367268981,3.36726904,3.367269028,3.36726902,3.367269056,3.367269026,3.367269021,3.367269035,3.367269069,3.367269048,3.367269043,3.367269077,3.367269031,3.367269024,3.367269015,3.367269036,3.367269069,3.367269031,3.367269019,3.367269068,3.367269021,3.367269033,3.367269022,3.367269028,3.367269053,3.36726904,3.367269046,3.367269004
+"16524","TMC2",3.953312884,3.953312895,3.953312992,3.953312935,3.953312945,3.953312865,3.95331307,3.953313027,3.953312997,3.953312927,3.953313064,3.953313171,3.953313037,3.95331293,3.953313067,3.953312993,3.95331297,3.953312994,3.953312962,3.95331297,3.953313079,3.953312998,3.953312969,3.953312869,3.95331292,3.95331302,3.953312957,3.953313039
+"16525","TMC3",4.011701907,4.011701903,4.011701943,4.011701894,4.011701937,4.011701911,4.01170193,4.011701953,4.011701906,4.011701934,4.011701941,4.011701955,4.011701904,4.011701898,4.01170192,4.01170193,4.011701942,4.011701929,4.011701936,4.011701937,4.011701905,4.01170195,4.011701911,4.011701941,4.011701924,4.011701906,4.011701921,4.011701905
+"16526","TMC4",5.916212337,5.916212255,5.916212535,5.916212589,5.916212548,5.916212175,5.91621242,5.916212458,5.91621236,5.916212371,5.916212296,5.916212374,5.916212538,5.916212173,5.916212473,5.916212318,5.916212668,5.916212596,5.916212382,5.916212552,5.916212514,5.916212534,5.916212332,5.91621233,5.916212436,5.916212517,5.916212389,5.916212355
+"16527","TMC5",4.334248174,4.334248149,4.334248224,4.334248195,4.334248227,4.334248226,4.334248216,4.334248213,4.334248207,4.334248238,4.33424819,4.334248256,4.33424822,4.334248201,4.334248209,4.334248213,4.334248241,4.33424818,4.334248236,4.334248251,4.334248212,4.334248219,4.33424823,4.334248209,4.334248229,4.334248217,4.334248156,4.334248189
+"16528","TMC6",7.723115656,7.723115701,7.723115716,7.723115819,7.723115629,7.723115929,7.723115819,7.723115967,7.723116037,7.723115783,7.723115759,7.723116033,7.723115937,7.723115714,7.723115725,7.723115764,7.723115761,7.723115798,7.72311573,7.723115667,7.723115717,7.723116001,7.72311585,7.72311568,7.72311565,7.723115848,7.723116043,7.723115771
+"16529","TMC7",3.913783481,3.913783491,3.913783503,3.91378352,3.913783491,3.913783505,3.913783492,3.913783552,3.913783541,3.913783469,3.913783517,3.913783548,3.913783489,3.91378345,3.913783503,3.913783484,3.913783498,3.913783527,3.913783514,3.913783511,3.913783523,3.913783516,3.913783486,3.913783486,3.913783543,3.913783487,3.913783517,3.913783521
+"16530","TMC8",8.289774797,8.289774652,8.289774539,8.289774535,8.289774619,8.289774894,8.289774825,8.289774989,8.289775046,8.289774971,8.289774603,8.289775274,8.289775002,8.289774835,8.289774753,8.289774618,8.289774517,8.289774582,8.289774818,8.289774721,8.289774766,8.289774955,8.289774886,8.289774758,8.289774495,8.289775197,8.289775017,8.28977478
+"16531","TMCC1",6.860492323,6.860493573,6.860491998,6.860493779,6.860491294,6.860492693,6.860492741,6.860491689,6.860491723,6.86049176,6.860492199,6.860491926,6.86049232,6.860492525,6.86049268,6.860493128,6.860492276,6.860493209,6.860492587,6.860492843,6.860492902,6.860491737,6.860492316,6.86049283,6.860493408,6.860492669,6.860492283,6.86049188
+"16532","TMCC2",5.427037738,5.427037607,5.427038241,5.427037903,5.427038101,5.42703815,5.427038182,5.427038097,5.427038029,5.427038108,5.427038109,5.427038192,5.42703777,5.427037769,5.427038044,5.427037916,5.427038125,5.427038134,5.427038002,5.427037717,5.427038198,5.427038042,5.427037876,5.427037808,5.427038181,5.427038344,5.427037682,5.427037831
+"16533","TMCC3",8.006727938,8.006728358,8.006728,8.006728318,8.006727892,8.00672796,8.006728149,8.006727932,8.006727781,8.006727939,8.006728146,8.006727895,8.006727961,8.006728006,8.006728068,8.006728353,8.006728154,8.006728276,8.006728216,8.00672816,8.006728126,8.00672797,8.006728196,8.006728075,8.006728281,8.00672798,8.006727844,8.006727995
+"16534","TMCO1",5.602893943,5.602893894,5.602893962,5.60289361,5.602893619,5.602893463,5.602893743,5.602893467,5.602893739,5.60289387,5.60289374,5.602893502,5.60289374,5.602894441,5.602893758,5.602893728,5.602893648,5.602893437,5.602893809,5.602893412,5.602893798,5.602893672,5.602893838,5.602893755,5.602893775,5.602893627,5.602893772,5.602894159
+"16535","TMCO2",3.716173906,3.716173861,3.716173913,3.716173917,3.716173913,3.716173877,3.716173902,3.716173894,3.716173933,3.71617388,3.716173911,3.716173893,3.716173903,3.716173869,3.716173911,3.716173905,3.71617391,3.716173913,3.716173926,3.716173898,3.716173907,3.716173901,3.716173902,3.716173904,3.716173898,3.716173901,3.716173891,3.716173896
+"16536","TMCO3",7.281319469,7.28132104,7.281318923,7.281320642,7.281318657,7.28131916,7.28131965,7.281318966,7.281319444,7.281319594,7.281319701,7.281318883,7.281319836,7.281319663,7.281319223,7.281320857,7.28131936,7.281320177,7.281319282,7.281319341,7.281319494,7.281318804,7.281320172,7.281320357,7.281319882,7.281319297,7.281319563,7.28131914
+"16537","TMCO4",6.098707322,6.098707288,6.098707291,6.098707295,6.098707299,6.098707329,6.098707301,6.098707286,6.098707312,6.098707292,6.098707274,6.098707301,6.098707321,6.098707316,6.098707313,6.098707284,6.098707266,6.098707296,6.098707297,6.098707292,6.098707295,6.098707306,6.098707305,6.098707294,6.09870727,6.098707311,6.09870732,6.098707287
+"16538","TMCO5A",2.931018912,2.931018935,2.931018923,2.93101892,2.931018941,2.931018938,2.931018932,2.931018925,2.931018925,2.931018934,2.931018932,2.931018953,2.931018925,2.931018908,2.931018941,2.931018926,2.931018931,2.931018937,2.931018937,2.931018942,2.93101893,2.931018952,2.931018935,2.93101893,2.931018931,2.931018944,2.931018913,2.931018939
+"16539","TMCO6",6.709788743,6.709788813,6.709788689,6.709788737,6.709788771,6.709788749,6.70978877,6.709788819,6.709788803,6.709788725,6.70978867,6.709788787,6.70978872,6.709788626,6.709788613,6.709788703,6.709788653,6.709788709,6.709788667,6.709788881,6.709788617,6.709788675,6.709788762,6.709788692,6.709788794,6.709788723,6.709788863,6.70978869
+"16540","TMED1",6.047549902,6.04754988,6.047549927,6.047549795,6.047549957,6.047549962,6.047549917,6.047549919,6.04754986,6.047549914,6.04754992,6.04755003,6.047549924,6.047549793,6.047549978,6.047549913,6.047549927,6.04755001,6.047550003,6.047549908,6.047549898,6.047549882,6.047549855,6.047549842,6.047549991,6.047549968,6.047549882,6.047549912
+"16541","TMED10",8.264846319,8.26484611,8.264845905,8.264845545,8.264845677,8.264845917,8.264846065,8.264845653,8.264845745,8.264846136,8.264845409,8.264845438,8.264846191,8.264846709,8.264846007,8.264845278,8.264845459,8.264845327,8.264846079,8.264845642,8.264845845,8.264845804,8.26484614,8.264845717,8.264845368,8.264845576,8.264846038,8.264846501
+"16542","TMED10P1",5.123436621,5.12343641,5.123436432,5.123436368,5.123436293,5.123436266,5.123436379,5.123436273,5.123436414,5.123436286,5.123436448,5.12343624,5.123436544,5.123436575,5.123436419,5.123436273,5.123436179,5.123436297,5.123436411,5.123436392,5.123436505,5.123436486,5.12343633,5.123436345,5.123436489,5.123436402,5.123436548,5.123436531
+"16543","TMED2",8.53334275,8.533342605,8.533342154,8.533342345,8.533341648,8.533341751,8.533342306,8.533342064,8.533342031,8.533341959,8.533341797,8.533341258,8.533342552,8.533344417,8.533342187,8.533342061,8.533342154,8.533341765,8.533341975,8.533342036,8.533342138,8.533342408,8.53334289,8.533342262,8.53334183,8.533341524,8.533342279,8.533344096
+"16544","TMED3",7.145160477,7.145160495,7.145160492,7.145160465,7.145160508,7.145160523,7.145160527,7.145160465,7.145160547,7.14516054,7.145160462,7.145160462,7.145160512,7.145160497,7.145160471,7.145160448,7.145160453,7.145160425,7.145160499,7.145160498,7.145160479,7.145160441,7.145160502,7.145160497,7.145160394,7.145160482,7.145160513,7.145160516
+"16545","TMED4",7.369070427,7.369070619,7.36907,7.369070156,7.369070023,7.369070657,7.369070127,7.369070099,7.369070584,7.369070317,7.369070136,7.369069932,7.369070449,7.369070579,7.369070315,7.369070256,7.369069873,7.369069963,7.369070194,7.369070727,7.369070051,7.369070302,7.36907054,7.369070432,7.369070097,7.369070225,7.369070567,7.369070416
+"16546","TMED5",7.127938149,7.127937732,7.12793779,7.127937907,7.127937721,7.127937761,7.127937998,7.127937774,7.127937766,7.127937866,7.127937923,7.127937484,7.127937919,7.127938192,7.127937958,7.127937524,7.127937666,7.127937721,7.127938015,7.127937577,7.12793795,7.127937827,7.127937913,7.12793786,7.12793797,7.127937858,7.127937938,7.127938002
+"16547","TMED6",4.543702723,4.543702699,4.543702731,4.543702595,4.543702672,4.543702679,4.543702702,4.543702681,4.543702702,4.543702658,4.543702693,4.543702714,4.543702722,4.543702742,4.543702709,4.543702751,4.543702691,4.543702675,4.54370262,4.543702697,4.543702658,4.543702669,4.543702695,4.543702671,4.543702712,4.543702678,4.543702701,4.543702723
+"16548","TMED8",7.149919007,7.149919681,7.149918676,7.149919411,7.149918879,7.149918212,7.149918656,7.149918321,7.149918708,7.149919167,7.149919181,7.149917669,7.149919046,7.149919644,7.149918645,7.149919274,7.149918358,7.149918598,7.149918996,7.149918135,7.149918506,7.149918347,7.149918701,7.149919433,7.14991913,7.149918299,7.149918902,7.14991925
+"16549","TMED9",6.773911757,6.773911863,6.773911752,6.77391173,6.773911767,6.773911818,6.773911759,6.773911784,6.773911819,6.773911816,6.77391175,6.773911538,6.773911805,6.773911896,6.7739117,6.773911792,6.773911629,6.773911696,6.773911731,6.773911901,6.77391176,6.773911709,6.773911739,6.773911793,6.773911691,6.773911648,6.77391177,6.77391178
+"16550","TMEFF2",3.693243945,3.693243991,3.693243985,3.693243988,3.693244001,3.693243958,3.69324397,3.693244006,3.693243966,3.693243993,3.69324399,3.693244002,3.693243946,3.693243955,3.693244009,3.693243985,3.693243982,3.693244034,3.693243959,3.693243987,3.693243998,3.693244007,3.693243988,3.693243944,3.693243958,3.693243981,3.693243965,3.693243966
+"16551","TMEM100",2.896811249,2.896811327,2.896811445,2.896811387,2.896811405,2.896811442,2.896811306,2.896811391,2.896811383,2.896811478,2.896811301,2.896811312,2.896811389,2.896811318,2.896811288,2.896811437,2.8968113,2.896811475,2.896811354,2.896811299,2.896811254,2.896811297,2.896811471,2.896811451,2.896811356,2.896811454,2.896811335,2.896811406
+"16552","TMEM101",5.854490239,5.854490242,5.854490241,5.854490242,5.854490241,5.854490218,5.854490247,5.854490238,5.854490245,5.854490244,5.854490234,5.854490237,5.854490231,5.854490245,5.854490229,5.854490238,5.854490265,5.854490209,5.854490236,5.854490229,5.854490225,5.854490238,5.854490241,5.854490238,5.854490225,5.854490214,5.854490231,5.854490253
+"16553","TMEM102",7.104143039,7.104143039,7.104143053,7.104143045,7.104143061,7.10414307,7.104143036,7.104143081,7.104143071,7.104143074,7.104143047,7.104143069,7.104143063,7.104143044,7.104143031,7.104143033,7.104143039,7.104143055,7.104143067,7.104143026,7.104142994,7.104143073,7.104143045,7.104143026,7.104143065,7.104143047,7.104143076,7.104143055
+"16554","TMEM104",6.668849379,6.668849396,6.668849378,6.668849385,6.668849392,6.668849382,6.66884938,6.668849372,6.668849395,6.66884939,6.668849378,6.668849368,6.668849384,6.668849384,6.668849377,6.668849366,6.668849377,6.668849379,6.668849384,6.6688494,6.668849368,6.668849381,6.668849389,6.668849397,6.668849365,6.668849387,6.668849388,6.668849365
+"16555","TMEM105",6.088702083,6.08870237,6.088702809,6.088702723,6.088703041,6.088702308,6.088702427,6.088703147,6.088702809,6.088702719,6.088703,6.088703111,6.088702531,6.088701943,6.088702762,6.088702812,6.088703208,6.08870299,6.088702439,6.088702531,6.088702863,6.088702882,6.08870241,6.088702403,6.088702717,6.088702669,6.088702294,6.08870256
+"16556","TMEM106A",6.9443703745,6.9443711475,6.944371026,6.9443713585,6.944370855,6.9443714685,6.9443713715,6.944371133,6.944370624,6.944370036,6.9443711025,6.9443706705,6.944371279,6.9443705485,6.9443709845,6.944370689,6.944370672,6.944371311,6.944370974,6.9443712435,6.944370875,6.944371282,6.9443711875,6.9443714645,6.9443711305,6.944370954,6.944371034,6.94436946
+"16557","TMEM106B",6.377887974,6.377887083,6.377886989,6.377886777,6.37788677,6.377886344,6.377886868,6.377886956,6.377887288,6.377886595,6.377886282,6.377886309,6.377887238,6.37788844,6.37788724,6.377886575,6.377886221,6.377886845,6.377886932,6.377886696,6.377887014,6.377886944,6.377887827,6.377887046,6.377886545,6.377887124,6.377886968,6.3778877
+"16558","TMEM106C",5.719293724,5.719293631,5.7192937,5.71929367,5.719293651,5.719293736,5.719293855,5.719293642,5.719293757,5.719293744,5.719293757,5.719293762,5.719293764,5.71929379,5.719293696,5.719293666,5.719293634,5.719293684,5.719293759,5.71929368,5.719293809,5.719293734,5.719293753,5.719293659,5.719293738,5.71929376,5.719293777,5.719293683
+"16559","TMEM108",3.902848843,3.902848832,3.902848872,3.902848849,3.902848863,3.902848859,3.902848874,3.902848867,3.902848867,3.902848886,3.902848871,3.902848905,3.902848838,3.902848867,3.902848845,3.902848903,3.902848918,3.902848896,3.902848881,3.902848848,3.902848845,3.90284886,3.902848854,3.902848884,3.902848873,3.902848862,3.902848854,3.902848839
+"16560","TMEM109",8.164474001,8.164473938,8.164473158,8.164472988,8.16447357,8.164474025,8.164473613,8.164474057,8.164473923,8.164474369,8.164472956,8.164473242,8.164473991,8.164474511,8.164473679,8.164473604,8.164472935,8.164472521,8.164473619,8.164472972,8.16447275,8.164474079,8.164473797,8.164473906,8.16447271,8.164473183,8.164474149,8.164474105
+"16561","TMEM115",6.750378085,6.750378087,6.750378069,6.75037809,6.750378055,6.750378099,6.750378087,6.7503781,6.750378073,6.750378076,6.750378074,6.750378075,6.750378087,6.750378056,6.750378057,6.750378072,6.750378071,6.750378045,6.750378102,6.75037807,6.750378057,6.750378069,6.750378083,6.750378092,6.750378087,6.750378086,6.750378086,6.750378051
+"16562","TMEM116",5.718244165,5.718244098,5.718244089,5.71824407,5.718244102,5.718244087,5.718244166,5.718244101,5.718244152,5.718244131,5.718244123,5.718244097,5.718244139,5.718244198,5.718244142,5.718244036,5.718244036,5.718244062,5.718244117,5.718244107,5.718244147,5.718244089,5.718244156,5.718244147,5.718244125,5.718244104,5.718244177,5.718244166
+"16563","TMEM117",4.503441981,4.503441957,4.503441929,4.503441951,4.503441942,4.503441929,4.503441953,4.50344196,4.50344196,4.503441966,4.503441933,4.503441959,4.503441971,4.503441986,4.503441972,4.503441972,4.503441941,4.503441965,4.503441966,4.503441953,4.50344195,4.503441968,4.503441961,4.503441964,4.503441947,4.503441956,4.503441956,4.503441979
+"16564","TMEM119",5.507192573,5.507192609,5.507192611,5.507192612,5.507192661,5.507192604,5.507192596,5.507192635,5.507192622,5.507192621,5.50719265,5.507192628,5.5071926,5.507192551,5.507192629,5.507192659,5.507192637,5.507192618,5.507192602,5.50719263,5.507192618,5.507192632,5.507192619,5.507192595,5.507192659,5.507192633,5.507192597,5.507192604
+"16565","TMEM120A",6.823088043,6.823088043,6.823088048,6.823088143,6.823087917,6.823088039,6.823088074,6.823088051,6.823087993,6.823087956,6.823088014,6.823087945,6.823087987,6.823087952,6.823087942,6.823088037,6.823088052,6.823088074,6.823088098,6.82308811,6.823087936,6.823088039,6.823088042,6.82308813,6.82308809,6.823087978,6.823088053,6.823087942
+"16566","TMEM120B",5.3453039025,5.345303885,5.345303943,5.345303827,5.3453038785,5.345303795,5.3453037985,5.345303955,5.3453039605,5.345303784,5.345303957,5.345303859,5.345303932,5.345303766,5.34530376,5.3453038205,5.345303881,5.345303864,5.3453037525,5.345303933,5.345303754,5.345303743,5.3453038575,5.345303759,5.345303773,5.345303864,5.3453039915,5.34530377
+"16567","TMEM121",6.744964417,6.744964402,6.744964612,6.744964543,6.744964744,6.744964513,6.744964498,6.744964659,6.744964499,6.74496467,6.74496469,6.744964755,6.744964567,6.744964358,6.744964666,6.744964463,6.744964768,6.74496462,6.744964557,6.744964623,6.744964615,6.744964723,6.744964524,6.744964462,6.744964539,6.744964627,6.744964525,6.744964641
+"16568","TMEM121B",6.931739517,6.931739533,6.931739583,6.931739632,6.931739782,6.931739659,6.931739702,6.931739752,6.931739648,6.931739653,6.931739695,6.931739736,6.931739607,6.931739444,6.931739696,6.931739632,6.931739752,6.931739673,6.931739693,6.931739765,6.931739673,6.931739726,6.931739544,6.931739606,6.931739622,6.931739636,6.93173961,6.931739596
+"16569","TMEM123",8.524265309,8.522018808,8.515935225,8.512998287,8.518581935,8.522319458,8.520647197,8.513091964,8.521831307,8.521260287,8.513065944,8.511938184,8.519962943,8.535509724,8.516816503,8.515267141,8.512112415,8.509220877,8.523298267,8.5283987,8.521316208,8.515812798,8.525033016,8.519780671,8.512617716,8.516171386,8.52104234,8.530385385
+"16570","TMEM125",5.633957557,5.63395754,5.633957557,5.633957554,5.633957592,5.63395754,5.63395756,5.63395758,5.633957581,5.633957547,5.633957578,5.633957601,5.633957558,5.633957547,5.633957585,5.63395758,5.6339576,5.633957578,5.63395758,5.633957578,5.633957573,5.63395758,5.633957564,5.633957563,5.633957557,5.633957576,5.633957552,5.633957546
+"16571","TMEM126A",4.043262761,4.043262627,4.043262639,4.043262614,4.043262686,4.043262665,4.04326274,4.043262602,4.043262707,4.043262719,4.043262661,4.043262577,4.04326263,4.043262775,4.043262638,4.043262612,4.043262707,4.043262607,4.043262636,4.043262606,4.04326269,4.043262664,4.043262717,4.043262633,4.043262586,4.043262641,4.043262656,4.043262804
+"16572","TMEM126B",4.758361046,4.758360568,4.758360639,4.758360451,4.758360107,4.758360812,4.75836075,4.758360358,4.758360691,4.758360754,4.758360525,4.75835961,4.758360925,4.758361294,4.75836058,4.758360626,4.758360582,4.758360093,4.758361074,4.758360729,4.758360708,4.75836074,4.758361007,4.758360798,4.758360556,4.758360533,4.758360742,4.758360604
+"16573","TMEM127",8.864211876,8.8642121,8.864211761,8.864212309,8.864211698,8.864212125,8.864211777,8.864211783,8.864211554,8.864211745,8.86421185,8.864211339,8.864211761,8.864211498,8.864211851,8.864212062,8.864211817,8.864212087,8.864211913,8.864212135,8.864211701,8.864211637,8.864211749,8.86421205,8.86421208,8.864211434,8.864211801,8.864211568
+"16574","TMEM128",5.444532738,5.44453264,5.444532694,5.444532689,5.444532619,5.444532634,5.444532676,5.444532649,5.44453267,5.444532709,5.444532686,5.444532686,5.444532668,5.444532739,5.44453258,5.444532615,5.444532634,5.444532602,5.444532697,5.444532644,5.444532672,5.444532679,5.444532693,5.44453267,5.444532636,5.444532693,5.44453263,5.444532698
+"16575","TMEM129",6.519643371,6.519643395,6.519643412,6.519643379,6.519643428,6.519643389,6.51964341,6.519643419,6.519643399,6.519643427,6.519643395,6.519643406,6.519643403,6.519643353,6.51964341,6.519643386,6.519643433,6.519643426,6.519643416,6.519643383,6.519643416,6.519643439,6.519643375,6.519643363,6.519643401,6.519643394,6.519643387,6.519643403
+"16576","TMEM130",5.67151913,5.671519179,5.671519243,5.671519215,5.67151935,5.671519155,5.67151921,5.671519326,5.671519247,5.671519235,5.671519249,5.671519316,5.671519234,5.671519069,5.671519255,5.671519193,5.671519349,5.671519302,5.671519216,5.671519288,5.671519285,5.671519286,5.671519167,5.671519186,5.671519271,5.671519256,5.671519256,5.671519171
+"16577","TMEM131",6.699623709,6.699623645,6.699623615,6.699623667,6.699623612,6.699623712,6.699623679,6.699623586,6.699623605,6.699623652,6.69962364,6.69962357,6.699623664,6.699623697,6.699623641,6.699623603,6.699623529,6.699623601,6.699623647,6.699623683,6.699623652,6.699623616,6.69962363,6.699623665,6.699623661,6.699623639,6.699623675,6.699623618
+"16578","TMEM131L",8.359880158,8.359880182,8.359879742,8.359880154,8.35987968,8.359880233,8.359880237,8.359879593,8.359880194,8.359880133,8.359879804,8.359879754,8.359880108,8.359880529,8.359879789,8.359879934,8.35987942,8.359879668,8.359880129,8.359880017,8.359880133,8.359879799,8.359880279,8.359880188,8.359879983,8.359880112,8.359880136,8.359879988
+"16579","TMEM132A",6.000753942,6.000753939,6.00075435,6.000753974,6.000754574,6.000753895,6.000754268,6.000754636,6.000754022,6.000754161,6.000754247,6.000754408,6.000754046,6.000753653,6.000754571,6.000754051,6.000754604,6.000754337,6.000754272,6.000754156,6.000754506,6.000754499,6.00075388,6.000753843,6.000754138,6.000754394,6.000754,6.000754149
+"16580","TMEM132B",3.915502609,3.915502684,3.915502738,3.91550255,3.915502687,3.915502524,3.91550273,3.915502756,3.915502523,3.9155026,3.9155026,3.915502771,3.915502668,3.915502455,3.915502675,3.915502767,3.915502857,3.915502689,3.915502652,3.915502638,3.915502725,3.915502693,3.915502695,3.915502495,3.915502587,3.915502573,3.915502541,3.915502503
+"16581","TMEM132C",4.445684823,4.445684801,4.445684808,4.445684816,4.445684854,4.44568479,4.445684825,4.445684802,4.445684861,4.445684753,4.445684814,4.445684806,4.445684811,4.445684774,4.445684829,4.44568475,4.445684825,4.445684874,4.445684838,4.445684827,4.445684863,4.445684851,4.44568485,4.445684803,4.445684811,4.445684843,4.445684804,4.445684815
+"16582","TMEM132D",4.740608939,4.740608956,4.740608976,4.740608947,4.740609007,4.740608955,4.740608989,4.74060899,4.74060895,4.740608969,4.740608999,4.74060898,4.740608961,4.740608984,4.74060897,4.740608984,4.740609018,4.740608998,4.740608968,4.740608991,4.740608995,4.740609009,4.740608926,4.740608957,4.740608965,4.740608967,4.740608947,4.740608959
+"16583","TMEM132E",5.31096609,5.310965608,5.310966047,5.310965847,5.310966513,5.310965895,5.310966046,5.3109663,5.310966089,5.31096624,5.310966133,5.310966267,5.310965812,5.310965451,5.310966395,5.310966192,5.310966602,5.310966169,5.310966187,5.310966013,5.310966184,5.3109665,5.310965798,5.310965841,5.310965905,5.310966241,5.310965709,5.310966133
+"16584","TMEM132E-DT",4.503064076,4.503064091,4.503064101,4.503064106,4.50306411,4.503064085,4.503064105,4.503064104,4.503064109,4.503064094,4.50306414,4.503064142,4.503064083,4.503064058,4.503064113,4.503064103,4.503064138,4.503064123,4.503064098,4.503064091,4.503064099,4.503064107,4.503064083,4.503064087,4.503064089,4.503064102,4.50306409,4.503064101
+"16585","TMEM134",7.573314593,7.573314527,7.573314678,7.573314452,7.573314786,7.573314387,7.57331465,7.573314709,7.573314762,7.57331452,7.573314581,7.573314717,7.573314623,7.573314464,7.573314582,7.573314699,7.573314708,7.573314655,7.573314517,7.573314459,7.573314653,7.573314663,7.573314518,7.573314575,7.573314555,7.573314637,7.573314515,7.573314652
+"16586","TMEM135",5.458550116,5.458549852,5.458549818,5.458549733,5.458549714,5.458549931,5.458549919,5.458549902,5.458549937,5.458549916,5.458549571,5.458549656,5.458549933,5.458550202,5.45854994,5.458549777,5.458549723,5.458549605,5.458550052,5.458549672,5.45854986,5.458549737,5.458550047,5.458549965,5.458549795,5.458549789,5.4585498,5.45855011
+"16587","TMEM138",6.351594247,6.3515938,6.351594007,6.351593728,6.351593943,6.351594054,6.351593982,6.351593885,6.351593994,6.351594052,6.351593938,6.351593839,6.351593926,6.35159401,6.351593759,6.351593582,6.351593875,6.351593386,6.351593841,6.351593746,6.351593826,6.351593867,6.351593992,6.351593985,6.351593841,6.351593955,6.351594117,6.351593976
+"16588","TMEM139",4.962688818,4.962688846,4.962688853,4.96268883,4.962688877,4.962688821,4.962688829,4.962688862,4.962688839,4.962688842,4.962688849,4.962688863,4.962688858,4.962688816,4.962688859,4.96268888,4.962688894,4.96268888,4.96268886,4.962688883,4.962688876,4.962688878,4.962688837,4.962688829,4.962688882,4.962688868,4.962688842,4.96268884
+"16589","TMEM140",8.661483388,8.932750163,8.399114776,9.186918823,8.497801373,9.452465486,8.507770254,8.767893763,8.527906521,8.373396112,8.415075498,8.06189956,8.687669075,8.318346381,8.733727502,8.751773027,8.588418071,8.96376387,8.839228426,9.47366445,8.421750474,8.770071685,8.828798317,8.827437031,8.539454534,8.299622087,8.574267083,8.349982923
+"16590","TMEM141",6.3778448,6.377844775,6.377844621,6.377844702,6.377844631,6.377844677,6.377844754,6.377844763,6.377844832,6.377844816,6.377844807,6.377844875,6.377844903,6.377844775,6.377844713,6.377844948,6.377844665,6.377844762,6.377844754,6.377844894,6.37784461,6.377844781,6.377844673,6.377844727,6.377844645,6.3778448,6.377844842,6.377844755
+"16591","TMEM143",5.565112329,5.565112363,5.56511237,5.565112373,5.565112295,5.565112517,5.565112439,5.565112442,5.565112523,5.565112566,5.565112456,5.565112716,5.56511242,5.565112437,5.565112476,5.565112219,5.565112725,5.56511225,5.565112437,5.565112601,5.56511242,5.565112582,5.56511239,5.565112624,5.565112482,5.565112589,5.565112473,5.565112343
+"16592","TMEM144",4.753520909,4.753520948,4.753520262,4.753520955,4.753520801,4.753520952,4.753520766,4.753520434,4.753520073,4.753521105,4.75351979,4.753519763,4.753520382,4.753520877,4.753520262,4.753520772,4.753520032,4.753520427,4.75352087,4.753521172,4.753520598,4.75352052,4.753520582,4.753520671,4.753520059,4.753519971,4.75352069,4.753520107
+"16593","TMEM145",5.771901163,5.77190123,5.771901278,5.771901125,5.771901329,5.77190115,5.771901183,5.771901245,5.771901265,5.771901293,5.771901254,5.771901279,5.771901301,5.771901166,5.771901354,5.771901327,5.771901384,5.771901331,5.77190123,5.771901226,5.771901291,5.771901367,5.771901272,5.771901197,5.771901268,5.771901257,5.77190122,5.771901281
+"16594","TMEM147",6.879250232,6.879250234,6.879250172,6.879250163,6.87925019,6.879250239,6.879250214,6.879250163,6.879250192,6.879250224,6.879250166,6.879250154,6.879250245,6.879250233,6.879250189,6.879250157,6.879250131,6.879250124,6.879250181,6.879250244,6.879250175,6.879250236,6.879250222,6.879250203,6.879250102,6.879250145,6.879250218,6.87925023
+"16595","TMEM14A",5.05842607,5.058426046,5.058426054,5.058426053,5.058426059,5.058426039,5.058426064,5.058426042,5.058426069,5.058426057,5.058426045,5.058426051,5.058426056,5.058426066,5.058426057,5.058426054,5.05842603,5.058426052,5.058426065,5.05842604,5.058426059,5.058426057,5.058426064,5.058426051,5.058426049,5.058426056,5.058426064,5.058426048
+"16596","TMEM14B",7.09597894,7.095979089,7.095978736,7.095978334,7.095978645,7.095978626,7.09597894,7.095978722,7.095979088,7.095978831,7.095978288,7.095978377,7.095978787,7.095979261,7.095978635,7.095979141,7.095978622,7.095978259,7.095978757,7.09597881,7.095978734,7.095978844,7.095979084,7.095978787,7.09597832,7.09597866,7.095978739,7.095978986
+"16597","TMEM14C",5.993971987,5.99397154,5.993971091,5.993970574,5.99397122,5.993972051,5.993971561,5.993971186,5.993971651,5.993971654,5.993971305,5.993971206,5.993971518,5.993972295,5.99397143,5.993970921,5.993970945,5.993970772,5.993971658,5.993971872,5.993971255,5.993971629,5.993971697,5.99397147,5.993970906,5.993971425,5.993971469,5.993971628
+"16598","TMEM14EP",5.399383853,5.399383846,5.399383827,5.399383823,5.399383863,5.399383863,5.399383863,5.399383889,5.399383864,5.399383881,5.39938385,5.399383857,5.399383861,5.399383877,5.399383912,5.399383857,5.399383846,5.399383812,5.399383883,5.399383888,5.399383864,5.399383874,5.399383806,5.399383776,5.399383739,5.399383838,5.399383808,5.399383911
+"16599","TMEM150A",6.300117692,6.30011766,6.300117704,6.300117648,6.300117704,6.300117752,6.300117643,6.30011773,6.300117724,6.300117711,6.300117691,6.300117728,6.300117726,6.300117607,6.300117653,6.300117652,6.300117766,6.300117658,6.300117671,6.300117666,6.300117645,6.300117721,6.300117705,6.300117647,6.300117621,6.300117622,6.300117689,6.300117657
+"16600","TMEM150B",6.383781953,6.383781817,6.383782147,6.383782051,6.383781997,6.383782478,6.383781971,6.383782052,6.38378166,6.383782057,6.383781912,6.383781861,6.383781946,6.383781808,6.383781917,6.383781769,6.38378202,6.383781745,6.383782017,6.38378222,6.383781941,6.383781972,6.383781471,6.38378186,6.383781737,6.383781752,6.383781941,6.383781615
+"16601","TMEM151A",6.095805195,6.095805196,6.095805363,6.09580528,6.095805471,6.09580534,6.095805292,6.095805397,6.095805366,6.095805436,6.095805363,6.095805458,6.09580526,6.095805051,6.095805385,6.095805214,6.095805389,6.095805345,6.095805286,6.095805183,6.095805299,6.095805363,6.095805379,6.095805267,6.095805315,6.095805292,6.095805378,6.095805284
+"16602","TMEM151B",4.6739458165,4.6739457375,4.6739457265,4.673945711,4.67394591,4.6739456475,4.6739460765,4.673946022,4.67394559,4.6739457785,4.6739457945,4.67394599,4.6739458795,4.6739456435,4.6739458895,4.673945686,4.67394609,4.6739458095,4.6739458765,4.6739456875,4.673945933,4.673945972,4.673945658,4.673945869,4.6739457595,4.6739459875,4.6739458325,4.6739460075
+"16603","TMEM154",9.204043391,9.208775857,9.2010984,9.208543831,9.197055306,9.20152419,9.200553229,9.199448393,9.195069014,9.195777036,9.203271938,9.191678666,9.199709115,9.203488088,9.201162954,9.207276421,9.198900598,9.207031981,9.202554174,9.203569619,9.202002102,9.196047707,9.199628455,9.204224365,9.205364385,9.196905938,9.199059856,9.198304439
+"16604","TMEM156",5.612381907,5.612381258,5.612380607,5.61238081,5.612381589,5.612380515,5.612381412,5.612380099,5.612381188,5.612381156,5.612380298,5.612380093,5.61238127,5.61238265,5.61238124,5.612380501,5.612379699,5.612380399,5.612382045,5.612380392,5.612380999,5.61238067,5.612381392,5.612381169,5.612380196,5.612380867,5.612381421,5.61238205
+"16605","TMEM158",8.135547707,8.135547604,8.135548206,8.135548153,8.135548706,8.135547716,8.135548221,8.135548425,8.135548335,8.135548199,8.135548371,8.135548896,8.135547976,8.135546921,8.13554853,8.135548002,8.135548645,8.135548401,8.135548215,8.135547737,8.135548433,8.135548385,8.135548059,8.135547502,8.135548277,8.135548303,8.135548025,8.135548064
+"16606","TMEM160",7.930485179,7.930485142,7.930485377,7.930485129,7.93048552,7.930485094,7.930485257,7.930485385,7.930485226,7.930485245,7.930485408,7.930485444,7.930485229,7.930484957,7.930485405,7.930485335,7.930485403,7.930485377,7.930485292,7.930485148,7.930485252,7.930485363,7.930485055,7.930485004,7.930485292,7.930485355,7.930485156,7.930485278
+"16607","TMEM161A",5.852230841,5.852230831,5.852230817,5.852230815,5.852230837,5.852230845,5.852230818,5.852230838,5.85223085,5.852230847,5.85223082,5.852230852,5.852230848,5.852230824,5.852230857,5.852230816,5.85223082,5.852230826,5.852230826,5.852230837,5.852230816,5.852230846,5.85223079,5.852230833,5.852230827,5.852230841,5.852230848,5.852230821
+"16608","TMEM161B",6.488366717,6.488366156,6.488365915,6.48836526,6.488365734,6.488365159,6.48836605,6.488365407,6.488366444,6.488365612,6.48836531,6.488365405,6.488366142,6.488367275,6.488366097,6.488365946,6.488365876,6.488365071,6.488366168,6.488364675,6.488365723,6.48836575,6.488366311,6.488366047,6.488365011,6.488365611,6.488366085,6.488367
+"16609","TMEM163",4.456856354,4.45685631,4.456856567,4.456856352,4.456856541,4.456855992,4.456856378,4.456856383,4.45685652,4.456855723,4.456856269,4.456856505,4.456856389,4.456855954,4.456856453,4.456856382,4.456856462,4.45685646,4.456856109,4.45685642,4.456856533,4.456856473,4.456856105,4.456856103,4.456856357,4.456856516,4.456856509,4.456856275
+"16610","TMEM164",8.164055081,8.523701721,8.526805994,9.077480142,7.894942849,8.243990409,8.502719368,7.810883595,8.089731371,7.593229973,7.985136482,8.080965924,7.929191869,7.695905805,8.187208763,8.471233782,8.576033637,8.854564902,8.111434782,8.051618117,8.407815249,7.772110323,8.387991063,7.759915299,8.026467653,8.33228789,7.966137181,7.661694255
+"16611","TMEM165",8.33325333,8.333253286,8.333252826,8.3332532,8.333252599,8.333253116,8.333253265,8.333252677,8.333252895,8.333253047,8.333252657,8.333252103,8.333252953,8.333253237,8.333252764,8.333252983,8.333252448,8.333252726,8.333253031,8.333253685,8.33325312,8.333252516,8.333253238,8.333253336,8.333252627,8.333252412,8.333252989,8.33325259
+"16612","TMEM167A",6.472114373,6.472114113,6.472114044,6.472113843,6.47211361,6.472112832,6.472113882,6.472113152,6.4721137,6.472113906,6.472113702,6.472112354,6.472113805,6.472115298,6.472113616,6.472113965,6.472113418,6.472113554,6.472114063,6.472113134,6.472113914,6.472113437,6.472113758,6.472114041,6.47211326,6.472112948,6.472113091,6.472114461
+"16613","TMEM167B",7.67183999,7.671839908,7.671839547,7.671840481,7.6718386,7.671838541,7.671839064,7.671838985,7.671839189,7.671839536,7.671838952,7.671837411,7.671839277,7.671841166,7.67183939,7.671839494,7.67183951,7.671839889,7.671839608,7.671839065,7.67183941,7.671839504,7.671839886,7.67184032,7.671839134,7.671838381,7.671838606,7.671840851
+"16614","TMEM168",7.22413392,7.224133495,7.224133151,7.224132893,7.224132727,7.224132327,7.224133087,7.224132834,7.224133399,7.224133114,7.224132785,7.224132452,7.224133246,7.224134421,7.224133317,7.224133102,7.224132675,7.224132323,7.224133398,7.224131482,7.224133059,7.224133102,7.224133636,7.224133073,7.224132726,7.22413301,7.224133333,7.224133809
+"16615","TMEM169",5.253674626,5.253674578,5.25367466,5.253674599,5.253674656,5.253674639,5.253674662,5.253674639,5.253674673,5.253674765,5.253674611,5.253674743,5.253674649,5.25367462,5.253674666,5.253674644,5.253674696,5.253674659,5.253674677,5.253674705,5.253674736,5.253674712,5.253674638,5.253674644,5.253674637,5.253674672,5.253674617,5.253674712
+"16616","TMEM17",3.243502331,3.243502584,3.243502339,3.243502273,3.243502481,3.243502838,3.243502752,3.243502337,3.243502665,3.243502716,3.243502732,3.243502836,3.243502362,3.243502309,3.243502606,3.243502444,3.243502932,3.24350251,3.243502455,3.243502571,3.243502405,3.243502565,3.243502402,3.243502496,3.243502187,3.243502469,3.243502351,3.243502388
+"16617","TMEM170A",7.223910848,7.223911012,7.223910492,7.223910245,7.22391057,7.223909882,7.223910783,7.223910076,7.223910921,7.223910039,7.223910217,7.223910268,7.223910623,7.223911524,7.223910821,7.223910209,7.223910324,7.223909948,7.223910817,7.223910236,7.223910776,7.22391051,7.223911148,7.223910517,7.223910072,7.223909969,7.223910698,7.223911466
+"16618","TMEM171",4.842396131,4.84239615,4.842396167,4.842396143,4.842396141,4.842396138,4.842396134,4.842396163,4.842396149,4.842396148,4.842396159,4.842396158,4.842396146,4.842396138,4.84239614,4.842396159,4.842396165,4.842396158,4.842396148,4.842396149,4.842396114,4.842396151,4.84239614,4.842396152,4.842396157,4.84239615,4.842396149,4.842396153
+"16619","TMEM174",3.987006738,3.987006827,3.987006864,3.987006793,3.987006788,3.987006807,3.987006792,3.987006813,3.987006822,3.987006861,3.98700681,3.98700675,3.987006738,3.987006812,3.987006791,3.987006775,3.987006823,3.98700683,3.987006742,3.987006802,3.987006789,3.987006751,3.987006786,3.987006884,3.987006793,3.987006763,3.987006757,3.987006766
+"16620","TMEM175",7.261976023,7.261975974,7.261976136,7.261976004,7.261975999,7.261976245,7.261975867,7.261976064,7.261975958,7.261976089,7.261975977,7.261976113,7.261976173,7.261975867,7.26197595,7.261976064,7.261976199,7.261975958,7.261975941,7.261975868,7.261975657,7.261976135,7.261975824,7.261975964,7.261976163,7.261976112,7.261976278,7.261975741
+"16621","TMEM176A",7.283956607,5.711825804,7.030002087,6.489770975,7.481230336,5.869389856,6.381927115,4.715375508,6.310554418,6.875443663,6.33874522,5.510611773,6.926141295,5.435987163,7.007132642,5.168332145,6.828676772,6.312363036,7.077296035,5.582762589,6.2659084,5.053707485,5.957826663,6.618048222,5.897463006,5.419255988,6.826977059,5.014568207
+"16622","TMEM176B",7.733585495,6.292294011,7.869373106,7.302834476,8.48131927,6.196473445,7.452031417,5.11840447,6.852622095,7.749218475,6.906894393,5.762536568,7.888167081,5.923005133,7.511790538,6.144270368,7.700835058,6.950392095,8.164228713,6.215737229,7.332336709,5.077455795,6.494342679,7.456267616,6.603913277,5.688202636,7.797884888,5.566918173
+"16623","TMEM177",6.089318437,6.089318466,6.089318468,6.089318463,6.089318558,6.089318469,6.089318549,6.089318461,6.089318526,6.089318495,6.08931844,6.089318606,6.089318494,6.08931856,6.089318493,6.089318529,6.089318376,6.089318392,6.089318508,6.08931847,6.089318487,6.089318499,6.089318557,6.089318395,6.089318415,6.089318546,6.08931844,6.089318438
+"16624","TMEM178A",6.609869611,6.609869659,6.609869651,6.609869634,6.609869722,6.609869669,6.609869683,6.609869676,6.609869677,6.609869733,6.609869696,6.609869725,6.609869664,6.609869567,6.609869653,6.609869652,6.609869688,6.60986969,6.609869669,6.609869632,6.609869682,6.609869695,6.609869618,6.609869614,6.609869659,6.609869664,6.60986966,6.609869655
+"16625","TMEM179",6.072454214,6.0724543535,6.072454498,6.0724541945,6.072454636,6.072454036,6.0724545515,6.0724545925,6.0724544055,6.0724543195,6.072454515,6.0724546615,6.072454419,6.0724540025,6.0724545845,6.072454628,6.0724549675,6.0724547835,6.072454479,6.0724544295,6.072454688,6.072454712,6.0724542845,6.0724542765,6.072454617,6.0724545935,6.0724542415,6.072454518
+"16626","TMEM179B",7.978574022,7.978573973,7.978573901,7.978573849,7.978573789,7.978574437,7.978573871,7.978573962,7.978573839,7.97857388,7.978573794,7.978573805,7.978573997,7.978573843,7.97857391,7.978573874,7.978573825,7.978573638,7.978573916,7.978574265,7.978573745,7.978574064,7.978573829,7.978573802,7.97857382,7.978573779,7.978574071,7.978573671
+"16627","TMEM18",6.328916444,6.328916341,6.328916217,6.328916164,6.328916187,6.32891617,6.32891633,6.328916213,6.328916397,6.328916403,6.328916122,6.328916156,6.328916324,6.328916655,6.328916138,6.32891624,6.328916124,6.328916146,6.328916302,6.328916201,6.328916129,6.328916357,6.328916399,6.328916352,6.328916147,6.328916329,6.328916379,6.328916496
+"16628","TMEM181",7.968601485,7.968601241,7.968601001,7.968600872,7.968600939,7.96860106,7.968601226,7.968601277,7.968601228,7.968601123,7.968601086,7.968600958,7.968601229,7.968601451,7.968601056,7.968601124,7.96860069,7.968600665,7.968601288,7.968600942,7.968601057,7.968601205,7.968601379,7.968601193,7.968601051,7.968601142,7.968601288,7.968601133
+"16629","TMEM182",3.997544034,3.997544013,3.997544027,3.997544015,3.997544023,3.997544046,3.997544036,3.997544023,3.997544041,3.997544014,3.99754401,3.997544011,3.997544047,3.997544045,3.997544031,3.997544064,3.997544043,3.997544024,3.99754404,3.99754402,3.997544029,3.997544032,3.99754406,3.997544046,3.997543992,3.997544021,3.997544038,3.997544036
+"16630","TMEM184A",5.577687044,5.577687061,5.577687091,5.577687079,5.577687156,5.577687002,5.577687112,5.577687137,5.57768707,5.577687083,5.57768711,5.577687156,5.577687071,5.577687004,5.577687132,5.577687142,5.577687189,5.577687143,5.577687061,5.577687083,5.577687167,5.577687156,5.577687046,5.577687036,5.577687134,5.577687144,5.577687054,5.577687079
+"16631","TMEM184B",7.217349585,7.21734974,7.217349621,7.21734985,7.217349541,7.217349683,7.217349609,7.217349621,7.217349659,7.217349557,7.217349585,7.217349505,7.217349652,7.217349633,7.217349607,7.217349724,7.217349632,7.217349764,7.217349665,7.217349586,7.217349689,7.217349569,7.21734971,7.217349708,7.217349681,7.217349568,7.217349563,7.217349534
+"16632","TMEM184C",6.574073117,6.574072808,6.574072724,6.574072423,6.574072324,6.574071996,6.574072534,6.574072145,6.574072526,6.574072362,6.574072275,6.574071226,6.574072757,6.574073694,6.57407254,6.574072832,6.574072241,6.574072242,6.574072625,6.574071412,6.574072492,6.574072165,6.574072798,6.574072753,6.574072375,6.574072399,6.574072539,6.574073154
+"16633","TMEM185A",6.643226752,6.643227217,6.643226868,6.643227046,6.643226798,6.643226699,6.643226626,6.643226723,6.64322688,6.643226959,6.643227018,6.643227167,6.64322678,6.643226997,6.643226659,6.643227231,6.64322639,6.643226918,6.643226894,6.643226441,6.643226653,6.643226639,6.643226949,6.643227087,6.643227159,6.643226767,6.643226858,6.643226927
+"16634","TMEM185B",7.393728432,7.393729018,7.393727413,7.393728873,7.393727527,7.39372995,7.393728377,7.39372831,7.393728582,7.393728434,7.393727603,7.393727509,7.393728444,7.393728537,7.393727609,7.393728375,7.393727274,7.393727734,7.393727926,7.393730206,7.393727713,7.393728097,7.393728806,7.393728718,7.393727655,7.393727255,7.393728602,7.393727753
+"16635","TMEM186",5.926249799,5.92624983,5.926249792,5.926249711,5.926249762,5.926249705,5.926249743,5.926249732,5.926249763,5.926249848,5.92624972,5.926249672,5.926249807,5.926249853,5.926249701,5.9262497,5.926249699,5.92624968,5.926249772,5.926249711,5.926249743,5.926249727,5.926249823,5.926249771,5.926249743,5.926249734,5.926249725,5.926249732
+"16636","TMEM187",5.918972437,5.918972681,5.918972588,5.918972357,5.918972347,5.918972562,5.918972481,5.918972502,5.918972586,5.918972687,5.918972494,5.918972368,5.918972623,5.918972467,5.918972438,5.918972632,5.918972602,5.918972078,5.918972574,5.918972556,5.91897229,5.918972702,5.918972456,5.918972666,5.918972568,5.918972521,5.918972458,5.918972275
+"16637","TMEM19",6.197639129,6.197638668,6.197638358,6.197638082,6.197638297,6.197638256,6.197638637,6.197638464,6.197638658,6.197638579,6.197637907,6.197638266,6.197638394,6.197639306,6.197638552,6.197638359,6.197638268,6.197638186,6.197638684,6.197638453,6.197638308,6.197638361,6.197638776,6.197638703,6.197637902,6.197638555,6.197638475,6.19763889
+"16638","TMEM190",5.985534278,5.985534449,5.985534558,5.9855345,5.985534525,5.985534259,5.985534417,5.985534585,5.985534517,5.985534471,5.985534649,5.985534584,5.985534447,5.985534247,5.985534486,5.985534624,5.985534554,5.985534561,5.985534309,5.985534484,5.985534429,5.985534544,5.985534369,5.985534499,5.985534555,5.985534471,5.98553434,5.985534553
+"16639","TMEM191A",5.804919126,5.804919057,5.804919099,5.804918915,5.804919305,5.804918859,5.804919122,5.804919299,5.804918955,5.804919096,5.804919287,5.804919261,5.804919175,5.804918615,5.804919302,5.804919324,5.80491947,5.804919204,5.80491909,5.804918949,5.804919078,5.80491929,5.804918984,5.804918949,5.804919167,5.80491921,5.804919158,5.804919118
+"16640","TMEM192",5.810336944,5.810336942,5.810336968,5.810336926,5.810336884,5.810336844,5.810336851,5.810336935,5.81033695,5.810336937,5.810336921,5.810336879,5.810336949,5.810336972,5.810336935,5.810336932,5.81033691,5.81033686,5.810336908,5.810336895,5.810336912,5.81033692,5.810336927,5.810336933,5.810336947,5.810336934,5.810336943,5.810336948
+"16641","TMEM196",4.109090102,4.109090217,4.109090128,4.109090101,4.109090204,4.109090252,4.109090132,4.109090129,4.109090152,4.109090124,4.109090117,4.10909023,4.10909004,4.109090021,4.109090094,4.109090209,4.10909015,4.109090105,4.109090224,4.109090248,4.109090151,4.109090116,4.109090136,4.109090109,4.109090123,4.109090109,4.109090108,4.109090146
+"16642","TMEM198",5.589385294,5.589385327,5.58938545,5.589385373,5.589385513,5.589385361,5.589385397,5.589385444,5.589385403,5.589385402,5.589385381,5.58938545,5.589385364,5.589385266,5.589385401,5.589385373,5.589385527,5.589385385,5.589385405,5.589385381,5.589385415,5.589385466,5.589385303,5.58938534,5.589385404,5.589385407,5.589385377,5.589385336
+"16643","TMEM198B",6.069280242,6.069280241,6.06928024,6.069280246,6.069280252,6.069280262,6.069280247,6.069280254,6.069280277,6.069280249,6.069280256,6.069280282,6.069280264,6.069280238,6.069280229,6.069280239,6.06928024,6.069280243,6.069280241,6.069280243,6.069280238,6.069280242,6.069280252,6.069280252,6.069280237,6.069280236,6.06928024,6.069280233
+"16644","TMEM199",7.280454841,7.28045484,7.280455017,7.280454939,7.280454632,7.280455198,7.280454765,7.280454817,7.280454509,7.280454663,7.28045439,7.280454087,7.280454798,7.280455133,7.280454551,7.280454641,7.280454586,7.280454716,7.280454782,7.280454861,7.280454575,7.280454763,7.280455038,7.28045501,7.280454764,7.280454518,7.280454985,7.280454919
+"16645","TMEM200A",4.323064114,4.323064021,4.323064281,4.323064019,4.323064358,4.323063979,4.323064037,4.32306425,4.323063917,4.323064198,4.323064103,4.323064161,4.323064177,4.323063995,4.323064255,4.323064194,4.323064464,4.323064043,4.323064008,4.323064147,4.323064265,4.323064337,4.323063764,4.323063876,4.323064227,4.32306423,4.32306405,4.323064023
+"16646","TMEM200B",6.999430046,6.999430019,6.999430483,6.999430168,6.999430762,6.999430435,6.999430299,6.999430355,6.999430362,6.99943045,6.999430585,6.999430811,6.999430232,6.99942992,6.999430516,6.999430139,6.99943073,6.999430234,6.99943035,6.999430355,6.999430478,6.999430563,6.999430231,6.999430202,6.999430453,6.999430333,6.999430212,6.999430341
+"16647","TMEM201",5.641922501,5.641922476,5.641922618,5.641922534,5.641922725,5.641922658,5.641922643,5.641922651,5.641922563,5.641922614,5.64192255,5.641922659,5.641922539,5.641922377,5.641922688,5.641922646,5.641922745,5.641922695,5.641922523,5.641922542,5.641922683,5.641922617,5.641922582,5.641922494,5.641922612,5.641922651,5.641922614,5.641922624
+"16648","TMEM202",2.885199541,2.885199483,2.885199519,2.885199506,2.885199544,2.885199546,2.885199517,2.885199553,2.885199527,2.885199543,2.885199532,2.885199538,2.885199537,2.885199507,2.88519949,2.885199555,2.885199523,2.885199585,2.885199513,2.885199542,2.885199571,2.885199482,2.885199499,2.885199506,2.88519952,2.885199536,2.885199495,2.885199497
+"16649","TMEM203",6.6152323915,6.61523243,6.615232202,6.615232042,6.6152321375,6.6152321215,6.615232122,6.6152322475,6.61523235,6.6152321345,6.615231929,6.615231992,6.615232316,6.615232555,6.6152319905,6.615232396,6.6152320215,6.6152317845,6.6152322145,6.615232146,6.6152320805,6.615232253,6.615232398,6.6152323015,6.615231655,6.615232117,6.6152324015,6.615232299
+"16650","TMEM204",7.725642906,7.725643569,7.72564362,7.725641886,7.725643247,7.725643036,7.725642906,7.725644419,7.725644856,7.725643486,7.725642776,7.725643549,7.72564435,7.725644378,7.725642975,7.725643275,7.725643332,7.725642042,7.725643165,7.725642541,7.725642893,7.725644432,7.725644246,7.725643115,7.725642969,7.725643665,7.725644451,7.725644002
+"16651","TMEM205",6.835631094,6.83563107,6.83563116,6.835631047,6.835631013,6.83563111,6.835631121,6.835631041,6.835631004,6.835631075,6.835631047,6.835630987,6.835631157,6.835631115,6.835631037,6.835631021,6.835631031,6.835630855,6.835631058,6.835631141,6.835631021,6.835631008,6.835630855,6.835631104,6.835630967,6.835631072,6.835631116,6.83563101
+"16652","TMEM207",3.566420871,3.566420894,3.566420947,3.566420899,3.566420929,3.566420886,3.566420926,3.566420949,3.5664209,3.566420935,3.566420929,3.566420941,3.566420887,3.566420925,3.566420942,3.566420917,3.566420935,3.566420957,3.566420906,3.566420909,3.566420875,3.566420901,3.566420915,3.566420909,3.566420938,3.566420907,3.566420898,3.56642091
+"16653","TMEM208",6.679693154,6.679693062,6.679692949,6.679692806,6.67969251,6.679693226,6.679693025,6.679692861,6.679693348,6.679692663,6.679692485,6.679692651,6.67969329,6.679693268,6.679692766,6.679693379,6.679692585,6.679692719,6.679692744,6.679693226,6.679692745,6.679692951,6.679692968,6.679693096,6.679692561,6.679692811,6.679693172,6.679692659
+"16654","TMEM209",6.457344444,6.457344126,6.457344023,6.457343896,6.457343716,6.457343881,6.457344045,6.457343933,6.457344298,6.457344167,6.457343704,6.45734371,6.45734417,6.457344553,6.4573441,6.457343972,6.457343863,6.457343641,6.45734401,6.457344021,6.45734389,6.457343968,6.45734429,6.457344276,6.457343679,6.457344061,6.457344237,6.457344363
+"16655","TMEM210",5.784514006,5.784514072,5.784513938,5.784514199,5.784514112,5.78451407,5.784513957,5.784514083,5.784513996,5.784514025,5.784514037,5.784514162,5.784514092,5.784513666,5.784513948,5.78451417,5.784514215,5.784514102,5.784514126,5.784513975,5.784514029,5.784513985,5.784514231,5.784514068,5.784514181,5.784514035,5.784514127,5.784513902
+"16656","TMEM212",3.76544072,3.765440906,3.765440737,3.765440789,3.765440811,3.765440713,3.765440941,3.765440779,3.765440715,3.765440813,3.765440861,3.765440758,3.765440658,3.765440628,3.76544088,3.765440719,3.765440906,3.765440871,3.765440831,3.765440744,3.76544096,3.765440817,3.765440741,3.76544071,3.765440671,3.765440784,3.765440759,3.765440719
+"16657","TMEM214",7.203789421,7.203789471,7.203789459,7.203789352,7.203789465,7.203789885,7.203789755,7.203789487,7.203789555,7.203789601,7.203789557,7.203789473,7.203789531,7.203789504,7.203789396,7.203789496,7.203789121,7.20378875,7.203789474,7.203789578,7.203789541,7.203789565,7.203789312,7.203789521,7.203789339,7.203789383,7.203789592,7.203789584
+"16658","TMEM215",5.056999721,5.057000147,5.056999971,5.056999864,5.057000148,5.057000017,5.056999942,5.057000078,5.057000113,5.056999992,5.057000162,5.057000039,5.056999775,5.056999914,5.057000088,5.057000238,5.05700017,5.057000105,5.056999944,5.057000125,5.056999947,5.056999919,5.056999913,5.057000063,5.057000091,5.056999955,5.056999884,5.057000232
+"16659","TMEM216",5.468585094,5.46858517,5.46858508,5.468585115,5.468585039,5.468585013,5.468585059,5.468585028,5.468584965,5.468585055,5.468585087,5.468584975,5.468585102,5.468585128,5.468585035,5.468585083,5.468584953,5.468585129,5.468585123,5.468584992,5.468584997,5.468584944,5.468585048,5.468585084,5.46858508,5.468585011,5.468585098,5.468585064
+"16660","TMEM217",4.152118736,4.152118808,4.152118756,4.152118732,4.152118798,4.152118706,4.152118849,4.152118843,4.15211878,4.152118752,4.152118867,4.152118823,4.15211872,4.152118772,4.152118819,4.152118772,4.152118814,4.152118857,4.152118704,4.152118801,4.152118783,4.152118866,4.152118814,4.15211877,4.152118875,4.152118729,4.152118758,4.152118866
+"16661","TMEM218",6.649768721,6.649768711,6.649768616,6.649768576,6.649768565,6.649768606,6.649768746,6.649768558,6.64976884,6.649768496,6.649768384,6.649768474,6.649768623,6.64976872,6.649768449,6.649768668,6.649768546,6.649768216,6.649768676,6.649768611,6.649768438,6.649768669,6.649768663,6.649768669,6.649768307,6.649768516,6.649768484,6.649768326
+"16662","TMEM219",6.324825233,6.32482527,6.324825403,6.324825319,6.324825287,6.324825444,6.324825326,6.3248254,6.324825384,6.32482528,6.324825319,6.324825363,6.324825405,6.324825358,6.32482542,6.324825381,6.324825515,6.324825303,6.324825372,6.324825396,6.324825318,6.3248254,6.324825255,6.324825341,6.32482519,6.324825307,6.324825367,6.324825294
+"16663","TMEM220",4.867102774,4.867102759,4.86710276,4.867102727,4.867102778,4.867102727,4.867102753,4.867102787,4.867102826,4.867102733,4.867102785,4.867102767,4.8671028,4.867102765,4.86710278,4.867102761,4.867102777,4.867102775,4.867102764,4.86710277,4.867102759,4.867102775,4.867102762,4.867102784,4.867102781,4.867102782,4.867102758,4.867102773
+"16664","TMEM221",6.816703476,6.816703421,6.816703563,6.816703559,6.816703627,6.816703522,6.816703541,6.81670365,6.816703585,6.816703567,6.816703594,6.816703654,6.816703524,6.816703379,6.816703528,6.81670351,6.816703664,6.816703509,6.81670358,6.816703521,6.816703515,6.816703587,6.816703522,6.816703427,6.816703581,6.816703532,6.816703495,6.816703504
+"16665","TMEM222",6.527088276,6.527088411,6.527088344,6.527088447,6.527088131,6.527088421,6.527088261,6.527088213,6.527088307,6.527088371,6.527088086,6.527088219,6.527088458,6.527088313,6.527088212,6.527088306,6.527088298,6.527088215,6.527088152,6.527088127,6.527088206,6.527088336,6.527088272,6.527088374,6.52708829,6.527088301,6.527088291,6.527088258
+"16666","TMEM223",6.398179419,6.398179329,6.398179411,6.398179237,6.398179522,6.398179481,6.398179429,6.398179538,6.398179596,6.398179507,6.398179333,6.398179461,6.398179471,6.39817952,6.398179454,6.398179241,6.398179484,6.398179249,6.398179484,6.398179448,6.398179377,6.398179486,6.39817947,6.398179355,6.39817933,6.398179426,6.398179466,6.398179471
+"16667","TMEM225",2.843248166,2.843248166,2.843248174,2.843248176,2.843248153,2.843248182,2.843248183,2.843248181,2.843248163,2.84324818,2.843248165,2.843248189,2.843248157,2.843248169,2.843248153,2.843248181,2.843248176,2.84324817,2.843248174,2.843248161,2.843248157,2.843248171,2.843248178,2.843248174,2.843248169,2.843248169,2.843248162,2.843248194
+"16668","TMEM229A",3.694139324,3.694139491,3.694139371,3.694139588,3.694139726,3.694139452,3.694139754,3.694139509,3.694139284,3.69413966,3.694139747,3.694139959,3.694139483,3.694139343,3.694139796,3.694139527,3.694140192,3.694139565,3.694139505,3.694139517,3.694139767,3.694139697,3.694139636,3.694139451,3.694139562,3.694139826,3.694139599,3.69413974
+"16669","TMEM229B",6.248186889,6.248186603,6.248186396,6.248183369,6.248187009,6.248187869,6.248186042,6.248187192,6.248187277,6.248186961,6.248186194,6.24818433,6.248187866,6.248187315,6.248185414,6.248186889,6.24818471,6.248184064,6.248185602,6.248187961,6.248185204,6.248186439,6.248187694,6.248186792,6.248185434,6.248186933,6.24818746,6.24818569
+"16670","TMEM230",8.24878622,8.248786186,8.24878575,8.24878545,8.248785668,8.248785823,8.248785844,8.248785576,8.248786113,8.248786109,8.24878555,8.248785338,8.248786111,8.248786455,8.248785679,8.248785748,8.248785807,8.248785447,8.248786028,8.248785078,8.248785379,8.248785929,8.248786055,8.248786054,8.248785471,8.248785654,8.248785936,8.248785904
+"16671","TMEM231",4.623623827,4.62362395,4.623623923,4.623623781,4.62362383,4.623623992,4.623623941,4.623623838,4.623623948,4.623624029,4.623624062,4.623623971,4.623623887,4.623623914,4.623623982,4.623623832,4.623623821,4.623623972,4.623623782,4.62362414,4.623623876,4.623624,4.62362391,4.623623889,4.623623835,4.623623808,4.623623812,4.623623816
+"16672","TMEM232",3.19311547,3.193115637,3.193115647,3.193115622,3.193115565,3.193115585,3.193115737,3.193115714,3.19311546,3.193115601,3.193115643,3.193115641,3.193115637,3.193115766,3.193115615,3.193115578,3.193115675,3.193115784,3.193115741,3.193115484,3.193115518,3.193115697,3.193115519,3.193115538,3.193115645,3.193115593,3.193115746,3.193115685
+"16673","TMEM234",6.206921991,6.206922,6.206921997,6.206921975,6.206921938,6.206921991,6.20692196,6.206921969,6.206921985,6.206921978,6.206921979,6.206921971,6.206922006,6.206921961,6.206921964,6.206922008,6.206921971,6.20692198,6.206921995,6.206922009,6.206921959,6.206921985,6.206921986,6.206921983,6.206922007,6.206921977,6.206922004,6.206921957
+"16674","TMEM236",4.198962094,4.198962099,4.198962102,4.198962107,4.198962126,4.198962084,4.19896211,4.198962117,4.198962098,4.198962096,4.198962105,4.198962112,4.198962108,4.198962085,4.198962112,4.198962129,4.198962108,4.198962113,4.1989621,4.198962108,4.198962119,4.198962106,4.198962096,4.198962088,4.198962095,4.198962113,4.198962086,4.198962104
+"16675","TMEM237",3.827893624,3.827893574,3.827893584,3.827893597,3.827893667,3.827893695,3.827893618,3.827893691,3.827893603,3.82789357,3.82789361,3.82789367,3.827893633,3.827893577,3.827893593,3.827893633,3.827893645,3.82789365,3.82789362,3.827893547,3.827893603,3.827893586,3.827893622,3.827893543,3.827893664,3.82789358,3.827893636,3.827893597
+"16676","TMEM239",5.87648365,5.876483664,5.876483724,5.876483676,5.876483739,5.87648364,5.876483688,5.876483716,5.876483682,5.876483696,5.876483697,5.876483751,5.876483635,5.876483575,5.87648371,5.876483675,5.876483748,5.876483735,5.876483687,5.876483683,5.876483708,5.876483715,5.876483678,5.876483646,5.876483711,5.876483699,5.876483667,5.876483683
+"16677","TMEM241",5.146051723,5.146051665,5.146051643,5.146051668,5.146051649,5.146051712,5.146051687,5.146051689,5.146051703,5.146051698,5.146051654,5.146051668,5.146051723,5.146051637,5.14605161,5.146051654,5.146051624,5.146051628,5.14605171,5.146051712,5.146051666,5.146051653,5.146051685,5.146051675,5.146051596,5.146051669,5.146051694,5.146051647
+"16678","TMEM242",6.0406700005,6.040672257,6.0406699815,6.0406697945,6.0406709105,6.0406720015,6.0406708845,6.0406696525,6.0406692025,6.040669359,6.0406707495,6.040669174,6.040670207,6.040670609,6.0406699295,6.040670624,6.040670771,6.0406697,6.040670929,6.0406710585,6.040669698,6.040669925,6.040669945,6.0406701085,6.040668461,6.040669408,6.0406694905,6.040669708
+"16679","TMEM243",7.035063772,7.035063087,7.035063098,7.035062819,7.035062809,7.035062579,7.035063137,7.03506279,7.035063525,7.03506342,7.035062409,7.035063128,7.035063545,7.03506473,7.035063196,7.035062792,7.035062346,7.0350626,7.035063026,7.035062771,7.035062973,7.035062875,7.035063704,7.035063316,7.035062565,7.035063371,7.035063734,7.03506388
+"16680","TMEM244",3.632938945,3.632938984,3.632939027,3.632938992,3.632939039,3.632938956,3.632938932,3.632939085,3.632938947,3.63293882,3.632938924,3.632938998,3.632938884,3.632938969,3.632938952,3.63293904,3.63293896,3.632939047,3.632938991,3.632938897,3.632938951,3.632939011,3.632939036,3.6329389,3.632938979,3.632938933,3.63293899,3.632938999
+"16681","TMEM245",7.516315142,7.516315039,7.516314217,7.516313616,7.516315064,7.516313854,7.516314433,7.516314477,7.516315534,7.516315092,7.516313877,7.516314651,7.516315025,7.516315934,7.516314353,7.516314628,7.516313509,7.516313134,7.516314878,7.516313136,7.516314322,7.516314214,7.516315466,7.516314597,7.516314002,7.51631483,7.5163151,7.516315558
+"16682","TMEM247",4.786454184,4.786454073,4.786454036,4.78645443,4.786454663,4.786453857,4.786454281,4.786454426,4.786454494,4.786454002,4.786454421,4.786454648,4.786454144,4.786453849,4.786454663,4.786454592,4.786454693,4.786454564,4.786454443,4.786454442,4.786454741,4.786454697,4.786453719,4.786454028,4.786454632,4.786454637,4.78645414,4.78645434
+"16683","TMEM248",8.184870945,8.184870927,8.184870851,8.184870929,8.184870879,8.184870924,8.184870916,8.184870759,8.184870968,8.184871089,8.184870921,8.184870634,8.184871064,8.184871116,8.184870926,8.184870742,8.184870716,8.184870871,8.184870898,8.184871009,8.184870842,8.184870853,8.184870981,8.184871113,8.184870711,8.184871006,8.184870954,8.184871104
+"16684","TMEM25",5.396535009,5.396534571,5.396535102,5.396535245,5.3965353,5.396535197,5.396535273,5.396535189,5.396535165,5.396535236,5.396534899,5.396534794,5.396535233,5.396535001,5.396535363,5.396534798,5.396535169,5.396535128,5.396535113,5.396535177,5.396535463,5.39653537,5.396534937,5.396535115,5.396535271,5.396535301,5.396535214,5.396535283
+"16685","TMEM252",5.748382776,5.748382846,5.748382167,5.748383166,5.748382462,5.748383346,5.748383163,5.748382821,5.74838275,5.748382757,5.748383004,5.748381827,5.748383306,5.748382539,5.748383086,5.748383059,5.748382526,5.748383194,5.748382983,5.748383415,5.748383254,5.748382907,5.748383096,5.748382973,5.748382988,5.748382309,5.748383118,5.748382334
+"16686","TMEM254",5.662719082,5.662719085,5.662718989,5.662718873,5.66271881,5.662718871,5.662718826,5.662719033,5.662719137,5.662719046,5.662718834,5.662718891,5.662718963,5.662719105,5.662718908,5.662718993,5.662718812,5.662718875,5.662718901,5.662719053,5.662718901,5.662719072,5.662719033,5.662719054,5.66271876,5.662718951,5.662719033,5.662718924
+"16687","TMEM255A",4.638180125,4.638179831,4.638179766,4.638179642,4.638180129,4.638179697,4.638180062,4.638180018,4.638179838,4.638179841,4.638179993,4.638180241,4.638179921,4.638179771,4.638180209,4.638180086,4.638180134,4.638179971,4.638179998,4.638179957,4.638179935,4.638180257,4.638179794,4.638179931,4.638180017,4.638179974,4.638179593,4.638180152
+"16688","TMEM255B",5.062580296,5.062580304,5.062580336,5.062580282,5.062580477,5.06258034,5.062580378,5.062580376,5.062580312,5.062580319,5.062580408,5.062580454,5.062580375,5.062580255,5.062580409,5.062580353,5.062580491,5.062580426,5.062580422,5.06258037,5.062580399,5.062580407,5.062580298,5.062580318,5.062580372,5.062580363,5.062580354,5.062580348
+"16689","TMEM258",7.091040325,7.091040142,7.091040318,7.091040137,7.091040345,7.091040258,7.091040378,7.091040288,7.091040134,7.091040214,7.091040265,7.091040029,7.091040372,7.091040105,7.0910403,7.091040229,7.091040266,7.091039973,7.09104027,7.091040326,7.091040198,7.09104014,7.091040273,7.09104017,7.091040124,7.091040093,7.091040331,7.091039993
+"16690","TMEM259",8.425426951,8.425426966,8.425426958,8.425426958,8.42542693,8.425427127,8.42542699,8.425427034,8.425426932,8.425426971,8.425426864,8.425427011,8.425427055,8.425427032,8.42542685,8.425426892,8.425426946,8.42542682,8.425426978,8.425427042,8.425426883,8.425427045,8.425426876,8.425426948,8.425426855,8.425426956,8.425427052,8.425426908
+"16691","TMEM26",4.015258077,4.015258211,4.015258236,4.015258085,4.015258321,4.015257985,4.015258368,4.015258309,4.015258156,4.015258034,4.015258216,4.015258351,4.015258077,4.015258068,4.015258168,4.015258269,4.015258619,4.015258312,4.015258233,4.015258152,4.015258186,4.015258356,4.015258037,4.015258039,4.015258127,4.015258247,4.01525808,4.015258184
+"16692","TMEM260",6.755917292,6.755916834,6.755916421,6.755917016,6.755916655,6.755916549,6.755916828,6.755916631,6.755916869,6.755916775,6.755916523,6.755915934,6.755916966,6.755917645,6.755917118,6.755916875,6.755916298,6.755916684,6.755917223,6.75591663,6.755916754,6.755916726,6.755917104,6.755917108,6.755916804,6.755916542,6.75591685,6.755917121
+"16693","TMEM262",5.747806648,5.747806595,5.747806666,5.74780669,5.747806363,5.74780642,5.747806617,5.747806632,5.747806185,5.747806554,5.747806428,5.747807066,5.747806676,5.747806312,5.747806454,5.747806409,5.7478065,5.74780679,5.747806777,5.747806402,5.747806735,5.747806854,5.747806218,5.747806246,5.747806666,5.747806804,5.747806335,5.747806543
+"16694","TMEM263",5.510169424,5.510169431,5.510168975,5.510168976,5.510168946,5.510168953,5.510169167,5.510169351,5.510169521,5.510169489,5.510168325,5.510169254,5.510169359,5.510170062,5.510169171,5.510169256,5.510168743,5.510168878,5.51016939,5.510168806,5.510168966,5.510169172,5.510169769,5.510169499,5.51016875,5.510169088,5.510169548,5.510169757
+"16695","TMEM266",4.797448693,4.797448701,4.797448714,4.79744867,4.797448724,4.797448677,4.797448712,4.797448692,4.797448704,4.7974487,4.797448701,4.797448718,4.797448672,4.797448653,4.797448708,4.797448681,4.79744872,4.797448736,4.797448703,4.797448697,4.797448718,4.797448714,4.797448671,4.797448666,4.797448711,4.79744871,4.797448698,4.797448705
+"16696","TMEM267",4.604002887,4.604001996,4.604001915,4.604001424,4.604001464,4.60400142,4.604002363,4.604002082,4.604002455,4.604002393,4.604001446,4.604001775,4.604002317,4.604003349,4.60400231,4.604001593,4.604002264,4.604001154,4.604002417,4.604001667,4.604001637,4.604001776,4.604002642,4.604001966,4.604001244,4.604001933,4.604002257,4.604002862
+"16697","TMEM268",6.798567711,6.798568131,6.798567159,6.798567446,6.798567216,6.798570788,6.798567678,6.798566979,6.798567864,6.798567992,6.79856719,6.798567052,6.798568343,6.798567544,6.798567192,6.798567032,6.79856657,6.798566047,6.798567399,6.798570383,6.798567259,6.798567588,6.798567692,6.798567423,6.798566859,6.798567114,6.798568446,6.798567311
+"16698","TMEM269",4.540731896,4.540731977,4.540731997,4.540732123,4.540732322,4.540732112,4.540732092,4.54073224,4.540731909,4.540732246,4.540732191,4.540732201,4.540732353,4.540731785,4.540732435,4.540732061,4.540732415,4.540732107,4.540732159,4.540732227,4.540732212,4.540732258,4.540732055,4.540732069,4.540732236,4.540732212,4.54073196,4.540732175
+"16699","TMEM270",5.140743303,5.140743479,5.140743657,5.140743313,5.140743864,5.140742974,5.140743737,5.140743825,5.14074367,5.14074363,5.140743763,5.14074392,5.140743467,5.140743137,5.140743755,5.140743784,5.140744032,5.140743721,5.140743623,5.140743636,5.140743963,5.140743661,5.140743462,5.140743408,5.140743705,5.14074373,5.140743353,5.14074348
+"16700","TMEM30A",7.545783266,7.545782642,7.545782203,7.545783048,7.545780764,7.545781809,7.545782012,7.54578132,7.545781323,7.545781129,7.545781974,7.545780322,7.545781898,7.545783796,7.545782535,7.545782747,7.545781925,7.545782557,7.545782326,7.545782792,7.545782489,7.545781896,7.545782251,7.545782311,7.545781559,7.545781146,7.545781388,7.545782891
+"16701","TMEM30B",5.253726296,5.253726358,5.253726316,5.253726324,5.253726362,5.253726322,5.253726348,5.253726342,5.253726356,5.253726353,5.253726358,5.253726358,5.253726311,5.253726286,5.253726341,5.253726325,5.253726378,5.253726359,5.253726325,5.253726318,5.253726347,5.253726349,5.253726338,5.253726318,5.253726365,5.253726335,5.25372634,5.253726333
+"16702","TMEM31",3.796359927,3.796359878,3.79635984,3.796359985,3.796359979,3.796360044,3.796359941,3.796360033,3.796359867,3.796359905,3.796359924,3.796360073,3.796359947,3.796359791,3.796360051,3.796359922,3.796360141,3.796359899,3.796359921,3.79636013,3.79635998,3.796359901,3.796359808,3.796359883,3.796360001,3.796359959,3.796359989,3.796360148
+"16703","TMEM33",7.735859118,7.735859108,7.735859042,7.735859117,7.735859058,7.735859079,7.735859069,7.73585904,7.735858994,7.735859038,7.735859049,7.735858988,7.735859058,7.735859098,7.735859081,7.735859065,7.735859032,7.735859079,7.735859093,7.735859086,7.735859083,7.735859046,7.735859095,7.735859115,7.735859061,7.735859035,7.735859065,7.735859053
+"16704","TMEM35A",5.43472932,5.434729293,5.434729441,5.434729381,5.43472941,5.434729419,5.434729452,5.434729435,5.434729385,5.434729407,5.434729466,5.434729398,5.434729348,5.434729381,5.434729418,5.434729389,5.434729423,5.434729348,5.434729403,5.434729515,5.434729386,5.434729471,5.434729414,5.434729378,5.434729396,5.434729411,5.434729403,5.434729363
+"16705","TMEM37",5.213115786,5.2131159,5.213115921,5.213115985,5.213116239,5.213116045,5.213116116,5.213116228,5.213115864,5.213115825,5.213115841,5.213116408,5.213115891,5.213115573,5.21311603,5.2131161,5.21311615,5.213116179,5.213116162,5.213116158,5.213116148,5.2131162,5.213115765,5.213115799,5.213115832,5.213115977,5.213115882,5.213115937
+"16706","TMEM38A",6.18443331,6.18443346,6.184433306,6.184433284,6.184433515,6.184433331,6.18443346,6.184433378,6.184433264,6.18443342,6.184433439,6.184433524,6.184433251,6.184433126,6.184433467,6.184433549,6.184433495,6.184433507,6.184433513,6.184433402,6.184433415,6.184433336,6.184433026,6.184433304,6.184433207,6.184433319,6.184433221,6.184433413
+"16707","TMEM38B",4.766047167,4.766047053,4.766046832,4.766046039,4.766046697,4.766046859,4.766046894,4.766046562,4.766047161,4.766047134,4.766046425,4.766046194,4.766047132,4.766047576,4.766046836,4.766047,4.766046491,4.766046638,4.766046895,4.766046827,4.766046712,4.766046694,4.766047372,4.766047397,4.766046978,4.766046727,4.766047138,4.76604756
+"16708","TMEM39A",6.395383421,6.395383345,6.395383287,6.395383241,6.395383035,6.395383194,6.395383237,6.395383081,6.395383261,6.395383064,6.395383023,6.395383092,6.395383333,6.395383537,6.395383197,6.395383176,6.395382868,6.395382809,6.395383177,6.395382943,6.39538312,6.395383097,6.395383222,6.395383209,6.395382775,6.395383113,6.395383392,6.395383372
+"16709","TMEM39B",6.310978336,6.310978338,6.310978346,6.310978351,6.310978345,6.310978353,6.310978347,6.310978348,6.310978353,6.310978361,6.310978335,6.310978352,6.310978347,6.310978336,6.310978352,6.310978337,6.310978352,6.310978343,6.310978344,6.310978319,6.310978323,6.310978352,6.310978353,6.310978335,6.310978335,6.310978334,6.31097835,6.310978333
+"16710","TMEM40",5.589830988,5.589831128,5.589831205,5.589831754,5.589831738,5.589831183,5.589831202,5.589831098,5.589831136,5.589831835,5.589831596,5.589831828,5.589831377,5.589830993,5.589831249,5.589831367,5.589831461,5.589832028,5.589831604,5.589831165,5.58983148,5.589831106,5.589831353,5.589831876,5.589831698,5.589831478,5.58983112,5.589831094
+"16711","TMEM41A",6.381684197,6.381684114,6.381684233,6.381683938,6.381684212,6.381684255,6.381684231,6.381684225,6.381684227,6.381684109,6.381684019,6.38168411,6.381684157,6.381684235,6.381684129,6.381684193,6.381684154,6.381683955,6.38168414,6.381684199,6.381684003,6.381684104,6.381684313,6.381684144,6.381683991,6.381684209,6.381684247,6.381684236
+"16712","TMEM41B",5.666642327,5.666642302,5.666642278,5.666642279,5.666642286,5.666642263,5.666642291,5.666642271,5.666642322,5.666642308,5.666642292,5.666642276,5.666642287,5.66664233,5.666642296,5.666642287,5.666642265,5.666642295,5.666642297,5.666642296,5.666642279,5.666642278,5.666642321,5.666642315,5.666642288,5.666642306,5.666642289,5.666642297
+"16713","TMEM43",8.684264328,8.684266057,8.68426351,8.684266201,8.684263394,8.684264325,8.684263636,8.684263478,8.684263179,8.684263955,8.684264417,8.684262397,8.684264624,8.684264442,8.684263749,8.684265447,8.684262952,8.684265664,8.684264382,8.684264497,8.684263199,8.684263236,8.684264273,8.684265077,8.684265117,8.684263323,8.68426471,8.684263522
+"16714","TMEM44",5.471385201,5.471385215,5.471385234,5.471385228,5.471385251,5.47138517,5.471385233,5.471385244,5.471385227,5.471385232,5.471385257,5.471385252,5.471385231,5.471385196,5.471385253,5.47138524,5.471385247,5.471385263,5.471385235,5.471385219,5.471385251,5.471385245,5.4713852,5.471385202,5.471385247,5.471385235,5.471385243,5.471385238
+"16715","TMEM45A",3.022999072,3.022999039,3.022999118,3.022999049,3.022999189,3.022999065,3.022999219,3.022999115,3.022999049,3.022999043,3.022999275,3.022999247,3.022999219,3.022999088,3.022999081,3.022999198,3.022999321,3.02299918,3.022999106,3.022999161,3.022999149,3.022999194,3.022999098,3.022999108,3.022999377,3.022999111,3.022999072,3.022999155
+"16716","TMEM45B",6.672367279,6.672369301,6.672366757,6.672370197,6.672363194,6.672365435,6.672366392,6.672365545,6.672365438,6.672366531,6.672367797,6.672367151,6.672367767,6.672367056,6.672367378,6.672369826,6.672366972,6.672369693,6.672363623,6.672365519,6.672365785,6.672366152,6.672367179,6.672368121,6.672367966,6.672367864,6.672367314,6.672366542
+"16717","TMEM47",4.098484669,4.098484631,4.098484671,4.098484786,4.098484912,4.098484708,4.098484689,4.098484811,4.098484828,4.09848459,4.098484777,4.098485016,4.098484792,4.09848461,4.098484877,4.098484713,4.098484898,4.098484849,4.098484712,4.098484788,4.098484849,4.098484884,4.098484604,4.09848468,4.098484736,4.09848492,4.098484729,4.098484733
+"16718","TMEM50A",8.335782261,8.335782262,8.335782057,8.335782271,8.33578212,8.335782007,8.335782134,8.335781922,8.335782093,8.335782115,8.335782073,8.335781721,8.335781989,8.335782313,8.335782223,8.335782451,8.33578196,8.335782146,8.335782296,8.335781805,8.335782237,8.335781997,8.33578214,8.335782341,8.335782041,8.335781995,8.335781943,8.335782105
+"16719","TMEM50B",6.374054676,6.374054325,6.374054307,6.374054037,6.374054082,6.374054179,6.374054312,6.374054029,6.374054364,6.374054275,6.374054079,6.374054176,6.374054408,6.374054864,6.374054462,6.374054355,6.374054173,6.374053976,6.374054375,6.374054068,6.374054211,6.374054345,6.374054267,6.374054231,6.374054212,6.374054338,6.374054415,6.374054536
+"16720","TMEM51",4.780785186,4.78078509,4.780785292,4.780785228,4.780785373,4.780785197,4.780785232,4.780785333,4.780785277,4.78078524,4.780785266,4.780785366,4.780785226,4.78078509,4.780785231,4.780785184,4.780785352,4.780785326,4.780785222,4.780785238,4.780785313,4.780785389,4.780785191,4.780785202,4.780785299,4.780785343,4.780785153,4.780785315
+"16721","TMEM51-AS1",4.431176962,4.431176948,4.4311772135,4.431177151,4.4311772165,4.431177171,4.4311771065,4.4311772645,4.4311770625,4.4311771275,4.431177114,4.431177257,4.4311770355,4.431176963,4.431177119,4.431177088,4.431177235,4.431177022,4.4311772325,4.431177009,4.43117717,4.431177165,4.4311770345,4.431177064,4.4311770385,4.4311771265,4.431177065,4.4311770875
+"16722","TMEM52",6.628113804,6.628113747,6.628113983,6.62811399,6.62811403,6.628113711,6.628113882,6.628114005,6.628113807,6.628113868,6.628113933,6.628113922,6.628113944,6.62811375,6.628113924,6.628113867,6.6281141,6.628113999,6.628113963,6.628113862,6.628114004,6.628114005,6.628113782,6.628113814,6.628113935,6.628113913,6.628113888,6.628113895
+"16723","TMEM52B",4.014701766,4.014701708,4.014701802,4.014701817,4.01470194,4.014701752,4.01470186,4.014701753,4.014701759,4.014701669,4.014701861,4.01470206,4.014701892,4.014701811,4.014701899,4.014701786,4.014702018,4.014702006,4.014701678,4.014701809,4.014701953,4.014701833,4.014701774,4.014701665,4.014701756,4.014701894,4.01470167,4.014701808
+"16724","TMEM53",5.528539379,5.528539431,5.528539364,5.528539334,5.528539388,5.528539351,5.528539287,5.5285394,5.528539385,5.52853944,5.52853937,5.528539405,5.528539349,5.528539213,5.528539434,5.528539339,5.528539513,5.528539374,5.528539387,5.528539505,5.528539319,5.528539493,5.528539478,5.528539385,5.528539264,5.528539394,5.528539269,5.528539296
+"16725","TMEM54",5.909254958,5.909255101,5.909255262,5.909255113,5.90925538,5.909254927,5.909255079,5.909255346,5.909255257,5.909255181,5.909255246,5.909255265,5.909255221,5.909254953,5.909255234,5.909255301,5.909255289,5.909255341,5.909255025,5.90925517,5.909255251,5.909255318,5.909255049,5.909255154,5.909255282,5.909255171,5.90925514,5.909255247
+"16726","TMEM59",8.213043769,8.213043628,8.213043492,8.213043563,8.213043087,8.21304318,8.213043479,8.21304317,8.2130432,8.213043078,8.213043201,8.213042367,8.21304337,8.213044285,8.213043633,8.213043519,8.213043152,8.213043185,8.213043507,8.213043623,8.21304338,8.213043247,8.213043675,8.213043477,8.213043354,8.213042882,8.213043186,8.213043585
+"16727","TMEM59L",5.719619995,5.719620016,5.719620353,5.719620196,5.719620494,5.719620077,5.71962036,5.719620457,5.719620147,5.719620065,5.719620283,5.71962043,5.71962023,5.719619763,5.719620377,5.719620161,5.719620537,5.719620367,5.719620228,5.719620291,5.719620449,5.719620406,5.719620051,5.719619969,5.719620279,5.719620344,5.719620082,5.719620132
+"16728","TMEM60",5.067180302,5.067180346,5.06718019,5.067180285,5.067180234,5.06718024,5.067180184,5.067180181,5.067180262,5.067180259,5.067180211,5.067180168,5.067180213,5.067180423,5.067180233,5.067180262,5.067180154,5.067180121,5.067180263,5.067180407,5.067180276,5.067180194,5.067180401,5.067180352,5.06718014,5.067180201,5.067180178,5.067180282
+"16729","TMEM61",6.789650057,6.789650109,6.789650227,6.789650051,6.789650212,6.789650104,6.789650144,6.789650211,6.789650085,6.78965011,6.789650189,6.789650294,6.789650136,6.789650024,6.789650193,6.789650176,6.78965027,6.78965018,6.789650107,6.789650081,6.789650143,6.789650228,6.789650124,6.789650045,6.789650102,6.789650174,6.789650094,6.789650115
+"16730","TMEM62",6.218595758,6.218595259,6.218594874,6.218594644,6.218594939,6.218595108,6.218595094,6.218594649,6.218594933,6.218594879,6.218594883,6.218594841,6.218595289,6.218595399,6.218595304,6.218595062,6.218594922,6.218594512,6.218595348,6.218595317,6.218595044,6.218595175,6.218595172,6.218595247,6.218594778,6.218595027,6.218595151,6.218595149
+"16731","TMEM63A",8.84301635,8.843016159,8.843015422,8.843015703,8.843015776,8.843016462,8.843016132,8.843016126,8.84301692,8.84301649,8.843015199,8.843016552,8.843016663,8.843016811,8.843016027,8.843016014,8.843014948,8.84301534,8.843015744,8.843015589,8.843015548,8.843016301,8.843016282,8.843015662,8.843015341,8.843016623,8.84301675,8.843016133
+"16732","TMEM63B",7.445258344,7.419072043,7.495242031,7.449854403,7.453967309,7.499356805,7.441962838,7.502670203,7.489649874,7.47276348,7.469097986,7.493153912,7.434675217,7.379237194,7.443351726,7.38507892,7.456220049,7.445919206,7.423557199,7.468711243,7.433976291,7.470383908,7.475258474,7.464959943,7.472014571,7.489427288,7.448925045,7.399180941
+"16733","TMEM63C",4.580017951,4.580018262,4.580018589,4.580018671,4.580018471,4.580018103,4.580018717,4.58001839,4.58001851,4.580018293,4.580017991,4.580018611,4.580018531,4.580017932,4.580018234,4.580018522,4.580018816,4.580018793,4.580018423,4.580018282,4.580018885,4.580018253,4.580018112,4.580018181,4.580017963,4.580018421,4.580018749,4.580018226
+"16734","TMEM65",6.843793296,6.843793599,6.843792928,6.843793048,6.843792545,6.843792724,6.843792928,6.843792754,6.843792712,6.843792593,6.843792795,6.843792043,6.84379301,6.84379386,6.843792818,6.843793332,6.843792717,6.843792667,6.843793423,6.843792265,6.843792659,6.843792731,6.843793124,6.843792972,6.843792536,6.8437925,6.843792833,6.843793556
+"16735","TMEM67",4.209163265,4.209163243,4.209163233,4.209163234,4.209163236,4.209163203,4.209163219,4.209163238,4.209163256,4.209163251,4.209163242,4.209163236,4.209163237,4.209163286,4.209163234,4.209163218,4.209163245,4.209163199,4.209163261,4.209163198,4.209163203,4.209163237,4.209163239,4.209163211,4.209163195,4.209163235,4.209163214,4.209163257
+"16736","TMEM68",4.802736021,4.802735654,4.802735131,4.802734995,4.802735308,4.802735129,4.802735639,4.802735261,4.802735561,4.802735579,4.802735461,4.802734741,4.802735795,4.802736327,4.802735609,4.802735524,4.802735449,4.802735106,4.802735256,4.802734796,4.802735615,4.802735557,4.802735891,4.802735586,4.802735589,4.802735307,4.802735646,4.802735687
+"16737","TMEM69",6.447583512,6.447582839,6.447583096,6.447582735,6.447582898,6.44758322,6.447583134,6.447582737,6.447583223,6.447582985,6.447582861,6.447583182,6.447583276,6.447583462,6.447582872,6.447582524,6.447582692,6.447582541,6.447583116,6.447583367,6.447582994,6.447582981,6.447583176,6.447583254,6.447582596,6.447583183,6.447583223,6.447583186
+"16738","TMEM70",5.524448843,5.524448829,5.524448847,5.524448842,5.52444881,5.524448834,5.524448844,5.524448796,5.524448831,5.524448829,5.524448821,5.524448813,5.524448828,5.524448874,5.524448834,5.524448811,5.52444884,5.524448824,5.524448854,5.524448821,5.52444881,5.524448845,5.524448833,5.524448812,5.524448814,5.524448802,5.524448816,5.524448841
+"16739","TMEM71",8.706720813,8.706722188,8.706717298,8.70672608,8.706713539,8.706715976,8.706720301,8.706713284,8.706714117,8.706713938,8.706716174,8.706710082,8.706720762,8.706718053,8.706718993,8.706721584,8.706717883,8.706724538,8.706721534,8.706717351,8.706722525,8.706714633,8.706720301,8.706720214,8.706722809,8.70671724,8.706719874,8.70671399
+"16740","TMEM72",5.538551347,5.538551365,5.538551354,5.538551403,5.538551573,5.538551452,5.538551488,5.538551565,5.53855137,5.538551373,5.538551488,5.538551692,5.53855138,5.538551259,5.538551511,5.538551426,5.538551548,5.538551428,5.538551384,5.5385514,5.538551455,5.538551502,5.538551419,5.538551359,5.538551421,5.538551449,5.538551337,5.538551456
+"16741","TMEM74",4.326321061,4.32632112,4.326321125,4.326321058,4.326321433,4.32632095,4.326321223,4.326321283,4.326321179,4.326321177,4.326321151,4.326321108,4.326321244,4.326320985,4.326321199,4.326321246,4.326321338,4.326321428,4.326320968,4.326321247,4.326321344,4.326321331,4.326321055,4.326321175,4.326321348,4.326321301,4.326321072,4.326321243
+"16742","TMEM74B",4.523944443,4.523944366,4.523944822,4.523944487,4.523944848,4.523944462,4.523944665,4.523944746,4.523944659,4.523944461,4.523944755,4.523944915,4.523944508,4.52394432,4.523944771,4.523944415,4.523944859,4.52394463,4.52394478,4.523944573,4.523944826,4.523944784,4.52394463,4.523944394,4.523944509,4.5239447,4.523944412,4.523944616
+"16743","TMEM78",4.0849068,4.084906833,4.084906815,4.084906833,4.084906822,4.084906841,4.084906793,4.084906871,4.084906848,4.084906858,4.084906859,4.084906821,4.08490683,4.084906801,4.084906829,4.084906817,4.084906859,4.084906816,4.08490683,4.084906856,4.084906806,4.084906823,4.084906836,4.08490683,4.084906833,4.084906811,4.084906831,4.08490681
+"16744","TMEM79",5.83772741,5.837727404,5.837727411,5.837727389,5.837727407,5.837727429,5.83772737,5.837727395,5.837727402,5.837727417,5.837727428,5.83772739,5.837727412,5.837727369,5.837727408,5.837727393,5.837727394,5.837727423,5.837727356,5.837727454,5.8377274,5.837727403,5.837727389,5.837727388,5.837727412,5.837727411,5.837727401,5.837727382
+"16745","TMEM80",7.405634686,7.405634562,7.405634044,7.4056343,7.40563406,7.405634315,7.405634778,7.40563411,7.405634257,7.405634067,7.405634082,7.405634261,7.405634334,7.405634333,7.405634193,7.40563441,7.405633916,7.405633797,7.405634218,7.405634046,7.405634658,7.405634148,7.405634312,7.405634024,7.405634072,7.405634331,7.405634378,7.405633984
+"16746","TMEM81",5.419812381,5.419812439,5.41981245,5.419812421,5.419812393,5.419812079,5.419812228,5.419812512,5.419812139,5.419812232,5.419812436,5.419812354,5.419812308,5.419812388,5.419812384,5.419812596,5.419812399,5.419812462,5.419812409,5.419812339,5.419812472,5.419812383,5.419812236,5.419812258,5.419812411,5.419812064,5.419812307,5.419812558
+"16747","TMEM82",5.793258145,5.793258144,5.793258598,5.793258088,5.793258788,5.793257924,5.793258351,5.793258679,5.793258388,5.793258357,5.793258389,5.793258633,5.79325831,5.793257795,5.793258508,5.79325837,5.793258838,5.793258552,5.793258226,5.793258475,5.793258774,5.793258699,5.793258055,5.793257895,5.793258407,5.793258484,5.793257929,5.793258432
+"16748","TMEM86A",5.20428321,5.204283221,5.204283214,5.204283207,5.204283247,5.20428321,5.204283231,5.204283233,5.204283204,5.204283233,5.204283216,5.204283227,5.20428321,5.204283182,5.204283226,5.204283216,5.204283239,5.204283209,5.204283218,5.204283207,5.204283226,5.204283207,5.20428319,5.204283211,5.2042832,5.204283226,5.204283215,5.204283215
+"16749","TMEM86B",7.102070945,7.102071096,7.102071583,7.102071084,7.102071155,7.102071422,7.102071035,7.102071406,7.102071252,7.102071283,7.102071309,7.10207179,7.102070919,7.102070643,7.102071082,7.10207087,7.102071529,7.102071177,7.102071029,7.102071146,7.102070987,7.102071392,7.102071277,7.102071361,7.102071354,7.102071431,7.102070975,7.10207084
+"16750","TMEM87A",7.119034352,7.119034049,7.119033803,7.119033787,7.119033496,7.119033411,7.119033783,7.119033661,7.119034024,7.119033722,7.119033778,7.119032973,7.119034041,7.11903452,7.119033952,7.11903367,7.119033552,7.119033672,7.119033918,7.119033515,7.119033753,7.11903378,7.119034149,7.119034172,7.119033746,7.119033671,7.119034049,7.119034162
+"16751","TMEM87B",6.45316839,6.453168329,6.453167473,6.453167709,6.453167637,6.453167111,6.453167635,6.453167421,6.453167714,6.453168088,6.453167368,6.453167346,6.453167686,6.453168779,6.453167545,6.453167977,6.453166832,6.453167131,6.453167975,6.453167345,6.453167477,6.453167479,6.453167977,6.453168412,6.45316768,6.453167536,6.45316793,6.453167913
+"16752","TMEM88",7.182095422,7.182095902,7.182095571,7.182096369,7.182095407,7.182096056,7.18209597,7.182095919,7.182095553,7.182095288,7.18209568,7.182095601,7.182095555,7.182095594,7.18209556,7.182096178,7.182095694,7.182096215,7.18209603,7.182096114,7.182095816,7.182095754,7.182095896,7.182095981,7.182095894,7.182095641,7.182095592,7.182095609
+"16753","TMEM89",6.45147918,6.451479032,6.451479791,6.451479616,6.451480236,6.451479334,6.451479695,6.45148,6.45147926,6.451479436,6.451479824,6.451480177,6.451479347,6.451478966,6.451479864,6.45147949,6.451479943,6.451480056,6.451479626,6.451479698,6.451479911,6.451479975,6.45147919,6.45147901,6.451479763,6.451480174,6.451479391,6.451479198
+"16754","TMEM8B",5.723482964,5.723483227,5.723483193,5.723483224,5.723483358,5.723482839,5.723483114,5.723483296,5.723483209,5.723483118,5.723483221,5.723483355,5.723483079,5.723483041,5.723483148,5.723483161,5.723483252,5.723483097,5.723483156,5.723482864,5.723483252,5.723483319,5.723482877,5.723482928,5.723483188,5.723483205,5.723483186,5.723483111
+"16755","TMEM9",5.650220344,5.65022032,5.650220354,5.650220332,5.650220396,5.650220325,5.650220382,5.650220369,5.650220368,5.650220326,5.650220348,5.650220415,5.65022033,5.650220289,5.650220376,5.650220379,5.650220439,5.650220369,5.650220401,5.650220332,5.650220403,5.650220415,5.650220351,5.650220297,5.650220347,5.650220377,5.650220324,5.650220353
+"16756","TMEM91",7.524059138,7.524059219,7.524059193,7.524059251,7.524059083,7.524059125,7.524059127,7.524059188,7.524059117,7.524059177,7.52405919,7.524059096,7.524059205,7.524059073,7.524059113,7.524059248,7.524059138,7.524059212,7.524059167,7.524059155,7.524059115,7.52405919,7.524059125,7.524059255,7.524059234,7.524059185,7.524059136,7.524059099
+"16757","TMEM92",5.733342348,5.733342351,5.733342362,5.733342357,5.733342368,5.733342363,5.733342356,5.733342353,5.733342363,5.733342349,5.733342356,5.733342365,5.733342355,5.733342335,5.733342364,5.733342362,5.733342376,5.733342362,5.733342355,5.733342372,5.733342358,5.733342362,5.733342342,5.733342356,5.733342356,5.733342354,5.733342351,5.733342345
+"16758","TMEM94",6.901476782,6.901476798,6.901476793,6.90147679,6.901476794,6.901476807,6.901476803,6.901476807,6.901476807,6.90147681,6.901476793,6.901476795,6.901476794,6.901476793,6.901476788,6.901476804,6.901476778,6.901476796,6.901476793,6.901476783,6.901476794,6.901476804,6.901476791,6.901476794,6.9014768,6.901476799,6.901476798,6.901476795
+"16759","TMEM95",4.425159163,4.425159176,4.425159174,4.425159159,4.425159191,4.425159154,4.425159171,4.425159177,4.425159158,4.425159156,4.425159174,4.425159194,4.425159171,4.425159141,4.42515919,4.425159179,4.425159211,4.425159196,4.425159166,4.425159182,4.425159169,4.42515917,4.42515918,4.425159177,4.425159165,4.425159182,4.425159198,4.425159181
+"16760","TMEM97",5.201978358,5.20197836,5.201978381,5.201978309,5.20197841,5.201978513,5.201978419,5.201978448,5.201978565,5.201978464,5.201978235,5.201978389,5.201978488,5.201978591,5.201978285,5.201978305,5.201978414,5.201978402,5.201978385,5.201978416,5.201978355,5.20197842,5.201978415,5.201978464,5.201978247,5.201978395,5.20197849,5.201978578
+"16761","TMEM98",5.279943616,5.279943836,5.279944077,5.279943663,5.279944101,5.279943526,5.279943721,5.27994439,5.279943787,5.279943896,5.279944365,5.279944068,5.279943682,5.279943334,5.279943918,5.279943935,5.279944072,5.279944223,5.27994403,5.279943739,5.279943777,5.279943949,5.279943685,5.279943625,5.279944175,5.279943874,5.279943859,5.279943877
+"16762","TMEM9B",6.615912846,6.615912806,6.615913023,6.615912664,6.61591255,6.615912829,6.61591275,6.615912529,6.615912816,6.615912912,6.615912722,6.615912292,6.615912859,6.615913186,6.615912572,6.615912565,6.615912673,6.615912507,6.615912775,6.615912578,6.615912623,6.615912546,6.615912879,6.615913044,6.615912625,6.61591256,6.615912806,6.615913001
+"16763","TMF1",6.164748646,6.164748761,6.16474824,6.164748392,6.164748423,6.164747716,6.1647483,6.164747898,6.164748293,6.164748383,6.164748366,6.164747053,6.164748517,6.164749933,6.164748616,6.164748446,6.16474815,6.164748432,6.164748684,6.164747151,6.164748428,6.164747868,6.164748488,6.164748525,6.16474822,6.164748053,6.164748096,6.164749509
+"16764","TMIE",5.146769088,5.146769074,5.146769332,5.146769181,5.146769292,5.146769006,5.146769177,5.146769199,5.146769158,5.146769208,5.146769156,5.146769159,5.146769171,5.146769046,5.146769274,5.146769228,5.146769249,5.146769233,5.146769216,5.146769135,5.146769238,5.146769258,5.146769132,5.146769159,5.146769174,5.146769233,5.146769174,5.146769181
+"16765","TMIGD1",3.516582447,3.516582369,3.516582454,3.516582346,3.516582529,3.516582391,3.516582413,3.516582436,3.516582455,3.516582428,3.51658247,3.516582523,3.516582364,3.516582362,3.5165825,3.516582464,3.516582558,3.516582359,3.516582497,3.51658252,3.51658247,3.516582499,3.516582405,3.516582457,3.516582447,3.51658243,3.516582376,3.516582449
+"16766","TMIGD2",7.589938084,7.589938372,7.589938582,7.589938188,7.589938897,7.589937948,7.589938493,7.58993868,7.589938642,7.589938416,7.589938619,7.589938813,7.58993859,7.589937988,7.589938677,7.589938666,7.589938917,7.589938622,7.589938445,7.589938259,7.589938685,7.589938756,7.589938355,7.589938343,7.589938523,7.589938735,7.58993822,7.589938755
+"16767","TMLHE",7.106080201,7.106080101,7.106079793,7.106080151,7.106079548,7.106080205,7.106079847,7.106079938,7.106079631,7.106079814,7.1060799,7.106079116,7.106080075,7.106080092,7.10607973,7.106079783,7.106079066,7.106079803,7.106079925,7.106080375,7.106079637,7.106079322,7.106079987,7.106079981,7.106080012,7.10607973,7.106080149,7.106079581
+"16768","TMLHE-AS1",3.664785696,3.664785696,3.664785686,3.664785734,3.664785676,3.664785703,3.664785685,3.6647857,3.664785674,3.6647857,3.664785716,3.664785692,3.664785681,3.664785685,3.664785683,3.664785725,3.664785714,3.664785696,3.664785691,3.664785723,3.664785678,3.664785697,3.664785704,3.664785694,3.664785723,3.664785684,3.664785712,3.664785673
+"16769","TMOD1",8.388453283,7.965751934,8.618467861,8.075599804,8.574451442,8.798687054,8.744954975,9.075000572,8.986231744,8.815581455,8.697074553,8.959483821,8.015185055,7.321122174,8.545085578,7.433277457,8.405125599,8.252912817,8.121699713,8.524534313,8.522214358,8.763961957,8.7724147,8.549724601,8.649172296,8.84247271,8.170057773,7.811751183
+"16770","TMOD2",6.258947667,6.258947626,6.258947817,6.258947272,6.258947832,6.258948358,6.258947196,6.258947517,6.258947803,6.258947784,6.258947909,6.258947011,6.25894807,6.258948216,6.258947718,6.25894733,6.258947255,6.258947391,6.258948227,6.258948209,6.258947172,6.258947859,6.258947613,6.258948032,6.258948062,6.258946994,6.258948069,6.258947854
+"16771","TMOD3",7.859369171,7.859369402,7.85936868,7.859369097,7.859368835,7.85936895,7.859368898,7.859368478,7.859368971,7.859369116,7.859368834,7.859368265,7.859369072,7.859369578,7.859368887,7.859369131,7.859368443,7.859369029,7.859369113,7.859368567,7.859369023,7.859368542,7.859369106,7.859369242,7.859369089,7.85936872,7.85936898,7.859369138
+"16772","TMOD4",4.83586154,4.835861621,4.835861533,4.835861675,4.835861537,4.835861562,4.835861465,4.835861441,4.835861639,4.835861581,4.835861559,4.835861696,4.835861694,4.8358614,4.83586152,4.83586157,4.835861479,4.835861745,4.835861517,4.835861547,4.835861421,4.83586158,4.835861585,4.835861484,4.835861583,4.835861675,4.83586159,4.835861613
+"16773","TMPO",7.93917699,7.939176543,7.939176327,7.939176186,7.939176315,7.939175862,7.939176934,7.939176078,7.939176687,7.939176375,7.939176133,7.939175862,7.939176496,7.939177371,7.93917655,7.939176131,7.939176186,7.939175693,7.939176597,7.939176151,7.939176693,7.939176046,7.939176984,7.93917629,7.939175806,7.939176024,7.939176471,7.939177073
+"16774","TMPRSS11A",3.044175253,3.044175265,3.044175267,3.044175313,3.044175283,3.044175292,3.044175271,3.04417528,3.044175222,3.044175271,3.044175267,3.044175298,3.044175217,3.044175258,3.044175238,3.044175277,3.044175255,3.044175253,3.044175268,3.044175235,3.044175304,3.044175276,3.044175237,3.044175218,3.044175251,3.044175303,3.044175279,3.044175325
+"16775","TMPRSS11B",2.677752848,2.677753259,2.677753183,2.677753067,2.677752939,2.677753024,2.677753011,2.677752881,2.677753116,2.677753169,2.677753315,2.677752901,2.677752908,2.677752821,2.677753027,2.677753011,2.677753076,2.677753031,2.677753116,2.677753086,2.677752845,2.677752993,2.677753011,2.677752722,2.677753041,2.677752943,2.677752915,2.677752961
+"16776","TMPRSS11D",3.519813694,3.519813767,3.519813818,3.519813755,3.519813797,3.519813647,3.519813699,3.519813808,3.519813855,3.519813813,3.51981381,3.519813785,3.51981374,3.519813681,3.519813829,3.519813758,3.519813904,3.519813856,3.519813893,3.519813721,3.519813728,3.519813746,3.519813711,3.519813724,3.519813841,3.519813724,3.519813676,3.519813725
+"16777","TMPRSS11E",4.015733973,4.015735277,4.015734283,4.015729719,4.0157362435,4.0157378445,4.0157347555,4.015735579,4.0157371695,4.0157353075,4.015735835,4.0157334065,4.015732446,4.0157344435,4.0157370495,4.015735856,4.01573586,4.0157363525,4.0157340615,4.0157384815,4.0157307315,4.015735598,4.015735671,4.015735207,4.01573422,4.01573179,4.015733704,4.015737177
+"16778","TMPRSS11F",2.755389176,2.755389234,2.755389218,2.755389248,2.755389284,2.755389308,2.755389199,2.755389175,2.755389243,2.755389326,2.755389291,2.755389195,2.755389224,2.755389219,2.755389258,2.755389267,2.755389286,2.755389193,2.755389278,2.755389198,2.755389156,2.755389263,2.755389291,2.755389215,2.755389226,2.755389198,2.75538923,2.755389262
+"16779","TMPRSS12",3.497766596,3.497766665,3.497766633,3.497766701,3.497766767,3.497766556,3.497766753,3.497766704,3.497766771,3.497766566,3.497766713,3.497766766,3.497766658,3.497766478,3.497766752,3.497766716,3.497766713,3.497766754,3.497766642,3.497766735,3.497766762,3.497766675,3.497766622,3.497766617,3.497766699,3.497766795,3.497766552,3.497766614
+"16780","TMPRSS13",4.732037515,4.732037537,4.732037531,4.732037524,4.732037522,4.732037539,4.732037533,4.732037558,4.732037532,4.732037539,4.73203752,4.732037558,4.732037533,4.732037532,4.732037533,4.732037551,4.732037539,4.732037556,4.732037529,4.732037529,4.732037544,4.732037549,4.732037537,4.732037524,4.732037539,4.732037534,4.732037531,4.732037525
+"16781","TMPRSS15",3.152139749,3.152139808,3.152139808,3.152139778,3.152139901,3.152139808,3.152139774,3.152139823,3.152139866,3.152139849,3.152139819,3.152139786,3.152139729,3.152139699,3.152139795,3.152139743,3.152139795,3.152139812,3.152139868,3.152139752,3.152139792,3.1521398,3.152139872,3.152139765,3.152139756,3.152139765,3.152139767,3.152139762
+"16782","TMPRSS2",3.87288703,3.87288704,3.872887031,3.872887019,3.872887067,3.872887034,3.872887027,3.872887052,3.872887044,3.872887053,3.872887025,3.872887039,3.872887046,3.872887003,3.872887031,3.872887055,3.872887034,3.872887041,3.872887052,3.872887047,3.872887058,3.872887028,3.872887051,3.872887006,3.872887031,3.872887074,3.872887008,3.872887043
+"16783","TMPRSS3",4.533012179,4.533012176,4.533012184,4.533012183,4.533012217,4.533012161,4.533012208,4.533012217,4.53301217,4.533012196,4.533012177,4.533012223,4.533012176,4.533012135,4.533012191,4.533012182,4.533012217,4.533012178,4.533012197,4.533012178,4.533012209,4.533012233,4.533012164,4.533012172,4.533012155,4.533012183,4.533012174,4.533012168
+"16784","TMPRSS4",4.110875766,4.110875755,4.110875766,4.110875771,4.110875759,4.110875758,4.110875754,4.110875748,4.110875784,4.110875786,4.110875779,4.110875763,4.11087576,4.110875758,4.110875785,4.110875758,4.110875781,4.110875775,4.110875795,4.110875742,4.110875769,4.110875766,4.11087575,4.110875746,4.110875796,4.110875781,4.110875769,4.110875771
+"16785","TMPRSS5",4.622497392,4.622497631,4.622497469,4.622497336,4.622497682,4.622497562,4.622497589,4.622497794,4.622497423,4.622497386,4.622497487,4.62249762,4.622497419,4.622497338,4.62249765,4.622497747,4.622497826,4.622497617,4.622497474,4.622497524,4.622497597,4.622497826,4.622497223,4.622497377,4.622497553,4.622497709,4.622497611,4.622497545
+"16786","TMPRSS6",5.01789573,5.017896009,5.017895961,5.017895679,5.017896216,5.017895825,5.017896142,5.01789606,5.017896012,5.017895984,5.017895993,5.017896169,5.017895816,5.017895731,5.017896132,5.01789602,5.017896055,5.017896167,5.01789601,5.01789586,5.017896162,5.017896116,5.0178957,5.017895958,5.017896026,5.017896151,5.017895858,5.017896001
+"16787","TMPRSS7",4.186877236,4.186877203,4.186877169,4.186877331,4.186877204,4.186877299,4.186877205,4.186877212,4.186877248,4.186877241,4.186877249,4.186877279,4.186877204,4.186877186,4.186877191,4.186877249,4.186877257,4.186877263,4.186877223,4.186877171,4.18687717,4.186877209,4.186877218,4.186877233,4.186877176,4.186877211,4.186877268,4.186877217
+"16788","TMPRSS9",6.285819361,6.285819342,6.285819737,6.285819468,6.285819704,6.285819426,6.28581969,6.285819713,6.285819664,6.28581954,6.285819751,6.285819853,6.285819665,6.285819211,6.285819636,6.285819573,6.285819928,6.285819739,6.285819568,6.285819594,6.285819689,6.285819807,6.285819585,6.285819399,6.285819837,6.285819711,6.28581967,6.285819555
+"16789","TMSB10",10.1972737,10.13213518,10.30185923,9.821945791,10.25466901,10.83004405,10.35323554,9.971413193,10.48560276,10.66683402,10.02986515,9.907504075,10.37285998,10.47845862,10.16751852,9.869225179,10.10309204,9.699213328,10.30548429,10.68316938,10.31414358,10.2913494,10.49826852,10.32282637,9.855245824,10.02400375,10.33614983,10.04037147
+"16790","TMSB15A",3.112397454,3.112397457,3.112397453,3.112397458,3.112397471,3.112397474,3.112397462,3.112397475,3.112397463,3.112397467,3.112397474,3.112397472,3.112397469,3.112397448,3.112397463,3.112397459,3.112397463,3.112397472,3.112397468,3.112397467,3.112397474,3.112397472,3.112397466,3.112397464,3.11239747,3.112397464,3.112397472,3.112397473
+"16791","TMSB4XP2",8.181486845,8.1814868,8.181486703,8.181486808,8.18148668,8.181486565,8.181486687,8.181486725,8.181486668,8.181486736,8.181486851,8.181486428,8.18148675,8.181486823,8.181486724,8.18148664,8.181486607,8.1814869,8.181486728,8.181486552,8.181486805,8.181486776,8.181486709,8.181486795,8.181486714,8.181486705,8.181486704,8.181486792
+"16792","TMSB4Y",5.0752783,5.075278324,5.075278451,5.075278225,5.075278292,5.075278325,5.075278118,5.075278431,5.0752783,5.07527814,5.075278458,5.07527838,5.075278293,5.075278096,5.075278228,5.075278344,5.075278322,5.075278467,5.07527819,5.075278485,5.075278176,5.075278415,5.075278185,5.075278259,5.075278349,5.07527839,5.075278198,5.075278281
+"16793","TMTC1",4.328818384,4.328819746,4.328819081,4.328819139,4.328817427,4.328819777,4.328818903,4.328817713,4.328817734,4.328818038,4.328818413,4.328817778,4.328818773,4.32881887,4.328817654,4.328819416,4.328819244,4.328818521,4.328817447,4.328819403,4.328818572,4.328817762,4.328817852,4.328817818,4.328818311,4.328817664,4.32881927,4.328818793
+"16794","TMTC2",5.336416689,5.336416704,5.336416674,5.336416706,5.336416663,5.336416729,5.33641669,5.336416699,5.336416663,5.336416688,5.336416667,5.336416675,5.336416694,5.336416705,5.336416687,5.336416685,5.336416652,5.336416661,5.33641669,5.336416703,5.336416668,5.336416694,5.336416692,5.336416723,5.336416697,5.336416676,5.336416693,5.336416656
+"16795","TMTC3",4.83664,4.836639735,4.836639698,4.836639151,4.836639186,4.836639174,4.836639383,4.836639599,4.836639883,4.836639696,4.836639383,4.836639,4.836639601,4.836640706,4.836639358,4.83663952,4.836639491,4.836639343,4.836639798,4.836638592,4.836639604,4.836639641,4.836639971,4.836639688,4.83663948,4.83663955,4.836639497,4.836640232
+"16796","TMTC4",6.417660357,6.417660338,6.417660313,6.417660114,6.417660162,6.417660336,6.417660274,6.417660261,6.417660355,6.417660198,6.417660137,6.417660242,6.41766016,6.417660418,6.417660241,6.417660327,6.417660356,6.417660155,6.417660218,6.417660354,6.417660312,6.4176602,6.417660354,6.417660255,6.417660247,6.417660309,6.41766025,6.417660271
+"16797","TMUB1",6.457181697,6.457181719,6.457181676,6.457181705,6.457181723,6.457181727,6.457181717,6.457181719,6.457181765,6.45718174,6.457181702,6.457181756,6.457181708,6.45718168,6.457181709,6.457181723,6.45718172,6.457181686,6.457181687,6.457181728,6.457181701,6.457181741,6.457181759,6.457181706,6.457181696,6.457181718,6.457181694,6.457181706
+"16798","TMUB2",7.182075177,7.182075515,7.182075168,7.182075836,7.18207474,7.182075922,7.182075377,7.182075282,7.182074913,7.182075454,7.182075207,7.182074712,7.18207531,7.18207543,7.182074988,7.182075608,7.182075134,7.182075599,7.182075231,7.182076108,7.182075024,7.182075356,7.182075187,7.182075619,7.18207563,7.182075004,7.182075358,7.18207493
+"16799","TMX1",6.914625974,6.914625388,6.914625661,6.914624876,6.914624684,6.914624736,6.914625265,6.914624563,6.914625547,6.914625247,6.914624875,6.914623589,6.914625121,6.914628803,6.914624908,6.914625024,6.914624898,6.914622977,6.91462529,6.914623874,6.914625093,6.91462517,6.914626262,6.914626042,6.914624098,6.914623871,6.914625318,6.914627753
+"16800","TMX3",5.590381641,5.590381516,5.590381553,5.590381377,5.590381416,5.590381318,5.590381458,5.590381232,5.590381478,5.590381378,5.590381254,5.590381125,5.5903815,5.590381978,5.590381401,5.590381417,5.590381391,5.590381184,5.590381536,5.59038125,5.590381491,5.59038137,5.590381541,5.590381437,5.590381324,5.590381333,5.590381468,5.590381757
+"16801","TMX4",8.257495976,8.257497157,8.257495559,8.257497673,8.257494519,8.25749428,8.257496256,8.257494079,8.257494554,8.257495035,8.25749554,8.257494294,8.257495285,8.257496656,8.257495667,8.257496681,8.257495447,8.257497443,8.257495964,8.257494356,8.257496422,8.257494513,8.257496442,8.257496468,8.257496581,8.257495335,8.257495584,8.257495696
+"16802","TNC",4.215344277,4.215344045,4.215344505,4.215344448,4.215344824,4.215344385,4.215344571,4.215344614,4.21534435,4.215344367,4.215344299,4.215344752,4.215344367,4.215344205,4.215344595,4.215344492,4.215345027,4.215344532,4.215344622,4.215344604,4.215344603,4.215344644,4.215344389,4.215344137,4.21534462,4.215344257,4.215344318,4.215344516
+"16803","TNF",5.859150969,5.859150981,5.859151052,5.859150999,5.859150958,5.859151215,5.859151175,5.859151133,5.859150792,5.859150934,5.859150908,5.85915103,5.859150999,5.859150876,5.859150975,5.859150854,5.859150989,5.859151016,5.859150905,5.859151026,5.859150824,5.859151054,5.859150816,5.859150928,5.85915097,5.85915083,5.859151089,5.859150986
+"16804","TNFAIP1",6.202528278,6.202528309,6.202528261,6.2025283,6.202528263,6.20252828,6.202528294,6.202528307,6.202528271,6.202528289,6.202528271,6.202528257,6.202528304,6.20252829,6.20252826,6.202528293,6.202528229,6.202528311,6.202528274,6.202528289,6.202528257,6.202528259,6.202528283,6.202528314,6.202528284,6.202528279,6.202528295,6.202528249
+"16805","TNFAIP2",9.055599937,9.385275114,9.238576955,9.354376051,8.837026729,9.765120694,9.034780085,9.123315864,8.783084473,8.991558853,9.149673154,8.748339085,9.244137805,9.018303697,9.085141173,9.24292253,9.150388587,9.302108523,8.945089394,9.786751962,9.088720488,9.178555846,8.897819926,9.074023753,9.249870646,8.959803184,9.230260578,8.791680421
+"16806","TNFAIP3",7.178923756,7.178923714,7.178923634,7.178923774,7.17892359,7.178923745,7.178923675,7.178923486,7.178923747,7.17892366,7.178923603,7.178923392,7.178923737,7.178923735,7.178923684,7.178923566,7.178923529,7.178923539,7.178923549,7.178923695,7.178923583,7.178923514,7.178923697,7.178923669,7.17892357,7.1789235,7.178923721,7.178923575
+"16807","TNFAIP6",5.434670485,5.434670894,5.434667451,5.434673124,5.434668023,5.434671984,5.434669973,5.434669141,5.434671262,5.4346698,5.434671306,5.434667922,5.434669537,5.434671311,5.434670038,5.434671746,5.434669295,5.434671986,5.434670073,5.434672601,5.434670061,5.434669254,5.434672717,5.434672338,5.434670827,5.434668038,5.434667991,5.434670342
+"16808","TNFAIP8",6.678457383,6.678456841,6.678456753,6.67845691,6.678456968,6.678456719,6.678457131,6.678456525,6.678457076,6.678457373,6.678456702,6.678456374,6.678457049,6.678457819,6.678457075,6.678456559,6.678456621,6.678456839,6.678457372,6.678456874,6.678456915,6.678456858,6.678457261,6.678457345,6.678456775,6.678457142,6.678457078,6.678457668
+"16809","TNFAIP8L1",5.917435224,5.917435214,5.917435268,5.917435259,5.917435283,5.917435265,5.917435286,5.917435281,5.917435252,5.91743529,5.917435298,5.917435317,5.917435219,5.917435232,5.917435287,5.917435262,5.917435294,5.917435305,5.917435259,5.917435222,5.917435296,5.917435259,5.917435293,5.91743518,5.917435247,5.917435279,5.917435272,5.917435271
+"16810","TNFAIP8L3",5.832988773,5.832988933,5.832988953,5.832988919,5.832989255,5.832988658,5.832988939,5.832989091,5.832989005,5.832988983,5.832989146,5.832989216,5.83298901,5.832988704,5.832989116,5.83298922,5.832989183,5.832989208,5.832988998,5.832988761,5.832989065,5.832989075,5.832988855,5.832988899,5.832989062,5.832989191,5.832988925,5.832989175
+"16811","TNFRSF10A",6.508983694,6.508983716,6.508983448,6.508983478,6.508983501,6.508983508,6.508983699,6.508983527,6.508983734,6.508983716,6.508983287,6.508983562,6.508983568,6.508984042,6.508983414,6.508983563,6.508983309,6.508983345,6.508983641,6.508983404,6.508983443,6.50898341,6.508983821,6.508983582,6.508983462,6.508983575,6.508983739,6.508983859
+"16812","TNFRSF10B",7.198514439,7.198514462,7.19851452,7.198514701,7.198514216,7.198514529,7.198514421,7.198514384,7.198514345,7.198514367,7.198514183,7.198514094,7.198514509,7.19851451,7.198514442,7.198514523,7.198514567,7.19851454,7.198514366,7.198514598,7.198514496,7.198514452,7.198514376,7.198514445,7.198514289,7.198514263,7.198514441,7.198514381
+"16813","TNFRSF10D",7.034258743,7.034258736,7.034258759,7.03425879,7.034258788,7.034258803,7.034258741,7.034258784,7.034258811,7.034258801,7.034258787,7.03425881,7.034258774,7.034258819,7.034258753,7.034258706,7.034258712,7.034258745,7.034258758,7.034258776,7.03425873,7.034258772,7.034258773,7.034258777,7.034258712,7.034258812,7.034258773,7.034258821
+"16814","TNFRSF11A",5.698479705,5.698479901,5.698480021,5.698479926,5.698480221,5.698479754,5.698479967,5.698480057,5.698479911,5.698479983,5.698479956,5.69848024,5.698479888,5.698479505,5.698480038,5.698480075,5.698480155,5.698480127,5.698479944,5.698479767,5.698479945,5.698480097,5.69847988,5.698479896,5.698479952,5.698479956,5.698479829,5.698479971
+"16815","TNFRSF11B",3.726813538,3.726813396,3.72681345,3.726813717,3.72681366,3.726813743,3.726813502,3.726813616,3.726813554,3.726813551,3.726813401,3.726813653,3.726813592,3.726813597,3.726813531,3.726813547,3.726813702,3.726813586,3.726813757,3.726813704,3.726813554,3.726813875,3.726813678,3.726813382,3.726813663,3.726813687,3.726813709,3.726813436
+"16816","TNFRSF12A",7.249073932,7.249074043,7.249074175,7.249074143,7.249074189,7.249073995,7.249074112,7.249074256,7.249074092,7.2490741,7.249074108,7.249074165,7.249074133,7.249073949,7.249074106,7.249074195,7.249074255,7.249074221,7.249074137,7.249074035,7.249074114,7.249074251,7.24907415,7.249074074,7.249074213,7.249074145,7.249074055,7.249074061
+"16817","TNFRSF13C",7.799479285,7.799479287,7.799479341,7.799479422,7.799479641,7.799479183,7.799479433,7.799479474,7.799479394,7.799479389,7.799479357,7.799479594,7.799479365,7.799479253,7.799479584,7.799479184,7.799479557,7.799479497,7.799479468,7.799479368,7.799479515,7.799479459,7.799479253,7.799479316,7.799479405,7.799479467,7.799479371,7.799479508
+"16818","TNFRSF14",8.260475744,8.260475808,8.260475967,8.260475969,8.260475576,8.260476224,8.260475847,8.260476079,8.260475817,8.260475884,8.260475773,8.260475787,8.260475943,8.260475611,8.26047571,8.260475721,8.260475812,8.260475856,8.260475727,8.260476145,8.260475749,8.260475903,8.260475739,8.260475665,8.26047578,8.260475759,8.260475974,8.260475655
+"16819","TNFRSF17",3.713208494,3.71320839,3.713208495,3.713208468,3.71320849,3.713208481,3.71320863,3.713208441,3.713208494,3.713208462,3.713208519,3.713208495,3.71320857,3.713208521,3.713208449,3.713208516,3.713208456,3.713208486,3.713208466,3.713208537,3.713208612,3.713208382,3.71320849,3.713208504,3.713208537,3.713208546,3.713208578,3.713208522
+"16820","TNFRSF18",6.554306052,6.554305987,6.554306118,6.554306035,6.554306237,6.554305997,6.554306128,6.554306107,6.55430609,6.554306041,6.554306099,6.554306191,6.554306002,6.554305908,6.554306176,6.554306048,6.554306191,6.554306124,6.554306113,6.554306031,6.554306146,6.554306102,6.554305988,6.554305884,6.554306039,6.554306087,6.554306068,6.554306026
+"16821","TNFRSF19",4.823593191,4.823593195,4.8235932,4.823593208,4.823593221,4.82359322,4.823593191,4.823593218,4.823593184,4.823593181,4.823593208,4.82359322,4.823593197,4.823593203,4.823593215,4.823593222,4.823593218,4.823593214,4.823593216,4.823593214,4.823593215,4.823593223,4.823593198,4.823593192,4.823593201,4.823593211,4.823593197,4.8235932
+"16822","TNFRSF1A",8.961106485,8.961106922,8.961106522,8.96110743,8.961105993,8.961107187,8.961106599,8.961106674,8.961106297,8.961106378,8.961106752,8.961105557,8.96110659,8.961106078,8.961106735,8.9611068,8.961106659,8.961107181,8.961106682,8.96110686,8.961106434,8.961106659,8.961106528,8.961106718,8.961106747,8.961106015,8.96110655,8.961105871
+"16823","TNFRSF1B",9.558013216,9.55801311,9.558013018,9.558015888,9.55801166,9.558015698,9.558013102,9.558012545,9.558009838,9.558012785,9.558012708,9.558008078,9.558013571,9.558010609,9.558012922,9.558011938,9.558013422,9.55801516,9.558012251,9.558013809,9.558013247,9.558012648,9.558011336,9.55801382,9.558013444,9.558009583,9.558014236,9.558009582
+"16824","TNFRSF21",5.08487403,5.084874035,5.084874069,5.08487405,5.084874104,5.084874045,5.084874053,5.084874039,5.084874039,5.084874056,5.084874037,5.08487406,5.084874035,5.084874044,5.084874059,5.084874055,5.084874101,5.08487407,5.084874071,5.08487404,5.084874063,5.084874054,5.084874034,5.084874056,5.084874036,5.084874059,5.084874018,5.084874044
+"16825","TNFRSF4",6.464392927,6.464393096,6.464393482,6.464393339,6.464394503,6.464393114,6.464393694,6.464393665,6.4643936,6.464393622,6.464393922,6.46439426,6.464393345,6.464392666,6.464393806,6.464393532,6.464394209,6.464394071,6.464393556,6.464393468,6.464394024,6.4643939,6.464393281,6.464392823,6.46439385,6.46439376,6.46439353,6.464393688
+"16826","TNFRSF8",6.321742005,6.321741983,6.32174219,6.321741943,6.321742574,6.321741857,6.321742239,6.321742359,6.321742107,6.321742175,6.32174239,6.321742345,6.321742165,6.321741752,6.321742402,6.321742329,6.321742437,6.32174238,6.321742192,6.321742258,6.321742562,6.321742446,6.321741852,6.321742054,6.321742222,6.321742419,6.321741922,6.321742016
+"16827","TNFRSF9",6.419423362,6.419423566,6.419422535,6.419423374,6.419422091,6.419423594,6.419423558,6.41942293,6.41942282,6.419422614,6.419422961,6.419422391,6.419423145,6.419422845,6.419422963,6.419423352,6.419422589,6.419423342,6.419422169,6.419423873,6.419423706,6.419423155,6.419423399,6.419423298,6.419423149,6.41942286,6.419423066,6.419422606
+"16828","TNFSF10",8.532646188,8.340176012,8.408129138,8.723603212,8.29513308,9.300786684,8.522594472,8.164071383,8.363366264,8.470313945,8.362488518,7.640309369,8.42761876,8.471923355,8.544117228,8.260747762,8.540297126,8.604578013,8.72969733,9.352299596,8.578002112,8.397773604,8.65588891,8.593432003,8.543559537,7.980531126,8.393721415,8.293009415
+"16829","TNFSF11",4.348383657,4.348383687,4.348383788,4.348383699,4.34838391,4.3483837,4.348383836,4.348383853,4.348383773,4.348383811,4.34838381,4.348383901,4.348383693,4.348383586,4.348383926,4.348383863,4.34838394,4.348383785,4.348383824,4.348383724,4.348383813,4.348383826,4.348383749,4.348383711,4.348383788,4.348383827,4.348383677,4.348383808
+"16830","TNFSF13B",7.4444967,7.444496565,7.444495762,7.444497456,7.444496375,7.444498248,7.444495811,7.444495922,7.444496023,7.44449601,7.444496482,7.444493969,7.444496588,7.444495844,7.4444967,7.444495141,7.444496251,7.444497321,7.444497025,7.444498842,7.444495959,7.444496207,7.444496642,7.444496994,7.444496419,7.444494802,7.444495894,7.444495077
+"16831","TNFSF14",6.776428911,6.776429145,6.776429127,6.776429253,6.776428947,6.776428984,6.776429059,6.776428919,6.776428795,6.776428892,6.776429075,6.776428877,6.776429113,6.776428943,6.776429039,6.776429184,6.77642908,6.77642933,6.776429089,6.776428985,6.776429071,6.776429089,6.776429032,6.776428977,6.776429191,6.776428949,6.776429091,6.776429022
+"16832","TNFSF15",4.477098998,4.477098969,4.477099041,4.477098983,4.477099023,4.477098986,4.477099015,4.477099018,4.477098995,4.477099025,4.477099045,4.477099036,4.477099004,4.477098993,4.477099013,4.47709898,4.477099022,4.47709903,4.477098979,4.47709906,4.477099018,4.47709901,4.477098979,4.477098979,4.477099014,4.477098986,4.477098997,4.477098995
+"16833","TNFSF18",3.200388405,3.200388538,3.200388429,3.200388438,3.200388488,3.200388481,3.200388628,3.200388612,3.200388572,3.20038854,3.200388487,3.200388519,3.20038854,3.200388524,3.200388515,3.200388581,3.200388622,3.200388541,3.200388476,3.200388503,3.200388472,3.200388623,3.200388554,3.20038852,3.200388639,3.200388471,3.200388511,3.200388637
+"16834","TNFSF4",5.050799718,5.050799893,5.050799496,5.05080019,5.050799785,5.050799571,5.050799599,5.050799501,5.050799289,5.050799958,5.050799775,5.050799784,5.050799833,5.050799752,5.050799739,5.050799754,5.050799755,5.050800268,5.050799808,5.05079942,5.050799727,5.050799278,5.050799512,5.050800277,5.050799887,5.050799761,5.050799785,5.050799802
+"16835","TNFSF8",7.754106024,7.754104973,7.754103651,7.754103956,7.754104576,7.754103478,7.754104144,7.754104114,7.754106105,7.754105142,7.754104006,7.754104189,7.754104889,7.754106473,7.754103773,7.754102765,7.754103616,7.754103273,7.754104506,7.754103681,7.754103423,7.754104045,7.754104644,7.754105041,7.754103475,7.754103831,7.754104867,7.754105412
+"16836","TNFSF9",5.981579765,5.981579762,5.981579771,5.981579734,5.981579841,5.981579784,5.981579805,5.981579794,5.981579747,5.98157977,5.981579779,5.981579857,5.981579775,5.981579668,5.981579826,5.981579768,5.981579866,5.981579798,5.9815798,5.981579813,5.981579824,5.981579756,5.98157972,5.9815797,5.981579783,5.981579809,5.981579737,5.981579776
+"16837","TNIK",7.134640217,7.134640302,7.134639175,7.134639777,7.134639502,7.134639663,7.134639916,7.134639575,7.134640349,7.134639759,7.134639553,7.134639715,7.134640072,7.134640673,7.134639841,7.13464006,7.134638324,7.13463953,7.134640067,7.134639325,7.134639771,7.134639734,7.134640393,7.134640006,7.13463961,7.134640126,7.134640433,7.134640082
+"16838","TNIP1",8.215429227,8.2154293,8.215429356,8.215429344,8.215429203,8.215429317,8.215429303,8.21542922,8.215429295,8.215429308,8.215429328,8.215429234,8.215429263,8.215429189,8.215429252,8.215429284,8.21542925,8.21542933,8.215429193,8.215429274,8.215429256,8.215429239,8.215429312,8.21542934,8.215429351,8.215429301,8.215429241,8.215429149
+"16839","TNIP2",7.241045938,7.241046014,7.241046141,7.241046074,7.241046137,7.241045904,7.24104602,7.241046124,7.241046154,7.241046154,7.24104608,7.241046043,7.241046141,7.241046052,7.241046071,7.24104607,7.24104611,7.24104609,7.241046017,7.241045956,7.241046054,7.241046152,7.241046089,7.241046092,7.241046109,7.24104603,7.241046081,7.241046054
+"16840","TNIP3",3.95239519,3.952394981,3.952394931,3.952394901,3.952394935,3.952394994,3.952395108,3.952395135,3.952395055,3.952395018,3.952394959,3.952395194,3.95239507,3.952395055,3.952395138,3.952395037,3.952395181,3.952395102,3.952395014,3.952395083,3.952395085,3.952395063,3.952395081,3.952395051,3.952395092,3.952395116,3.952395092,3.952395045
+"16841","TNK1",5.567670083,5.567670167,5.567670182,5.567670181,5.567670323,5.567670146,5.567670193,5.567670228,5.56767021,5.567670118,5.56767023,5.56767038,5.567670234,5.567670122,5.567670261,5.56767022,5.567670357,5.567670233,5.56767015,5.567670189,5.567670266,5.56767032,5.56767017,5.56767012,5.567670246,5.567670153,5.567670206,5.567670225
+"16842","TNK2",7.371557377,7.371557426,7.371557443,7.37155741,7.371557409,7.371557493,7.371557413,7.371557432,7.371557432,7.371557416,7.371557401,7.371557434,7.371557437,7.371557397,7.371557391,7.37155741,7.371557425,7.371557383,7.371557413,7.371557451,7.371557371,7.371557419,7.371557402,7.371557406,7.371557433,7.371557434,7.371557434,7.371557395
+"16843","TNK2-AS1",4.711939698,4.711939695,4.711939713,4.711939709,4.711939693,4.711939737,4.71193967,4.711939734,4.711939712,4.711939684,4.711939728,4.711939704,4.711939724,4.711939669,4.711939699,4.711939691,4.711939713,4.711939672,4.711939667,4.711939734,4.71193972,4.711939704,4.711939712,4.711939713,4.711939715,4.711939721,4.711939704,4.711939683
+"16844","TNKS",7.09221773,7.092217672,7.092217578,7.092217662,7.092217569,7.092217594,7.092217623,7.092217526,7.092217677,7.092217593,7.092217466,7.092217538,7.092217661,7.092217801,7.092217658,7.092217612,7.09221744,7.092217619,7.09221764,7.092217575,7.092217575,7.09221753,7.092217662,7.092217659,7.092217583,7.092217636,7.092217658,7.092217706
+"16845","TNKS1BP1",5.926639992,5.926640033,5.926640059,5.926640011,5.926640081,5.926640038,5.926640049,5.926640072,5.926640068,5.926640072,5.926640021,5.926640083,5.926640048,5.926639981,5.926640078,5.926640052,5.926640099,5.926640061,5.926640022,5.926640038,5.926640074,5.926640082,5.926640039,5.926640027,5.926640053,5.926640034,5.926640036,5.926640069
+"16846","TNKS2",7.978221617,7.978221523,7.978221462,7.978221517,7.978221436,7.978221452,7.978221491,7.978221473,7.978221487,7.978221496,7.978221475,7.97822133,7.978221516,7.978221663,7.978221546,7.978221503,7.978221423,7.978221438,7.978221517,7.978221499,7.978221489,7.978221465,7.978221549,7.978221525,7.978221435,7.978221419,7.978221535,7.978221538
+"16847","TNMD",3.726551788,3.72655179,3.726551803,3.7265518,3.7265518,3.726551775,3.726551795,3.726551801,3.726551785,3.726551808,3.726551825,3.726551836,3.726551797,3.726551788,3.726551808,3.726551806,3.726551823,3.726551801,3.726551814,3.7265518,3.726551801,3.726551807,3.72655179,3.72655179,3.726551807,3.726551806,3.726551793,3.726551829
+"16848","TNN",4.56903704,4.569036921,4.569037185,4.569037133,4.569037255,4.569036924,4.569037181,4.569037301,4.569037152,4.569037176,4.569037174,4.569037397,4.569037086,4.569037014,4.569037312,4.569037202,4.569037284,4.569037243,4.56903709,4.569036972,4.569037214,4.569037218,4.569037128,4.569036954,4.569037297,4.569037218,4.569037074,4.569037142
+"16849","TNNC1",5.072412739,5.072412629,5.072412917,5.072412655,5.07241281,5.072412772,5.072412803,5.072413055,5.072412566,5.072412766,5.072412742,5.072413091,5.072412971,5.072412714,5.072412874,5.072412737,5.072413089,5.072413073,5.072412817,5.072412944,5.072412903,5.072412988,5.072412577,5.072412757,5.072412775,5.0724131,5.072412917,5.072412866
+"16850","TNNC2",5.526355691,5.526355793,5.526355871,5.526355791,5.526355875,5.526355664,5.526355775,5.526355852,5.526355862,5.526355752,5.526355882,5.526355972,5.526355813,5.526355667,5.526355884,5.52635595,5.526355887,5.526355974,5.526355793,5.526355834,5.526355843,5.5263559,5.526355764,5.526355861,5.526355897,5.526355924,5.526355758,5.526355825
+"16851","TNNI1",5.312877121,5.312877128,5.312877137,5.312877122,5.31287715,5.312877115,5.312877132,5.31287716,5.312877122,5.312877141,5.312877148,5.312877143,5.312877132,5.312877112,5.31287714,5.312877139,5.312877151,5.312877149,5.312877122,5.312877141,5.312877147,5.312877154,5.312877127,5.312877108,5.312877154,5.312877142,5.312877113,5.312877142
+"16852","TNNI2",5.757120867,5.757120966,5.757121147,5.757121058,5.757121078,5.75712086,5.757121009,5.757120957,5.757120902,5.757121026,5.75712107,5.757121076,5.757120966,5.757120863,5.757121046,5.757121138,5.757121127,5.75712106,5.757121015,5.757120938,5.757121085,5.757121107,5.757120924,5.757120941,5.757121113,5.757121029,5.757121029,5.757121032
+"16853","TNNI3",5.249286518,5.249286575,5.249286591,5.249286597,5.249286623,5.249286573,5.249286615,5.249286586,5.249286603,5.249286616,5.249286597,5.249286638,5.249286592,5.249286524,5.249286622,5.24928658,5.249286651,5.249286609,5.249286573,5.249286627,5.249286605,5.249286613,5.249286561,5.249286572,5.249286587,5.249286602,5.249286552,5.24928661
+"16854","TNNT1",5.653954674,5.653954689,5.653954716,5.653954688,5.653954763,5.653954621,5.653954697,5.653954739,5.653954668,5.653954698,5.653954716,5.653954748,5.653954699,5.653954659,5.653954757,5.653954741,5.65395475,5.653954759,5.653954693,5.653954692,5.653954744,5.653954738,5.653954637,5.653954658,5.653954692,5.653954697,5.653954665,5.653954742
+"16855","TNNT2",5.380329907,5.380329945,5.380329959,5.380329939,5.38032998,5.380329881,5.380329901,5.38032996,5.380329968,5.38032996,5.38032997,5.38033001,5.380329929,5.380329858,5.380329948,5.38033003,5.380329978,5.380330015,5.380329905,5.380329948,5.38032993,5.380329958,5.38032993,5.38032996,5.380330012,5.380329996,5.380329927,5.380329974
+"16856","TNNT3",6.643667245,6.643667329,6.643667389,6.643667382,6.643667389,6.643667218,6.643667329,6.643667373,6.643667365,6.643667332,6.6436674,6.643667377,6.643667344,6.643667293,6.643667357,6.643667426,6.643667399,6.643667435,6.643667321,6.643667322,6.643667351,6.643667334,6.643667302,6.643667336,6.643667409,6.643667345,6.643667356,6.643667346
+"16857","TNP1",4.702983362,4.702983391,4.70298341,4.702983412,4.702983449,4.70298337,4.702983393,4.702983416,4.702983406,4.702983408,4.702983391,4.702983427,4.702983405,4.702983378,4.702983401,4.702983407,4.702983429,4.702983407,4.702983391,4.702983388,4.702983417,4.702983409,4.702983395,4.702983392,4.702983379,4.702983428,4.702983406,4.702983432
+"16858","TNP2",4.392050139,4.392050098,4.392050133,4.392050133,4.392050168,4.392050091,4.392050128,4.392050154,4.392050119,4.39205013,4.39205015,4.392050192,4.392050108,4.392050063,4.39205013,4.392050131,4.392050175,4.392050163,4.392050136,4.392050127,4.392050197,4.39205014,4.392050116,4.392050122,4.392050133,4.392050188,4.392050117,4.39205018
+"16859","TNPO1",7.870323629,7.870323328,7.870322829,7.870323609,7.870322964,7.870322417,7.87032322,7.870322433,7.870323354,7.870323152,7.870322758,7.870322466,7.870323244,7.870324235,7.870323049,7.870323095,7.870322652,7.870322855,7.870323371,7.870322839,7.87032305,7.870322698,7.870323693,7.870323469,7.870322823,7.870323063,7.870323162,7.87032366
+"16860","TNPO2",6.799409786,6.799409765,6.799409764,6.799409889,6.79940964,6.799410055,6.799409733,6.799410086,6.799409913,6.799409876,6.799409616,6.799409697,6.799409884,6.799409981,6.799409565,6.79940955,6.799409479,6.799409773,6.799409609,6.799409696,6.799409641,6.799409936,6.799409957,6.799409969,6.799409772,6.799409844,6.799409877,6.799409889
+"16861","TNPO3",7.795913016,7.795912929,7.795912512,7.795912895,7.795912638,7.795913014,7.795913072,7.795912485,7.795912837,7.79591289,7.79591253,7.795912376,7.795912668,7.795913219,7.7959128,7.795912818,7.795912133,7.795912626,7.795913117,7.795913221,7.795912978,7.795912491,7.795913134,7.795913223,7.79591238,7.795912666,7.795912601,7.795912961
+"16862","TNR",4.125912175,4.125912108,4.125912323,4.125912247,4.125912423,4.125912014,4.125912219,4.125912273,4.125912256,4.125912214,4.125912214,4.125912422,4.12591214,4.125912163,4.125912296,4.125912333,4.125912286,4.125912408,4.125912347,4.125912228,4.125912409,4.125912269,4.125912145,4.125912114,4.12591226,4.12591237,4.125912134,4.125912269
+"16863","TNRC18",7.37034592675,7.37034627925,7.37034618325,7.37034636775,7.37034622925,7.3703463895,7.37034625,7.3703461855,7.370346159,7.370346126,7.3703463445,7.3703462685,7.370346141,7.37034594625,7.370346262,7.37034630725,7.37034635275,7.370346411,7.370346276,7.37034644075,7.37034620975,7.370346163,7.37034620875,7.37034617925,7.37034638975,7.37034621675,7.370346132,7.3703460665
+"16864","TNRC6A",6.915370705,6.915370555,6.915370511,6.915370505,6.915370466,6.915370654,6.915370666,6.915370524,6.915370662,6.915370657,6.915370467,6.915370553,6.915370644,6.915370657,6.915370546,6.915370437,6.915370329,6.915370526,6.915370517,6.915370479,6.915370581,6.915370547,6.915370571,6.915370582,6.915370498,6.91537065,6.915370679,6.915370565
+"16865","TNRC6B",7.937332364,7.937332453,7.937331896,7.937332515,7.93733186,7.937332457,7.937332291,7.937332091,7.937332234,7.937332266,7.937331848,7.937331888,7.937332291,7.937332534,7.937332094,7.93733225,7.937331291,7.937332076,7.937332378,7.937332221,7.937331973,7.937331819,7.937332459,7.937332572,7.937332155,7.93733228,7.937332427,7.93733207
+"16866","TNRC6C",6.990398956,6.990399073,6.990398897,6.990398999,6.990398996,6.990399005,6.990398954,6.990399032,6.990399192,6.990399055,6.990398908,6.990399072,6.990399067,6.990399087,6.990398961,6.990398918,6.990398795,6.99039891,6.990399004,6.990398802,6.990398879,6.990398955,6.990399132,6.990399073,6.990398919,6.990399096,6.990399064,6.990398991
+"16867","TNS1",6.873067532,6.873067897,6.87307055,6.873068281,6.873068572,6.87307077,6.87306954,6.873069613,6.873070218,6.873069657,6.873069488,6.873070435,6.873067155,6.873066976,6.873068634,6.873066936,6.873070116,6.873068543,6.873067595,6.873069456,6.873068832,6.873069062,6.873069827,6.873069324,6.873069317,6.873070355,6.873067559,6.873067655
+"16868","TNS2",4.947676142,4.947676141,4.947676132,4.947676137,4.947676177,4.94767613,4.947676152,4.947676155,4.947676147,4.947676146,4.947676157,4.947676167,4.947676146,4.947676121,4.947676166,4.947676142,4.947676178,4.947676168,4.947676156,4.94767615,4.947676184,4.947676171,4.947676127,4.947676132,4.947676133,4.947676163,4.94767612,4.947676165
+"16869","TNS3",5.814555998,5.814555744,5.814555985,5.814556266,5.814555679,5.814556571,5.814555839,5.814555443,5.814555232,5.81455626,5.814556031,5.81455535,5.814555834,5.814555888,5.81455578,5.814555156,5.814555707,5.81455573,5.814555618,5.814556403,5.814555764,5.814555375,5.814555438,5.81455586,5.814556027,5.81455577,5.814556042,5.814555481
+"16870","TNS4",5.016085095,5.016085081,5.016085134,5.016085133,5.016085246,5.016085092,5.016085157,5.01608522,5.016085127,5.016085135,5.016085224,5.016085307,5.016085202,5.016085061,5.016085264,5.016085147,5.016085238,5.016085245,5.016085158,5.016085126,5.016085234,5.016085222,5.016085118,5.016085195,5.016085119,5.016085204,5.016085171,5.016085139
+"16871","TOB1",7.499716936,7.499717098,7.49971594,7.499716775,7.499716916,7.499716063,7.49971628,7.499716088,7.499717062,7.49971644,7.499716068,7.499715956,7.499716364,7.49971736,7.499716382,7.499716562,7.499715461,7.499715983,7.499717146,7.499715993,7.499716117,7.499716231,7.499717369,7.499716774,7.499715811,7.499716404,7.499716732,7.499717021
+"16872","TOB2",7.188885853,7.188885877,7.188885822,7.188885935,7.188885963,7.188885932,7.188885934,7.188885953,7.188885919,7.188885855,7.188885944,7.18888592,7.188886012,7.188885872,7.188885916,7.188885901,7.188885711,7.18888591,7.188885881,7.188885822,7.188885912,7.188885919,7.188885819,7.188885911,7.188885956,7.18888589,7.188885977,7.188885929
+"16873","TOB2P1",5.792091607,5.792091608,5.792091611,5.792091599,5.792091617,5.792091615,5.792091614,5.792091615,5.792091602,5.792091607,5.792091612,5.792091608,5.792091608,5.792091604,5.792091612,5.792091602,5.792091622,5.79209161,5.792091624,5.792091598,5.792091629,5.792091617,5.792091597,5.792091597,5.792091601,5.792091613,5.79209161,5.792091604
+"16874","TOE1",5.967657475,5.967657433,5.967657249,5.967657104,5.967657458,5.967657358,5.96765737,5.967657335,5.967657449,5.967657326,5.967657283,5.967657345,5.967657451,5.967657456,5.967657352,5.967657388,5.967657007,5.967657281,5.967657345,5.967657357,5.967657418,5.967657424,5.967657367,5.967657319,5.967657234,5.967657455,5.967657376,5.967657488
+"16875","TOGARAM1",5.051382523,5.051382311,5.051382238,5.051382217,5.051382254,5.051382246,5.05138239,5.05138226,5.051382444,5.051382465,5.051382099,5.051382168,5.051382302,5.05138254,5.051382099,5.051382192,5.051382079,5.051382139,5.051382465,5.051382038,5.051382241,5.051382208,5.051382425,5.051382272,5.051382198,5.051382209,5.051382359,5.051382514
+"16876","TOGARAM2",5.742801302,5.742801317,5.74280131,5.742801312,5.742801321,5.74280129,5.742801334,5.742801348,5.742801311,5.742801307,5.742801279,5.742801351,5.742801312,5.742801277,5.742801368,5.742801387,5.742801362,5.742801313,5.742801323,5.742801313,5.742801374,5.742801337,5.74280132,5.742801292,5.742801314,5.742801341,5.742801306,5.742801318
+"16877","TOLLIP",7.716848865,7.716849209,7.716849354,7.7168492,7.716848954,7.716849283,7.716848988,7.716849223,7.716849143,7.716848987,7.716849213,7.716849391,7.716848952,7.716848902,7.716848995,7.716848935,7.716849277,7.716849206,7.716848956,7.716849383,7.716848892,7.71684909,7.716849172,7.716849166,7.716849232,7.716849407,7.716848967,7.716848955
+"16878","TOM1",7.783044697,7.783044724,7.783044465,7.783045694,7.783044278,7.783045101,7.783045109,7.78304475,7.783044499,7.783044568,7.783044471,7.783044324,7.783044611,7.78304442,7.783045012,7.783044865,7.783044558,7.783045644,7.783044845,7.783045232,7.783044993,7.783044658,7.783044643,7.783044958,7.783044701,7.783044407,7.783044506,7.783044388
+"16879","TOM1L1",3.519395375,3.51939536,3.5193954225,3.5193953705,3.519395413,3.519395401,3.5193953655,3.519395351,3.5193953715,3.519395437,3.51939542,3.519395447,3.519395393,3.519395378,3.519395453,3.5193953945,3.5193953905,3.519395436,3.5193954225,3.5193953805,3.5193954205,3.5193953865,3.5193953195,3.5193953755,3.5193953635,3.5193953775,3.5193953975,3.519395418
+"16880","TOM1L2",6.6555058335,6.6555059075,6.655505824,6.655505834,6.6555058605,6.655505941,6.6555058655,6.6555058585,6.655505939,6.6555058055,6.6555058445,6.655505847,6.6555058925,6.6555058035,6.6555058365,6.655505857,6.655505851,6.655505839,6.655505836,6.6555057825,6.65550578,6.655505838,6.6555058845,6.655505839,6.6555059265,6.6555057955,6.655505862,6.6555057785
+"16881","TOMM20",5.17162974,5.171628979,5.171629221,5.171628653,5.171629171,5.17162799,5.171628944,5.171628339,5.171629226,5.171628569,5.171628511,5.171629426,5.171628948,5.171629719,5.17162912,5.171628112,5.171628646,5.171628935,5.171629008,5.171628082,5.171628939,5.171629373,5.171629054,5.171628972,5.171628741,5.171628625,5.171628939,5.171629245
+"16882","TOMM20L",4.190791137,4.190791294,4.190791342,4.190791262,4.190791347,4.19079101,4.190791224,4.190791267,4.1907914,4.190791169,4.190791375,4.190791253,4.190791162,4.190790974,4.190791328,4.190791518,4.190791426,4.190791486,4.190791276,4.190791237,4.190791346,4.190791183,4.190790992,4.190791254,4.190791305,4.190791364,4.190791202,4.190791349
+"16883","TOMM22",6.837151447,6.837151313,6.83715132,6.83715061,6.8371507335,6.8371511665,6.8371512715,6.83715094,6.837151358,6.837151005,6.837149646,6.837150695,6.837151111,6.837151904,6.837150842,6.837150697,6.837150707,6.837149799,6.83715077,6.83715132,6.83715103,6.837151055,6.837151749,6.8371512255,6.8371506615,6.8371511705,6.8371512105,6.8371516445
+"16884","TOMM34",5.790316406,5.790316341,5.790315077,5.790316297,5.790316272,5.790316583,5.790316447,5.790316196,5.790316096,5.790316081,5.790315658,5.79031661,5.790316552,5.790316342,5.79031612,5.790315952,5.790314804,5.790316064,5.790316374,5.790316236,5.79031643,5.7903161,5.790315707,5.790316001,5.79031547,5.790316373,5.790316198,5.790316158
+"16885","TOMM40",6.602980396,6.602980462,6.60298049,6.602980431,6.602980482,6.602980418,6.602980436,6.602980476,6.602980408,6.602980432,6.602980481,6.602980502,6.60298046,6.6029804,6.602980452,6.602980481,6.602980511,6.602980438,6.60298045,6.602980457,6.602980418,6.602980461,6.602980447,6.602980425,6.602980486,6.602980452,6.602980413,6.602980462
+"16886","TOMM40L",5.705160323,5.705160314,5.705160424,5.705160458,5.70516029,5.705160461,5.705160396,5.705160377,5.705160428,5.705160229,5.705160223,5.705160324,5.705160339,5.70516024,5.705160298,5.705160428,5.705160421,5.705160339,5.705160165,5.705160126,5.705160268,5.705160398,5.705160359,5.705160269,5.705160351,5.705160285,5.705160274,5.705160304
+"16887","TOMM70",6.393836602,6.393836293,6.393836298,6.393836267,6.393836193,6.39383634,6.393836436,6.393836196,6.393836495,6.393836365,6.393836214,6.393836083,6.393836483,6.393836861,6.393836329,6.393836255,6.393836008,6.393836009,6.39383622,6.393836149,6.393836375,6.393836257,6.393836425,6.393836276,6.393836193,6.393836288,6.39383643,6.393836771
+"16888","TONSL",5.817230506,5.817230497,5.817230522,5.817230518,5.817230559,5.817230487,5.817230527,5.817230527,5.817230526,5.817230514,5.817230534,5.817230547,5.81723052,5.817230487,5.817230542,5.817230541,5.817230521,5.817230559,5.817230516,5.817230511,5.817230539,5.817230535,5.817230508,5.817230508,5.81723053,5.817230533,5.817230495,5.817230512
+"16889","TOP1",8.176628487,8.176629102,8.176628358,8.176628821,8.176628372,8.176629447,8.176628745,8.176628526,8.176629011,8.176628578,8.176628247,8.176627987,8.176628649,8.176629465,8.176628764,8.176628927,8.176628169,8.176628907,8.176628761,8.176629657,8.176628914,8.176628276,8.176628884,8.176628847,8.176628738,8.176628583,8.176628753,8.176628672
+"16890","TOP1MT",6.272792025,6.272792033,6.272792058,6.272792024,6.27279204,6.272792037,6.272791987,6.272791988,6.272792084,6.272792084,6.272792001,6.27279206,6.272792029,6.272792054,6.272791999,6.272792046,6.272792065,6.272792017,6.272792017,6.272792001,6.272792012,6.272792027,6.272792062,6.272792055,6.272792003,6.272792042,6.272792034,6.272792074
+"16891","TOP2A",4.014872587,4.014872822,4.014872836,4.014872729,4.014872805,4.014873127,4.014873744,4.014872611,4.014873314,4.014872845,4.01487289,4.014872789,4.014872845,4.014872791,4.014872859,4.014872761,4.014872851,4.01487265,4.014872855,4.014873251,4.014873681,4.014872617,4.014873371,4.014872982,4.014872652,4.014872681,4.014872875,4.014872723
+"16892","TOP2B",6.775128012,6.775127949,6.775126827,6.775126241,6.775126089,6.77512508,6.775125913,6.775126136,6.77512697,6.775126548,6.775125899,6.775125343,6.77512665,6.775130516,6.775126708,6.77512757,6.775125267,6.775126183,6.775126977,6.775124536,6.775126403,6.775125871,6.775127362,6.775126982,6.775126201,6.775126698,6.77512684,6.77512888
+"16893","TOP3A",7.422319564,7.422319628,7.422319562,7.422319661,7.422319578,7.42231961,7.4223196,7.42231956,7.422319578,7.422319592,7.422319581,7.422319564,7.422319562,7.422319587,7.422319569,7.422319625,7.422319568,7.422319609,7.422319631,7.422319587,7.422319601,7.422319598,7.422319607,7.422319623,7.422319623,7.422319617,7.422319572,7.422319534
+"16894","TOP3B",6.750995814,6.750995797,6.750995736,6.750995767,6.750995748,6.75099581,6.750995788,6.750995761,6.750995787,6.750995802,6.750995749,6.750995801,6.750995815,6.75099583,6.750995797,6.750995786,6.750995697,6.750995748,6.75099582,6.750995737,6.750995759,6.750995793,6.75099579,6.750995782,6.750995748,6.750995812,6.750995804,6.750995719
+"16895","TOPAZ1",6.59441816,6.594418168,6.594418722,6.594418731,6.594418955,6.594417678,6.594418549,6.594418801,6.594418351,6.594418402,6.594418534,6.594418794,6.59441848,6.5944181,6.594418803,6.594418914,6.594418933,6.594418833,6.594418556,6.594418497,6.594418955,6.59441881,6.594418215,6.594418392,6.594418837,6.594418668,6.594418376,6.594418759
+"16896","TOPBP1",6.925571746,6.925571649,6.925571436,6.925571585,6.925571419,6.925571608,6.925571753,6.925571378,6.925571573,6.925571536,6.925571469,6.925571251,6.925571614,6.925571857,6.925571552,6.925571478,6.925571312,6.925571403,6.925571727,6.925571246,6.925571635,6.925571395,6.925571589,6.925571524,6.925571598,6.925571503,6.92557169,6.925571579
+"16897","TOPORS",6.079887659,6.079888179,6.07988761,6.079887914,6.079886805,6.079887347,6.079887073,6.079887451,6.0798872,6.079887242,6.079887298,6.079886581,6.079887305,6.079888599,6.079887535,6.079888019,6.079887601,6.079887981,6.079887658,6.079887318,6.079887356,6.07988742,6.079887753,6.079887835,6.079887769,6.079887042,6.079887029,6.079888229
+"16898","TOR1A",6.967388775,6.967388843,6.967388702,6.9673888,6.967388671,6.967388856,6.967388728,6.96738875,6.967388687,6.967388665,6.967388702,6.967388497,6.967388759,6.967388811,6.967388649,6.967388758,6.967388644,6.967388683,6.96738886,6.967388926,6.967388651,6.967388727,6.967388793,6.967388766,6.967388791,6.967388631,6.967388695,6.967388631
+"16899","TOR1AIP1",7.577575283,7.577574951,7.577575128,7.577575253,7.577575064,7.577575335,7.577575137,7.577574897,7.577574987,7.577575083,7.577575196,7.57757461,7.577575216,7.577575266,7.577575234,7.577574585,7.577575101,7.577575235,7.577575323,7.577575504,7.577575187,7.577574961,7.577575262,7.577575366,7.577575335,7.577575001,7.57757511,7.577575133
+"16900","TOR1AIP2",6.823039728,6.823039812,6.8230391745,6.8230397855,6.8230388325,6.823039218,6.823039245,6.8230389825,6.8230391545,6.8230391345,6.8230393555,6.8230386295,6.8230392695,6.8230397825,6.823039145,6.8230397515,6.823038669,6.8230396085,6.823039317,6.823039681,6.8230390275,6.8230389835,6.8230393605,6.8230396785,6.823039654,6.8230390835,6.823039377,6.8230393305
+"16901","TOR1B",7.434177745,7.434178867,7.434177798,7.434178282,7.434177972,7.434178935,7.434177389,7.434177671,7.434177549,7.434177694,7.43417772,7.434176868,7.434178232,7.434177949,7.434177453,7.434178733,7.434177152,7.434177612,7.434178581,7.434178993,7.43417713,7.434177292,7.434178168,7.434178389,7.434178141,7.434177318,7.434178078,7.434177258
+"16902","TOR2A",6.074051757,6.074051849,6.074051991,6.074051795,6.074052072,6.074051889,6.074051969,6.07405199,6.074051848,6.074051917,6.074051981,6.074051908,6.074051926,6.074051793,6.074051931,6.074051815,6.074052003,6.074051881,6.07405186,6.074051958,6.074051978,6.074051994,6.07405184,6.074051856,6.074051826,6.074051836,6.074051866,6.074051868
+"16903","TOR3A",5.961629071,5.961628997,5.961629018,5.961629017,5.961629053,5.961629073,5.961629032,5.961629027,5.961628998,5.961629089,5.96162901,5.961628974,5.961629077,5.961629042,5.961629007,5.961629032,5.961629013,5.961628974,5.961629043,5.961629088,5.961629006,5.961628965,5.961629059,5.961629087,5.961628996,5.961628998,5.961629059,5.96162903
+"16904","TOR4A",6.798871116,6.798871191,6.798871256,6.798871207,6.798871234,6.798871147,6.798871178,6.798871245,6.798871216,6.798871231,6.798871256,6.798871226,6.79887123,6.798871119,6.798871212,6.798871275,6.798871262,6.798871253,6.798871202,6.798871198,6.798871196,6.798871234,6.798871157,6.798871209,6.798871265,6.798871226,6.798871141,6.798871219
+"16905","TOX",5.713671763,5.713671348,5.713671275,5.713671201,5.7136712,5.71367145,5.713671687,5.713671332,5.71367154,5.713671349,5.713671039,5.71367122,5.713671552,5.713671489,5.713671694,5.713671173,5.713671037,5.713671122,5.71367137,5.713671286,5.713671769,5.713671325,5.713671664,5.713671301,5.713671141,5.713671484,5.713671551,5.713671399
+"16906","TOX2",5.208043097,5.208043135,5.208043141,5.208043188,5.208043241,5.208043161,5.208043199,5.20804318,5.208043158,5.208043193,5.208043154,5.208043196,5.208043171,5.208043069,5.208043209,5.208043158,5.208043149,5.208043165,5.208043205,5.20804316,5.208043179,5.208043206,5.208043161,5.208043102,5.208043199,5.208043188,5.208043147,5.208043142
+"16907","TOX3",4.398734208,4.398734189,4.398734207,4.398734211,4.398734212,4.398734208,4.398734217,4.398734217,4.398734191,4.398734215,4.398734194,4.398734227,4.398734205,4.398734179,4.398734195,4.398734183,4.398734216,4.398734198,4.398734193,4.398734197,4.398734197,4.398734213,4.398734191,4.398734207,4.398734217,4.398734199,4.398734211,4.398734184
+"16908","TOX4",8.056009141,8.056009237,8.056009116,8.05600917,8.056009013,8.056009093,8.056009042,8.056009068,8.056009082,8.056009074,8.056009054,8.056009043,8.056009162,8.056009191,8.056009042,8.0560092,8.056008964,8.056009143,8.05600915,8.05600912,8.05600903,8.056009041,8.056009197,8.056009137,8.056009084,8.056009099,8.056009094,8.056009102
+"16909","TP53",7.580592585,7.580592305,7.580592181,7.580592001,7.580592164,7.580593021,7.580592205,7.580592064,7.580592276,7.580592483,7.580591583,7.580591924,7.580592517,7.58059266,7.580592048,7.580591578,7.580591505,7.580591553,7.580592127,7.580592152,7.580592046,7.580592147,7.580592177,7.580592262,7.580591736,7.580592134,7.580592584,7.580592075
+"16910","TP53AIP1",4.144653895,4.144654031,4.14465401,4.144654208,4.144654613,4.144654172,4.144654293,4.14465445,4.144654247,4.144654166,4.144654315,4.144654621,4.144654167,4.144654189,4.144654672,4.144654236,4.144654769,4.144654529,4.144654534,4.144654482,4.144654556,4.144654436,4.144654053,4.144654162,4.144654341,4.144654454,4.144654104,4.14465425
+"16911","TP53BP1",6.049107229,6.049107274,6.049106897,6.0491071,6.049107005,6.049107237,6.049107251,6.049106951,6.049107218,6.049107096,6.049106883,6.04910681,6.049107148,6.049107398,6.049107076,6.049107292,6.049106792,6.049107119,6.049107237,6.049107127,6.049107047,6.049106979,6.049107086,6.049107177,6.049106937,6.049107042,6.049107216,6.049107208
+"16912","TP53BP2",6.476525408,6.476525406,6.476525327,6.476525408,6.476525369,6.476525382,6.476525377,6.476525304,6.476525355,6.476525387,6.476525382,6.476525328,6.476525357,6.476525412,6.476525376,6.476525378,6.476525286,6.476525334,6.476525358,6.476525383,6.476525385,6.476525327,6.476525389,6.476525402,6.47652537,6.476525352,6.476525371,6.476525376
+"16913","TP53I11",6.200247673,6.200247665,6.200247677,6.200247917,6.200247639,6.20024769,6.200247758,6.200247739,6.200247773,6.200247747,6.200247825,6.200247754,6.200247705,6.200247591,6.200247894,6.200247841,6.200247874,6.200247939,6.200247845,6.200247844,6.20024787,6.200247843,6.20024778,6.200247873,6.200247876,6.200247757,6.200247765,6.200247535
+"16914","TP53I13",7.180354323,7.180354305,7.180354366,7.180354359,7.18035441,7.180354331,7.180354371,7.180354403,7.180354345,7.180354348,7.180354359,7.180354416,7.18035437,7.180354301,7.180354393,7.180354351,7.180354402,7.180354402,7.180354351,7.18035434,7.180354387,7.18035439,7.180354345,7.18035433,7.180354372,7.180354377,7.180354362,7.180354356
+"16915","TP53I3",5.833181896,5.833181881,5.833181873,5.833181881,5.833181915,5.833181888,5.833181873,5.8331819,5.833181877,5.833181903,5.833181902,5.833181925,5.833181888,5.833181853,5.83318191,5.833181901,5.833181891,5.833181887,5.833181903,5.833181878,5.83318191,5.833181881,5.833181846,5.83318191,5.833181905,5.833181856,5.833181875,5.833181859
+"16916","TP53INP1",8.693289631,8.693289319,8.693288655,8.693290711,8.693288762,8.693288091,8.693289423,8.693288239,8.693287851,8.693287087,8.693289201,8.693288044,8.693288839,8.693288519,8.693288938,8.693289302,8.693287894,8.69328949,8.693289984,8.69328822,8.693289613,8.693287924,8.693288922,8.6932888,8.693289145,8.693288774,8.693288807,8.693288599
+"16917","TP53INP2",6.775375277,6.775375274,6.775375362,6.775375351,6.775375416,6.775375323,6.775375348,6.775375372,6.775375325,6.775375313,6.775375347,6.775375454,6.775375289,6.775375176,6.775375406,6.775375341,6.775375478,6.775375396,6.775375329,6.775375326,6.775375386,6.775375392,6.775375264,6.775375222,6.77537535,6.775375364,6.775375283,6.775375277
+"16918","TP53RK",6.309138069,6.309137825,6.309137775,6.309137537,6.309137981,6.309137676,6.309137872,6.309137724,6.309137868,6.309137872,6.309137827,6.309137802,6.309137738,6.30913821,6.309137824,6.309137793,6.309137622,6.309137244,6.309137959,6.309137444,6.309137711,6.309137862,6.309138107,6.309137821,6.309137728,6.309137877,6.309137906,6.309138152
+"16919","TP53TG1",4.55415859,4.554158584,4.554158556,4.554158592,4.554158522,4.554158606,4.554158614,4.554158578,4.554158596,4.554158621,4.554158592,4.554158597,4.554158613,4.554158618,4.554158552,4.554158536,4.554158544,4.554158587,4.554158579,4.554158611,4.554158554,4.55415857,4.554158675,4.5541586,4.554158633,4.554158586,4.55415856,4.554158618
+"16920","TP53TG5",4.499645392,4.499645384,4.499645418,4.49964539,4.499645464,4.499645452,4.499645453,4.49964544,4.499645393,4.4996454,4.499645464,4.499645444,4.499645432,4.499645351,4.499645458,4.499645375,4.499645452,4.499645453,4.499645445,4.49964543,4.499645472,4.499645475,4.499645326,4.499645396,4.499645423,4.499645452,4.499645443,4.499645441
+"16921","TP63",3.958306391,3.95830657,3.958306504,3.958306532,3.958306605,3.958306557,3.958306489,3.958306579,3.95830656,3.95830637,3.958306586,3.958306543,3.95830665,3.958306458,3.958306519,3.95830651,3.958306591,3.958306593,3.958306476,3.958306621,3.958306595,3.958306461,3.958306595,3.958306415,3.958306448,3.958306522,3.958306423,3.95830651
+"16922","TP73",5.817945783,5.817945754,5.817945846,5.817945827,5.817945877,5.817945763,5.817945792,5.817945875,5.817945776,5.817945791,5.817945818,5.817945864,5.817945814,5.817945693,5.817945841,5.817945819,5.81794584,5.81794582,5.817945781,5.817945826,5.817945837,5.817945864,5.817945802,5.81794577,5.817945796,5.817945855,5.817945823,5.817945813
+"16923","TP73-AS1",6.199350797,6.199350895,6.199350801,6.199350294,6.199350644,6.199350601,6.199350739,6.199350723,6.199350624,6.199350861,6.199350528,6.199350913,6.199350669,6.199350789,6.199350569,6.199350848,6.199350183,6.199350661,6.199350873,6.19935074,6.199350741,6.1993507,6.199350841,6.199350772,6.199350623,6.199350618,6.199350712,6.199350769
+"16924","TPBG",6.450423047,6.45042318,6.450423333,6.45042317,6.450423388,6.450423109,6.450423257,6.45042335,6.450423278,6.450423257,6.450423396,6.450423422,6.450423166,6.450422993,6.450423336,6.450423285,6.450423457,6.450423407,6.450423236,6.450423125,6.450423236,6.450423414,6.450423143,6.450423125,6.450423325,6.45042328,6.450423133,6.450423317
+"16925","TPCN1",6.773669154,6.773669024,6.773669134,6.77366904,6.773668974,6.773669054,6.773668843,6.773668901,6.773669017,6.773669322,6.773668927,6.773669091,6.773668966,6.773669157,6.773668963,6.773668648,6.773668859,6.77366875,6.773669038,6.773669172,6.773668862,6.773668936,6.77366886,6.773669026,6.773668782,6.773669124,6.773669065,6.773668793
+"16926","TPCN2",7.585155603,7.585155638,7.5851556,7.585155666,7.585155644,7.585155663,7.585155653,7.585155664,7.585155597,7.585155614,7.585155632,7.585155625,7.585155589,7.585155643,7.585155631,7.585155662,7.585155614,7.585155648,7.585155667,7.585155672,7.585155633,7.585155657,7.585155629,7.585155617,7.58515564,7.585155632,7.585155593,7.585155634
+"16927","TPD52",4.865543958,4.865543554,4.8655426,4.865543087,4.865543067,4.865542434,4.865543281,4.865542669,4.865542518,4.865542877,4.865542839,4.865542873,4.865543019,4.865544518,4.865543721,4.865542659,4.865542343,4.865542811,4.865543016,4.865542459,4.865543218,4.865543141,4.865542672,4.865542763,4.865542789,4.865542976,4.865543026,4.86554384
+"16928","TPD52L1",4.172994409,4.172994474,4.172994548,4.172994447,4.17299454,4.172994405,4.172994493,4.172994473,4.172994467,4.172994517,4.172994499,4.172994516,4.172994417,4.172994446,4.172994524,4.172994602,4.172994572,4.172994466,4.172994457,4.172994504,4.172994505,4.172994509,4.172994495,4.17299447,4.172994421,4.172994541,4.172994528,4.172994447
+"16929","TPD52L2",7.744635403,7.744635614,7.744635326,7.744636261,7.744634745,7.744635516,7.744635374,7.744635168,7.744634965,7.744635006,7.744635384,7.744634745,7.744635162,7.744635307,7.744635254,7.74463572,7.744635086,7.744636115,7.744635467,7.744635762,7.744635275,7.744635349,7.74463533,7.744635805,7.74463555,7.744635209,7.744635315,7.744635089
+"16930","TPD52L3",3.336845194,3.33684528,3.336845376,3.336845311,3.33684542,3.336845203,3.33684532,3.336845306,3.336845365,3.336845334,3.336845426,3.336845348,3.336845265,3.336845323,3.336845305,3.336845454,3.336845405,3.336845361,3.336845363,3.336845324,3.336845334,3.336845405,3.336845297,3.336845242,3.336845307,3.336845313,3.336845194,3.336845492
+"16931","TPGS1",7.002023666,7.002023569,7.002023758,7.002023677,7.002024205,7.0020236,7.002023784,7.002023886,7.002023658,7.002023838,7.002024162,7.002024167,7.002023833,7.002023236,7.002023983,7.00202389,7.002024137,7.002023945,7.002023911,7.002023794,7.002023921,7.002023741,7.002023548,7.002023464,7.002023918,7.002024012,7.002023905,7.002023597
+"16932","TPGS2",7.637873728,7.637873509,7.63787461,7.63787408,7.637873597,7.63787473,7.637874092,7.637874257,7.637873874,7.637874165,7.63787451,7.6378744,7.637873343,7.637873125,7.637873728,7.637872862,7.637874295,7.637873897,7.637873216,7.637874564,7.637873731,7.637873812,7.63787398,7.637874528,7.637874751,7.637874588,7.637873717,7.637873385
+"16933","TPH1",3.512751599,3.512751616,3.512751596,3.512751562,3.512751551,3.512751592,3.512751581,3.512751597,3.512751598,3.512751608,3.51275153,3.512751567,3.51275156,3.512751577,3.512751573,3.512751576,3.512751513,3.512751548,3.512751587,3.512751632,3.512751541,3.512751563,3.512751626,3.512751611,3.512751556,3.512751594,3.512751556,3.51275155
+"16934","TPH2",3.305710463,3.305710552,3.305710513,3.305710636,3.305710555,3.305710633,3.305710585,3.305710636,3.305710679,3.305710569,3.305710568,3.30571063,3.305710534,3.305710462,3.305710688,3.305710612,3.305710591,3.305710734,3.305710554,3.305710518,3.305710596,3.305710571,3.305710515,3.305710527,3.305710664,3.305710523,3.305710546,3.305710591
+"16935","TPI1",7.057246172,7.057246281,7.0572461245,7.057246266,7.0572462235,7.057246378,7.0572461475,7.057246184,7.0572462085,7.0572463645,7.0572460475,7.0572460455,7.0572463475,7.057246112,7.0572462105,7.0572460575,7.0572461585,7.0572458645,7.057246331,7.0572463075,7.0572461755,7.0572462695,7.057246239,7.057246421,7.0572461965,7.057246199,7.0572463635,7.0572462735
+"16936","TPI1P2",5.895186684,5.895186713,5.895186693,5.89518671,5.895186727,5.895186719,5.895186731,5.895186728,5.895186689,5.895186721,5.89518674,5.895186703,5.895186746,5.895186718,5.895186728,5.895186723,5.895186715,5.895186751,5.895186729,5.895186742,5.89518673,5.895186743,5.895186689,5.895186729,5.895186723,5.895186746,5.895186703,5.895186763
+"16937","TPK1",5.726545939,5.726545917,5.726545377,5.726545488,5.726545423,5.726545743,5.726545677,5.72654581,5.726545981,5.726545667,5.726545079,5.726545207,5.726545798,5.726546383,5.726545671,5.726545474,5.726545239,5.726545259,5.726545756,5.726545889,5.726545565,5.726545645,5.726545892,5.726546183,5.726545241,5.726545527,5.72654581,5.726545963
+"16938","TPM1",5.512409899,5.512409884,5.51240969,5.512410272,5.512409845,5.512409834,5.512409942,5.512409799,5.512409759,5.512410099,5.512410182,5.512409816,5.512409877,5.512409526,5.51240998,5.512409974,5.512409674,5.512410327,5.512410008,5.512409844,5.512409726,5.512409786,5.51240971,5.512410383,5.512410066,5.512410107,5.512409874,5.512409347
+"16939","TPM1-AS",5.516335473,5.516335503,5.516335495,5.516335503,5.516335514,5.516335487,5.516335496,5.516335508,5.516335477,5.516335493,5.516335496,5.516335485,5.516335496,5.516335483,5.51633552,5.516335483,5.516335525,5.516335514,5.516335487,5.516335506,5.516335513,5.516335523,5.516335475,5.516335481,5.516335518,5.516335499,5.516335489,5.516335484
+"16940","TPM2",5.168280861,5.168280848,5.168280849,5.168280822,5.168280879,5.16828082,5.168280821,5.168280852,5.168280872,5.168280838,5.168280863,5.168280879,5.168280843,5.168280869,5.168280881,5.168280875,5.16828087,5.168280858,5.168280822,5.168280891,5.16828088,5.168280878,5.168280813,5.168280833,5.168280831,5.168280875,5.168280855,5.168280848
+"16941","TPM3",6.714525309,6.714525398,6.714525184,6.714525321,6.714525168,6.714525301,6.714525321,6.714525224,6.714525237,6.714525157,6.71452529,6.714525092,6.714525253,6.714525278,6.714525262,6.714525376,6.714525145,6.714525155,6.714525362,6.714525286,6.714525253,6.714525161,6.714525295,6.714525292,6.71452533,6.71452522,6.714525281,6.714525172
+"16942","TPM3P9",8.790202398,8.790202932,8.790201626,8.790201963,8.790202307,8.790201623,8.790202126,8.790201916,8.790201962,8.790201937,8.790201938,8.790201286,8.790202184,8.790202728,8.790201874,8.790202682,8.7902012,8.790201607,8.790202168,8.79020171,8.790202098,8.790201883,8.790202042,8.790202306,8.790202317,8.79020192,8.790202014,8.790201847
+"16943","TPM4",7.9735913775,7.9736390605,7.973573405,7.973651246,7.973559435,7.9735680495,7.973563461,7.973554726,7.9735683135,7.973627139,7.973635167,7.9735307305,7.973583935,7.9735696925,7.9735765015,7.9736163405,7.973511065,7.973655908,7.9735413015,7.9735954705,7.9735882065,7.973513061,7.9735810675,7.9736450405,7.9736273825,7.9735808525,7.973564955,7.9735076545
+"16944","TPMT",5.173297598,5.173297581,5.173297627,5.173297446,5.173297504,5.173297611,5.173297541,5.173297493,5.173297605,5.173297488,5.173297575,5.173297334,5.173297577,5.173297598,5.17329751,5.173297461,5.173297539,5.173297425,5.173297456,5.173297632,5.173297484,5.17329747,5.173297501,5.173297411,5.173297557,5.17329742,5.173297572,5.173297545
+"16945","TPO",4.272455989,4.272455998,4.272456001,4.272455991,4.272456004,4.272455988,4.272455992,4.272456001,4.272456001,4.272455991,4.272456003,4.272455997,4.272455995,4.272455958,4.272455975,4.272455996,4.272456022,4.272455995,4.272456002,4.272456001,4.272455989,4.272456001,4.272455991,4.272455992,4.272455993,4.272456,4.272456007,4.272456008
+"16946","TPP1",8.114694875,8.114695027,8.114694701,8.114695066,8.11469497,8.11469536,8.114694792,8.114694397,8.114694475,8.114695206,8.114695139,8.114694386,8.114694757,8.114694575,8.114694597,8.114694665,8.114694389,8.114694764,8.114694716,8.114695052,8.114694589,8.114694489,8.114694417,8.114695254,8.11469488,8.114694609,8.114694852,8.114694153
+"16947","TPP2",7.818614852,7.818614114,7.818613488,7.818612881,7.818613793,7.818613047,7.818614219,7.81861345,7.818614946,7.818614458,7.818613076,7.818613898,7.818614403,7.818615657,7.818613567,7.818613124,7.818612756,7.818612663,7.818614294,7.818611868,7.818614177,7.818613618,7.818614535,7.818613693,7.818613103,7.818614117,7.818614197,7.818614521
+"16948","TPPP",5.702308599,5.702308618,5.702308631,5.70230863,5.702308702,5.702308539,5.702308634,5.702308661,5.702308579,5.702308608,5.702308621,5.702308685,5.702308641,5.70230857,5.702308654,5.702308616,5.702308683,5.702308693,5.7023086,5.70230858,5.70230864,5.702308634,5.702308564,5.702308546,5.702308617,5.702308646,5.702308573,5.70230861
+"16949","TPPP2",4.157612604,4.157612548,4.157612727,4.157612794,4.157612914,4.157612746,4.157612469,4.157612778,4.15761239,4.157612523,4.157612749,4.157612872,4.157612695,4.157612437,4.157612869,4.157612756,4.157612885,4.157612902,4.157612499,4.157612536,4.157612736,4.157612729,4.157612538,4.157612798,4.157612648,4.157612795,4.157612556,4.157612582
+"16950","TPPP3",5.478116308,5.478116961,5.478116349,5.478116645,5.478116719,5.478116006,5.478116442,5.47811632,5.478116262,5.478116582,5.478116574,5.478116246,5.478116573,5.478116548,5.478116592,5.478116926,5.478116461,5.478116476,5.47811666,5.478116011,5.478116655,5.478116258,5.478116063,5.478116587,5.47811682,5.478116575,5.478116752,5.478116546
+"16951","TPR",6.829138859,6.829138824,6.829138736,6.829138954,6.829138322,6.829138665,6.829138841,6.82913852,6.829138832,6.829138794,6.829138707,6.829138383,6.829138832,6.829139375,6.829138847,6.829138766,6.829138713,6.829138979,6.82913864,6.829138563,6.82913877,6.829138587,6.829138861,6.829138744,6.829138744,6.829138695,6.829138791,6.82913909
+"16952","TPRA1",6.745815004,6.745815017,6.745815033,6.745815032,6.74581499,6.745815023,6.74581494,6.74581505,6.745814999,6.745814978,6.745814985,6.745815014,6.745815034,6.74581503,6.745814987,6.74581505,6.745814994,6.745814963,6.745815007,6.745814999,6.745814934,6.745815009,6.745815069,6.745815037,6.745814966,6.745814962,6.745815022,6.745814975
+"16953","TPRG1",4.199771619,4.199771559,4.199771551,4.199771574,4.199771574,4.199771609,4.199771594,4.199771653,4.199771621,4.199771608,4.199771591,4.199771598,4.199771585,4.199771623,4.199771653,4.199771557,4.199771708,4.199771561,4.199771607,4.199771556,4.199771598,4.199771569,4.199771557,4.199771595,4.199771627,4.199771591,4.19977162,4.199771627
+"16954","TPRG1L",7.735393197,7.735393455,7.735393249,7.735393401,7.735393103,7.735393248,7.735393106,7.735393376,7.735393244,7.735393291,7.735393232,7.735393202,7.735393271,7.735393236,7.735393252,7.735393448,7.735393149,7.735393355,7.735393271,7.735393268,7.735393125,7.735393275,7.735393286,7.735393387,7.735393316,7.735393225,7.735393299,7.735393266
+"16955","TPRKB",4.385253433,4.385253414,4.385253401,4.385253413,4.385253356,4.385253406,4.385253403,4.385253391,4.385253404,4.38525342,4.385253394,4.385253389,4.385253408,4.385253421,4.385253401,4.385253382,4.385253358,4.385253389,4.385253394,4.385253425,4.385253385,4.385253388,4.385253419,4.385253413,4.385253425,4.385253424,4.385253419,4.385253402
+"16956","TPRN",5.555744529,5.55574454,5.555744768,5.555744682,5.55574494,5.555744666,5.555744696,5.555744729,5.555744768,5.555744525,5.55574491,5.555744706,5.555744554,5.555744369,5.555744746,5.555744604,5.555744845,5.555744835,5.555744501,5.555744707,5.555744657,5.555744808,5.555744568,5.555744508,5.555744651,5.555744648,5.55574461,5.555744722
+"16957","TPRX1",4.665206249,4.66520612,4.665206173,4.66520609,4.665206846,4.665205982,4.665205848,4.665207124,4.66520635,4.665206135,4.665206407,4.66520694,4.66520585,4.665206546,4.665206379,4.66520683,4.665206507,4.665207149,4.665207144,4.665205944,4.665206746,4.665206745,4.665205885,4.665205769,4.66520622,4.665206187,4.665205766,4.665206703
+"16958","TPRXL",6.05075738,6.050757314,6.050757357,6.050757619,6.050757753,6.050757717,6.050757809,6.05075779,6.050757758,6.050757481,6.0507574,6.050757954,6.050757719,6.050757548,6.050757857,6.050757244,6.050757567,6.05075754,6.05075746,6.050757405,6.050758057,6.050757563,6.050757402,6.050757446,6.050757467,6.050757898,6.050757519,6.050757608
+"16959","TPSD1",7.136145987,7.136145984,7.13614624,7.13614607,7.136146514,7.136146348,7.13614627,7.136146265,7.136146268,7.136146253,7.13614632,7.136146385,7.136146019,7.13614568,7.136146437,7.136146231,7.136146629,7.136146368,7.136146428,7.136146229,7.136146183,7.136146291,7.136146145,7.136146024,7.136146191,7.136146267,7.136146124,7.136146166
+"16960","TPSG1",6.006610092,6.006610229,6.006610488,6.006610315,6.006610826,6.006609875,6.006610686,6.006610793,6.006610277,6.006610404,6.006610637,6.0066107,6.006610262,6.006609964,6.006610798,6.006610945,6.006611045,6.006610728,6.00661044,6.006610382,6.006610939,6.006610842,6.006610083,6.006609801,6.006610097,6.006610873,6.006610114,6.006610434
+"16961","TPST1",5.936284057,5.936285296,5.936282669,5.936287147,5.93628226,5.936282635,5.936283466,5.936283598,5.936281706,5.936281257,5.936285839,5.936284045,5.936282761,5.936284781,5.936283886,5.936285216,5.936283219,5.936285151,5.93628309,5.936282067,5.936282857,5.936282948,5.936282856,5.936282575,5.936284802,5.936283811,5.936282526,5.936283604
+"16962","TPST2",7.350833946,7.350833985,7.350834007,7.350834022,7.350833924,7.350833978,7.350833886,7.350833989,7.350833836,7.350833956,7.350833996,7.350833902,7.350833899,7.350833847,7.350833873,7.350833799,7.350833792,7.350833986,7.350833867,7.350833928,7.350833928,7.350833946,7.350833985,7.350833969,7.350833935,7.350833962,7.350833964,7.350833829
+"16963","TPT1",7.000238926,7.000238826,7.0002389035,7.0002383045,7.0002380905,7.0002387985,7.000239276,7.000238279,7.0002394135,7.0002391905,7.000238476,7.000238606,7.000238646,7.0002401905,7.000238288,7.0002386645,7.0002390665,7.0002382245,7.0002383585,7.00023879,7.000239002,7.00023858,7.0002396695,7.000239243,7.000238417,7.000239052,7.0002387325,7.00023953
+"16964","TPT1-AS1",6.278757824,6.278757321,6.278757115,6.278756927,6.2787577,6.27875688,6.278757236,6.278757471,6.278757507,6.278757103,6.278757299,6.278757657,6.278757503,6.27875763,6.278757342,6.278757462,6.278756468,6.278757267,6.278757642,6.278757306,6.278757096,6.278757476,6.278757436,6.278757034,6.278757262,6.278757811,6.27875764,6.278757554
+"16965","TPTE",2.821153283,2.821153422,2.8211534,2.821153376,2.821153331,2.821153405,2.821153349,2.8211535,2.821153336,2.821153307,2.821153262,2.821153429,2.821153308,2.821153358,2.82115332,2.821153343,2.821153473,2.821153395,2.821153347,2.821153349,2.82115341,2.821153422,2.821153477,2.821153332,2.821153306,2.82115333,2.821153326,2.821153303
+"16966","TPTE2",3.6616875395,3.661687146,3.661687512,3.661686413,3.661691317,3.661682979,3.6616885855,3.6616887785,3.661687577,3.661690405,3.661689132,3.6616854405,3.661690126,3.6616847405,3.6616902305,3.6616847435,3.661688189,3.661690314,3.661688137,3.661690366,3.661687548,3.661688524,3.6616903175,3.661686823,3.661690986,3.6616877195,3.661686847,3.6616907975
+"16967","TPTE2P3",4.094977084,4.094976948,4.094976804,4.094976954,4.094976664,4.094976862,4.094976805,4.094976625,4.094976689,4.094976591,4.094976807,4.094976763,4.094976922,4.094976688,4.094976612,4.094976878,4.094976464,4.094976713,4.094977023,4.094976855,4.09497687,4.09497666,4.09497679,4.09497695,4.094976972,4.094976772,4.094977022,4.094976696
+"16968","TPTE2P6",3.369309366,3.369309364,3.369309417,3.369309389,3.369309443,3.369309406,3.36930926,3.369309405,3.369309442,3.3693094,3.36930946,3.369309507,3.369309307,3.369309433,3.369309326,3.369309458,3.369309413,3.369309416,3.369309399,3.369309429,3.369309414,3.369309444,3.369309419,3.369309376,3.369309396,3.369309371,3.369309295,3.369309473
+"16969","TPTEP1",4.473834753,4.4738352575,4.473835305,4.4738348645,4.473834213,4.473835021,4.473834381,4.473834263,4.4738345605,4.4738346555,4.4738356535,4.4738351435,4.473834257,4.473834272,4.4738341915,4.4738352415,4.4738351965,4.473834601,4.4738347355,4.473834701,4.4738344505,4.473834671,4.4738352815,4.4738342805,4.4738356495,4.4738350995,4.4738345805,4.4738342415
+"16970","TPX2",3.953538015,3.953538231,3.953538451,3.953537632,3.953538192,3.953538786,3.953539615,3.953537879,3.953538747,3.953537995,3.953538101,3.953538226,3.953538308,3.953537988,3.953538082,3.953538096,3.953538207,3.953538128,3.95353821,3.953538458,3.953539387,3.953537686,3.953538921,3.953538138,3.953538492,3.953538174,3.953538239,3.953537862
+"16971","TRA2A",8.4862251655,8.486224938,8.4862239465,8.4862244815,8.486223864,8.48622412,8.4862242855,8.486224117,8.486224584,8.486224047,8.4862238395,8.4862233775,8.486224787,8.4862257115,8.4862246065,8.4862251395,8.486223816,8.486224146,8.486224676,8.4862243425,8.486224366,8.4862241365,8.486224906,8.486224423,8.4862240385,8.4862240875,8.4862246785,8.48622493
+"16972","TRA2B",7.797519915,7.79751949,7.797519294,7.797518818,7.797519322,7.797519352,7.797519775,7.797518978,7.797519949,7.797519581,7.797518861,7.797519049,7.797519688,7.797520642,7.797519669,7.797519083,7.797518781,7.797518633,7.79751959,7.797519288,7.797519496,7.79751914,7.797519774,7.797519426,7.7975187,7.797519465,7.797519707,7.797520151
+"16973","TRABD",7.944219944,7.944220055,7.944220051,7.944219987,7.944220085,7.944220155,7.944220118,7.944220016,7.944220074,7.944220091,7.944220088,7.944220167,7.944220045,7.944219842,7.944220091,7.944220016,7.944220117,7.94422,7.94422011,7.944220047,7.944220078,7.944220074,7.944220008,7.944219964,7.944220055,7.944220011,7.944220087,7.944219972
+"16974","TRABD2A",7.727021419,7.763022737,7.748718759,7.731268071,7.75284896,7.752400335,7.714075007,7.750071385,7.798145749,7.774276308,7.720740553,7.780604597,7.767664156,7.784370187,7.711492393,7.734556427,7.740291407,7.727700112,7.762660062,7.740791879,7.709578272,7.762033053,7.780077522,7.758614163,7.730358183,7.78410819,7.771175578,7.777424143
+"16975","TRABD2B",5.084542995,5.084543003,5.084542992,5.084543015,5.08454302,5.084542986,5.084543002,5.084543028,5.084543009,5.084543015,5.084543,5.084543004,5.084542983,5.084542955,5.084542993,5.08454302,5.084543036,5.084543027,5.084542994,5.084543,5.084542987,5.084543019,5.084543007,5.084542963,5.084543011,5.084543014,5.084543005,5.084542974
+"16976","TRADD",8.392851874,8.392851954,8.392851536,8.392851755,8.392851623,8.392851816,8.39285179,8.392851571,8.392851929,8.392851779,8.392851579,8.392851349,8.392851814,8.392851918,8.392851739,8.392851923,8.392851517,8.392851708,8.392851761,8.392851753,8.392851592,8.392851678,8.392851728,8.392851503,8.392851516,8.392851407,8.392851815,8.392851764
+"16977","TRAF1",6.70025918,6.700258779,6.70025868,6.700258886,6.700258872,6.700258991,6.700259342,6.700259008,6.700259495,6.700259188,6.700258577,6.700258814,6.70025944,6.700259301,6.700258964,6.700258699,6.700258233,6.700258915,6.700259044,6.700258531,6.700259102,6.700258881,6.700259467,6.700259112,6.700258683,6.700259176,6.700259415,6.700258996
+"16978","TRAF2",6.831327263,6.83132722,6.831327298,6.831327249,6.831327307,6.831327291,6.831327303,6.831327298,6.831327266,6.831327267,6.831327292,6.83132727,6.831327303,6.831327261,6.831327295,6.831327286,6.831327321,6.831327291,6.831327269,6.831327292,6.831327295,6.831327307,6.831327284,6.831327276,6.831327273,6.831327282,6.831327282,6.831327271
+"16979","TRAF3",6.554941539,6.55494141,6.554941355,6.55494143,6.554941295,6.554941525,6.554941461,6.55494129,6.554941374,6.554941406,6.554941218,6.554941144,6.554941452,6.554941552,6.554941336,6.554941291,6.554941193,6.554941247,6.55494135,6.554941471,6.55494135,6.55494122,6.554941287,6.554941382,6.55494121,6.554941274,6.554941412,6.554941383
+"16980","TRAF3IP1",5.573194388,5.573194415,5.573194372,5.573194243,5.573194403,5.573194282,5.573194303,5.573194315,5.573194335,5.573194384,5.573194357,5.573194509,5.573194449,5.573194506,5.573194371,5.573194435,5.573194316,5.573194375,5.573194335,5.573194424,5.573194404,5.573194374,5.573194438,5.573194323,5.573194345,5.573194479,5.573194311,5.57319439
+"16981","TRAF3IP2",5.90751248,5.90751241,5.90751239,5.907512447,5.907512451,5.907512523,5.907512401,5.907512417,5.907512483,5.907512398,5.907512402,5.907512417,5.907512439,5.907512529,5.907512448,5.907512437,5.907512445,5.90751237,5.907512497,5.907512421,5.907512439,5.907512455,5.907512445,5.907512406,5.907512393,5.907512388,5.907512448,5.907512511
+"16982","TRAF3IP3",8.182460709,8.182460206,8.1824598,8.182459995,8.182459714,8.182460287,8.182460741,8.182460048,8.182460598,8.18246072,8.182460274,8.182460506,8.182460843,8.182461136,8.182460654,8.182460074,8.182459579,8.182459663,8.182460166,8.182459791,8.182460754,8.182460606,8.182460409,8.182460473,8.182460231,8.182461142,8.182460902,8.182460707
+"16983","TRAF4",6.527592748,6.527592802,6.527592845,6.527592786,6.52759289,6.527592797,6.52759283,6.527592853,6.527592748,6.527592767,6.527592853,6.527592899,6.527592842,6.52759273,6.527592888,6.527592873,6.527592883,6.52759285,6.527592818,6.527592873,6.527592869,6.527592877,6.527592757,6.527592813,6.527592854,6.527592891,6.527592836,6.527592823
+"16984","TRAF5",6.42007956,6.420078805,6.420078658,6.420078764,6.420078614,6.420078873,6.420079222,6.420078712,6.420079295,6.420078927,6.420078315,6.420078885,6.420079207,6.42007979,6.420079256,6.420078843,6.420078301,6.420078682,6.42007908,6.420078861,6.420079124,6.420079035,6.420079233,6.420079056,6.420078438,6.420079281,6.420079353,6.420079488
+"16985","TRAF6",7.115573622,7.11557336,7.115573212,7.115573257,7.115572987,7.115573225,7.115573115,7.11557303,7.115573304,7.115573209,7.115572927,7.115572669,7.115573393,7.115573579,7.115573311,7.115573193,7.115572889,7.115573107,7.115573471,7.115573243,7.115573136,7.115573156,7.115573508,7.115573483,7.115573326,7.115573047,7.115573471,7.115573261
+"16986","TRAF7",6.664341098,6.664341166,6.664341193,6.664341198,6.664341209,6.664341375,6.664341164,6.664341219,6.664341178,6.664341239,6.664341198,6.664341242,6.664341218,6.664341092,6.664341151,6.664341012,6.664341126,6.664341123,6.664341154,6.664341299,6.664341099,6.664341179,6.664341209,6.664341216,6.664341166,6.664341098,6.664341233,6.664341073
+"16987","TRAFD1",8.079532317,8.089094347,8.072310433,8.087503248,8.074994514,8.119053935,8.074733132,8.076678013,8.071336846,8.073127151,8.072721072,8.054892273,8.079027944,8.078088219,8.072639151,8.086156505,8.060527752,8.074573209,8.084088024,8.119318722,8.074026826,8.079611233,8.082023083,8.081531916,8.081108041,8.06341188,8.077197223,8.069444043
+"16988","TRAIP",4.610065513,4.610065505,4.610065518,4.610065423,4.610065617,4.610065553,4.610065594,4.61006554,4.610065571,4.610065502,4.610065562,4.610065602,4.610065571,4.6100655,4.610065563,4.610065536,4.610065603,4.610065572,4.610065509,4.610065606,4.610065609,4.610065616,4.610065442,4.610065485,4.610065534,4.610065584,4.610065483,4.610065476
+"16989","TRAK1",6.778798061,6.778797985,6.778797865,6.778798059,6.778797995,6.778797997,6.778798031,6.77879788,6.778797926,6.778798007,6.778797996,6.778797959,6.778797956,6.778797954,6.778798013,6.778797929,6.778797874,6.778797928,6.778798002,6.778797994,6.778797956,6.778797873,6.778797978,6.778798015,6.77879792,6.778797964,6.778798012,6.778797959
+"16990","TRAK2",7.963108467,7.963107359,7.963108436,7.963107544,7.963107735,7.963107997,7.963108184,7.963108259,7.963108123,7.963108671,7.963108259,7.96310866,7.963107064,7.963107791,7.963108063,7.963105912,7.963107487,7.963107706,7.963107269,7.963107941,7.963108037,7.963107564,7.963107691,7.963108499,7.96310826,7.963108421,7.963107455,7.963107992
+"16991","TRAM1",8.61301837,8.613017989,8.613017863,8.613017696,8.61301758,8.613017602,8.613018075,8.613017698,8.613018017,8.613018046,8.613017513,8.613017593,8.613018117,8.613018486,8.613017784,8.613017675,8.613017566,8.613017531,8.613017844,8.61301779,8.613018009,8.61301785,8.613018183,8.61301799,8.61301753,8.613017887,8.613018071,8.613018266
+"16992","TRAM1L1",3.611183825,3.611183901,3.611183948,3.611184136,3.611184381,3.611184001,3.611184087,3.611183941,3.611184008,3.611183932,3.611184046,3.611184051,3.611183896,3.611183942,3.611184058,3.611184255,3.611184116,3.611183916,3.611183912,3.611184111,3.611184023,3.611184195,3.611184078,3.611184124,3.611184091,3.611183957,3.61118394,3.611183914
+"16993","TRAM2",6.195091629,6.195091621,6.195091612,6.195091624,6.195091618,6.19509161,6.195091628,6.195091606,6.195091623,6.195091628,6.195091628,6.195091591,6.195091643,6.195091641,6.195091613,6.195091611,6.195091586,6.195091591,6.195091614,6.195091588,6.195091622,6.195091619,6.195091622,6.195091637,6.195091605,6.195091629,6.195091636,6.195091638
+"16994","TRANK1",8.649114964,8.832733472,8.227865808,8.935752883,8.352229912,9.389621974,8.741117862,8.543471772,8.552751827,8.300088458,8.407283497,7.981174914,8.562573571,8.54451088,8.714186072,8.870446539,8.260797704,8.855562732,8.661852764,9.518411157,8.750082825,8.628027825,8.737257008,8.707764466,8.728116798,8.292165225,8.435127032,8.38222492
+"16995","TRAP1",6.902048729,6.902049068,6.902048775,6.902048423,6.902048642,6.90204904,6.902049081,6.902048918,6.902049063,6.902049027,6.902048486,6.90204913,6.902048937,6.902049176,6.902048641,6.902048825,6.902048684,6.902048492,6.902048662,6.90204885,6.902048936,6.902048984,6.902048799,6.902048856,6.902048531,6.902049149,6.902048977,6.902048994
+"16996","TRAPPC1",8.052506939,8.052507235,8.05250665,8.052507159,8.052506609,8.052507704,8.052506716,8.05250628,8.052507043,8.052507406,8.052506896,8.05250632,8.052507254,8.052506391,8.052506535,8.052506623,8.052506817,8.05250677,8.052506802,8.052507718,8.052506355,8.052506438,8.052506926,8.05250731,8.052506704,8.052506792,8.052507176,8.052506139
+"16997","TRAPPC11",6.762940281,6.762940055,6.762939887,6.762939779,6.762939712,6.762939711,6.762939871,6.762939689,6.762939778,6.762940014,6.762939755,6.762939366,6.762940015,6.762940411,6.762939932,6.762939955,6.762939537,6.762939616,6.76294008,6.762939806,6.762939861,6.76293967,6.762939917,6.762940032,6.762939908,6.762939964,6.76294011,6.762939871
+"16998","TRAPPC12",7.017559022,7.017559041,7.017558931,7.017558996,7.017558861,7.017559071,7.017558914,7.017558909,7.017558985,7.01755899,7.017558962,7.017558933,7.017559031,7.017558991,7.01755892,7.017559018,7.017558916,7.017558956,7.017558989,7.017558946,7.017558889,7.017558967,7.017559026,7.017558995,7.017558948,7.017558985,7.017559053,7.017558949
+"16999","TRAPPC13",3.748079568,3.748079554,3.7480795595,3.748079512,3.7480794715,3.7480795145,3.7480795275,3.7480795195,3.74807953,3.7480795345,3.748079489,3.748079441,3.7480795385,3.748079723,3.748079523,3.748079507,3.748079487,3.748079494,3.7480795395,3.7480795255,3.748079515,3.74807953,3.748079509,3.748079494,3.748079494,3.7480795015,3.7480795515,3.748079601
+"17000","TRAPPC2",5.306482786,5.306482602,5.306482663,5.306482621,5.306482378,5.306482422,5.306482566,5.30648245,5.306482639,5.306482603,5.306482776,5.306482496,5.306482599,5.306482839,5.306482632,5.306482485,5.306482413,5.306482609,5.306482692,5.306482268,5.306482535,5.3064824,5.306482797,5.306482668,5.306482668,5.306482438,5.306482764,5.306482766
+"17001","TRAPPC2L",6.515920812,6.515920757,6.515920866,6.515920636,6.515920686,6.51592071,6.515920701,6.515920786,6.51592088,6.515920878,6.515920536,6.515920769,6.515920948,6.515920991,6.515920644,6.515920919,6.515920586,6.515920444,6.51592078,6.515920725,6.515920671,6.515920715,6.51592084,6.515920845,6.515920627,6.515920741,6.515920791,6.515920798
+"17002","TRAPPC3",7.477975178,7.477975297,7.477975018,7.477975102,7.47797493,7.477975011,7.477974992,7.477975041,7.477975168,7.477975131,7.477974995,7.477974737,7.477975089,7.477975235,7.477975083,7.477975137,7.477974945,7.477974914,7.477975156,7.477975177,7.477974988,7.477974974,7.477975167,7.477975061,7.477974923,7.477975079,7.477975073,7.477975151
+"17003","TRAPPC3L",3.400704795,3.400704852,3.400704957,3.400704835,3.400704847,3.40070486,3.400704855,3.40070483,3.400704831,3.400704733,3.40070483,3.400704877,3.400704789,3.400704762,3.400704843,3.400704843,3.40070498,3.40070488,3.400704875,3.400704829,3.400704859,3.400704888,3.400704779,3.400704777,3.400704823,3.400704851,3.40070483,3.400704812
+"17004","TRAPPC4",6.740618844,6.740618756,6.740618689,6.74061878,6.740618567,6.740618802,6.740618727,6.740618599,6.740618809,6.740618803,6.740618665,6.740618555,6.740618708,6.740618902,6.740618749,6.740618791,6.740618598,6.74061872,6.740618797,6.740618875,6.740618694,6.740618693,6.740618848,6.740618831,6.740618534,6.740618739,6.740618714,6.740618704
+"17005","TRAPPC5",8.31122085,8.311220822,8.311220956,8.311220796,8.311220889,8.311221016,8.311220872,8.311220869,8.31122099,8.311220918,8.311220859,8.311220904,8.311220855,8.311220766,8.31122085,8.311220802,8.311220915,8.311220781,8.311220791,8.311220997,8.31122077,8.311220859,8.311220938,8.311220838,8.311220933,8.311220883,8.311220841,8.311220838
+"17006","TRAPPC6A",7.192008647,7.192008655,7.192008675,7.192008623,7.192008685,7.192008585,7.192008624,7.192008677,7.192008645,7.192008637,7.192008688,7.192008696,7.192008666,7.192008615,7.192008638,7.192008689,7.192008643,7.192008607,7.192008658,7.192008583,7.192008625,7.192008655,7.192008646,7.192008631,7.192008658,7.192008678,7.19200865,7.192008668
+"17007","TRAPPC6B",5.772865814,5.772865824,5.772865633,5.772865424,5.772865257,5.772865127,5.772865388,5.772865391,5.772865666,5.772865659,5.772865424,5.772865005,5.772865527,5.772866431,5.772865513,5.772865847,5.772865198,5.77286525,5.772865536,5.77286537,5.772865547,5.772865336,5.772865813,5.772865785,5.772865611,5.772865413,5.772865525,5.772866089
+"17008","TRAPPC8",6.855954018,6.855953722,6.855953118,6.855953708,6.855953227,6.855953014,6.855953422,6.855953223,6.855953037,6.855952979,6.855953345,6.855952134,6.855953428,6.855954314,6.855953243,6.855953502,6.85595298,6.855953155,6.855953648,6.855953427,6.855953365,6.855953301,6.855953601,6.85595356,6.855953355,6.855952967,6.855953426,6.855953765
+"17009","TRAPPC9",7.741518923,7.741518725,7.741518184,7.741518654,7.741518532,7.741518724,7.741518788,7.741518497,7.741518379,7.741518766,7.741518482,7.74151884,7.741518946,7.741518674,7.741518812,7.741518693,7.741518121,7.741518444,7.741518884,7.741518538,7.741518577,7.741518586,7.741518434,7.741518671,7.741518451,7.741518756,7.741518859,7.741518416
+"17010","TRARG1",5.259989145,5.259989146,5.259989172,5.259989156,5.259989207,5.259989157,5.259989181,5.259989177,5.259989144,5.259989166,5.259989154,5.259989166,5.259989148,5.259989092,5.259989186,5.259989149,5.259989213,5.259989183,5.259989181,5.259989169,5.25998918,5.25998918,5.259989146,5.2599891,5.259989141,5.259989145,5.259989161,5.259989158
+"17011","TRAT1",6.23759526,6.231889926,6.229569931,6.222500657,6.232663258,6.224787995,6.229434548,6.231769314,6.240112415,6.238123389,6.22116219,6.226790703,6.239018245,6.254303106,6.230604043,6.224482137,6.223662047,6.221006232,6.237891919,6.225083465,6.232059339,6.232930778,6.243636126,6.232108391,6.224528083,6.230135682,6.235686543,6.248857275
+"17012","TRDMT1",4.939566963,4.939566978,4.93956696,4.939566924,4.939566935,4.939566946,4.939566976,4.939566952,4.939566975,4.939566972,4.939566961,4.93956693,4.93956698,4.939567008,4.939566948,4.939566987,4.939566935,4.939566956,4.939566979,4.939566932,4.939566942,4.939566965,4.939566974,4.939566964,4.939566965,4.939566964,4.939566978,4.939566982
+"17013","TRDN",2.746604648,2.746604635,2.746604662,2.74660462,2.746604698,2.746604623,2.746604665,2.746604662,2.74660464,2.746604649,2.746604633,2.746604675,2.746604629,2.746604648,2.746604683,2.746604669,2.746604694,2.746604675,2.746604635,2.746604625,2.746604638,2.746604633,2.746604661,2.746604641,2.746604626,2.746604644,2.74660461,2.746604633
+"17014","TREH",4.227905095,4.227905045,4.22790509,4.227905088,4.227905127,4.227905084,4.227905126,4.227905096,4.227905061,4.227905076,4.227905152,4.227905079,4.227905122,4.227905008,4.22790508,4.227905096,4.227905113,4.227905132,4.227905114,4.227905101,4.227905129,4.227905123,4.227905043,4.227905065,4.227905107,4.227905102,4.227905085,4.227905053
+"17015","TREM1",8.935081966,9.095713434,8.72119552,9.382657484,8.481800251,8.746828998,8.768589207,8.80749121,8.765355926,8.720973699,8.989705795,8.285238807,9.038377298,8.773602622,9.049922378,9.084635083,8.916796173,9.347914115,8.852377492,8.954362943,8.80379523,8.804323503,9.104950999,9.166034629,9.180097688,8.658479423,8.987807814,8.567029448
+"17016","TREM2",4.224759162,4.224759183,4.224759162,4.224759179,4.224759193,4.224759188,4.224759194,4.224759165,4.224759191,4.224759196,4.224759171,4.224759202,4.224759187,4.224759159,4.224759178,4.224759201,4.224759216,4.224759203,4.224759202,4.224759177,4.224759194,4.224759185,4.224759189,4.22475916,4.224759201,4.224759187,4.224759194,4.224759202
+"17017","TREML1",6.756551934,7.586315591,7.256845459,8.301355296,7.339492382,7.087279918,6.94293285,6.958618464,6.842315311,7.827903895,7.819390805,7.331050664,7.23160827,6.018342447,7.060557598,7.389564988,7.255927747,8.435650471,7.232227819,6.668794446,6.917382026,6.78770361,7.344486257,8.187433882,7.888418832,7.272171752,7.221404779,6.024682125
+"17018","TREML2",7.067003462,7.067003897,7.067003037,7.067003966,7.067002936,7.06700401,7.067003326,7.067003237,7.067003448,7.067003399,7.067003443,7.067002687,7.067003589,7.067003273,7.067003355,7.067003694,7.067003005,7.067004019,7.067003551,7.067003949,7.067002988,7.067003203,7.067003891,7.067003884,7.067003471,7.067003005,7.067003499,7.067003086
+"17019","TREML3P",5.07049847,5.070499896,5.070500151,5.070500083,5.070499466,5.070499463,5.0704999,5.070498383,5.070498943,5.070498972,5.070499135,5.070498683,5.070498707,5.070498531,5.070498779,5.070499904,5.070500196,5.070500232,5.070499151,5.07049989,5.070499679,5.070499475,5.070498526,5.070498838,5.070498985,5.07049881,5.070497937,5.070498257
+"17020","TREML4",5.900936033,5.901008461,5.901041794,5.901040001,5.901004486,5.900988494,5.901010397,5.900955773,5.900929445,5.90093724,5.900944916,5.900964791,5.900944537,5.900911279,5.90094816,5.901007047,5.901034562,5.901025491,5.901015855,5.900999346,5.90101149,5.900953942,5.900936948,5.900931102,5.900950484,5.900940506,5.900934208,5.900954315
+"17021","TRERF1",7.3808392865,7.380839482,7.380838957,7.3808389275,7.3808393655,7.380838454,7.3808392505,7.3808388955,7.3808387835,7.3808388905,7.3808391285,7.380838627,7.3808391255,7.380839465,7.380838706,7.3808388815,7.3808383555,7.380838112,7.38083944,7.3808383115,7.380838969,7.3808390025,7.380839037,7.380839164,7.3808391415,7.3808387825,7.3808390485,7.38083862
+"17022","TREX2",5.8853426115,5.885342758,5.8853427395,5.885342897,5.8853429235,5.885342857,5.8853429255,5.885342954,5.885342943,5.8853427935,5.8853429315,5.8853430355,5.885342873,5.8853427615,5.8853429375,5.885342909,5.885343052,5.8853428995,5.8853427525,5.885342884,5.885343065,5.8853430015,5.8853427715,5.8853428035,5.885342914,5.885342915,5.8853427115,5.885342824
+"17023","TRGV5",4.879975422,4.879972898,4.879974235,4.879973314,4.879975424,4.879975023,4.879975127,4.879975651,4.879974051,4.879974903,4.879975,4.879975042,4.879975333,4.879974225,4.879975039,4.879973458,4.87997486,4.879974104,4.87997557,4.879975192,4.879974749,4.879975037,4.87997351,4.87997454,4.879975249,4.879974195,4.879974928,4.879974162
+"17024","TRGV7",5.315870495,5.315870239,5.315870335,5.315870152,5.31587021,5.315870405,5.315870341,5.315870401,5.315870322,5.315870325,5.315870322,5.315870185,5.315870425,5.315870377,5.315870348,5.315870206,5.315870377,5.31587024,5.315870216,5.315870302,5.315870323,5.315870362,5.315870313,5.315870375,5.315870283,5.315870245,5.315870355,5.31587015
+"17025","TRH",5.246281943,5.246281981,5.246281994,5.246281938,5.246282024,5.246281913,5.246281988,5.246282043,5.246281964,5.246281984,5.246282004,5.246282013,5.246281973,5.246281923,5.246282012,5.246281991,5.24628199,5.246281988,5.246281944,5.246281987,5.246282015,5.246282004,5.246281946,5.246281962,5.246281977,5.246281995,5.246281965,5.246281978
+"17026","TRHDE",3.286752613,3.286752628,3.286752609,3.28675263,3.286752655,3.286752625,3.286752626,3.286752646,3.286752605,3.286752628,3.28675267,3.28675266,3.286752618,3.286752599,3.2867526,3.286752627,3.286752625,3.286752671,3.286752602,3.286752614,3.286752605,3.286752631,3.286752643,3.286752656,3.286752663,3.286752608,3.286752624,3.286752604
+"17027","TRHDE-AS1",6.52388455,6.52388448,6.523884659,6.523884545,6.523884706,6.523884464,6.523884609,6.523884708,6.523884572,6.523884555,6.523884638,6.52388477,6.523884587,6.523884389,6.523884682,6.523884464,6.523884753,6.523884665,6.523884512,6.523884554,6.523884684,6.523884536,6.523884552,6.523884514,6.523884614,6.523884769,6.523884559,6.523884563
+"17028","TRHR",3.632767121,3.632767144,3.632767142,3.632767138,3.632767167,3.632767116,3.632767149,3.632767157,3.632767142,3.632767137,3.632767133,3.632767166,3.632767134,3.632767115,3.632767148,3.63276713,3.632767149,3.632767138,3.632767131,3.632767137,3.63276715,3.632767164,3.632767123,3.632767107,3.632767145,3.632767141,3.632767136,3.632767138
+"17029","TRIAP1",6.595247478,6.595247491,6.595247738,6.595247616,6.595247604,6.595247339,6.595247552,6.59524764,6.59524761,6.595247731,6.595247689,6.595247693,6.595247521,6.595247417,6.595247535,6.595247597,6.595247625,6.595247518,6.595247569,6.59524745,6.595247523,6.595247584,6.595247589,6.595247602,6.595247553,6.595247508,6.595247565,6.595247628
+"17030","TRIB1",6.817150349,6.817151149,6.817150293,6.817151336,6.817150789,6.817150672,6.817150639,6.817150071,6.817150778,6.81715019,6.817150663,6.817149459,6.817150687,6.817150331,6.817150383,6.817151014,6.817150126,6.817151261,6.817151235,6.817150466,6.817150715,6.817150341,6.817150934,6.817150943,6.817150917,6.817150498,6.817150502,6.8171504
+"17031","TRIB2",7.003863501,7.003863366,7.003863086,7.003862902,7.003863234,7.003863199,7.003863215,7.003863232,7.003863457,7.003863329,7.003862755,7.003863408,7.003863368,7.003863792,7.003863285,7.003863087,7.003863046,7.003862845,7.003863306,7.003863255,7.003863146,7.003863375,7.003863573,7.003863299,7.003862721,7.003863454,7.003863383,7.003863602
+"17032","TRIB3",5.53884883,5.538848801,5.538848945,5.538848888,5.538848824,5.538848674,5.538848914,5.538849051,5.538848679,5.538848872,5.538848908,5.538848942,5.538848871,5.538848611,5.538848906,5.53884879,5.538848771,5.538848736,5.53884893,5.538848797,5.538848844,5.538848861,5.538848746,5.538848898,5.53884875,5.538848904,5.538848936,5.538848779
+"17033","TRIL",5.266984222,5.266984195,5.266984319,5.266984281,5.266984476,5.266984288,5.266984341,5.266984412,5.266984274,5.266984385,5.266984336,5.26698446,5.266984301,5.26698422,5.266984437,5.266984284,5.266984493,5.266984399,5.26698437,5.266984343,5.266984378,5.266984456,5.266984259,5.266984258,5.266984348,5.266984413,5.266984265,5.266984415
+"17034","TRIM10",5.466996442,5.466996465,5.466996669,5.466996457,5.466996619,5.466996544,5.466996567,5.466996673,5.46699666,5.46699668,5.466996567,5.46699669,5.466996375,5.466996351,5.466996564,5.466996439,5.466996643,5.466996523,5.466996527,5.466996459,5.466996572,5.466996635,5.466996572,5.466996611,5.466996599,5.466996696,5.466996456,5.466996587
+"17035","TRIM11",7.085007548,7.085007578,7.085007565,7.085007563,7.085007581,7.085007591,7.085007569,7.085007563,7.085007573,7.085007567,7.085007572,7.085007555,7.085007572,7.085007564,7.085007574,7.08500756,7.085007563,7.085007569,7.085007566,7.085007586,7.085007566,7.085007578,7.085007582,7.085007568,7.085007568,7.085007563,7.085007572,7.08500757
+"17036","TRIM14",7.301515821,7.301515814,7.301515732,7.301515752,7.301515771,7.301515891,7.301515785,7.301515756,7.301515771,7.301515804,7.301515723,7.301515734,7.301515823,7.301515758,7.301515789,7.301515786,7.301515716,7.301515704,7.301515752,7.301515861,7.301515734,7.301515757,7.301515754,7.301515795,7.301515751,7.301515768,7.301515833,7.301515766
+"17037","TRIM15",5.276369593,5.276369379,5.276369462,5.276369627,5.276369871,5.276369515,5.276369715,5.276369884,5.276369459,5.276369586,5.276369703,5.276369909,5.276369451,5.276369221,5.276369807,5.276369582,5.276369953,5.276369786,5.276369638,5.276369558,5.276369883,5.276369831,5.276369407,5.276369238,5.276369621,5.276369741,5.276369465,5.276369393
+"17038","TRIM16",6.005158041,6.005158015,6.005157898,6.005158169,6.005157985,6.005157817,6.005157846,6.005158027,6.005157978,6.005157846,6.005157792,6.005157723,6.005158153,6.005157851,6.005157948,6.005157818,6.005157911,6.005158103,6.005157891,6.005157984,6.005158001,6.005157843,6.005158102,6.005157938,6.005158007,6.005157899,6.005158061,6.005157999
+"17039","TRIM17",6.022410298,6.022410304,6.022410442,6.022410331,6.022410593,6.022410328,6.022410516,6.022410531,6.022410454,6.022410351,6.022410534,6.022410466,6.022410363,6.02241037,6.022410558,6.022410536,6.022410601,6.022410612,6.022410473,6.022410356,6.022410542,6.022410603,6.022410362,6.022410318,6.02241044,6.02241055,6.022410383,6.022410432
+"17040","TRIM2",4.382492405,4.382492421,4.382492388,4.382492423,4.382492416,4.382492429,4.3824924,4.382492411,4.382492413,4.382492425,4.382492419,4.382492405,4.382492407,4.382492426,4.382492414,4.382492433,4.382492428,4.382492416,4.382492435,4.382492398,4.382492408,4.382492424,4.382492392,4.382492409,4.382492426,4.382492405,4.38249242,4.382492437
+"17041","TRIM21",7.325765138,7.325766021,7.325764645,7.325765564,7.32576498,7.325767427,7.325764819,7.325764907,7.325764835,7.325764474,7.325764129,7.325762606,7.325764832,7.325764969,7.325764529,7.325765612,7.325764089,7.325764796,7.325765008,7.325767432,7.325765058,7.325764674,7.325765608,7.32576547,7.325765375,7.325764136,7.325764889,7.325764152
+"17042","TRIM22",8.665737948,8.676326306,8.309768106,8.435234828,8.719670622,9.580454533,8.544011322,8.289912953,8.763286171,8.507474627,8.031032708,7.93896815,8.621508695,9.063991387,8.516704035,8.569010717,8.315634399,8.231721122,8.816520215,9.659652396,8.600547609,8.514130456,8.872265509,8.754943424,8.127323131,8.174094854,8.560220585,8.591882214
+"17043","TRIM23",5.561822303,5.56182222,5.561822267,5.561822078,5.561821567,5.561820966,5.561821816,5.561821566,5.561822031,5.561821536,5.56182191,5.561821477,5.56182216,5.56182326,5.561822003,5.561822263,5.561821978,5.561821497,5.561822204,5.561821087,5.561821815,5.561821718,5.56182234,5.561822128,5.56182214,5.561821662,5.561821922,5.561822726
+"17044","TRIM24",6.556014349,6.556014261,6.556014122,6.556014446,6.556014267,6.556014218,6.556014319,6.556014124,6.55601432,6.556014206,6.556014361,6.556014197,6.556014395,6.556014538,6.556014385,6.556014317,6.556014232,6.556014427,6.556014314,6.556014374,6.556014406,6.556014181,6.556014414,6.556014441,6.556014533,6.556014442,6.556014389,6.556014481
+"17045","TRIM26",7.334286771,7.3342872785,7.334287337,7.334287051,7.33428698,7.334286563,7.3342867565,7.334287147,7.3342871125,7.3342870395,7.334287269,7.334287176,7.3342873025,7.334286788,7.334287043,7.3342870625,7.334287203,7.3342872945,7.3342870705,7.334286969,7.334286821,7.334287216,7.3342871415,7.334287128,7.3342872125,7.334287297,7.334287038,7.334287105
+"17046","TRIM27",7.812131071,7.81213137,7.812130652,7.812131689,7.812129801,7.812131277,7.812130541,7.812130421,7.812131067,7.812130858,7.812130824,7.812130061,7.812131752,7.812131449,7.81213084,7.812131024,7.812130318,7.812130936,7.812130847,7.812131631,7.812130299,7.812130474,7.812131432,7.812130887,7.812130775,7.812130748,7.812131955,7.812130567
+"17047","TRIM28",8.045205797,8.045205798,8.045205605,8.04520557,8.045205635,8.045205923,8.04520584,8.045205531,8.045206022,8.045205891,8.045205228,8.04520582,8.045206221,8.045206095,8.045205788,8.045205546,8.045205349,8.045205313,8.045205669,8.045205403,8.04520558,8.045205901,8.045205836,8.045205678,8.0452053,8.045205759,8.045206201,8.045205762
+"17048","TRIM29",4.889123755,4.889123875,4.889123984,4.889123816,4.88912401,4.889123885,4.889123878,4.889124054,4.889123946,4.88912376,4.889124011,4.889123841,4.889123722,4.889123574,4.889123911,4.889124013,4.889124033,4.889124175,4.889123869,4.889123947,4.889124059,4.88912387,4.889123683,4.889123847,4.88912386,4.88912396,4.889123775,4.889123881
+"17049","TRIM3",5.613257528,5.613257413,5.61325752,5.613257533,5.613257621,5.613257439,5.613257576,5.61325758,5.613257522,5.613257593,5.613257557,5.613257608,5.613257478,5.613257461,5.613257615,5.613257632,5.613257588,5.613257524,5.613257534,5.613257572,5.613257566,5.613257587,5.613257457,5.613257438,5.613257523,5.613257579,5.61325744,5.613257576
+"17050","TRIM31",3.900306304,3.9003064115,3.9003058745,3.900306024,3.900307048,3.9003059375,3.900306256,3.9003063715,3.9003057805,3.900306071,3.900305669,3.900306163,3.900305628,3.9003061935,3.9003062435,3.9003066465,3.9003066875,3.9003060535,3.9003058965,3.900306287,3.900306369,3.9003062175,3.9003054505,3.900306312,3.900305984,3.900306132,3.900305743,3.9003061935
+"17051","TRIM32",6.154037072,6.154037097,6.154036675,6.154036644,6.154036995,6.154036528,6.15403696,6.154037359,6.154037319,6.154037233,6.154036522,6.15403716,6.1540371,6.154037396,6.154037078,6.154036999,6.154037097,6.154036704,6.154036986,6.154036653,6.154036999,6.154037354,6.154037021,6.154037354,6.154037002,6.154037346,6.154037017,6.154037135
+"17052","TRIM33",7.75662169,7.756621909,7.756621439,7.756621811,7.756621434,7.756621404,7.756621607,7.756621169,7.756621398,7.756621122,7.756621495,7.756620785,7.756621859,7.756622504,7.756621668,7.756621834,7.756621133,7.75662147,7.756621604,7.756621145,7.756621701,7.756621248,7.756621827,7.75662187,7.756621698,7.756621341,7.756621836,7.756621704
+"17053","TRIM35",6.906472466,6.906472389,6.906472632,6.906472599,6.906472854,6.906472385,6.906472655,6.906472832,6.906472677,6.9064728,6.906472776,6.906472913,6.906472793,6.906472342,6.906472702,6.90647243,6.90647281,6.906472772,6.906472648,6.906472539,6.906472686,6.906472731,6.906472614,6.906472528,6.906472703,6.906472795,6.906472576,6.906472696
+"17054","TRIM36",3.782149377,3.782149395,3.782149397,3.782149387,3.78214939,3.78214939,3.782149391,3.782149387,3.782149389,3.782149387,3.782149389,3.782149381,3.782149389,3.782149384,3.782149385,3.782149395,3.782149388,3.782149395,3.782149404,3.782149401,3.78214938,3.78214939,3.782149371,3.782149384,3.782149381,3.782149387,3.782149375,3.782149383
+"17055","TRIM37",6.27767681,6.277676517,6.27767596,6.277675983,6.27767566,6.277675986,6.277676145,6.277676249,6.277676563,6.277675974,6.277675906,6.277676267,6.277676861,6.277676906,6.277676695,6.277676505,6.277675773,6.277675581,6.277676464,6.277675441,6.277675963,6.277676272,6.277676667,6.277675981,6.277676022,6.277676245,6.277676693,6.277676604
+"17056","TRIM38",7.857755456,7.857755439,7.857755,7.857755396,7.857755203,7.857756145,7.857755121,7.857754871,7.85775505,7.857755139,7.857755139,7.857754535,7.857755278,7.857755546,7.857755374,7.857755206,7.857754641,7.857755376,7.85775567,7.857756123,7.857755322,7.857754725,7.857755129,7.857755207,7.857755221,7.857755011,7.857755149,7.857755197
+"17057","TRIM4",6.403363742,6.403364132,6.403363206,6.403362956,6.403363185,6.403363595,6.403363238,6.403363536,6.403364011,6.403364057,6.403363212,6.403363067,6.403363415,6.403364457,6.40336344,6.403363213,6.403362897,6.403363023,6.403363719,6.403363723,6.403362905,6.40336338,6.403364106,6.403363942,6.403363024,6.403363341,6.403363652,6.403364117
+"17058","TRIM40",4.927273785,4.92727379,4.927273777,4.927273818,4.927273801,4.927273789,4.927273781,4.927273778,4.927273774,4.927273813,4.927273768,4.927273804,4.927273791,4.927273747,4.927273797,4.927273797,4.92727379,4.927273836,4.92727378,4.92727379,4.927273803,4.927273801,4.927273774,4.927273822,4.927273797,4.927273792,4.927273779,4.927273775
+"17059","TRIM41",6.002461804,6.002461801,6.002461802,6.002461815,6.002461768,6.002461833,6.002461788,6.002461806,6.002461809,6.002461804,6.002461792,6.002461808,6.002461805,6.002461795,6.002461756,6.002461789,6.002461787,6.002461801,6.002461779,6.002461778,6.002461779,6.0024618,6.002461795,6.002461799,6.002461804,6.002461794,6.002461819,6.002461769
+"17060","TRIM42",4.065602161,4.065602123,4.065602178,4.065602205,4.065602292,4.065602172,4.065602297,4.065602278,4.065602216,4.065602169,4.065602218,4.065602273,4.065602205,4.065602167,4.065602255,4.065602245,4.065602263,4.065602223,4.065602243,4.065602287,4.065602274,4.06560224,4.065602164,4.06560218,4.065602241,4.065602179,4.065602214,4.065602243
+"17061","TRIM44",7.215093397,7.215093283,7.215093225,7.215093128,7.215093209,7.215093366,7.215093148,7.215093102,7.215093457,7.215093496,7.215093091,7.215093019,7.215093371,7.215093705,7.215093219,7.21509314,7.215092823,7.215092946,7.215093156,7.215093083,7.215093127,7.215093209,7.215093326,7.215093237,7.215092915,7.215093261,7.215093323,7.21509354
+"17062","TRIM45",4.561417794,4.561417787,4.561417814,4.561417782,4.561417978,4.561417843,4.561417883,4.561417881,4.561417808,4.561417798,4.561417741,4.561417966,4.56141783,4.561417702,4.561417879,4.561417862,4.561418003,4.561417955,4.561417775,4.561417824,4.561417864,4.561417949,4.561417775,4.561417838,4.561417892,4.561417873,4.561417803,4.561417787
+"17063","TRIM46",5.750402622,5.75040262,5.750402656,5.75040262,5.750402674,5.75040265,5.750402634,5.75040264,5.750402631,5.750402667,5.750402663,5.750402665,5.750402643,5.750402601,5.750402656,5.750402637,5.750402676,5.750402651,5.750402663,5.750402623,5.750402655,5.750402676,5.750402623,5.750402617,5.750402627,5.750402639,5.75040263,5.750402639
+"17064","TRIM47",6.177750746,6.177750762,6.17775076,6.177750737,6.177750803,6.177750745,6.177750802,6.1777508,6.17775076,6.177750821,6.177750811,6.177750835,6.17775079,6.177750695,6.177750805,6.177750809,6.177750808,6.177750805,6.177750763,6.177750757,6.177750792,6.177750806,6.177750768,6.177750733,6.177750813,6.177750803,6.177750775,6.177750806
+"17065","TRIM48",4.968540489,4.968540453,4.968540975,4.968540753,4.968540397,4.968540159,4.968539844,4.96854126,4.968540557,4.968540063,4.968541334,4.968541469,4.968540379,4.968540066,4.968539783,4.968541415,4.968541506,4.968540891,4.96854056,4.968540363,4.968539577,4.96854096,4.968540438,4.96854053,4.968541305,4.968540694,4.968540366,4.968541132
+"17066","TRIM5",6.571903721,6.571903899,6.571903145,6.571903128,6.571903538,6.571904512,6.571903569,6.571903234,6.571903469,6.571903031,6.571903049,6.571902718,6.571903296,6.571904052,6.571903374,6.571903779,6.571902612,6.571902967,6.571903495,6.57190449,6.571903296,6.571903114,6.571903558,6.571903349,6.571903085,6.571903002,6.5719034,6.571903265
+"17067","TRIM50",4.861178394,4.861178419,4.861178325,4.861178293,4.861178833,4.861178368,4.861178539,4.861178575,4.861178326,4.861178691,4.861178051,4.861178534,4.861178196,4.861178123,4.861178489,4.861178584,4.861178938,4.861178467,4.861178028,4.861178555,4.8611788,4.861178391,4.861178415,4.861178264,4.861178479,4.86117836,4.861178239,4.861178601
+"17068","TRIM51",3.6133822025,3.613382593,3.6133816465,3.613382472,3.613382655,3.6133812195,3.6133815225,3.61338224,3.613381957,3.6133817855,3.6133823265,3.6133821945,3.6133819745,3.61338179,3.613382419,3.613382562,3.613382599,3.613382559,3.613382054,3.6133819115,3.6133820175,3.613381839,3.613381567,3.6133817235,3.6133823055,3.6133819935,3.6133821815,3.61338272
+"17069","TRIM52",7.115370686,7.115370685,7.11537037,7.115370439,7.115370328,7.115370186,7.115370684,7.115370329,7.11537073,7.115370633,7.115370496,7.115370495,7.11537064,7.115371247,7.115370578,7.115370493,7.11537038,7.115370471,7.115370638,7.115370121,7.115370577,7.115370501,7.1153708,7.115370549,7.115370327,7.115370434,7.115370484,7.115371102
+"17070","TRIM54",4.8181259,4.818126017,4.818126109,4.818126227,4.818126343,4.818126047,4.818126201,4.818126212,4.818126089,4.818126022,4.818126132,4.818126195,4.818126111,4.818125983,4.818126245,4.818126244,4.818126154,4.818126323,4.818126312,4.818126192,4.818126366,4.818126135,4.818125938,4.81812609,4.818126285,4.818126259,4.818126122,4.818126206
+"17071","TRIM55",4.269985395,4.269985387,4.269985417,4.269985414,4.269985425,4.26998541,4.269985413,4.269985448,4.269985417,4.269985446,4.269985446,4.269985428,4.269985407,4.269985413,4.269985422,4.269985437,4.269985456,4.269985426,4.269985446,4.269985433,4.269985429,4.269985447,4.269985419,4.269985413,4.269985426,4.269985426,4.269985409,4.269985411
+"17072","TRIM56",7.141552679,7.141552801,7.141552607,7.141552702,7.141552664,7.141552964,7.141552675,7.141552752,7.141552726,7.141552669,7.141552641,7.141552594,7.141552715,7.141552725,7.141552702,7.141552804,7.141552631,7.141552715,7.141552684,7.141552932,7.14155265,7.141552692,7.14155274,7.141552734,7.141552639,7.141552663,7.141552686,7.141552751
+"17073","TRIM59",4.857263099,4.857262767,4.857262875,4.857262681,4.857262817,4.857262586,4.857263024,4.857262823,4.85726296,4.857262835,4.857262809,4.857262806,4.857262971,4.857263173,4.857262876,4.857262731,4.857262827,4.857262683,4.857262872,4.857262709,4.857262968,4.857262892,4.857262951,4.85726287,4.857262986,4.857262873,4.857262955,4.857263132
+"17074","TRIM60",4.519281565,4.51928157,4.519281573,4.519281558,4.51928163,4.519281586,4.51928158,4.519281579,4.519281565,4.519281604,4.519281589,4.519281627,4.519281557,4.519281545,4.519281595,4.519281578,4.519281602,4.519281603,4.519281602,4.519281602,4.519281604,4.519281603,4.519281567,4.519281577,4.519281579,4.519281596,4.519281567,4.519281571
+"17075","TRIM61",4.905184104,4.905184128,4.905184115,4.905184174,4.905184122,4.905184121,4.905184103,4.905184116,4.905184141,4.905184119,4.905184119,4.9051842,4.905184139,4.905184145,4.905184083,4.905184096,4.905184147,4.905184131,4.905184108,4.905184131,4.905184199,4.905184106,4.905184132,4.905184111,4.905184095,4.905184216,4.905184131,4.905184117
+"17076","TRIM62",6.436727031,6.436727062,6.436727031,6.436727057,6.436727052,6.436727066,6.436727042,6.436727048,6.436727042,6.436727049,6.436727047,6.43672704,6.436727045,6.436727007,6.436727054,6.43672705,6.436727045,6.43672705,6.436727069,6.436727054,6.436727034,6.436727055,6.436727035,6.436727041,6.43672706,6.436727049,6.436727038,6.436727025
+"17077","TRIM63",4.542570616,4.542570567,4.542570612,4.54257061,4.542570628,4.542570602,4.542570602,4.542570617,4.542570605,4.542570575,4.542570607,4.542570623,4.542570581,4.542570581,4.542570577,4.542570578,4.542570656,4.542570597,4.542570581,4.542570613,4.542570583,4.542570644,4.542570558,4.542570568,4.542570596,4.542570603,4.542570581,4.542570606
+"17078","TRIM65",6.99875527,6.998755238,6.998755303,6.998755266,6.998755379,6.998755294,6.998755307,6.998755329,6.998755342,6.998755348,6.998755354,6.998755409,6.998755313,6.998755194,6.998755364,6.998755281,6.998755375,6.998755337,6.998755321,6.998755272,6.99875534,6.99875533,6.998755282,6.998755223,6.998755281,6.998755364,6.998755321,6.998755347
+"17079","TRIM66",6.3590346,6.359034543,6.359034516,6.359034304,6.359034126,6.359034653,6.359034663,6.359034467,6.359034724,6.35903453,6.359034428,6.359034878,6.359034698,6.359034422,6.359034586,6.359034359,6.35903428,6.35903431,6.359034236,6.359034548,6.359034498,6.359034615,6.359034669,6.35903443,6.359034484,6.359034706,6.359034777,6.359034215
+"17080","TRIM67",5.502665529,5.502665808,5.502665854,5.502665718,5.502666247,5.502665515,5.502665748,5.502666216,5.502665732,5.502665856,5.502665829,5.502666118,5.502665785,5.502665478,5.502666147,5.502665885,5.502666288,5.50266603,5.502665883,5.502666074,5.502666141,5.502666161,5.502665648,5.502665725,5.502666047,5.502665902,5.502665623,5.502665903
+"17081","TRIM67-AS1",3.624831432,3.624831365,3.624831477,3.624831607,3.624831681,3.624831666,3.624831626,3.624831414,3.624831579,3.624831571,3.624832028,3.624831049,3.624831012,3.624831541,3.624831468,3.624831347,3.624831253,3.624831638,3.624831156,3.624831291,3.62483159,3.624831665,3.624831466,3.624831098,3.624830594,3.624831307,3.624831226,3.624831697
+"17082","TRIM68",5.780203857,5.780203878,5.780203552,5.780203609,5.780203734,5.78020384,5.780203756,5.780203776,5.780203804,5.780203765,5.780203689,5.780203737,5.780203771,5.780203966,5.780203777,5.780203814,5.780203575,5.780203662,5.780203738,5.78020369,5.780203773,5.780203703,5.780203816,5.780203701,5.780203763,5.780203777,5.780203769,5.780203824
+"17083","TRIM7",5.096410253,5.096410587,5.096410621,5.096410498,5.096410577,5.096410341,5.096410318,5.096410501,5.09641067,5.096410481,5.096410658,5.096410629,5.096410408,5.096410046,5.096410529,5.096410479,5.096410666,5.096410605,5.096410478,5.096410629,5.096410291,5.096410583,5.096410455,5.096410548,5.096410532,5.096410488,5.096410373,5.096410282
+"17084","TRIM71",6.145584396,6.145584185,6.145584476,6.145584223,6.145584781,6.145584397,6.145584628,6.145584548,6.145584434,6.145584592,6.145584682,6.145584918,6.145584444,6.145584138,6.145584611,6.145584472,6.14558474,6.145584703,6.145584576,6.145584549,6.145584749,6.145584631,6.145584334,6.145584112,6.145584531,6.145584627,6.145584332,6.145584487
+"17085","TRIM72",5.442503751,5.442503804,5.442503839,5.442503739,5.442503957,5.442503706,5.442503768,5.442503825,5.442503801,5.442503769,5.442503869,5.44250387,5.442503861,5.442503646,5.442503909,5.442503803,5.442503974,5.442503914,5.442503789,5.442503898,5.442503798,5.442503861,5.442503707,5.442503733,5.442503803,5.442503839,5.442503632,5.442503715
+"17086","TRIM8",7.703099001,7.7030992,7.70309897,7.703099133,7.70309891,7.703099033,7.703099006,7.703098949,7.703098922,7.703098802,7.70309903,7.703098839,7.703099007,7.703098943,7.703098937,7.703099163,7.703098982,7.703099223,7.703099041,7.703098907,7.70309897,7.703098902,7.703099023,7.703099047,7.703099036,7.703098895,7.703099036,7.70309884
+"17087","TRIM9",4.819096867,4.819096872,4.819096947,4.81909702,4.819096961,4.819096869,4.819096907,4.819096906,4.819096944,4.819096919,4.819096983,4.819096908,4.819096919,4.81909687,4.81909692,4.819096937,4.819096994,4.819096951,4.819096941,4.81909695,4.819096933,4.819096973,4.819096915,4.819096985,4.819096939,4.819096928,4.819096877,4.819096869
+"17088","TRIML1",3.544875654,3.544875709,3.544875739,3.544875772,3.544875727,3.544875686,3.544875676,3.544875687,3.544875718,3.544875721,3.544875735,3.544875742,3.544875688,3.544875652,3.544875719,3.544875699,3.544875731,3.544875722,3.544875699,3.544875761,3.544875718,3.54487572,3.544875646,3.544875667,3.544875761,3.544875733,3.544875686,3.544875701
+"17089","TRIML2",4.527239766,4.527239792,4.527239826,4.527239784,4.527239825,4.52723976,4.527239782,4.527239805,4.527239791,4.527239783,4.527239806,4.527239805,4.527239779,4.527239743,4.527239816,4.527239801,4.527239826,4.5272398,4.52723976,4.527239776,4.527239799,4.527239816,4.527239765,4.527239793,4.527239785,4.527239789,4.527239783,4.527239815
+"17090","TRIO",6.581745037,6.581744923,6.58174482,6.581744795,6.58174489,6.581744889,6.581744977,6.581744632,6.581744583,6.581744982,6.581744837,6.581744856,6.581744858,6.58174514,6.581744901,6.581744755,6.581744653,6.581744756,6.581744851,6.581744865,6.581744897,6.581744835,6.581744588,6.581744955,6.581744765,6.581744901,6.581744913,6.58174501
+"17091","TRIOBP",6.471880241,6.471880252,6.471880243,6.47188027,6.471880215,6.471880267,6.471880238,6.471880241,6.471880151,6.471880209,6.471880217,6.471880225,6.471880229,6.471880215,6.471880223,6.471880224,6.471880217,6.471880251,6.471880242,6.471880286,6.471880211,6.471880239,6.471880188,6.471880273,6.471880259,6.471880256,6.471880227,6.471880196
+"17092","TRIP10",5.393705852,5.393705892,5.393705855,5.3937059,5.393706085,5.393705727,5.393705986,5.393705903,5.393705782,5.393705934,5.393705875,5.393706018,5.393705847,5.39370579,5.393705949,5.393705893,5.393705961,5.393706009,5.393705933,5.393705956,5.393705978,5.39370589,5.393705841,5.393705807,5.393705962,5.393705953,5.393705904,5.393705963
+"17093","TRIP11",5.455747864,5.455747391,5.455747189,5.455746975,5.455747268,5.455746549,5.455747018,5.455747242,5.455747824,5.455746894,5.455746568,5.455746565,5.45574761,5.455749451,5.455747693,5.45574705,5.455747042,5.455747363,5.455747625,5.455745783,5.455747053,5.455747096,5.455747543,5.455747464,5.455747188,5.455746668,5.45574775,5.455748883
+"17094","TRIP12",8.783884948,8.783884908,8.78388484,8.783884895,8.78388481,8.783884944,8.783884913,8.783884764,8.783884805,8.783884943,8.783884915,8.783884661,8.783884806,8.783885113,8.783884839,8.783884828,8.783884638,8.783884746,8.783884944,8.783884863,8.783884903,8.783884701,8.783884893,8.78388498,8.78388491,8.783884883,8.783884882,8.783884901
+"17095","TRIP13",4.072788282,4.072788184,4.072788545,4.07278847,4.072788568,4.072788326,4.072788827,4.072788529,4.072788452,4.072788489,4.072788439,4.072788732,4.072788408,4.072788219,4.072788493,4.072788343,4.072788586,4.072788508,4.072788326,4.072788544,4.072788786,4.07278843,4.072788734,4.072788464,4.072788268,4.072788413,4.072788489,4.072788285
+"17096","TRIP4",6.249786669,6.249786832,6.249786549,6.249786683,6.249786534,6.249786567,6.249786506,6.24978651,6.249786563,6.24978652,6.24978657,6.249786344,6.249786625,6.249786776,6.249786489,6.24978683,6.249786426,6.249786535,6.249786625,6.24978658,6.24978652,6.249786527,6.249786634,6.249786698,6.249786677,6.249786555,6.249786645,6.249786688
+"17097","TRIP6",6.346374284,6.346374568,6.346374823,6.346374338,6.346374626,6.346374048,6.346374302,6.3463745,6.346374714,6.346374596,6.346374672,6.346374395,6.34637441,6.34637434,6.34637441,6.346374749,6.346374523,6.346374615,6.346374233,6.346374549,6.346374501,6.346374527,6.346374447,6.346374622,6.346374677,6.346374484,6.346374471,6.346374466
+"17098","TRIR",8.985748591,8.985748643,8.985748628,8.985748586,8.985748545,8.985748515,8.985748575,8.985748565,8.985748648,8.985748641,8.985748559,8.985748518,8.985748616,8.985748643,8.98574858,8.985748632,8.985748567,8.985748541,8.985748567,8.985748586,8.985748567,8.985748596,8.985748624,8.985748628,8.985748569,8.985748568,8.985748595,8.985748641
+"17099","TRIT1",6.463274897,6.463274819,6.463274821,6.463274828,6.46327472,6.463274785,6.463274807,6.463274748,6.463274903,6.463274781,6.463274749,6.463274902,6.463274849,6.463274948,6.463274681,6.463274778,6.463274583,6.463274651,6.463274764,6.463274791,6.463274727,6.463274727,6.463274865,6.463274848,6.463274823,6.463274811,6.463274893,6.463274781
+"17100","TRMO",6.265332672,6.265332729,6.265332561,6.265332627,6.265332515,6.265332447,6.265332544,6.265332468,6.265332662,6.265332369,6.265332407,6.265332353,6.265332705,6.265332812,6.2653325,6.265332639,6.265332538,6.265332468,6.265332684,6.265332372,6.265332632,6.26533237,6.265332851,6.265332597,6.265332585,6.265332623,6.265332631,6.26533259
+"17101","TRMT1",6.319086067,6.319086003,6.31908602,6.319085983,6.319086028,6.319086079,6.319085999,6.319086007,6.319086092,6.319086047,6.319085995,6.319086025,6.319086068,6.319086099,6.319086032,6.319086012,6.319085995,6.319085983,6.319085998,6.319086016,6.319086014,6.319086012,6.319086056,6.31908601,6.319085918,6.319086059,6.319086044,6.319086057
+"17102","TRMT10A",3.901706656,3.901706754,3.901706655,3.901706654,3.901706634,3.901706695,3.901706623,3.90170667,3.901706632,3.901706678,3.901706591,3.901706611,3.90170663,3.901706718,3.901706584,3.901706683,3.901706717,3.901706592,3.901706608,3.901706731,3.901706635,3.901706557,3.901706656,3.901706643,3.901706639,3.901706644,3.901706599,3.901706632
+"17103","TRMT10B",5.96850575,5.968505735,5.968505713,5.968505691,5.968505734,5.968505718,5.968505734,5.968505729,5.968505744,5.968505721,5.968505699,5.968505753,5.968505721,5.968505747,5.968505734,5.968505743,5.96850571,5.968505722,5.968505713,5.968505738,5.968505737,5.968505744,5.96850573,5.968505726,5.968505722,5.968505749,5.968505745,5.968505741
+"17104","TRMT10C",4.478296358,4.478295985,4.47829639,4.478296036,4.47829615,4.478295964,4.47829625,4.478296113,4.478296336,4.478296079,4.47829597,4.478296151,4.478295893,4.478296555,4.478296022,4.478295823,4.47829625,4.478295878,4.478296085,4.478296124,4.478296309,4.478296054,4.478295999,4.47829592,4.478295984,4.478295902,4.47829606,4.478296574
+"17105","TRMT11",4.942285855,4.942285761,4.94228567,4.942285647,4.94228566,4.942285585,4.942285722,4.942285668,4.942285752,4.942285686,4.942285651,4.942285604,4.94228577,4.942285884,4.942285798,4.942285708,4.942285571,4.942285687,4.942285698,4.942285705,4.942285693,4.942285617,4.942285819,4.942285633,4.942285693,4.942285719,4.942285755,4.942285733
+"17106","TRMT112",8.981711142,8.981710974,8.981709288,8.981708848,8.981709052,8.981709547,8.98171009,8.981710154,8.981711271,8.981710088,8.981708773,8.981708404,8.981710326,8.981711836,8.981709302,8.98171091,8.981709039,8.981708368,8.981709881,8.981708896,8.981709642,8.981710051,8.981711327,8.981710303,8.981708825,8.981708954,8.981710226,8.981710914
+"17107","TRMT12",5.103450832,5.103450777,5.103450789,5.103450778,5.103450767,5.1034508,5.103450763,5.103450771,5.103450801,5.103450788,5.103450775,5.103450794,5.103450786,5.103450786,5.103450766,5.103450826,5.103450773,5.103450781,5.103450742,5.103450813,5.103450762,5.103450758,5.103450804,5.103450835,5.103450788,5.103450785,5.103450778,5.10345081
+"17108","TRMT13",5.854428254,5.854427649,5.854427433,5.854427341,5.854427128,5.854426439,5.854427159,5.854426906,5.854428057,5.854427492,5.8544269,5.854427079,5.854427711,5.854429054,5.854427383,5.854427478,5.854426794,5.85442662,5.85442764,5.854426525,5.854427158,5.854427396,5.854427738,5.85442782,5.854427161,5.854427421,5.854427141,5.854428337
+"17109","TRMT1L",6.353466538,6.353466319,6.353466285,6.353466348,6.35346623,6.353466271,6.353466412,6.353466107,6.35346628,6.353466158,6.353466375,6.353466036,6.353466396,6.353466746,6.353466371,6.353466186,6.353466156,6.353466229,6.353466618,6.353466212,6.353466342,6.353466231,6.353466305,6.353466326,6.353466347,6.3534662,6.353466332,6.353466616
+"17110","TRMT2A",6.843377616,6.84337759,6.843377648,6.843377601,6.843377648,6.84337764,6.843377638,6.843377628,6.843377635,6.843377639,6.843377593,6.843377697,6.843377695,6.843377577,6.843377624,6.843377596,6.843377616,6.843377622,6.843377619,6.843377597,6.843377603,6.84337763,6.843377593,6.843377627,6.843377596,6.843377632,6.84337763,6.843377612
+"17111","TRMT2B",7.163564653,7.163564457,7.16356406,7.163564064,7.163563751,7.163564316,7.163563978,7.163564045,7.163564517,7.163564428,7.163563902,7.163564168,7.163564581,7.16356479,7.16356433,7.163564174,7.16356386,7.163563879,7.163564136,7.163563562,7.163564077,7.163564237,7.163564551,7.163564606,7.163563904,7.163564356,7.163564464,7.163564457
+"17112","TRMT44",4.81602291,4.816022915,4.816022948,4.81602289,4.816022925,4.816022904,4.816022917,4.816022914,4.816022948,4.816022894,4.816022934,4.816022941,4.816022916,4.816022935,4.816022924,4.816022933,4.816022947,4.816022949,4.816022901,4.816022949,4.81602295,4.816022943,4.816022911,4.816022914,4.81602291,4.816022927,4.816022929,4.816022913
+"17113","TRMT5",4.817787668,4.817787586,4.817787667,4.817787586,4.817787685,4.817787435,4.817787653,4.817787581,4.817787747,4.817787628,4.817787718,4.817787641,4.817787655,4.817787677,4.817787776,4.817787702,4.817787579,4.817787485,4.817787601,4.817787671,4.817787663,4.817787662,4.817787706,4.817787686,4.817787652,4.817787678,4.817787528,4.817787776
+"17114","TRMT6",5.984040232,5.984040199,5.984040162,5.98404018,5.984040233,5.984040211,5.984040221,5.984040199,5.984040212,5.984040216,5.984040168,5.984040177,5.984040208,5.984040252,5.984040216,5.984040213,5.984040176,5.984040193,5.984040223,5.984040175,5.984040216,5.984040205,5.984040202,5.9840402,5.984040167,5.984040208,5.984040215,5.98404023
+"17115","TRMT61A",6.328040769,6.328040808,6.328040784,6.328040766,6.32804115,6.32804091,6.328040925,6.328041136,6.328040924,6.328041095,6.328040758,6.328040991,6.32804088,6.328040817,6.32804108,6.328040938,6.328041202,6.32804107,6.328041096,6.328040975,6.328041045,6.328041065,6.328040899,6.328040836,6.328040948,6.328040978,6.328040889,6.32804105
+"17116","TRMT61B",4.869500223,4.869500001,4.869499887,4.869500142,4.869500186,4.869499636,4.869499903,4.869499708,4.869500099,4.869500028,4.869499936,4.86949975,4.869500103,4.869500416,4.869500061,4.869499878,4.86949962,4.869499725,4.869499939,4.869499744,4.869500035,4.869500219,4.869500174,4.869499965,4.869499459,4.869500134,4.869500044,4.869500457
+"17117","TRMT9B",3.9286563395,3.9286563165,3.928656335,3.928656404,3.928656371,3.9286563585,3.928656352,3.9286563525,3.92865632,3.9286563335,3.9286563445,3.9286563865,3.9286563265,3.928656334,3.9286563735,3.928656333,3.928656342,3.9286563505,3.9286563715,3.9286563455,3.928656347,3.928656355,3.928656348,3.9286563165,3.9286563895,3.928656333,3.9286563235,3.9286563705
+"17118","TRMU",6.361365931,6.361365931,6.361365907,6.361365906,6.361365907,6.361365919,6.361365911,6.361365918,6.361365922,6.361365897,6.361365898,6.361365903,6.361365922,6.36136594,6.361365902,6.361365917,6.361365895,6.36136589,6.361365909,6.361365918,6.36136591,6.361365896,6.361365929,6.361365927,6.361365901,6.361365924,6.361365922,6.361365905
+"17119","TRNAU1AP",6.45647974,6.456479638,6.456479673,6.45647955,6.456479651,6.456479736,6.456479727,6.456479691,6.456479715,6.45647969,6.456479663,6.456479687,6.456479719,6.45647973,6.456479737,6.456479635,6.456479659,6.456479623,6.456479717,6.456479628,6.456479731,6.456479703,6.456479647,6.456479721,6.456479622,6.456479669,6.456479671,6.456479749
+"17120","TRNP1",7.063495733,7.063495718,7.063495813,7.063495731,7.063495882,7.063495726,7.063495781,7.063495819,7.063495775,7.063495831,7.063495816,7.063495807,7.06349579,7.063495653,7.063495856,7.063495751,7.063495859,7.063495767,7.06349577,7.063495759,7.063495818,7.063495839,7.063495773,7.063495723,7.063495778,7.063495809,7.063495727,7.063495783
+"17121","TRNT1",5.523584206,5.523583515,5.52358361,5.523583493,5.523582946,5.523583001,5.523582944,5.523583192,5.523583891,5.523583534,5.523583334,5.523582541,5.523583573,5.523584851,5.523583404,5.523583661,5.52358302,5.523583542,5.523583881,5.523582494,5.523583291,5.523583378,5.523583817,5.523583388,5.523583357,5.52358357,5.523583538,5.523584325
+"17122","TRO",4.757187847,4.757187859,4.757187864,4.757187856,4.757187861,4.757187854,4.757187842,4.757187876,4.757187882,4.757187858,4.757187861,4.757187832,4.757187862,4.757187848,4.757187849,4.757187839,4.757187858,4.757187861,4.757187857,4.757187877,4.757187859,4.757187877,4.757187842,4.757187852,4.757187853,4.757187869,4.757187835,4.757187858
+"17123","TROAP",5.566691596,5.566691646,5.566691704,5.566691648,5.566691738,5.566691726,5.566691707,5.566691716,5.56669167,5.566691678,5.566691688,5.566691701,5.56669167,5.566691619,5.566691682,5.566691664,5.566691734,5.566691679,5.56669164,5.566691689,5.566691716,5.566691722,5.566691724,5.566691608,5.566691611,5.566691678,5.56669163,5.566691644
+"17124","TRPA1",2.89199781,2.891997923,2.891997863,2.891997898,2.891997894,2.891997883,2.891997909,2.891997922,2.891997944,2.891997931,2.891997851,2.891997883,2.891997929,2.891997868,2.891997962,2.891997917,2.891998027,2.891997912,2.891997832,2.891997936,2.891997938,2.891997881,2.891997906,2.891997845,2.891997878,2.891997837,2.89199795,2.891997948
+"17125","TRPC1",3.860291036,3.860290112,3.860290108,3.860289752,3.860290393,3.86029001,3.860290436,3.860289948,3.860290553,3.860290554,3.860290107,3.860290349,3.860290559,3.860291334,3.860290442,3.860290486,3.860289787,3.860290136,3.860290643,3.860289462,3.860289845,3.860290601,3.860290677,3.86029,3.860290146,3.860290131,3.86029019,3.860290867
+"17126","TRPC2",4.321286447,4.321286611,4.321286561,4.321286672,4.321286658,4.321286566,4.321286509,4.321286829,4.321286394,4.321286471,4.321286604,4.32128662,4.32128632,4.321286505,4.321286518,4.321286647,4.32128672,4.321286809,4.321286512,4.321286602,4.32128653,4.321286621,4.321286442,4.32128654,4.321286401,4.321286584,4.321286323,4.321286569
+"17127","TRPC3",4.322233474,4.322233427,4.322233684,4.322233527,4.322233759,4.322233639,4.322233644,4.322233773,4.322233629,4.322233803,4.32223378,4.322233791,4.32223366,4.322233488,4.32223377,4.322233547,4.322233951,4.322233777,4.322233611,4.322233547,4.322233703,4.322233724,4.322233601,4.322233573,4.322233664,4.322233819,4.322233657,4.32223377
+"17128","TRPC4",3.499213175,3.499213187,3.499213213,3.499213141,3.499213211,3.499213194,3.499213193,3.499213187,3.499213178,3.499213205,3.499213222,3.499213186,3.499213178,3.499213154,3.499213203,3.499213197,3.499213279,3.499213194,3.499213177,3.499213182,3.499213198,3.49921317,3.49921318,3.499213164,3.499213191,3.499213222,3.499213186,3.499213233
+"17129","TRPC4AP",8.2984439,8.298443894,8.298443796,8.298443916,8.298443781,8.298443957,8.298443889,8.298443823,8.298443786,8.298443808,8.298443804,8.298443734,8.298443863,8.298443849,8.298443782,8.298443847,8.298443749,8.298443797,8.298443891,8.298443849,8.298443811,8.298443827,8.298443821,8.298443856,8.29844385,8.298443794,8.298443868,8.298443796
+"17130","TRPC5",3.911421433,3.911421448,3.911421475,3.911421467,3.91142152,3.911421482,3.911421423,3.911421449,3.911421422,3.911421461,3.911421429,3.911421537,3.911421467,3.911421412,3.911421432,3.911421445,3.911421435,3.911421504,3.91142144,3.911421469,3.911421448,3.911421433,3.911421487,3.911421468,3.911421456,3.91142144,3.911421445,3.911421454
+"17131","TRPC6",4.267935796,4.267936017,4.267935887,4.267935949,4.267936026,4.267935878,4.267935885,4.267935932,4.267935784,4.267935981,4.267936051,4.267935966,4.267935923,4.267935884,4.26793593,4.267935987,4.267935979,4.267935919,4.267935977,4.267935913,4.267935906,4.267935897,4.267935771,4.26793593,4.267935966,4.267935968,4.267935895,4.267935923
+"17132","TRPC7",3.254387357,3.254387312,3.254387447,3.25438762,3.254387459,3.254387436,3.254387382,3.254387498,3.254387221,3.254387289,3.254387417,3.254387536,3.254387392,3.254387299,3.254387539,3.254387331,3.254387559,3.254387572,3.254387426,3.254387486,3.254387266,3.254387517,3.254387234,3.254387485,3.254387437,3.254387402,3.254387457,3.254387482
+"17133","TRPM1",4.485115123,4.48511515,4.485115168,4.485115162,4.485115168,4.485115148,4.485115149,4.485115181,4.485115172,4.485115166,4.485115159,4.485115161,4.485115164,4.485115134,4.485115165,4.485115168,4.485115157,4.485115178,4.485115144,4.485115162,4.485115148,4.485115156,4.485115151,4.485115149,4.485115164,4.485115145,4.485115164,4.485115174
+"17134","TRPM2",6.031139098,6.031139148,6.031139124,6.031139175,6.031139149,6.031139141,6.031139127,6.031139159,6.031139089,6.031139126,6.031139118,6.031139132,6.031139142,6.031139076,6.031139077,6.031139174,6.031139142,6.031139061,6.031139049,6.031139151,6.031139096,6.03113911,6.031139104,6.031139129,6.031139106,6.03113914,6.031139126,6.031139077
+"17135","TRPM3",4.267251946,4.267251937,4.267251945,4.267251948,4.267251969,4.267251958,4.267251939,4.267251963,4.267251937,4.267251957,4.267251958,4.267251978,4.267251941,4.267251928,4.267251954,4.267251935,4.267251971,4.267251969,4.267251954,4.26725196,4.267251961,4.267251961,4.267251928,4.267251932,4.267251952,4.26725194,4.267251937,4.267251955
+"17136","TRPM4",5.762357526,5.76235751,5.762357611,5.762357553,5.762357722,5.762357525,5.762357555,5.762357575,5.762357582,5.762357573,5.76235763,5.762357696,5.762357545,5.762357445,5.762357608,5.762357543,5.762357634,5.762357586,5.762357563,5.762357584,5.762357578,5.762357642,5.762357544,5.762357467,5.762357541,5.76235758,5.762357554,5.762357556
+"17137","TRPM5",5.621987005,5.621987246,5.621987291,5.621987216,5.621987447,5.62198696,5.621987185,5.621987376,5.621987101,5.621987139,5.621987169,5.621987326,5.621987256,5.621987018,5.621987347,5.62198707,5.621987559,5.621987402,5.621987109,5.621987201,5.621987295,5.621987403,5.62198705,5.621987144,5.621987297,5.621987336,5.621987287,5.621987193
+"17138","TRPM6",6.211469602,6.211470581,6.211469682,6.211470605,6.21146989,6.211469486,6.211470148,6.211469536,6.211469733,6.211470136,6.211470166,6.211469325,6.211469477,6.211469986,6.211469685,6.211470861,6.211469395,6.211470113,6.211470758,6.211470159,6.211470127,6.211469414,6.21147042,6.211470711,6.211470979,6.211470028,6.211469698,6.211469951
+"17139","TRPM7",6.466290396,6.46628951,6.466289435,6.466288927,6.466288802,6.466288572,6.466289628,6.466288797,6.466289901,6.466289406,6.466288809,6.466288858,6.466289828,6.466291773,6.466289822,6.466289018,6.466288508,6.466288386,6.466289547,6.466288539,6.466289774,6.466289027,6.466289911,6.466289645,6.466289004,6.466289188,6.466289885,6.466290469
+"17140","TRPM8",3.976537873,3.976537881,3.976537904,3.976537906,3.976537897,3.976537905,3.976537898,3.976537894,3.976537865,3.976537883,3.976537891,3.97653791,3.976537875,3.976537882,3.976537901,3.976537898,3.976537902,3.97653792,3.976537891,3.976537908,3.976537899,3.976537903,3.976537878,3.976537864,3.976537892,3.976537888,3.976537901,3.97653788
+"17141","TRPS1",6.334349838,6.334349411,6.334349257,6.334349373,6.334349322,6.334349591,6.334349557,6.334349284,6.334349323,6.334349612,6.334349482,6.334349185,6.33434957,6.334349612,6.334349489,6.334348871,6.334349184,6.334348936,6.334349464,6.334349429,6.33434948,6.334349446,6.334349442,6.334349562,6.334349319,6.334348863,6.334349754,6.334349515
+"17142","TRPT1",6.631660703,6.631660693,6.631660736,6.631660677,6.631660705,6.631660654,6.631660696,6.631660715,6.631660684,6.631660697,6.63166073,6.631660753,6.631660733,6.631660659,6.631660704,6.631660699,6.631660762,6.631660729,6.63166068,6.631660735,6.631660704,6.631660721,6.631660696,6.631660691,6.631660694,6.631660748,6.631660709,6.631660679
+"17143","TRPV2",7.097017575,7.09701762,7.097017709,7.097017245,7.09701725,7.097017816,7.097017482,7.097017427,7.097017545,7.097017548,7.097017384,7.097017339,7.097017591,7.09701759,7.097017327,7.097017507,7.097017386,7.097017226,7.097017495,7.097017424,7.097017302,7.097017507,7.097017605,7.097017464,7.097017338,7.097017427,7.097017633,7.097017392
+"17144","TRPV3",4.500438479,4.500438476,4.500438603,4.500438532,4.500438574,4.500438514,4.500438506,4.500438542,4.500438545,4.500438494,4.50043849,4.500438606,4.500438497,4.500438476,4.500438565,4.500438512,4.500438656,4.500438566,4.500438482,4.500438478,4.500438521,4.500438581,4.500438531,4.500438522,4.500438549,4.500438531,4.500438454,4.500438552
+"17145","TRPV4",5.370758057,5.370758044,5.370758191,5.370758134,5.370758209,5.370758262,5.370758056,5.370758124,5.370758196,5.370758207,5.370758172,5.370758253,5.370758203,5.370757971,5.370758175,5.37075814,5.370758251,5.37075812,5.370758063,5.370758208,5.370758157,5.37075825,5.370758159,5.370758059,5.370758212,5.370758112,5.370758103,5.370758076
+"17146","TRPV5",4.448776346,4.448776292,4.448776412,4.448776481,4.448776474,4.448776348,4.448776359,4.448776411,4.448776344,4.448776352,4.44877642,4.448776428,4.448776457,4.448776285,4.448776426,4.448776423,4.448776309,4.448776497,4.448776391,4.448776293,4.448776332,4.448776465,4.448776366,4.448776276,4.448776371,4.448776315,4.448776431,4.4487764
+"17147","TRPV6",3.726848927,3.726849066,3.726849047,3.726848987,3.726849066,3.726848997,3.726848981,3.726848982,3.726848966,3.72684892,3.726848902,3.726849133,3.726848964,3.726848901,3.726849109,3.726848941,3.72684907,3.726849111,3.726849041,3.726848942,3.726849072,3.726849058,3.726849114,3.726848936,3.726848965,3.726849124,3.72684903,3.726849059
+"17148","TRUB1",5.579639824,5.579639759,5.57963969,5.579639677,5.57963972,5.579639753,5.579639747,5.579639758,5.5796398,5.579639764,5.579639672,5.579639714,5.579639775,5.579639862,5.579639802,5.579639703,5.579639641,5.579639664,5.579639714,5.579639721,5.579639685,5.579639716,5.579639802,5.579639747,5.579639685,5.579639742,5.579639738,5.579639815
+"17149","TRUB2",6.331963158,6.331963167,6.331963128,6.331963111,6.331963139,6.331963151,6.331963144,6.331963134,6.331963164,6.331963164,6.3319631,6.331963145,6.331963203,6.331963207,6.331963159,6.331963116,6.331963126,6.33196312,6.331963143,6.331963179,6.33196314,6.331963156,6.331963173,6.331963182,6.331963135,6.331963156,6.331963155,6.331963184
+"17150","TSACC",3.637961344,3.637961394,3.637961479,3.637961399,3.637961463,3.637961444,3.637961521,3.637961484,3.637961475,3.637961472,3.637961523,3.637961474,3.637961416,3.637961369,3.637961443,3.637961545,3.637961619,3.637961605,3.63796151,3.637961525,3.637961473,3.637961538,3.637961471,3.637961459,3.637961591,3.637961466,3.637961326,3.637961614
+"17151","TSBP1",2.908604298,2.908604308,2.908604292,2.908604292,2.9086043,2.908604321,2.908604317,2.908604315,2.908604292,2.908604317,2.908604304,2.908604307,2.908604313,2.908604289,2.908604301,2.908604296,2.908604317,2.908604294,2.908604293,2.908604304,2.908604302,2.908604302,2.908604316,2.90860429,2.908604311,2.908604291,2.9086043,2.908604329
+"17152","TSBP1-AS1",5.494697725,5.494697683,5.49469768,5.494697699,5.494697743,5.494697708,5.494697683,5.494697677,5.494697666,5.494697654,5.494697704,5.494697736,5.494697671,5.494697687,5.494697749,5.49469776,5.494697724,5.494697695,5.494697719,5.494697707,5.494697725,5.494697722,5.494697613,5.494697659,5.494697698,5.494697694,5.49469767,5.494697687
+"17153","TSC1",6.982064367,6.982064261,6.982064247,6.982064365,6.982064142,6.98206438,6.982064375,6.982064259,6.98206431,6.982064366,6.982064167,6.982064298,6.982064289,6.982064427,6.982064271,6.982064302,6.982064184,6.982064289,6.982064302,6.982063871,6.982064309,6.982064324,6.982064299,6.982064301,6.982064285,6.982064396,6.982064357,6.982064256
+"17154","TSC2",7.099289742,7.09928975,7.099289767,7.099289763,7.099289752,7.099289786,7.099289776,7.099289784,7.099289771,7.099289805,7.09928976,7.099289726,7.099289788,7.099289734,7.099289745,7.099289768,7.099289754,7.099289704,7.099289719,7.099289693,7.099289724,7.099289794,7.099289762,7.099289773,7.099289762,7.099289772,7.099289792,7.099289726
+"17155","TSC22D1",6.603051983,6.603052365,6.603052184,6.603052751,6.603052319,6.603052076,6.603051708,6.603052131,6.603052015,6.603051794,6.60305223,6.603052237,6.603052295,6.603052027,6.603051968,6.603052195,6.603052047,6.603052802,6.603052198,6.603052067,6.603051887,6.603051963,6.603052286,6.603052156,6.603052159,6.60305214,6.603052372,6.603052199
+"17156","TSC22D2",7.300924877,7.300924861,7.300924888,7.300924871,7.30092492,7.300924868,7.300924887,7.30092491,7.300924872,7.300924888,7.300924903,7.300924934,7.30092489,7.300924811,7.300924901,7.300924873,7.300924912,7.300924904,7.300924899,7.300924835,7.300924881,7.300924898,7.30092485,7.30092486,7.300924891,7.300924888,7.300924885,7.300924866
+"17157","TSC22D3",9.520177675,9.675853511,9.328870089,9.893323174,9.319674179,8.728774005,9.001796995,9.287079554,8.975359308,8.882917884,9.501555428,8.855756995,9.240146608,9.222332291,8.932766815,9.278567723,9.150478404,9.63014726,9.055538174,8.542620945,8.711026429,8.776393729,8.877881496,9.108717016,9.100336475,8.866257645,9.130097459,8.793178203
+"17158","TSC22D4",7.221205014,7.221205074,7.221205083,7.221205429,7.221204777,7.221205553,7.221205147,7.221205106,7.221204934,7.221205166,7.221205179,7.221205047,7.221205186,7.22120485,7.22120481,7.221205153,7.2212051,7.221205173,7.221205198,7.221205305,7.221204979,7.221205056,7.221205107,7.221205153,7.221205169,7.221204904,7.221205119,7.221204808
+"17159","TSEN15",6.365794089,6.365794015,6.365794157,6.365793874,6.365794118,6.365793858,6.365794058,6.365793973,6.365794243,6.365794122,6.365793885,6.365793982,6.365794254,6.365794284,6.365794395,6.36579401,6.365794208,6.365793856,6.36579407,6.365793467,6.365794163,6.365794167,6.365794363,6.365794256,6.365793846,6.365794308,6.365794269,6.365794397
+"17160","TSEN2",5.218477196,5.218477223,5.218477141,5.218476995,5.218476807,5.218477018,5.218477014,5.218476993,5.218477249,5.218477145,5.218476863,5.218477076,5.218477262,5.218477328,5.218477122,5.218477202,5.218477081,5.218476897,5.218477093,5.218476947,5.218477021,5.218477135,5.218477342,5.218477131,5.218476872,5.21847706,5.218477213,5.218477229
+"17161","TSEN34",6.725708138,6.725709314,6.725708672,6.725709759,6.725708386,6.725708862,6.725708491,6.725708986,6.725708466,6.725708826,6.725709047,6.725708516,6.725708646,6.725708128,6.72570877,6.725709536,6.72570889,6.725709558,6.72570902,6.725709197,6.725708445,6.725708737,6.725708688,6.725709081,6.725708684,6.725708347,6.725708586,6.725708388
+"17162","TSEN54",6.716913464,6.716913452,6.716913459,6.716913454,6.716913464,6.716913458,6.71691347,6.716913472,6.71691347,6.716913465,6.716913461,6.716913457,6.716913471,6.716913446,6.716913473,6.716913444,6.71691345,6.716913455,6.716913455,6.716913448,6.716913459,6.716913482,6.716913471,6.716913455,6.716913452,6.716913467,6.716913474,6.716913453
+"17163","TSFM",5.912604103,5.912604102,5.912604077,5.912604073,5.912604027,5.912604057,5.912604021,5.912604105,5.912604096,5.912604069,5.912603945,5.912603976,5.912604101,5.912604128,5.912603996,5.91260406,5.912604033,5.91260403,5.912604055,5.912604108,5.912604011,5.912604078,5.912604084,5.912604113,5.912604063,5.912604067,5.912604107,5.912604074
+"17164","TSG101",7.461679894,7.461679821,7.461679412,7.461679834,7.46167914,7.461679467,7.461679441,7.461679576,7.461679228,7.461679142,7.461679231,7.461678926,7.461679569,7.461679761,7.461679409,7.461679704,7.461679274,7.461679493,7.461679684,7.461679132,7.461679398,7.46167953,7.46167956,7.46167958,7.461679494,7.461679462,7.461679542,7.461679513
+"17165","TSGA10",3.747271014,3.747270987,3.747271015,3.747270842,3.747270926,3.747270879,3.747270837,3.74727092,3.747270798,3.747270808,3.747270951,3.74727082,3.747270816,3.747271022,3.747270915,3.747270955,3.747270948,3.747270863,3.747270806,3.747270836,3.747270838,3.747270957,3.747270838,3.747270905,3.747270939,3.747270835,3.747270763,3.747271088
+"17166","TSGA10IP",6.118094135,6.118094193,6.1180942,6.118094179,6.118094262,6.118094122,6.118094203,6.118094263,6.118094196,6.118094163,6.118094228,6.118094255,6.118094146,6.118094091,6.118094217,6.118094193,6.118094236,6.118094262,6.118094181,6.118094144,6.118094227,6.118094214,6.118094122,6.11809414,6.118094216,6.11809422,6.118094174,6.118094252
+"17167","TSHB",2.978404748,2.978404702,2.978404652,2.978404751,2.978404743,2.978404732,2.97840478,2.978404824,2.978404789,2.978404774,2.978404756,2.978404884,2.978404749,2.978404842,2.978404827,2.978404704,2.978404838,2.978404745,2.978404791,2.978404688,2.978404681,2.978404752,2.978404795,2.978404757,2.978404742,2.978404756,2.978404751,2.978404794
+"17168","TSHR",3.785827335,3.785827342,3.78582733,3.785827353,3.785827338,3.785827347,3.785827378,3.785827342,3.785827356,3.785827356,3.785827363,3.785827345,3.785827347,3.785827331,3.785827351,3.785827342,3.785827345,3.785827352,3.785827362,3.785827345,3.785827337,3.785827343,3.785827337,3.785827344,3.785827351,3.785827337,3.785827353,3.785827336
+"17169","TSHZ1",5.521051601,5.521051034,5.521051728,5.521051122,5.521051587,5.521051039,5.521051386,5.521051512,5.52105207,5.521051189,5.521050678,5.521051603,5.521051298,5.521051771,5.521051784,5.521050681,5.521051144,5.521051344,5.521051374,5.521051193,5.521051719,5.521051701,5.521051823,5.521051224,5.521051228,5.521051321,5.521051617,5.521051556
+"17170","TSHZ2",5.025280573,5.025280186,5.0252805985,5.025280485,5.0252807725,5.0252806365,5.025280488,5.0252806145,5.0252806605,5.025280725,5.0252804195,5.0252807825,5.025280652,5.025281004,5.025280443,5.0252803185,5.025280411,5.025280416,5.025280806,5.025280519,5.0252802585,5.025280288,5.0252805225,5.0252806175,5.025280341,5.025280621,5.0252806195,5.0252807505
+"17171","TSHZ3",5.796487831,5.796487749,5.796487787,5.79648837,5.796487608,5.796488083,5.796487627,5.796487675,5.796487444,5.79648753,5.796487398,5.796487499,5.796487755,5.796487599,5.796487961,5.796487756,5.796487832,5.796488275,5.796487733,5.796488236,5.796487511,5.796487357,5.796487645,5.796487864,5.79648797,5.796487777,5.796487494,5.796487065
+"17172","TSKS",5.016391037,5.016391067,5.016391183,5.016391087,5.016391129,5.016391049,5.016391071,5.016391121,5.016391082,5.016391215,5.016391086,5.016391267,5.016391023,5.016391012,5.016391117,5.016391189,5.016391114,5.016391156,5.016391019,5.016391152,5.016391072,5.016391102,5.016391001,5.016391097,5.016391092,5.016391098,5.016391037,5.0163911
+"17173","TSKU",6.1843972,6.184397281,6.184397438,6.184397292,6.18439762,6.184397119,6.184397393,6.184397526,6.184397386,6.184397391,6.184397439,6.18439758,6.184397309,6.184397003,6.184397446,6.184397261,6.184397568,6.184397401,6.184397332,6.184397338,6.184397406,6.184397542,6.184397197,6.184397207,6.184397263,6.184397411,6.184397334,6.184397419
+"17174","TSLP",2.767529587,2.767529942,2.767530059,2.767529613,2.767529755,2.767529808,2.767529752,2.767529941,2.767529658,2.767529731,2.76752987,2.767529877,2.767529631,2.767529554,2.767529673,2.767529779,2.767529771,2.76752985,2.767529759,2.767529752,2.767529725,2.767529699,2.767529816,2.76752965,2.7675296,2.76752959,2.767529634,2.767529896
+"17175","TSN",6.296077295,6.296077249,6.296077215,6.296077127,6.296077129,6.296077127,6.296077203,6.296077168,6.296077255,6.296077131,6.296077093,6.296077083,6.296077191,6.296077424,6.296077198,6.296077286,6.29607723,6.296077036,6.296077215,6.296077132,6.296077177,6.296077186,6.296077304,6.296077193,6.296077086,6.296077136,6.296077229,6.296077344
+"17176","TSNARE1",6.006668189,6.006668175,6.006668156,6.006668144,6.00666831,6.006668136,6.006668262,6.006668256,6.006668214,6.006668178,6.006668159,6.006668293,6.006668178,6.006668119,6.006668239,6.006668175,6.006668305,6.006668225,6.006668229,6.006668175,6.006668222,6.006668249,6.006668166,6.006668135,6.006668193,6.006668257,6.006668192,6.006668242
+"17177","TSNAXIP1",4.288050076,4.288050073,4.288050089,4.288050096,4.288050119,4.288050068,4.2880501,4.288050092,4.28805011,4.288050097,4.288050099,4.2880501,4.288050085,4.288050081,4.288050108,4.288050099,4.288050113,4.28805013,4.288050093,4.288050092,4.288050112,4.288050101,4.28805009,4.288050053,4.288050105,4.288050111,4.288050083,4.288050107
+"17178","TSPAN1",4.174412226,4.174412329,4.174412508,4.174412395,4.174412487,4.174412281,4.174412362,4.174412461,4.174412401,4.174412293,4.174412396,4.174412554,4.174412386,4.174412214,4.174412463,4.174412412,4.174412413,4.174412486,4.174412355,4.174412354,4.174412533,4.174412499,4.174412246,4.174412354,4.17441235,4.174412501,4.174412378,4.174412298
+"17179","TSPAN10",5.29992829,5.29992841,5.299928261,5.299928398,5.299928454,5.299928316,5.299928333,5.299928478,5.2999284,5.299928399,5.299928374,5.299928448,5.299928259,5.29992834,5.299928358,5.29992845,5.299928439,5.299928448,5.299928276,5.299928367,5.299928464,5.299928367,5.299928305,5.299928383,5.299928371,5.299928433,5.299928343,5.299928353
+"17180","TSPAN11",5.0905261275,5.090526108,5.090526167,5.0905261595,5.090526239,5.090526107,5.0905261605,5.0905262265,5.0905261515,5.090526111,5.090526189,5.0905261845,5.090526158,5.090526002,5.090526191,5.0905261745,5.0905262145,5.090526188,5.0905261405,5.090526197,5.090526227,5.090526205,5.090526099,5.0905260325,5.0905261545,5.090526176,5.0905261065,5.0905261615
+"17181","TSPAN12",4.134629291,4.134629435,4.134629454,4.134629314,4.134629444,4.134629312,4.134629308,4.134629466,4.134629403,4.134629459,4.134629488,4.134629528,4.134629349,4.13462934,4.134629451,4.134629388,4.134629459,4.134629444,4.134629378,4.134629435,4.134629419,4.134629443,4.13462932,4.134629446,4.13462947,4.134629344,4.134629427,4.134629487
+"17182","TSPAN13",5.511483478,5.511483024,5.51148245,5.511482952,5.511482886,5.511482026,5.511482728,5.511482277,5.511482221,5.511483,5.51148232,5.511482693,5.511482545,5.511483751,5.511482955,5.511483038,5.511482594,5.511482605,5.51148318,5.511482263,5.511482379,5.511482246,5.511482799,5.511482886,5.511482229,5.511482805,5.511482605,5.511483632
+"17183","TSPAN14",8.707702639,8.70770294,8.70770243,8.707702653,8.707702271,8.707702705,8.707702584,8.707702561,8.70770285,8.707702606,8.707702447,8.707702434,8.707702644,8.707702738,8.707702322,8.707702637,8.707702132,8.707702302,8.707702357,8.70770252,8.707702457,8.707702326,8.70770275,8.707702737,8.707702297,8.707702498,8.707702673,8.707702322
+"17184","TSPAN15",5.932411656,5.932411928,5.932411794,5.932411646,5.932411837,5.932411804,5.93241173,5.932411979,5.932411659,5.932411581,5.932411694,5.932411505,5.932411878,5.932411527,5.932411695,5.932411791,5.932411755,5.932411799,5.932411603,5.932411581,5.932411591,5.932411935,5.932411679,5.932411582,5.932411676,5.932411692,5.932411943,5.932411689
+"17185","TSPAN16",4.198394501,4.198394647,4.198394289,4.198394736,4.198394306,4.198395027,4.198394644,4.198394669,4.198394392,4.19839431,4.19839446,4.198394403,4.198394544,4.198394155,4.198394384,4.198394824,4.198394441,4.198394224,4.198394171,4.198394827,4.198394453,4.198394502,4.198394365,4.198394328,4.1983943,4.198394156,4.198394388,4.19839444
+"17186","TSPAN17",6.968334641,6.968334667,6.96833474,6.968334609,6.968334664,6.968334763,6.968334692,6.968334699,6.968334694,6.96833467,6.968334683,6.968334668,6.968334672,6.968334591,6.968334648,6.968334629,6.968334703,6.96833464,6.968334612,6.968334682,6.968334664,6.968334707,6.968334715,6.968334686,6.968334647,6.968334655,6.968334711,6.968334613
+"17187","TSPAN18",6.879838541,6.879838753,6.879838283,6.879838611,6.879838727,6.879838598,6.879838402,6.879838465,6.879838592,6.879838697,6.879838679,6.879838546,6.879838415,6.879838613,6.879838383,6.879838616,6.879838216,6.879838512,6.879838752,6.879838394,6.879838384,6.879838431,6.879838629,6.879838664,6.879838507,6.879838652,6.879838572,6.879838721
+"17188","TSPAN2",7.328291302,7.537508469,7.298731946,7.424500378,7.215198485,7.070521474,7.165588931,7.138719646,7.222079969,7.08630171,7.257779897,6.972925003,7.208390554,7.267115424,7.269648192,7.53911645,7.263684795,7.384081012,7.354213828,7.103715969,7.182825331,7.115916222,7.283171288,7.297465408,7.388589074,7.037725076,7.27894716,7.164572175
+"17189","TSPAN3",7.562339106,7.562338441,7.562337517,7.562337132,7.562337891,7.562337126,7.56233806,7.562337227,7.562338341,7.562338445,7.562336129,7.562338074,7.562337582,7.562339874,7.562338139,7.562337629,7.562337045,7.562337156,7.562338164,7.562336924,7.562337538,7.562337506,7.562338241,7.562338556,7.562336545,7.56233819,7.562337857,7.562339027
+"17190","TSPAN31",7.124974316,7.124974098,7.124974157,7.124973991,7.124973982,7.124974261,7.124974168,7.124973974,7.124974297,7.124974345,7.124974014,7.124973965,7.124974117,7.124974411,7.124974003,7.124973829,7.124973946,7.124973923,7.12497414,7.124974102,7.124974085,7.124974048,7.124974187,7.12497422,7.124974011,7.124974058,7.124974123,7.124974307
+"17191","TSPAN32",7.845615387,7.845615407,7.84561541,7.84561534,7.845615339,7.845615376,7.845615345,7.845615454,7.845615421,7.845615391,7.84561533,7.845615441,7.845615379,7.845615325,7.84561534,7.845615387,7.845615345,7.845615285,7.845615309,7.845615324,7.845615311,7.84561546,7.845615384,7.845615364,7.845615326,7.845615438,7.845615431,7.845615284
+"17192","TSPAN33",6.747265787,6.747266818,6.747265197,6.747267769,6.747266109,6.747266233,6.747265387,6.747265502,6.747266086,6.747267588,6.747267208,6.747266424,6.747265378,6.747266463,6.747265555,6.747266082,6.747265499,6.747268599,6.747265628,6.747265142,6.747265004,6.747265494,6.747266366,6.747267974,6.747267244,6.747266571,6.747265582,6.74726657
+"17193","TSPAN4",6.787930595,6.787930544,6.787930641,6.787930566,6.787930774,6.787930681,6.787930558,6.787930572,6.787930434,6.787930655,6.787930536,6.787930626,6.78793054,6.787930397,6.78793052,6.787930486,6.787930819,6.787930559,6.787930554,6.787930611,6.787930598,6.787930564,6.787930357,6.787930466,6.787930288,6.787930531,6.78793046,6.787930437
+"17194","TSPAN5",8.594781419,8.505527889,9.058998571,8.583962447,8.729182428,9.050678302,8.912927799,8.938581111,8.912241201,8.812548405,8.645875546,9.060810554,8.478628217,8.553744039,8.632127302,8.301803608,8.927773019,8.65647038,8.53595232,8.817179151,8.813463406,8.878643171,8.932652753,8.881982002,8.540852199,9.017774157,8.58549137,8.762345545
+"17195","TSPAN6",3.705746472,3.705746748,3.705746862,3.705746732,3.705746664,3.705746832,3.705746503,3.705746734,3.705746755,3.705746545,3.70574664,3.705746966,3.705746685,3.705746788,3.705746553,3.7057467,3.705746919,3.705746847,3.705746645,3.705746683,3.70574668,3.705746639,3.70574677,3.705746788,3.705746687,3.705746657,3.705746556,3.705746668
+"17196","TSPAN7",5.871824747,5.87182479,5.871825031,5.871824659,5.871824649,5.871824999,5.87182482,5.871824701,5.871824606,5.87182491,5.871824822,5.87182486,5.87182442,5.871824687,5.871824754,5.871824429,5.871825033,5.87182464,5.871824335,5.871824466,5.871824832,5.87182468,5.871824667,5.87182471,5.871824823,5.871824606,5.87182432,5.87182488
+"17197","TSPAN8",2.657397676,2.657397754,2.657397766,2.657397806,2.657397612,2.657397723,2.657397639,2.657397759,2.657397718,2.657397635,2.657397684,2.657397659,2.657397734,2.6573977,2.657397891,2.657397715,2.657397802,2.657397642,2.657397711,2.657397705,2.657397647,2.657397825,2.657397704,2.657397676,2.65739774,2.657397613,2.657397744,2.657397704
+"17198","TSPAN9",5.132679576,5.132679623,5.132679725,5.132679707,5.132679595,5.132679417,5.132679545,5.13267967,5.132679649,5.132679636,5.132679598,5.132679683,5.132679535,5.132679443,5.132679639,5.132679644,5.132679674,5.132679779,5.132679556,5.13267952,5.132679636,5.132679676,5.132679612,5.132679634,5.132679757,5.13267969,5.13267946,5.132679544
+"17199","TSPEAR",5.896927413,5.896927405,5.89692747,5.896927402,5.896927534,5.896927387,5.896927449,5.896927486,5.896927452,5.8969274,5.896927469,5.896927488,5.896927457,5.896927425,5.896927513,5.896927502,5.896927575,5.896927492,5.896927484,5.896927437,5.896927493,5.896927482,5.896927413,5.896927331,5.896927493,5.896927431,5.896927396,5.896927458
+"17200","TSPEAR-AS2",5.532339484,5.532339602,5.532339626,5.532339645,5.532339781,5.53233941,5.532339788,5.532339796,5.532339664,5.532339597,5.532339611,5.532339685,5.532339687,5.532339567,5.532339732,5.532339719,5.532339817,5.53233976,5.532339652,5.532339604,5.532339776,5.53233981,5.53233959,5.532339592,5.532339665,5.53233973,5.532339636,5.532339657
+"17201","TSPO",7.474071144,7.474071201,7.474071843,7.474071004,7.474070507,7.474071859,7.474070888,7.474070969,7.474070846,7.47407198,7.474071514,7.474070401,7.474071186,7.474070487,7.474070951,7.474070858,7.474071613,7.474070688,7.474070662,7.474072458,7.474070684,7.474071441,7.474070962,7.474071493,7.474070818,7.474070105,7.474071194,7.474070309
+"17202","TSPO2",5.252076112,5.252075858,5.252076377,5.252076298,5.25207655,5.252076839,5.252076499,5.25207689,5.252076675,5.252076518,5.252076347,5.252076761,5.252076164,5.252075373,5.252076712,5.252076061,5.252076595,5.252075973,5.252076594,5.252076978,5.252076351,5.252076678,5.252076382,5.252076183,5.252075856,5.252076565,5.252076219,5.252075891
+"17203","TSPOAP1",5.970267916,5.97026788,5.970268004,5.970267939,5.970268074,5.970268011,5.970267979,5.97026805,5.970267867,5.970267887,5.970268064,5.97026818,5.970268017,5.97026779,5.970268075,5.970268016,5.970268023,5.970268021,5.970267952,5.970267953,5.970268099,5.970268051,5.970267868,5.970267921,5.970267996,5.970268082,5.970267947,5.97026793
+"17204","TSPY26P",7.106029348,7.106029588,7.106029935,7.106029768,7.106030209,7.10602907,7.106029716,7.106030258,7.106029471,7.106029656,7.106030253,7.10603026,7.106029694,7.106028753,7.106029989,7.106030026,7.106030462,7.106030166,7.106029523,7.106029819,7.106029777,7.106030113,7.106029568,7.10602959,7.106029892,7.106030207,7.106029536,7.106030096
+"17205","TSPYL1",6.28897866,6.288978544,6.2889785325,6.2889784735,6.288978508,6.2889784695,6.288978459,6.288978468,6.2889786215,6.2889786155,6.288978467,6.288978379,6.2889785935,6.288978756,6.288978596,6.2889785075,6.288978406,6.2889784705,6.288978543,6.288978426,6.288978446,6.288978521,6.288978633,6.288978485,6.2889784685,6.2889786005,6.2889785785,6.2889786585
+"17206","TSPYL2",6.720535322,6.720535233,6.720535053,6.720534969,6.720535066,6.720535179,6.720535189,6.720535178,6.720535446,6.720535279,6.720534915,6.720535529,6.720535373,6.720535589,6.720535132,6.720535041,6.720534647,6.72053483,6.720535011,6.720534818,6.720535028,6.720535217,6.72053542,6.720535115,6.720534835,6.720535442,6.720535419,6.720535289
+"17207","TSPYL4",5.803010968,5.803011056,5.803011022,5.803011022,5.803011075,5.803010947,5.803011017,5.803011106,5.803011154,5.803011054,5.803011062,5.803011263,5.803011132,5.803010978,5.803011105,5.803011032,5.803011078,5.803011198,5.803011087,5.803010948,5.803011158,5.803011169,5.80301114,5.803010978,5.803010983,5.803011098,5.803011002,5.803011172
+"17208","TSPYL5",4.422048704,4.422048687,4.422048696,4.422048684,4.422048721,4.422048747,4.422048694,4.422048712,4.422048714,4.422048722,4.422048707,4.42204873,4.422048703,4.42204871,4.422048695,4.422048699,4.422048707,4.422048693,4.422048717,4.422048725,4.422048718,4.422048696,4.422048681,4.42204872,4.422048706,4.422048729,4.422048703,4.422048697
+"17209","TSPYL6",5.014525257,5.014525243,5.014525261,5.014525265,5.01452527,5.014525241,5.01452526,5.014525277,5.014525236,5.014525262,5.014525259,5.014525252,5.014525265,5.014525254,5.014525269,5.014525283,5.014525256,5.014525263,5.014525265,5.01452526,5.014525274,5.014525271,5.014525253,5.014525248,5.014525263,5.014525267,5.014525258,5.014525244
+"17210","TSR1",5.806009675,5.806009558,5.806009561,5.806009482,5.806009621,5.806009609,5.806009644,5.806009571,5.806009693,5.80600963,5.806009389,5.80600955,5.806009612,5.806009821,5.80600964,5.806009527,5.806009406,5.806009413,5.806009578,5.806009527,5.806009534,5.806009595,5.806009638,5.806009603,5.80600945,5.806009551,5.806009607,5.806009665
+"17211","TSR2",6.621244998,6.621245129,6.621244613,6.621244783,6.621244518,6.621244653,6.621244548,6.62124475,6.621245062,6.621244893,6.621244647,6.621244375,6.621244989,6.621245292,6.621244678,6.621245272,6.621243834,6.621244525,6.621244853,6.621244707,6.621244467,6.621244407,6.621244816,6.621244765,6.621244656,6.62124483,6.621244854,6.621245227
+"17212","TSR3",7.241535866,7.241535904,7.241535939,7.241535874,7.241535945,7.241535884,7.241535923,7.241535944,7.241535959,7.241535885,7.241535954,7.24153594,7.241535934,7.241535914,7.241535963,7.241535967,7.241535971,7.241535925,7.241535921,7.241535905,7.241535922,7.241535935,7.241535932,7.241535887,7.241535921,7.24153593,7.241535912,7.241535975
+"17213","TSSC4",6.435030502,6.435030502,6.43503053,6.435030519,6.435030519,6.435030506,6.435030515,6.43503052,6.43503051,6.435030506,6.435030528,6.435030521,6.435030505,6.435030485,6.43503052,6.435030519,6.435030526,6.435030504,6.435030504,6.435030502,6.435030528,6.435030514,6.435030503,6.435030504,6.435030523,6.435030508,6.435030502,6.435030506
+"17214","TSSK1B",5.10455438,5.104554374,5.104554399,5.104554389,5.104554402,5.104554358,5.104554388,5.104554395,5.104554376,5.104554385,5.104554402,5.104554408,5.104554383,5.104554376,5.104554387,5.1045544,5.104554404,5.104554397,5.104554388,5.104554392,5.104554394,5.104554395,5.104554372,5.104554387,5.104554402,5.104554382,5.104554375,5.104554383
+"17215","TSSK2",4.328407843,4.328408081,4.328408086,4.328407897,4.328408201,4.328407957,4.32840806,4.328408043,4.328408012,4.328408086,4.328408176,4.328408211,4.328408051,4.32840799,4.328408229,4.328408083,4.32840815,4.328408135,4.32840807,4.328408072,4.328408103,4.328408139,4.328408127,4.328408024,4.328408081,4.328408096,4.328408017,4.328407959
+"17216","TSSK3",5.237402147,5.237402093,5.237402283,5.237402207,5.237402214,5.237402005,5.237402136,5.237402124,5.237402183,5.237402131,5.237402225,5.237402203,5.237402137,5.23740206,5.237402148,5.23740227,5.237402169,5.237402303,5.237402175,5.237402071,5.237402116,5.237402213,5.237402134,5.237402104,5.237402305,5.237402122,5.237402114,5.237401983
+"17217","TSSK4",4.74785401,4.747854183,4.747854184,4.747854232,4.74785418,4.747854216,4.747854074,4.747854191,4.747854148,4.747854151,4.747854193,4.74785412,4.74785418,4.747853948,4.747854151,4.747853963,4.74785417,4.747854195,4.747854208,4.747854124,4.747854157,4.747854134,4.747853865,4.747854127,4.747854163,4.747853993,4.747854178,4.747854147
+"17218","TSSK6",5.105910119,5.105910113,5.105910157,5.105910024,5.105910146,5.105910168,5.105910281,5.105910146,5.105910276,5.105910065,5.105910144,5.10591003,5.105910251,5.10591006,5.105910205,5.105910275,5.105910299,5.105910118,5.105910304,5.105910291,5.105910191,5.105910166,5.105910274,5.105910123,5.105909983,5.105910232,5.105910149,5.105910229
+"17219","TST",6.911331507,6.911331802,6.911331647,6.911331882,6.911331473,6.911331564,6.911331645,6.911331583,6.911331008,6.911331529,6.911331912,6.91133131,6.911331509,6.911331199,6.911331328,6.91133182,6.911331556,6.911331828,6.911331647,6.911331714,6.911331527,6.911331721,6.911331277,6.911331721,6.91133153,6.911331548,6.911331303,6.911331071
+"17220","TTBK1",5.420333303,5.420333315,5.420333374,5.420333303,5.420333385,5.420333322,5.420333343,5.420333384,5.420333337,5.420333375,5.420333385,5.42033337,5.420333336,5.420333254,5.4203334,5.42033335,5.420333365,5.420333369,5.42033335,5.420333359,5.420333379,5.420333364,5.420333305,5.420333294,5.420333372,5.42033336,5.420333292,5.420333335
+"17221","TTBK2",6.521593935,6.521593957,6.521593885,6.521593884,6.521593871,6.521593945,6.52159391,6.521593903,6.521593934,6.521593911,6.521593872,6.521593921,6.521593936,6.521593961,6.521593895,6.521593916,6.521593818,6.521593879,6.521593902,6.521593926,6.521593875,6.521593882,6.521593918,6.521593917,6.521593911,6.521593862,6.521593951,6.521593923
+"17222","TTC1",5.826105387,5.826105391,5.826105357,5.826105388,5.826105355,5.826105353,5.826105379,5.826105372,5.826105379,5.826105361,5.826105356,5.826105319,5.826105397,5.82610539,5.826105383,5.826105384,5.826105314,5.826105338,5.826105367,5.826105369,5.826105362,5.826105368,5.826105369,5.826105376,5.826105377,5.826105374,5.826105387,5.826105355
+"17223","TTC12",6.133703063,6.133702994,6.13370286,6.133702728,6.133703024,6.133702674,6.133703177,6.133703016,6.13370315,6.133703107,6.133702695,6.133703323,6.133702985,6.133703445,6.133702983,6.133702704,6.133702679,6.133702948,6.133702994,6.133702696,6.133703103,6.133703033,6.133703054,6.133702762,6.133702957,6.133703356,6.133703121,6.133703386
+"17224","TTC13",6.724933403,6.72493338,6.724933135,6.724933165,6.724933141,6.724933048,6.724933219,6.724933201,6.724933303,6.724933284,6.724933078,6.72493311,6.724933254,6.724933491,6.724933318,6.724933196,6.72493314,6.724933051,6.724933308,6.724933011,6.724933137,6.72493322,6.724933269,6.724933262,6.724933043,6.724933154,6.724933234,6.72493323
+"17225","TTC14",6.765148419,6.76514773,6.765147828,6.765147541,6.765147584,6.765147404,6.765147754,6.765147446,6.76514793,6.765147696,6.765147471,6.765147425,6.765148033,6.765148868,6.765147978,6.765147365,6.765147684,6.765147415,6.765148048,6.765147276,6.765147853,6.765147731,6.765148063,6.765147676,6.765147478,6.765147929,6.765148142,6.765148411
+"17226","TTC16",5.669297568,5.669297493,5.669297732,5.669297497,5.669297691,5.669297538,5.669297673,5.669297743,5.669297725,5.66929762,5.669297719,5.669297568,5.669297668,5.669297569,5.669297657,5.669297565,5.669297725,5.669297701,5.669297431,5.669297546,5.669297715,5.66929785,5.669297731,5.669297625,5.66929777,5.669297648,5.669297618,5.669297719
+"17227","TTC17",7.655260074,7.655259761,7.655259823,7.655259727,7.655259742,7.655259851,7.655259886,7.655259716,7.655259926,7.655259882,7.655259662,7.655259776,7.655259902,7.655260131,7.655259865,7.655259619,7.655259601,7.655259648,7.655259845,7.655259658,7.65525983,7.655259774,7.655259912,7.655259845,7.655259696,7.655259873,7.655259936,7.655259883
+"17228","TTC19",6.879287945,6.879287779,6.879287704,6.87928767,6.879287568,6.87928763,6.879287452,6.879287598,6.879287692,6.879287727,6.879287297,6.879287596,6.879287633,6.879287854,6.879287516,6.879287752,6.879287239,6.879287535,6.87928756,6.879287572,6.879287367,6.879287614,6.879287636,6.879287352,6.87928724,6.879287545,6.879287678,6.879287942
+"17229","TTC21A",4.554355181,4.554355197,4.554355263,4.554355168,4.554355225,4.55435529,4.554355263,4.554355245,4.554355026,4.554355209,4.554355001,4.55435515,4.554355163,4.554355087,4.554355182,4.554355061,4.554355072,4.554355077,4.554355179,4.554355283,4.55435517,4.554354836,4.554354897,4.554355421,4.55435525,4.55435512,4.554355102,4.554355152
+"17230","TTC21B",5.582704978,5.582704443,5.582704481,5.582704197,5.582704282,5.582704482,5.582704462,5.582704321,5.582704608,5.582704599,5.582704356,5.582704101,5.582704686,5.582705086,5.58270477,5.582704239,5.582704155,5.582704085,5.582704825,5.582704396,5.582704589,5.582704601,5.582704757,5.582704614,5.582704336,5.582704603,5.58270468,5.582704911
+"17231","TTC22",5.832475418,5.832475448,5.83247545,5.832475391,5.832475414,5.832475403,5.832475416,5.832475422,5.832475447,5.832475439,5.83247544,5.832475339,5.832475422,5.832475344,5.832475407,5.832475444,5.832475392,5.832475423,5.832475384,5.832475418,5.832475409,5.832475439,5.832475427,5.832475421,5.832475443,5.83247542,5.832475436,5.8324754
+"17232","TTC23",4.042598247,4.042598296,4.042598289,4.042598277,4.042598297,4.042598292,4.042598306,4.042598295,4.042598315,4.042598294,4.042598296,4.042598303,4.042598265,4.042598287,4.042598273,4.04259831,4.042598273,4.042598281,4.042598284,4.042598278,4.042598273,4.042598282,4.042598278,4.042598287,4.042598289,4.042598284,4.042598276,4.042598271
+"17233","TTC23L",3.428801739,3.428801706,3.42880181,3.428801831,3.428801799,3.42880165,3.428801812,3.428801719,3.428801847,3.428801806,3.42880172,3.428801766,3.42880169,3.428801729,3.428801833,3.428801795,3.428801738,3.428801757,3.428801683,3.428801728,3.428801756,3.428801816,3.42880175,3.428801662,3.428801722,3.428801696,3.42880176,3.428801836
+"17234","TTC24",6.327100302,6.327100412,6.327100488,6.327100403,6.327100394,6.327100178,6.3271003,6.327100388,6.327100346,6.32710039,6.32710053,6.327100419,6.327100427,6.327100321,6.32710032,6.327100443,6.327100415,6.327100468,6.327100292,6.327100405,6.327100368,6.327100397,6.327100291,6.327100446,6.327100526,6.327100432,6.327100429,6.327100342
+"17235","TTC26",4.52101795,4.5210178,4.521017036,4.521017563,4.521017588,4.52101784,4.521017618,4.52101751,4.521017569,4.521017195,4.521017736,4.521017283,4.521017484,4.521017642,4.52101761,4.521017743,4.521017029,4.52101748,4.521017503,4.521017989,4.52101761,4.52101745,4.521017693,4.521017212,4.521017968,4.521017379,4.521017519,4.521017343
+"17236","TTC27",5.827408029,5.82740714,5.82740683,5.827406601,5.827406605,5.827406509,5.827406761,5.827406606,5.827407643,5.827407162,5.827406439,5.827406486,5.827407313,5.827408666,5.827407419,5.827406947,5.827406169,5.827405993,5.827407324,5.827407021,5.827407142,5.827406729,5.827407853,5.827407103,5.827406616,5.82740716,5.82740727,5.827407931
+"17237","TTC28",4.214717352,4.214717345,4.214717353,4.214717349,4.214717355,4.214717346,4.214717335,4.214717352,4.21471735,4.214717356,4.214717348,4.214717349,4.214717345,4.214717349,4.214717357,4.214717358,4.21471735,4.214717355,4.214717339,4.214717343,4.21471734,4.214717347,4.214717345,4.214717356,4.214717351,4.214717346,4.214717347,4.214717352
+"17238","TTC28-AS1",5.305727892,5.30572788,5.305727912,5.305727888,5.305727935,5.305727855,5.305727902,5.305727934,5.305727927,5.305727897,5.305727897,5.305727924,5.305727891,5.305727873,5.305727915,5.30572791,5.305727928,5.305727925,5.305727908,5.305727924,5.305727908,5.305727917,5.305727892,5.305727861,5.305727911,5.305727911,5.305727866,5.305727927
+"17239","TTC29",2.911738701,2.911738641,2.911738864,2.911738799,2.911738775,2.91173866,2.911739031,2.911738943,2.911738657,2.911738699,2.911739006,2.911739042,2.911738716,2.911738743,2.911738833,2.911738917,2.911738977,2.911738894,2.911738888,2.911738867,2.91173867,2.911738922,2.911739022,2.911738715,2.911738606,2.911738804,2.911738588,2.911739091
+"17240","TTC3",7.037636973,7.037635604,7.037634219,7.037634294,7.037634601,7.037633858,7.037635274,7.037634637,7.037636173,7.037635257,7.03763406,7.037634809,7.037635517,7.037637627,7.037636293,7.037634759,7.037633275,7.037632838,7.037635093,7.037630885,7.037635451,7.037634735,7.037635774,7.037634855,7.037634004,7.037636042,7.037635542,7.037636271
+"17241","TTC30A",4.418749719,4.418749686,4.418749862,4.418749774,4.418749825,4.418749668,4.418749824,4.418749686,4.418749689,4.418749776,4.418749754,4.418749825,4.418749689,4.41874972,4.418749763,4.418749797,4.418749785,4.418749753,4.418749744,4.418749755,4.418749872,4.418749776,4.418749671,4.418749733,4.418749804,4.418749801,4.418749635,4.418749926
+"17242","TTC30B",3.827826295,3.827826068,3.827826314,3.827826376,3.827826488,3.82782651,3.827826173,3.827826249,3.827826132,3.827826185,3.827826011,3.827826187,3.827826005,3.827826231,3.827826353,3.827826159,3.82782632,3.827826361,3.827826368,3.827826299,3.82782616,3.827826285,3.8278264,3.827826255,3.827826114,3.827826277,3.827826255,3.827826346
+"17243","TTC31",5.892523768,5.892523744,5.892523788,5.892523681,5.892523773,5.892523842,5.892523768,5.892523818,5.89252381,5.89252381,5.892523789,5.892523918,5.89252379,5.892523823,5.892523806,5.892523713,5.892523857,5.892523749,5.892523805,5.892523827,5.892523816,5.892523819,5.89252383,5.892523813,5.892523739,5.892523823,5.892523815,5.892523713
+"17244","TTC32",3.753717832,3.753717817,3.753717788,3.753717831,3.753717802,3.753717812,3.753717799,3.753717789,3.753717813,3.753717778,3.753717824,3.753717792,3.753717798,3.753717827,3.753717799,3.753717811,3.753717786,3.753717818,3.753717814,3.753717795,3.753717788,3.75371781,3.753717816,3.753717802,3.753717828,3.753717786,3.7537178,3.753717818
+"17245","TTC33",4.884675541,4.884675531,4.884675508,4.884675517,4.884675495,4.884675482,4.884675522,4.884675488,4.884675532,4.884675516,4.884675517,4.884675452,4.8846755,4.884675591,4.884675514,4.884675485,4.884675531,4.884675502,4.884675533,4.884675501,4.884675517,4.884675504,4.884675549,4.884675515,4.884675513,4.884675504,4.884675512,4.884675577
+"17246","TTC36",5.77059973,5.77059982,5.770599854,5.770599867,5.7706,5.770599803,5.770599856,5.770599899,5.770599723,5.770599793,5.770599948,5.770599961,5.770599876,5.770599685,5.770599998,5.770599943,5.770600002,5.770600025,5.770599895,5.770599878,5.770599964,5.770600007,5.770599855,5.770599843,5.770599999,5.770599861,5.770599813,5.770599904
+"17247","TTC38",6.701980754,6.701980802,6.701980707,6.701980641,6.701980754,6.701980788,6.701980716,6.701980788,6.701980643,6.701980642,6.701980756,6.701980733,6.701980708,6.701980706,6.70198075,6.701980821,6.701980677,6.70198058,6.701980742,6.701980764,6.701980709,6.701980796,6.701980709,6.701980726,6.701980671,6.701980761,6.701980647,6.701980631
+"17248","TTC39A",4.562829185,4.562829377,4.562829425,4.562829146,4.562829476,4.562829325,4.562829549,4.56282954,4.562829428,4.562829403,4.562829393,4.562829743,4.562829204,4.562829112,4.562829727,4.562829559,4.562829704,4.562829478,4.562829484,4.562829364,4.562829654,4.562829554,4.562829125,4.562829263,4.562829379,4.56282956,4.562829233,4.562829309
+"17249","TTC39B",5.811476481,5.811476369,5.811476194,5.81147616,5.811475801,5.811476213,5.811476187,5.811476234,5.811476562,5.8114765,5.811475942,5.811476271,5.811476427,5.811476563,5.811475948,5.811476288,5.811475943,5.811475975,5.811476054,5.811476293,5.811476163,5.811476184,5.811476544,5.811476364,5.811476187,5.811476504,5.811476485,5.811476351
+"17250","TTC39C",7.3425435315,7.342543179,7.342542824,7.342542532,7.3425427695,7.3425431215,7.342543196,7.342543109,7.342543474,7.3425429375,7.342542128,7.342542975,7.3425431775,7.342543576,7.3425430495,7.342543014,7.3425425745,7.342542341,7.342543359,7.342542998,7.342542941,7.3425432075,7.3425433795,7.3425428775,7.342542522,7.342543184,7.3425433665,7.3425433285
+"17251","TTC41P",2.954089267,2.954089268,2.954089293,2.954089279,2.954089272,2.954089276,2.954089274,2.954089254,2.954089252,2.954089266,2.954089232,2.954089285,2.954089261,2.954089276,2.954089272,2.954089293,2.954089286,2.954089295,2.954089314,2.954089298,2.954089251,2.954089276,2.954089292,2.954089292,2.954089297,2.954089238,2.954089298,2.954089283
+"17252","TTC5",5.511547215,5.51154726,5.51154713,5.511547174,5.51154713,5.511547071,5.511547201,5.511547114,5.511547207,5.511547202,5.511547074,5.511547112,5.511547262,5.511547347,5.511547175,5.511547161,5.511547057,5.511547058,5.511547238,5.51154696,5.511547192,5.511547103,5.511547222,5.511547201,5.511547117,5.511547222,5.51154717,5.511547251
+"17253","TTC6",3.027504633,3.027504675,3.0275046755,3.0275046605,3.027504656,3.027504683,3.0275046455,3.0275046675,3.027504717,3.0275046765,3.027504699,3.0275047055,3.0275046685,3.02750466,3.0275046545,3.0275047175,3.027504749,3.027504658,3.0275046755,3.0275046775,3.027504658,3.027504684,3.027504657,3.0275046685,3.0275047465,3.0275046485,3.027504684,3.027504727
+"17254","TTC7A",7.232292224,7.232292369,7.232292168,7.232292109,7.232292256,7.23229243,7.232292159,7.232291945,7.232292005,7.232292467,7.232292042,7.232291869,7.232292338,7.232292274,7.232291986,7.232292072,7.232291928,7.23229196,7.232292105,7.232292479,7.232291923,7.232291662,7.232291918,7.232292475,7.232291905,7.232291792,7.232292412,7.232291973
+"17255","TTC7B",6.105907357,6.105908822,6.105907894,6.105908615,6.105908729,6.105908103,6.105908293,6.105907702,6.10590803,6.105908784,6.105908768,6.105908146,6.105908075,6.105908064,6.105907795,6.105908473,6.105908012,6.105908656,6.105908543,6.105907864,6.105908224,6.105907718,6.10590828,6.105908897,6.105908809,6.10590818,6.105908041,6.10590797
+"17256","TTC8",3.717268469,3.717268493,3.717268513,3.717268485,3.717268498,3.717268436,3.717268464,3.717268446,3.717268459,3.71726848,3.71726844,3.717268453,3.71726845,3.717268492,3.717268424,3.717268492,3.717268456,3.717268482,3.717268481,3.717268475,3.717268467,3.717268448,3.717268504,3.717268492,3.717268471,3.717268458,3.717268462,3.717268468
+"17257","TTC9",7.115810016,7.115810087,7.115810167,7.115810156,7.11581019,7.115809915,7.115810084,7.115810102,7.115810191,7.115810174,7.115810186,7.115810194,7.115810087,7.115810029,7.115810115,7.115810123,7.115810181,7.115810203,7.115810113,7.115809927,7.115810012,7.115810119,7.115810101,7.115810096,7.115810183,7.115810144,7.115809995,7.115810156
+"17258","TTC9B",5.793969476,5.79396951,5.793969508,5.793969513,5.79396954,5.793969497,5.793969489,5.793969484,5.793969527,5.793969595,5.793969514,5.793969512,5.793969487,5.793969479,5.793969476,5.793969518,5.793969531,5.793969524,5.793969456,5.793969482,5.79396952,5.793969477,5.793969471,5.793969473,5.793969522,5.793969509,5.793969486,5.793969419
+"17259","TTC9C",5.979413319,5.979413363,5.979413293,5.979413253,5.979413305,5.979413358,5.979413275,5.97941333,5.979413365,5.979413336,5.97941327,5.979413292,5.979413361,5.979413402,5.97941333,5.979413304,5.97941322,5.979413211,5.979413313,5.979413347,5.979413255,5.979413281,5.97941337,5.979413364,5.979413274,5.979413314,5.979413349,5.979413345
+"17260","TTF1",4.831283607,4.831283627,4.831283589,4.831283437,4.831283561,4.831283473,4.831283505,4.831283403,4.831283543,4.8312835,4.831283512,4.831283537,4.831283551,4.831283739,4.831283501,4.831283505,4.831283449,4.831283521,4.83128369,4.831283521,4.831283495,4.831283394,4.831283581,4.831283477,4.831283595,4.83128348,4.831283411,4.831283729
+"17261","TTF2",5.944809197,5.944809027,5.944809218,5.944809007,5.944809149,5.944809328,5.944809581,5.944808952,5.944809318,5.944809401,5.944808993,5.944809077,5.944809345,5.944809415,5.944809083,5.944809008,5.944808738,5.944808908,5.944809101,5.944809278,5.944809331,5.9448091,5.94480945,5.944809326,5.944809083,5.944808942,5.944809307,5.944808972
+"17262","TTI1",6.523385524,6.523385523,6.523385479,6.523385495,6.523385493,6.523385521,6.523385512,6.523385485,6.52338553,6.523385487,6.523385497,6.523385473,6.523385535,6.52338554,6.523385496,6.523385456,6.52338547,6.523385468,6.523385505,6.523385498,6.523385502,6.523385509,6.523385533,6.523385532,6.523385475,6.52338551,6.523385517,6.52338552
+"17263","TTI2",5.711859,5.7118589,5.711858909,5.711858932,5.711858906,5.71185895,5.711858971,5.711858917,5.711858935,5.711858919,5.711858867,5.711858844,5.71185895,5.711858986,5.711858892,5.711858927,5.711858844,5.711858943,5.711858898,5.711859015,5.711858912,5.711858902,5.711858935,5.711858961,5.711858881,5.711858955,5.711858933,5.711858945
+"17264","TTK",2.693355832,2.693355854,2.693355875,2.693355881,2.693355856,2.693355901,2.693355895,2.693355855,2.693355876,2.69335585,2.693355887,2.693355865,2.693355866,2.693355845,2.693355835,2.693355848,2.693355866,2.693355868,2.693355854,2.693355858,2.693355865,2.693355865,2.693355871,2.693355829,2.693355848,2.693355848,2.693355853,2.693355862
+"17265","TTL",6.566199942,6.56619996,6.566199984,6.566199918,6.566199927,6.56620004,6.566199974,6.566199936,6.566199877,6.566199945,6.566200023,6.566199972,6.566199929,6.566199944,6.566199952,6.566199908,6.566199955,6.566199933,6.566199931,6.566200004,6.566199938,6.566199932,6.566199998,6.566199935,6.566199894,6.566199938,6.56619996,6.566199913
+"17266","TTLL1",5.134654791,5.134654947,5.134654796,5.134654628,5.134654701,5.134654827,5.134654694,5.134654831,5.134654862,5.134654858,5.134654757,5.134654529,5.13465483,5.134654843,5.134654802,5.134654695,5.134654661,5.134654637,5.134654707,5.134654714,5.134654761,5.134654879,5.134654884,5.134654831,5.134654802,5.134654683,5.13465477,5.134654783
+"17267","TTLL10",6.329338486,6.329338589,6.329338973,6.329338685,6.329339371,6.329338733,6.329339008,6.32933893,6.329338784,6.329338717,6.329339176,6.329339537,6.329338866,6.329338284,6.329339031,6.329338872,6.329339315,6.329339158,6.329339,6.329338731,6.329339262,6.329339011,6.329338581,6.329338272,6.329338841,6.329339124,6.329338693,6.329338899
+"17268","TTLL11",5.990436513,5.990436534,5.99043653,5.990436526,5.990436555,5.990436528,5.990436528,5.990436531,5.990436542,5.990436521,5.99043651,5.990436563,5.990436531,5.990436529,5.990436544,5.990436545,5.990436559,5.990436545,5.990436539,5.990436538,5.990436543,5.990436557,5.990436518,5.990436531,5.990436534,5.990436548,5.990436531,5.990436538
+"17269","TTLL12",7.029754163,7.029754171,7.029754182,7.029754179,7.029754201,7.029754176,7.029754188,7.029754187,7.029754186,7.029754193,7.029754188,7.029754192,7.029754176,7.029754162,7.029754183,7.029754172,7.029754191,7.029754183,7.029754179,7.029754169,7.029754182,7.029754186,7.029754181,7.029754163,7.029754183,7.029754184,7.029754167,7.029754176
+"17270","TTLL13",4.006767664,4.006768037,4.00676776,4.006767922,4.006767757,4.006767624,4.006767781,4.006767819,4.006767811,4.006768048,4.006767779,4.006768079,4.006767742,4.006767739,4.006767799,4.006767757,4.006767969,4.006767919,4.00676764,4.006767736,4.00676806,4.006767975,4.006767873,4.006767788,4.006767973,4.006767935,4.006767633,4.006767965
+"17271","TTLL2",4.255417036,4.255417035,4.255417126,4.255417043,4.255417202,4.255417033,4.255417076,4.255417132,4.255417143,4.255417083,4.25541711,4.255417158,4.255417074,4.255417043,4.255417124,4.255417117,4.255417179,4.255417127,4.255417084,4.25541708,4.255417113,4.255417107,4.255417115,4.255417121,4.255417059,4.255417077,4.255417082,4.255417124
+"17272","TTLL4",6.907112929,6.907113339,6.907113005,6.90711332,6.907112344,6.907113112,6.90711289,6.907112509,6.907112463,6.907112886,6.907112988,6.907112133,6.907112621,6.907113123,6.907113038,6.907113151,6.907112363,6.907112911,6.907112682,6.907112849,6.90711298,6.907112349,6.90711278,6.9071128,6.907112979,6.907112534,6.907112759,6.907112585
+"17273","TTLL5",6.054302749,6.054302765,6.054302669,6.054302675,6.054302646,6.054302733,6.054302718,6.054302686,6.054302719,6.054302737,6.054302656,6.054302657,6.054302721,6.054302755,6.054302727,6.054302723,6.054302685,6.054302681,6.054302691,6.054302757,6.054302708,6.054302704,6.054302752,6.054302716,6.054302699,6.054302721,6.054302735,6.05430269
+"17274","TTLL6",4.018488986,4.01848905,4.018489108,4.018489105,4.018489156,4.018488885,4.01848907,4.018489157,4.018489109,4.018489118,4.018489146,4.0184892,4.018489131,4.018488994,4.018489128,4.018489163,4.018489204,4.018489219,4.018489143,4.018489052,4.018489322,4.018489083,4.018489057,4.018489032,4.01848915,4.018489086,4.018488963,4.018489047
+"17275","TTLL7",2.976154321,2.976154296,2.976154297,2.976154379,2.976154387,2.976154331,2.976154334,2.976154341,2.976154355,2.976154324,2.976154372,2.976154345,2.976154315,2.976154299,2.976154302,2.976154367,2.976154387,2.976154384,2.97615436,2.976154328,2.976154315,2.976154327,2.976154346,2.976154343,2.976154364,2.97615433,2.976154253,2.976154405
+"17276","TTLL9",4.616819256,4.616819586,4.616819501,4.616819699,4.616819803,4.616819301,4.61681933,4.616819708,4.616819584,4.616819365,4.616819475,4.616819832,4.616819427,4.616819313,4.616819649,4.616819829,4.61681966,4.616819871,4.616819602,4.61681969,4.61681985,4.616819548,4.616819485,4.616819407,4.616819604,4.616819648,4.616819199,4.616819838
+"17277","TTN",5.581975127,5.581975093,5.581974978,5.581975199,5.581975055,5.581975321,5.581975302,5.581974921,5.581975345,5.581975186,5.581974825,5.581975284,5.58197522,5.581975348,5.581974986,5.581974981,5.581974722,5.581975148,5.581975121,5.581975156,5.58197519,5.58197497,5.581975198,5.581975021,5.581974822,5.581975273,5.581975225,5.58197514
+"17278","TTPA",4.109089562,4.109089459,4.109089488,4.109089518,4.109089584,4.109089544,4.109089548,4.109089569,4.109089534,4.109089528,4.109089584,4.109089563,4.109089486,4.109089407,4.109089561,4.109089545,4.109089564,4.109089544,4.109089562,4.109089545,4.109089561,4.109089557,4.10908954,4.109089417,4.10908955,4.109089549,4.10908946,4.109089535
+"17279","TTPAL",6.19302927,6.193029286,6.193029286,6.193029287,6.193029265,6.193029258,6.193029252,6.193029277,6.193029279,6.193029271,6.19302927,6.193029269,6.193029271,6.193029284,6.193029264,6.193029269,6.193029254,6.193029282,6.193029269,6.19302926,6.193029265,6.193029261,6.19302929,6.193029285,6.19302928,6.193029289,6.193029263,6.193029262
+"17280","TTR",4.28462897,4.284629016,4.284629003,4.284629036,4.28462899,4.284628957,4.284629005,4.28462901,4.284628995,4.284629003,4.284628979,4.284629023,4.28462899,4.284628971,4.284628999,4.284628999,4.284629035,4.284629017,4.284628961,4.284629008,4.284629006,4.284629027,4.284628992,4.28462896,4.284628999,4.284629013,4.284628968,4.284628984
+"17281","TTTY10",4.113763902,4.113764108,4.113766947,4.113764615,4.11376539,4.113767989,4.113763977,4.113768378,4.113764815,4.11376488,4.113764776,4.113768393,4.113764713,4.113763949,4.113765747,4.113765863,4.113768011,4.113765563,4.113764282,4.11376751,4.113766181,4.113768998,4.113764575,4.113763673,4.113764617,4.113768711,4.113763552,4.113764677
+"17282","TTTY11",3.327996962,3.327996968,3.327996987,3.32799698,3.327996963,3.32799696,3.327996951,3.327996996,3.327996955,3.327996973,3.327996983,3.327996973,3.32799697,3.327996964,3.32799699,3.327996978,3.327996979,3.327996978,3.327996959,3.327996971,3.327996966,3.327996963,3.327996962,3.327996956,3.327996982,3.327996977,3.327996964,3.327996967
+"17283","TTTY12",3.488573897,3.488573983,3.488573891,3.488573793,3.488574203,3.488574042,3.48857415,3.488574285,3.488574118,3.488574008,3.488574099,3.48857395,3.488573801,3.488573649,3.48857426,3.488573919,3.48857408,3.488574181,3.488573738,3.488573941,3.488573915,3.48857408,3.488574148,3.488573937,3.488574146,3.488574087,3.488574083,3.488574036
+"17284","TTTY13",4.440922932,4.440922985,4.440923129,4.440923072,4.440923201,4.440923069,4.440923109,4.440923035,4.440923061,4.44092304,4.440922963,4.440923119,4.440923056,4.440923066,4.440923116,4.440923083,4.440923226,4.440923139,4.440923119,4.440923103,4.440923191,4.44092312,4.440923033,4.440923036,4.440923073,4.440923126,4.440923033,4.440923112
+"17285","TTTY14",4.6604541905,4.660454258,4.6604545285,4.6604544985,4.6604545085,4.660454479,4.660454435,4.660454384,4.660454304,4.660454328,4.660454322,4.660454445,4.6604543105,4.660454275,4.660454382,4.6604543635,4.660454711,4.660454429,4.660454326,4.660454581,4.6604543445,4.660454562,4.660454266,4.660454246,4.6604543545,4.6604546625,4.6604543585,4.660454508
+"17286","TTTY5",4.855862665,4.855862832,4.855862915,4.855862888,4.85586296,4.855862739,4.855862852,4.855862972,4.855862933,4.855862934,4.855862911,4.855862964,4.855862885,4.85586275,4.855862847,4.855862971,4.855862873,4.85586297,4.855862829,4.85586283,4.855862829,4.855862881,4.855862858,4.855862885,4.855862944,4.855862884,4.855862857,4.855862878
+"17287","TTYH1",5.710306202,5.710306179,5.71030641,5.71030632,5.710306574,5.710306334,5.710306386,5.710306472,5.710306236,5.710306475,5.710306493,5.710306566,5.710306352,5.710306234,5.710306502,5.710306413,5.710306585,5.710306487,5.710306461,5.710306415,5.710306519,5.710306519,5.710306352,5.710306085,5.710306415,5.710306453,5.710306351,5.710306428
+"17288","TTYH2",6.570270968,6.57027095,6.570270944,6.570270915,6.570270966,6.570270943,6.570270937,6.570270945,6.570270916,6.57027096,6.57027092,6.570270935,6.570270964,6.570270951,6.570270929,6.570270916,6.570270948,6.570270879,6.57027092,6.570270962,6.570270922,6.570270943,6.570270899,6.570270942,6.570270938,6.570270913,6.57027096,6.570270918
+"17289","TTYH3",7.1804425,7.180442618,7.18044271,7.180442574,7.180442566,7.180442673,7.18044244,7.180442466,7.180442372,7.180442632,7.180442512,7.180442274,7.180442498,7.1804425,7.180442308,7.180442525,7.180442532,7.180442455,7.180442571,7.180442625,7.180442428,7.180442184,7.18044224,7.180442649,7.180442528,7.180442368,7.180442612,7.180442337
+"17290","TUB",5.283558054,5.28355806,5.283558523,5.28355809,5.283558417,5.283557833,5.283558087,5.283558281,5.283558184,5.28355798,5.283558407,5.283558453,5.283558111,5.283557969,5.28355827,5.283558202,5.283558388,5.283558171,5.283558183,5.283558097,5.283558171,5.283558298,5.283557976,5.283557822,5.283558458,5.283558216,5.283558082,5.283558261
+"17291","TUBA1A",8.818357674,8.818358277,8.818357061,8.818358598,8.818357372,8.818358126,8.818357663,8.818357208,8.818357835,8.81835718,8.81835798,8.818356526,8.818358337,8.818357542,8.818357626,8.818357795,8.818357197,8.818358471,8.818358368,8.818358631,8.818357634,8.818357446,8.818358151,8.818357585,8.818358222,8.818357381,8.81835823,8.818357112
+"17292","TUBA1B",7.450026262,7.450026956,7.450026275,7.450027023,7.450026436,7.450027149,7.45002718,7.450026531,7.450026784,7.450026624,7.45002686,7.450026003,7.450026931,7.450026968,7.450026196,7.450026656,7.450026242,7.450027035,7.450026745,7.450027271,7.450026862,7.450026367,7.450027125,7.45002667,7.450026594,7.450026088,7.450026814,7.450026484
+"17293","TUBA1C",7.193959721,7.193959703,7.193959588,7.193960108,7.19395956,7.193959614,7.193959682,7.193959035,7.193959104,7.193959446,7.193960007,7.193959467,7.193959412,7.193959434,7.193959477,7.193959435,7.193959546,7.193959894,7.193959712,7.193959523,7.193959356,7.193959343,7.193959346,7.193960104,7.1939599,7.193959594,7.193959728,7.19395919
+"17294","TUBA3C",6.727259325,6.727259273,6.727259367,6.727259334,6.72725954,6.727259192,6.727259361,6.727259431,6.727259353,6.727259338,6.72725951,6.727259338,6.727259432,6.727259186,6.727259451,6.727259435,6.727259543,6.727259475,6.727259329,6.727259338,6.727259467,6.727259472,6.727259218,6.727259297,6.727259457,6.72725939,6.72725936,6.727259449
+"17295","TUBA3E",5.1234697,5.123469854,5.123469793,5.123469849,5.123469688,5.123469551,5.123469865,5.123469803,5.123469876,5.123469841,5.123469757,5.123469668,5.123469848,5.123469608,5.123469806,5.123469848,5.123469939,5.123469727,5.123469691,5.123469814,5.12346978,5.123469784,5.123469828,5.123469732,5.123469823,5.123469638,5.123469746,5.123469897
+"17296","TUBA3FP",4.89938597,4.899386051,4.899386118,4.899386149,4.899386246,4.899386086,4.899386118,4.899386058,4.899386104,4.899386118,4.899386071,4.899386023,4.899385938,4.89938605,4.899386072,4.899386045,4.899386129,4.899386168,4.899386189,4.899386132,4.899386176,4.899386171,4.899386103,4.899386145,4.899386086,4.899386107,4.899386107,4.899386161
+"17297","TUBA4A",8.116755395,8.116755809,8.116754916,8.116757156,8.116755481,8.11675613,8.116755581,8.116755541,8.116756051,8.116755206,8.116755567,8.116755262,8.116755087,8.116754632,8.116754958,8.116755031,8.116754724,8.116756342,8.116755722,8.116754314,8.116754947,8.116755143,8.1167562,8.116755944,8.116755345,8.116755491,8.11675545,8.116754351
+"17298","TUBA8",6.475900571,6.47590077,6.475900713,6.475900892,6.475900647,6.475900839,6.475900651,6.475900728,6.475900706,6.475900869,6.475900973,6.475900914,6.475900654,6.475900472,6.475900557,6.475900854,6.475900776,6.475901051,6.475900627,6.475900699,6.475900609,6.475900557,6.475900632,6.475900995,6.475901002,6.47590083,6.475900739,6.475900537
+"17299","TUBAL3",4.26410195,4.264102206,4.264102271,4.264102423,4.264102274,4.264101983,4.264101895,4.264102414,4.264102323,4.264102025,4.264102192,4.26410217,4.264102067,4.264101794,4.264102169,4.264102406,4.264102355,4.264102364,4.264102018,4.264102153,4.264102088,4.264102304,4.26410213,4.2641022,4.264102307,4.264102308,4.264102003,4.264102123
+"17300","TUBB",9.659103519,9.659103733,9.659102975,9.659103119,9.659103251,9.65910409,9.65910439,9.659103239,9.659104397,9.659103937,9.65910298,9.659102904,9.659103657,9.659104041,9.659103074,9.659102915,9.659102589,9.659102839,9.659103191,9.659103537,9.659103952,9.659102972,9.659104332,9.659103774,9.65910291,9.659103414,9.65910392,9.659103738
+"17301","TUBB1",8.002839298,8.867695632,8.187899853,9.412608358,8.849536288,8.440094084,8.119886367,8.194950848,8.178931354,9.152788812,9.025632725,8.717011458,8.272037893,7.531847362,8.25086589,8.404702381,8.244747918,9.523438034,8.559190657,8.140530584,8.259013202,7.887206678,8.43680135,9.337373915,8.934440811,8.818180597,8.412475819,7.786240464
+"17302","TUBB2A",6.375858356,6.37585658,6.375853848,6.375858494,6.375859431,6.375859907,6.37585556,6.375855343,6.375855458,6.375860121,6.375855876,6.375855487,6.375858659,6.375853203,6.375859863,6.375856204,6.375854203,6.375858377,6.375858156,6.375858047,6.375854489,6.375855446,6.375855314,6.375859491,6.375852104,6.375855756,6.375858748,6.375852693
+"17303","TUBB2B",5.62776798,5.62776814,5.62776814,5.6277683,5.627768406,5.627768167,5.627768222,5.627768125,5.627768098,5.627768235,5.627768355,5.627768233,5.627768218,5.627767885,5.627768283,5.627768161,5.627768346,5.627768323,5.627768119,5.62776816,5.62776824,5.627768209,5.627768164,5.627767893,5.627768187,5.627768304,5.627768118,5.627768224
+"17304","TUBB4A",5.124453539,5.124453598,5.12445362,5.12445377,5.124453751,5.124453774,5.124453678,5.124453764,5.124453725,5.124453695,5.124453787,5.124453637,5.124453667,5.124453415,5.124453724,5.124453598,5.124453736,5.124453709,5.124453629,5.124453708,5.124453665,5.12445375,5.124453701,5.124453596,5.124453795,5.124453642,5.124453637,5.124453632
+"17305","TUBB4B",8.933162061,8.9331623,8.933162113,8.933162389,8.933161884,8.933162239,8.933162444,8.933162428,8.933162304,8.93316217,8.933162268,8.933162255,8.933162194,8.933161695,8.933161861,8.933162115,8.933161773,8.933162464,8.933162078,8.93316217,8.933162252,8.933162118,8.933162411,8.933162436,8.933162302,8.933162424,8.933162171,8.933161653
+"17306","TUBB6",6.918816272,6.918816333,6.918816445,6.918816361,6.918816541,6.918816258,6.918816302,6.918816448,6.918816359,6.918816355,6.9188165,6.918816453,6.918816333,6.91881617,6.918816443,6.918816379,6.918816533,6.918816424,6.918816337,6.918816326,6.918816454,6.918816454,6.918816287,6.918816364,6.918816402,6.918816435,6.918816315,6.918816409
+"17307","TUBB8",4.27076442,4.270764839,4.270764799,4.270764807,4.270764513,4.270765214,4.270764938,4.270764321,4.270763859,4.270764647,4.270764334,4.270764967,4.270764197,4.270764149,4.270764467,4.270764537,4.27076533,4.270765066,4.270764141,4.270764703,4.270764932,4.270764557,4.270764565,4.270764226,4.270764803,4.27076478,4.270764365,4.270764125
+"17308","TUBBP5",6.624762191,6.624762326,6.62476286,6.62476238,6.624762834,6.62476198,6.624762409,6.624762751,6.624762563,6.62476209,6.624762719,6.624762818,6.624762421,6.624761784,6.624762667,6.624762701,6.624762968,6.624763011,6.624762429,6.624762622,6.624762555,6.624762774,6.624762328,6.624762325,6.624762828,6.624762775,6.624762458,6.624762493
+"17309","TUBD1",5.474010583,5.474010491,5.474010418,5.474010347,5.474010322,5.474010415,5.474010392,5.474010357,5.474010473,5.474010561,5.474010354,5.474010388,5.474010427,5.474010549,5.474010335,5.474010471,5.474010277,5.47401029,5.474010498,5.474010401,5.474010349,5.474010405,5.474010482,5.474010507,5.474010244,5.474010454,5.474010443,5.47401047
+"17310","TUBE1",5.014808092,5.01480811,5.014807949,5.014807914,5.014808047,5.014807653,5.014808207,5.014807998,5.01480832,5.014808183,5.014807892,5.014807991,5.014808035,5.014808588,5.014808115,5.014808171,5.014808001,5.014808019,5.014808131,5.01480811,5.014807915,5.014807956,5.014808294,5.014808232,5.014807857,5.014807921,5.014808211,5.014808379
+"17311","TUBG1",6.261510986,6.261510972,6.261510963,6.261510999,6.261511065,6.261511093,6.261511064,6.261511004,6.261511066,6.261511011,6.261511093,6.261510985,6.261510988,6.261510945,6.261511011,6.261510838,6.261510992,6.26151104,6.261510953,6.26151101,6.261510992,6.261511003,6.261511001,6.261510923,6.261511073,6.261511031,6.261510992,6.261510844
+"17312","TUBG2",5.687851635,5.687851386,5.68785171,5.687851618,5.687851713,5.687851595,5.687851666,5.687851689,5.687851709,5.687851629,5.687851905,5.687851631,5.687851574,5.687851566,5.68785165,5.687851351,5.687851614,5.68785153,5.687851434,5.687851668,5.687851668,5.68785182,5.687851533,5.687851393,5.687851786,5.68785177,5.687851589,5.6878516
+"17313","TUBGCP2",6.787698183,6.787698185,6.787698175,6.787698172,6.787698174,6.787698167,6.78769817,6.787698166,6.787698169,6.78769816,6.787698128,6.787698161,6.787698189,6.787698178,6.787698162,6.78769816,6.787698159,6.787698157,6.787698172,6.787698178,6.787698168,6.787698173,6.787698169,6.787698179,6.787698177,6.787698168,6.787698197,6.787698159
+"17314","TUBGCP3",7.255433159,7.255433162,7.25543314,7.255433161,7.255433062,7.25543314,7.255433148,7.25543311,7.255433114,7.255433112,7.255433137,7.255433131,7.255433124,7.255433216,7.255433121,7.255433157,7.255433099,7.255433116,7.255433116,7.255433186,7.255433134,7.255433122,7.255433132,7.255433108,7.255433117,7.255433145,7.255433127,7.255433153
+"17315","TUBGCP4",6.131922182,6.131922183,6.131921605,6.131922015,6.131921691,6.131922163,6.131922192,6.131921841,6.131922061,6.131922213,6.131921498,6.131921419,6.131921988,6.131922513,6.131921658,6.131921667,6.131921162,6.13192165,6.131921897,6.131921916,6.131921762,6.131921645,6.131922199,6.131922283,6.131921592,6.131921883,6.131922058,6.131922159
+"17316","TUBGCP5",4.91124626,4.911246256,4.911246261,4.911246257,4.911246215,4.911246257,4.911246265,4.911246233,4.911246287,4.911246262,4.911246222,4.911246254,4.911246245,4.911246262,4.911246233,4.911246226,4.911246231,4.911246237,4.911246243,4.911246228,4.911246231,4.911246256,4.91124627,4.911246274,4.911246234,4.911246253,4.91124625,4.911246261
+"17317","TUBGCP6",6.79661156,6.796611591,6.796611615,6.796611543,6.796611606,6.796611647,6.796611709,6.796611692,6.796611687,6.796611689,6.796611456,6.796611681,6.796611689,6.796611666,6.796611614,6.796611607,6.796611567,6.796611556,6.796611658,6.796611434,6.796611594,6.796611702,6.796611665,6.79661161,6.796611499,6.796611694,6.796611693,6.796611593
+"17318","TUFM",7.782136296,7.782136288,7.782136135,7.782136136,7.782136137,7.782136342,7.7821363,7.782135996,7.782136253,7.782136325,7.782136131,7.782136225,7.782136406,7.782136511,7.782136133,7.782136156,7.782135926,7.782136079,7.782136252,7.782136299,7.782136261,7.782136149,7.782136283,7.782136316,7.782135997,7.782136213,7.782136367,7.782136308
+"17319","TUFT1",5.035226847,5.035226877,5.035226844,5.035226879,5.035226871,5.035226848,5.035226833,5.035226852,5.035226843,5.03522685,5.035226861,5.035226831,5.035226848,5.035226855,5.035226852,5.035226901,5.035226853,5.035226877,5.035226865,5.035226869,5.035226857,5.035226862,5.035226854,5.035226868,5.035226884,5.035226845,5.035226844,5.035226863
+"17320","TUG1",8.837995622,8.837995473,8.837995181,8.837995256,8.837995145,8.837995249,8.837995411,8.837995177,8.837995358,8.837995449,8.837995174,8.837995121,8.837995402,8.83799599,8.8379952,8.837995199,8.837995035,8.837995115,8.837995475,8.837995253,8.837995466,8.837995347,8.837995426,8.837995445,8.837995311,8.837995343,8.837995455,8.837995668
+"17321","TULP1",5.748028383,5.748028341,5.748028798,5.748028317,5.748028845,5.748028528,5.748028509,5.748028735,5.748028584,5.74802865,5.748028692,5.748028857,5.748028658,5.748028175,5.748028738,5.748028703,5.748028742,5.74802872,5.748028587,5.748028544,5.748028752,5.748028628,5.748028456,5.748028377,5.748028773,5.748028785,5.748028399,5.748028413
+"17322","TULP2",4.452788059,4.452788297,4.45278821,4.452788305,4.452788368,4.45278832,4.452788248,4.452788317,4.452788301,4.452788358,4.452788271,4.452788382,4.452788203,4.45278812,4.452788329,4.452788278,4.452788498,4.45278839,4.452788321,4.452788258,4.452788353,4.452788368,4.45278822,4.452788286,4.452788271,4.452788281,4.452788287,4.452788316
+"17323","TULP3",4.871348482,4.871348494,4.871348477,4.871348466,4.871348502,4.871348507,4.871348482,4.871348488,4.871348501,4.871348474,4.871348481,4.871348522,4.871348517,4.871348505,4.871348485,4.871348484,4.871348481,4.871348477,4.871348504,4.871348471,4.871348442,4.871348482,4.871348485,4.871348511,4.871348477,4.871348458,4.87134849,4.871348476
+"17324","TULP4",5.80664193,5.806641877,5.806641885,5.806641888,5.80664193,5.806641938,5.806641953,5.806641911,5.806641964,5.806641923,5.806641842,5.806641891,5.806641908,5.806641982,5.806641931,5.806641836,5.806641795,5.806641843,5.806641923,5.806641943,5.806641933,5.806641824,5.806641924,5.806641924,5.806641867,5.806641915,5.806641932,5.80664193
+"17325","TUSC1",5.319904875,5.319904959,5.319904991,5.319904959,5.319904998,5.319904879,5.319904943,5.319904999,5.319904937,5.319904978,5.319905035,5.319905038,5.319904956,5.319904875,5.319904979,5.319904983,5.319905021,5.319904999,5.319904953,5.319904952,5.319904931,5.319905002,5.319904923,5.319904939,5.319905041,5.319904943,5.31990495,5.319904939
+"17326","TUSC2",6.854132753,6.854132831,6.854132854,6.854132867,6.854132776,6.854132956,6.854132751,6.854132797,6.854132863,6.854132897,6.85413279,6.854132686,6.854132806,6.854132807,6.854132746,6.854132826,6.854132853,6.854132832,6.854132758,6.854132958,6.85413264,6.854132866,6.854132844,6.854132882,6.854132821,6.854132776,6.854132847,6.854132855
+"17327","TUSC3",4.440486394,4.440486412,4.440486408,4.440486401,4.440486413,4.440486397,4.440486398,4.440486418,4.440486402,4.440486388,4.44048643,4.440486416,4.440486403,4.440486381,4.440486407,4.440486427,4.440486421,4.440486412,4.440486399,4.440486398,4.440486404,4.440486411,4.440486393,4.440486396,4.440486422,4.440486403,4.44048638,4.440486416
+"17328","TUT4",6.902035912,6.902035714,6.902035431,6.902035302,6.902035323,6.902035182,6.902035499,6.902035272,6.902035837,6.902035494,6.902035178,6.902035441,6.902035668,6.902036074,6.902035617,6.902035618,6.902035074,6.90203523,6.902035577,6.902035091,6.902035497,6.90203547,6.902035803,6.902035543,6.902035453,6.902035645,6.902035724,6.902035713
+"17329","TUT7",8.767923652,8.792400062,8.698209191,8.850402437,8.62243228,8.806319858,8.768307957,8.675734608,8.65155822,8.650049754,8.709514024,8.536010102,8.653679241,8.804946939,8.721419352,8.776330133,8.669975845,8.777986804,8.750611788,8.840454026,8.746706636,8.680795071,8.758743209,8.753782941,8.758141892,8.629243888,8.655740528,8.708050501
+"17330","TVP23A",5.006065216,5.00606526,5.006065251,5.006065291,5.006065336,5.006065257,5.006065257,5.006065324,5.006065243,5.006065243,5.00606532,5.006065312,5.006065266,5.006065154,5.006065281,5.006065259,5.006065309,5.006065299,5.006065271,5.006065294,5.006065303,5.006065302,5.006065218,5.006065249,5.006065307,5.006065279,5.006065177,5.006065294
+"17331","TWF1",6.2857480515,6.285747706,6.285748224,6.2857481605,6.285748139,6.2857478975,6.2857479525,6.2857480585,6.2857480865,6.2857480485,6.2857482665,6.285748021,6.285748109,6.285747836,6.285748103,6.2857476655,6.2857480715,6.285748215,6.2857480815,6.285747922,6.2857479635,6.285748188,6.285747857,6.2857480135,6.2857483395,6.2857480065,6.2857481935,6.2857479005
+"17332","TWF2",8.553678821,8.553679027,8.553678865,8.553678972,8.553678757,8.553678961,8.553678852,8.553678841,8.553678866,8.55367888,8.553678894,8.553678759,8.553678883,8.553678921,8.553678855,8.553678982,8.553678811,8.553678883,8.553678831,8.553679037,8.553678779,8.553678895,8.553678926,8.553678957,8.553678888,8.553678823,8.553678863,8.553678857
+"17333","TWIST1",5.797789243,5.797789243,5.797789285,5.797789274,5.797789346,5.797789246,5.797789278,5.797789308,5.797789273,5.797789258,5.797789297,5.797789336,5.797789263,5.797789206,5.797789305,5.797789287,5.797789309,5.797789319,5.797789277,5.797789289,5.797789298,5.797789327,5.797789266,5.797789247,5.797789286,5.797789279,5.797789259,5.797789314
+"17334","TWIST2",6.221264392,6.221264462,6.221265037,6.221264446,6.221265633,6.221264862,6.221265011,6.221265011,6.221264534,6.221264609,6.221264801,6.221265706,6.221264635,6.221263814,6.221265516,6.221264492,6.221265513,6.221264963,6.221264932,6.221264813,6.221265059,6.221265241,6.221264708,6.221264297,6.221264371,6.221264752,6.221264616,6.221264963
+"17335","TWNK",5.372808105,5.372808204,5.372808182,5.372808152,5.372808104,5.37280805,5.372808041,5.372808315,5.37280848,5.372808361,5.372808154,5.372808339,5.372808389,5.372808499,5.372808088,5.372808174,5.372808092,5.372808143,5.372808018,5.372808132,5.372808272,5.372808367,5.372808098,5.372808313,5.372808104,5.37280833,5.372808297,5.372808137
+"17336","TWSG1",5.419565028,5.419565001,5.419564985,5.419565124,5.419564984,5.419564874,5.419564924,5.419564935,5.419564979,5.419565048,5.419564913,5.41956484,5.419564975,5.419565111,5.419565019,5.419564998,5.419564852,5.419565059,5.419565011,5.419564843,5.419564891,5.419564887,5.419564989,5.419565089,5.419565079,5.41956495,5.419564974,5.419565012
+"17337","TXK",8.020366697,8.019625885,8.018507676,8.016399332,8.016027836,8.015136464,8.014963393,8.016595411,8.021319449,8.020194895,8.014120921,8.020065414,8.019873851,8.023953348,8.014311128,8.016805956,8.010964763,8.013460632,8.015438416,8.010506935,8.011970719,8.015678694,8.020046918,8.018531232,8.011888909,8.01969373,8.018408627,8.019668893
+"17338","TXLNA",7.167400908,7.167400946,7.167400874,7.167400859,7.167400926,7.167400959,7.167400971,7.167400928,7.167400946,7.167400958,7.167400912,7.167400878,7.167400935,7.167401004,7.167400911,7.167400921,7.167400817,7.167400826,7.167400904,7.167400942,7.167400883,7.167400822,7.167400932,7.167400883,7.167400859,7.167400898,7.16740092,7.167400917
+"17339","TXLNB",4.362562354,4.362562405,4.362562251,4.3625622,4.362562256,4.362562276,4.362562304,4.362562282,4.362562189,4.362562163,4.362562253,4.362562302,4.362562259,4.362562327,4.36256231,4.362562425,4.362562154,4.362562136,4.362562188,4.362562292,4.362562382,4.362562341,4.362562285,4.362562285,4.362562118,4.36256231,4.362562235,4.362562362
+"17340","TXLNG",5.961878613,5.961878298,5.961876904,5.96187749,5.961877653,5.961876867,5.961878227,5.961876898,5.961878365,5.961877695,5.961877238,5.961876561,5.961878472,5.961879475,5.961878085,5.961877866,5.961876817,5.961877021,5.961878194,5.961876656,5.96187834,5.961877368,5.96187842,5.961878033,5.961877706,5.961877373,5.961878138,5.961878953
+"17341","TXLNGY",3.774831122,3.832769624,8.0853074985,3.8396554485,3.6360847155,7.479207043,3.536115836,7.825401144,3.4031241175,3.6233798125,3.8960704905,7.635617827,3.550615055,3.395513866,3.6634018695,3.832077548,7.5421793685,3.7811919995,3.473638036,7.0228871295,3.672937107,7.965539599,3.607220718,3.371753957,3.4548320005,8.292200514,3.605015441,3.8283746005
+"17342","TXN",6.042222767,6.042222679,6.042222538,6.042222736,6.042222421,6.042222802,6.042222727,6.042222536,6.042222696,6.042222673,6.042222751,6.042222064,6.042222339,6.042222648,6.042222501,6.042222774,6.042222398,6.042222749,6.042222748,6.04222293,6.042222926,6.042222578,6.042222821,6.042222823,6.042222875,6.042222348,6.042222421,6.042222401
+"17343","TXN2",6.415227801,6.415227864,6.415227829,6.415227766,6.41522781,6.415227805,6.415227803,6.415227775,6.41522777,6.415227809,6.415227717,6.415227697,6.415227835,6.415227938,6.415227697,6.415227758,6.415227768,6.415227591,6.415227821,6.415227832,6.415227702,6.415227769,6.41522779,6.415227891,6.415227673,6.415227803,6.415227809,6.415227901
+"17344","TXNDC11",6.744806449,6.74480639,6.744806298,6.744806306,6.744806254,6.744806363,6.744806453,6.744806243,6.744806337,6.744806337,6.744806269,6.744806203,6.744806393,6.744806466,6.744806248,6.744806268,6.744806199,6.744806235,6.74480632,6.744806384,6.744806279,6.74480621,6.744806388,6.744806417,6.744806299,6.744806277,6.744806424,6.744806315
+"17345","TXNDC12",7.221282557,7.22128279,7.221282492,7.221282169,7.221282258,7.221281926,7.221282261,7.22128212,7.221282476,7.221282173,7.221282302,7.221281406,7.221282224,7.221282718,7.221282448,7.221282736,7.221282419,7.221282105,7.221282422,7.22128234,7.221282448,7.22128231,7.221282681,7.221282338,7.221282266,7.221281907,7.221282136,7.221282267
+"17346","TXNDC15",6.929532262,6.929532492,6.929531516,6.929530388,6.929531135,6.929531282,6.92953203,6.929531075,6.92953177,6.92953194,6.929531487,6.929530992,6.929531714,6.929533044,6.929531785,6.929532033,6.929530904,6.929530646,6.929531578,6.929531497,6.929532031,6.929531316,6.929531929,6.929531787,6.929531336,6.929531569,6.929531847,6.929532504
+"17347","TXNDC16",4.451893991,4.451893985,4.451894024,4.451893937,4.451893936,4.451893845,4.451893931,4.451893922,4.451894025,4.451893974,4.45189395,4.45189387,4.45189396,4.451894092,4.451893968,4.451893957,4.451893989,4.451893876,4.451893942,4.451893809,4.451893852,4.45189394,4.451894023,4.451893933,4.451893998,4.451893894,4.451893988,4.451894016
+"17348","TXNDC17",4.896915066,4.896915001,4.89691522,4.89691512,4.896915108,4.896914995,4.896915169,4.896914892,4.896915069,4.896915039,4.896915098,4.896915202,4.896915116,4.896914937,4.896915116,4.896915147,4.896915157,4.896914939,4.896915135,4.896915033,4.896915084,4.896915067,4.896915137,4.896915014,4.896915168,4.896915166,4.896915083,4.896915205
+"17349","TXNDC2",4.361126068,4.361126009,4.361126108,4.36112618,4.361126131,4.361126251,4.36112609,4.361126125,4.361125786,4.361125901,4.361126175,4.361126147,4.361125868,4.361125972,4.361126102,4.361126139,4.361126412,4.361126283,4.361125981,4.36112611,4.361126309,4.361126212,4.361125942,4.361126054,4.361126082,4.36112597,4.361126017,4.361126074
+"17350","TXNDC8",2.287227008,2.287226518,2.28722696,2.287226752,2.287227254,2.287226628,2.287226451,2.287227002,2.287226376,2.287226925,2.2872273,2.287226667,2.287226758,2.287226668,2.287227112,2.287226652,2.287227648,2.287226708,2.287226697,2.287226944,2.287227055,2.287226282,2.28722718,2.287226745,2.287227181,2.287226636,2.287226854,2.287227206
+"17351","TXNDC9",4.517259682,4.517259329,4.517259434,4.517259326,4.517259465,4.517259186,4.517259536,4.51725936,4.517259378,4.517259592,4.517259213,4.517259204,4.517259557,4.517259879,4.517259601,4.517259259,4.517259262,4.517259199,4.517259506,4.517259117,4.517259573,4.517259479,4.517259592,4.517259353,4.51725898,4.517259429,4.51725941,4.517259632
+"17352","TXNIP",12.88895036,12.93986635,12.59676565,12.96009196,12.66555211,12.73615355,12.52510366,12.62902033,12.55174593,12.53618613,12.52366968,12.33085619,12.51405852,13.01125278,12.61761232,12.67434404,12.4627341,12.65722112,12.71498144,12.75863171,12.45909096,12.60641765,12.5757102,12.69652239,12.40961528,12.40861818,12.53483087,12.64716129
+"17353","TXNL1",5.99711604,5.997115992,5.997116001,5.997115983,5.997115803,5.997116018,5.997115943,5.997115783,5.997116046,5.997116003,5.997115909,5.997115709,5.997115918,5.997116169,5.997115967,5.997115738,5.997115725,5.997115845,5.997115971,5.997116004,5.997115886,5.997115805,5.997116072,5.997116019,5.997115811,5.997115857,5.997115888,5.997116025
+"17354","TXNL4A",6.030374579,6.030374531,6.030374644,6.030374576,6.030374279,6.030374623,6.030374438,6.030374431,6.030374456,6.030374394,6.03037442,6.030374317,6.030374544,6.030374618,6.030374337,6.030374328,6.030374327,6.030374358,6.030374429,6.030374542,6.030374434,6.030374518,6.030374525,6.030374442,6.030374507,6.030374387,6.0303745,6.03037445
+"17355","TXNL4B",6.639608806,6.639608715,6.639608665,6.639608738,6.639608523,6.639608772,6.639608635,6.639608568,6.639608733,6.639608592,6.639608644,6.639608528,6.639608733,6.639608871,6.639608605,6.639608632,6.639608526,6.639608715,6.639608693,6.639608866,6.639608665,6.639608559,6.639608803,6.639608732,6.639608729,6.639608701,6.639608722,6.639608787
+"17356","TXNRD1",7.352067826,7.352068901,7.352067851,7.35206858,7.352067269,7.352067164,7.352067811,7.352067305,7.352067549,7.352067245,7.352067684,7.352066317,7.352067598,7.352068521,7.352067525,7.352068638,7.352067335,7.352067794,7.352067813,7.352067337,7.352067805,7.352067243,7.352068156,7.352068132,7.352068011,7.352067068,7.352067412,7.352067966
+"17357","TXNRD2",6.688494242,6.688494565,6.688494875,6.688494462,6.688494514,6.688494703,6.688493971,6.688494556,6.688494714,6.688494881,6.688494836,6.688494673,6.688494444,6.68849451,6.68849447,6.688494442,6.688494978,6.688494521,6.688494531,6.68849457,6.688494104,6.688494605,6.688494593,6.688494683,6.688494744,6.688494819,6.688494319,6.688494514
+"17358","TXNRD3",4.140895569,4.140895583,4.140895564,4.140895568,4.140895578,4.140895561,4.14089556,4.140895587,4.140895597,4.14089557,4.140895573,4.140895579,4.140895561,4.140895571,4.140895561,4.140895583,4.140895576,4.140895574,4.140895569,4.140895564,4.140895581,4.140895579,4.140895579,4.14089557,4.140895562,4.140895583,4.140895571,4.140895586
+"17359","TYK2",8.332204897,8.332205031,8.332204831,8.332205199,8.332204627,8.332205182,8.332205084,8.332204656,8.332204672,8.332204869,8.332205085,8.332204728,8.332204938,8.332204741,8.33220471,8.332205046,8.332204711,8.332204985,8.332204853,8.33220504,8.332204962,8.33220503,8.332204754,8.332204901,8.33220505,8.33220494,8.332205055,8.332204412
+"17360","TYMS",4.668194738,4.66819454,4.668194834,4.668194423,4.668193994,4.668198601,4.668200033,4.668193664,4.668197193,4.668195406,4.668195203,4.668194593,4.668196115,4.668194521,4.668194044,4.668193794,4.668195011,4.668192569,4.668195074,4.66819838,4.668199134,4.668193479,4.6681989,4.668195826,4.668194613,4.668193814,4.668195738,4.668195143
+"17361","TYMSOS",5.638529768,5.63852967,5.638529818,5.638529711,5.638529876,5.638529864,5.638529894,5.638529792,5.638529837,5.638529737,5.638529833,5.638529868,5.638529696,5.638529654,5.638529824,5.638529644,5.638529905,5.638529848,5.638529789,5.638529773,5.638529871,5.638529858,5.638529724,5.638529763,5.638529839,5.638529778,5.638529726,5.638529721
+"17362","TYR",3.5894452235,3.5894453025,3.5894452655,3.5894452355,3.589445282,3.589445286,3.589445246,3.5894453,3.5894453115,3.5894453355,3.5894453155,3.5894453545,3.5894452665,3.589445241,3.589445293,3.5894453215,3.589445337,3.58944531,3.589445244,3.5894452925,3.5894452375,3.5894453325,3.589445268,3.5894452575,3.5894453655,3.5894452365,3.589445235,3.5894453235
+"17363","TYRO3",4.927145983,4.927146137,4.927146519,4.92714639,4.927146941,4.927146305,4.927146597,4.927146729,4.927146354,4.927146555,4.927146558,4.927146723,4.927146521,4.927145798,4.927146725,4.927146483,4.927147063,4.927146701,4.927146564,4.927146321,4.927146459,4.927146878,4.927146302,4.927146094,4.927146577,4.927146577,4.927146359,4.927146506
+"17364","TYROBP",10.5615169,10.56152456,10.5615015,10.56152339,10.56150134,10.56152323,10.56150927,10.56150482,10.56150313,10.56151154,10.56150691,10.56148386,10.5615127,10.56151345,10.56150881,10.56151573,10.56150921,10.5615098,10.56151002,10.56153262,10.56150937,10.5615112,10.56150943,10.5615202,10.56150806,10.56149792,10.56150947,10.56149884
+"17365","TYRP1",3.559702452,3.559702457,3.559702473,3.559702458,3.559702608,3.559702585,3.559702434,3.559702551,3.55970248,3.559702601,3.559702526,3.559702525,3.559702487,3.559702412,3.559702488,3.559702482,3.559702677,3.559702518,3.559702438,3.559702438,3.559702529,3.559702537,3.559702416,3.559702492,3.559702508,3.559702525,3.559702448,3.55970262
+"17366","TYSND1",6.733979754,6.733979722,6.733979737,6.733979637,6.733979801,6.733979761,6.733979666,6.733979744,6.733979716,6.733979778,6.733979588,6.733979852,6.733979791,6.733979656,6.733979672,6.733979644,6.73397974,6.733979634,6.733979695,6.733979592,6.733979708,6.733979774,6.733979693,6.733979679,6.733979613,6.733979791,6.733979773,6.733979654
+"17367","TYW1",6.003686323,6.003686182,6.00368629,6.003685926,6.003686213,6.003686154,6.00368647,6.003686159,6.003685859,6.003686375,6.003686091,6.0036852,6.003686095,6.003686833,6.003686557,6.003685821,6.00368604,6.003685869,6.00368657,6.003685796,6.003686022,6.003686282,6.003686881,6.003686079,6.003685582,6.003686482,6.003686149,6.003686623
+"17368","TYW1B",5.929426126,5.929425368,5.92942552,5.929426073,5.929425802,5.929426058,5.929426055,5.929426415,5.929426549,5.929426337,5.92942617,5.929425972,5.929426511,5.929426342,5.929425857,5.929426002,5.929425867,5.929425993,5.929426208,5.929425428,5.929426345,5.929426124,5.929426391,5.929426164,5.929425895,5.929426175,5.929426362,5.929425852
+"17369","TYW3",5.408437177,5.408436632,5.408436502,5.408436373,5.408436486,5.40843557,5.408436356,5.408436164,5.408436506,5.408436818,5.408436001,5.408435965,5.408436536,5.408438112,5.408436541,5.408436435,5.408436109,5.408435581,5.408436862,5.408435104,5.408436123,5.408436499,5.408436872,5.408436381,5.40843592,5.408436637,5.408436272,5.408437922
+"17370","TYW5",4.807361089,4.807361041,4.807360748,4.8073608,4.807360801,4.807360804,4.807360915,4.807360796,4.807360823,4.807360893,4.807360906,4.807360652,4.807360968,4.807361218,4.807360952,4.807360974,4.807360948,4.807360672,4.80736094,4.80736081,4.807360805,4.807360896,4.807360993,4.807360866,4.80736069,4.807360842,4.807360968,4.807360885
+"17371","U2AF1",8.977054945,8.977055048,8.977054894,8.977054988,8.977054794,8.977054973,8.97705494,8.977054956,8.977054935,8.977054896,8.977054848,8.977054661,8.977054917,8.97705507,8.97705484,8.97705507,8.977054816,8.97705491,8.977054918,8.977054875,8.977054881,8.97705484,8.977054966,8.977055036,8.977054871,8.977054809,8.97705488,8.97705501
+"17372","U2AF1L4",6.509781794,6.509781833,6.509781737,6.509781903,6.509781778,6.509781861,6.509781622,6.509781831,6.509781952,6.509781912,6.509781622,6.509781724,6.50978195,6.509781554,6.509781679,6.509781796,6.50978166,6.509781751,6.509781867,6.509781687,6.509781568,6.509781841,6.509781819,6.509781721,6.509781672,6.509781768,6.509781837,6.509781638
+"17373","U2AF2",7.047197242,7.047197287,7.047197257,7.047197294,7.047197219,7.04719731,7.047197246,7.047197266,7.047197258,7.047197275,7.047197252,7.047197192,7.047197259,7.047197262,7.047197229,7.047197227,7.047197192,7.047197262,7.047197247,7.047197301,7.047197234,7.047197245,7.047197272,7.047197262,7.047197214,7.047197246,7.04719726,7.047197248
+"17374","U2SURP",6.977924278,6.977923259,6.977922531,6.977922055,6.977922236,6.977922052,6.977922619,6.977921765,6.977923397,6.977923021,6.977922383,6.977921383,6.977923537,6.977925973,6.977923048,6.977923019,6.977922299,6.977921762,6.977923229,6.977920953,6.977923109,6.977922575,6.977923886,6.977922829,6.977922422,6.977922792,6.977923037,6.97792517
+"17375","UACA",3.642836882,3.642836866,3.642836898,3.642836845,3.642836879,3.642836872,3.642836836,3.642836853,3.642836867,3.642836833,3.642836877,3.642836843,3.642836831,3.642836874,3.642836837,3.64283686,3.642836876,3.642836843,3.642836823,3.642836871,3.64283683,3.642836866,3.642836818,3.642836814,3.642836895,3.642836851,3.642836867,3.642836831
+"17376","UAP1",5.629224598,5.629224584,5.62922454,5.629224563,5.629224523,5.629224496,5.629224588,5.629224542,5.62922459,5.629224552,5.629224547,5.629224555,5.629224616,5.629224643,5.629224573,5.629224598,5.629224545,5.629224538,5.629224559,5.62922448,5.629224548,5.62922451,5.629224623,5.629224581,5.629224524,5.629224555,5.629224549,5.629224627
+"17377","UAP1L1",6.979354578,6.979354914,6.979354602,6.979355115,6.979355044,6.979355092,6.979354971,6.979355151,6.97935505,6.979355024,6.979354742,6.979355329,6.979354819,6.979354546,6.979354772,6.979354995,6.979354974,6.979354884,6.979354674,6.979355031,6.97935484,6.979355047,6.97935484,6.979354825,6.979354693,6.979355042,6.97935475,6.979355053
+"17378","UBA1",7.814809054,7.814809266,7.814808678,7.814809388,7.814808941,7.814809179,7.814809205,7.814808614,7.814809119,7.814809122,7.814809069,7.814808449,7.814809292,7.814809157,7.814808933,7.8148092,7.814808208,7.814809154,7.814808988,7.814808946,7.814809141,7.814808705,7.81480905,7.814809191,7.814809064,7.814808784,7.81480914,7.81480889
+"17379","UBA2",7.043879778,7.043879639,7.043878811,7.043878375,7.043878444,7.043878715,7.043879161,7.043878712,7.043879877,7.043879986,7.043878464,7.043878159,7.043879531,7.043881128,7.043879152,7.043879346,7.043878549,7.043878243,7.043879133,7.043878028,7.043878911,7.043879135,7.043880246,7.043879883,7.043878701,7.043879073,7.043879481,7.043880663
+"17380","UBA3",7.416220882,7.416220657,7.416219856,7.416219667,7.416218767,7.416218484,7.416219795,7.416219044,7.416219586,7.41621943,7.416219034,7.416216838,7.416219574,7.416223194,7.416219487,7.416220696,7.416218703,7.41621899,7.41621983,7.416219986,7.41622008,7.416218828,7.416220379,7.416220393,7.416219686,7.416218617,7.416219221,7.416220842
+"17381","UBA5",6.049575136,6.049575131,6.049574918,6.049574699,6.049574696,6.049574536,6.049574742,6.049574796,6.049575089,6.049574767,6.049574528,6.049574491,6.049574751,6.049575549,6.049574753,6.049575016,6.049574706,6.049574638,6.049574766,6.049574851,6.049574951,6.049574758,6.049575311,6.049574989,6.049574538,6.049574856,6.049574781,6.049575429
+"17382","UBA52",9.530207427,9.53020672,9.530208257,9.530206541,9.530207951,9.530209536,9.530207292,9.530209291,9.530209502,9.530209365,9.530208169,9.530209812,9.530206757,9.530206312,9.53020705,9.530203863,9.530207894,9.530206162,9.530206762,9.530209002,9.530206747,9.53020892,9.530209306,9.530209035,9.530207702,9.530209684,9.530207781,9.530206991
+"17383","UBA6",6.685715857,6.68571555,6.68571537,6.685715372,6.685715344,6.685715483,6.685715623,6.685715234,6.685715512,6.685715323,6.685715298,6.685715023,6.685715592,6.685716143,6.685715561,6.685715271,6.685715181,6.685715231,6.685715673,6.68571539,6.685715676,6.685715413,6.685715742,6.685715428,6.685715232,6.685715175,6.685715599,6.685715816
+"17384","UBA7",7.67988323,7.679883113,7.67988263,7.679883024,7.67988267,7.679883752,7.679882733,7.679882553,7.679882904,7.679883187,7.679882956,7.67988303,7.679883285,7.679883382,7.67988292,7.679882943,7.679882456,7.679882658,7.679882751,7.679883575,7.679882795,7.679882681,7.679882875,7.679883145,7.67988296,7.679883148,7.679883251,7.679883
+"17385","UBAC1",7.056767081,7.056767081,7.056767191,7.056767086,7.05676715,7.056767148,7.056767119,7.056767167,7.056767166,7.056767154,7.056767285,7.056767223,7.056767106,7.056767012,7.056767142,7.056767061,7.056767273,7.056767147,7.056767147,7.056767207,7.056767154,7.056767207,7.056767084,7.056767119,7.056767138,7.056767154,7.05676711,7.05676715
+"17386","UBAC2",7.414681611,7.414681618,7.414681607,7.414681587,7.414681528,7.414681576,7.41468158,7.414681554,7.414681621,7.4146816,7.414681529,7.414681607,7.414681618,7.414681682,7.414681553,7.414681616,7.414681541,7.414681536,7.414681564,7.414681609,7.414681562,7.414681589,7.414681651,7.414681587,7.414681528,7.414681607,7.414681647,7.414681626
+"17387","UBALD1",7.90992974,7.909929765,7.909930232,7.909929962,7.909930091,7.90993004,7.909929349,7.909930206,7.909930307,7.909929708,7.909929322,7.909930132,7.909929603,7.90992932,7.909929837,7.90992966,7.909930015,7.909929914,7.90993001,7.909930715,7.90992957,7.909930134,7.909929696,7.909929867,7.909929871,7.90993018,7.909929637,7.909929009
+"17388","UBALD2",8.604256957,8.604257467,8.604257193,8.604257656,8.604256424,8.604258024,8.604256452,8.604257033,8.60425794,8.604256634,8.604257479,8.604256899,8.604257139,8.604256722,8.604256667,8.604257451,8.60425725,8.604257513,8.604257086,8.604257616,8.604256296,8.604256984,8.604257781,8.604257209,8.604257517,8.604257005,8.604256871,8.604256441
+"17389","UBAP1",7.807648008,7.807648148,7.80764807,7.807648265,7.807647799,7.807648125,7.807648005,7.807648215,7.807647965,7.807647985,7.807648002,7.807648182,7.80764798,7.807647944,7.807647929,7.807647992,7.807648001,7.807648212,7.807647945,7.807648132,7.807647938,7.807648048,7.807648041,7.807648173,7.807648048,7.807648239,7.807647992,7.807647966
+"17390","UBAP2",6.976116799,6.976116893,6.976116904,6.97611671,6.976116826,6.976116839,6.97611688,6.976116863,6.976116936,6.976116853,6.976116801,6.976116907,6.976116775,6.976116815,6.976116745,6.976116676,6.976116766,6.976116763,6.976116745,6.976116792,6.976116812,6.976116755,6.976117008,6.976116868,6.976116832,6.976116912,6.976116781,6.976116797
+"17391","UBAP2L",7.958226539,7.958226563,7.958226514,7.958226548,7.958226523,7.958226573,7.958226558,7.958226525,7.958226565,7.958226565,7.958226471,7.958226531,7.958226528,7.958226589,7.958226512,7.958226531,7.958226466,7.958226506,7.958226525,7.958226495,7.958226536,7.958226527,7.958226558,7.95822652,7.9582265,7.958226547,7.958226542,7.958226524
+"17392","UBASH3A",6.57917323,6.57917295,6.579172923,6.579172334,6.579173063,6.579173184,6.579173124,6.579173543,6.579174057,6.579173095,6.579172536,6.579173461,6.579173445,6.579173822,6.57917301,6.579172881,6.579172015,6.579172547,6.57917328,6.579172629,6.579173079,6.579173903,6.579173716,6.579173073,6.579172623,6.579173761,6.579173867,6.579173046
+"17393","UBASH3B",6.88889354,6.888893692,6.888893092,6.888893648,6.888893445,6.88889338,6.888893816,6.888893261,6.888893382,6.888893683,6.888893437,6.888893304,6.888893401,6.888893502,6.888892989,6.888893392,6.888892643,6.888893232,6.888893653,6.888893597,6.888893525,6.888892982,6.888893644,6.88889381,6.888893912,6.888893352,6.888893443,6.888893192
+"17394","UBB",11.82435073,11.77291873,11.8527816,11.64511937,12.02017058,11.88466993,12.22655427,12.06087879,11.96531728,12.1303498,11.78862795,12.39034565,11.38585672,11.24317878,11.76881778,11.54973088,11.7220739,11.61920143,11.933976,11.65716613,12.11192852,11.9391767,11.97619414,12.0337361,11.7329443,12.44848455,11.5633397,11.40185539
+"17395","UBC",11.73553346,11.73553243,11.73553263,11.73553336,11.73553238,11.73553303,11.73553287,11.73553236,11.73553264,11.73553298,11.73553268,11.7355317,11.73553327,11.73553335,11.7355328,11.73553177,11.73553247,11.73553298,11.73553296,11.73553325,11.73553304,11.73553255,11.735533,11.73553316,11.73553263,11.73553254,11.73553303,11.73553284
+"17396","UBD",3.8932259095,3.8932284785,3.8932320445,3.893229909,3.8932327405,3.893227009,3.8932284815,3.8932345875,3.89323416,3.893231883,3.893230269,3.8932306,3.8932283715,3.8932310135,3.893229495,3.893228117,3.893229298,3.8932254645,3.893230487,3.89322807,3.893228736,3.8932311795,3.8932267165,3.893229208,3.893232753,3.893227374,3.89323133,3.893229278
+"17397","UBE2A",6.535421719,6.535421753,6.535421566,6.535421765,6.53542155,6.535421695,6.535421696,6.535421614,6.535421565,6.535421607,6.535421636,6.535421326,6.535421674,6.535421777,6.535421534,6.535421564,6.53542143,6.535421606,6.53542168,6.535421773,6.535421666,6.535421503,6.535421598,6.535421718,6.535421648,6.535421497,6.535421682,6.535421618
+"17398","UBE2B",8.319307768,8.319307864,8.319307449,8.319307935,8.319307181,8.319307405,8.319307317,8.319307557,8.319307322,8.319307375,8.319307804,8.319306893,8.319307741,8.319307624,8.319307344,8.319307984,8.319307518,8.319308007,8.319307812,8.319307311,8.319307385,8.319307576,8.31930762,8.319307732,8.319307849,8.319307418,8.319307602,8.319307517
+"17399","UBE2C",5.697593228,5.697593261,5.697593305,5.697593334,5.697593282,5.697593338,5.697593403,5.69759331,5.697593258,5.697593283,5.697593354,5.697593371,5.697593328,5.697593227,5.697593315,5.697593329,5.69759338,5.697593372,5.697593301,5.697593368,5.697593421,5.697593303,5.697593297,5.697593263,5.697593322,5.697593281,5.697593309,5.697593246
+"17400","UBE2D1",7.949072312,7.943486785,7.940121161,7.949434148,7.936335401,7.940735127,7.94308184,7.940058622,7.939989152,7.939650666,7.939533162,7.933319323,7.939350938,7.942238669,7.946948059,7.940636983,7.941031898,7.950628633,7.939986624,7.945133569,7.945144251,7.939589426,7.943369939,7.943413092,7.941146377,7.938193642,7.937816773,7.938112151
+"17401","UBE2D2",7.633935939,7.633935388,7.633935618,7.633935627,7.633935187,7.633935405,7.633935684,7.63393523,7.633935465,7.633935437,7.63393523,7.633935414,7.633935706,7.633935816,7.633935388,7.6339351,7.633935176,7.633935086,7.633935642,7.633935166,7.633935613,7.633935593,7.633935783,7.633935316,7.633935302,7.633935784,7.633935565,7.63393568
+"17402","UBE2D3",8.60104213457143,8.60104370528571,8.60104157942857,8.60104334157143,8.60104231242857,8.601044411,8.60104261871429,8.60104302371429,8.60104291514286,8.60104299271429,8.60104072514286,8.60104110485714,8.60104356185714,8.60104342014286,8.60104281671429,8.60104346671429,8.601042774,8.60104360857143,8.60104284585714,8.60104406657143,8.60104220814286,8.601043971,8.60104335371429,8.60104297242857,8.60104270542857,8.60104210242857,8.60104356942857,8.60104254714286
+"17403","UBE2D4",6.733792497,6.733792229,6.733792581,6.733792236,6.733792667,6.733792962,6.733792463,6.733792811,6.733792709,6.733792675,6.733792523,6.733792576,6.733792677,6.733792631,6.733792425,6.733792409,6.733792685,6.733792379,6.733792573,6.733792654,6.733792573,6.733792833,6.733792723,6.733792715,6.733792264,6.733792349,6.733792601,6.733792749
+"17404","UBE2DNL",5.600568405,5.6005684,5.600568474,5.600568383,5.600568626,5.60056842,5.600568509,5.600568782,5.600568478,5.600568509,5.600568592,5.600568723,5.600568371,5.60056826,5.600568669,5.600568478,5.600568744,5.600568676,5.600568516,5.600568513,5.60056848,5.600568643,5.600568444,5.6005684,5.600568491,5.600568494,5.6005684,5.600568484
+"17405","UBE2E1",5.943806479,5.943806453,5.943806443,5.943806427,5.943806389,5.943806435,5.943806419,5.943806422,5.943806408,5.943806459,5.943806363,5.943806337,5.943806452,5.943806505,5.943806404,5.943806451,5.943806389,5.943806373,5.943806429,5.943806454,5.943806437,5.943806362,5.943806437,5.943806442,5.943806385,5.943806379,5.943806411,5.94380646
+"17406","UBE2E2",6.07080354,6.070803508,6.070803511,6.070803518,6.070803534,6.070803546,6.070803526,6.070803515,6.070803506,6.070803527,6.070803537,6.070803555,6.070803529,6.070803514,6.070803525,6.070803498,6.070803526,6.070803526,6.070803525,6.070803541,6.070803527,6.070803514,6.070803503,6.070803508,6.070803508,6.07080354,6.07080353,6.070803517
+"17407","UBE2E4P",6.403153586,6.403153585,6.403153612,6.403153575,6.403153596,6.403153578,6.403153604,6.403153597,6.403153604,6.4031536,6.403153598,6.403153604,6.403153593,6.403153586,6.403153593,6.403153581,6.403153597,6.403153592,6.403153581,6.403153595,6.403153599,6.403153606,6.403153584,6.403153607,6.403153607,6.403153607,6.403153589,6.403153591
+"17408","UBE2G2",7.639624788,7.639624707,7.639624669,7.639624578,7.639624577,7.63962476,7.639624698,7.639624705,7.639624815,7.639624744,7.639624591,7.639624689,7.639624716,7.639624948,7.639624732,7.63962469,7.639624501,7.639624582,7.639624686,7.639624765,7.639624678,7.639624605,7.639624768,7.639624677,7.639624462,7.639624767,7.639624763,7.639624803
+"17409","UBE2H",9.022753703,9.022753579,9.02275463,9.022753919,9.022753781,9.022754076,9.022753902,9.022754258,9.022754106,9.022753985,9.022754239,9.022754865,9.022753654,9.022753422,9.022753439,9.022753004,9.022754153,9.022753957,9.022753712,9.022753364,9.022753567,9.022753679,9.022754113,9.022753963,9.02275417,9.022755065,9.022754008,9.022753411
+"17410","UBE2I",6.614008591,6.614008665,6.614008485,6.614008577,6.614008495,6.614008609,6.614008534,6.61400861,6.614008638,6.614008648,6.614008592,6.614008527,6.614008597,6.614008665,6.614008539,6.614008639,6.614008591,6.614008601,6.614008587,6.614008668,6.614008517,6.61400855,6.614008653,6.614008629,6.614008562,6.614008553,6.614008618,6.614008632
+"17411","UBE2J1",7.39490918,7.394909035,7.394908529,7.394909223,7.394907944,7.394908729,7.394909519,7.39490839,7.394908672,7.394909373,7.394909013,7.394907527,7.39490902,7.39490976,7.394908841,7.394908876,7.394907478,7.394909105,7.39490881,7.394909474,7.394909624,7.394908596,7.394909103,7.394909104,7.394909414,7.394907872,7.394909015,7.394909381
+"17412","UBE2J2",6.776719528,6.776719549,6.776719536,6.776719542,6.77671952,6.776719558,6.776719535,6.776719521,6.776719545,6.776719546,6.776719528,6.776719499,6.77671954,6.776719543,6.776719539,6.776719539,6.776719534,6.776719536,6.776719529,6.776719534,6.77671953,6.776719543,6.776719535,6.77671953,6.776719534,6.776719531,6.776719541,6.776719535
+"17413","UBE2K",7.996334418,7.996334429,7.996334278,7.996334279,7.996334226,7.996334094,7.9963342,7.996334198,7.99633431,7.996334244,7.996334157,7.996334049,7.996334273,7.996334481,7.996334256,7.996334272,7.996334095,7.996334067,7.996334234,7.996334207,7.996334202,7.996334183,7.996334352,7.996334383,7.996334188,7.996334225,7.996334242,7.996334304
+"17414","UBE2L3",7.439161516,7.439161183,7.439160621,7.4391609,7.439161014,7.4391614135,7.439161088,7.439160877,7.439160946,7.4391609235,7.439160784,7.439160382,7.439161077,7.439161324,7.4391610825,7.4391608345,7.439160039,7.439160467,7.4391611405,7.4391612815,7.4391609895,7.43916074,7.439161127,7.439161319,7.4391611215,7.439160864,7.43916114,7.4391606175
+"17415","UBE2L6",7.775423039,7.775423227,7.775422175,7.775422139,7.775422866,7.775427055,7.775422671,7.775423278,7.775423173,7.775422925,7.775421627,7.775421315,7.77542314,7.775422168,7.775422638,7.775422166,7.775422303,7.77542179,7.77542297,7.77542649,7.775422733,7.775423454,7.77542378,7.775423171,7.775422202,7.775422244,7.77542339,7.775422605
+"17416","UBE2M",8.095139856,8.095140072,8.095140033,8.09514003,8.095140051,8.095139848,8.095139933,8.095140129,8.095139994,8.095139899,8.095140124,8.095140144,8.095140051,8.095139879,8.095140039,8.095140122,8.095140089,8.095140143,8.095140005,8.095140031,8.095139935,8.095140071,8.095140036,8.095140009,8.095140156,8.095140069,8.095140004,8.095140046
+"17417","UBE2MP1",6.055769331,6.055769594,6.055769556,6.055769512,6.055769243,6.055769533,6.055769339,6.055769659,6.055769417,6.055769481,6.055769414,6.055769247,6.055769506,6.055769513,6.055769273,6.055769426,6.055769363,6.055769468,6.055769386,6.055769407,6.055769272,6.055769494,6.05576957,6.055769555,6.055769496,6.055769497,6.055769533,6.05576923
+"17418","UBE2N",7.16926523,7.169264739,7.169264783,7.169264314,7.169264353,7.169264498,7.169264945,7.169264578,7.169265137,7.169264982,7.169264269,7.169264222,7.169264795,7.169265726,7.169264697,7.169264715,7.169264487,7.169264298,7.169264909,7.169264591,7.169264888,7.169264672,7.169265168,7.169264638,7.169264542,7.16926474,7.169264831,7.169265263
+"17419","UBE2NL",4.324521132,4.324521031,4.32452098,4.324521036,4.324521061,4.324521107,4.32452114,4.324520871,4.32452109,4.324520952,4.324520986,4.324521096,4.324521102,4.324521111,4.324521063,4.324521003,4.324520917,4.324520969,4.32452107,4.324521114,4.324521123,4.324521049,4.324521119,4.324520957,4.324521007,4.324520985,4.324521044,4.324521146
+"17420","UBE2O",7.291481196,7.291480085,7.291482891,7.291480895,7.291481915,7.29148395,7.291483821,7.291482668,7.291485,7.291483847,7.29148402,7.291483671,7.291479087,7.291479114,7.291481844,7.29147809,7.291482208,7.291481271,7.291480297,7.291482653,7.291483039,7.291482272,7.291483871,7.29148252,7.29148383,7.291484409,7.291479993,7.291478853
+"17421","UBE2Q1",7.535004027,7.535004043,7.535004018,7.535004038,7.535004008,7.535004016,7.535004033,7.53500402,7.535004026,7.535004028,7.535004012,7.535003988,7.535004028,7.535004064,7.535004012,7.53500403,7.535003996,7.535004031,7.535004021,7.535004005,7.535004022,7.535004017,7.535004021,7.535004044,7.535004018,7.535004018,7.535004035,7.535004036
+"17422","UBE2Q2",6.287697922,6.287697733,6.287697659,6.287697269,6.287697715,6.287697256,6.287697577,6.287697556,6.287697539,6.287697617,6.287697397,6.287697477,6.287697751,6.287698387,6.287697643,6.287697797,6.287697381,6.287697503,6.287697741,6.287697372,6.287697603,6.28769749,6.287697819,6.287697816,6.287697352,6.287697568,6.287697822,6.287698119
+"17423","UBE2Q2P1",5.365493388,5.365493178,5.365493322,5.365492849,5.36549333,5.365492741,5.365493031,5.36549339,5.365493044,5.365493133,5.365493522,5.365492944,5.365493286,5.365493199,5.365493111,5.365493242,5.365492588,5.365493213,5.365493197,5.365493288,5.365493222,5.36549319,5.365493107,5.365493257,5.365493271,5.365493116,5.36549341,5.365492926
+"17424","UBE2R2",7.826839175,7.826839343,7.826838829,7.826839554,7.826838759,7.826839042,7.826838911,7.826838782,7.826838829,7.826838942,7.826838808,7.826838546,7.826838812,7.826838918,7.826838816,7.826839347,7.826838739,7.82683917,7.826838986,7.82683915,7.826838951,7.82683844,7.826839101,7.826839158,7.826839047,7.826838736,7.826838971,7.826838648
+"17425","UBE2S",6.1442161055,6.144215873,6.144216438,6.1442161925,6.1442157585,6.144216996,6.1442162955,6.144216849,6.144215942,6.144215821,6.144216549,6.1442163965,6.1442166525,6.1442158055,6.1442165315,6.1442151935,6.1442161675,6.144216332,6.144216342,6.144216128,6.1442166035,6.1442164825,6.1442162525,6.1442146485,6.144215743,6.1442161515,6.1442160955,6.144216415
+"17426","UBE2T",4.091554705,4.091554682,4.091554521,4.091554584,4.091554704,4.091554755,4.091554843,4.091554581,4.091554755,4.091554698,4.091554637,4.09155467,4.091554607,4.091554614,4.091554755,4.091554556,4.091554737,4.091554612,4.091554582,4.091554697,4.091554802,4.091554726,4.091554706,4.091554669,4.091554539,4.091554447,4.09155471,4.091554657
+"17427","UBE2U",2.515038837,2.515038902,2.515038883,2.515038869,2.515038892,2.515038895,2.515038899,2.515038877,2.515038898,2.515038909,2.515038977,2.515038898,2.51503886,2.515038877,2.515038886,2.515038921,2.515038878,2.515038908,2.515038897,2.515038879,2.515038883,2.515038906,2.515038906,2.51503889,2.5150389,2.515038872,2.51503889,2.515038915
+"17428","UBE2V1",8.185776465,8.185776127,8.185776277,8.185775941,8.185776021,8.185776524,8.185776226,8.185776371,8.185776611,8.185776441,8.18577606,8.185775878,8.185776147,8.185776219,8.185776048,8.185775572,8.185775379,8.185775719,8.185775804,8.185776107,8.185776105,8.185776011,8.185776445,8.185776269,8.185776189,8.185776213,8.185776257,8.185775649
+"17429","UBE2V2",5.420331885,5.420331819,5.420331807,5.420331813,5.42033174,5.420331582,5.420331716,5.420331414,5.420331847,5.420331764,5.42033159,5.420331364,5.420331708,5.420332264,5.420331663,5.420331942,5.420331618,5.420331575,5.42033164,5.420331804,5.420331699,5.420331805,5.420331951,5.420331776,5.420331736,5.420331663,5.420331784,5.420332012
+"17430","UBE2W",6.924823459,6.924823233,6.924823314,6.924823347,6.924822767,6.924822722,6.924823313,6.924822875,6.924822953,6.924822967,6.924823182,6.924822321,6.924823162,6.924823854,6.924823141,6.924823014,6.92482325,6.924823112,6.924823439,6.924822513,6.92482343,6.924823109,6.924823236,6.924823431,6.924823303,6.92482278,6.924822875,6.92482364
+"17431","UBE2Z",7.969377011,7.969376793,7.969376574,7.969376814,7.969376258,7.96937708,7.969376872,7.969376555,7.969376734,7.969376951,7.969376615,7.969376108,7.969377172,7.969377261,7.969376728,7.969376438,7.969376039,7.969376471,7.969376491,7.969375104,7.969376532,7.969376261,7.969376833,7.969376902,7.969376532,7.969376262,7.969377047,7.969376949
+"17432","UBE3A",6.373641914,6.373641653,6.373641112,6.373640959,6.373641309,6.373641056,6.373641291,6.373640981,6.373641535,6.373641463,6.373640976,6.373641096,6.373641292,6.373642184,6.373641431,6.373641182,6.373641077,6.373640617,6.37364129,6.373640994,6.373641244,6.373641157,6.373641728,6.373641324,6.373640847,6.373641101,6.373641337,6.373641924
+"17433","UBE3B",7.435771635,7.435771614,7.435771516,7.435771598,7.435771569,7.435771628,7.435771583,7.435771541,7.435771557,7.435771617,7.43577149,7.435771617,7.435771544,7.435771607,7.435771568,7.435771585,7.435771493,7.435771552,7.435771653,7.435771543,7.435771595,7.435771533,7.43577157,7.435771637,7.435771529,7.435771665,7.435771579,7.435771541
+"17434","UBE3C",6.961646564,6.961646357,6.961646018,6.961646009,6.961646189,6.961646048,6.961646228,6.961645983,6.961646281,6.961646217,6.961645906,6.96164593,6.96164616,6.961646668,6.961646147,6.96164598,6.961645801,6.96164574,6.961646526,6.961645934,6.961645961,6.961646079,6.961646287,6.961646247,6.961645679,6.96164632,6.961646238,6.961646337
+"17435","UBE3D",4.727836148,4.727836139,4.727836135,4.727836131,4.727836131,4.727836125,4.72783612,4.727836133,4.727836157,4.727836138,4.72783611,4.727836121,4.727836142,4.727836148,4.727836139,4.727836116,4.727836113,4.727836091,4.727836133,4.727836119,4.727836115,4.727836139,4.727836121,4.727836131,4.727836127,4.727836146,4.727836141,4.727836136
+"17436","UBE4A",8.216106067,8.216105912,8.21610588,8.216105986,8.21610588,8.216106066,8.216106082,8.216105852,8.216105923,8.216105928,8.216105814,8.216105834,8.216106065,8.216106047,8.216105969,8.216105807,8.216105773,8.216105912,8.216105975,8.216105978,8.216106053,8.216105936,8.216105972,8.216105988,8.216105932,8.216105997,8.216106051,8.2161058
+"17437","UBE4B",7.739950506,7.739950546,7.739950501,7.739950557,7.739950455,7.739950526,7.739950532,7.739950501,7.739950496,7.739950483,7.739950484,7.73995047,7.739950497,7.739950527,7.739950518,7.739950564,7.739950485,7.739950519,7.739950528,7.739950491,7.739950532,7.739950497,7.739950515,7.739950514,7.739950528,7.739950514,7.739950513,7.73995048
+"17438","UBFD1",5.858369779,5.858369761,5.858369774,5.858369772,5.858369782,5.8583698,5.858369815,5.858369797,5.8583698,5.858369787,5.858369768,5.858369789,5.858369798,5.858369789,5.858369781,5.858369745,5.858369743,5.858369779,5.858369768,5.858369755,5.858369774,5.858369779,5.858369777,5.858369777,5.858369746,5.858369807,5.858369766,5.858369787
+"17439","UBIAD1",7.210403148,7.210403134,7.210402773,7.210402873,7.210402954,7.210402977,7.210402868,7.210403056,7.210403204,7.210403052,7.210402795,7.210403006,7.210403082,7.21040343,7.210402792,7.210402897,7.210402728,7.210402665,7.210403113,7.210402953,7.210402646,7.210402976,7.210403314,7.210403226,7.210402638,7.21040298,7.210403098,7.210403262
+"17440","UBL3",6.85913406,6.859134097,6.85913364,6.859133926,6.859133454,6.859133596,6.859133735,6.859133568,6.859133671,6.859133798,6.859133441,6.859133037,6.859133866,6.859134374,6.85913356,6.859133807,6.859133283,6.859133539,6.859133883,6.859133707,6.859133557,6.859133638,6.859133998,6.859133933,6.859133429,6.859133479,6.859133723,6.859134117
+"17441","UBL4A",6.077738849,6.077738884,6.077738864,6.07773888,6.077738875,6.077738874,6.077738861,6.077738887,6.077738875,6.077738884,6.077738884,6.077738864,6.077738887,6.077738871,6.077738845,6.077738809,6.077738843,6.077738924,6.077738859,6.077738795,6.077738853,6.077738866,6.077738861,6.077738865,6.077738888,6.077738863,6.07773887,6.077738846
+"17442","UBL4B",4.216788759,4.216788752,4.216788775,4.216788789,4.216788781,4.216788785,4.216788766,4.216788794,4.216788765,4.216788773,4.21678876,4.216788792,4.21678876,4.216788743,4.216788751,4.216788762,4.216788761,4.21678878,4.216788752,4.21678878,4.216788771,4.216788792,4.216788771,4.216788774,4.21678876,4.216788777,4.216788782,4.21678877
+"17443","UBL5",7.195716073,7.195716086,7.195716148,7.195716072,7.195716238,7.195715997,7.19571619,7.195716196,7.195716098,7.195716115,7.195716118,7.195716145,7.195716085,7.19571598,7.1957162,7.195716143,7.195716295,7.195716167,7.195716115,7.195716073,7.195716226,7.19571625,7.195716079,7.195716085,7.195716142,7.195716186,7.195716047,7.195716155
+"17444","UBL7",7.682988712,7.682988787,7.682989451,7.682988951,7.682988822,7.682989354,7.682988806,7.682989134,7.682989219,7.682989062,7.682988915,7.682989115,7.682988634,7.682988515,7.68298854,7.682988527,7.682989207,7.682988775,7.68298875,7.682988939,7.682988616,7.682989006,7.682989074,7.682989184,7.682988806,7.682989145,7.682988597,7.682988495
+"17445","UBLCP1",6.386318534,6.386318426,6.386318348,6.386318458,6.38631826,6.386318139,6.386318239,6.386318147,6.386318398,6.386318287,6.386318373,6.386318163,6.386318384,6.386318737,6.386318386,6.386318304,6.386318343,6.386318346,6.386318334,6.386318165,6.386318385,6.386318302,6.386318533,6.386318398,6.386318515,6.386318269,6.38631845,6.386318487
+"17446","UBN1",8.100353294,8.100437566,8.100348161,8.100459911,8.100331162,8.100411795,8.100405804,8.100358515,8.100317637,8.100317103,8.100364488,8.100336075,8.100333168,8.100353351,8.100381036,8.100444621,8.100332923,8.100460927,8.100407218,8.100430345,8.100410447,8.100355677,8.100399837,8.10041566,8.10043428,8.100392673,8.100358239,8.100314266
+"17447","UBN2",6.63852102,6.638521003,6.638520976,6.638521003,6.638520975,6.638520998,6.638521015,6.638520987,6.638520988,6.638520997,6.638521003,6.638520972,6.63852101,6.638521021,6.638520997,6.638521005,6.638520972,6.638521003,6.638521002,6.638520946,6.638520993,6.63852098,6.638520983,6.638520997,6.638521011,6.638521012,6.638521004,6.638520977
+"17448","UBP1",7.336102405,7.336102335,7.336102337,7.336102289,7.336102253,7.336102344,7.336102371,7.336102329,7.336102377,7.33610239,7.33610224,7.336102322,7.33610238,7.336102419,7.336102247,7.336102268,7.336102169,7.336102138,7.336102305,7.33610221,7.33610233,7.33610228,7.336102389,7.3361023,7.336102289,7.336102381,7.336102333,7.336102271
+"17449","UBQLN1",7.969767963,7.969767921,7.969767902,7.96976789,7.969767881,7.969767891,7.969767923,7.969767909,7.969767921,7.96976789,7.969767897,7.969767841,7.969767964,7.969768063,7.969767886,7.969767794,7.969767815,7.969767867,7.969767934,7.969767795,7.969767889,7.969767881,7.969767955,7.969767936,7.969767844,7.969767927,7.969767949,7.969767966
+"17450","UBQLN2",8.054432372,8.054432387,8.054432171,8.054432355,8.054432294,8.054432695,8.05443229,8.05443231,8.054432512,8.054432488,8.054432161,8.054432416,8.054432483,8.054432463,8.054432409,8.054432208,8.054432059,8.054432277,8.054432358,8.054432719,8.054432214,8.054432444,8.054432554,8.054432506,8.054432217,8.054432368,8.054432501,8.054432415
+"17451","UBQLN3",4.3991692,4.399169384,4.399169243,4.399169343,4.399169352,4.399169375,4.39916939,4.399169412,4.399169404,4.399169361,4.399169237,4.399169542,4.399169356,4.399169309,4.399169418,4.399169265,4.399169424,4.399169341,4.399169464,4.399169285,4.399169312,4.399169419,4.399169282,4.399169313,4.399169378,4.399169373,4.399169294,4.399169284
+"17452","UBQLN4",6.628916115,6.628916112,6.628916121,6.628916109,6.628916137,6.628916116,6.628916125,6.628916145,6.628916125,6.628916149,6.628916121,6.628916117,6.628916121,6.628916111,6.628916143,6.628916116,6.628916111,6.628916112,6.628916119,6.628916089,6.628916102,6.628916141,6.628916113,6.628916139,6.628916098,6.628916128,6.628916117,6.628916116
+"17453","UBQLNL",4.498419561,4.498419538,4.498419567,4.498419725,4.498419285,4.498419936,4.498419496,4.498419672,4.498419511,4.49841974,4.498419558,4.498419811,4.498419819,4.498419571,4.498419697,4.498419477,4.498420018,4.498419647,4.498419836,4.498419892,4.498419902,4.498419737,4.498419566,4.498419672,4.498419927,4.498419837,4.498419577,4.498419815
+"17454","UBR1",6.571637813,6.571637516,6.571637097,6.571637235,6.571637019,6.571637358,6.571637187,6.571637121,6.571637424,6.571637139,6.571636919,6.571636801,6.571637481,6.57163799,6.571637294,6.571637475,6.571636783,6.571636862,6.571637341,6.5716373,6.571637143,6.571637212,6.571637474,6.571637455,6.57163698,6.571637266,6.571637435,6.571637573
+"17455","UBR2",8.993046882,8.993047259,8.993046082,8.993047813,8.993045156,8.993046778,8.993046494,8.993045822,8.99304568,8.99304549,8.993046344,8.99304412,8.993046153,8.993047368,8.993046671,8.993047417,8.993045614,8.993047278,8.993046775,8.993046681,8.993046942,8.993046007,8.993046694,8.993046891,8.993047306,8.99304592,8.99304639,8.993046028
+"17456","UBR3",6.239364618,6.239364381,6.239363937,6.239364291,6.239363416,6.239363457,6.239363882,6.239363486,6.239364093,6.23936399,6.239363543,6.239362731,6.239364322,6.239365131,6.239364014,6.239363856,6.239363568,6.239363835,6.239364104,6.239363055,6.239363489,6.239363829,6.239364496,6.239364609,6.239363933,6.239363737,6.239364093,6.239364639
+"17457","UBR4",8.127177171,8.12717718,8.127177008,8.127177322,8.127177005,8.127177341,8.127177274,8.127177036,8.127177156,8.127177129,8.127177057,8.127177144,8.127177161,8.12717724,8.127177024,8.127177084,8.127176749,8.127177133,8.127177149,8.127177181,8.127177167,8.127176998,8.127177149,8.127177194,8.12717712,8.127177199,8.127177204,8.127176995
+"17458","UBR5",7.653345904,7.65334588,7.653345731,7.653345879,7.653345646,7.653345876,7.653345899,7.653345687,7.653345808,7.653345782,7.653345729,7.65334561,7.653345842,7.653346055,7.653345743,7.653345851,7.653345557,7.653345778,7.653345897,7.653345655,7.653345877,7.653345697,7.653345849,7.653345837,7.653345791,7.653345784,7.653345868,7.653345791
+"17459","UBR7",5.472471213,5.472471202,5.472471207,5.472471227,5.472471241,5.472471236,5.472471271,5.472471189,5.472471266,5.472471252,5.47247121,5.472471187,5.472471242,5.472471289,5.4724712,5.472471265,5.47247117,5.472471215,5.472471237,5.472471216,5.472471237,5.472471179,5.472471262,5.472471271,5.472471264,5.472471226,5.472471209,5.472471206
+"17460","UBTD1",6.994492257,6.994492256,6.994492325,6.9944923,6.994492363,6.994492289,6.99449233,6.994492306,6.994492281,6.994492326,6.994492326,6.994492376,6.99449229,6.994492203,6.994492311,6.994492328,6.994492306,6.994492352,6.994492325,6.994492281,6.9944923,6.994492332,6.994492275,6.994492282,6.994492297,6.994492322,6.994492288,6.994492326
+"17461","UBTD2",5.898230341,5.89823026,5.898230348,5.898230346,5.898230292,5.898230345,5.898230341,5.898230374,5.898230314,5.898230312,5.898230309,5.898230331,5.898230366,5.898230317,5.898230318,5.898230326,5.89823035,5.898230315,5.898230368,5.898230316,5.89823032,5.898230336,5.898230353,5.898230292,5.898230304,5.898230307,5.898230305,5.898230338
+"17462","UBTF",8.069829735,8.069829713,8.069829471,8.069829608,8.069829799,8.069829711,8.069829834,8.069829632,8.069829915,8.069829813,8.069829486,8.069829718,8.069829789,8.06982996,8.06982987,8.069829588,8.069829558,8.06982968,8.069829728,8.069829439,8.069829794,8.069829638,8.069829831,8.069829777,8.069829515,8.069829797,8.0698298,8.069829899
+"17463","UBTFL1",4.100479503,4.1004801975,4.100480108,4.100479806,4.100479717,4.1004798855,4.100478943,4.100479395,4.100479628,4.1004795605,4.1004800515,4.1004793945,4.1004797985,4.100479467,4.100479058,4.100479724,4.1004801115,4.100479351,4.100479371,4.100480101,4.100479939,4.100479962,4.1004793905,4.1004799305,4.1004799595,4.100480064,4.100479408,4.100479889
+"17464","UBXN1",7.039172518,7.0391724,7.03917243,7.039172365,7.039172328,7.039172586,7.039172267,7.039172343,7.039172524,7.039172627,7.039172327,7.0391724,7.039172589,7.039172452,7.039172346,7.03917245,7.039172346,7.039172382,7.039172258,7.039172603,7.039172355,7.039172584,7.039172549,7.039172491,7.039172478,7.039172414,7.039172494,7.039172409
+"17465","UBXN10",5.087309918,5.087309929,5.087310004,5.087309918,5.087309959,5.087309849,5.087309937,5.087309984,5.087309965,5.087309943,5.087310007,5.087309997,5.087309848,5.087309891,5.087309916,5.087309962,5.087309981,5.087309967,5.087309935,5.087309923,5.087309975,5.08730996,5.087309936,5.087309976,5.087309991,5.087310015,5.087309895,5.08730993
+"17466","UBXN11",6.523103733,6.523103637,6.523103674,6.523103676,6.523103606,6.523103697,6.523103655,6.523103602,6.523103598,6.52310374,6.523103647,6.523103614,6.523103665,6.523103695,6.523103569,6.523103531,6.523103618,6.52310358,6.523103558,6.523103717,6.52310362,6.523103639,6.52310354,6.523103643,6.523103529,6.523103619,6.523103701,6.523103557
+"17467","UBXN2A",5.335069157,5.335069116,5.335068988,5.335068915,5.335069253,5.335068727,5.335068783,5.335068471,5.335068994,5.33506927,5.335068834,5.335068981,5.335069094,5.335069829,5.335068944,5.335069101,5.335068832,5.335069023,5.335069063,5.335068062,5.335068658,5.335068923,5.335069229,5.335069009,5.335068721,5.33506882,5.335069086,5.335069798
+"17468","UBXN2B",7.869965436,7.869966051,7.869963985,7.869966749,7.869963431,7.869963118,7.869964645,7.869963835,7.869964067,7.86996271,7.86996532,7.869962336,7.86996461,7.869966318,7.869965074,7.869966399,7.869963556,7.869966432,7.8699651,7.869965535,7.869965439,7.869964431,7.869965631,7.869965301,7.869966122,7.869964117,7.869963953,7.869963834
+"17469","UBXN4",7.640618074,7.640617868,7.640617673,7.640617784,7.640617613,7.640617621,7.640617703,7.640617513,7.640617688,7.640617705,7.640617549,7.640617354,7.640617798,7.640618291,7.640617845,7.640617724,7.640617534,7.640617631,7.640617737,7.640617634,7.640617766,7.640617495,7.640617776,7.640617876,7.640617672,7.640617718,7.640617762,7.640618091
+"17470","UBXN6",8.831317039,8.521857614,10.16977344,9.096595228,9.477424104,9.946163826,9.210590128,9.916428263,9.564259395,9.440168331,9.540834747,9.759672594,8.973447162,8.543672468,8.940562556,7.993064866,9.966410333,9.226267592,9.238771243,9.671471273,8.974445447,9.667250916,9.517314458,9.349925736,9.595206222,9.754418562,9.202004688,9.06111328
+"17471","UBXN7",7.548688247,7.548688325,7.548688212,7.548688329,7.548688016,7.54868824,7.548688204,7.548688053,7.548688187,7.548688199,7.548688181,7.548688092,7.548688186,7.548688367,7.54868816,7.54868826,7.548688024,7.548688192,7.548688141,7.548688163,7.548688227,7.548688162,7.548688299,7.548688294,7.548688273,7.548688202,7.548688208,7.548688168
+"17472","UBXN7-AS1",3.757270016,3.757270015,3.757270005,3.757270016,3.757270018,3.757270025,3.757270004,3.757270014,3.757270027,3.757270011,3.757270019,3.757270027,3.757270009,3.757269995,3.757270016,3.757270021,3.757270032,3.757270006,3.75727001,3.757270022,3.757270029,3.757270001,3.757270001,3.757270022,3.75727001,3.757270024,3.757269994,3.757270029
+"17473","UBXN8",4.302792126,4.302792194,4.302792158,4.302792165,4.302792221,4.302792052,4.302792113,4.302792133,4.302792354,4.302792043,4.302791977,4.302792294,4.302792216,4.302792244,4.302792291,4.302792566,4.302792239,4.302792238,4.302792238,4.302792223,4.302792291,4.302792197,4.302792065,4.302792188,4.302792111,4.302792218,4.302792047,4.3027922
+"17474","UCA1",4.403725314,4.403725224,4.403725458,4.403725623,4.403725538,4.403725379,4.403725543,4.403725346,4.40372556,4.403725321,4.403725415,4.403725666,4.403725411,4.403725368,4.403725458,4.403725183,4.403725723,4.4037255,4.403725472,4.403725437,4.40372544,4.40372552,4.403725351,4.403725201,4.403725466,4.403725384,4.403725515,4.403725766
+"17475","UCHL1",4.671671513,4.671671404,4.671671555,4.671671454,4.67167167,4.671671366,4.67167154,4.671671546,4.671671311,4.671671504,4.671671495,4.671671745,4.671671366,4.671671275,4.671671697,4.671671675,4.671671596,4.671671745,4.671671643,4.671671628,4.671671933,4.671671671,4.67167141,4.67167129,4.671671642,4.671671719,4.67167149,4.671671529
+"17476","UCHL3",5.886917159,5.886917127,5.886917104,5.886916901,5.886917015,5.886917121,5.886917091,5.886916976,5.886917204,5.886917209,5.886916982,5.88691701,5.886917181,5.886917364,5.886917066,5.886916767,5.886916952,5.886916883,5.886917134,5.886917034,5.886917005,5.886916945,5.886917223,5.886917138,5.886916964,5.886917051,5.886917168,5.886917206
+"17477","UCHL5",5.61719731,5.617196843,5.617196961,5.61719656,5.617195715,5.617195983,5.617197012,5.617196156,5.617196977,5.617196702,5.61719612,5.617195561,5.617196915,5.617198695,5.617196401,5.617196181,5.617196158,5.617196588,5.617196499,5.617195568,5.617196945,5.617196477,5.617197388,5.617196755,5.617196348,5.617196742,5.617197049,5.617197573
+"17478","UCK1",6.798174065,6.798174202,6.798174126,6.798174212,6.798174145,6.798174005,6.798174076,6.798174148,6.798174073,6.798174076,6.798174165,6.798174125,6.798174111,6.798174043,6.798174077,6.79817413,6.798174077,6.798174117,6.798173951,6.798174107,6.798174041,6.798174109,6.798174041,6.798174041,6.798174145,6.798174171,6.798174054,6.798174025
+"17479","UCK2",7.151772443,7.151772424,7.151772472,7.151772469,7.151772633,7.151772453,7.151772637,7.151772511,7.151772431,7.151772475,7.151772509,7.15177265,7.151772541,7.15177236,7.15177262,7.151772558,7.151772577,7.151772516,7.151772396,7.151772353,7.151772594,7.151772536,7.151772433,7.151772466,7.151772489,7.1517726,7.151772516,7.151772545
+"17480","UCKL1",6.014766844,6.014766784,6.014766846,6.014766657,6.014766847,6.014766998,6.014767006,6.014766857,6.0147669,6.014767002,6.014766741,6.014766909,6.014766904,6.014766954,6.014766801,6.014766677,6.014766792,6.014766688,6.01476696,6.014766923,6.014766894,6.014766877,6.014766846,6.014766844,6.014766443,6.014766924,6.014766886,6.01476692
+"17481","UCMA",5.127049633,5.127049786,5.127049837,5.12704976,5.12704991,5.12704969,5.127049673,5.127049824,5.127049802,5.127049717,5.127049885,5.12704996,5.12704964,5.127049439,5.127049745,5.127049854,5.127049907,5.12704978,5.127049817,5.12704973,5.127049689,5.127049803,5.127049631,5.12704971,5.12704986,5.127049783,5.127049636,5.127049809
+"17482","UCN",6.629104064,6.629104389,6.629105605,6.629104772,6.629105079,6.629104414,6.629104311,6.629105222,6.629105108,6.629105035,6.629105035,6.62910515,6.62910464,6.629103928,6.629104746,6.629104744,6.629105217,6.629104898,6.62910428,6.629104605,6.629104393,6.629105218,6.629105007,6.629104738,6.629105078,6.629104701,6.629104657,6.629104736
+"17483","UCN3",5.552056474,5.552056762,5.552056761,5.552056633,5.552056843,5.552056132,5.552056553,5.55205681,5.552056655,5.552056397,5.552056814,5.552056709,5.552056696,5.552056384,5.55205664,5.552056902,5.552056784,5.552056775,5.552056523,5.552056594,5.552056636,5.552056741,5.552056574,5.552056688,5.552056838,5.552056706,5.552056511,5.552056686
+"17484","UCP1",4.283856987,4.283856784,4.283856797,4.28385672,4.28385732,4.283857044,4.283856976,4.283857131,4.28385699,4.283856938,4.283857152,4.283857126,4.283856833,4.283856781,4.283857073,4.28385685,4.283857226,4.283857113,4.283857141,4.283856885,4.283857048,4.283856941,4.283856828,4.28385678,4.283857025,4.283857002,4.283856924,4.283857054
+"17485","UCP2",9.202614683,9.202615661,9.202614766,9.202612581,9.202614446,9.202615132,9.202613738,9.202615056,9.20261523,9.202616422,9.202614548,9.202614536,9.202614572,9.202614405,9.202613092,9.202613951,9.202612641,9.202612325,9.202614231,9.202614344,9.202613317,9.202614213,9.202614518,9.202615586,9.202614238,9.20261515,9.202614899,9.202613699
+"17486","UCP3",5.608839133,5.608839131,5.608839136,5.60883914,5.608839147,5.608839125,5.608839135,5.608839143,5.608839128,5.608839134,5.608839146,5.60883913,5.608839145,5.608839107,5.608839149,5.608839133,5.608839151,5.608839147,5.608839145,5.60883914,5.608839152,5.60883914,5.608839104,5.608839105,5.608839124,5.608839157,5.60883913,5.608839132
+"17487","UEVLD",6.209845956,6.209845914,6.209845725,6.209845783,6.209845625,6.209845828,6.20984584,6.209845688,6.209845649,6.209845707,6.20984572,6.209845474,6.209845718,6.209845995,6.209845874,6.209845784,6.209845818,6.209845461,6.209845892,6.209845737,6.209845906,6.209845726,6.2098458,6.209845769,6.209845819,6.209845692,6.209845683,6.209845847
+"17488","UFC1",6.781061211,6.781061211,6.78106113,6.781061064,6.781061129,6.78106129,6.781061224,6.781061075,6.781061343,6.781061356,6.781061086,6.781061042,6.781061166,6.781061404,6.781061155,6.781061158,6.781060943,6.781060971,6.781061084,6.78106122,6.781061189,6.781061115,6.781061365,6.781061331,6.781060953,6.781061114,6.781061168,6.781061232
+"17489","UFD1",6.699430493,6.699430403,6.699430369,6.699430526,6.699430431,6.699430518,6.699430542,6.699430445,6.699430536,6.699430453,6.699430479,6.699430468,6.699430507,6.699430529,6.699430461,6.699430473,6.699430524,6.699430404,6.699430451,6.699430108,6.699430493,6.699430431,6.699430546,6.699430482,6.699430381,6.699430466,6.699430449,6.699430472
+"17490","UFL1",6.192090589,6.19209017,6.192089941,6.192089164,6.192089756,6.192089017,6.192089918,6.192088838,6.192090159,6.192089484,6.192089416,6.192088926,6.192090155,6.192092286,6.192089828,6.192089606,6.192089483,6.192089228,6.192090081,6.192088998,6.19209006,6.192089746,6.192090802,6.192090191,6.192089558,6.192089606,6.192090429,6.192091563
+"17491","UFM1",5.52740493,5.527404804,5.52740488,5.527404679,5.52740475,5.527404736,5.527404893,5.527404816,5.527404922,5.527404716,5.527404892,5.527404656,5.527404931,5.527405261,5.527404855,5.527404797,5.527404867,5.527404536,5.527404921,5.527404437,5.52740478,5.527404929,5.527404916,5.527404834,5.527404777,5.527404781,5.527404813,5.527405229
+"17492","UFSP1",6.499605171,6.499605136,6.499605465,6.499605217,6.499605713,6.499605386,6.499605367,6.499605574,6.499605357,6.499605376,6.499605596,6.499605677,6.499605399,6.499604806,6.49960555,6.499605108,6.499605603,6.499605453,6.499605446,6.499605366,6.499605499,6.499605609,6.499605243,6.49960509,6.499605315,6.499605417,6.499605339,6.499605217
+"17493","UFSP2",4.610349771,4.610349693,4.610349664,4.610349531,4.610349526,4.610349633,4.610349675,4.610349549,4.610349793,4.610349576,4.61034942,4.610349368,4.610349679,4.610349927,4.610349574,4.610349516,4.610349569,4.610349614,4.610349723,4.610349432,4.610349609,4.610349662,4.610349842,4.610349606,4.610349622,4.610349686,4.610349735,4.61034978
+"17494","UGCG",6.209376385,6.209376161,6.20937625,6.209376197,6.209376021,6.20937609,6.209376322,6.209375953,6.209376106,6.20937615,6.209375995,6.209375961,6.209376111,6.209376482,6.209376156,6.209375895,6.209376071,6.209375934,6.209376214,6.209376096,6.209376202,6.209375864,6.209376189,6.209376254,6.209375938,6.209376025,6.209376105,6.209376328
+"17495","UGDH",5.116790153,5.11679019,5.116789757,5.116789888,5.116789637,5.116789474,5.116789772,5.116789412,5.116789629,5.116789372,5.116789512,5.116789141,5.116789778,5.116790883,5.116789856,5.116789542,5.116789471,5.116789309,5.116789576,5.116789014,5.116789846,5.116789354,5.116790037,5.116789476,5.116789285,5.116789617,5.116789935,5.116790265
+"17496","UGGT1",7.796741123,7.796741193,7.796740968,7.796741332,7.796740855,7.796741043,7.79674127,7.796740961,7.796741073,7.796740995,7.796741067,7.796740932,7.796741072,7.796741347,7.796741002,7.796741224,7.796740748,7.796741074,7.796741207,7.796740909,7.796741193,7.796740887,7.796741179,7.796741241,7.796741191,7.796741094,7.796741149,7.79674104
+"17497","UGGT2",3.39885471,3.398854709,3.398854702,3.398854686,3.398854701,3.3988547,3.398854697,3.398854707,3.398854697,3.3988547,3.398854708,3.3988547,3.398854708,3.398854714,3.398854695,3.398854709,3.398854697,3.39885469,3.398854709,3.398854704,3.398854695,3.398854701,3.398854707,3.398854695,3.398854705,3.398854701,3.39885471,3.398854695
+"17498","UGP2",7.218772162,7.218771941,7.218771689,7.21877185,7.218771619,7.218771602,7.21877173,7.218771341,7.218771827,7.218771794,7.218771708,7.218771064,7.218771886,7.218772483,7.218771864,7.218771497,7.218771284,7.218771506,7.218771978,7.218771607,7.218771853,7.218771618,7.218772032,7.218771901,7.218771642,7.218771341,7.218771907,7.218772139
+"17499","UGT2A3",3.1965265475,3.1965267495,3.196526745,3.1965267435,3.196526833,3.19652655,3.1965267175,3.1965265995,3.196526683,3.1965268885,3.196526845,3.1965265825,3.196526681,3.1965268015,3.196526544,3.19652664,3.196526684,3.1965266765,3.1965268405,3.196526581,3.1965266855,3.1965265295,3.1965266005,3.1965266785,3.196526739,3.1965266055,3.1965266465,3.196526838
+"17500","UGT2B10",2.583707257,2.583707301,2.583707316,2.58370727,2.58370727,2.583707353,2.583707417,2.583707342,2.583707269,2.583707307,2.583707302,2.583707409,2.583707224,2.583707436,2.583707302,2.583707379,2.5837074,2.583707253,2.583707399,2.583707383,2.583707238,2.58370738,2.583707301,2.583707288,2.583707427,2.583707391,2.583707351,2.583707251
+"17501","UGT2B17",2.633738796,2.633738802,2.633739089,2.633739282,2.63373899,2.633739293,2.633739059,2.633739423,2.633738494,2.633738967,2.63373909,2.633739399,2.63373924,2.633738931,2.633739036,2.633739228,2.633740936,2.63374004,2.633740477,2.633739473,2.63373887,2.633739145,2.633739847,2.63373915,2.633740145,2.633738652,2.633740259,2.633740657
+"17502","UGT2B28",2.917251883,2.917251886,2.917252031,2.91725197,2.917252003,2.917252055,2.917251891,2.917251872,2.917251845,2.917252061,2.917252022,2.917251903,2.917251939,2.917251833,2.917251914,2.91725183,2.917251949,2.917251945,2.917252033,2.917251882,2.917251873,2.917251947,2.917251872,2.917251936,2.917251939,2.917251869,2.917252045,2.917251863
+"17503","UGT2B4",2.545664937,2.545665007,2.545665055,2.545665037,2.545664966,2.545665038,2.545665004,2.545664984,2.54566501,2.545665052,2.545664913,2.545664911,2.545664982,2.545664927,2.545665056,2.545665027,2.545665007,2.545665006,2.545665026,2.545664991,2.54566501,2.545665038,2.545665044,2.54566493,2.545664976,2.545664942,2.545664931,2.545665013
+"17504","UGT2B7",2.605625162,2.605625238,2.605625388,2.605625365,2.605625303,2.605625318,2.605625237,2.605625148,2.605625329,2.605625298,2.605625385,2.605625216,2.605625231,2.605625298,2.605625281,2.605625254,2.605625134,2.605625385,2.605625266,2.605625337,2.605625075,2.605625265,2.605625266,2.605625223,2.605625404,2.605625122,2.605625169,2.605625223
+"17505","UGT3A1",3.588544964,3.588544991,3.588545011,3.588545006,3.588544998,3.588544993,3.588544997,3.588545016,3.588544988,3.588544977,3.588545005,3.588544984,3.588544977,3.588544981,3.588545008,3.588545023,3.588545007,3.588544999,3.588545001,3.588544999,3.588544995,3.588545002,3.58854498,3.588544988,3.588544996,3.588544997,3.588544971,3.588545003
+"17506","UGT3A2",4.438993216,4.438993229,4.438993237,4.438993223,4.438993281,4.438993231,4.438993255,4.438993294,4.438993228,4.438993229,4.438993275,4.438993295,4.438993238,4.438993199,4.438993268,4.438993251,4.438993282,4.438993248,4.438993299,4.438993225,4.438993238,4.438993268,4.438993246,4.438993266,4.438993248,4.438993248,4.438993245,4.438993238
+"17507","UGT8",4.572014337,4.572014235,4.57201433,4.572014315,4.572014254,4.57201422,4.572014136,4.572014315,4.572014233,4.572014225,4.572014287,4.572014334,4.572014249,4.57201434,4.572014342,4.572014323,4.572014288,4.572014258,4.572014294,4.572014261,4.572014171,4.572014347,4.572014181,4.572014359,4.572014368,4.572014262,4.572014302,4.572014376
+"17508","UHMK1",8.252642991,8.252642543,8.252642493,8.252642299,8.252642403,8.252642393,8.252642603,8.252642206,8.252642754,8.252642774,8.252642102,8.252642096,8.252642692,8.252644014,8.252642879,8.252641868,8.252642303,8.252642073,8.252642657,8.252642494,8.252642633,8.252642568,8.252643146,8.252642935,8.252642026,8.252642472,8.252642597,8.252643531
+"17509","UHRF1",6.319370087,6.319370139,6.319370282,6.319370201,6.319370196,6.31937025,6.319370347,6.319370216,6.31937037,6.319370187,6.319370272,6.319370193,6.319370198,6.319370032,6.319370164,6.31937021,6.319370299,6.319370252,6.319370153,6.319370225,6.319370302,6.319370254,6.319370256,6.319370232,6.319370209,6.319370225,6.31937027,6.319370248
+"17510","UHRF2",6.93022808,6.930227628,6.930226862,6.93022656,6.930226815,6.930226404,6.93022721,6.930226473,6.930227398,6.930226922,6.93022655,6.930226569,6.93022729,6.930228508,6.930227096,6.930227421,6.930225991,6.930226359,6.930227371,6.93022644,6.93022719,6.930226579,6.930227461,6.930227112,6.93022635,6.930227354,6.930227308,6.930227747
+"17511","UIMC1",7.235227998,7.235228136,7.235227941,7.235228249,7.235227636,7.235227906,7.235227993,7.235227973,7.235227904,7.235227992,7.235227883,7.235227802,7.235228004,7.235228037,7.235227892,7.235228042,7.235227728,7.235228035,7.235227948,7.235227971,7.235227945,7.235227932,7.235228087,7.235228152,7.235228088,7.235227948,7.235227946,7.235227864
+"17512","ULBP1",4.623103362,4.623103338,4.623103471,4.623103414,4.623103547,4.623103419,4.62310348,4.623103501,4.623103378,4.623103419,4.623103457,4.623103544,4.623103459,4.623103328,4.623103432,4.623103414,4.623103566,4.623103521,4.623103511,4.623103525,4.62310349,4.623103505,4.623103432,4.623103375,4.62310346,4.623103467,4.623103423,4.623103461
+"17513","ULBP2",4.487893617,4.487893582,4.487893606,4.487893626,4.487893693,4.487893591,4.487893591,4.487893625,4.487893643,4.487893645,4.487893625,4.487893624,4.487893595,4.487893555,4.487893639,4.487893639,4.487893669,4.487893665,4.487893557,4.487893692,4.487893674,4.487893635,4.487893604,4.487893605,4.487893607,4.487893662,4.487893582,4.487893604
+"17514","ULBP3",4.536195877,4.536195942,4.536195834,4.536195632,4.536196263,4.536196237,4.536195844,4.536195981,4.536195906,4.536195922,4.536195793,4.53619597,4.536195823,4.536195775,4.536196027,4.536195734,4.536196148,4.53619597,4.536195925,4.536195978,4.536196108,4.536196147,4.536195968,4.53619597,4.53619595,4.536195877,4.536195948,4.536195976
+"17515","ULK1",7.555942899,7.555943094,7.555943225,7.555943251,7.555943079,7.555943095,7.555943118,7.555943121,7.555943067,7.555943053,7.555943131,7.555943173,7.555943,7.555942903,7.55594309,7.555943029,7.555943159,7.555943303,7.555943153,7.555943044,7.555943149,7.555943039,7.55594297,7.555943103,7.555943218,7.55594312,7.555943068,7.555942989
+"17516","ULK2",5.765301609,5.765301594,5.765301585,5.765301585,5.76530159,5.76530159,5.765301588,5.76530159,5.765301584,5.76530162,5.765301562,5.765301566,5.765301605,5.76530161,5.765301577,5.765301557,5.765301588,5.765301549,5.765301595,5.765301572,5.765301575,5.76530159,5.765301588,5.76530159,5.765301573,5.76530157,5.765301604,5.765301581
+"17517","ULK3",6.348510664,6.348510602,6.348510627,6.348510751,6.348510788,6.348510669,6.348510876,6.348510866,6.348510911,6.348510793,6.348510725,6.348510895,6.348510839,6.348510735,6.348510825,6.348510453,6.348510733,6.348510693,6.348510636,6.348510844,6.348510741,6.348510933,6.348510759,6.348510675,6.348510707,6.348510972,6.348510823,6.348510762
+"17518","ULK4",5.3575423775,5.357542217,5.3575422245,5.357542146,5.3575421525,5.3575421665,5.357542233,5.357542225,5.3575423205,5.357542265,5.3575421435,5.3575421785,5.3575422575,5.3575423455,5.3575422895,5.3575422335,5.3575421275,5.357542158,5.3575422125,5.3575422165,5.3575422315,5.3575422255,5.357542311,5.3575423075,5.35754224,5.357542226,5.357542329,5.357542288
+"17519","UMOD",4.948436435,4.948436558,4.948436569,4.948436552,4.948436744,4.948436544,4.948436573,4.948436718,4.948436516,4.948436517,4.948436497,4.948436659,4.948436488,4.948436305,4.948436628,4.948436729,4.948436818,4.948436705,4.948436687,4.948436571,4.948436675,4.948436722,4.948436489,4.948436454,4.948436569,4.948436549,4.948436607,4.94843651
+"17520","UMODL1",4.714655327,4.714655295,4.714655398,4.714655221,4.714655505,4.714655307,4.714655355,4.714655366,4.714655396,4.714655397,4.714655428,4.714655465,4.71465538,4.714655328,4.714655463,4.7146554,4.71465543,4.714655459,4.714655315,4.714655285,4.714655438,4.71465536,4.714655293,4.714655268,4.714655386,4.714655423,4.714655355,4.714655384
+"17521","UMODL1-AS1",4.823400959,4.823400972,4.823400929,4.823400952,4.823401078,4.823400896,4.823401022,4.823401007,4.823400976,4.82340099,4.82340107,4.823401087,4.823400951,4.823400907,4.823401023,4.823401014,4.823401072,4.823401031,4.823401008,4.823400968,4.823401038,4.823401043,4.823400976,4.823400937,4.823401005,4.823401009,4.823400974,4.823400965
+"17522","UMPS",5.933249731,5.93324985,5.933249667,5.93324956,5.933249645,5.933249717,5.933249713,5.933249642,5.933249919,5.933249699,5.93324957,5.933249714,5.933249699,5.933249928,5.933249697,5.933249771,5.933249577,5.933249549,5.933249733,5.933249632,5.933249475,5.933249766,5.933249992,5.933249684,5.933249662,5.93324974,5.933249749,5.933249837
+"17523","UNC119",7.168134549,7.168134594,7.16813464,7.168134767,7.168134608,7.168134586,7.168134658,7.168134594,7.16813444,7.168134608,7.168134663,7.168134458,7.168134587,7.168134438,7.168134552,7.168134636,7.168134547,7.168134656,7.16813456,7.168134489,7.168134667,7.168134623,7.168134503,7.168134763,7.168134747,7.168134528,7.168134666,7.168134566
+"17524","UNC119B",6.128610954,6.128610987,6.128610939,6.128610977,6.128610947,6.128610948,6.128610966,6.128610955,6.128610955,6.128610954,6.128610972,6.128610938,6.128610952,6.128610983,6.128610959,6.128610963,6.128610934,6.128610945,6.128610959,6.128610957,6.128610948,6.128610949,6.128610972,6.128610956,6.128610931,6.128610942,6.128610935,6.12861096
+"17525","UNC13A",4.023922258,4.023922407,4.023922336,4.023922421,4.023922483,4.023922451,4.023922447,4.023922528,4.023922466,4.023922457,4.023922483,4.023922381,4.023922402,4.023922393,4.023922515,4.023922462,4.023922637,4.023922456,4.023922562,4.02392245,4.023922537,4.023922511,4.023922455,4.023922337,4.023922595,4.023922524,4.023922519,4.023922504
+"17526","UNC13B",4.34990061,4.349900617,4.349900596,4.349900629,4.349900632,4.349900595,4.349900621,4.349900627,4.349900597,4.349900617,4.349900626,4.349900621,4.349900634,4.349900601,4.349900611,4.349900612,4.349900622,4.349900645,4.349900623,4.349900614,4.34990063,4.349900638,4.349900605,4.349900617,4.349900634,4.349900629,4.349900611,4.349900617
+"17527","UNC13C",3.348785145,3.348784947,3.348785062,3.348784714,3.34878543,3.348784905,3.348785403,3.348785324,3.348785047,3.348785432,3.348785077,3.348785525,3.348785105,3.348784955,3.348785263,3.348785542,3.348785707,3.348785247,3.3487855,3.348785496,3.34878526,3.34878524,3.348785349,3.348785,3.348785354,3.348785043,3.348784814,3.34878531
+"17528","UNC13D",7.800367637,7.800367764,7.800367749,7.800367985,7.80036773,7.800367881,7.800367776,7.800367721,7.80036779,7.800367775,7.800367819,7.800367736,7.800367772,7.80036765,7.800367695,7.800367778,7.80036776,7.80036791,7.80036781,7.800367872,7.800367734,7.800367712,7.800367837,7.800367851,7.800367884,7.800367782,7.800367806,7.800367681
+"17529","UNC45A",6.686614022,6.686614016,6.686614047,6.686614007,6.686613951,6.68661409,6.686614119,6.686614124,6.686614059,6.686614005,6.686614097,6.686614123,6.68661409,6.686614134,6.68661411,6.686614054,6.686613987,6.686614098,6.686614031,6.686614075,6.686614029,6.686614037,6.68661415,6.686614043,6.68661387,6.686614141,6.686614009,6.686614174
+"17530","UNC45B",4.470285944,4.470285963,4.470286049,4.470286318,4.470286289,4.470286096,4.470286151,4.470286243,4.470285801,4.470286195,4.470286231,4.470286139,4.470286147,4.470285818,4.470286186,4.470286106,4.470286305,4.470286208,4.470286164,4.470286242,4.470286324,4.470286128,4.470285898,4.470286171,4.470285887,4.470286206,4.47028597,4.470285903
+"17531","UNC50",6.141321756,6.14132176,6.141321582,6.141321541,6.141321533,6.141321622,6.141321673,6.141321577,6.141321625,6.141321613,6.141321522,6.141321456,6.141321698,6.141321873,6.141321658,6.141321788,6.141321377,6.141321519,6.141321674,6.141321668,6.141321647,6.141321606,6.14132162,6.141321678,6.141321511,6.141321647,6.141321638,6.141321592
+"17532","UNC5A",5.515980322,5.515980326,5.515980374,5.515980327,5.515980407,5.515980353,5.515980368,5.515980368,5.515980336,5.515980329,5.515980382,5.515980381,5.515980343,5.515980273,5.515980365,5.515980367,5.51598041,5.515980367,5.515980356,5.515980379,5.515980389,5.515980382,5.515980304,5.515980317,5.515980307,5.515980385,5.515980298,5.515980353
+"17533","UNC5B",5.710365189,5.710365207,5.710365218,5.710365221,5.710365233,5.710365165,5.710365205,5.710365213,5.710365205,5.710365211,5.710365233,5.71036521,5.710365194,5.710365157,5.710365229,5.710365204,5.710365228,5.710365235,5.710365195,5.710365219,5.710365204,5.710365217,5.710365191,5.710365191,5.710365234,5.710365206,5.710365216,5.710365216
+"17534","UNC5C",4.181888017,4.181888013,4.18188802,4.181888017,4.181888013,4.181888019,4.181888025,4.181888013,4.181888016,4.181888026,4.181888015,4.181888022,4.181887994,4.181887996,4.181888017,4.181888012,4.181888037,4.181888013,4.181888017,4.181888025,4.181888013,4.18188802,4.181888009,4.181888013,4.181888014,4.181888002,4.181888014,4.181888015
+"17535","UNC5CL",4.94472498,4.944724989,4.944724984,4.944724964,4.944725009,4.944724953,4.944724995,4.944724985,4.944724986,4.944725025,4.94472502,4.944724988,4.944724987,4.944724915,4.944724965,4.944725008,4.944724986,4.944724955,4.944724971,4.944724985,4.944725035,4.944725023,4.944724928,4.944724991,4.944725004,4.944725018,4.944724977,4.944725021
+"17536","UNC5D",5.086868276,5.086868291,5.086868336,5.086868284,5.086868368,5.086868302,5.086868307,5.086868368,5.086868301,5.086868331,5.086868371,5.086868384,5.086868332,5.086868281,5.086868358,5.086868313,5.086868374,5.086868328,5.086868332,5.086868284,5.086868365,5.086868351,5.086868284,5.086868278,5.086868325,5.08686834,5.086868305,5.086868328
+"17537","UNC79",3.361521317,3.361521321,3.361521318,3.361521315,3.36152132,3.361521318,3.361521319,3.361521321,3.361521321,3.361521316,3.361521321,3.361521321,3.361521318,3.361521315,3.36152132,3.36152132,3.361521327,3.361521319,3.361521322,3.361521318,3.361521321,3.361521319,3.361521319,3.361521316,3.36152132,3.361521318,3.36152132,3.361521321
+"17538","UNC80",4.284536035,4.2845360675,4.2845361725,4.284536132,4.2845361455,4.284536065,4.2845361335,4.2845361455,4.284536169,4.2845361185,4.284536138,4.28453609,4.2845360695,4.284535993,4.284536074,4.284536132,4.2845362055,4.284536172,4.284536081,4.2845360835,4.2845360855,4.284536153,4.2845360715,4.2845361175,4.2845361105,4.2845361515,4.2845360755,4.284536118
+"17539","UNC93A",4.290266042,4.290265971,4.290266056,4.290266097,4.290266066,4.290266021,4.290266089,4.290266164,4.290266035,4.290266154,4.290266142,4.290266146,4.290266071,4.29026613,4.290266077,4.290266128,4.290266101,4.290266128,4.290266045,4.29026605,4.290266138,4.290266087,4.290265971,4.290266023,4.290266049,4.290266086,4.290266076,4.290266122
+"17540","UNC93B1",7.72145574166667,7.72145599,7.721456214,7.721455772,7.721456496,7.721456074,7.721455841,7.72145602933333,7.72145582866667,7.72145580133333,7.72145626033333,7.72145612566667,7.72145594033333,7.72145576766667,7.721456063,7.72145623866667,7.72145624766667,7.721455989,7.72145592033333,7.721455933,7.72145598566667,7.72145600733333,7.72145575233333,7.721455938,7.72145586066667,7.72145610733333,7.721456006,7.72145608933333
+"17541","UNCX",7.299217588,7.299217501,7.299217862,7.29921764,7.299218322,7.29921782,7.299217837,7.299218031,7.299217658,7.299217893,7.299218061,7.29921829,7.299217842,7.299217184,7.29921808,7.299217638,7.29921821,7.299217955,7.299217774,7.299217706,7.299218048,7.299218088,7.299217678,7.299217567,7.299217675,7.299218061,7.299217755,7.299217828
+"17542","UNG",5.500101671,5.500101553,5.500101438,5.500101535,5.500101546,5.500101505,5.500101659,5.500101828,5.500101691,5.500101529,5.500101528,5.500101514,5.500101449,5.500101422,5.500101553,5.500101591,5.500101449,5.500101456,5.500101441,5.500101436,5.500101548,5.500101654,5.500101512,5.500101461,5.500101412,5.500101589,5.500101663,5.500101562
+"17543","UNK",6.75059442,6.750594303,6.750594266,6.750594288,6.750594296,6.750594415,6.750594422,6.750594371,6.750594544,6.750594337,6.750594372,6.750594482,6.750594466,6.750594369,6.75059442,6.750594247,6.750594284,6.750594402,6.75059441,6.750594401,6.750594381,6.750594407,6.750594379,6.75059436,6.750594391,6.750594552,6.750594433,6.750594312
+"17544","UNKL",6.9936841945,6.9936842715,6.99368426,6.9936843895,6.993684328,6.9936844425,6.9936843555,6.993684368,6.9936842815,6.9936842735,6.9936843455,6.9936843925,6.9936842965,6.993684148,6.9936843365,6.993684309,6.9936844045,6.9936844355,6.993684375,6.993684436,6.993684306,6.993684328,6.9936842515,6.9936842905,6.9936844205,6.9936843515,6.993684329,6.9936841835
+"17545","UPB1",5.017695912,5.017696138,5.017696006,5.017695962,5.017695984,5.017695963,5.017696006,5.017695974,5.01769599,5.017696024,5.017696045,5.017696008,5.017695888,5.017695961,5.017695933,5.017696117,5.01769597,5.017695926,5.01769595,5.017695995,5.017695981,5.017696002,5.017695998,5.017695984,5.017696033,5.01769596,5.017695999,5.017695992
+"17546","UPF1",7.685313499,7.685314103,7.685313595,7.685314519,7.685313585,7.685314181,7.685313992,7.685313595,7.68531358,7.685313482,7.685313836,7.685313658,7.685313764,7.685313922,7.685313441,7.685313961,7.68531348,7.685313894,7.685313555,7.685313797,7.685313446,7.685313739,7.685313848,7.685313939,7.685313719,7.685313529,7.685313684,7.685313534
+"17547","UPF2",6.430937261,6.430937338,6.430937134,6.430937145,6.430937019,6.43093708,6.430937095,6.430937036,6.430937072,6.430937059,6.43093703,6.430936989,6.430937145,6.430937489,6.430937057,6.430937294,6.430936852,6.430937134,6.430937187,6.430937105,6.430937138,6.430936995,6.430937283,6.430937195,6.430937114,6.430937147,6.430937181,6.4309373
+"17548","UPF3A",7.194380795,7.194380409,7.194379937,7.19437995266667,7.19437991966667,7.19437997566667,7.19438053133333,7.19438057,7.19438064733333,7.19438071,7.19437982733333,7.194379834,7.19438028966667,7.19438128666667,7.194380374,7.194380493,7.194379521,7.194378828,7.194380858,7.194380227,7.194380427,7.194380477,7.194380621,7.19437994266667,7.19437897066667,7.19438025733333,7.19438036466667,7.194380758
+"17549","UPF3B",4.73625463,4.736254584,4.736254326,4.736254367,4.73625454,4.736254497,4.736254496,4.736254317,4.736254521,4.736254495,4.736254237,4.73625451,4.736254553,4.736254671,4.736254435,4.736254364,4.736254438,4.736254406,4.736254522,4.736254597,4.736254376,4.736254363,4.736254646,4.736254542,4.736254511,4.736254449,4.736254567,4.736254445
+"17550","UPK1A",4.245095093,4.245095119,4.245095107,4.245095118,4.24509514,4.245095141,4.245095113,4.245095106,4.245095105,4.245095132,4.245095108,4.245095139,4.245095107,4.24509509,4.24509512,4.245095129,4.245095128,4.245095118,4.245095126,4.245095099,4.245095096,4.245095124,4.245095123,4.245095083,4.245095084,4.245095112,4.245095103,4.245095113
+"17551","UPK1A-AS1",4.790531978,4.790531928,4.790531933,4.790531896,4.790532241,4.79053199,4.790531979,4.790532081,4.79053197,4.790531929,4.790532069,4.790532155,4.790532059,4.790531809,4.790532103,4.790532103,4.790532034,4.790532145,4.79053199,4.790532067,4.790532121,4.790532065,4.790531946,4.790532091,4.790532041,4.790532017,4.79053198,4.790532051
+"17552","UPK1B",3.90972569,3.909725674,3.909725659,3.909725688,3.909725719,3.909725702,3.90972572,3.909725695,3.909725691,3.909725701,3.909725712,3.909725739,3.909725647,3.909725648,3.909725689,3.909725675,3.909725787,3.909725705,3.909725661,3.909725712,3.909725701,3.909725704,3.909725716,3.909725681,3.909725684,3.90972569,3.909725718,3.909725761
+"17553","UPK2",5.349142354,5.349142259,5.349142351,5.349142348,5.349142393,5.349142313,5.349142357,5.34914241,5.349142353,5.349142331,5.349142398,5.349142475,5.349142327,5.349142288,5.349142405,5.349142377,5.349142416,5.349142322,5.349142418,5.349142351,5.349142406,5.349142384,5.349142323,5.349142306,5.349142375,5.34914234,5.349142358,5.349142277
+"17554","UPK3A",5.899636533,5.899636092,5.899636524,5.899636441,5.899636898,5.899636571,5.899636716,5.899636558,5.899636259,5.899636817,5.899636875,5.899636909,5.899636538,5.899635952,5.899636637,5.899636035,5.899636994,5.899636563,5.89963662,5.899636461,5.89963655,5.89963675,5.899636072,5.899636125,5.899636512,5.899636835,5.89963675,5.899636274
+"17555","UPK3B",6.678877296,6.678877381,6.67887752,6.678877419,6.678877458,6.678877258,6.678877336,6.678877529,6.678877393,6.67887738,6.67887742,6.678877403,6.678877368,6.678877241,6.678877381,6.678877502,6.678877567,6.678877502,6.678877356,6.678877345,6.678877307,6.678877458,6.67887737,6.678877451,6.678877554,6.67887739,6.678877388,6.678877402
+"17556","UPP1",6.17153163,6.171531541,6.171531372,6.171531404,6.171531521,6.171531624,6.171531447,6.171531268,6.171531596,6.171531529,6.171531604,6.171531383,6.171531547,6.171531541,6.171531418,6.171531427,6.171531356,6.171531343,6.171531496,6.171531613,6.171531339,6.171531336,6.17153155,6.171531569,6.171531459,6.171531401,6.171531493,6.171531396
+"17557","UPP2",4.57184264,4.571842628,4.571842652,4.571842634,4.57184264,4.571842649,4.571842633,4.571842634,4.571842636,4.571842617,4.571842661,4.571842654,4.571842623,4.571842581,4.571842637,4.571842659,4.571842649,4.571842631,4.571842649,4.57184264,4.571842619,4.571842653,4.571842622,4.571842633,4.571842634,4.571842635,4.571842633,4.571842617
+"17558","UPRT",5.614168791,5.614168728,5.614168684,5.614168655,5.614168677,5.614168746,5.614168695,5.614168666,5.614168756,5.614168679,5.614168608,5.61416858,5.614168764,5.614168872,5.614168682,5.61416868,5.614168536,5.614168616,5.614168707,5.614168734,5.614168671,5.614168667,5.614168724,5.614168718,5.614168587,5.614168695,5.614168773,5.614168698
+"17559","UQCC1",6.520292854,6.520292837,6.520292721,6.520292517,6.520292696,6.520292797,6.520292727,6.520292599,6.520292846,6.5202927,6.520292605,6.520292613,6.520292796,6.520293017,6.520292643,6.520292805,6.520292548,6.520292564,6.520292766,6.520292746,6.520292622,6.520292751,6.520292812,6.520292698,6.520292528,6.520292721,6.520292864,6.520292777
+"17560","UQCC2",5.931728309,5.931728218,5.931728379,5.931728128,5.931727846,5.931728464,5.931728319,5.931728176,5.931728616,5.931728601,5.931727955,5.931728064,5.931728355,5.931728485,5.931728219,5.931728154,5.931728076,5.931727986,5.931728235,5.931728148,5.931728277,5.931728195,5.9317285,5.931728428,5.931727767,5.931727862,5.931728153,5.931728235
+"17561","UQCC3",5.642634614,5.642634603,5.642634626,5.642634763,5.642634708,5.642634687,5.642634648,5.642634694,5.642634585,5.642634677,5.642634702,5.6426347,5.642634693,5.642634401,5.642634625,5.642634678,5.642634733,5.642634658,5.642634718,5.642634508,5.642634584,5.642634694,5.642634626,5.642634558,5.642634668,5.642634646,5.642634706,5.642634626
+"17562","UQCR10",6.867683989,6.867683864,6.867683915,6.867683878,6.86768392,6.867683958,6.867683974,6.867683888,6.867683912,6.867683927,6.867683832,6.867683867,6.867683945,6.867683896,6.867683944,6.867683839,6.867683851,6.867683853,6.867683968,6.867683885,6.867683956,6.867683943,6.867683921,6.867683912,6.867683792,6.867683865,6.867683954,6.86768385
+"17563","UQCR11",6.271145538,6.271145536,6.271145633,6.271145552,6.271145538,6.271145621,6.271145542,6.271145621,6.271145619,6.271145585,6.271145602,6.271145643,6.271145612,6.271145565,6.271145506,6.271145568,6.271145604,6.271145514,6.271145526,6.271145624,6.271145527,6.271145555,6.271145599,6.271145548,6.271145571,6.271145557,6.271145564,6.271145601
+"17564","UQCRB",4.222375944,4.222375883,4.222375925,4.22237588,4.222375909,4.222375871,4.222375898,4.222375914,4.222375941,4.222375901,4.222375843,4.222375874,4.222375935,4.222376019,4.222375896,4.222375852,4.222375924,4.222375888,4.222375895,4.22237589,4.222375922,4.222375909,4.222375951,4.222375877,4.222375936,4.222375877,4.222375921,4.222375958
+"17565","UQCRBP1",3.652782021,3.652782084,3.652782104,3.652782123,3.652782051,3.652781953,3.652782097,3.652782057,3.652782121,3.65278207,3.652782156,3.652782128,3.652782089,3.652782102,3.65278205,3.652782103,3.652782022,3.652782083,3.652781997,3.652782057,3.652782074,3.652781966,3.652782117,3.652782142,3.652782182,3.652782058,3.652782032,3.652782132
+"17566","UQCRC1",6.58537108,6.585371126,6.58537113,6.58537096,6.585370957,6.585371309,6.585371038,6.585370765,6.585370997,6.585371219,6.585370815,6.585370867,6.58537105,6.585371087,6.585370783,6.585370897,6.585370894,6.585370729,6.585370945,6.585371129,6.585370935,6.585370932,6.585370884,6.585370993,6.585370744,6.585370732,6.585370967,6.585370828
+"17567","UQCRC2",7.578385887,7.578385579,7.5783856,7.578385405,7.578385369,7.578385509,7.578385746,7.57838541,7.578385534,7.578385615,7.578385093,7.578384739,7.578385633,7.578386488,7.578385593,7.578385519,7.578385377,7.578384963,7.578385599,7.578385784,7.578385694,7.578385579,7.578385752,7.578385609,7.578385001,7.578385063,7.57838571,7.578385941
+"17568","UQCRFS1",6.534602341,6.534602308,6.5346023385,6.534602221,6.5346023605,6.5346025105,6.534602443,6.5346022795,6.534602306,6.534602395,6.5346022645,6.5346022365,6.5346024085,6.534602376,6.53460233,6.534602188,6.534602291,6.5346022995,6.5346022955,6.5346025515,6.5346024165,6.534602292,6.5346023075,6.534602285,6.5346021535,6.5346022085,6.5346023475,6.534602251
+"17569","UQCRH",5.347651756,5.347651574,5.347651733,5.347651594,5.347651703,5.347651787,5.347651761,5.347651805,5.347651687,5.347651655,5.347651716,5.347651713,5.347651675,5.347651639,5.347651584,5.347651575,5.347651651,5.347651655,5.347651825,5.347651584,5.347651749,5.347651802,5.347651612,5.34765161,5.347651591,5.347651779,5.347651687,5.347651511
+"17570","UQCRQ",5.724182894,5.724182918,5.724182916,5.724182761,5.72418277,5.724182758,5.7241829,5.724182795,5.724182931,5.724182878,5.724182708,5.724182799,5.724182966,5.724183048,5.724182803,5.724182862,5.724182731,5.72418281,5.724182821,5.724182929,5.724182825,5.724182794,5.724182987,5.724182835,5.724182671,5.724182832,5.724182801,5.72418296
+"17571","URAD",5.101989439,5.1019896,5.101989829,5.101989628,5.101989851,5.101989728,5.101989806,5.101989724,5.101989729,5.1019897,5.101989752,5.101989897,5.101989696,5.101989531,5.101989904,5.101989756,5.101989835,5.101989844,5.101989663,5.101989689,5.101989837,5.101989767,5.101989562,5.101989676,5.101989672,5.101989726,5.101989607,5.101989682
+"17572","URB1",6.180810395,6.180810432,6.180810181,6.180810299,6.180810264,6.180810389,6.18081036,6.18081023,6.180810574,6.180810436,6.180810267,6.18081042,6.180810394,6.180810545,6.180810271,6.180810326,6.180810177,6.180810222,6.180810323,6.180810179,6.180810324,6.180810354,6.180810462,6.180810317,6.180810129,6.180810506,6.180810496,6.180810468
+"17573","URB1-AS1",5.325120928,5.325120896,5.325120935,5.325120927,5.325120947,5.325120923,5.325120952,5.325120941,5.325120916,5.325120933,5.325120953,5.325120966,5.325120925,5.325120935,5.325120972,5.325120913,5.325120956,5.325120952,5.325120962,5.32512094,5.32512098,5.325120952,5.325120929,5.325120949,5.325120945,5.325120961,5.325120943,5.325120936
+"17574","URB2",5.632065581,5.632065563,5.632065558,5.632065519,5.632065542,5.632065557,5.632065566,5.63206553,5.632065603,5.632065577,5.632065508,5.632065559,5.63206556,5.632065604,5.632065546,5.632065524,5.632065517,5.632065516,5.632065536,5.632065571,5.632065553,5.632065549,5.632065569,5.632065573,5.632065524,5.632065566,5.632065585,5.632065548
+"17575","URI1",6.732293444,6.732292747,6.732292681,6.73229221,6.732292168,6.732291897,6.732292718,6.732292413,6.732293366,6.73229306,6.732291982,6.732292268,6.732292897,6.732294422,6.732292773,6.732292747,6.732292164,6.732292178,6.732292821,6.732291509,6.732292822,6.73229274,6.732293012,6.732292874,6.732292213,6.732292701,6.732292886,6.732293604
+"17576","URM1",6.445775311,6.445775269,6.445775322,6.445775255,6.445775348,6.445775324,6.445775322,6.445775298,6.445775267,6.445775269,6.445775331,6.445775357,6.445775296,6.445775208,6.44577532,6.445775255,6.445775339,6.445775276,6.445775271,6.445775243,6.445775323,6.44577533,6.445775223,6.445775245,6.44577524,6.445775337,6.445775313,6.445775268
+"17577","UROC1",4.89710168,4.897101622,4.897101702,4.897101723,4.897101836,4.897101698,4.897101776,4.89710173,4.897101719,4.897101726,4.897101748,4.8971018,4.897101737,4.897101608,4.897101766,4.897101765,4.897101838,4.897101808,4.897101772,4.897101752,4.897101816,4.897101791,4.897101741,4.897101671,4.897101753,4.897101779,4.897101683,4.89710174
+"17578","UROD",6.596449811,6.59644967,6.596449846,6.596449749,6.596449747,6.596449821,6.596449831,6.596449804,6.596449734,6.596449826,6.596449822,6.596449785,6.596449691,6.596449718,6.5964497,6.5964495,6.596449747,6.596449605,6.596449753,6.596449673,6.596449655,6.596449756,6.596449751,6.596449793,6.596449702,6.596449755,6.596449775,6.59644964
+"17579","UROS",7.099821071,7.099821034,7.099821075,7.099821018,7.09982101,7.099821102,7.09982106,7.099821078,7.099821089,7.099821072,7.099820999,7.099821044,7.099821056,7.099821074,7.099821053,7.099821044,7.099821053,7.099821009,7.099821043,7.099821098,7.099821054,7.099821067,7.099821081,7.099821067,7.099821024,7.099821065,7.099821066,7.099821077
+"17580","USB1",6.587142184,6.58714238,6.587142227,6.587142378,6.587142162,6.58714229,6.587142267,6.587142228,6.587142238,6.587142314,6.587142313,6.587142063,6.587142251,6.587142139,6.587142137,6.587142357,6.587142234,6.587142252,6.587142269,6.587142429,6.58714224,6.587142204,6.587142274,6.587142352,6.587142331,6.587142127,6.587142193,6.58714202
+"17581","USE1",6.606475569,6.606475499,6.60647541,6.606475347,6.606475418,6.606475477,6.606475519,6.606475339,6.606475615,6.606475511,6.606475302,6.606475541,6.606475553,6.606475681,6.606475468,6.606475522,6.60647539,6.606475181,6.606475415,6.606475455,6.606475422,6.606475426,6.606475503,6.606475405,6.606475184,6.606475548,6.606475601,6.606475579
+"17582","USF1",8.05304462,8.053044665,8.053044604,8.053044727,8.053044513,8.053044778,8.053044635,8.053044582,8.053044582,8.053044552,8.053044698,8.053044476,8.053044621,8.053044594,8.053044561,8.053044676,8.053044499,8.053044562,8.053044543,8.053044868,8.053044638,8.053044645,8.05304464,8.053044613,8.053044732,8.05304462,8.053044616,8.053044651
+"17583","USF2",8.486900044,8.48690028,8.486900312,8.486900203,8.486900429,8.486900192,8.486900247,8.486900302,8.486900328,8.486900535,8.486900402,8.486900307,8.486900415,8.486900135,8.486900382,8.486900164,8.486900347,8.48690031,8.486900149,8.486900305,8.486900271,8.486900296,8.486900315,8.486900385,8.486900411,8.486900282,8.486900276,8.486900342
+"17584","USF3",7.288881493,7.288881474,7.288881391,7.288881603,7.288881337,7.288881528,7.288881455,7.288881341,7.28888141,7.288881578,7.288881425,7.288881281,7.288881445,7.288881623,7.28888133,7.288881314,7.288881121,7.288881497,7.288881474,7.288881454,7.288881416,7.288881249,7.288881486,7.288881634,7.288881573,7.288881351,7.288881544,7.288881372
+"17585","USH1C",4.699923821,4.699923824,4.699923833,4.699923817,4.699923841,4.699923843,4.699923837,4.699923835,4.69992383,4.699923829,4.699923848,4.699923844,4.699923826,4.699923794,4.699923839,4.69992384,4.69992384,4.699923848,4.699923827,4.699923818,4.699923842,4.699923842,4.699923819,4.699923799,4.699923842,4.69992383,4.699923817,4.69992384
+"17586","USH1G",5.840654547,5.840654496,5.840654722,5.840654676,5.84065489,5.840654704,5.840654828,5.840654698,5.840654637,5.840654823,5.840654808,5.840654936,5.840654657,5.840654414,5.840654794,5.840654657,5.840654945,5.840654739,5.840654847,5.840654587,5.840654803,5.840654677,5.840654575,5.840654552,5.840654719,5.840654798,5.840654647,5.840654825
+"17587","USH2A",3.76817779,3.768177819,3.768177815,3.768177896,3.76817788,3.768177831,3.76817785,3.768177862,3.768177847,3.768177855,3.768177865,3.768177891,3.768177804,3.768177819,3.768177881,3.768177859,3.768177882,3.76817789,3.768177838,3.768177868,3.76817787,3.768177896,3.768177819,3.76817783,3.768177855,3.768177852,3.768177809,3.768177842
+"17588","USHBP1",5.474239891,5.474239821,5.474240026,5.474239936,5.474240194,5.474239841,5.474240069,5.474240134,5.474239948,5.474239999,5.474240101,5.474240207,5.474240037,5.474239824,5.47424015,5.474240034,5.474240246,5.474240074,5.474240036,5.47423999,5.474240173,5.474240171,5.474239945,5.474239884,5.474240053,5.47424012,5.474239889,5.474240012
+"17589","USO1",6.807969798,6.807969817,6.80796951,6.80796928,6.807969599,6.807969453,6.80796971,6.807969383,6.807969658,6.807969329,6.80796916,6.807969115,6.807969593,6.80797044,6.807969436,6.807969671,6.807969348,6.807969069,6.807969719,6.807968771,6.807969621,6.807969375,6.8079696,6.807969572,6.807969344,6.80796927,6.807969502,6.807970135
+"17590","USP1",5.940117072,5.940116947,5.940116986,5.940116925,5.940116815,5.940116805,5.940116979,5.940116863,5.940116961,5.940116955,5.9401169,5.940116628,5.940117012,5.940117366,5.940117032,5.940116835,5.940116902,5.940116903,5.940117024,5.940116889,5.940117012,5.94011689,5.940117051,5.940117043,5.940116943,5.940116828,5.940116995,5.940117276
+"17591","USP10",8.045946769,8.045946418,8.045946168,8.045945856,8.045946321,8.045946402,8.045946257,8.045945929,8.045946083,8.045946096,8.045945717,8.045945429,8.045946193,8.045947001,8.045946103,8.045946278,8.045945112,8.045945544,8.045946003,8.04594591,8.045945932,8.045945866,8.045946124,8.045946509,8.045945934,8.045946285,8.04594616,8.045946312
+"17592","USP11",7.281708177,7.281708082,7.281707833,7.281708039,7.28170787,7.281708029,7.281708018,7.281708018,7.281708319,7.281708188,7.281707856,7.281708152,7.281708113,7.281708238,7.281708049,7.28170794,7.281707748,7.281707912,7.281708006,7.28170768,7.281707988,7.281707997,7.281708209,7.281708167,7.281707937,7.281708154,7.281708224,7.281708014
+"17593","USP12",6.6818499845,6.6818494895,6.6818499515,6.68184935,6.6818494855,6.681849584,6.6818498825,6.6818501415,6.681850102,6.6818498625,6.681849869,6.681849798,6.6818496595,6.6818500985,6.681849806,6.681848918,6.6818496275,6.681849448,6.68184946,6.681849505,6.6818495895,6.681849788,6.681849926,6.6818501295,6.681849676,6.6818498775,6.681849725,6.681850117
+"17594","USP13",5.271877941,5.271877689,5.271877747,5.271877641,5.27187771,5.271877888,5.271877861,5.271877706,5.271877971,5.271877865,5.271877505,5.271877909,5.271877876,5.271877817,5.271877806,5.271877657,5.271877691,5.271877646,5.271877772,5.271877757,5.271877712,5.271877802,5.271877951,5.271877887,5.271877708,5.271877851,5.271877916,5.271877898
+"17595","USP14",6.310178204,6.310178082,6.310178091,6.310178009,6.31017802,6.31017803,6.31017807,6.310178047,6.310178173,6.310178096,6.310177957,6.310178009,6.310178134,6.310178269,6.310178017,6.310177981,6.310177951,6.310177963,6.310178049,6.310178006,6.310178066,6.310178041,6.310178142,6.310178078,6.310178,6.310178117,6.310178125,6.310178147
+"17596","USP15",8.596543093,8.596531339,8.596533261,8.596548442,8.596516508,8.596533018,8.596531268,8.596519824,8.596516736,8.596504841,8.596530014,8.596496761,8.59653677,8.596553255,8.596527466,8.596528679,8.596534874,8.596536698,8.596537392,8.596538241,8.596531735,8.596526911,8.596532434,8.596524701,8.596531808,8.596510684,8.596527982,8.596535561
+"17597","USP16",5.840310951,5.840310674,5.840310501,5.840310474,5.840310145,5.840310167,5.840310473,5.840310224,5.840310529,5.840310388,5.84031024,5.84031004,5.840310724,5.840311549,5.840310495,5.84031059,5.840310179,5.840310167,5.840310813,5.840310017,5.840310524,5.840310457,5.8403106,5.840310537,5.84031036,5.840310528,5.840310665,5.8403111
+"17598","USP18",5.473944334,5.473944463,5.473944476,5.473944429,5.473944407,5.473944525,5.473944341,5.473944347,5.473944371,5.473944405,5.473944385,5.473944322,5.47394441,5.473944371,5.473944404,5.473944441,5.473944373,5.473944409,5.473944442,5.473944522,5.473944396,5.473944342,5.473944466,5.473944453,5.473944358,5.473944449,5.473944389,5.473944396
+"17599","USP19",7.596669577,7.596669588,7.59666958,7.5966696,7.59666957,7.596669602,7.596669581,7.596669578,7.59666958,7.596669583,7.596669575,7.59666958,7.596669589,7.596669585,7.596669581,7.59666958,7.596669575,7.596669591,7.596669587,7.596669589,7.596669571,7.596669583,7.596669589,7.596669586,7.596669575,7.596669582,7.596669589,7.596669572
+"17600","USP2",4.554710612,4.554710609,4.554710698,4.554710706,4.554710821,4.554710669,4.554710691,4.554710741,4.554710698,4.554710695,4.554710663,4.554710776,4.554710676,4.554710587,4.554710729,4.554710715,4.554710852,4.554710739,4.554710704,4.554710662,4.554710786,4.554710792,4.554710675,4.554710678,4.554710685,4.554710719,4.55471059,4.55471075
+"17601","USP20",6.733862126,6.733862129,6.733861931,6.733862109,6.733862076,6.733862315,6.73386183,6.733862152,6.73386223,6.733862451,6.733861978,6.733862234,6.733862219,6.733862439,6.733861937,6.7338619,6.733861562,6.733861817,6.733862378,6.733861761,6.733861872,6.733862376,6.733862328,6.733862177,6.733862084,6.733862504,6.733862381,6.733862067
+"17602","USP21",6.937163723,6.937163631,6.937163434,6.937163479,6.937163374,6.937163748,6.937163525,6.937163612,6.937163631,6.937163677,6.937163364,6.937163657,6.937163663,6.937163691,6.937163583,6.937163408,6.937163462,6.937163461,6.937163675,6.937163481,6.937163466,6.937163641,6.937163628,6.937163586,6.937163576,6.937163611,6.93716376,6.937163397
+"17603","USP22",8.137031819,8.137031961,8.137031861,8.137032148,8.137031771,8.13703216,8.137031927,8.137031888,8.137031839,8.137032021,8.137032,8.137031769,8.137032072,8.137031971,8.137031937,8.13703179,8.137031671,8.137032171,8.137031908,8.137031323,8.137031785,8.137031834,8.137032057,8.137032061,8.137032002,8.1370318,8.137032105,8.137031759
+"17604","USP24",7.418035909,7.418035507,7.418035321,7.418035301,7.418035288,7.418035457,7.418035622,7.418035337,7.418035615,7.418035549,7.418035195,7.418035357,7.418035521,7.418036264,7.418035489,7.418035445,7.418034802,7.418034975,7.418035567,7.418035269,7.41803557,7.418035401,7.418035678,7.418035579,7.418035098,7.418035587,7.418035633,7.418035769
+"17605","USP25",7.931288544,7.931288032,7.931287852,7.931288087,7.931287613,7.931288193,7.931287871,7.931287425,7.931287634,7.931287853,7.931287602,7.931286652,7.931288159,7.93128871,7.931288245,7.93128795,7.931287495,7.931287846,7.931288147,7.931288382,7.931288084,7.931287683,7.931288105,7.931288044,7.931287805,7.931287561,7.931287902,7.931288262
+"17606","USP26",2.293416563,2.293416525,2.293416669,2.293416665,2.293416687,2.293416584,2.293416592,2.293416648,2.293416628,2.293416737,2.293416685,2.293416641,2.293416671,2.293416464,2.293416559,2.293416701,2.293416672,2.293416763,2.293416831,2.293416647,2.293416446,2.293416721,2.293416603,2.293416563,2.293416609,2.293416497,2.293416509,2.293416771
+"17607","USP27X",4.904527878,4.904527882,4.904527998,4.904527958,4.90452797,4.904527874,4.904527966,4.904527874,4.904527996,4.904528031,4.904527916,4.904528034,4.904527938,4.904528086,4.904527915,4.904527968,4.904528068,4.904527991,4.90452793,4.904527928,4.904527946,4.904528035,4.904527982,4.904527982,4.904527981,4.904527844,4.904527958,4.904528006
+"17608","USP27X-DT",4.937005607,4.937005672,4.937005604,4.937005637,4.937005819,4.937005545,4.937005699,4.937005756,4.93700566,4.937005688,4.937005812,4.937005774,4.937005672,4.937005615,4.93700564,4.937005738,4.93700577,4.937005763,4.937005701,4.93700571,4.937005685,4.937005658,4.937005687,4.937005686,4.937005795,4.937005694,4.937005675,4.937005714
+"17609","USP28",6.866795832,6.866794536,6.86679482,6.866794391,6.866794023,6.866794422,6.866795708,6.866794813,6.866795086,6.866794977,6.866794837,6.866793752,6.866795305,6.866795844,6.866795565,6.866794143,6.866794366,6.866794347,6.866794186,6.866793705,6.866795526,6.866794968,6.866795652,6.866795331,6.86679461,6.866794891,6.866794852,6.866795015
+"17610","USP29",3.874558894,3.874558966,3.874558929,3.874558983,3.87455893,3.874558976,3.874558963,3.874559004,3.874559032,3.874558902,3.874558928,3.874559013,3.874558936,3.874558939,3.874558942,3.874559004,3.874558919,3.874559051,3.874558982,3.874559019,3.874559003,3.874558971,3.87455896,3.874558993,3.874558939,3.874558954,3.874559002,3.874558977
+"17611","USP3",8.679005762,8.6790057,8.679004878,8.679006165,8.679004762,8.679005118,8.679005483,8.679004797,8.67900487,8.679004716,8.679004782,8.679004546,8.679004996,8.679005867,8.679005396,8.679005555,8.679004466,8.679005272,8.679005544,8.679005724,8.67900574,8.679004963,8.679004937,8.679005404,8.679005205,8.679005269,8.679005096,8.679004851
+"17612","USP30",6.437718949,6.43771897,6.437718937,6.437718905,6.43771891,6.437719016,6.437718886,6.437718975,6.437718952,6.437718907,6.437718858,6.437718953,6.437718925,6.437718969,6.437718926,6.437718963,6.437718843,6.437718897,6.437718952,6.437718946,6.437718915,6.437718955,6.437718946,6.437718897,6.437718927,6.437718919,6.437718951,6.437718934
+"17613","USP31",6.201817238,6.201817228,6.201817238,6.201817238,6.201817237,6.201817252,6.201817257,6.201817229,6.201817229,6.201817252,6.201817234,6.201817227,6.201817237,6.20181723,6.201817243,6.201817236,6.201817218,6.201817229,6.20181724,6.201817243,6.201817239,6.201817237,6.201817242,6.201817237,6.201817231,6.201817231,6.201817248,6.201817226
+"17614","USP32",8.351560184,8.351561009,8.351560181,8.351561089,8.35155943,8.351560224,8.351560194,8.351559835,8.351559707,8.351559924,8.351560119,8.351559152,8.351559903,8.351560362,8.351559972,8.351560783,8.35155981,8.351560738,8.351560209,8.351560485,8.351560169,8.351559659,8.351560357,8.351560492,8.351560611,8.351559888,8.351559913,8.351559765
+"17615","USP32P1",5.592713059,5.592711608,5.592709465,5.592712946,5.592711523,5.592710258,5.592713139,5.592714968,5.592712892,5.592708854,5.592713538,5.592708543,5.592709584,5.592711628,5.592711478,5.592711137,5.592708052,5.592711606,5.592711677,5.59270939,5.592713006,5.592714407,5.592713349,5.592709795,5.592713922,5.592710231,5.592710443,5.592709039
+"17616","USP33",7.100676777,7.100676573,7.10067619,7.100676379,7.100675763,7.100675962,7.100676137,7.100675624,7.100676306,7.100675908,7.100676035,7.100675267,7.100676335,7.100677315,7.100675979,7.100676229,7.100675548,7.100675942,7.100676044,7.100676165,7.100675975,7.100675806,7.100676494,7.100676361,7.100675921,7.10067556,7.100676226,7.100676643
+"17617","USP34",8.105467925,8.105467263,8.105466756,8.105467479,8.105466302,8.105466396,8.105467351,8.105466448,8.10546711,8.10546689,8.105466643,8.105466316,8.105467472,8.105468926,8.105467024,8.105467009,8.10546595,8.105466554,8.105467209,8.105466481,8.105467435,8.105466681,8.105467153,8.105467094,8.105466691,8.105467171,8.105467206,8.105467537
+"17618","USP35",5.473975279,5.473975441,5.473975293,5.473975246,5.473975398,5.473975354,5.473975396,5.473975378,5.473975288,5.473975336,5.473975351,5.473975432,5.473975385,5.473975185,5.473975341,5.473975372,5.473975306,5.473975337,5.473975408,5.473975477,5.473975258,5.473975306,5.473975343,5.473975207,5.4739752,5.473975251,5.473975285,5.473975285
+"17619","USP36",6.342514432,6.342514381,6.342514383,6.342514391,6.342514441,6.342514428,6.342514432,6.342514436,6.342514427,6.342514437,6.342514418,6.342514417,6.342514461,6.34251441,6.34251447,6.342514387,6.34251436,6.342514398,6.342514452,6.342514431,6.342514413,6.342514436,6.342514417,6.342514406,6.342514394,6.342514433,6.342514452,6.34251437
+"17620","USP37",5.495885418,5.495885316,5.495885332,5.49588515,5.495885177,5.495885231,5.495885289,5.495885214,5.495885401,5.495885259,5.495885252,5.495885229,5.495885316,5.495885476,5.495885112,5.495885222,5.495885034,5.495885086,5.49588526,5.495884976,5.495885237,5.495885154,5.495885482,5.495885295,5.495885194,5.495885247,5.495885365,5.495885422
+"17621","USP38",7.150063322,7.150063005,7.150062534,7.150062945,7.150062806,7.150062587,7.150062975,7.150062304,7.150063051,7.150062588,7.150062463,7.150062081,7.150062664,7.150063597,7.150063053,7.150062596,7.150062187,7.15006276,7.150063192,7.150062066,7.150062909,7.150062375,7.150063332,7.15006305,7.150062643,7.150062199,7.15006265,7.150063204
+"17622","USP39",6.782751819,6.782751633,6.782751531,6.782751639,6.78275134,6.782751682,6.782751539,6.782751454,6.782751352,6.782751533,6.782751517,6.782751102,6.782751596,6.782751764,6.782751392,6.782751364,6.78275124,6.782751141,6.782751569,6.782751438,6.782751491,6.782751299,6.782751503,6.78275174,6.782751531,6.782751359,6.782751775,6.782751538
+"17623","USP4",9.193230443,9.193230748,9.193229862,9.193230985,9.193229638,9.193230435,9.193230104,9.19322971,9.193229409,9.193229518,9.193230003,9.193229158,9.193229996,9.193230023,9.193230108,9.193230569,9.193229746,9.193230495,9.193230738,9.193230237,9.193229847,9.193229719,9.193230287,9.193230182,9.193230448,9.193229874,9.193230166,9.193229577
+"17624","USP40",5.15795971,5.157959386,5.1579593,5.157959269,5.157959439,5.157959619,5.157959398,5.157959315,5.157959573,5.157959581,5.157959397,5.157959191,5.157959583,5.157959567,5.157959301,5.157959344,5.157959195,5.157959255,5.157959227,5.157959429,5.157959319,5.157959377,5.157959526,5.157959405,5.157959271,5.157959493,5.157959619,5.157959491
+"17625","USP42",6.887281974,6.887281963,6.887281959,6.887281951,6.887281947,6.887282023,6.887281972,6.887281957,6.887281988,6.887281969,6.887281914,6.887281959,6.88728198,6.887281977,6.887281974,6.887281957,6.887281899,6.887281947,6.887281949,6.887282037,6.887281973,6.887281951,6.887281994,6.887281978,6.887281956,6.887281955,6.887281978,6.887281978
+"17626","USP43",5.071859185,5.071859397,5.071859283,5.071859323,5.071859477,5.071859199,5.071859319,5.071859331,5.071859324,5.071859516,5.071859232,5.071859789,5.071859564,5.071859153,5.071859556,5.071859507,5.071859462,5.07185962,5.07185932,5.071859436,5.071859432,5.071859322,5.071859315,5.071859386,5.071859372,5.071859442,5.071859421,5.071859459
+"17627","USP44",4.239298214,4.239298179,4.239298295,4.239298182,4.239298353,4.239298105,4.239298307,4.239298269,4.239298368,4.239298099,4.239298167,4.239298009,4.239298372,4.239298613,4.239298126,4.239298346,4.239298245,4.23929815,4.239298318,4.239298258,4.239298232,4.239298218,4.239298568,4.239298045,4.239298238,4.239298222,4.239298465,4.239298371
+"17628","USP45",4.615675683,4.615675518,4.615675429,4.615675181,4.615675334,4.615674981,4.615675252,4.615675103,4.615675502,4.615675309,4.615675214,4.615675201,4.615675418,4.615675714,4.61567549,4.61567542,4.615675407,4.615675398,4.615675434,4.615675365,4.615675362,4.615675333,4.615675454,4.615675369,4.615675263,4.615675484,4.615675364,4.615675676
+"17629","USP46",5.180619971,5.18061985,5.180619871,5.180619827,5.180619935,5.180619863,5.180619922,5.180619775,5.180620008,5.180619811,5.180619812,5.18061975,5.180619938,5.180619977,5.180619821,5.180619865,5.180619764,5.180619859,5.180619915,5.180619827,5.180619861,5.180619871,5.180619965,5.180619887,5.18061975,5.180619865,5.18061997,5.180619931
+"17630","USP47",6.306397965,6.306397872,6.306396608,6.306396465,6.306396376,6.306395612,6.306396756,6.306396114,6.306397429,6.306397194,6.30639562,6.306396275,6.306397297,6.306400124,6.306397021,6.306397491,6.306395702,6.306396559,6.306397649,6.306395816,6.306397164,6.306396716,6.306397745,6.306397464,6.306396368,6.306396859,6.306397397,6.306398639
+"17631","USP48",7.274868097,7.274868055,7.27486772,7.274868002,7.274867867,7.274867749,7.274867999,7.274867823,7.274867834,7.274867793,7.274867915,7.274867594,7.27486795,7.274868312,7.274867988,7.274868021,7.274867451,7.274867629,7.274868143,7.274867429,7.274867946,7.274867832,7.274868027,7.274868004,7.274867915,7.274867852,7.274868015,7.274867984
+"17632","USP49",5.398074746,5.398074769,5.398074712,5.398074906,5.398074988,5.398074993,5.398074822,5.398074999,5.398074573,5.398074848,5.398075021,5.398074865,5.398074753,5.398074597,5.398074855,5.398074941,5.398075052,5.398074911,5.398074938,5.398074823,5.39807496,5.398074837,5.398074899,5.398074798,5.398074575,5.398074773,5.398074594,5.398074894
+"17633","USP5",6.507698656,6.507698653,6.507698658,6.507698639,6.507698645,6.507698679,6.507698659,6.507698643,6.507698656,6.507698665,6.507698643,6.507698639,6.507698665,6.50769868,6.507698648,6.507698628,6.507698644,6.507698638,6.507698644,6.507698627,6.507698643,6.507698659,6.507698661,6.507698662,6.507698635,6.507698665,6.507698666,6.507698667
+"17634","USP50",3.381534336,3.381534347,3.381534358,3.381534333,3.381534346,3.381534347,3.38153434,3.381534354,3.381534361,3.381534359,3.381534356,3.381534365,3.38153436,3.381534327,3.381534345,3.381534367,3.381534357,3.381534348,3.381534331,3.381534344,3.381534349,3.381534374,3.381534347,3.381534345,3.381534341,3.381534354,3.381534362,3.381534357
+"17635","USP51",5.176623949,5.176623932,5.176623808,5.176623923,5.176624263,5.176623875,5.176623971,5.176624,5.176624143,5.176623964,5.176623936,5.176624388,5.176623879,5.17662381,5.176624112,5.176624065,5.176624226,5.176624076,5.17662406,5.176623999,5.176624162,5.176624132,5.176623891,5.176623872,5.176623807,5.176624137,5.176623937,5.176624059
+"17636","USP53",5.954282424,6.169743291,5.566993906,5.417021029,6.147722512,5.271811312,5.479493891,6.362454206,6.564917643,5.509407884,5.608155518,5.579166168,5.735296033,6.891185512,5.61608685,5.997002487,5.336339799,5.39223152,6.313569901,4.96446948,5.364055523,6.509775263,6.411489503,5.32680654,5.760740311,5.627028869,5.798934162,6.636784357
+"17637","USP54",4.7807528,4.780752839,4.780752866,4.780752726,4.780752878,4.780752799,4.780752845,4.780752994,4.780752864,4.7807529,4.780752832,4.780752796,4.780752782,4.780752872,4.780752902,4.780753005,4.780752865,4.780752935,4.78075278,4.780752882,4.780752818,4.780752969,4.780752816,4.780752883,4.780752903,4.780752908,4.780752817,4.780752905
+"17638","USP6",4.427171825,4.42717184,4.427171847,4.427171883,4.427171831,4.427171887,4.427171837,4.427171831,4.427171847,4.427171854,4.427171854,4.427171861,4.427171823,4.427171843,4.427171844,4.42717187,4.427171863,4.427171867,4.427171828,4.427171866,4.427171811,4.427171851,4.427171832,4.42717182,4.427171847,4.427171818,4.427171834,4.427171808
+"17639","USP6NL",5.835204137,5.83520404,5.835204,5.835204035,5.835203999,5.835204075,5.835204017,5.835203879,5.835204056,5.83520406,5.835204015,5.835203939,5.835204071,5.835204127,5.835204017,5.835204004,5.835203935,5.835204056,5.835204056,5.835204074,5.835204054,5.835203939,5.835203987,5.835204049,5.835204046,5.835204019,5.835204017,5.835204115
+"17640","USP6NL-AS1",6.120075727,6.120075767,6.120075874,6.120075751,6.120076019,6.120075841,6.120075947,6.120075832,6.120075905,6.120075932,6.120075904,6.120076013,6.120075813,6.120075743,6.120075996,6.120075771,6.120075957,6.120075914,6.120075885,6.12007588,6.120075942,6.120075881,6.120075797,6.120075781,6.12007583,6.1200759,6.120075779,6.120075843
+"17641","USP7",8.611001359,8.611001233,8.611000855,8.611000925,8.611000934,8.61100092,8.611001248,8.611000712,8.611001104,8.611001224,8.611000804,8.611000744,8.611000995,8.611001821,8.6110011,8.611001009,8.611000478,8.611000664,8.611000993,8.611000816,8.611001109,8.611000715,8.611001105,8.611001061,8.611000898,8.611001015,8.611001182,8.611001346
+"17642","USP8",6.254867051,6.254866534,6.254866615,6.254866272,6.254866102,6.254866624,6.2548664,6.254866453,6.254866204,6.254866681,6.254866521,6.254866148,6.254866735,6.254867119,6.254866448,6.254866628,6.254865783,6.254866441,6.254866747,6.254866866,6.254866782,6.254866303,6.254866643,6.254866796,6.254866765,6.25486636,6.254866659,6.254866769
+"17643","USP9X",8.107033995,8.107034098,8.1070336,8.107034096,8.107033696,8.107033614,8.107033999,8.107033628,8.107033801,8.107033829,8.107033818,8.107033319,8.107033895,8.10703436,8.107033879,8.107033977,8.107033487,8.107033828,8.107033895,8.107033527,8.107033874,8.107033515,8.107034057,8.107034003,8.107033944,8.107033761,8.107033921,8.107033932
+"17644","USP9Y",3.240966705,3.356309614,7.027555335,3.341103085,3.639839291,7.209048374,3.506402525,7.361011686,3.237270833,3.170990181,3.604682646,7.4260926,3.316875778,3.314975426,3.296932355,3.308511396,6.660130745,3.380386199,3.505381527,6.845046157,3.481978101,7.271593835,3.065972224,3.137712434,3.505203174,7.382678378,3.195395157,3.903551749
+"17645","USPL1",6.071911928,6.071911583,6.071911389,6.071911246,6.071911016,6.071911441,6.071911352,6.071911344,6.071911632,6.071911459,6.071911031,6.071911164,6.071911519,6.07191244,6.071911568,6.071911147,6.071910863,6.071911176,6.071911403,6.071911532,6.071911513,6.071911541,6.071911716,6.071911551,6.071911238,6.071911495,6.071911589,6.071911895
+"17646","UST",5.679743148,5.679742595,5.67974203,5.679741772,5.679742641,5.679742108,5.679742498,5.679742474,5.679742136,5.679742055,5.679742055,5.679741805,5.679742594,5.679742716,5.679742751,5.679742515,5.679741853,5.679742003,5.679742912,5.679742165,5.679742039,5.679742691,5.679742231,5.679742346,5.679741903,5.679742405,5.67974267,5.679742395
+"17647","UTF1",6.548502376,6.54850254,6.548503158,6.548502735,6.548503831,6.548502555,6.548503112,6.54850351,6.548503016,6.548503163,6.548503016,6.548503956,6.548502679,6.548501544,6.548503505,6.548503126,6.548503971,6.548503223,6.54850321,6.548502704,6.548503399,6.548503516,6.548502876,6.548502809,6.548502827,6.548503443,6.548502768,6.548503291
+"17648","UTP11",5.416911932,5.416911755,5.416911657,5.416911742,5.416911722,5.416911623,5.416911646,5.416911507,5.416911781,5.416911765,5.416911656,5.416911558,5.416911738,5.416912016,5.41691173,5.416911697,5.416911528,5.416911565,5.416911681,5.416911647,5.416911661,5.416911571,5.416911734,5.416911803,5.416911538,5.416911729,5.416911753,5.416911679
+"17649","UTP14A",5.533352658,5.533352633,5.533352549,5.53335231,5.533352498,5.533352529,5.533352419,5.533352302,5.533352643,5.533352675,5.533352546,5.533352404,5.533352518,5.533352784,5.533352512,5.533352323,5.533352344,5.533352433,5.533352413,5.533352274,5.533352463,5.533352476,5.533352695,5.533352587,5.533352388,5.533352468,5.533352571,5.533352546
+"17650","UTP15",4.61590385,4.615903569,4.615903617,4.615902976,4.61590316,4.615903358,4.615903445,4.615903023,4.615903497,4.615903423,4.615902945,4.615902722,4.615903482,4.615904271,4.61590319,4.615903649,4.615902776,4.61590299,4.615903337,4.615902984,4.61590339,4.615903298,4.615903848,4.615903572,4.61590299,4.615903478,4.615903354,4.615903752
+"17651","UTP18",6.583008295,6.583008192,6.583008066,6.583008032,6.583008118,6.583008052,6.583008167,6.583007973,6.583008309,6.583008101,6.583008039,6.583008185,6.583008237,6.583008431,6.583008055,6.58300827,6.583007943,6.583008,6.583008158,6.583008143,6.583008091,6.583008025,6.583008283,6.583008181,6.58300799,6.583008154,6.583008171,6.583008335
+"17652","UTP20",5.644627232,5.644627162,5.644627133,5.644627059,5.64462711,5.644627172,5.644627154,5.644627016,5.644627203,5.644627174,5.644627026,5.644627207,5.644627197,5.644627337,5.644627163,5.644627111,5.64462702,5.644627047,5.644627142,5.644627049,5.644627115,5.644627101,5.644627231,5.644627146,5.644627053,5.644627166,5.644627208,5.644627224
+"17653","UTP23",5.771634072,5.771633802,5.771633875,5.771633779,5.771633658,5.771633664,5.771633924,5.77163381,5.771634007,5.77163382,5.771633685,5.77163355,5.771633941,5.771634227,5.771633955,5.771633656,5.771633661,5.771633811,5.771633919,5.77163387,5.771633988,5.771633904,5.771634005,5.771633834,5.771633652,5.771633738,5.771633961,5.771634138
+"17654","UTP25",6.121212459,6.121212326,6.121212157,6.121212287,6.121212309,6.121212273,6.121212344,6.121212194,6.121212438,6.121212327,6.121212085,6.121212274,6.121212467,6.121212423,6.121212384,6.1212122,6.121212129,6.121212284,6.12121237,6.121212213,6.121212276,6.121212296,6.121212431,6.121212236,6.121212227,6.121212333,6.121212438,6.121212352
+"17655","UTP3",5.913244649,5.913244632,5.913244555,5.913244304,5.913244328,5.913244541,5.913244454,5.913244412,5.913244599,5.913244511,5.913244414,5.913244263,5.913244586,5.913244951,5.91324444,5.913244358,5.913244369,5.913244298,5.913244526,5.91324452,5.913244536,5.913244412,5.913244565,5.913244581,5.913244344,5.913244407,5.913244499,5.913244862
+"17656","UTP4",6.869389388,6.869389436,6.869389327,6.869389172,6.869389349,6.86938951,6.869389381,6.869389125,6.869389654,6.869389416,6.869389087,6.869389212,6.869389546,6.869389748,6.869389268,6.869389136,6.86938899,6.86938906,6.869389307,6.869389045,6.869389327,6.869389266,6.869389486,6.869389479,6.869388989,6.869389386,6.869389356,6.869389414
+"17657","UTP6",7.034939673,7.034939476,7.034939386,7.034939303,7.034938982,7.034939361,7.034939203,7.034939101,7.034939136,7.034939142,7.034939008,7.034938815,7.034939331,7.034939886,7.034939205,7.034939468,7.034938905,7.034939022,7.034939217,7.034939383,7.034939161,7.034939316,7.034939215,7.034939246,7.034939163,7.03493908,7.0349394,7.034939378
+"17658","UTRN",8.846443723,8.846442697,8.846442352,8.846442456,8.846442126,8.846443664,8.846443194,8.846442459,8.846442713,8.846442651,8.846442285,8.846441809,8.846443392,8.846443795,8.846442949,8.84644272,8.846441572,8.84644196,8.846442659,8.846443564,8.846443458,8.846442539,8.846442822,8.846442963,8.846442471,8.846442941,8.846443512,8.846442802
+"17659","UTS2",3.359719129,3.35971905,3.359719045,3.359719069,3.359719062,3.359719088,3.359719082,3.35971909,3.359719099,3.359719089,3.35971903,3.359719043,3.359719106,3.359719043,3.359719086,3.359719034,3.359719117,3.359719128,3.359719063,3.359719062,3.359719098,3.359719064,3.359719159,3.35971909,3.359719019,3.359719048,3.359719159,3.359719054
+"17660","UTS2B",2.743077811,2.743077877,2.743077858,2.743077873,2.74307782,2.743077912,2.743077817,2.743077813,2.743077828,2.743077894,2.743077811,2.743077946,2.743077875,2.743077923,2.743077887,2.743077845,2.743077839,2.743077808,2.743077891,2.74307781,2.743077833,2.743077883,2.74307797,2.743077822,2.743077845,2.743077817,2.743077816,2.743077857
+"17661","UTS2R",6.060353683,6.060353401,6.060353587,6.060353608,6.060353811,6.06035364,6.060353722,6.060353721,6.060353575,6.060353549,6.06035383,6.060353878,6.060353553,6.06035316,6.060353707,6.060353594,6.060353737,6.060353579,6.060353741,6.060353757,6.060353833,6.060353696,6.060353505,6.060353519,6.060353612,6.060353657,6.060353595,6.060353631
+"17662","UTY",3.397666071,3.37252077,8.401150053,3.325832173,3.497144533,8.489828978,3.15501306,8.598761441,3.351462876,3.224919413,3.301758015,8.253266076,3.472189425,3.346057236,3.068750844,3.356541585,8.147499281,3.293091696,3.212582527,8.739375116,3.460183106,8.61383981,3.012404899,3.208011361,3.559527059,8.699911303,3.003834819,3.5672286
+"17663","UVRAG",7.865761239,7.865760581,7.865759969,7.86575988,7.865759504,7.865760249,7.865759703,7.865759541,7.865759979,7.865760126,7.865759317,7.865758916,7.865760411,7.865761429,7.865760172,7.86576054,7.865759279,7.865759138,7.865760546,7.86576025,7.865759659,7.865759504,7.865760172,7.865760401,7.865759815,7.865759928,7.865760339,7.865760815
+"17664","UVSSA",6.570810721,6.570811045,6.570810809,6.570810891,6.570810736,6.570810822,6.570810809,6.570810827,6.570810798,6.570810805,6.570810759,6.570810918,6.570810995,6.570810791,6.570810774,6.570811079,6.570810765,6.570810841,6.570810741,6.570810964,6.570810749,6.570810766,6.570810757,6.570810822,6.570810817,6.570810826,6.570811023,6.570810715
+"17665","UXS1",7.34084157,7.340841625,7.340840446,7.340840955,7.34084091,7.34084077,7.340840782,7.340840482,7.340842364,7.340841896,7.340840829,7.340840883,7.340842029,7.340842742,7.34084097,7.34084087,7.340839615,7.34084122,7.340841122,7.340840503,7.340840876,7.340840272,7.340842343,7.340841616,7.340841046,7.340841459,7.340842218,7.340841933
+"17666","UXT",6.921671642,6.921671247,6.921671568,6.921671101,6.921671171,6.921671261,6.921671423,6.921671248,6.921671727,6.921671445,6.921671159,6.921671201,6.92167167,6.92167178,6.921671378,6.921670924,6.921671199,6.921670978,6.921671379,6.9216716,6.921671296,6.921671432,6.921671649,6.92167147,6.921671231,6.921671334,6.921671689,6.921671465
+"17667","VAC14",6.138561943,6.1385618115,6.1385618585,6.138561778,6.138561792,6.1385619715,6.1385617625,6.13856188,6.1385618365,6.1385618005,6.13856175,6.138561797,6.1385619025,6.138561751,6.138561738,6.1385616475,6.1385617185,6.138561597,6.138561827,6.1385618085,6.1385617775,6.138561881,6.1385617945,6.1385617675,6.138561714,6.1385618095,6.138561925,6.1385618045
+"17668","VAMP1",7.476122818,7.476122933,7.476122874,7.476122818,7.476122739,7.476122837,7.476122887,7.476122772,7.476123015,7.47612303,7.47612281,7.476122961,7.476122939,7.476122988,7.476122771,7.476122898,7.476122762,7.476122756,7.476122865,7.476122819,7.476122871,7.476122772,7.476122956,7.47612297,7.476122867,7.476122972,7.476122909,7.476122875
+"17669","VAMP2",7.482338145,7.48233805,7.48233803,7.48233818,7.482337937,7.482338205,7.482338129,7.482338201,7.482338184,7.482338039,7.482338063,7.482338055,7.482338166,7.482337974,7.482338083,7.482338017,7.482338024,7.482338156,7.482338004,7.482338286,7.482338067,7.482338157,7.482338084,7.482337994,7.482338055,7.482338061,7.482338184,7.4823379
+"17670","VAMP3",7.496471503,7.496471565,7.496470487,7.496471558,7.496470374,7.496472352,7.496470781,7.496470176,7.496470381,7.496470582,7.496470622,7.496469587,7.49647097,7.49647108,7.496470835,7.496470832,7.496469889,7.496471238,7.496470859,7.496472366,7.496470958,7.496470631,7.496470938,7.496471333,7.496470933,7.496470262,7.496470654,7.496470469
+"17671","VAMP4",5.994574323,5.9945738,5.994573402,5.994573265,5.994573315,5.994573226,5.994573542,5.994573031,5.994573649,5.994573637,5.994573427,5.994573023,5.994573958,5.994574855,5.994573771,5.994573595,5.994573276,5.994573278,5.994573825,5.994573393,5.994573536,5.994573521,5.99457392,5.994573741,5.99457359,5.994573576,5.994574085,5.99457434
+"17672","VAMP5",8.005120863,8.005121036,8.005120447,8.005120443,8.005120414,8.005121962,8.005120626,8.005120753,8.00512084,8.005120954,8.005120392,8.00512037,8.005120893,8.005120692,8.005120427,8.005120774,8.005120302,8.005120322,8.005120152,8.00512212,8.005120659,8.005120795,8.005120962,8.005121016,8.005120781,8.005120364,8.005120701,8.005120567
+"17673","VAMP7",6.672241371,6.672240779,6.672241046,6.672241132,6.672241067,6.67224094,6.672240924,6.672240414,6.672240994,6.672241001,6.67224103,6.672240328,6.672240787,6.672242709,6.672241008,6.672240338,6.672241398,6.672240962,6.672241152,6.672240544,6.672241278,6.672241009,6.672241048,6.672241124,6.672240934,6.672240617,6.6722406,6.672242421
+"17674","VAMP8",7.697988449,7.697988219,7.697988443,7.697987993,7.697988043,7.697988121,7.697988107,7.697987986,7.697988324,7.69798837,7.697988095,7.697987749,7.697988411,7.697988843,7.697988143,7.697988317,7.697988167,7.697987764,7.697988093,7.697988481,7.697988078,7.697988013,7.697988352,7.697988406,7.697988003,7.697987981,7.697988167,7.69798842
+"17675","VANGL1",4.566365994,4.566365973,4.566365979,4.566365989,4.566366002,4.566365989,4.566366008,4.566366057,4.566366001,4.566366012,4.566365989,4.566365992,4.566365981,4.566365983,4.566366023,4.56636599,4.566366004,4.566366002,4.566366001,4.56636598,4.566366008,4.566365979,4.566365987,4.566365992,4.566365992,4.566365999,4.566365976,4.566365995
+"17676","VANGL2",5.151718905,5.151718903,5.151718964,5.15171893,5.151718986,5.151718811,5.151718871,5.151718947,5.15171893,5.151718904,5.15171898,5.151718923,5.151718917,5.151718875,5.151718931,5.151718965,5.151718943,5.151718964,5.151718877,5.15171887,5.151718888,5.151718927,5.151718912,5.15171894,5.151718971,5.151718937,5.151718938,5.151718943
+"17677","VAPA",7.046399367,7.046399526,7.046399058,7.046399279,7.046398861,7.04639896,7.046399206,7.046398798,7.046399341,7.046399066,7.04639891,7.046398594,7.046399062,7.046399559,7.046399147,7.046399214,7.046398856,7.046398847,7.046399458,7.046399305,7.046399218,7.046398905,7.046399549,7.046399468,7.04639914,7.046398854,7.046398858,7.046399109
+"17678","VAPB",6.758339288,6.75833926,6.758339226,6.758339279,6.758339155,6.758339209,6.758339242,6.758339234,6.758339274,6.758339241,6.75833921,6.758339224,6.758339281,6.758339309,6.758339243,6.758339283,6.758339179,6.758339308,6.75833921,6.758339255,6.75833924,6.758339227,6.758339282,6.758339276,6.758339278,6.758339231,6.75833928,6.758339253
+"17679","VARS1",6.240979671,6.240979695,6.240979658,6.240979632,6.240979693,6.240979822,6.240979725,6.240979654,6.240979757,6.24097983,6.240979726,6.240979622,6.240979755,6.240979738,6.240979606,6.24097958,6.240979678,6.240979363,6.240979734,6.240979725,6.240979646,6.240979665,6.240979651,6.240979699,6.240979653,6.240979723,6.240979799,6.240979688
+"17680","VARS2",5.6794727965,5.679473816,5.6794732965,5.6794734315,5.679473105,5.679473211,5.6794733845,5.6794730805,5.679473589,5.6794738105,5.6794728795,5.6794737005,5.6794739085,5.6794734965,5.679473032,5.679473314,5.679472197,5.6794728275,5.6794727085,5.6794725385,5.679471871,5.6794737005,5.6794736895,5.6794730945,5.6794722195,5.6794725415,5.67947358,5.6794734805
+"17681","VASH1",6.471649454,6.471649176,6.471649513,6.471649192,6.471649499,6.471649655,6.471649164,6.471649459,6.471649179,6.471649368,6.471649644,6.471649544,6.471649107,6.471649056,6.47164926,6.471649108,6.471649522,6.471649166,6.471649314,6.471649555,6.471649188,6.471649429,6.471649221,6.471649239,6.471649605,6.471649381,6.47164917,6.471649197
+"17682","VASH2",5.308054931,5.3080549,5.308054948,5.308054937,5.308054978,5.308054938,5.308054942,5.308054977,5.308054938,5.308054938,5.308054969,5.308054966,5.308054952,5.308054891,5.30805497,5.308054918,5.308054966,5.308054943,5.30805496,5.308054933,5.308054967,5.308054962,5.308054925,5.308054927,5.308054944,5.308054953,5.308054935,5.308054926
+"17683","VASN",5.812070056,5.812069946,5.812070089,5.812069828,5.812070205,5.812069988,5.812070181,5.812070161,5.812069952,5.812070067,5.812070197,5.812070223,5.812069897,5.812069831,5.812070137,5.812069999,5.812070326,5.81207018,5.812070214,5.812070047,5.812070061,5.812070214,5.812069999,5.812069832,5.812070112,5.812070131,5.812070018,5.81207001
+"17684","VASP",8.535874959,8.535875268,8.535874983,8.535875441,8.535874972,8.535875475,8.535875095,8.535874982,8.535875008,8.535875222,8.535875321,8.535874636,8.535875104,8.535874906,8.53587499,8.535875134,8.535874976,8.535875388,8.535875138,8.535875277,8.535875062,8.535875015,8.535875128,8.535875256,8.53587533,8.535874954,8.535875057,8.535874906
+"17685","VAT1",6.872765954,6.872766005,6.87276594,6.872765891,6.872766047,6.872765923,6.872765982,6.872765945,6.872765963,6.872766016,6.872765989,6.872765951,6.872765935,6.872765939,6.872766043,6.872766029,6.872765964,6.872765922,6.872765941,6.872765927,6.872765967,6.872765894,6.872765907,6.872765946,6.872766016,6.872765961,6.872765951,6.872765983
+"17686","VAT1L",4.623647526,4.623647582,4.623647721,4.62364762,4.623647842,4.623647512,4.623647616,4.623647773,4.623647628,4.623647654,4.623647701,4.623647742,4.623647648,4.623647517,4.623647718,4.623647748,4.623647802,4.623647741,4.623647646,4.623647564,4.623647713,4.623647682,4.623647564,4.623647589,4.62364763,4.623647676,4.62364756,4.623647676
+"17687","VAV1",8.28777883,8.28777941,8.287778845,8.287779806,8.287778401,8.287779795,8.28777927,8.287778877,8.287779229,8.287779042,8.287779169,8.287778029,8.287779015,8.287779209,8.287778765,8.28777947,8.287778777,8.287779336,8.287779048,8.287779805,8.287779159,8.287778911,8.287779557,8.28777967,8.287779078,8.287778705,8.287779206,8.287778696
+"17688","VAV2",5.595206123,5.595206067,5.5952061,5.59520602,5.595206084,5.595206163,5.595206088,5.595206115,5.595206028,5.59520608,5.59520612,5.59520604,5.595206066,5.595206188,5.595206069,5.595206057,5.595206131,5.595206054,5.595206118,5.595206116,5.595206112,5.59520606,5.595206058,5.595206133,5.595206155,5.595206056,5.595206142,5.595206233
+"17689","VAV3",6.64202611,6.642025557,6.642025547,6.642025741,6.642024808,6.64202501,6.642025311,6.642024769,6.642025164,6.642025514,6.642025216,6.642024281,6.642025383,6.642025955,6.642025694,6.642025591,6.642024975,6.642025639,6.642025395,6.642025255,6.642025435,6.642025206,6.642025596,6.642025981,6.642025561,6.642025064,6.642025225,6.642025572
+"17690","VAX1",4.924587809,4.924587769,4.924587866,4.924587802,4.924587928,4.92458774,4.924587741,4.924587764,4.924587664,4.924587817,4.92458795,4.92458806,4.924587693,4.924587717,4.924587925,4.924587878,4.924587939,4.924587978,4.924587767,4.924587894,4.924587879,4.92458776,4.92458771,4.924587599,4.924587782,4.924587782,4.924587707,4.924587662
+"17691","VAX2",6.84684353,6.84684358,6.846843644,6.846843555,6.846843677,6.846843513,6.846843594,6.846843646,6.846843608,6.846843593,6.84684364,6.846843648,6.846843618,6.8468435,6.846843633,6.846843618,6.846843637,6.84684361,6.84684358,6.846843558,6.846843594,6.846843632,6.846843587,6.846843589,6.846843631,6.846843615,6.846843569,6.846843602
+"17692","VBP1",4.349679867,4.3496799,4.349679836,4.34967986,4.349679838,4.349679839,4.349679891,4.349679809,4.349679838,4.349679896,4.349679849,4.349679782,4.349679822,4.349680049,4.349679867,4.349679905,4.34967984,4.349679858,4.349679899,4.349679887,4.349679919,4.349679816,4.34967986,4.349679848,4.349679795,4.349679823,4.349679853,4.349679996
+"17693","VCAM1",3.646453073,3.646453082,3.646453079,3.646453116,3.646453195,3.646453297,3.646453144,3.646453194,3.646453237,3.646453232,3.646453154,3.646453313,3.646453069,3.646453187,3.646453192,3.646453266,3.646453288,3.646453176,3.646453122,3.646453325,3.646453092,3.64645325,3.646453067,3.646453111,3.64645324,3.646453031,3.646453115,3.646453144
+"17694","VCAN",9.773242439,9.64818452,9.718468661,9.878567958,9.771872182,9.800731078,9.771646074,9.220468632,9.017919375,9.57540419,9.87671378,9.206390853,9.380768687,9.744818499,9.540011195,9.312237102,9.634171342,9.469691966,9.596302084,9.824008526,9.736465389,9.264537615,8.875056311,9.392258894,9.510329261,9.260904009,9.33997719,9.1021901
+"17695","VCL",7.633513472,7.63374966,7.633526045,7.633844579,7.633660448,7.633557814,7.633557143,7.633476427,7.633453164,7.633669503,7.633797012,7.633542176,7.633529522,7.633552142,7.633498088,7.633670746,7.633476945,7.633822246,7.63362534,7.633446627,7.633546012,7.633381313,7.633520143,7.633739379,7.633742162,7.633638761,7.633566104,7.633427314
+"17696","VCP",8.62195864,8.621958703,8.621958437,8.621958736,8.62195838,8.621958575,8.621958671,8.621958254,8.621958478,8.621958484,8.621958504,8.621958364,8.621958568,8.621958831,8.621958499,8.62195857,8.621958197,8.621958527,8.621958522,8.62195845,8.621958608,8.621958246,8.621958582,8.621958577,8.621958443,8.621958475,8.621958571,8.621958565
+"17697","VCPIP1",8.278191682,8.278191844,8.278191508,8.278191723,8.278191423,8.278191753,8.278191721,8.278191549,8.278191461,8.278191451,8.278191553,8.278190689,8.278191562,8.278192477,8.278191771,8.278191992,8.278191525,8.278191689,8.278191801,8.278192136,8.278191759,8.278191633,8.278191959,8.278191831,8.278191464,8.278191315,8.278191359,8.278192223
+"17698","VCPKMT",6.337611172,6.337611229,6.337610953,6.337611504,6.337610899,6.337610901,6.337611121,6.337611077,6.337610937,6.337610895,6.337610872,6.337610948,6.337611196,6.337611307,6.337611018,6.337611146,6.337610942,6.33761137,6.337611321,6.337611195,6.337611082,6.33761102,6.337611296,6.337611203,6.337611137,6.337611041,6.337611149,6.337610959
+"17699","VDAC1",5.714681854,5.714681826,5.714681785,5.714681711,5.714681829,5.714681969,5.714681895,5.714681778,5.71468179,5.714681857,5.714681839,5.714681814,5.714681884,5.714681849,5.714681814,5.714681829,5.714681802,5.714681678,5.714681833,5.714681948,5.714681805,5.714681877,5.714681815,5.714681881,5.714681712,5.714681728,5.714681807,5.714681832
+"17700","VDAC2",6.7109185225,6.710918237,6.710918121,6.7109179205,6.710918029,6.7109181515,6.710918219,6.7109179485,6.7109182805,6.7109181815,6.7109178365,6.710917979,6.7109183635,6.710918684,6.7109181305,6.7109181045,6.710917768,6.710917787,6.7109182,6.7109180265,6.710918219,6.7109181245,6.7109181545,6.710918191,6.710917672,6.7109181165,6.7109184175,6.710918316
+"17701","VDAC3",8.337334365,8.337334386,8.337333971,8.337334072,8.337333758,8.33733383,8.337334208,8.337333728,8.337334108,8.33733413,8.337333847,8.337332884,8.337333932,8.337334887,8.337333972,8.33733448,8.337333303,8.337333681,8.3373343,8.337333638,8.337333873,8.337333469,8.337334482,8.337334608,8.33733354,8.337333661,8.337333962,8.33733409
+"17702","VDR",6.085782406,6.085782901,6.085782365,6.085783071,6.085782288,6.085783096,6.08578253,6.085782529,6.085782377,6.085782575,6.085782592,6.085781962,6.085782539,6.085782488,6.085782495,6.085782625,6.085782424,6.085782917,6.085782365,6.085782985,6.085782653,6.085782303,6.085782708,6.085782771,6.085782741,6.085782283,6.085782568,6.085782048
+"17703","VEGFA",5.65415771,5.654157722,5.654157704,5.654157713,5.654157709,5.654157694,5.654157717,5.654157719,5.654157682,5.654157688,5.65415773,5.654157707,5.654157701,5.654157684,5.654157694,5.654157721,5.654157718,5.654157697,5.654157714,5.654157707,5.654157704,5.654157705,5.654157697,5.654157689,5.654157704,5.654157717,5.654157688,5.654157694
+"17704","VEGFB",7.155573031,7.155573117,7.155573232,7.155572998,7.155573369,7.155572991,7.155573163,7.155573285,7.155573146,7.155573139,7.155572783,7.155573281,7.15557323,7.155572951,7.155573283,7.155572889,7.155573087,7.155573206,7.155573106,7.155572867,7.155573065,7.155573177,7.155572959,7.155573041,7.15557297,7.155573222,7.155573194,7.155573227
+"17705","VEGFC",5.612386751,5.612386754,5.612386763,5.612386747,5.612386789,5.612386754,5.612386758,5.61238678,5.612386774,5.612386764,5.612386786,5.612386823,5.612386764,5.612386721,5.612386781,5.612386779,5.6123868,5.612386787,5.612386784,5.612386769,5.612386778,5.612386782,5.612386755,5.612386774,5.61238677,5.612386763,5.612386744,5.612386764
+"17706","VENTX",6.0362396,6.03623964,6.036239676,6.036239653,6.036239823,6.03623958,6.036239644,6.036239739,6.036239674,6.036239713,6.036239871,6.036239836,6.036239703,6.036239525,6.036239738,6.036239608,6.036239826,6.036239708,6.03623963,6.036239798,6.036239683,6.036239665,6.036239594,6.036239676,6.036239797,6.036239661,6.036239648,6.036239649
+"17707","VEPH1",3.169415316,3.169415326,3.169415372,3.169415474,3.169415351,3.169415422,3.16941544,3.169415353,3.169415398,3.169415506,3.169415494,3.169415463,3.169415386,3.169415356,3.169415346,3.169415355,3.169415348,3.169415559,3.169415341,3.169415346,3.169415345,3.169415316,3.16941535,3.169415358,3.169415379,3.169415421,3.169415349,3.169415426
+"17708","VEZF1",7.444639918,7.444639916,7.444639882,7.444639911,7.44463994,7.44463988,7.444639928,7.444639917,7.44463989,7.444639923,7.44463989,7.444639898,7.444639902,7.444639951,7.444639945,7.444639908,7.444639938,7.444639915,7.444639928,7.444639838,7.444639942,7.444639926,7.444639918,7.444639917,7.444639914,7.444639912,7.444639884,7.444639946
+"17709","VEZT",5.627926109,5.627925841,5.627925429,5.627925475,5.627925237,5.627925316,5.62792577,5.627924908,5.627925734,5.627925599,5.627925017,5.627925372,5.627925711,5.627926407,5.627925569,5.627925547,5.627925084,5.62792514,5.627925464,5.627925098,5.627925617,5.627925267,5.627925825,5.627925615,5.627925368,5.627925514,5.627925826,5.6279258
+"17710","VGF",6.369201941,6.369201934,6.369201954,6.369201928,6.369201961,6.369201942,6.369201946,6.369201958,6.369201952,6.36920196,6.369201966,6.369201966,6.36920195,6.369201921,6.369201962,6.369201959,6.369201958,6.369201938,6.369201954,6.369201963,6.369201947,6.369201953,6.369201933,6.36920194,6.369201942,6.369201948,6.369201943,6.369201944
+"17711","VGLL1",4.488804075,4.488804097,4.488804081,4.488804045,4.488804062,4.488804103,4.488804063,4.488804117,4.488804083,4.488804094,4.48880411,4.488804138,4.488804051,4.48880405,4.488804081,4.488804092,4.488804141,4.488804121,4.488804108,4.488804112,4.48880411,4.488804099,4.488804075,4.488804091,4.488804134,4.488804106,4.48880412,4.488804031
+"17712","VGLL2",4.584060251,4.584060214,4.58406024,4.58406022,4.584060272,4.584060264,4.584060287,4.584060269,4.584060254,4.584060276,4.584060263,4.584060316,4.584060267,4.584060221,4.584060306,4.584060268,4.5840603,4.584060309,4.584060294,4.584060252,4.584060298,4.584060299,4.584060246,4.58406023,4.584060282,4.584060295,4.584060237,4.584060298
+"17713","VGLL3",3.580355796,3.580355723,3.580355918,3.580356102,3.580356366,3.580355954,3.580356,3.580356208,3.580355946,3.580356097,3.580355831,3.580355974,3.580355885,3.580355808,3.580356029,3.580355834,3.580356138,3.580356039,3.580356061,3.580356077,3.580356184,3.580356123,3.580356021,3.580355866,3.580356003,3.580355903,3.580356127,3.580355958
+"17714","VGLL4",5.601226568,5.601226563,5.601226567,5.601226559,5.601226575,5.601226569,5.601226568,5.601226574,5.601226574,5.601226562,5.601226555,5.60122658,5.601226567,5.601226565,5.601226572,5.601226541,5.601226566,5.601226572,5.601226572,5.601226559,5.60122657,5.601226567,5.601226559,5.601226559,5.601226566,5.601226578,5.601226571,5.601226574
+"17715","VHL",7.050895877,7.05089589,7.050895818,7.050895819,7.0508957,7.050895792,7.050895785,7.050895694,7.050895877,7.050895851,7.050895706,7.05089564,7.05089575,7.050895903,7.050895742,7.050895766,7.05089571,7.050895766,7.050895798,7.050895823,7.05089572,7.050895692,7.050895927,7.050895893,7.050895705,7.050895754,7.050895812,7.050895875
+"17716","VHLL",3.771942339,3.771942369,3.771942358,3.77194237,3.771942375,3.771942345,3.771942345,3.771942406,3.771942347,3.771942388,3.771942403,3.771942389,3.771942372,3.771942365,3.771942369,3.771942315,3.771942383,3.771942354,3.771942368,3.771942368,3.771942367,3.771942363,3.771942422,3.771942327,3.77194239,3.771942352,3.771942399,3.771942364
+"17717","VIL1",4.99379237,4.993792769,4.993792895,4.993793177,4.993792766,4.993792552,4.993792722,4.993792836,4.993792531,4.993792398,4.993792916,4.993792799,4.993792736,4.99379239,4.993792761,4.993792812,4.993792734,4.993793233,4.993792752,4.993792541,4.993792845,4.993792674,4.993792601,4.993792685,4.993792887,4.99379274,4.993792608,4.993792475
+"17718","VILL",6.267115973,6.267115897,6.267116136,6.26711599,6.267116131,6.267116035,6.267116021,6.267116045,6.267116136,6.267116029,6.267115941,6.267116185,6.267116041,6.267116098,6.267116211,6.267116131,6.267115921,6.267116056,6.267116073,6.267116008,6.26711614,6.267116057,6.267115974,6.267116034,6.267116165,6.267116196,6.267116006,6.26711618
+"17719","VIM",9.278935421,9.27893613,9.278934701,9.278936156,9.278935415,9.27893431,9.278934394,9.278933515,9.278934948,9.278936181,9.278935182,9.278933595,9.27893514,9.2789355,9.278934305,9.27893484,9.278933546,9.278935043,9.278936038,9.27893436,9.278934785,9.278933982,9.278934934,9.278935623,9.278934867,9.278934503,9.278935488,9.27893424
+"17720","VIP",3.331139244,3.331139328,3.331139372,3.33113937,3.331139269,3.331139294,3.331139342,3.331139276,3.331139326,3.331139387,3.331139378,3.331139333,3.331139273,3.331139255,3.331139416,3.331139383,3.331139429,3.331139374,3.33113934,3.331139344,3.331139314,3.331139328,3.33113921,3.331139306,3.33113935,3.331139341,3.331139333,3.331139274
+"17721","VIPAS39",6.613257619,6.613257669,6.613257533,6.613257505,6.613257403,6.61325762,6.613257572,6.613257484,6.61325766,6.613257622,6.61325748,6.613257397,6.61325758,6.61325761,6.613257546,6.61325755,6.613257423,6.613257512,6.613257629,6.613257578,6.613257526,6.61325742,6.613257599,6.613257715,6.613257604,6.613257491,6.613257576,6.613257506
+"17722","VIPR1",7.227770144,7.22777013,7.227770171,7.227770079,7.22777012,7.227770025,7.227769999,7.227770211,7.227770123,7.227770149,7.227770067,7.22777019,7.227770075,7.227770279,7.227770021,7.227770035,7.227770105,7.22777003,7.227770172,7.227769999,7.227769864,7.227770218,7.227770128,7.227770126,7.227770056,7.227770072,7.227770087,7.227770195
+"17723","VIPR2",4.128331752,4.128331575,4.128331723,4.128331705,4.12833183,4.128331617,4.128331672,4.128331706,4.128331567,4.128331622,4.128331873,4.128331821,4.128331698,4.128331539,4.128331742,4.128331501,4.128331765,4.128331739,4.128331586,4.128331714,4.128331679,4.128331733,4.128331541,4.128331532,4.128331622,4.128331774,4.128331664,4.128331594
+"17724","VIRMA",6.363988238,6.363988237,6.363987661,6.363987963,6.363987846,6.363987905,6.363988069,6.36398757,6.363987897,6.363988095,6.363987675,6.363987301,6.363988105,6.363988677,6.363988054,6.363987955,6.363987392,6.36398769,6.363988177,6.363987525,6.363987921,6.363987688,6.363988256,6.363988161,6.363987727,6.363987877,6.363987932,6.363988484
+"17725","VIT",3.698187064,3.69818706,3.698187118,3.698187136,3.69818712,3.698187064,3.69818709,3.698187153,3.698187077,3.698187061,3.698187114,3.698187141,3.698187081,3.698187107,3.698187109,3.698187173,3.698187115,3.6981871,3.698187156,3.698187049,3.698187147,3.698187127,3.69818712,3.698187079,3.698187071,3.698187142,3.6981871,3.698187122
+"17726","VKORC1",7.537150124,7.537150257,7.537150064,7.537150008,7.537150013,7.537150027,7.537149983,7.537150113,7.537150074,7.537150171,7.537150017,7.537149906,7.537150192,7.537150208,7.537150002,7.537150251,7.537149946,7.537149991,7.537150004,7.537150162,7.537150036,7.53715005,7.537150136,7.537150227,7.537149964,7.537149926,7.537150155,7.537150049
+"17727","VKORC1L1",5.4302182675,5.430218274,5.4302182465,5.430218187,5.430218232,5.430218242,5.430218241,5.430218237,5.4302182525,5.4302182325,5.4302182395,5.4302182205,5.430218258,5.4302182685,5.430218191,5.430218257,5.430218218,5.4302182505,5.430218228,5.430218202,5.430218224,5.4302182365,5.4302182415,5.4302182105,5.430218245,5.4302181995,5.4302182555,5.430218266
+"17728","VLDLR",4.605578672,4.60557886,4.605578833,4.605578824,4.605578911,4.60557878,4.605578847,4.605578858,4.605579001,4.60557885,4.605578915,4.605578974,4.60557879,4.605578823,4.605578826,4.60557892,4.605578745,4.605578755,4.605578853,4.605578859,4.605578911,4.605578905,4.605578922,4.60557877,4.605578942,4.605578975,4.605578684,4.605578885
+"17729","VLDLR-AS1",4.357736241,4.357736066,4.357736412,4.357736277,4.357736245,4.357736333,4.357736269,4.35773626,4.357736141,4.357736141,4.357736382,4.357736594,4.357736329,4.357736189,4.357736464,4.357736403,4.357736617,4.357736426,4.357736373,4.357736154,4.357736426,4.357736335,4.357736163,4.357735987,4.357736247,4.357736199,4.357736063,4.357736256
+"17730","VMA21",6.201463687,6.201463626,6.201463896,6.201463754,6.20146417,6.201463731,6.201464089,6.201463955,6.201463868,6.20146405,6.201463973,6.201464327,6.20146388,6.201463784,6.201464237,6.201463769,6.201464184,6.201463828,6.20146395,6.20146383,6.201463998,6.201464047,6.201463856,6.201463737,6.201463828,6.201464056,6.201464011,6.201464119
+"17731","VMAC",6.031415633,6.031415568,6.031415685,6.0314155,6.03141573,6.031415663,6.031415706,6.031415789,6.031415697,6.031415639,6.031415616,6.031415789,6.03141568,6.031415554,6.031415733,6.03141567,6.031415709,6.031415753,6.031415662,6.031415626,6.031415688,6.031415709,6.031415619,6.031415533,6.031415617,6.031415727,6.031415625,6.031415627
+"17732","VMO1",4.134689172,4.134689241,4.134689142,4.13468904,4.134689482,4.134689081,4.134689249,4.134689216,4.134689087,4.134689281,4.134689277,4.134689255,4.13468917,4.134689024,4.134689189,4.134689076,4.134689239,4.134689191,4.134689064,4.134689075,4.134689372,4.134689248,4.134689153,4.134689155,4.134689215,4.134689386,4.134689105,4.134689162
+"17733","VN1R1",3.527212915,3.52721274,3.527212948,3.52721272,3.527212767,3.527212803,3.527213007,3.527212973,3.527212888,3.527212946,3.527212803,3.527213011,3.527212923,3.527212748,3.527212786,3.52721277,3.527212917,3.527212882,3.527212824,3.527212795,3.527212953,3.527212905,3.527213004,3.52721294,3.527212812,3.527212877,3.52721298,3.52721304
+"17734","VN1R10P",3.749521186,3.74952118,3.749521213,3.749521222,3.749521206,3.749521183,3.749521201,3.749521217,3.749521183,3.749521188,3.749521199,3.749521217,3.749521196,3.749521182,3.749521199,3.74952119,3.74952122,3.749521189,3.749521203,3.749521212,3.749521201,3.749521206,3.749521193,3.74952118,3.749521189,3.749521217,3.749521193,3.749521194
+"17735","VN1R2",4.295454953,4.295454965,4.295454957,4.295454954,4.29545496,4.295454993,4.295454985,4.295454992,4.295454936,4.295454955,4.295454992,4.295454977,4.295454961,4.295454898,4.295454991,4.295454942,4.295455047,4.295454985,4.295454939,4.295455034,4.295454948,4.295455015,4.295454962,4.295454961,4.295454997,4.295454956,4.295454923,4.295454969
+"17736","VN1R3",3.875002133,3.875002094,3.875002197,3.875002202,3.875002355,3.875002065,3.875002235,3.875002094,3.875002035,3.875001991,3.875002232,3.875002258,3.875001986,3.875001963,3.875002301,3.875002113,3.875002494,3.875002215,3.875001901,3.875002234,3.875002294,3.875002416,3.875002204,3.87500211,3.875002404,3.875002305,3.875002138,3.875002133
+"17737","VN1R4",4.1940722415,4.1940726065,4.1940732945,4.1940738005,4.194072216,4.194071865,4.19407221,4.19407144,4.1940719795,4.19407159,4.1940724165,4.1940724345,4.1940719585,4.1940729295,4.194072313,4.194073359,4.194072816,4.194072497,4.194072439,4.194072878,4.1940720255,4.194071757,4.194072574,4.194072169,4.1940727715,4.194072031,4.194072549,4.194071281
+"17738","VN1R5",3.261155392,3.261155392,3.261155374,3.261155395,3.261155387,3.261155399,3.261155373,3.261155401,3.261155402,3.261155424,3.261155401,3.26115541,3.261155381,3.261155373,3.261155364,3.26115538,3.261155424,3.261155377,3.261155394,3.261155399,3.261155381,3.261155397,3.26115541,3.261155433,3.261155404,3.261155425,3.261155391,3.261155419
+"17739","VNN1",6.151077795,6.151450951,6.150274726,6.151240239,6.149691223,6.149929137,6.150433012,6.150756958,6.149635721,6.14952323,6.151199958,6.149224468,6.150063988,6.150626945,6.151244552,6.151619145,6.150287805,6.150841471,6.150325553,6.150086844,6.150484168,6.150793704,6.150257981,6.150156685,6.151286579,6.149788146,6.149963561,6.150478189
+"17740","VNN2",9.939809731,9.993702451,9.742355418,10.43664402,9.720408866,10.0493423,10.17367947,9.6514152,9.721300918,10.1159568,9.688386394,9.278441743,9.685351342,10.22693388,10.04917771,9.987725685,9.988354295,10.32377619,10.43358628,10.30412102,10.30672566,9.829720276,10.31060895,10.54799253,10.01123216,9.703425744,9.632952858,10.08180268
+"17741","VNN3P",7.244603703,7.452195178,7.325404343,7.846251616,6.892067985,7.215501179,7.526645035,6.956878237,6.702539782,6.974362066,6.813907949,7.182209214,7.117715403,7.29648091,7.372797294,7.542812978,7.529172918,7.742628869,7.374026099,7.392412413,7.637244666,7.064129561,7.250461091,7.732790259,7.184005201,7.513638701,7.030047393,7.121630277
+"17742","VOPP1",8.212927239,8.212927469,8.212926553,8.212927126,8.212926495,8.21292707,8.212927053,8.212926502,8.21292764,8.212927247,8.212926726,8.212926254,8.212927462,8.212927379,8.212926875,8.212927169,8.212926613,8.212926709,8.212926983,8.212927295,8.212926871,8.212926535,8.212927741,8.212927085,8.212926602,8.212926258,8.212927443,8.212927032
+"17743","VPREB1",4.17605188,4.176051896,4.176051903,4.176051918,4.176051934,4.176051863,4.176051907,4.176051925,4.176051902,4.176051912,4.176051915,4.176051936,4.17605189,4.17605189,4.176051906,4.176051897,4.176051937,4.176051909,4.176051911,4.176051892,4.176051921,4.176051925,4.176051905,4.176051904,4.176051896,4.176051908,4.176051884,4.176051892
+"17744","VPREB3",5.565299332,5.565299022,5.565298746,5.565298744,5.565298936,5.565298891,5.565298732,5.565298514,5.565298445,5.565299227,5.565298313,5.565298708,5.565298571,5.565299181,5.565299313,5.565298613,5.565298653,5.565298934,5.565298902,5.565298772,5.565298707,5.56529881,5.565298402,5.56529914,5.565298356,5.565298797,5.565298928,5.565299107
+"17745","VPS11",7.384483005,7.384483,7.384482992,7.384483023,7.384483019,7.38448301,7.384482982,7.384482978,7.38448299,7.38448304,7.384482919,7.384482905,7.384483009,7.384483062,7.384483008,7.384482905,7.384482928,7.384482957,7.38448301,7.384482822,7.384482974,7.384482955,7.384483001,7.384483049,7.384482963,7.384482991,7.384483011,7.384482982
+"17746","VPS13A",6.074261925,6.074260601,6.074260182,6.074259621,6.074260397,6.074259466,6.074260639,6.074260038,6.074261389,6.074260272,6.07426019,6.074259403,6.074260859,6.074262851,6.074260881,6.074260072,6.074258975,6.074259307,6.07426116,6.074258572,6.074260539,6.0742603,6.074261154,6.074260637,6.074260021,6.074260341,6.074260761,6.074261519
+"17747","VPS13B",7.9717407,7.971740503,7.971740427,7.971740631,7.971740367,7.971740546,7.971740626,7.971740429,7.971740418,7.971740454,7.971740448,7.971740319,7.971740554,7.971740654,7.971740571,7.971740471,7.971740266,7.971740469,7.971740589,7.971740524,7.971740572,7.971740422,7.971740522,7.971740545,7.971740538,7.971740503,7.971740575,7.971740416
+"17748","VPS13C",8.072144408,8.072143,8.072142083,8.072142022,8.072142307,8.072143125,8.072143008,8.072142175,8.072142486,8.072142278,8.072141793,8.072141773,8.072143325,8.072144868,8.072143399,8.072142361,8.072141037,8.072141397,8.072142842,8.072142845,8.072143275,8.072142473,8.072142523,8.072142431,8.072141811,8.072142679,8.072143221,8.072143626
+"17749","VPS13D",7.59304345,7.593043269,7.593043024,7.593043199,7.593043061,7.593043147,7.593043394,7.593042987,7.593043328,7.593043294,7.59304305,7.59304304,7.593043319,7.593043458,7.593043143,7.593043031,7.593042587,7.593042961,7.593043279,7.593043089,7.593043201,7.593043025,7.593043256,7.593043166,7.593043073,7.593043303,7.593043428,7.593042983
+"17750","VPS18",7.022206513,7.022206525,7.022206481,7.022206545,7.022206453,7.022206504,7.022206512,7.022206457,7.022206499,7.022206468,7.022206457,7.0222064,7.022206474,7.022206471,7.022206492,7.02220653,7.022206489,7.022206485,7.022206443,7.022206364,7.022206417,7.022206496,7.022206508,7.022206505,7.022206504,7.022206502,7.022206495,7.022206441
+"17751","VPS25",6.410411011,6.410411006,6.410410997,6.410410995,6.410410983,6.410411022,6.410410992,6.410410964,6.410410992,6.410411005,6.410410985,6.410410979,6.41041101,6.410411007,6.410410988,6.410410999,6.41041099,6.410410984,6.410410989,6.410411016,6.410410987,6.410410967,6.41041101,6.410410992,6.410410975,6.410410978,6.410411001,6.41041101
+"17752","VPS26A",6.472058038,6.472057898,6.472057307,6.472056816,6.472056994,6.472057082,6.4720574,6.472056873,6.472057473,6.472057038,6.472056873,6.472056257,6.472057288,6.472059076,6.472057409,6.47205785,6.472057252,6.472056916,6.472057691,6.472056848,6.472057304,6.472057243,6.472057424,6.472057609,6.472056834,6.472057198,6.472057212,6.472058191
+"17753","VPS26B",7.128753742,7.128753771,7.128753694,7.128753679,7.128753612,7.128753785,7.128753747,7.128753755,7.128753787,7.128753801,7.128753676,7.128753705,7.128753741,7.12875377,7.128753668,7.128753804,7.128753716,7.128753626,7.128753694,7.128753852,7.128753649,7.128753683,7.128753807,7.128753793,7.128753671,7.128753687,7.128753741,7.128753617
+"17754","VPS26C",7.313209096,7.313209222,7.313208365,7.313208857,7.313208403,7.313208761,7.313208319,7.313208494,7.313208648,7.313209003,7.313208423,7.313207745,7.313208761,7.313209235,7.313208399,7.31320886,7.313207907,7.313208374,7.313208771,7.313209106,7.313208053,7.313207972,7.31320892,7.313209273,7.313208567,7.313208494,7.313208998,7.313208974
+"17755","VPS28",7.760219256,7.760219277,7.760219321,7.76021931,7.760219289,7.760219375,7.760219287,7.760219371,7.760219313,7.760219372,7.760219335,7.760219379,7.76021932,7.760219227,7.760219248,7.760219211,7.760219304,7.760219273,7.760219295,7.760219328,7.760219222,7.760219365,7.760219322,7.760219306,7.760219277,7.760219366,7.760219294,7.760219238
+"17756","VPS29",7.08190166,7.081901268,7.081901326,7.081901237,7.08190078,7.081901001,7.081901297,7.081900741,7.081901122,7.081901299,7.081901128,7.081900665,7.081901259,7.081901873,7.081901058,7.081901251,7.081901015,7.081900638,7.081901388,7.081901186,7.081901219,7.081901126,7.081901261,7.081901261,7.081901233,7.081901045,7.081901461,7.081901206
+"17757","VPS33A",6.830408892,6.830408892,6.830408821,6.830408812,6.830408769,6.830408789,6.830408842,6.830408763,6.830408828,6.830408835,6.830408784,6.830408703,6.830408878,6.830408937,6.830408776,6.830408797,6.830408694,6.830408781,6.830408944,6.830408824,6.830408785,6.83040876,6.830408835,6.830408903,6.830408812,6.830408816,6.830408884,6.830408879
+"17758","VPS33B",6.265384882,6.26538485,6.265384829,6.265384834,6.265384925,6.265384999,6.265384719,6.265384886,6.26538495,6.265384966,6.265384572,6.265384611,6.265384858,6.265385016,6.265384825,6.265384656,6.265384601,6.265384712,6.265384832,6.265384768,6.265384765,6.265384734,6.265384902,6.265385003,6.265384648,6.265384877,6.26538497,6.265384898
+"17759","VPS35",7.783560085,7.783560029,7.783559629,7.783559754,7.783559718,7.783559747,7.783559588,7.783559427,7.783559778,7.783559837,7.783559678,7.783559103,7.783560048,7.78356042,7.783559533,7.78355985,7.783559368,7.783559564,7.783559843,7.783559547,7.783559632,7.783559292,7.783559715,7.783560049,7.783559574,7.783559576,7.783559965,7.783559798
+"17760","VPS35L",7.01288981,7.012889801,7.012889644,7.012889693,7.012889719,7.01288972,7.012889718,7.01288964,7.012889773,7.012889769,7.012889727,7.012889679,7.01288976,7.012889833,7.012889734,7.012889724,7.012889676,7.01288965,7.012889741,7.012889614,7.012889727,7.012889724,7.012889777,7.012889769,7.012889708,7.012889726,7.012889756,7.012889748
+"17761","VPS36",6.853534915,6.853534496,6.853534272,6.853534009,6.853534021,6.853534157,6.853534454,6.853534183,6.853534443,6.853534573,6.853534206,6.853533901,6.85353434,6.853535382,6.853534411,6.853534277,6.85353389,6.853533811,6.853534443,6.853534118,6.853534471,6.853534106,6.85353465,6.853534549,6.85353428,6.853534333,6.853534489,6.853534876
+"17762","VPS37A",6.553707919,6.553707841,6.553707817,6.553707821,6.553707802,6.553707878,6.55370786,6.553707879,6.55370793,6.553707868,6.553707764,6.553707738,6.553707926,6.553707983,6.553707869,6.553707794,6.553707766,6.553707806,6.553707799,6.55370784,6.553707873,6.553707792,6.553707912,6.553707909,6.553707856,6.553707785,6.55370785,6.553707916
+"17763","VPS37B",7.412159837,7.412160082,7.412159529,7.412160237,7.412159537,7.412159871,7.412159635,7.412159797,7.412159725,7.412159605,7.412159721,7.412159521,7.412159855,7.412159543,7.412159879,7.412159974,7.412159477,7.412159954,7.412159769,7.41215989,7.412159749,7.412159686,7.412159881,7.412159987,7.41215986,7.412159701,7.412159858,7.412159475
+"17764","VPS37C",6.837461103,6.837461124,6.837461158,6.837461147,6.837461129,6.837461106,6.837461143,6.837461141,6.837461101,6.837461099,6.837461116,6.837461125,6.837461123,6.83746102,6.837461165,6.83746116,6.837461186,6.837461174,6.837461108,6.837461046,6.837461156,6.837461198,6.837461084,6.837461043,6.837461122,6.837461116,6.837461103,6.837461089
+"17765","VPS37D",7.007528577,7.007528848,7.007529192,7.007529002,7.007529331,7.007528676,7.007528827,7.007529231,7.007529168,7.007529104,7.007529139,7.007529243,7.007528901,7.007528614,7.007529178,7.007528868,7.007529326,7.007529143,7.00752905,7.007528972,7.007528946,7.007529146,7.007528904,7.007528986,7.007529086,7.007529088,7.007529012,7.007528922
+"17766","VPS39",8.025112489,8.025112512,8.025112455,8.025112544,8.025112381,8.025112551,8.025112489,8.0251124,8.025112524,8.025112521,8.025112396,8.025112356,8.025112503,8.025112536,8.02511241,8.02511245,8.025112315,8.025112455,8.025112511,8.025112471,8.025112425,8.025112395,8.025112465,8.025112513,8.025112463,8.025112458,8.025112471,8.025112384
+"17767","VPS41",7.611022808,7.611022458,7.611022377,7.611022546,7.611022361,7.611022485,7.611022391,7.611022238,7.611022344,7.611022455,7.611022158,7.611022146,7.611022334,7.611023031,7.611022504,7.611022437,7.611021953,7.611022315,7.611022703,7.611022545,7.611022372,7.611022279,7.611022392,7.611022465,7.611022235,7.611022409,7.611022279,7.611022732
+"17768","VPS45",6.587105546,6.58710534,6.587105221,6.587104716,6.587104768,6.587105086,6.58710508,6.58710484,6.587105179,6.587105309,6.587104553,6.587104319,6.587105172,6.587106135,6.587105197,6.587105358,6.587104847,6.587104582,6.587105356,6.587104521,6.587105161,6.587105109,6.587105259,6.587105,6.58710449,6.587105017,6.58710527,6.587105299
+"17769","VPS4A",6.904407247,6.904407114,6.904407081,6.904407019,6.904406867,6.904407266,6.904406997,6.904407161,6.904407122,6.904407152,6.904407017,6.904407004,6.90440717,6.904407262,6.904407014,6.904407261,6.904406896,6.904407005,6.904407045,6.904407194,6.904407015,6.904407058,6.904407177,6.904407266,6.904407094,6.90440698,6.904407187,6.904406967
+"17770","VPS4B",7.776449545,7.776449505,7.776448894,7.7764496,7.776448508,7.776448648,7.77644884,7.776448308,7.776448573,7.776448509,7.77644868,7.776447812,7.776448818,7.776450044,7.776449176,7.776449336,7.77644874,7.776449113,7.776449241,7.776449446,7.776449114,7.776448688,7.776449203,7.776449245,7.776449044,7.776448692,7.776448689,7.776449698
+"17771","VPS50",4.66359084,4.663590702,4.663590638,4.663590535,4.663590444,4.66359021,4.663590525,4.663590269,4.663590602,4.663590685,4.663590542,4.663590001,4.66359072,4.663591218,4.663590619,4.66359056,4.663590347,4.663590424,4.663590773,4.663590063,4.663590512,4.663590525,4.663590816,4.663590513,4.663590276,4.663590504,4.663590645,4.663590997
+"17772","VPS51",8.048897653,8.048897608,8.04889782,8.048897141,8.048897527,8.048897976,8.048897555,8.048897322,8.048897941,8.048897632,8.048897046,8.048897788,8.04889778,8.048897785,8.048897275,8.048897118,8.048897445,8.048897118,8.048897319,8.048897512,8.04889732,8.048897665,8.048897817,8.048897433,8.048897048,8.048897789,8.048897885,8.048897614
+"17773","VPS52",5.6181573655,5.6181563135,5.6181535075,5.618157842,5.6181567365,5.618156687,5.618154443,5.6181586145,5.618158385,5.6181577825,5.618155928,5.618157451,5.618156322,5.618159436,5.6181572115,5.6181532355,5.618155354,5.618158677,5.6181508325,5.618153789,5.6181564055,5.6181555085,5.618155646,5.618156552,5.618151784,5.61815879,5.618156723,5.6181562955
+"17774","VPS53",7.564701317,7.5647013225,7.5647008035,7.564700872,7.564700592,7.5647013835,7.5647009545,7.5647007795,7.5647009205,7.56470086,7.564700928,7.564700683,7.5647012225,7.564701492,7.564701097,7.564701125,7.564700795,7.564700556,7.5647010465,7.5647014595,7.5647007955,7.5647008285,7.564701167,7.564700954,7.564700984,7.564701035,7.564701266,7.564701275
+"17775","VPS54",5.041199261,5.041199018,5.041198986,5.041199023,5.041198798,5.041199009,5.041199133,5.041198916,5.041199092,5.041198945,5.041198844,5.041198663,5.041199229,5.041199309,5.041199014,5.041198995,5.041198718,5.041198796,5.041199059,5.041198789,5.041199014,5.041199037,5.04119915,5.04119924,5.041198937,5.041198748,5.041199186,5.041199164
+"17776","VPS72",7.175438491,7.17543854,7.175438505,7.175438386,7.175438378,7.175438497,7.175438373,7.175438444,7.175438623,7.175438457,7.175438316,7.175438249,7.175438395,7.175438555,7.175438276,7.175438573,7.175438244,7.175438342,7.175438405,7.175438229,7.175438384,7.175438474,7.175438616,7.175438539,7.175438405,7.175438421,7.175438485,7.175438414
+"17777","VPS8",7.80183454,7.801834356,7.801834018,7.80183479,7.801833522,7.801834202,7.80183404,7.801833629,7.801833826,7.801833726,7.801834068,7.801833595,7.80183418,7.801834698,7.801834415,7.80183446,7.801833903,7.801834342,7.801834335,7.801834149,7.801834162,7.801833624,7.801834109,7.801834538,7.801834314,7.801834052,7.801833987,7.801834053
+"17778","VPS9D1",6.282374556,6.282374582,6.282374551,6.282374572,6.282374588,6.282374863,6.282374595,6.282374595,6.282374578,6.282374455,6.282374498,6.282374638,6.282374662,6.282374434,6.282374576,6.282374611,6.282374549,6.282374596,6.282374556,6.282374802,6.282374596,6.2823747,6.282374619,6.282374586,6.282374609,6.282374572,6.282374543,6.282374536
+"17779","VRK1",5.638643827,5.638643297,5.638643751,5.638642897,5.638643097,5.638642451,5.638643626,5.638643302,5.638644048,5.638642915,5.638642656,5.638642897,5.638643377,5.638644526,5.638643315,5.638642854,5.638643121,5.638643122,5.638643721,5.638641547,5.638643629,5.638643165,5.638644109,5.638642976,5.638642997,5.638643225,5.638643374,5.638644153
+"17780","VRK2",5.430052033,5.430051954,5.430051968,5.430051886,5.430051926,5.430052018,5.430051991,5.430051957,5.430051943,5.430052026,5.430051941,5.430051874,5.430052016,5.430052096,5.430051977,5.430051974,5.430051945,5.430051906,5.430051974,5.430051957,5.430051987,5.430051991,5.430051986,5.430052012,5.43005197,5.430051884,5.430051984,5.430052038
+"17781","VRK3",8.083857509,8.083857555,8.083857251,8.083857617,8.083857288,8.083857712,8.083857403,8.083857395,8.083857485,8.083857393,8.083857381,8.083857197,8.08385744,8.083857326,8.083857452,8.083857387,8.083857159,8.083857508,8.083857451,8.083857573,8.083857285,8.08385737,8.083857496,8.083857523,8.083857461,8.083857351,8.083857566,8.083857189
+"17782","VRTN",4.749032251,4.749032338,4.749032625,4.749032516,4.749032617,4.749032319,4.749032258,4.749032399,4.749032265,4.7490325,4.749032565,4.749032638,4.749032378,4.749032317,4.749032522,4.749032375,4.749032511,4.749032523,4.749032484,4.749032422,4.749032617,4.749032389,4.749032262,4.749032282,4.749032666,4.749032493,4.749032455,4.749032386
+"17783","VSIG1",5.579283662,5.579283363,5.579282756,5.579283034,5.579283163,5.579282787,5.579282968,5.579282783,5.579283922,5.579283538,5.579283039,5.579283432,5.579283457,5.579284039,5.579282902,5.579282793,5.579282352,5.579283285,5.579283379,5.57928297,5.57928292,5.579283184,5.579283489,5.579283147,5.579282899,5.579283458,5.579283766,5.579283925
+"17784","VSIG10",4.959047081,4.959047083,4.959047064,4.959047054,4.959047082,4.959047143,4.959047073,4.959047055,4.959047076,4.959047086,4.959047053,4.959047086,4.959047053,4.959047029,4.959047093,4.95904709,4.959047091,4.959047036,4.959047064,4.959047142,4.95904707,4.959047082,4.959047084,4.959047074,4.959047063,4.959047054,4.959047041,4.959047086
+"17785","VSIG10L",5.777806312,5.777806286,5.777806318,5.777806278,5.777806354,5.777806271,5.777806323,5.777806353,5.777806293,5.777806297,5.777806338,5.77780635,5.777806309,5.777806263,5.777806331,5.777806327,5.777806335,5.777806345,5.777806332,5.77780631,5.777806341,5.777806353,5.777806281,5.77780629,5.777806342,5.777806335,5.777806302,5.777806283
+"17786","VSIG4",4.699033361,4.699033356,4.699033286,4.69903334,4.699033377,4.699033366,4.69903332,4.699033344,4.699033266,4.699033279,4.699033356,4.699033321,4.699033248,4.699033259,4.699033364,4.699033382,4.699033376,4.699033363,4.699033281,4.699033317,4.699033302,4.699033258,4.699033361,4.699033336,4.699033402,4.699033329,4.69903324,4.699033336
+"17787","VSIR",9.286729064,9.294909884,9.2893648,9.297256901,9.285887544,9.291583398,9.287523801,9.287801469,9.283621397,9.285414413,9.291637436,9.279798007,9.289018585,9.285130414,9.284890174,9.294363894,9.288862494,9.29285088,9.288030637,9.289927609,9.28496639,9.286909203,9.28675654,9.291411018,9.288982024,9.283184664,9.288356275,9.282920197
+"17788","VSNL1",3.549109495,3.54910951,3.54910958,3.549109531,3.549109518,3.549109544,3.549109476,3.54910949,3.549109578,3.549109486,3.549109452,3.549109485,3.549109491,3.549109555,3.549109551,3.54910951,3.549109517,3.549109586,3.549109547,3.549109578,3.549109494,3.549109571,3.549109497,3.549109517,3.549109571,3.54910951,3.549109587,3.549109545
+"17789","VSTM1",6.504196721,6.504199428,6.504195473,6.504196794,6.504198779,6.504197514,6.5041979,6.504196514,6.504198049,6.504197158,6.504198281,6.504196552,6.504197936,6.504199196,6.504195823,6.504198355,6.504195316,6.504195569,6.504198871,6.504197208,6.504197241,6.504195521,6.504197976,6.504197433,6.504197755,6.504196735,6.504197686,6.504198754
+"17790","VSTM2A",4.554380518,4.554380534,4.554380669,4.554380659,4.554380685,4.554380487,4.554380607,4.554380652,4.554380656,4.554380641,4.554380675,4.554380657,4.554380598,4.554380579,4.554380646,4.554380673,4.554380699,4.554380701,4.554380615,4.554380611,4.554380626,4.554380635,4.554380586,4.554380638,4.554380661,4.554380625,4.554380592,4.554380613
+"17791","VSTM2B",6.405289255,6.405289179,6.405289338,6.405289223,6.405289736,6.405289237,6.405289433,6.405289331,6.405289267,6.405289327,6.405289487,6.405289652,6.405289139,6.405288913,6.405289628,6.405289174,6.405289579,6.405289466,6.405289412,6.405289533,6.405289594,6.405289406,6.405289241,6.405289094,6.4052892,6.405289465,6.405289219,6.405289338
+"17792","VSTM2L",6.915566227,6.915566262,6.915566354,6.915566326,6.915566387,6.915566243,6.915566297,6.915566401,6.915566317,6.915566317,6.915566355,6.915566384,6.915566274,6.915566199,6.915566371,6.915566388,6.915566433,6.915566416,6.915566294,6.915566297,6.915566339,6.915566421,6.915566261,6.915566294,6.915566373,6.915566325,6.915566289,6.91556634
+"17793","VSTM4",5.450310588,5.450310599,5.450310656,5.450310631,5.450310653,5.450310669,5.450310653,5.450310638,5.4503106,5.450310611,5.45031063,5.450310635,5.450310636,5.450310533,5.450310657,5.450310654,5.450310688,5.450310655,5.450310643,5.450310592,5.450310615,5.450310647,5.450310582,5.450310558,5.450310622,5.450310633,5.450310597,5.450310601
+"17794","VSX1",4.854892533,4.854892576,4.854892857,4.854892853,4.854892747,4.854892672,4.854892676,4.854892834,4.854892651,4.854892646,4.854892855,4.85489277,4.854892683,4.854892461,4.854892745,4.854892653,4.854892792,4.854892812,4.854892658,4.85489283,4.854892822,4.85489289,4.854892779,4.854892559,4.854892647,4.854892769,4.85489272,4.854892688
+"17795","VSX2",5.480296068,5.480296096,5.480296089,5.480296058,5.480296147,5.480296063,5.480296112,5.480296117,5.480296108,5.480296095,5.480296108,5.480296123,5.480296074,5.480296014,5.480296148,5.480296118,5.480296157,5.480296118,5.480296099,5.480296095,5.480296116,5.480296137,5.480296068,5.480296066,5.480296136,5.480296144,5.480296066,5.480296098
+"17796","VTA1",5.999687133,5.999686827,5.999686674,5.999686624,5.999686427,5.999686459,5.999686599,5.999686063,5.999686625,5.999686795,5.999686311,5.999686129,5.999686852,5.999687364,5.999686783,5.99968663,5.999686307,5.999686168,5.999686824,5.999686588,5.999686644,5.999686425,5.999686849,5.999686718,5.999686542,5.999686468,5.999686674,5.999687063
+"17797","VTCN1",4.217880815,4.217880776,4.217880801,4.217880773,4.217880812,4.217880804,4.217880818,4.217880819,4.217880799,4.217880768,4.217880788,4.217880814,4.217880823,4.217880741,4.217880781,4.217880776,4.217880819,4.21788083,4.217880784,4.21788076,4.217880826,4.217880798,4.21788082,4.217880805,4.217880849,4.21788082,4.217880832,4.217880815
+"17798","VTI1A",6.058158047,6.058157945,6.058157996,6.0581579085,6.058157918,6.0581579735,6.0581580255,6.0581580925,6.058157998,6.058157915,6.058157827,6.058157961,6.058158167,6.058158154,6.058158018,6.0581580735,6.0581580375,6.058158017,6.058158039,6.058158128,6.058158087,6.058158014,6.0581580255,6.058158085,6.0581580395,6.058158086,6.0581580495,6.058157985
+"17799","VTI1B",6.136831512,6.136831148,6.136831361,6.136831004,6.136830798,6.136831144,6.136830865,6.13683167,6.136830997,6.136831487,6.136830938,6.136831265,6.136831062,6.136831311,6.136831043,6.136830154,6.13683071,6.136830436,6.136831144,6.136830356,6.136830828,6.136831035,6.136831026,6.13683153,6.136831332,6.136831054,6.136831416,6.136830685
+"17800","VTN",5.169851291,5.169851282,5.169851324,5.169851299,5.169851337,5.16985131,5.169851322,5.16985134,5.169851323,5.169851287,5.169851379,5.169851362,5.169851313,5.169851249,5.169851343,5.169851331,5.169851367,5.169851348,5.16985133,5.169851347,5.169851336,5.169851352,5.169851308,5.16985129,5.169851338,5.169851337,5.169851335,5.169851331
+"17801","VTRNA1-1",2.527381199,2.52738127,2.527381352,2.527381263,2.527381189,2.527381222,2.52738121,2.527381134,2.527381161,2.527381211,2.527381226,2.527381207,2.527381151,2.527381183,2.527381177,2.527381218,2.527381273,2.527381293,2.527381174,2.527381239,2.527381104,2.527381219,2.527381229,2.52738114,2.52738132,2.527381199,2.527381188,2.527381178
+"17802","VTRNA1-2",4.134630316,4.134630331,4.134630377,4.134630424,4.134630389,4.134630459,4.134630358,4.134630404,4.13463046,4.134630518,4.134630448,4.134630386,4.134630312,4.134630198,4.134630409,4.13463029,4.134630551,4.134630296,4.134630367,4.134630418,4.134630271,4.134630476,4.134630348,4.134630398,4.134630419,4.134630286,4.134630465,4.134630307
+"17803","VTRNA1-3",4.318589894,4.318589972,4.318589921,4.318589974,4.318589908,4.318589967,4.318589933,4.318589941,4.318589984,4.318589981,4.318589981,4.31858997,4.318589947,4.318589874,4.318589922,4.318589946,4.318590001,4.318589922,4.318589922,4.318589936,4.318589903,4.318589987,4.318589966,4.318589938,4.31858994,4.318589924,4.318589919,4.318589957
+"17804","VWA1",6.319592643,6.319592618,6.319592694,6.319592685,6.319592897,6.319592738,6.319592759,6.319592752,6.319592692,6.319592754,6.319592777,6.31959291,6.319592701,6.319592533,6.319592809,6.319592604,6.319592832,6.319592771,6.319592741,6.319592742,6.319592806,6.319592797,6.31959265,6.319592593,6.31959268,6.319592786,6.319592698,6.319592714
+"17805","VWA2",5.204276969,5.204277022,5.204277103,5.204277058,5.204277071,5.204276987,5.204277041,5.204277025,5.204277034,5.204277023,5.20427705,5.204277077,5.204277052,5.20427695,5.204277097,5.204277066,5.204277117,5.204277113,5.204276988,5.204277045,5.204277064,5.204277093,5.204276975,5.204277017,5.204276996,5.204277056,5.204277052,5.204276971
+"17806","VWA3A",4.253429298,4.253429333,4.253429326,4.25342933,4.253429313,4.253429277,4.253429305,4.253429329,4.253429342,4.253429305,4.253429319,4.253429326,4.253429346,4.253429283,4.253429341,4.253429329,4.253429399,4.253429317,4.253429334,4.253429302,4.25342933,4.253429335,4.253429329,4.253429304,4.253429311,4.253429333,4.253429266,4.2534293
+"17807","VWA3B",3.470788899,3.470788932,3.470788823,3.470788901,3.470788967,3.470788897,3.470788927,3.470788919,3.470788905,3.470788906,3.470788896,3.470788945,3.470788836,3.470788829,3.4707889,3.470788925,3.470788949,3.470788911,3.470788952,3.470788974,3.470788963,3.470788922,3.470788931,3.470788891,3.470788886,3.470788922,3.470788817,3.470788967
+"17808","VWA5A",5.113991553,5.113991688,5.113991493,5.113991625,5.113991495,5.113991563,5.113991619,5.113991686,5.1139916,5.113991695,5.113991307,5.113991555,5.113991531,5.1139913,5.113991562,5.113991657,5.113991534,5.113991676,5.113991444,5.113991642,5.113991338,5.113991345,5.113991343,5.113991588,5.113991375,5.113991601,5.11399154,5.113991568
+"17809","VWA5B1",4.964800082,4.964800033,4.964800082,4.964800121,4.964800183,4.964799977,4.964800159,4.964800392,4.964800054,4.964800019,4.964800292,4.964800124,4.964799951,4.964799755,4.964800152,4.964800067,4.964800192,4.964800429,4.964800122,4.964800129,4.964800293,4.964800316,4.964799876,4.9648002,4.964800265,4.964800241,4.964800064,4.96480014
+"17810","VWA5B2",4.898809859,4.898809912,4.89881,4.898809985,4.898810091,4.898809903,4.898809979,4.898810076,4.898810028,4.898810002,4.898809978,4.898810009,4.898809985,4.898809942,4.898810058,4.898809975,4.898810068,4.898809977,4.898810046,4.898809969,4.898810089,4.898810013,4.898809968,4.898809962,4.898810012,4.898810039,4.898809952,4.898810005
+"17811","VWA7",5.690844052,5.690844099,5.690844357,5.69084421,5.690844438,5.69084413,5.690844233,5.690844464,5.690844173,5.690844143,5.690844455,5.6908444,5.690844144,5.690843789,5.690844382,5.690844262,5.690844594,5.690844488,5.690844305,5.690844273,5.690844353,5.690844487,5.690844152,5.690844077,5.690844271,5.690844264,5.690844101,5.690844395
+"17812","VWA8",6.606727129,6.606726863,6.606726669,6.606726779,6.606726613,6.606726673,6.60672696,6.606726808,6.606727003,6.606726879,6.60672662,6.606726846,6.606726954,6.60672722,6.606726927,6.606726644,6.606726466,6.606726652,6.606726863,6.606726582,6.60672679,6.606726928,6.60672697,6.606726848,6.606726686,6.606726952,6.606727087,6.606726951
+"17813","VWC2",6.224981147,6.224981166,6.224981481,6.224981359,6.224981615,6.224981309,6.22498144,6.224981532,6.224981358,6.224981418,6.224981487,6.22498168,6.22498142,6.224980896,6.224981553,6.224981211,6.224981663,6.224981348,6.224981376,6.224981348,6.22498148,6.22498153,6.224981136,6.224981135,6.224981351,6.22498165,6.224981344,6.224981419
+"17814","VWC2L",3.334257525,3.33425749,3.334257745,3.334257468,3.334257585,3.334257767,3.334257716,3.334257794,3.334257595,3.334257691,3.33425757,3.33425764,3.334257664,3.334257648,3.334257592,3.334257565,3.334257714,3.334257768,3.334257543,3.334257625,3.334257728,3.334257663,3.334257548,3.334257418,3.334257517,3.334257538,3.334257577,3.334257689
+"17815","VWCE",6.419014926,6.419014882,6.419015504,6.419015232,6.419015222,6.419015233,6.41901502,6.419015386,6.419015239,6.419014875,6.419015385,6.419015178,6.419014959,6.419014431,6.419015193,6.419014757,6.419015542,6.419015293,6.419015003,6.419015157,6.419015047,6.419015267,6.419015202,6.419014807,6.419015294,6.4190152,6.419014938,6.419015044
+"17816","VWDE",4.029109848,4.0291097665,4.0291098935,4.0291101855,4.029110108,4.0291101345,4.0291099805,4.0291101065,4.029109737,4.0291099615,4.0291098705,4.029110224,4.029109775,4.029109678,4.0291098115,4.0291099105,4.0291099675,4.0291100005,4.0291103135,4.029109952,4.029110032,4.0291100625,4.0291097675,4.0291099305,4.0291098265,4.0291101825,4.02910987,4.029109875
+"17817","VWF",4.71702553,4.71702565,4.71702594,4.717025919,4.717025801,4.717025767,4.717025813,4.717025742,4.717025626,4.717025977,4.717025983,4.71702594,4.717025776,4.717025533,4.717025712,4.717025835,4.717025906,4.71702597,4.717025713,4.71702573,4.717025859,4.717025728,4.717025461,4.717026161,4.717025968,4.717025833,4.717025611,4.717025652
+"17818","VXN",4.706657049,4.706657031,4.70665708,4.706657068,4.706657071,4.706657111,4.706657065,4.706657081,4.706657035,4.70665704,4.706657091,4.706657079,4.706657038,4.706656999,4.706657098,4.706657076,4.706657106,4.706657077,4.706657105,4.706657058,4.706657063,4.706657097,4.70665704,4.70665704,4.706657091,4.706657111,4.706657062,4.706657025
+"17819","WAC",7.837552904,7.837552524,7.837552371,7.837552634,7.837551902,7.837552311,7.837552317,7.837552324,7.837552548,7.8375524,7.837552572,7.837551462,7.837552562,7.837553247,7.837552226,7.837552324,7.837551949,7.837552546,7.837552454,7.83755281,7.837552659,7.8375518,7.837552633,7.837553017,7.837552562,7.83755225,7.837552471,7.837552589
+"17820","WAPL",7.228251991,7.228251941,7.228251889,7.228251933,7.228251756,7.228251795,7.228251988,7.228251768,7.228251843,7.228251879,7.228251745,7.228251519,7.228251808,7.228252358,7.228251956,7.228251846,7.228251837,7.228251809,7.228251891,7.228251851,7.228251913,7.228251753,7.228252039,7.228251867,7.228251834,7.228251814,7.228251883,7.228252058
+"17821","WARS1",7.857360505,8.094444735,7.811517017,8.283181297,8.471192281,9.995123307,8.258516228,7.783365007,7.673239427,7.852982926,7.986969445,7.621878133,8.336426325,8.235010388,7.782722383,7.847768607,7.857834644,7.99637746,8.540762143,9.929514576,8.347882999,7.997854166,7.714607805,7.909930576,7.906821245,7.944169457,8.281781881,8.013074858
+"17822","WARS2",5.253119955,5.253119939,5.253119902,5.253119898,5.25311993,5.253119979,5.253119954,5.253119926,5.253119982,5.253119927,5.253119898,5.253119902,5.253119928,5.253119936,5.253119924,5.25311993,5.25311986,5.253119897,5.253119972,5.253119927,5.253119923,5.253119939,5.253119921,5.253119926,5.253119876,5.253119925,5.25311994,5.253119952
+"17823","WAS",8.081582359,8.081582698,8.081582614,8.081583176,8.081582337,8.081582988,8.081582609,8.081582552,8.081582505,8.081582443,8.081582756,8.081582157,8.081582689,8.081582028,8.081582386,8.081582625,8.081582447,8.081582878,8.081582439,8.081582882,8.08158242,8.08158261,8.08158235,8.081582566,8.081582924,8.081582192,8.081582577,8.081581984
+"17824","WASF1",3.855977843,3.855977841,3.855977848,3.85597785,3.855977851,3.855977843,3.855977839,3.855977849,3.855977846,3.855977837,3.855977861,3.855977865,3.855977855,3.855977834,3.855977856,3.855977837,3.855977868,3.855977848,3.855977838,3.855977846,3.855977843,3.855977858,3.855977848,3.855977845,3.855977853,3.855977847,3.855977837,3.855977852
+"17825","WASF2",8.118305308,8.118304947,8.118306037,8.118305641,8.118305297,8.118306825,8.118305696,8.118305402,8.118306173,8.118305682,8.118305478,8.11830568,8.118305267,8.118304838,8.118305392,8.118304703,8.118305974,8.118305533,8.118305206,8.118305902,8.118305347,8.118305319,8.11830585,8.118305662,8.118305352,8.118306153,8.118305616,8.118304587
+"17826","WASF3",5.105251858,5.105251906,5.105251834,5.105252033,5.105252244,5.105252143,5.105252081,5.105251973,5.105251897,5.105252012,5.105252173,5.105252137,5.10525196,5.105251783,5.105252071,5.105251989,5.105252091,5.105252208,5.105252041,5.105252047,5.105252079,5.105251995,5.10525188,5.105252008,5.105252056,5.105252029,5.105251958,5.105252006
+"17827","WASHC3",5.643416906,5.643416911,5.643416876,5.643416793,5.643416819,5.643416719,5.643416763,5.643416775,5.643416811,5.643416819,5.643416833,5.64341669,5.643416872,5.643416944,5.643416744,5.643416805,5.643416751,5.643416815,5.6434168,5.643416916,5.643416738,5.643416751,5.643416796,5.643416899,5.643416851,5.643416858,5.643416849,5.643416857
+"17828","WASHC4",7.713825167,7.713824684,7.713824292,7.713824983,7.713823084,7.713822869,7.713823899,7.713822522,7.713823083,7.71382321,7.713823665,7.713821369,7.713824392,7.71382661,7.713824348,7.713824321,7.713824409,7.713824137,7.713824813,7.713823563,7.713824201,7.713823432,7.713824204,7.713824058,7.713823889,7.713823211,7.713824016,7.71382536
+"17829","WASHC5",6.784109472,6.784109444,6.784109411,6.784109368,6.784109422,6.78410941,6.784109462,6.784109394,6.784109431,6.78410942,6.784109413,6.784109357,6.784109437,6.78410952,6.784109463,6.784109376,6.784109378,6.784109378,6.784109449,6.784109425,6.784109452,6.784109398,6.784109427,6.784109435,6.784109413,6.784109425,6.784109457,6.78410947
+"17830","WASIR2",5.370362088,5.370362028,5.370362517,5.370362542,5.370362434,5.370361839,5.370362036,5.370362632,5.370362395,5.370362141,5.370362586,5.370362626,5.370362127,5.370361843,5.370362194,5.37036235,5.370362502,5.370362616,5.370362339,5.370362219,5.370362048,5.370362573,5.370362148,5.370362209,5.370362723,5.370362222,5.370362364,5.370362348
+"17831","WASL",6.528842053,6.528842028,6.528842028,6.528842018,6.528842047,6.528842009,6.528842044,6.528842038,6.52884205,6.528842043,6.528842033,6.528842013,6.528842042,6.528842068,6.528842055,6.528842029,6.528842034,6.528842018,6.528842041,6.528842,6.528842037,6.528842033,6.52884204,6.52884201,6.528842016,6.528842035,6.528842042,6.528842046
+"17832","WBP11",6.413268502,6.41326851,6.413268477,6.413268464,6.413268465,6.413268504,6.413268495,6.413268438,6.413268483,6.413268497,6.41326844,6.413268433,6.41326852,6.413268561,6.413268499,6.413268494,6.413268432,6.413268499,6.413268461,6.41326846,6.413268486,6.41326845,6.413268505,6.413268502,6.413268428,6.413268496,6.413268503,6.413268495
+"17833","WBP11P1",4.822656996,4.822656982,4.822656996,4.822656944,4.82265708,4.82265705,4.822657065,4.82265695,4.82265707,4.822657012,4.822657007,4.82265711,4.822657026,4.822657024,4.822657052,4.822656971,4.822657089,4.82265707,4.822657049,4.822656991,4.82265708,4.822657021,4.822657084,4.822656998,4.822656968,4.822657059,4.822656988,4.822657072
+"17834","WBP1L",7.075128231,7.07512842,7.075128165,7.075128346,7.075128023,7.075127963,7.075128093,7.075128063,7.075128116,7.075127999,7.075128012,7.075127826,7.075128119,7.075128138,7.075128164,7.075128231,7.075128187,7.075128101,7.07512817,7.075128056,7.075128017,7.075128033,7.07512823,7.07512825,7.075128052,7.075128012,7.075128071,7.075128102
+"17835","WBP2",8.472805063,8.474716087,8.476313825,8.475559105,8.474406896,8.477890987,8.474415103,8.475923958,8.475919624,8.475374571,8.474908529,8.476473471,8.47367952,8.471155684,8.473270101,8.474055473,8.474885064,8.475417871,8.473582623,8.476574941,8.473875388,8.474305225,8.475521188,8.475940173,8.475147524,8.477075004,8.473882019,8.471718304
+"17836","WBP2NL",4.528138342,4.528138303,4.528138224,4.528138296,4.528138269,4.528138345,4.528138299,4.52813829,4.52813831,4.528138375,4.528138314,4.528138368,4.52813836,4.52813824,4.52813827,4.528138279,4.528138334,4.528138271,4.528138299,4.528138206,4.528138259,4.52813828,4.528138256,4.528138265,4.528138276,4.528138363,4.528138309,4.528138293
+"17837","WBP4",4.567898373,4.567898419,4.567898425,4.56789845,4.56789813,4.567898401,4.567898273,4.567898319,4.567898204,4.56789838,4.567898147,4.567898041,4.567898373,4.567898641,4.567898069,4.567898576,4.567898202,4.567898361,4.567898285,4.567898291,4.567898328,4.567898343,4.567898444,4.567898308,4.567898429,4.567898287,4.567898231,4.567898578
+"17838","WBSCR23",4.435094354,4.435094356,4.435094357,4.43509439,4.435094456,4.435094414,4.435094474,4.435094419,4.435094404,4.435094458,4.435094446,4.435094435,4.435094379,4.435094289,4.435094477,4.435094435,4.435094389,4.435094504,4.435094447,4.435094485,4.435094497,4.435094462,4.435094352,4.435094367,4.435094421,4.435094449,4.435094403,4.435094412
+"17839","WDCP",5.452707228,5.452706717,5.452706855,5.452706616,5.452706853,5.452706859,5.452707113,5.452706888,5.45270709,5.452707099,5.452706699,5.45270695,5.452707108,5.452707355,5.452707068,5.452706884,5.452706669,5.452706469,5.452706838,5.452706898,5.452706946,5.452707028,5.452707152,5.452706877,5.452706472,5.452707107,5.452707046,5.45270723
+"17840","WDFY1",7.502521946,7.502522223,7.502521259,7.502520911,7.502520704,7.502526567,7.502521881,7.502521606,7.502521647,7.502521325,7.502519658,7.502520272,7.502521657,7.502522131,7.502520986,7.502521925,7.50252124,7.502520175,7.502521255,7.502525946,7.502520923,7.502520999,7.502522051,7.502522314,7.502521238,7.502520688,7.502521896,7.502521868
+"17841","WDFY2",7.333764559,7.333764575,7.333764425,7.333764544,7.333764417,7.333764567,7.333764448,7.333764389,7.333764446,7.333764563,7.333764471,7.333764263,7.333764521,7.33376462,7.333764464,7.33376456,7.333764425,7.333764464,7.333764533,7.333764565,7.333764387,7.333764397,7.333764475,7.333764571,7.333764522,7.333764367,7.333764558,7.333764546
+"17842","WDFY3",7.940945719,8.260033352,7.760551488,8.481043285,7.685631472,8.1228943,8.146352776,7.822927427,7.827829288,7.866128712,8.042274663,7.472938738,7.87817138,7.800243695,8.01284259,8.285210615,7.877730427,8.306958304,8.170663702,8.35901028,8.170211651,7.944846895,8.215984338,8.325443875,8.190272005,7.729814318,7.975462398,7.580171805
+"17843","WDFY3-AS2",4.448678439,4.448678498,4.448678474,4.448678563,4.448678549,4.448678558,4.448678526,4.44867851,4.448678493,4.448678511,4.44867854,4.448678479,4.448678471,4.44867845,4.448678455,4.448678474,4.44867848,4.448678514,4.448678571,4.448678542,4.448678529,4.448678502,4.448678479,4.448678464,4.448678509,4.448678461,4.448678499,4.448678495
+"17844","WDFY4",7.765071695,7.765071688,7.765071269,7.765072114,7.765071001,7.7650720255,7.7650717025,7.7650712995,7.76507168,7.765071684,7.7650712365,7.7650713765,7.7650714385,7.7650716555,7.765071706,7.7650717655,7.765071186,7.7650718845,7.7650715375,7.7650722205,7.765071614,7.7650713965,7.7650719565,7.7650722445,7.765071451,7.7650715355,7.765071485,7.765071382
+"17845","WDHD1",4.056653212,4.056653199,4.056653164,4.056653147,4.056653057,4.056653275,4.056653301,4.056653162,4.056653239,4.056653268,4.056653244,4.056653074,4.056653222,4.056653339,4.056653202,4.056653173,4.056653187,4.056653162,4.056653203,4.056653211,4.056653194,4.056653183,4.05665333,4.056653267,4.056653174,4.05665313,4.056653232,4.056653292
+"17846","WDPCP",5.227894018,5.227893919,5.227893921,5.227893889,5.22789391,5.227893924,5.227893947,5.227893949,5.227893941,5.227893975,5.227893907,5.227893968,5.227893972,5.227894024,5.22789395,5.227893962,5.227893876,5.227893924,5.227893957,5.227893977,5.227893933,5.227893952,5.227893964,5.227893972,5.227893883,5.22789395,5.227893978,5.227893971
+"17847","WDR1",9.873507965,9.873508607,9.87350758,9.873508346,9.873507693,9.873508517,9.873507968,9.873507681,9.87350811,9.873508111,9.873507746,9.873507686,9.873508121,9.873508446,9.873507705,9.873508363,9.873507339,9.873508123,9.873508027,9.873508571,9.87350781,9.8735077,9.873508239,9.873508333,9.873507765,9.873507927,9.873508183,9.873507872
+"17848","WDR11",6.891634959,6.891633342,6.891633129,6.891633584,6.89163305,6.891633097,6.891633796,6.891632519,6.891633001,6.89163375,6.891633122,6.891632556,6.891633586,6.891634781,6.891633509,6.89163247,6.891632368,6.891632763,6.891633537,6.8916322,6.891633381,6.891632642,6.891633468,6.891633505,6.891632726,6.891633235,6.89163371,6.891633895
+"17849","WDR12",5.385739718,5.385739914,5.385739394,5.385739243,5.385738973,5.385739565,5.385739612,5.385739482,5.385739618,5.385739755,5.385738986,5.385739656,5.385739301,5.385740131,5.385739238,5.385739368,5.38573896,5.385738325,5.385739555,5.385739547,5.385739504,5.38573976,5.385739745,5.385739341,5.385738979,5.385739424,5.385739454,5.385739805
+"17850","WDR13",7.283320611,7.283320736,7.283321319,7.283320889,7.283320402,7.283321087,7.283320563,7.28332093,7.283320793,7.283320907,7.283321004,7.283320712,7.283320726,7.283320376,7.283320385,7.283320564,7.283321103,7.28332083,7.283320478,7.283320641,7.283320444,7.283320786,7.283320813,7.283320825,7.283320881,7.283320734,7.283320634,7.283320473
+"17851","WDR17",3.187848705,3.18784869,3.187848706,3.187848717,3.187848656,3.18784868,3.187848707,3.187848663,3.187848714,3.187848722,3.187848697,3.187848673,3.187848695,3.187848742,3.187848691,3.187848712,3.187848765,3.187848713,3.187848697,3.187848684,3.187848687,3.187848693,3.187848671,3.187848686,3.187848675,3.187848711,3.187848656,3.187848727
+"17852","WDR18",6.851813062,6.851812747,6.851812971,6.851812902,6.851813031,6.851812944,6.851812968,6.851813041,6.851813,6.851812957,6.851812828,6.851813044,6.851813014,6.85181287,6.851813128,6.851812806,6.85181304,6.85181294,6.851812935,6.851812848,6.851812994,6.851813111,6.851813028,6.851812863,6.851812908,6.851813109,6.85181294,6.85181296
+"17853","WDR19",5.026355837,5.026355813,5.026355775,5.026355776,5.02635576,5.026355782,5.026355781,5.026355708,5.026355822,5.026355793,5.026355728,5.026355751,5.026355808,5.02635588,5.026355774,5.026355817,5.026355721,5.026355724,5.026355765,5.026355732,5.026355755,5.026355752,5.02635581,5.026355783,5.026355802,5.026355785,5.026355806,5.026355849
+"17854","WDR20",6.150215681,6.150215726,6.150215598,6.150215679,6.150215487,6.150215575,6.150215595,6.150215573,6.1502156,6.150215574,6.15021547,6.150215292,6.150215658,6.150215797,6.150215587,6.15021578,6.150215471,6.150215599,6.15021572,6.150215793,6.150215528,6.150215568,6.150215669,6.150215689,6.150215557,6.150215544,6.150215666,6.150215703
+"17855","WDR24",6.472151996,6.47215199,6.472152023,6.472151976,6.472152035,6.472151997,6.472151997,6.472152036,6.472152,6.472152005,6.472152034,6.472152029,6.472152003,6.472151955,6.47215202,6.472152014,6.472152032,6.472152021,6.472152004,6.472152008,6.472152007,6.472152048,6.472151996,6.472151981,6.472152001,6.472152016,6.472152001,6.47215202
+"17856","WDR25",5.991815265,5.991815174,5.991815222,5.991815171,5.991815407,5.991815169,5.991815138,5.991815248,5.991815219,5.991815265,5.991815172,5.991815186,5.991815288,5.991815152,5.991815126,5.991815232,5.991815293,5.991815094,5.991815249,5.991815248,5.9918152,5.991815136,5.991815152,5.991815293,5.991815152,5.991815237,5.991815272,5.991815143
+"17857","WDR26",8.306919349,8.306919235,8.306919241,8.306919255,8.306919024,8.306919114,8.306919193,8.306919216,8.306919042,8.306919152,8.306919164,8.30691907,8.306919138,8.306919148,8.306919212,8.306919077,8.306919071,8.306919174,8.30691911,8.306919193,8.306919178,8.30691912,8.306919173,8.306919289,8.3069193,8.306919277,8.306919132,8.306918902
+"17858","WDR27",5.510701021,5.510700905,5.510700862,5.510700618,5.510700854,5.510700768,5.510700769,5.510700927,5.510701099,5.510700857,5.510700625,5.510700803,5.510701055,5.510700925,5.510700773,5.510700932,5.510700811,5.510700798,5.51070084,5.510700724,5.510700834,5.510700965,5.510700829,5.510700696,5.510700557,5.510700767,5.510700915,5.51070089
+"17859","WDR3",5.356366877,5.356366869,5.35636677,5.356366781,5.356366659,5.356366857,5.356366774,5.356366807,5.356366982,5.356366728,5.356366557,5.356366722,5.356366828,5.356367147,5.3563668,5.356366816,5.356366438,5.356366653,5.356366798,5.356366739,5.356366753,5.356366782,5.356366965,5.356366856,5.35636658,5.356366794,5.356366841,5.356367018
+"17860","WDR31",4.649397763,4.649397658,4.64939776,4.649397698,4.649397974,4.649397859,4.649397687,4.649397906,4.64939788,4.649397989,4.649397773,4.64939798,4.649397737,4.649397648,4.649397906,4.64939764,4.649398001,4.649397703,4.649397878,4.649397824,4.64939791,4.649397941,4.649397847,4.649397784,4.649397735,4.649397889,4.649397784,4.649397828
+"17861","WDR33",7.444108908,7.444108559,7.444108556,7.444108365,7.444108227,7.444108471,7.444108478,7.4441084,7.44410892,7.444108774,7.444108199,7.444108047,7.444108796,7.444109434,7.444108533,7.444108542,7.444108005,7.44410818,7.444108779,7.444108501,7.444108413,7.444108459,7.44410885,7.444108631,7.444108276,7.444108521,7.444108818,7.444109022
+"17862","WDR35",4.809094478,4.809094431,4.809094253,4.809094307,4.809094275,4.809094296,4.809094395,4.809094142,4.809094532,4.809094469,4.809094194,4.809094068,4.809094427,4.809094654,4.809094388,4.809094416,4.809094228,4.809094276,4.809094516,4.809094299,4.809094323,4.809094223,4.809094567,4.809094569,4.80909445,4.809094377,4.809094331,4.809094591
+"17863","WDR36",6.457080554,6.457080396,6.457079974,6.457079767,6.457080027,6.457079883,6.457080228,6.457080004,6.45708032,6.45708015,6.4570799,6.457079808,6.457080268,6.457080932,6.457080145,6.457080022,6.457079619,6.457079884,6.457080059,6.457079534,6.457080226,6.457079846,6.457080231,6.457080113,6.45707966,6.457080073,6.45708027,6.457080698
+"17864","WDR37",7.715855502,7.715855468,7.715855186,7.715855483,7.71585496,7.715855388,7.715855354,7.715855264,7.715855306,7.715855394,7.715855102,7.715855268,7.715855437,7.71585564,7.715855344,7.715855387,7.715854808,7.715855164,7.715855372,7.715855361,7.71585525,7.7158552,7.715855411,7.715855585,7.715855363,7.715855244,7.715855403,7.715855274
+"17865","WDR38",5.655139817,5.655139831,5.655140092,5.655139926,5.655140208,5.655139775,5.655140008,5.655140085,5.6551401,5.655139949,5.655140107,5.655140305,5.655140073,5.655139789,5.655140247,5.655139993,5.655140387,5.655140178,5.655140143,5.655139811,5.655140202,5.655140289,5.655140045,5.65513985,5.655139945,5.655140266,5.65513997,5.655140035
+"17866","WDR4",6.802695768,6.802695709,6.802695705,6.80269574,6.80269571,6.802695754,6.802695726,6.802695742,6.802695782,6.802695725,6.802695642,6.802695754,6.802695741,6.802695759,6.802695732,6.802695741,6.802695684,6.802695643,6.802695733,6.802695674,6.802695649,6.80269574,6.802695737,6.802695711,6.802695662,6.802695733,6.80269579,6.802695704
+"17867","WDR41",6.43534036,6.435340178,6.43534024,6.435340072,6.435340129,6.435340259,6.435340013,6.43534008,6.435339954,6.435340253,6.435340348,6.435340047,6.435340468,6.43534036,6.435340147,6.435339989,6.435339946,6.435339799,6.435340355,6.435340102,6.43534005,6.435340036,6.435340051,6.435340297,6.435340308,6.435340188,6.435340424,6.435340212
+"17868","WDR43",6.488711228,6.488711127,6.488710861,6.488710757,6.488710799,6.488710604,6.488711063,6.488710897,6.488711205,6.48871108,6.488710609,6.488710869,6.488711051,6.488711664,6.488710933,6.488710805,6.48871063,6.488710557,6.488710951,6.488710546,6.488710883,6.488710932,6.488711086,6.488710842,6.488710634,6.488710877,6.48871092,6.488711422
+"17869","WDR44",5.921576393,5.92157624,5.921576042,5.921576148,5.921576136,5.921576155,5.921576219,5.921575949,5.921576024,5.921576186,5.921576118,5.921575805,5.921576148,5.9215765,5.921576137,5.921576078,5.921575779,5.921576104,5.921576248,5.921576123,5.921576187,5.921575958,5.921576205,5.921576284,5.921576193,5.92157605,5.921576195,5.921576305
+"17870","WDR45",7.84816256,7.848162517,7.848162772,7.848162672,7.848162489,7.848162906,7.848162666,7.848162879,7.848162584,7.848162687,7.848162628,7.848162825,7.848162384,7.84816213,7.848162337,7.848162311,7.848162651,7.84816254,7.848162572,7.848162539,7.848162522,7.84816272,7.848162796,7.848162737,7.848162763,7.848162816,7.848162549,7.848162281
+"17871","WDR45B",6.977682763,6.977682756,6.977682662,6.977682709,6.977682688,6.977682687,6.977682681,6.977682469,6.97768263,6.977682758,6.977682598,6.977682685,6.977682712,6.977682815,6.977682718,6.977682703,6.977682657,6.977682658,6.977682708,6.977682617,6.977682708,6.977682585,6.9776827,6.977682745,6.977682742,6.977682685,6.977682782,6.977682695
+"17872","WDR46",6.655526239,6.655526258,6.655526106,6.655526173,6.655526269,6.65552642,6.655526269,6.655526317,6.655526257,6.655526292,6.655526042,6.655526312,6.655526379,6.655526395,6.655526335,6.655526219,6.655526105,6.65552613,6.65552621,6.655526184,6.655526191,6.655526278,6.655526262,6.655526205,6.655526129,6.655526324,6.655526326,6.655526326
+"17873","WDR47",5.410336205,5.410336242,5.410336159,5.410336175,5.410336151,5.410336177,5.410336139,5.410336146,5.410336088,5.410336208,5.410336171,5.410336105,5.410336181,5.410336251,5.410336138,5.410336177,5.410336119,5.410336146,5.410336195,5.410336196,5.410336181,5.410336102,5.410336161,5.410336181,5.41033617,5.410336114,5.410336185,5.410336223
+"17874","WDR48",7.247906962,7.247906673,7.247906625,7.247906529,7.247906132,7.247906353,7.247906245,7.247906216,7.24790636,7.247906283,7.247906275,7.247906045,7.247906478,7.247907325,7.247906492,7.247906715,7.247906336,7.247906357,7.247906681,7.247906435,7.247906399,7.247906368,7.247906605,7.247906655,7.247906579,7.247906383,7.247906489,7.247907014
+"17875","WDR49",4.025847399,4.025847285,4.025847117,4.025847247,4.025847394,4.025847371,4.02584723,4.025847367,4.025846984,4.025847147,4.025847306,4.025846998,4.025847235,4.025847365,4.025847332,4.025847446,4.025846919,4.025847419,4.02584722,4.025847304,4.025847307,4.025847159,4.025847327,4.025847182,4.025847327,4.025847296,4.025847536,4.02584732
+"17876","WDR5",6.645337696,6.645337703,6.645337692,6.645337688,6.645337704,6.645337725,6.645337696,6.645337682,6.645337708,6.645337707,6.645337688,6.645337696,6.645337715,6.645337705,6.645337701,6.645337686,6.645337683,6.645337658,6.645337684,6.645337686,6.645337695,6.645337687,6.645337702,6.645337706,6.64533768,6.645337697,6.645337702,6.645337698
+"17877","WDR53",5.579078669,5.579078611,5.579078393,5.579078348,5.579078493,5.579078378,5.579078507,5.579078333,5.579078446,5.579078401,5.579078509,5.579078366,5.579078564,5.579078763,5.579078614,5.579078565,5.57907855,5.579078217,5.579078669,5.579078358,5.57907853,5.579078438,5.579078644,5.579078494,5.579078425,5.579078481,5.579078615,5.579078642
+"17878","WDR54",5.514211137,5.514211105,5.514211064,5.514211021,5.514211071,5.514211079,5.514211136,5.514211089,5.514211155,5.514211154,5.51421101,5.514211076,5.514211116,5.514211143,5.514211113,5.51421109,5.514211103,5.514211054,5.514211128,5.514211143,5.514211114,5.514211108,5.514211107,5.514211133,5.514211086,5.514211093,5.514211138,5.514211096
+"17879","WDR55",6.494021824,6.494021833,6.494021762,6.494021786,6.49402176,6.494021795,6.494021816,6.494021787,6.494021768,6.494021789,6.494021736,6.494021749,6.494021796,6.494021835,6.494021815,6.494021811,6.494021756,6.49402178,6.494021812,6.494021735,6.494021797,6.494021837,6.494021809,6.494021832,6.494021807,6.494021832,6.494021823,6.494021792
+"17880","WDR59",6.763078236,6.763078194,6.763078124,6.763078088,6.763078118,6.763078155,6.763078268,6.763078187,6.763078285,6.763078251,6.763078108,6.763078422,6.763078325,6.763078321,6.763078177,6.763077983,6.76307791,6.763078046,6.763078223,6.763078055,6.763078167,6.763078261,6.763078224,6.763078167,6.763078072,6.763078406,6.763078262,6.763078249
+"17881","WDR5B",5.228556814,5.228556515,5.228556782,5.228556672,5.228556742,5.22855651,5.228556832,5.228556522,5.228556865,5.228556404,5.22855674,5.228556539,5.228556947,5.228557194,5.228556643,5.228556632,5.228556921,5.228556366,5.228556891,5.228556758,5.228556717,5.228556905,5.228557117,5.228556978,5.228556669,5.228556651,5.228556637,5.228557322
+"17882","WDR6",7.726813926,7.726813602,7.726813057,7.726813289,7.726813132,7.726813461,7.726813528,7.726813221,7.726814026,7.726813961,7.726813281,7.726813531,7.726813944,7.726814196,7.726813402,7.726813691,7.726812681,7.726812751,7.726813152,7.726813192,7.726813331,7.726813532,7.726813869,7.726813612,7.726813278,7.726813666,7.726814089,7.726813704
+"17883","WDR62",5.40385448,5.403854372,5.403854582,5.403854653,5.403854743,5.403854562,5.403854643,5.403854561,5.403854533,5.403854499,5.403854656,5.403854695,5.403854486,5.403854355,5.403854718,5.403854578,5.403854764,5.403854621,5.403854661,5.40385459,5.403854741,5.403854735,5.403854461,5.40385438,5.403854583,5.403854718,5.403854487,5.403854516
+"17884","WDR64",3.294549637,3.294549541,3.294549653,3.294549446,3.294549622,3.294549536,3.294549566,3.294549784,3.294549779,3.294549654,3.294549762,3.29454972,3.294549583,3.294549599,3.29454956,3.294549633,3.29454964,3.294549638,3.294549526,3.294549787,3.294549604,3.2945495,3.294549673,3.29454969,3.294549569,3.294549583,3.294549746,3.294549583
+"17885","WDR7",7.149178226,7.14917822,7.149178096,7.149178061,7.149178103,7.149178094,7.149178165,7.149178039,7.149178217,7.149178173,7.149177923,7.149177983,7.149178186,7.149178398,7.149178134,7.149178083,7.149177983,7.14917787,7.149178247,7.149177904,7.14917808,7.149178163,7.149178204,7.149178165,7.149177994,7.149178119,7.149178241,7.149178252
+"17886","WDR70",6.35248581,6.352485716,6.352485652,6.352485611,6.352485563,6.352485653,6.352485604,6.352485653,6.352485695,6.352485743,6.352485655,6.352485524,6.352485758,6.352485833,6.352485642,6.352485579,6.352485584,6.352485469,6.352485681,6.352485747,6.352485574,6.352485613,6.352485747,6.352485664,6.352485657,6.352485628,6.3524858,6.352485701
+"17887","WDR72",2.919120055,2.919120052,2.919120061,2.919120083,2.9191201,2.919120072,2.91912006,2.91912009,2.919120063,2.91912007,2.9191201,2.919120088,2.919120066,2.919120057,2.919120069,2.919120083,2.919120113,2.919120073,2.919120084,2.919120067,2.91912008,2.919120078,2.91912008,2.919120069,2.91912009,2.919120067,2.919120065,2.919120078
+"17888","WDR73",7.169955491,7.16995548,7.16995547,7.169955474,7.169955432,7.169955489,7.169955467,7.169955422,7.169955501,7.169955468,7.169955421,7.169955445,7.169955464,7.169955484,7.169955428,7.169955467,7.169955447,7.16995545,7.169955474,7.16995544,7.169955418,7.169955464,7.169955489,7.169955471,7.169955445,7.169955471,7.169955494,7.169955453
+"17889","WDR74",7.239320772,7.239320749,7.239320544,7.239320418,7.239320488,7.239320687,7.239320678,7.239320649,7.239320924,7.239320711,7.239320413,7.239320715,7.239320797,7.239320927,7.239320627,7.239320576,7.239320293,7.239320341,7.239320585,7.239320515,7.239320439,7.239320686,7.239320655,7.23932058,7.239320397,7.239320695,7.239320755,7.239320696
+"17890","WDR75",6.023311096,6.023310199,6.023309936,6.02330927,6.02330954,6.023309785,6.023310144,6.023309879,6.023310692,6.023310336,6.023309388,6.023309919,6.023310508,6.023311665,6.023309923,6.023309723,6.023309484,6.023309006,6.02331014,6.023309372,6.023310088,6.023309872,6.023310339,6.023310306,6.023309963,6.023310504,6.023310563,6.023310905
+"17891","WDR76",5.224909022,5.224908958,5.224908955,5.224908937,5.224908931,5.224908988,5.22490908,5.224908959,5.224908985,5.224909011,5.224908991,5.224908935,5.224909017,5.224909012,5.224909021,5.224908921,5.224908898,5.224908944,5.224908935,5.224909007,5.22490905,5.224908952,5.224909068,5.224909031,5.224908931,5.224908934,5.224908966,5.224909072
+"17892","WDR77",6.978124516,6.978124545,6.9781242,6.978123746,6.978124063,6.978124465,6.978124078,6.978124192,6.978124618,6.978124256,6.978123326,6.978124308,6.978124446,6.978124949,6.978124145,6.978124058,6.978123436,6.978123454,6.978124228,6.978124241,6.978123911,6.978123864,6.978124396,6.978124072,6.978123544,6.978124441,6.978124389,6.978124277
+"17893","WDR81",6.473700628,6.473700736,6.473700754,6.473700605,6.473700694,6.473700629,6.473700695,6.473700697,6.473700772,6.473700725,6.473700722,6.473700635,6.473700692,6.473700518,6.4737005,6.473700709,6.473700704,6.473700586,6.473700644,6.473700653,6.473700634,6.473700713,6.473700624,6.473700731,6.473700677,6.473700568,6.47370069,6.473700538
+"17894","WDR82",9.526679001,9.5266794825,9.5266785305,9.5266787255,9.5266782025,9.526678731,9.526678378,9.526678909,9.526679233,9.526678892,9.5266782055,9.5266781145,9.5266791785,9.526680254,9.526678594,9.526679226,9.5266779105,9.526678183,9.5266785215,9.526678574,9.5266783955,9.5266785275,9.5266793755,9.5266792,9.526678309,9.526678904,9.526679008,9.526679481
+"17895","WDR83",5.976779488,5.976779601,5.976779734,5.97677953,5.976779627,5.976779416,5.976779404,5.976779823,5.976779698,5.976779583,5.976779653,5.976779796,5.976779624,5.976779328,5.976779576,5.976779682,5.97677966,5.976779624,5.97677935,5.976779606,5.976779568,5.976779606,5.97677958,5.976779697,5.976779694,5.976779724,5.976779448,5.97677967
+"17896","WDR83OS",7.399181107,7.399180882,7.399181093,7.399180691,7.399180806,7.399181311,7.399181079,7.399181023,7.399181097,7.399181161,7.399180691,7.399180874,7.399181113,7.399180833,7.399180897,7.399180698,7.399180864,7.399180278,7.399181048,7.399181215,7.399180809,7.399181044,7.399180962,7.399180969,7.39918044,7.399180952,7.399181143,7.399180439
+"17897","WDR86",5.986055911,5.986055939,5.986055967,5.9860559755,5.9860560185,5.986055892,5.9860559585,5.986056,5.986055965,5.986055944,5.9860559745,5.9860560085,5.9860559645,5.9860558905,5.986055994,5.98605595,5.9860560185,5.986056002,5.9860559245,5.986055974,5.9860559965,5.9860559885,5.9860559545,5.9860559205,5.9860559705,5.986055969,5.986055962,5.986055965
+"17898","WDR87",4.308364989,4.308364984,4.308365278,4.308364964,4.308365208,4.30836517,4.308365174,4.308365192,4.30836505,4.308364803,4.308365274,4.308365494,4.308365187,4.308364617,4.30836514,4.308365079,4.308365219,4.30836525,4.308365234,4.308365355,4.308364989,4.308365054,4.308365095,4.308364869,4.308364959,4.308365123,4.308365068,4.308365301
+"17899","WDR88",4.104761618,4.104761599,4.104761616,4.104761605,4.104761651,4.104761617,4.104761637,4.104761585,4.104761587,4.104761597,4.104761648,4.104761672,4.10476161,4.10476158,4.104761664,4.104761629,4.104761688,4.10476163,4.104761614,4.104761605,4.104761624,4.104761658,4.104761584,4.104761576,4.104761633,4.104761612,4.104761587,4.104761642
+"17900","WDR89",5.45333596,5.453335773,5.453336043,5.453335726,5.453335731,5.453335532,5.453335715,5.453335615,5.453336018,5.453335652,5.453335422,5.453335438,5.45333568,5.453337138,5.45333571,5.453335524,5.453335892,5.453335477,5.45333593,5.453335489,5.453335728,5.453335831,5.453336175,5.453335624,5.453335181,5.453335406,5.45333573,5.453336868
+"17901","WDR90",6.022405751,6.022405678,6.022405857,6.022405783,6.022406016,6.022405777,6.022405842,6.022405866,6.022405817,6.022405871,6.022405887,6.022405992,6.022405828,6.022405661,6.022405903,6.022405758,6.022405982,6.022405878,6.022405878,6.022405851,6.022405972,6.022405941,6.022405734,6.022405686,6.022405835,6.022405934,6.022405757,6.022405845
+"17902","WDR91",6.847887434,6.847887539,6.847887444,6.84788751,6.84788737,6.847887425,6.847887444,6.847887366,6.847887472,6.84788749,6.847887472,6.847887391,6.847887392,6.847887536,6.847887362,6.847887493,6.847887279,6.847887414,6.847887422,6.847887376,6.847887355,6.847887392,6.847887404,6.847887522,6.84788752,6.847887418,6.847887457,6.847887441
+"17903","WDR93",4.114493486,4.114493818,4.114493799,4.114493626,4.114494003,4.114493618,4.114493789,4.114493944,4.114493672,4.114493856,4.114493837,4.114493938,4.114493636,4.114493531,4.114493929,4.114493962,4.114493964,4.114493804,4.114493775,4.114493698,4.114493794,4.114493792,4.114493669,4.114493712,4.11449364,4.114493789,4.114493505,4.114493811
+"17904","WDR97",5.546033699,5.546033642,5.546033739,5.546033702,5.546033799,5.54603364,5.546033672,5.546033758,5.546033592,5.546033567,5.54603374,5.546033759,5.546033677,5.546033531,5.546033768,5.546033733,5.546033853,5.546033843,5.546033654,5.546033681,5.546033733,5.546033781,5.546033591,5.546033531,5.546033674,5.546033664,5.54603362,5.546033686
+"17905","WDSUB1",4.80362523,4.803624671,4.803624843,4.803624908,4.803624681,4.80362436,4.803624787,4.803624635,4.803624446,4.803624735,4.803624331,4.803624558,4.803624605,4.803624908,4.803624649,4.803624745,4.803624411,4.803624442,4.803624716,4.803624424,4.803624369,4.803624562,4.803624688,4.80362503,4.803624241,4.803624517,4.803624842,4.80362461
+"17906","WDTC1",7.671549638,7.67154969,7.671549957,7.671549898,7.671549642,7.671550015,7.671549702,7.671549806,7.671549816,7.671549756,7.671549807,7.671549775,7.671549709,7.671549526,7.671549632,7.671549571,7.671549798,7.671549783,7.671549667,7.671549846,7.671549615,7.671549715,7.67154983,7.671549709,7.671549915,7.671549886,7.671549743,7.671549541
+"17907","WEE1",4.93354181633333,4.933541301,4.93354139833333,4.933541123,4.93354150466667,4.93354132466667,4.93354210133333,4.933541314,4.93354164066667,4.93354159266667,4.93354141066667,4.933541164,4.93354167066667,4.93354158066667,4.93354149033333,4.933541372,4.93354113733333,4.933541337,4.93354142733333,4.93354142633333,4.933541866,4.933540822,4.93354155666667,4.93354159366667,4.933541482,4.933541244,4.93354141333333,4.93354140033333
+"17908","WEE2-AS1",4.582406063,4.582406109,4.582406063,4.582406019,4.582406011,4.582406044,4.58240597,4.582405981,4.582406061,4.582406086,4.582406103,4.582406041,4.582405966,4.582406034,4.582406068,4.58240605,4.58240615,4.582406094,4.582406056,4.582406069,4.582405957,4.58240604,4.582406032,4.582406043,4.582406089,4.582406071,4.582406005,4.582406058
+"17909","WFDC1",5.852952217,5.852952231,5.852952274,5.85295227,5.852952268,5.852952226,5.852952229,5.85295229,5.85295225,5.852952243,5.852952269,5.852952268,5.852952261,5.852952224,5.85295225,5.852952249,5.852952263,5.852952269,5.852952231,5.852952252,5.852952243,5.852952263,5.852952234,5.852952264,5.85295228,5.852952255,5.852952251,5.852952254
+"17910","WFDC10A",3.995896443,3.995896406,3.995896402,3.995896344,3.99589652,3.995896403,3.99589656,3.995896586,3.995896465,3.99589646,3.995896356,3.995896447,3.99589656,3.995896295,3.995896473,3.995896363,3.995896671,3.995896424,3.995896387,3.995896432,3.99589651,3.995896557,3.995896242,3.995896363,3.995896392,3.99589652,3.995896331,3.99589642
+"17911","WFDC10B",4.334320803,4.334320818,4.334320842,4.334320867,4.334320971,4.334320725,4.334320839,4.334320891,4.334320926,4.334320953,4.334320849,4.334320942,4.33432085,4.334320745,4.334320952,4.334320799,4.334320963,4.33432091,4.334320951,4.33432092,4.334320993,4.334320901,4.33432075,4.334320792,4.334320837,4.334320909,4.334320811,4.334320886
+"17912","WFDC11",3.088293265,3.088293186,3.088293231,3.088293241,3.088293226,3.08829319,3.088293235,3.088293213,3.088293194,3.088293197,3.088293243,3.088293224,3.088293228,3.088293204,3.088293215,3.088293263,3.088293187,3.088293232,3.088293195,3.088293241,3.088293196,3.088293171,3.088293268,3.088293192,3.088293209,3.088293187,3.088293219,3.088293225
+"17913","WFDC12",4.796702781,4.796702794,4.796702783,4.796702759,4.796702826,4.796702762,4.796702789,4.79670281,4.796702745,4.79670279,4.796702801,4.796702825,4.796702758,4.796702734,4.796702798,4.796702801,4.796702816,4.796702779,4.796702781,4.79670279,4.796702832,4.796702817,4.79670276,4.796702722,4.796702796,4.7967028,4.79670276,4.796702762
+"17914","WFDC13",4.48990334,4.489903349,4.489903348,4.489903367,4.489903363,4.489903357,4.489903348,4.489903375,4.48990336,4.489903314,4.489903359,4.489903356,4.489903323,4.489903329,4.489903358,4.489903347,4.489903371,4.489903383,4.489903352,4.48990335,4.489903369,4.489903374,4.489903328,4.489903325,4.489903371,4.489903363,4.489903332,4.489903365
+"17915","WFDC2",5.639441302,5.639441346,5.639441498,5.639441411,5.639441593,5.639441343,5.639441459,5.639441538,5.639441498,5.639441428,5.639441449,5.639441583,5.639441397,5.639441124,5.639441488,5.639441354,5.639441589,5.639441441,5.63944146,5.639441438,5.639441509,5.639441511,5.639441375,5.639441315,5.63944142,5.63944147,5.639441368,5.63944149
+"17916","WFDC3",4.600530402,4.600530198,4.600530477,4.600530294,4.600530676,4.600530025,4.600530411,4.600530536,4.600530231,4.600530391,4.600530326,4.600530526,4.600530095,4.600530361,4.600530658,4.600530619,4.600530603,4.60053061,4.600530109,4.600530545,4.600530504,4.600530407,4.600530297,4.600530312,4.600530377,4.600530509,4.600530257,4.600530502
+"17917","WFDC5",5.41189574,5.411895764,5.411895856,5.411895808,5.411895884,5.411895751,5.411895796,5.411895867,5.411895818,5.411895802,5.411895797,5.411895839,5.411895778,5.411895682,5.411895797,5.411895824,5.411895925,5.411895862,5.411895798,5.41189577,5.411895819,5.411895863,5.411895789,5.411895789,5.411895869,5.411895841,5.411895764,5.41189578
+"17918","WFDC8",3.387973513,3.387973543,3.387973544,3.387973425,3.387973509,3.387973317,3.387973392,3.38797376,3.387973544,3.387973573,3.387973694,3.387973786,3.387973494,3.387973305,3.387973542,3.387973627,3.387973956,3.387973719,3.387973466,3.387973541,3.387973614,3.387973877,3.387973558,3.387973882,3.387973664,3.387973666,3.387973403,3.387973536
+"17919","WFDC9",3.204491765,3.204491942,3.20449253,3.204492281,3.204491818,3.204492095,3.204491917,3.204492008,3.204492175,3.20449189,3.204492032,3.204492206,3.204492047,3.204492169,3.204492038,3.204492049,3.204492282,3.204492259,3.204492303,3.2044919,3.204491728,3.204492036,3.204491823,3.204492048,3.204492166,3.204491972,3.20449216,3.20449213
+"17920","WFIKKN1",5.971046453,5.971046465,5.971046452,5.971046472,5.971046481,5.971046459,5.971046471,5.971046493,5.971046456,5.971046469,5.971046476,5.971046492,5.971046461,5.971046435,5.971046482,5.971046474,5.971046478,5.971046474,5.971046483,5.971046471,5.971046471,5.971046476,5.971046458,5.971046449,5.971046475,5.971046487,5.971046472,5.971046469
+"17921","WFIKKN2",5.868471354,5.868471419,5.868471567,5.868471448,5.868471516,5.868471252,5.868471388,5.868471532,5.868471478,5.86847138,5.868471525,5.868471594,5.868471462,5.868471193,5.868471486,5.868471561,5.868471583,5.868471571,5.868471373,5.868471482,5.868471508,5.868471543,5.868471287,5.868471318,5.868471479,5.868471514,5.868471409,5.868471456
+"17922","WFS1",5.316148734,5.316148799,5.316148804,5.316148797,5.316148846,5.316148733,5.316148797,5.316148838,5.316148817,5.316148819,5.316148851,5.316148856,5.316148796,5.316148794,5.316148839,5.316148826,5.316148825,5.316148849,5.316148827,5.316148758,5.316148814,5.316148853,5.31614879,5.316148812,5.316148847,5.316148832,5.316148788,5.316148824
+"17923","WHAMM",6.576130325,6.576130298,6.576130288,6.576130292,6.576130289,6.576130311,6.576130301,6.576130296,6.576130318,6.576130316,6.576130297,6.576130298,6.576130324,6.576130323,6.576130313,6.576130296,6.576130273,6.576130297,6.576130312,6.576130263,6.576130307,6.576130304,6.576130309,6.576130308,6.576130308,6.576130316,6.576130318,6.576130304
+"17924","WHRN",5.763934742,5.763934765,5.763934749,5.763934757,5.763934822,5.763934777,5.76393477,5.763934786,5.763934769,5.763934765,5.763934796,5.763934812,5.763934746,5.76393471,5.763934797,5.763934784,5.763934806,5.763934778,5.763934729,5.76393477,5.763934799,5.763934807,5.763934759,5.763934731,5.763934763,5.763934766,5.763934763,5.763934777
+"17925","WIF1",3.658012521,3.658012595,3.65801259,3.658012686,3.658012663,3.658012539,3.65801259,3.658012599,3.658012554,3.658012641,3.658012718,3.6580127,3.658012601,3.65801248,3.658012574,3.658012614,3.658012875,3.658012678,3.658012479,3.658012531,3.658012591,3.65801253,3.658012523,3.65801249,3.658012659,3.65801252,3.658012519,3.658012646
+"17926","WIPF1",10.03246317,10.03246348,10.03246281,10.0324635,10.03246281,10.03246368,10.03246333,10.03246303,10.03246316,10.03246286,10.03246299,10.03246263,10.03246319,10.03246323,10.0324632,10.03246325,10.03246286,10.03246318,10.0324632,10.03246387,10.03246347,10.03246297,10.03246349,10.0324635,10.03246334,10.0324631,10.03246323,10.03246284
+"17927","WIPF2",6.527237168,6.527237339,6.527237261,6.527237338,6.527237211,6.527237374,6.527237244,6.527237226,6.527237232,6.52723723,6.527237233,6.527237061,6.52723725,6.52723713,6.527237111,6.527237119,6.527237289,6.527237229,6.527237267,6.527237382,6.52723715,6.527237241,6.527237236,6.527237216,6.527237318,6.52723715,6.527237258,6.52723716
+"17928","WIPF3",5.028322579,5.028322626,5.02832265,5.028322544,5.0283233,5.028322644,5.028323027,5.028323082,5.02832271,5.028323205,5.028323105,5.028323058,5.028322562,5.028322628,5.028323346,5.028322704,5.028323172,5.028323008,5.028322998,5.02832255,5.028323148,5.028322747,5.028322503,5.028322553,5.028322715,5.02832306,5.02832281,5.028323037
+"17929","WIPI1",7.692464235,7.692464759,7.692464564,7.692464406,7.692464634,7.692464647,7.692464166,7.692464464,7.692464669,7.692464257,7.692464883,7.692464246,7.692464193,7.692464164,7.692464147,7.69246465,7.692464254,7.692464252,7.692464828,7.692464558,7.692463874,7.692464247,7.692464762,7.692464657,7.692464933,7.692464552,7.692464269,7.692464359
+"17930","WIPI2",6.963243755,6.963243815,6.963243752,6.963243878,6.963243668,6.963243909,6.963243802,6.963243743,6.963243756,6.963243769,6.963243696,6.963243804,6.963243697,6.963243802,6.963243694,6.96324366,6.963243657,6.9632438,6.963243811,6.963243824,6.963243712,6.963243733,6.963243854,6.963243846,6.963243795,6.963243928,6.963243741,6.963243641
+"17931","WIZ",5.691927542,5.691927402,5.691927619,5.69192766,5.691927639,5.691927632,5.691927665,5.691927602,5.691927545,5.69192761,5.691927656,5.691927654,5.691927646,5.691927475,5.691927634,5.691927535,5.69192775,5.69192763,5.691927668,5.691927755,5.691927703,5.691927738,5.691927603,5.691927418,5.691927601,5.691927759,5.691927569,5.691927509
+"17932","WLS",8.259854913,7.694952837,7.222022524,8.45525735,7.943937758,6.965132275,8.489299042,7.105319757,7.069510082,7.631466528,7.487529551,7.046844338,8.258530335,8.063884401,8.334318844,7.648222545,7.165863892,8.310894604,8.495790238,6.855121022,8.617663427,7.410634476,7.630289367,8.266182857,7.78859726,7.351492504,8.240388916,7.827745616
+"17933","WNK1",7.904177946,7.904177772,7.904178374,7.9041781975,7.904177921,7.9041785955,7.904178366,7.9041781855,7.9041784285,7.904178275,7.904177989,7.904178273,7.9041784155,7.904178067,7.9041779685,7.9041772365,7.904177845,7.904177942,7.9041778185,7.904178153,7.9041782985,7.904177968,7.90417821,7.9041783595,7.904178106,7.9041785475,7.904178599,7.904177772
+"17934","WNK2",5.265477731,5.265477741,5.26547778,5.265477726,5.265477831,5.265477745,5.265477789,5.265477776,5.265477774,5.265477746,5.265477758,5.265477839,5.265477725,5.265477654,5.265477835,5.265477813,5.265477834,5.265477791,5.265477786,5.26547778,5.265477819,5.265477792,5.265477721,5.265477706,5.265477759,5.265477793,5.265477738,5.265477758
+"17935","WNK3",3.094826596,3.094826544,3.094826672,3.094826667,3.094826815,3.094826525,3.094826661,3.094826473,3.09482668,3.094826777,3.094826723,3.094826868,3.094826744,3.094826614,3.094826575,3.094826711,3.094826743,3.094826687,3.09482666,3.094826749,3.094826631,3.094826591,3.094826695,3.094826519,3.094826778,3.094826582,3.094826687,3.094826664
+"17936","WNK4",5.235693633,5.235693603,5.235693623,5.235693661,5.235693722,5.235693769,5.235693451,5.235693654,5.235693654,5.235693605,5.235693614,5.235693674,5.235693615,5.235693546,5.235693709,5.235693646,5.235693659,5.235693698,5.235693569,5.235693691,5.235693697,5.235693664,5.235693683,5.235693504,5.235693447,5.235693547,5.235693634,5.235693618
+"17937","WNT1",6.565357846,6.565357849,6.565357962,6.565357895,6.565357967,6.565357778,6.565357902,6.565357959,6.565357894,6.565357853,6.565357943,6.565357918,6.565357902,6.565357796,6.56535794,6.565357893,6.565357959,6.56535796,6.565357918,6.565357852,6.565357918,6.565357943,6.565357869,6.565357897,6.56535795,6.565357876,6.565357916,6.56535786
+"17938","WNT10A",6.235751944,6.235751899,6.235752011,6.235751995,6.235752101,6.235751992,6.235752009,6.235752024,6.235751995,6.235751973,6.235752026,6.235752097,6.235752009,6.2357519,6.235752037,6.235752011,6.235752128,6.235752011,6.235752041,6.23575202,6.235752076,6.235752054,6.23575198,6.23575192,6.235752051,6.23575205,6.23575199,6.23575201
+"17939","WNT10B",5.863299558,5.863299483,5.863299669,5.863299579,5.86329974,5.863299609,5.863299618,5.863299666,5.863299569,5.863299583,5.863299713,5.863299671,5.863299593,5.863299485,5.863299691,5.863299538,5.863299671,5.863299668,5.863299592,5.863299642,5.863299677,5.863299579,5.863299564,5.86329952,5.863299611,5.863299671,5.863299535,5.863299585
+"17940","WNT11",5.518721793,5.518721803,5.518721811,5.518721825,5.518721838,5.518721794,5.518721785,5.518721842,5.518721761,5.518721859,5.518721839,5.51872185,5.518721791,5.518721792,5.518721785,5.518721814,5.518721813,5.518721848,5.518721787,5.518721768,5.518721791,5.518721793,5.518721772,5.518721794,5.518721831,5.518721825,5.518721779,5.518721765
+"17941","WNT16",4.761919084,4.761919101,4.761919109,4.761919123,4.761919171,4.76191913,4.761919134,4.761919111,4.761919122,4.761919124,4.761919126,4.761919163,4.761919121,4.7619191,4.761919142,4.761919144,4.761919164,4.761919161,4.761919129,4.761919132,4.761919126,4.761919147,4.761919114,4.761919096,4.761919113,4.761919125,4.761919102,4.761919133
+"17942","WNT2",3.812309362,3.81230929,3.812309246,3.812309215,3.812309475,3.812309272,3.81230932,3.812309546,3.812309324,3.812309369,3.812309497,3.812309439,3.812309265,3.812309361,3.812309333,3.812309383,3.812309634,3.812309326,3.812309356,3.812309468,3.812309423,3.812309462,3.812309134,3.812309256,3.812309564,3.812309411,3.812309276,3.812309372
+"17943","WNT2B",4.603273604,4.603273595,4.603273612,4.603273605,4.603273653,4.603273623,4.603273629,4.603273613,4.603273616,4.603273608,4.603273632,4.603273603,4.603273599,4.603273609,4.603273625,4.603273615,4.603273619,4.603273607,4.603273613,4.603273616,4.603273626,4.603273622,4.603273599,4.603273607,4.603273607,4.603273595,4.603273608,4.603273609
+"17944","WNT3",5.307767544,5.30776744,5.307767622,5.307767391,5.307767755,5.30776748,5.307767552,5.307767717,5.307767482,5.307767533,5.307767577,5.307767658,5.307767508,5.307767403,5.307767667,5.307767532,5.307767804,5.307767712,5.307767746,5.307767651,5.307767699,5.307767672,5.307767448,5.307767388,5.307767565,5.307767648,5.307767452,5.307767579
+"17945","WNT3A",5.556468677,5.556468725,5.556468878,5.556468724,5.55646901,5.556468762,5.556468754,5.556468898,5.556468806,5.556468789,5.556468882,5.556468934,5.556468769,5.556468489,5.55646869,5.556468826,5.556468884,5.556468903,5.556468786,5.556468674,5.556468894,5.55646892,5.556468649,5.556468579,5.556468853,5.556468828,5.556468729,5.556468667
+"17946","WNT4",6.070507783,6.070507856,6.070508052,6.070507918,6.07050831,6.070507934,6.070508178,6.070508272,6.070507715,6.070508156,6.070508278,6.070508299,6.070508013,6.070507444,6.070508194,6.07050773,6.070508406,6.070508207,6.070508078,6.070508028,6.070508193,6.070508247,6.070507869,6.070507852,6.070508054,6.070508194,6.070508008,6.070507962
+"17947","WNT5A",3.629960176,3.62996019,3.629960202,3.629960177,3.629960213,3.629960181,3.62996019,3.62996019,3.629960184,3.629960203,3.629960201,3.629960211,3.629960197,3.629960175,3.629960203,3.629960181,3.629960204,3.629960185,3.629960192,3.629960207,3.629960199,3.629960192,3.629960195,3.629960176,3.62996018,3.629960198,3.629960198,3.629960207
+"17948","WNT5B",4.940291078,4.940291108,4.940291145,4.940291114,4.940291204,4.94029114,4.940291167,4.940291192,4.940291141,4.940291125,4.940291156,4.940291223,4.94029117,4.940291099,4.940291207,4.940291184,4.940291219,4.940291177,4.940291133,4.94029115,4.940291205,4.940291205,4.940291085,4.940291086,4.940291144,4.940291162,4.940291135,4.940291223
+"17949","WNT6",6.434761496,6.434761511,6.434761563,6.434761535,6.434761655,6.434761572,6.434761591,6.434761592,6.434761541,6.434761606,6.434761622,6.434761644,6.434761515,6.434761393,6.434761592,6.434761528,6.434761696,6.434761581,6.43476156,6.434761523,6.434761578,6.43476161,6.434761503,6.434761454,6.434761576,6.434761607,6.434761541,6.434761563
+"17950","WNT7A",5.894276449,5.894276258,5.894276205,5.89427609,5.894276209,5.894276171,5.894276288,5.894276449,5.894276586,5.894276398,5.894276212,5.894276578,5.894276472,5.894276428,5.894276342,5.894276208,5.894276348,5.894276549,5.894276421,5.894276383,5.894276222,5.894276261,5.894276274,5.894276161,5.894276334,5.8942765,5.894276417,5.894276159
+"17951","WNT7B",5.001166531,5.001166479,5.001166485,5.001166446,5.001166557,5.001166512,5.001166552,5.001166502,5.001166493,5.001166529,5.001166532,5.001166506,5.001166495,5.001166434,5.001166501,5.001166502,5.001166513,5.00116656,5.001166515,5.001166487,5.001166503,5.001166538,5.001166485,5.001166501,5.001166524,5.00116652,5.001166481,5.001166499
+"17952","WNT8A",4.900942849,4.900942857,4.900942862,4.900942863,4.90094294,4.90094277,4.900942879,4.900942888,4.900942828,4.900942838,4.900942893,4.900942964,4.900942858,4.900942795,4.900942862,4.900942864,4.90094293,4.900942903,4.900942856,4.900942801,4.900942883,4.900942907,4.900942828,4.900942874,4.900942911,4.900942878,4.900942858,4.900942855
+"17953","WNT8B",4.359061419,4.359061659,4.359061847,4.359061604,4.359062018,4.359061558,4.359061815,4.359061624,4.359061554,4.359061836,4.359061649,4.359062034,4.35906158,4.359061488,4.359061718,4.359061731,4.359062258,4.359061915,4.359061908,4.359061883,4.359061861,4.359061995,4.359061529,4.359061239,4.359061754,4.359061838,4.35906172,4.359061367
+"17954","WNT9A",6.068926644,6.068926678,6.06892668,6.068926652,6.068926738,6.068926646,6.068926709,6.068926705,6.068926674,6.068926644,6.068926714,6.068926758,6.068926674,6.068926616,6.06892676,6.068926669,6.068926768,6.068926731,6.068926686,6.068926686,6.068926706,6.068926727,6.068926649,6.068926601,6.06892669,6.068926703,6.068926624,6.068926681
+"17955","WNT9B",6.588823191,6.58882318,6.588823809,6.588823294,6.588823751,6.588823074,6.588823424,6.588823687,6.588823511,6.588823616,6.588823805,6.588823764,6.588823569,6.588823135,6.588823406,6.588823036,6.588823857,6.58882374,6.588823475,6.588823575,6.588823675,6.588823559,6.588823449,6.588823388,6.588823851,6.588823505,6.588823415,6.588823575
+"17956","WRAP53",5.891850204,5.89185018,5.891850239,5.891850198,5.891850201,5.891850169,5.891850194,5.891850239,5.891850188,5.891850159,5.89185025,5.891850181,5.891850196,5.891850164,5.891850198,5.891850199,5.891850236,5.891850167,5.891850243,5.891850203,5.891850201,5.891850248,5.891850192,5.891850169,5.891850235,5.891850175,5.891850237,5.891850152
+"17957","WRAP73",5.946597002,5.946596972,5.946596994,5.946597082,5.946596876,5.94659706,5.946596948,5.946597011,5.946596995,5.946597112,5.946597105,5.946596918,5.946597022,5.946596947,5.946596925,5.946596973,5.946596952,5.946597077,5.946597052,5.946596967,5.946596879,5.946597019,5.946596995,5.946597055,5.946596997,5.946596852,5.946597056,5.946596876
+"17958","WRN",5.166087907,5.166087663,5.166087718,5.166087387,5.166087472,5.166087404,5.16608767,5.16608744,5.166087576,5.166087726,5.166087592,5.166087182,5.166087775,5.166088141,5.166087523,5.166087553,5.166087074,5.166087188,5.166087785,5.166087324,5.166087619,5.166087707,5.166087889,5.166087699,5.166087483,5.166087584,5.166087614,5.166088031
+"17959","WRNIP1",7.004516036,7.004516125,7.004515882,7.004516085,7.00451576,7.004516,7.004515904,7.004516061,7.004515913,7.004516032,7.004515815,7.00451602,7.004516135,7.004516131,7.004515946,7.004515906,7.00451586,7.004516038,7.0045159,7.004515979,7.004515804,7.00451602,7.00451604,7.004516031,7.004515785,7.004516014,7.004516056,7.004515991
+"17960","WSB1",8.838599325,8.838594866,8.838592719,8.83859307,8.838588157,8.838591746,8.838592527,8.838587361,8.838592565,8.838595424,8.838591438,8.838582696,8.838592297,8.838605774,8.838593688,8.838594382,8.838588293,8.838586657,8.838599585,8.838596124,8.838592194,8.838590092,8.838594789,8.838599554,8.838592997,8.838588839,8.838592163,8.838596394
+"17961","WSB2",7.42968343,7.429683839,7.42968203,7.429682253,7.429682118,7.429684795,7.429682306,7.429682162,7.429682754,7.429683045,7.42968161,7.429680864,7.429682351,7.429683435,7.429682848,7.429682399,7.429681198,7.429681362,7.429682529,7.429685226,7.429681885,7.429682182,7.429683409,7.42968349,7.429681877,7.429681267,7.42968232,7.429682907
+"17962","WSCD1",5.103226809,5.103226817,5.103226879,5.10322686,5.103226941,5.103226862,5.10322687,5.10322687,5.103226863,5.103226891,5.103226901,5.103226856,5.103226855,5.103226774,5.103226905,5.10322688,5.103226891,5.103226893,5.103226865,5.103226835,5.10322691,5.103226925,5.103226838,5.103226828,5.103226862,5.103226895,5.103226817,5.103226872
+"17963","WSCD2",4.761615149,4.761615219,4.761615238,4.761615236,4.761615305,4.761615196,4.761615271,4.761615248,4.761615263,4.76161523,4.76161527,4.761615296,4.761615241,4.761615202,4.761615245,4.761615245,4.761615295,4.761615232,4.761615259,4.761615257,4.761615286,4.761615337,4.761615208,4.761615197,4.761615231,4.761615264,4.76161527,4.761615226
+"17964","WT1",5.651596833,5.651596951,5.651597408,5.651596961,5.651597708,5.651597404,5.651597337,5.651597503,5.651597253,5.651597416,5.651597472,5.65159771,5.651597293,5.651596454,5.651597529,5.651596879,5.651597595,5.651597266,5.651597457,5.65159733,5.651597391,5.651597417,5.651597049,5.651596841,5.651597197,5.651597436,5.651597129,5.65159742
+"17965","WT1-AS",4.254468873,4.254468944,4.254469197,4.254468802,4.254469294,4.25446905,4.25446926,4.254469182,4.254468963,4.254469181,4.254468865,4.254469099,4.254469036,4.254468824,4.25446933,4.254469112,4.254469361,4.254469053,4.254469057,4.254469047,4.254469274,4.254469289,4.254469151,4.254468874,4.254469063,4.254469306,4.254468892,4.254469032
+"17966","WTAP",8.3972999975,8.397299489,8.3972992235,8.3972995735,8.3972992945,8.3972994405,8.397299627,8.397299426,8.3972994475,8.3972996045,8.3972993245,8.397299218,8.3972996155,8.397300305,8.397299701,8.397299603,8.397299016,8.3972995765,8.3972998125,8.3972999,8.3972998295,8.3972992825,8.3972996415,8.39729976,8.397299486,8.397299606,8.3972996255,8.3972999295
+"17967","WTIP",6.606655983,6.606655985,6.606656357,6.606656061,6.606656628,6.60665598,6.606656197,6.60665636,6.606655976,6.606656128,6.606656298,6.606656529,6.606656098,6.606655611,6.606656376,6.606656209,6.606656498,6.606656346,6.606656298,6.60665598,6.606656487,6.606656427,6.60665604,6.606655904,6.606656102,6.606656345,6.606655928,6.606656088
+"17968","WWC1",4.836918947,4.836919007,4.83691901,4.836919015,4.836919051,4.836918992,4.836918935,4.83691904,4.836919015,4.836919005,4.836919057,4.836919048,4.836918993,4.836918978,4.836919064,4.836918984,4.836919068,4.83691904,4.836919018,4.836919029,4.836918998,4.836918985,4.836918915,4.83691904,4.836919022,4.83691903,4.836919001,4.836918992
+"17969","WWC2",4.938498914,4.938498925,4.938498902,4.938498889,4.93849888,4.938498926,4.938498899,4.938498912,4.938498892,4.938498909,4.938498912,4.938498917,4.93849891,4.938498941,4.93849893,4.938498911,4.938498933,4.938498923,4.938498926,4.938498935,4.938498889,4.938498925,4.938498896,4.938498883,4.938498919,4.938498916,4.938498903,4.938498947
+"17970","WWC2-AS2",4.423427795,4.423427816,4.423427999,4.423427785,4.423428048,4.423428182,4.423428023,4.423428129,4.423427994,4.423428009,4.423428155,4.423428242,4.423427877,4.423427716,4.423428041,4.423427901,4.423428206,4.423428067,4.423427991,4.423428117,4.423428065,4.423428057,4.423427929,4.423427889,4.423427924,4.423427979,4.423427849,4.423427971
+"17971","WWC3",7.565836503,7.565836563,7.565836468,7.565836869,7.565836171,7.565836618,7.565836583,7.565836425,7.565836384,7.565836105,7.565836396,7.565836185,7.565836525,7.565836395,7.565836526,7.565836578,7.565836382,7.565836767,7.565836437,7.565836613,7.565836489,7.565836488,7.565836499,7.565836481,7.565836501,7.565836323,7.565836436,7.565836177
+"17972","WWOX",6.138880488,6.13888042,6.138880457,6.138880386,6.138880439,6.138880373,6.138880447,6.138880471,6.138880442,6.138880433,6.138880416,6.138880488,6.138880419,6.138880455,6.138880512,6.138880393,6.138880382,6.138880397,6.13888038,6.138880455,6.138880474,6.13888046,6.138880411,6.138880418,6.138880416,6.138880502,6.138880426,6.138880426
+"17973","WWP1",7.289004655,7.289004258,7.289003978,7.289003581,7.289003492,7.289003362,7.289004085,7.289003564,7.289004512,7.289003973,7.289003571,7.289003634,7.289004455,7.289005536,7.289004222,7.289003932,7.289003298,7.289003817,7.289004136,7.289003281,7.289004061,7.289003906,7.289004421,7.289003977,7.289003909,7.289004066,7.289004379,7.289005
+"17974","WWP2",8.081049218,8.081049784,8.081049287,8.081050198,8.081049006,8.08105006,8.081049538,8.081049444,8.081049308,8.081049273,8.081049492,8.081048996,8.081049494,8.08104937,8.081049339,8.081049683,8.081049038,8.081049813,8.08104954,8.08104984,8.081049251,8.081049185,8.081049257,8.081049713,8.081049749,8.081049282,8.081049605,8.081048782
+"17975","WWTR1",4.236454579,4.236454493,4.23645465,4.236454527,4.236454669,4.236454524,4.236454336,4.236454522,4.236454484,4.236454711,4.236454597,4.236454581,4.236454467,4.236454348,4.236454603,4.236454638,4.236454874,4.23645457,4.236454557,4.236454269,4.236454468,4.23645463,4.236454427,4.236454466,4.23645469,4.236454465,4.236454472,4.236454656
+"17976","XAB2",7.059044869,7.059044875,7.059044866,7.059044853,7.059044862,7.059044896,7.059044851,7.059044811,7.059044871,7.059044888,7.059044852,7.059044838,7.059044872,7.059044886,7.059044857,7.059044837,7.059044836,7.05904486,7.059044859,7.059044868,7.05904483,7.059044847,7.059044851,7.059044873,7.059044836,7.059044858,7.059044882,7.059044861
+"17977","XAF1",7.721089156,8.034433892,7.495476956,7.591381188,8.134857105,9.371425886,7.63902203,7.559387912,7.955296006,7.701708205,7.449355523,7.037279222,7.902405265,7.669407628,7.582992259,8.069585987,7.459235238,7.388277131,8.303465782,9.472160503,7.704702845,7.68089977,7.95310604,7.771560207,7.424426488,7.291995204,7.841718223,7.520075282
+"17978","XAGE-4",4.530622074,4.530622071,4.530621968,4.530621918,4.530622046,4.530622165,4.530622088,4.530622152,4.530622166,4.53062212,4.530622025,4.530622038,4.530621998,4.53062207,4.530622181,4.530622152,4.530622054,4.530622002,4.530622012,4.530622178,4.530622123,4.530622179,4.530622101,4.530621943,4.530621996,4.530622202,4.530622022,4.530622174
+"17979","XAGE2",4.398521086,4.39852112,4.398521238,4.398521145,4.39852131,4.39852106,4.398521172,4.398521244,4.398521225,4.398521177,4.398521245,4.398521376,4.398521187,4.398521034,4.398521198,4.398521277,4.39852125,4.398521262,4.398521192,4.398521234,4.39852122,4.398521251,4.398521172,4.398521181,4.398521224,4.398521255,4.398521154,4.398521241
+"17980","XAGE3",4.999096299,4.99909667,4.999097076,4.999096377,4.999097237,4.999096044,4.999096926,4.999096987,4.999096616,4.999096853,4.999097055,4.999096963,4.999096443,4.999096674,4.999097147,4.999097141,4.999097249,4.999096951,4.999096815,4.99909685,4.999097514,4.999097149,4.999096627,4.999096602,4.999097167,4.999097026,4.999096485,4.999096841
+"17981","XAGE5",3.080111715,3.080111523,3.0801117,3.080111852,3.080111892,3.080111844,3.08011161,3.080111808,3.080111682,3.080111772,3.080111726,3.080111903,3.080111681,3.080111552,3.0801118,3.080111741,3.080111984,3.08011195,3.080111897,3.080112116,3.080111927,3.080111879,3.080111775,3.080111535,3.080111789,3.08011185,3.080111604,3.080111577
+"17982","XBP1",8.56859803,8.568597961,8.568596918,8.568596858,8.568596961,8.568597115,8.568597611,8.568596895,8.568597315,8.568597231,8.568596798,8.568596037,8.5685975,8.568597931,8.568597259,8.568597681,8.568596206,8.568596646,8.568596951,8.568596881,8.568597525,8.568596821,8.56859754,8.568597332,8.568596281,8.56859683,8.568597438,8.568597653
+"17983","XCL1",4.5544152755,4.5544138115,4.5544152735,4.554412811,4.554414326,4.5544146855,4.554415165,4.554414115,4.554414495,4.554414751,4.5544157125,4.5544138845,4.5544149995,4.5544155385,4.5544159685,4.554415781,4.5544138105,4.5544149975,4.554414712,4.554414115,4.5544151825,4.5544161215,4.554415746,4.5544146855,4.5544144835,4.5544148295,4.5544146085,4.5544158825
+"17984","XCR1",5.369943556,5.369943566,5.369943615,5.369943557,5.369943713,5.369943502,5.36994379,5.369943738,5.369943577,5.36994368,5.36994367,5.369943833,5.369943666,5.369943608,5.369943713,5.369943716,5.369943837,5.36994369,5.369943711,5.369943733,5.369943769,5.369943695,5.369943637,5.369943541,5.369943604,5.369943773,5.369943555,5.369943594
+"17985","XDH",4.153096479,4.153096429,4.153096475,4.153096587,4.153096554,4.153096506,4.153096508,4.153096554,4.153096437,4.153096502,4.153096515,4.153096549,4.153096482,4.153096456,4.153096563,4.15309656,4.153096587,4.15309659,4.153096538,4.153096539,4.153096531,4.153096559,4.153096447,4.153096456,4.153096565,4.153096532,4.153096518,4.153096554
+"17986","XG",4.778824771,4.778824791,4.778824776,4.778824839,4.778824895,4.778824834,4.778824779,4.778824884,4.778824866,4.778824812,4.778824849,4.778824922,4.778824827,4.778824667,4.778824863,4.778824772,4.778824892,4.778824874,4.778824854,4.778824805,4.778824802,4.778824886,4.778824824,4.778824719,4.778824738,4.778824858,4.778824764,4.778824819
+"17987","XIAP",6.278770576,6.278770546,6.278770167,6.278770382,6.278770261,6.278770394,6.278770273,6.278770438,6.278770465,6.278770266,6.278770207,6.278770086,6.27877036,6.278770768,6.278770499,6.278770463,6.278770034,6.278770041,6.278770432,6.278770469,6.278770386,6.278770467,6.278770525,6.278770509,6.278770461,6.278770234,6.278770402,6.27877059
+"17988","XIRP1",4.868315073,4.868315027,4.868315246,4.868314997,4.868315464,4.868315065,4.86831526,4.868315332,4.868315179,4.86831518,4.868315237,4.868315338,4.868315138,4.868314743,4.868315249,4.868315295,4.868315314,4.868315298,4.86831518,4.868315167,4.868315228,4.868315239,4.868315061,4.868315173,4.868315124,4.868315219,4.868315135,4.868315258
+"17989","XIRP2",3.503983602,3.503983597,3.503983655,3.503983658,3.503983664,3.503983649,3.503983648,3.503983628,3.503983619,3.503983617,3.503983674,3.503983681,3.503983655,3.503983622,3.503983648,3.503983627,3.503983643,3.503983663,3.503983615,3.503983604,3.503983615,3.503983656,3.503983632,3.503983639,3.503983638,3.503983628,3.50398363,3.503983664
+"17990","XK",6.731963444,6.731963237,6.731963755,6.731963693,6.731963361,6.731963609,6.73196332,6.731963722,6.731963647,6.731963855,6.731963974,6.731963499,6.73196312,6.731962941,6.73196349,6.731963004,6.731963556,6.731963737,6.731963114,6.731963432,6.731963235,6.731963368,6.731963606,6.731963703,6.731963877,6.731963504,6.731963096,6.731962942
+"17991","XKR3",3.544233862,3.544236077,3.544235656,3.544234021,3.544234542,3.544235931,3.544235318,3.544234044,3.544234715,3.544234463,3.5442353,3.544235171,3.544234219,3.544235572,3.544234338,3.544236283,3.544236067,3.544234858,3.5442342,3.544235781,3.544235198,3.544234654,3.544234295,3.544234755,3.54423618,3.5442357,3.544233921,3.544234916
+"17992","XKR4",5.320201558,5.320201525,5.320201602,5.3202016,5.320201646,5.320201576,5.320201584,5.320201628,5.320201614,5.320201591,5.320201628,5.320201619,5.320201579,5.320201443,5.320201587,5.320201603,5.320201651,5.320201641,5.320201585,5.320201539,5.320201614,5.320201611,5.320201545,5.320201546,5.32020159,5.320201628,5.320201569,5.320201596
+"17993","XKR5",4.781505359,4.781505544,4.781505695,4.781505368,4.781505854,4.781505366,4.781505579,4.781505775,4.781505652,4.781505645,4.781505686,4.781505703,4.781505629,4.781505422,4.781505708,4.781505683,4.781505678,4.781505732,4.781505586,4.781505551,4.781505836,4.781505836,4.781505484,4.781505505,4.781505681,4.781505807,4.781505448,4.78150562
+"17994","XKR6",5.465433215,5.465433147,5.465433188,5.465433172,5.465433259,5.465433113,5.465433217,5.465433274,5.465433247,5.465433192,5.465433175,5.465433323,5.465433184,5.465433123,5.465433291,5.465433141,5.465433212,5.465433244,5.46543327,5.465433158,5.465433266,5.465433297,5.465433077,5.46543311,5.465433177,5.465433261,5.465433142,5.465433204
+"17995","XKR7",6.13938225,6.139382585,6.139382634,6.139382556,6.139382814,6.139382356,6.139382693,6.139382554,6.139382543,6.139382363,6.139382677,6.139382758,6.139382684,6.139382286,6.139382851,6.13938273,6.139382772,6.139382729,6.139382469,6.139382468,6.139382728,6.139382716,6.139382566,6.139382383,6.139382676,6.139382724,6.139382638,6.139382543
+"17996","XKR8",7.029495589,7.02949587,7.029495705,7.029495919,7.029495685,7.029495685,7.029495683,7.029495681,7.029495605,7.029495562,7.029495845,7.029495567,7.029495748,7.029495584,7.029495743,7.029495881,7.029495682,7.029495922,7.029495798,7.029495704,7.029495581,7.029495709,7.029495716,7.029495739,7.029495929,7.029495677,7.029495696,7.029495553
+"17997","XKR9",2.939769624,2.939770274,2.939769748,2.939769915,2.939769728,2.939769938,2.939769756,2.939769663,2.939769819,2.939769784,2.939769727,2.93976973,2.939769853,2.939769725,2.939769866,2.939769782,2.939769626,2.939769846,2.939769797,2.939769954,2.93976956,2.939770123,2.939769893,2.939769854,2.939769961,2.939769665,2.939769751,2.939769883
+"17998","XKRX",4.146293006,4.146293027,4.146293114,4.146292985,4.146292983,4.146292747,4.146292861,4.146292985,4.14629325,4.146293094,4.146292849,4.146293567,4.146293083,4.146293364,4.146292852,4.146292975,4.146292858,4.146292832,4.146292934,4.146292638,4.146292819,4.146293043,4.14629317,4.146293078,4.146292841,4.146293097,4.146293066,4.146293238
+"17999","XPA",6.786188295,6.786188132,6.786187529,6.786186914,6.786187593,6.786185806,6.786187259,6.786187604,6.786188245,6.786187153,6.786187477,6.786187468,6.786187985,6.786188991,6.786187662,6.786187775,6.786186576,6.78618674,6.786187751,6.786186293,6.786187125,6.786187409,6.786188068,6.78618753,6.786187184,6.786187517,6.786187647,6.786188208
+"18000","XPC",6.923942804,6.923943508,6.923942382,6.92394335,6.923942141,6.923942895,6.923942668,6.923942227,6.923942725,6.923942584,6.92394269,6.92394211,6.923942511,6.923943159,6.923942665,6.923943024,6.923942258,6.923943014,6.923942768,6.923940786,6.923942366,6.923942539,6.923942677,6.923942828,6.923942963,6.923942305,6.923942877,6.923942632
+"18001","XPNPEP1",7.072601248,7.072601266,7.072601224,7.072601276,7.072601177,7.072601278,7.072601203,7.072601168,7.072601174,7.072601225,7.072601237,7.072601192,7.07260123,7.072601296,7.072601215,7.072601246,7.072601159,7.072601233,7.072601234,7.072601149,7.072601199,7.07260122,7.072601205,7.072601287,7.072601196,7.072601189,7.072601226,7.072601182
+"18002","XPNPEP2",4.843703918,4.843703701,4.843703986,4.843703777,4.843703953,4.843703821,4.843703776,4.843703886,4.843703892,4.843703741,4.843703746,4.843703996,4.843703824,4.843703717,4.843704037,4.843703879,4.843704067,4.843703964,4.843704023,4.843704,4.843704055,4.843703884,4.843703723,4.843703828,4.843703944,4.843703857,4.843703833,4.843703768
+"18003","XPNPEP3",5.625486082,5.625486074,5.625486069,5.625486055,5.62548603,5.625486082,5.625486049,5.625486063,5.625486075,5.625486079,5.625486058,5.625486051,5.625486068,5.625486075,5.625486061,5.625486039,5.625486023,5.625486056,5.625486051,5.625486054,5.625486028,5.625486048,5.625486066,5.625486072,5.625486054,5.625486073,5.625486068,5.625486045
+"18004","XPO1",7.398894818,7.398893303,7.398892829,7.398893092,7.398893168,7.398891938,7.398893354,7.398891419,7.398893259,7.39889211,7.398893304,7.398892231,7.398894493,7.398896006,7.398893978,7.398893378,7.398892256,7.398893121,7.398893882,7.398892314,7.398894392,7.398892122,7.398893666,7.398893673,7.39889282,7.398893633,7.398894496,7.398894639
+"18005","XPO4",5.909572356,5.90957221,5.909572237,5.909572119,5.90957218,5.909572104,5.909572231,5.909572157,5.909572228,5.909572179,5.909571911,5.909572148,5.909572235,5.909572438,5.909572215,5.909572128,5.909571992,5.909571998,5.909572244,5.909572116,5.909572192,5.909572108,5.909572297,5.909572236,5.909572124,5.909572276,5.909572327,5.909572232
+"18006","XPO5",6.064406302,6.06440631,6.064405919,6.064405828,6.064405846,6.064406341,6.064406106,6.064406181,6.064406306,6.064406238,6.064405878,6.064406147,6.064406316,6.064406395,6.064406076,6.064405969,6.064405657,6.06440552,6.06440577,6.06440624,6.064406082,6.064406039,6.064406297,6.064406234,6.06440592,6.064406159,6.064406325,6.064406012
+"18007","XPO6",11.11051961,11.38356239,10.82391613,11.4556755,10.87197544,11.29543127,11.17224981,10.99981221,10.98606247,10.87152554,11.0393089,10.67724514,11.04677788,11.05253023,11.09702382,11.27954384,10.90436864,11.2402604,11.17419204,11.42236228,11.11196756,11.05625073,11.2110109,11.12721807,11.09260343,10.77518919,10.95775457,10.82717831
+"18008","XPO7",7.987105641,7.987105505,7.987105948,7.987105619,7.987105389,7.987105783,7.987105798,7.987105672,7.987105629,7.987105771,7.987105785,7.987105859,7.987105216,7.987105334,7.987105477,7.987105031,7.98710564,7.98710544,7.98710535,7.987105292,7.98710569,7.987105315,7.987105826,7.987105869,7.987105892,7.987105824,7.987105372,7.98710536
+"18009","XPOT",6.526964855,6.526963881,6.526964281,6.526963456,6.526963966,6.526963387,6.526964251,6.526963875,6.526964264,6.526963479,6.526963192,6.526962186,6.526964081,6.526965398,6.526963051,6.526963683,6.526962915,6.52696225,6.526964233,6.526963212,6.526964475,6.526964129,6.526964428,6.526964728,6.52696419,6.526963735,6.526964293,6.526964684
+"18010","XPR1",7.051432353,7.051432257,7.05143218,7.051432324,7.051432161,7.051432195,7.051432276,7.051432192,7.05143216,7.051432252,7.051432189,7.051432058,7.051432183,7.051432485,7.051432272,7.051432184,7.051432192,7.051432262,7.051432213,7.051431991,7.05143216,7.051432228,7.05143227,7.051432341,7.051432185,7.051432151,7.051432255,7.051432356
+"18011","XRCC1",6.588528767,6.588528783,6.588528781,6.588528781,6.588528756,6.588528811,6.588528767,6.58852876,6.588528793,6.588528818,6.588528791,6.588528762,6.588528811,6.588528795,6.588528763,6.588528785,6.588528763,6.58852879,6.588528759,6.588528809,6.588528764,6.588528782,6.588528795,6.588528808,6.588528765,6.588528774,6.588528817,6.588528771
+"18012","XRCC2",3.788581877,3.7885818,3.788581976,3.788581807,3.788581736,3.788581414,3.788582243,3.788581769,3.788582021,3.788581864,3.788581776,3.788582132,3.788581807,3.788582029,3.788581745,3.78858178,3.788582378,3.788581635,3.788581688,3.788581912,3.788582079,3.788581922,3.78858169,3.788581825,3.788581725,3.788581714,3.788581594,3.78858229
+"18013","XRCC3",6.018182634,6.018182693,6.01818276,6.018182675,6.018182794,6.01818267,6.018182727,6.018182769,6.018182736,6.018182763,6.018182719,6.018182763,6.018182745,6.018182635,6.018182725,6.018182704,6.018182729,6.018182758,6.018182676,6.01818273,6.018182776,6.018182764,6.018182674,6.018182667,6.018182745,6.018182731,6.018182658,6.018182724
+"18014","XRCC4",4.536201467,4.536201459,4.536201377,4.5362012,4.536201202,4.536200995,4.536201094,4.536201246,4.536200967,4.536201223,4.53620129,4.536200684,4.536201325,4.536201651,4.536201224,4.536201486,4.53620143,4.536201203,4.536201304,4.536200966,4.536201377,4.536201289,4.536201394,4.536201478,4.536201505,4.536201031,4.536201018,4.536201625
+"18015","XRCC5",8.663799179,8.66379874,8.663798429,8.663798486,8.663798145,8.663798399,8.663798457,8.663798187,8.663798299,8.663798313,8.663797873,8.663797624,8.663798498,8.66379954,8.663798562,8.663798373,8.663797864,8.663797673,8.663798767,8.663797169,8.663798638,8.663798536,8.663798549,8.663798542,8.663798298,8.663798227,8.663798343,8.663798931
+"18016","XRCC6",7.71519824,7.715198251,7.71519757,7.715196854,7.715198259,7.715198201,7.715198547,7.715197344,7.715198514,7.715198239,7.715196762,7.715197556,7.715198046,7.715199392,7.715198044,7.715197595,7.715196973,7.71519668,7.715197936,7.715198215,7.715198008,7.715197714,7.715198206,7.715197696,7.715196522,7.715197685,7.71519822,7.715198356
+"18017","XRN1",7.959470452,7.959470093,7.959469412,7.959469556,7.959469111,7.959471819,7.9594696,7.959469389,7.959469898,7.959469045,7.95946872,7.959468069,7.959469879,7.959471045,7.959469782,7.959470088,7.959468687,7.95946902,7.959470132,7.959471428,7.959469578,7.959469584,7.95947038,7.959469926,7.959469421,7.959469391,7.959469981,7.95947006
+"18018","XRN2",7.446005787,7.446005539,7.446005355,7.446005695,7.446005121,7.446005267,7.446005421,7.446005281,7.446005132,7.446005407,7.446005351,7.446004967,7.446005369,7.446005906,7.446005332,7.446005275,7.446004814,7.446005486,7.446005478,7.446005249,7.446005266,7.446005259,7.446005529,7.446005586,7.446005337,7.446005435,7.446005455,7.446005496
+"18019","XRRA1",6.048565924,6.048562104,6.048529069,6.048607919,6.048537062,6.048633371,6.048634501,6.048565057,6.048557044,6.048614555,6.048624741,6.048653946,6.048624651,6.048613706,6.048542861,6.04856067,6.048523265,6.048595941,6.048561634,6.048626543,6.048639074,6.048547316,6.048560173,6.048617888,6.048645903,6.04865325,6.048622994,6.048599186
+"18020","XXYLT1",6.211846703,6.211846746,6.211846775,6.211846699,6.21184684,6.211846787,6.211846694,6.211846861,6.211846793,6.211846851,6.211846748,6.211846749,6.211846732,6.211846729,6.211846784,6.211846847,6.21184692,6.211846795,6.211846639,6.211846799,6.211846796,6.211846619,6.211846696,6.211846783,6.211846747,6.211846672,6.211846751,6.211846798
+"18021","XYLB",4.814766888,4.814766883,4.814766868,4.814766903,4.814766891,4.814766876,4.814766887,4.814766896,4.814766917,4.814766939,4.814766918,4.814766918,4.814766882,4.814766867,4.814766932,4.814766876,4.814766907,4.814766886,4.814766866,4.814766868,4.814766893,4.814766879,4.814766878,4.814766905,4.814766876,4.814766876,4.814766863,4.814766869
+"18022","XYLT1",7.356867454,7.356867505,7.356867469,7.356867467,7.356867469,7.356867435,7.356867483,7.356867424,7.356867451,7.356867492,7.356867506,7.356867417,7.356867503,7.356867484,7.356867462,7.356867504,7.356867504,7.356867472,7.356867496,7.356867434,7.356867468,7.356867453,7.356867457,7.356867514,7.356867499,7.356867501,7.356867494,7.356867494
+"18023","XYLT2",6.29692471,6.296924699,6.296924701,6.296924731,6.296924709,6.296924709,6.296924677,6.296924751,6.296924753,6.296924749,6.296924707,6.296924723,6.296924742,6.296924708,6.296924726,6.296924716,6.2969247,6.296924724,6.296924706,6.296924663,6.296924695,6.296924737,6.296924737,6.296924738,6.296924724,6.296924713,6.296924729,6.296924742
+"18024","YAE1",4.057953628,4.0579535995,4.057953608,4.0579536055,4.0579535795,4.057953596,4.057953612,4.0579535925,4.0579536315,4.0579536035,4.0579535995,4.057953606,4.0579536175,4.057953663,4.057953622,4.0579536015,4.057953612,4.057953617,4.0579535945,4.0579536145,4.0579536145,4.057953636,4.0579536305,4.0579536215,4.057953618,4.0579536065,4.057953606,4.0579536265
+"18025","YAF2",5.448704832,5.448704829,5.448704806,5.448704837,5.448704818,5.448704815,5.448704831,5.44870481,5.448704811,5.448704835,5.448704822,5.44870481,5.448704829,5.448704859,5.448704821,5.448704802,5.448704823,5.448704828,5.448704832,5.448704811,5.448704824,5.448704834,5.448704848,5.448704849,5.448704819,5.448704828,5.448704842,5.448704851
+"18026","YAP1",5.604581708,5.604581692,5.604581724,5.604581699,5.604581742,5.604581753,5.604581714,5.604581742,5.604581705,5.60458175,5.604581736,5.604581775,5.604581717,5.604581639,5.604581753,5.604581674,5.604581742,5.604581728,5.604581745,5.604581734,5.604581742,5.604581727,5.60458171,5.604581666,5.604581719,5.604581725,5.604581711,5.604581729
+"18027","YARS1",7.102442,7.102441881,7.102441713,7.102441631,7.102441715,7.102442043,7.102441842,7.102441669,7.102442046,7.102441968,7.102441654,7.102441322,7.102441991,7.102442084,7.10244183,7.102441723,7.102441452,7.102441469,7.102441534,7.102441883,7.102441864,7.102441676,7.102441967,7.102441922,7.102441485,7.102441624,7.102441998,7.102441826
+"18028","YARS2",5.37241317,5.372412828,5.372412367,5.372412503,5.372412374,5.372412724,5.372412572,5.372412458,5.372412659,5.372412793,5.372412082,5.372412277,5.372412673,5.372413365,5.372412648,5.372412625,5.372412575,5.372412074,5.372412463,5.372412395,5.372412433,5.372412368,5.3724128,5.372412896,5.372412247,5.372412633,5.37241297,5.372412919
+"18029","YBEY",5.800805892,5.800805899,5.800806094,5.80080597,5.800805985,5.800805777,5.800805895,5.800806038,5.800805934,5.800805986,5.800805969,5.80080585,5.800806005,5.800805883,5.800805882,5.800805849,5.800806012,5.800805958,5.800805954,5.80080586,5.800805879,5.800805957,5.800805998,5.800805938,5.800806046,5.800805872,5.800806085,5.80080597
+"18030","YBX1",10.81145422,10.80941329,10.82974328,10.81366931,10.81788151,10.83585652,10.82826001,10.83432819,10.83624811,10.81729997,10.8319916,10.82627335,10.81261375,10.81476354,10.81209892,10.791931,10.82181359,10.81756313,10.80628916,10.8253664,10.82577815,10.82870318,10.83441428,10.81134773,10.82704226,10.83308912,10.8204923,10.82596432
+"18031","YBX2",7.252020291,7.25202074,7.252020877,7.252020622,7.252020992,7.252020516,7.252020679,7.252020884,7.252020962,7.252020939,7.252021062,7.252021095,7.252020638,7.252020523,7.252020857,7.252021107,7.2520212,7.252020896,7.252020695,7.252020716,7.252020648,7.252020966,7.25202058,7.252020762,7.252021002,7.252020809,7.252020712,7.25202095
+"18032","YBX3",10.42286942,9.866577466,10.57830307,10.28470474,10.21189754,10.71165459,10.59752956,10.74278724,10.50107958,10.06951606,10.5652835,10.73801825,10.06816015,9.361150193,10.44316451,9.224335307,10.36740772,10.03416592,9.943446111,10.31289074,10.44759324,10.50563121,10.42645244,10.07947939,10.42465489,10.75985084,10.32181478,9.757396617
+"18033","YDJC",7.014820065,7.014820073,7.014820083,7.014820054,7.014820134,7.014820083,7.014820082,7.014820178,7.014820119,7.014820121,7.014820116,7.014820195,7.014820146,7.014819973,7.014820045,7.014820101,7.014820108,7.014820008,7.014819958,7.014820013,7.01482003,7.014820154,7.014820059,7.014820136,7.014820113,7.014820091,7.014820184,7.014820012
+"18034","YEATS2",6.502435192,6.502435177,6.502435178,6.502435183,6.502435176,6.502435204,6.50243519,6.50243518,6.502435194,6.502435194,6.502435176,6.502435159,6.502435198,6.502435206,6.50243519,6.502435167,6.502435155,6.502435169,6.502435206,6.502435196,6.502435188,6.502435193,6.50243519,6.502435193,6.502435177,6.502435196,6.502435193,6.50243519
+"18035","YEATS4",5.563749517,5.563749456,5.563749446,5.563749307,5.563749342,5.5637493,5.563749504,5.563749341,5.563749533,5.563749413,5.563749338,5.563749257,5.563749469,5.563749774,5.563749373,5.563749411,5.563749368,5.563749349,5.563749458,5.563749304,5.563749411,5.563749371,5.563749561,5.563749505,5.563749411,5.563749284,5.563749471,5.563749663
+"18036","YES1",4.360545235,4.360545275,4.360545141,4.360545124,4.360545231,4.360545113,4.360545107,4.360545184,4.360545227,4.360545121,4.360545171,4.360545138,4.360545222,4.360545241,4.3605452,4.360545195,4.360545071,4.360545097,4.360545135,4.360545152,4.360545129,4.360545202,4.360545211,4.360545149,4.360545068,4.360545189,4.36054514,4.360545276
+"18037","YIF1A",6.656398581,6.656398606,6.656398637,6.656398481,6.656398613,6.656398624,6.656398579,6.656398555,6.656398585,6.65639861,6.656398452,6.656398526,6.656398637,6.656398551,6.656398585,6.656398541,6.656398555,6.656398477,6.656398551,6.656398543,6.656398528,6.656398566,6.656398506,6.656398531,6.656398509,6.656398515,6.656398637,6.656398498
+"18038","YIF1B",6.643050691,6.6430509045,6.6430508795,6.6430508575,6.6430508155,6.6430508585,6.6430507685,6.643050878,6.643050911,6.643050864,6.643050955,6.643050784,6.6430508635,6.6430507325,6.643050766,6.64305083,6.643050902,6.643050879,6.643050768,6.6430508505,6.643050695,6.6430507765,6.6430508345,6.643050819,6.643050956,6.6430508445,6.6430508845,6.643050797
+"18039","YIPF1",6.806303643,6.806303524,6.80630326,6.806304005,6.806303272,6.806303876,6.806303376,6.806303359,6.806303522,6.806303555,6.806303346,6.806302724,6.806303424,6.806303546,6.806303459,6.806303564,6.806303328,6.806303683,6.80630373,6.806304036,6.806303358,6.806303454,6.806303756,6.806303924,6.806303489,6.806302413,6.806303439,6.806303037
+"18040","YIPF2",6.872722156,6.872722156,6.872722374,6.872722279,6.872722256,6.872722332,6.872722209,6.872722343,6.872722238,6.872722253,6.872722276,6.872722329,6.872722194,6.872722082,6.872722223,6.872722169,6.872722351,6.872722266,6.872722253,6.872722183,6.872722191,6.872722356,6.872722259,6.872722215,6.872722267,6.872722283,6.872722281,6.872722174
+"18041","YIPF3",8.236843147,8.236843495,8.236843446,8.23684376,8.236843043,8.236843635,8.236843222,8.236843338,8.236843395,8.236843377,8.236843274,8.236843264,8.236843313,8.236843032,8.236843224,8.236843524,8.236843433,8.23684358,8.23684326,8.236843537,8.236843037,8.236843369,8.236843309,8.236843349,8.2368435,8.236843333,8.236843306,8.236842822
+"18042","YIPF4",7.244892754,7.244892687,7.244892387,7.244892562,7.244892191,7.244892212,7.244892278,7.24489226,7.244892433,7.244891881,7.244892238,7.244892106,7.244892459,7.244893093,7.244892345,7.244892815,7.244892428,7.244892227,7.244892641,7.244892395,7.244892436,7.244892165,7.244892549,7.244892395,7.24489224,7.244892218,7.244892356,7.244892644
+"18043","YIPF5",6.415539696,6.415539329,6.415538977,6.415538658,6.415538676,6.415538752,6.415539241,6.415539069,6.415539018,6.415539052,6.415538604,6.415537997,6.415539244,6.41554019,6.415538997,6.415539437,6.415538757,6.415538387,6.415539423,6.415538698,6.415539132,6.415538841,6.415539257,6.415538929,6.415538769,6.415538783,6.415539256,6.415539726
+"18044","YIPF6",7.116358106,7.116357525,7.116358602,7.116357847,7.116357367,7.116358167,7.116358022,7.116358434,7.116358324,7.116358005,7.116358242,7.116358269,7.116357815,7.116358247,7.116357434,7.116357543,7.116358068,7.116358007,7.116358054,7.116358418,7.116357663,7.116358228,7.116358236,7.116358555,7.1163583,7.116358572,7.116357948,7.116358156
+"18045","YIPF7",3.354649638,3.354649835,3.354649507,3.354649697,3.354649726,3.354649845,3.354649596,3.354649698,3.354649527,3.354649708,3.354649527,3.35464998,3.354649506,3.354649682,3.354649513,3.354649521,3.354649706,3.354649727,3.354649531,3.354649672,3.354649526,3.354649652,3.354649932,3.3546497,3.354649515,3.354649722,3.35464977,3.35464968
+"18046","YJU2",6.62502977,6.625029772,6.625029743,6.625029762,6.625029797,6.625029802,6.625029783,6.625029759,6.625029788,6.625029812,6.625029789,6.625029769,6.625029796,6.625029772,6.625029785,6.625029755,6.62502977,6.625029748,6.625029803,6.625029798,6.625029767,6.62502976,6.625029786,6.625029765,6.625029728,6.625029771,6.625029774,6.625029794
+"18047","YJU2B",7.044091052,7.044090864,7.044090949,7.04409081,7.044090752,7.044091174,7.044090903,7.044090924,7.044091107,7.044091133,7.044091049,7.04409106,7.044091095,7.044090976,7.044091018,7.044090849,7.044091031,7.044090916,7.044090817,7.044091155,7.044090907,7.044090944,7.044090939,7.044091065,7.044090929,7.044091084,7.044091009,7.044090955
+"18048","YKT6",7.666683761,7.666683911,7.666683315,7.666683932,7.666683463,7.666683923,7.666683768,7.66668362,7.666683508,7.666683753,7.666683217,7.666683099,7.666683767,7.666684024,7.666683409,7.666683512,7.666683481,7.66668345,7.666683903,7.666684028,7.666683525,7.666683821,7.666683832,7.666683935,7.666683579,7.666683248,7.666683447,7.666683746
+"18049","YLPM1",7.300457847,7.300457695,7.300457542,7.300457488,7.300457315,7.300457575,7.300457457,7.300457286,7.300458088,7.300457876,7.300457215,7.30045753,7.300457729,7.300458224,7.30045744,7.300457209,7.30045666,7.300457037,7.300457681,7.300457273,7.300457447,7.300457299,7.300457784,7.300457456,7.300457263,7.300457873,7.300457774,7.300457838
+"18050","YME1L1",8.229290356,8.229289826,8.229289803,8.229289887,8.229289891,8.229289537,8.229289897,8.22928929,8.229289589,8.229289888,8.22928943,8.229289384,8.229289937,8.229290877,8.229290061,8.229289642,8.229289523,8.229289442,8.229290091,8.229289718,8.229290026,8.229289348,8.229290071,8.229290068,8.229289506,8.229289738,8.229289811,8.229290464
+"18051","YOD1",7.378487007,7.378483648,7.378486181,7.378485003,7.37848501,7.378485716,7.378485588,7.37848721,7.378485941,7.378486226,7.378486873,7.378487592,7.378487132,7.378482402,7.378486387,7.378482957,7.378485027,7.378485251,7.378483588,7.378484545,7.378485436,7.378485773,7.378485392,7.378485688,7.378486216,7.378487509,7.378487645,7.378482448
+"18052","YPEL1",6.327908476,6.327908448,6.327908385,6.327908384,6.32790842,6.327908369,6.327908463,6.327908474,6.327908377,6.327908405,6.327908451,6.327908445,6.32790843,6.327908422,6.327908487,6.327908454,6.327908448,6.327908418,6.327908404,6.327908362,6.327908423,6.327908408,6.32790839,6.327908426,6.327908415,6.32790844,6.327908437,6.327908427
+"18053","YPEL2",7.235468445,7.235468516,7.235468333,7.23546849,7.235468374,7.235468262,7.235468348,7.23546833,7.235468354,7.235468404,7.235468231,7.235468352,7.235468234,7.235468414,7.235468274,7.235468337,7.235468227,7.235468271,7.235468288,7.235468278,7.235468275,7.235468101,7.235468311,7.235468526,7.235468315,7.235468407,7.235468324,7.235468306
+"18054","YPEL3",9.244088641,9.244089341,9.244089392,9.244089482,9.244089238,9.244090541,9.24408893,9.244090256,9.244089726,9.244089183,9.244089289,9.244089523,9.244088872,9.244088088,9.244088612,9.244088554,9.244089328,9.244089158,9.244089056,9.244089793,9.244088645,9.244089589,9.244089698,9.244089733,9.244089605,9.2440894,9.244089288,9.244087993
+"18055","YPEL4",4.808079391,4.808079355,4.808079423,4.808079271,4.808079464,4.808079291,4.808079313,4.808079399,4.808079202,4.808079376,4.808079303,4.808079499,4.808079328,4.808079221,4.808079359,4.808079413,4.808079516,4.8080795,4.808079371,4.808079279,4.808079452,4.808079391,4.80807939,4.808079313,4.808079262,4.808079446,4.808079246,4.808079226
+"18056","YPEL5",7.561193138,7.561193079,7.561193071,7.56119328,7.561192922,7.561192839,7.561193174,7.56119288,7.561192999,7.561193078,7.561193,7.561192826,7.561192932,7.561193515,7.561193163,7.561193042,7.561193187,7.56119323,7.561193254,7.561192483,7.561193217,7.56119299,7.56119317,7.561193191,7.561193134,7.561192915,7.561192826,7.561193375
+"18057","YRDC",6.973217369,6.973217369,6.973217351,6.973217171,6.973217389,6.973217288,6.973217336,6.973217453,6.973217364,6.973217382,6.973217252,6.973217326,6.973217299,6.973217334,6.973217339,6.97321745,6.973217413,6.973217346,6.9732173,6.973217371,6.973217415,6.973217419,6.973217411,6.973217218,6.97321724,6.973217283,6.973217308,6.97321742
+"18058","YTHDC1",7.774808182,7.774807756,7.774807419,7.774807839,7.774807138,7.774806865,7.77480748,7.774807152,7.774807478,7.774807885,7.774807502,7.774806809,7.774807893,7.774809045,7.774807667,7.774807986,7.774807281,7.774807628,7.774808276,7.774807351,7.774807628,7.774807356,7.774807964,7.77480786,7.774807616,7.774807535,7.774807666,7.774808308
+"18059","YTHDC2",6.456497116,6.456496935,6.456497024,6.456496882,6.456496883,6.456496834,6.456496928,6.456496822,6.456497011,6.456496892,6.456496773,6.456496902,6.456496975,6.456497189,6.45649687,6.45649684,6.456496833,6.456496763,6.456496984,6.456496882,6.456496894,6.456496837,6.456497019,6.456496939,6.456496737,6.456496985,6.456496996,6.456497106
+"18060","YTHDF1",7.655659884,7.655660055,7.655659503,7.655659254,7.655659325,7.655659605,7.655659372,7.65565927,7.655659629,7.655659574,7.655659335,7.655658922,7.655659592,7.655660353,7.655659653,7.655659911,7.655658965,7.655659213,7.655659354,7.655659145,7.655659345,7.655659125,7.655659714,7.655659716,7.655659389,7.655659456,7.655659776,7.655659979
+"18061","YTHDF2",7.098935404,7.098935383,7.098935426,7.098935314,7.098935417,7.098935427,7.098935437,7.098935391,7.098935466,7.098935483,7.09893542,7.098935354,7.098935466,7.098935456,7.09893544,7.098935279,7.098935387,7.098935333,7.098935394,7.098935257,7.098935416,7.098935475,7.098935473,7.09893541,7.098935325,7.098935455,7.0989355,7.098935491
+"18062","YTHDF3",7.005926217,7.005926051,7.00592554,7.005925983,7.005925289,7.005924843,7.005925265,7.005925079,7.005925319,7.005925174,7.0059254,7.005924313,7.005925775,7.005926908,7.005925773,7.005925898,7.005925037,7.00592585,7.005925449,7.005925889,7.005925713,7.005925146,7.005925769,7.005925897,7.00592574,7.005925529,7.005925463,7.005926058
+"18063","YWHAB",9.517325531,9.517325345,9.517324902,9.51732525,9.517324934,9.517325252,9.517325132,9.51732444,9.517325025,9.517325205,9.517324818,9.517324216,9.517325037,9.517325808,9.517325177,9.517325,9.517324672,9.517324817,9.517325371,9.517324962,9.517325203,9.517324686,9.517325436,9.517325342,9.517324815,9.517325125,9.517324924,9.517325107
+"18064","YWHAE",7.837793387,7.837793383,7.837793067,7.837793365,7.83779242,7.837793145,7.837793054,7.83779285,7.837793109,7.837793521,7.837792857,7.837792286,7.837793278,7.837793723,7.837792392,7.8377928,7.837792311,7.837792673,7.837792975,7.837792184,7.837792965,7.837792333,7.837793075,7.837793324,7.837793143,7.837793001,7.837793355,7.837793363
+"18065","YWHAG",7.297522698,7.297522707,7.297522682,7.297522726,7.297522699,7.297522729,7.297522709,7.297522702,7.297522691,7.297522735,7.29752273,7.297522651,7.297522691,7.297522731,7.297522714,7.297522649,7.297522655,7.297522662,7.297522699,7.297522574,7.297522654,7.297522696,7.297522678,7.297522712,7.297522685,7.297522695,7.297522703,7.297522695
+"18066","YWHAH",7.88105532,7.881056017,7.881055772,7.881056167,7.881055571,7.881055275,7.881055436,7.881055518,7.881055115,7.881055577,7.881055974,7.881055174,7.881055729,7.8810557,7.881055055,7.881055789,7.88105546,7.881055923,7.881055511,7.881055358,7.881055438,7.881055387,7.881055577,7.881055827,7.881055849,7.881055537,7.88105563,7.88105559
+"18067","YWHAH-AS1",4.537024138,4.537024103,4.537024136,4.537024094,4.537024157,4.537024111,4.537024134,4.537024164,4.537024146,4.537024128,4.537024131,4.537024166,4.537024143,4.537024098,4.537024147,4.537024125,4.537024149,4.537024178,4.537024133,4.537024144,4.537024159,4.53702417,4.537024126,4.537024109,4.537024144,4.537024146,4.537024152,4.537024145
+"18068","YWHAQ",8.750353222,8.750353017,8.750352638,8.750352685,8.750352838,8.750352889,8.750353117,8.750352771,8.750353074,8.750352976,8.750352508,8.750352479,8.750352904,8.750353243,8.750353033,8.750352886,8.750352553,8.750352471,8.75035291,8.750352597,8.75035303,8.750352838,8.75035315,8.750352982,8.750352436,8.750352666,8.750352909,8.750353051
+"18069","YWHAQP8",5.978404466,5.978404296,5.978404443,5.978404398,5.978404576,5.978404396,5.978404514,5.978404481,5.978404412,5.978404444,5.978404477,5.978404588,5.978404466,5.978404388,5.978404519,5.978404423,5.978404532,5.978404528,5.978404464,5.978404471,5.978404541,5.978404532,5.978404428,5.978404508,5.978404509,5.978404556,5.978404405,5.978404478
+"18070","YWHAZ",9.588549585,9.588549297,9.588548381,9.58854945,9.58854851,9.588548476,9.588548794,9.5885481,9.58854844,9.588548689,9.588548787,9.588547486,9.588548665,9.588550009,9.58854907,9.58854869,9.588547567,9.588549119,9.588548986,9.588549044,9.588549403,9.588547888,9.588548966,9.58854932,9.588548961,9.588548768,9.58854865,9.5885491
+"18071","YY1",8.707364771,8.707364774,8.707364797,8.707364774,8.707364785,8.707364759,8.707364784,8.707364769,8.707364787,8.707364785,8.707364778,8.707364784,8.707364786,8.707364753,8.707364763,8.707364796,8.707364781,8.707364779,8.707364776,8.707364711,8.707364765,8.707364775,8.707364775,8.707364783,8.707364792,8.70736479,8.707364768,8.707364792
+"18072","YY1AP1",7.345282494,7.345282478,7.345282545,7.345282458,7.345282512,7.345282575,7.345282508,7.34528248,7.34528252,7.345282538,7.345282505,7.345282526,7.345282496,7.345282477,7.345282504,7.34528243,7.345282495,7.345282507,7.34528249,7.345282562,7.345282512,7.345282463,7.345282541,7.345282524,7.34528254,7.345282558,7.34528252,7.345282461
+"18073","YY2",5.2585247,5.258524654,5.258524631,5.258524663,5.258524725,5.258524695,5.258524667,5.258524704,5.258524678,5.258524678,5.258524707,5.258524755,5.258524678,5.258524659,5.25852471,5.258524664,5.258524742,5.258524718,5.25852471,5.258524704,5.258524736,5.258524757,5.25852472,5.258524659,5.258524601,5.258524724,5.258524653,5.258524686
+"18074","ZACN",4.985475293,4.985475293,4.985475295,4.98547531,4.985475321,4.985475309,4.985475305,4.985475312,4.9854753,4.985475317,4.985475324,4.985475306,4.98547531,4.98547528,4.985475328,4.985475301,4.985475306,4.98547531,4.985475304,4.985475318,4.985475325,4.985475319,4.985475294,4.985475288,4.985475304,4.985475321,4.985475306,4.985475296
+"18075","ZAN",4.997305805,4.997305806,4.997305848,4.997305805,4.997305879,4.99730581,4.997305847,4.99730586,4.997305828,4.997305845,4.997305849,4.997305885,4.997305831,4.997305779,4.997305853,4.997305832,4.997305882,4.997305868,4.99730581,4.997305849,4.997305864,4.997305856,4.997305808,4.997305817,4.997305849,4.997305859,4.997305816,4.997305839
+"18076","ZAP70",7.531941774,7.531941032,7.531940175,7.531939475,7.531940104,7.531942426,7.531941487,7.531942058,7.531942275,7.531941739,7.531939891,7.531941008,7.531942499,7.531941809,7.531941155,7.531940392,7.531939866,7.53193968,7.531940357,7.531941175,7.531941096,7.531942463,7.531942116,7.531941117,7.531939545,7.531942249,7.531942685,7.531941531
+"18077","ZAR1",6.165734068,6.165734058,6.165734472,6.16573421,6.165734565,6.165734295,6.165734333,6.16573445,6.165734362,6.165734463,6.165734492,6.165734691,6.165734335,6.165733871,6.165734379,6.165734232,6.165734466,6.165734468,6.165734349,6.165734248,6.165734283,6.16573436,6.16573418,6.165734217,6.165734399,6.165734418,6.165734384,6.165734428
+"18078","ZAR1L",3.789589255,3.789589251,3.789589291,3.789589292,3.789589262,3.789589325,3.789589269,3.78958928,3.789589268,3.789589254,3.789589279,3.789589299,3.789589294,3.789589252,3.789589268,3.789589258,3.789589324,3.789589258,3.789589272,3.789589301,3.78958927,3.789589289,3.78958928,3.789589269,3.789589298,3.78958927,3.789589269,3.789589288
+"18079","ZBBX",2.793420671,2.793420666,2.793420677,2.793420668,2.793420653,2.793420645,2.793420723,2.79342066,2.793420732,2.793420751,2.793420741,2.793420714,2.793420608,2.793420674,2.793420667,2.793420796,2.793420659,2.793420712,2.793420731,2.793420699,2.793420704,2.79342067,2.793420673,2.793420672,2.79342073,2.793420692,2.793420668,2.793420701
+"18080","ZBED10P",5.836253581,5.836253543,5.836253568,5.836253532,5.836253704,5.836253845,5.836253656,5.836253618,5.836253673,5.836253706,5.836253537,5.836253791,5.836253608,5.836253529,5.836253791,5.836253668,5.836253779,5.836253649,5.836253684,5.836253634,5.836253676,5.83625374,5.836253573,5.836253717,5.836253428,5.836253725,5.836253587,5.836253342
+"18081","ZBED2",5.858413167,5.85841327,5.858413338,5.858413172,5.85841346,5.85841305,5.858413093,5.858413623,5.858413384,5.858413195,5.85841346,5.85841336,5.858413272,5.858413144,5.858413402,5.858413484,5.858413466,5.858413568,5.858413222,5.858413268,5.858413231,5.858413557,5.858413124,5.858413253,5.858413431,5.858413299,5.858413124,5.858413515
+"18082","ZBED3",6.547216639,6.547216654,6.547216727,6.547216712,6.54721674,6.547216656,6.547216671,6.54721674,6.547216682,6.547216706,6.547216737,6.547216762,6.547216667,6.54721661,6.547216697,6.547216673,6.547216736,6.547216728,6.547216652,6.547216714,6.547216694,6.547216733,6.547216646,6.547216657,6.54721673,6.547216693,6.547216706,6.547216701
+"18083","ZBED4",6.662078711,6.662078808,6.662078705,6.66207867,6.662078626,6.662078562,6.662078725,6.662078631,6.662078766,6.662078731,6.66207863,6.66207866,6.662078708,6.662078819,6.662078694,6.662078784,6.662078555,6.662078573,6.662078666,6.662078624,6.662078657,6.662078677,6.662078744,6.662078701,6.66207869,6.662078716,6.662078755,6.662078741
+"18084","ZBED5",6.630460054,6.63045845,6.630459254,6.630457238,6.630458189,6.630457906,6.63045842,6.630457649,6.630459266,6.630458876,6.630457607,6.630457455,6.630458969,6.630462575,6.630459224,6.630457881,6.630458722,6.630457704,6.630459337,6.63045812,6.630458617,6.63045837,6.630460072,6.630458747,6.630457724,6.630458245,6.630458817,6.630461725
+"18085","ZBED8",2.937438068,2.937438096,2.937438265,2.937438151,2.937438092,2.937438182,2.937438113,2.937438128,2.937438092,2.937438042,2.937438172,2.93743825,2.937438161,2.937438147,2.937438096,2.937438151,2.937438159,2.937438162,2.937438074,2.937438296,2.937438126,2.93743802,2.937438167,2.937438172,2.937438205,2.937438065,2.93743808,2.937438141
+"18086","ZBED9",4.260219965,4.260219998,4.260219975,4.260220014,4.260220042,4.260219918,4.260219991,4.260219935,4.26021993,4.260219959,4.260220028,4.260220063,4.260219935,4.260219876,4.260219999,4.260220023,4.260219913,4.26022005,4.260220062,4.26022001,4.260220015,4.260219957,4.260219927,4.260219935,4.260219989,4.260219989,4.260219945,4.260219989
+"18087","ZBP1",7.388660761,7.400039034,7.382554889,7.406015444,7.402580657,7.446698294,7.400928711,7.391745441,7.399655653,7.383137411,7.387204478,7.373563381,7.395644863,7.375217367,7.393573397,7.401059255,7.386665063,7.399109644,7.409658196,7.451736323,7.398008918,7.396799389,7.401236932,7.397393105,7.398992259,7.376870096,7.393992855,7.376487843
+"18088","ZBTB1",6.338002879,6.338002777,6.338001657,6.338000715,6.338000789,6.338000178,6.33800143,6.338001305,6.33800235,6.33800204,6.338000756,6.337999827,6.338002664,6.338006185,6.338002337,6.338001783,6.338001179,6.338000431,6.338001977,6.337998844,6.338001495,6.338001616,6.338002686,6.338001412,6.338000592,6.338000819,6.338001919,6.338005059
+"18089","ZBTB10",6.383320089,6.383320093,6.383320089,6.383320054,6.38332012,6.383320035,6.383320066,6.383320101,6.383320112,6.383320097,6.383320083,6.383320134,6.383320067,6.383320065,6.383320119,6.383320108,6.383320088,6.38332007,6.383320085,6.383320057,6.383320097,6.383320094,6.38332009,6.383320087,6.383320051,6.383320092,6.383320074,6.383320133
+"18090","ZBTB11",6.830727386,6.830727405,6.830727322,6.830727336,6.830727259,6.830727263,6.830727328,6.830727247,6.83072734,6.830727343,6.83072729,6.830727198,6.830727348,6.830727539,6.830727322,6.83072732,6.830727196,6.830727266,6.830727365,6.83072723,6.830727297,6.830727301,6.83072737,6.830727388,6.830727248,6.830727285,6.830727347,6.830727432
+"18091","ZBTB11-AS1",6.740710502,6.74071051,6.74071038,6.74071036,6.740710365,6.740710535,6.740710516,6.740710407,6.740710496,6.740710457,6.740710423,6.740710332,6.74071056,6.740710526,6.740710438,6.740710411,6.740710293,6.740710331,6.740710376,6.740710431,6.740710412,6.740710451,6.740710527,6.740710495,6.740710374,6.740710421,6.740710534,6.74071044
+"18092","ZBTB12",6.002089398,6.002089371,6.002089521,6.002089416,6.002089967,6.002089384,6.002089735,6.002089758,6.002089705,6.002089598,6.00208962,6.002089967,6.002089515,6.002089085,6.002089834,6.002089658,6.002090004,6.002089693,6.002089645,6.002089503,6.002089723,6.002089835,6.002089461,6.002089299,6.002089626,6.002089712,6.002089418,6.002089772
+"18093","ZBTB14",5.64423267,5.644232649,5.644232202,5.644232069,5.644232158,5.644232165,5.644232311,5.644232073,5.644232783,5.644232551,5.644232221,5.644232404,5.644232579,5.644233096,5.644232377,5.64423238,5.644232232,5.644232009,5.644232298,5.644231902,5.644232131,5.644232333,5.644232642,5.644232664,5.644232071,5.644232291,5.644232455,5.644233012
+"18094","ZBTB16",7.150053744,7.150053575,7.150052861,7.150053388,7.150052489,7.150052045,7.150052609,7.150052663,7.150051763,7.150051811,7.150053162,7.150052683,7.150052617,7.150052439,7.150052204,7.150052896,7.150051952,7.150052318,7.150051301,7.150051999,7.150051505,7.150052176,7.150051714,7.150052751,7.150052029,7.150052028,7.150052452,7.150052184
+"18095","ZBTB17",6.470977698,6.470977694,6.470977727,6.470977717,6.470977755,6.470977704,6.470977707,6.470977722,6.470977696,6.470977702,6.470977705,6.47097772,6.470977745,6.470977686,6.470977728,6.470977752,6.470977728,6.470977733,6.47097771,6.470977696,6.470977749,6.470977728,6.470977708,6.470977696,6.470977715,6.470977734,6.470977713,6.470977699
+"18096","ZBTB18",7.293213678,7.293214008,7.293213798,7.293214103,7.293213655,7.293213832,7.293213814,7.293213758,7.29321385,7.293213768,7.293213901,7.293213455,7.29321393,7.293213998,7.293213692,7.293214046,7.293213671,7.293214059,7.293213979,7.293213945,7.293213798,7.29321367,7.293213942,7.293213926,7.293214069,7.293213728,7.29321388,7.29321387
+"18097","ZBTB2",6.191869029,6.191869026,6.191869005,6.191869004,6.191869023,6.191869039,6.191869027,6.191869015,6.191869014,6.191869013,6.19186901,6.191869033,6.19186902,6.191869017,6.191869031,6.191869012,6.191869016,6.191869022,6.191869033,6.191869016,6.191869019,6.191869026,6.191869016,6.191869011,6.191869028,6.191869011,6.191869007,6.191869025
+"18098","ZBTB20",6.388058116,6.38805779,6.388057688,6.38805784,6.388057707,6.388057824,6.388057589,6.388057767,6.388058038,6.38805784,6.38805768,6.388057663,6.388057879,6.388058124,6.388057744,6.388057453,6.388057384,6.388057756,6.38805788,6.388057761,6.388057539,6.388057733,6.388057834,6.38805794,6.388057644,6.388057922,6.38805803,6.388057813
+"18099","ZBTB21",5.606771372,5.606771134,5.606771164,5.606771043,5.606771178,5.606771123,5.606771224,5.606770987,5.606771289,5.606771272,5.606771052,5.60677114,5.606771262,5.606771767,5.606771191,5.606771088,5.606770989,5.606771263,5.606771273,5.606770992,5.606770941,5.606771029,5.606771306,5.606771314,5.606771041,5.606771099,5.606771244,5.606771333
+"18100","ZBTB22",7.0463201475,7.046321184,7.0463212635,7.0463208045,7.046321639,7.0463211925,7.046321604,7.0463206115,7.0463216195,7.046321585,7.046320783,7.046321443,7.0463216275,7.0463206635,7.046321067,7.0463217345,7.0463210635,7.0463211305,7.0463206995,7.04632103,7.046321731,7.046321149,7.0463211895,7.046321206,7.046320602,7.046321321,7.046321279,7.046321233
+"18101","ZBTB25",6.915116283,6.915115518,6.915115859,6.91511567,6.915115323,6.915115829,6.915115761,6.915115584,6.915116445,6.915116186,6.915115342,6.915116426,6.915116472,6.915116805,6.91511571,6.915114255,6.915115392,6.915115091,6.915115814,6.9151148,6.915115783,6.915115675,6.91511643,6.915116178,6.915114857,6.915116122,6.91511664,6.915115404
+"18102","ZBTB26",5.420644403,5.420644392,5.420644398,5.420644378,5.420644409,5.420644398,5.420644395,5.4206444,5.420644403,5.420644401,5.420644388,5.420644396,5.420644403,5.42064441,5.420644398,5.420644388,5.420644397,5.4206444,5.4206444,5.420644388,5.420644408,5.420644402,5.420644402,5.420644388,5.420644381,5.420644398,5.420644394,5.420644414
+"18103","ZBTB3",6.018458694,6.018458622,6.018458566,6.018458536,6.018458559,6.018458872,6.018458395,6.018458697,6.018458933,6.018458817,6.018458392,6.018458313,6.018458765,6.018458849,6.018458615,6.018458556,6.01845846,6.018458507,6.018458667,6.018458637,6.018458372,6.01845857,6.01845888,6.018458661,6.018458687,6.018458496,6.018458802,6.01845868
+"18104","ZBTB32",5.700732147,5.700732331,5.700732529,5.700732502,5.700732554,5.700732401,5.70073246,5.70073252,5.700732593,5.700732562,5.700732538,5.700732708,5.700732443,5.700732186,5.700732507,5.700732429,5.700732813,5.700732648,5.700732536,5.700732456,5.700732509,5.700732576,5.700732425,5.700732464,5.700732571,5.700732483,5.700732518,5.700732374
+"18105","ZBTB33",5.627214467,5.62721411,5.627214221,5.627213804,5.627213967,5.627213907,5.627214243,5.627214016,5.627214138,5.627214293,5.627214186,5.627214042,5.627214231,5.62721483,5.627214212,5.627214047,5.62721412,5.62721382,5.627214237,5.627214127,5.627214236,5.627214195,5.627214298,5.627214286,5.627214236,5.627214201,5.627214149,5.627214604
+"18106","ZBTB34",8.6069971825,8.613074452,8.60398683425,8.614398788,8.60571239775,8.61069261225,8.60836929225,8.60552052925,8.6046493785,8.6073103725,8.6084977585,8.59622771425,8.60814850725,8.611726276,8.609697984,8.6106405325,8.6067154,8.6145276105,8.609761527,8.6130219285,8.60618986475,8.60502064475,8.61091095675,8.61312661575,8.6103228135,8.600167487,8.605021159,8.60871825775
+"18107","ZBTB37",6.620070761,6.620070812,6.620070631,6.620070716,6.620070533,6.620070729,6.620070728,6.620070558,6.62007074,6.62007072,6.620070756,6.620070533,6.620070734,6.620070848,6.620070693,6.620070754,6.620070666,6.620070785,6.620070724,6.62007071,6.620070643,6.620070658,6.620070779,6.62007075,6.620070803,6.620070667,6.620070753,6.620070834
+"18108","ZBTB38",7.1551071755,7.1407787665,7.132033838,7.143238573,7.1422549385,7.1456005855,7.1569154365,7.1428860175,7.146450796,7.1485891665,7.143923368,7.137505155,7.1523554635,7.152457055,7.1502282075,7.126782778,7.1220875265,7.138969582,7.140751275,7.138187569,7.1530487425,7.133651483,7.149286352,7.1494395815,7.145950649,7.139308164,7.149145047,7.149314881
+"18109","ZBTB39",6.854209156,6.854209201,6.854209156,6.854209107,6.854209154,6.854209146,6.854209151,6.854209179,6.854209194,6.854209207,6.854209149,6.854209174,6.854209174,6.854209161,6.854209177,6.854209135,6.854209122,6.854209128,6.854209134,6.854209125,6.854209167,6.854209181,6.854209196,6.854209205,6.854209172,6.854209176,6.854209161,6.854209184
+"18110","ZBTB4",6.750088162,6.750088125,6.75008802,6.750088014,6.750088124,6.750088066,6.750088083,6.750088146,6.750088158,6.750088179,6.750087984,6.750088097,6.750088141,6.750088138,6.750088039,6.750088092,6.750087739,6.750087945,6.75008805,6.75008794,6.750088024,6.750088068,6.750088119,6.750088018,6.750087984,6.750088195,6.750088156,6.750088065
+"18111","ZBTB40",6.66508536,6.665085185,6.665084962,6.665085037,6.665085008,6.665085157,6.665085168,6.665085191,6.665085219,6.665085205,6.66508497,6.665085097,6.66508518,6.665085333,6.665085022,6.665084965,6.665084658,6.665084896,6.665085116,6.66508514,6.665085117,6.665085136,6.665085191,6.665085233,6.665085002,6.66508538,6.665085274,6.665085175
+"18112","ZBTB41",5.048309433,5.04830843,5.048309047,5.048307822,5.04830863,5.048307165,5.048308611,5.048306962,5.048308851,5.048308878,5.048307345,5.048306978,5.048308568,5.048311583,5.048309024,5.048307871,5.048308294,5.048307377,5.048308313,5.048305575,5.048308394,5.048307603,5.048309358,5.048307797,5.048307802,5.048308168,5.048308267,5.048310483
+"18113","ZBTB42",6.212040881,6.212041017,6.212040897,6.212040965,6.21204116,6.212041002,6.212041134,6.212040965,6.212040883,6.212040962,6.21204095,6.212040845,6.212040971,6.212040895,6.21204102,6.212040984,6.212041075,6.21204104,6.212040904,6.212040969,6.212041033,6.21204111,6.212040994,6.212040911,6.212040941,6.212041046,6.21204102,6.212040964
+"18114","ZBTB43",6.168638578,6.168638613,6.16863857,6.168638583,6.168638504,6.16863854,6.168638508,6.168638572,6.168638516,6.168638587,6.168638429,6.168638398,6.168638596,6.168638674,6.168638563,6.168638599,6.168638437,6.1686385,6.168638551,6.168638418,6.168638549,6.168638499,6.168638534,6.168638556,6.16863852,6.168638518,6.168638516,6.168638538
+"18115","ZBTB44",7.554208701,7.554208446,7.554208676,7.554208458,7.554208399,7.554208556,7.554208557,7.554208619,7.554208615,7.554208727,7.554208544,7.554208623,7.55420855,7.554208694,7.554208524,7.55420826,7.554208437,7.554208494,7.554208485,7.554208579,7.554208579,7.554208474,7.554208657,7.55420864,7.554208494,7.554208658,7.554208568,7.554208609
+"18116","ZBTB44-DT",4.935306009,4.935306045,4.935306053,4.935306159,4.935306398,4.935305931,4.935306185,4.935306388,4.935305803,4.935305978,4.935306122,4.935306197,4.935306093,4.935305917,4.935306228,4.935306301,4.935306035,4.935305923,4.935306058,4.935306067,4.935306201,4.935306364,4.935306147,4.935306147,4.935306199,4.935306018,4.935306092,4.935306199
+"18117","ZBTB45",6.061159321,6.061159297,6.061159313,6.06115931,6.061159319,6.061159319,6.06115929,6.061159318,6.061159308,6.061159328,6.061159308,6.061159317,6.061159313,6.061159312,6.061159321,6.061159273,6.061159312,6.06115931,6.061159315,6.061159302,6.061159302,6.061159324,6.06115932,6.061159317,6.061159302,6.061159297,6.061159309,6.061159305
+"18118","ZBTB46",6.178860347,6.178860263,6.178860734,6.178860439,6.178860854,6.178860521,6.178860518,6.178860627,6.178860602,6.178860663,6.178860727,6.178860817,6.178860534,6.178860051,6.178860687,6.178860403,6.178860768,6.178860597,6.178860662,6.178860557,6.178860682,6.178860768,6.178860431,6.178860396,6.178860704,6.178860787,6.178860605,6.178860563
+"18119","ZBTB47",6.409917299,6.409917375,6.409917412,6.409917367,6.409917457,6.409917332,6.409917363,6.409917477,6.409917338,6.409917364,6.409917478,6.409917456,6.409917416,6.409917258,6.409917422,6.409917393,6.409917479,6.409917424,6.409917362,6.409917403,6.409917417,6.409917402,6.409917304,6.409917375,6.409917396,6.409917414,6.409917302,6.409917445
+"18120","ZBTB48",6.222391756,6.222391897,6.222391858,6.22239194,6.222391832,6.222391792,6.222391789,6.222391855,6.22239183,6.22239186,6.222391762,6.222391755,6.22239187,6.222391856,6.222391757,6.222391944,6.22239172,6.222391781,6.22239187,6.222391813,6.222391776,6.222391894,6.222391888,6.222391859,6.222391917,6.222391805,6.222391927,6.222391801
+"18121","ZBTB49",6.11415237,6.114152379,6.114152364,6.114152357,6.114152353,6.114152337,6.114152381,6.114152372,6.114152348,6.114152349,6.11415236,6.114152324,6.114152352,6.114152373,6.114152355,6.114152387,6.11415236,6.114152376,6.114152368,6.114152297,6.114152372,6.114152364,6.114152384,6.114152373,6.114152346,6.114152346,6.114152352,6.114152373
+"18122","ZBTB5",6.011619522,6.011619537,6.011619524,6.011619527,6.01161951,6.011619505,6.011619511,6.011619525,6.011619547,6.011619548,6.01161951,6.011619525,6.011619519,6.011619553,6.011619543,6.01161952,6.011619505,6.011619519,6.011619518,6.011619505,6.011619506,6.011619518,6.011619527,6.011619525,6.01161951,6.011619505,6.011619527,6.011619578
+"18123","ZBTB6",5.899123884,5.899123242,5.899123365,5.899122866,5.899123122,5.89912251,5.899123211,5.899122742,5.899123626,5.899122669,5.89912301,5.899122186,5.899123058,5.899125002,5.899123816,5.899123121,5.899123615,5.89912298,5.89912364,5.899122577,5.89912328,5.899123381,5.899123681,5.899123438,5.899123378,5.899123012,5.899123121,5.899124602
+"18124","ZBTB7A",7.43846133,7.438461336,7.438461345,7.43846134,7.438461348,7.438461346,7.438461337,7.438461351,7.438461342,7.438461351,7.438461341,7.43846135,7.438461348,7.438461322,7.438461336,7.438461325,7.438461338,7.438461344,7.438461341,7.438461351,7.438461336,7.438461341,7.438461341,7.438461335,7.438461344,7.438461336,7.438461349,7.438461346
+"18125","ZBTB7B",7.31409364,7.314093596,7.314093651,7.314093877,7.31409355,7.314093837,7.314093593,7.314093743,7.314093458,7.314093692,7.314093647,7.314093602,7.314093646,7.314093513,7.31409364,7.314093512,7.314093698,7.314093821,7.314093669,7.314093862,7.314093552,7.314093563,7.314093577,7.314093663,7.314093824,7.314093519,7.314093635,7.314093431
+"18126","ZBTB7C",5.519011885,5.519011801,5.51901199,5.5190119,5.519012135,5.519012056,5.519012077,5.519012097,5.519011959,5.519012134,5.519011897,5.519012259,5.519012001,5.519011729,5.519012161,5.519011867,5.519012227,5.519011986,5.51901196,5.519011773,5.51901202,5.519012199,5.519011876,5.519011919,5.519012074,5.51901186,5.519011907,5.519012023
+"18127","ZBTB7C-AS2",3.893630566,3.893630581,3.89363058,3.893630586,3.893630583,3.893630568,3.893630531,3.893630598,3.893630562,3.893630592,3.893630588,3.893630578,3.89363058,3.893630563,3.893630581,3.893630572,3.893630599,3.893630563,3.893630564,3.893630573,3.893630565,3.893630578,3.893630562,3.89363059,3.893630578,3.893630559,3.893630582,3.893630554
+"18128","ZBTB8OS",4.140502925,4.140502375,4.140502136,4.140502775,4.140502153,4.140502959,4.140502242,4.140502244,4.140502396,4.140502929,4.140502219,4.140502317,4.140502829,4.140502822,4.140502312,4.140502701,4.14050257,4.140502286,4.140502341,4.140502871,4.140502506,4.140502787,4.140502798,4.140502657,4.140502644,4.140502268,4.140502568,4.140502341
+"18129","ZBTB9",5.279059449,5.279059463,5.279059451,5.279059448,5.279059448,5.279059464,5.279059428,5.279059455,5.279059453,5.279059458,5.279059451,5.279059397,5.279059455,5.279059457,5.279059426,5.279059441,5.27905943,5.279059449,5.279059445,5.279059442,5.279059435,5.279059453,5.279059458,5.279059449,5.279059434,5.279059442,5.279059455,5.279059455
+"18130","ZC2HC1A",4.739534661,4.739534558,4.739534493,4.739534496,4.739534482,4.739534411,4.739534453,4.739534404,4.739534054,4.73953447,4.739534468,4.739534036,4.739534521,4.739534562,4.739534492,4.739534537,4.739534355,4.739534495,4.739534521,4.739534307,4.739534441,4.739534392,4.739534096,4.739534404,4.739534585,4.739534209,4.73953458,4.739534581
+"18131","ZC2HC1B",3.234662284,3.234662287,3.234662265,3.234662307,3.23466232,3.234662269,3.234662301,3.234662294,3.234662331,3.234662289,3.234662264,3.234662359,3.234662282,3.234662314,3.234662312,3.23466231,3.234662314,3.234662321,3.234662318,3.234662308,3.234662298,3.234662304,3.234662287,3.234662274,3.234662299,3.234662331,3.234662301,3.234662305
+"18132","ZC2HC1C",4.569233896,4.569234019,4.56923399,4.569233937,4.569234083,4.569233878,4.569234064,4.569234189,4.569234068,4.569234094,4.569233981,4.569234099,4.569233824,4.569233789,4.569234081,4.569234011,4.569234148,4.569234089,4.569233938,4.569234015,4.569233885,4.569234036,4.569234037,4.569234102,4.569234006,4.569234108,4.569233866,4.569234043
+"18133","ZC3H10",6.094282665,6.094282552,6.094282714,6.0942826,6.094282664,6.094282688,6.09428247,6.094282692,6.094282605,6.094282704,6.094282656,6.094282784,6.094282661,6.094282571,6.094282715,6.09428256,6.094282595,6.094282589,6.094282524,6.094282794,6.094282633,6.094282664,6.09428264,6.094282709,6.094282612,6.094282838,6.094282684,6.094282722
+"18134","ZC3H11A",8.415330058,8.415329907,8.415329546,8.415330011,8.4153295,8.415329779,8.415329811,8.41532954,8.415329685,8.415329662,8.415329723,8.415329265,8.415329923,8.415330469,8.415329896,8.415329832,8.415329263,8.415330006,8.415329722,8.415329796,8.415330061,8.415329616,8.415329822,8.415329807,8.415329836,8.415329777,8.415329856,8.415329953
+"18135","ZC3H12A",7.185530321,7.185530365,7.185530338,7.185530373,7.185530327,7.185530372,7.185530322,7.18553034,7.185530338,7.185530347,7.185530343,7.185530312,7.185530347,7.185530325,7.185530336,7.185530352,7.185530305,7.185530348,7.18553034,7.18553037,7.185530316,7.18553034,7.185530325,7.185530347,7.185530357,7.18553032,7.18553035,7.185530324
+"18136","ZC3H12B",4.113074705,4.113074734,4.113074754,4.113074759,4.113074743,4.113074727,4.113074742,4.113074765,4.113074783,4.113074688,4.113074863,4.113074725,4.11307473,4.113074832,4.113074667,4.11307483,4.113074677,4.113074758,4.113074782,4.11307468,4.113074789,4.11307479,4.113074789,4.113074693,4.113074765,4.113074794,4.113074849,4.113074685
+"18137","ZC3H12C",4.14837717,4.148377106,4.14837719,4.148377146,4.148377023,4.14837717,4.148377111,4.148377182,4.148377211,4.148377201,4.148377004,4.148377204,4.148377108,4.148377223,4.148377231,4.148377282,4.148377302,4.148377255,4.148377117,4.148377233,4.148377173,4.148377182,4.148377155,4.148377018,4.148377269,4.148377095,4.148377189,4.148377304
+"18138","ZC3H12D",7.499372262,7.499372316,7.499372315,7.499372248,7.499372619,7.49937227,7.499372437,7.499372444,7.499372352,7.499372385,7.499372351,7.499372565,7.49937235,7.499372219,7.499372511,7.499372366,7.499372548,7.499372417,7.499372473,7.499372335,7.499372476,7.499372407,7.499372298,7.499372211,7.49937236,7.499372428,7.499372337,7.49937238
+"18139","ZC3H13",6.63485416,6.634854319,6.634854054,6.634854045,6.634853988,6.634854066,6.634854043,6.634853855,6.634854217,6.634854265,6.634853937,6.634853855,6.634854102,6.634854496,6.634853956,6.634854169,6.63485382,6.634854042,6.634854144,6.634854137,6.634854021,6.634853954,6.63485423,6.6348542,6.634854092,6.63485416,6.634854118,6.634854403
+"18140","ZC3H14",5.947379456,5.947379387,5.947379384,5.947379354,5.947379337,5.94737929,5.947379383,5.947379292,5.947379481,5.947379432,5.947379288,5.947379338,5.947379406,5.947379533,5.947379394,5.947379311,5.947379271,5.947379291,5.947379419,5.947379258,5.947379341,5.947379375,5.947379425,5.947379416,5.947379312,5.947379354,5.947379389,5.947379427
+"18141","ZC3H15",6.053785731,6.053785531,6.053785789,6.053785125,6.053785358,6.05378506,6.053785622,6.053784805,6.053785718,6.053785163,6.053785356,6.053784794,6.053785446,6.053786956,6.053785432,6.053785538,6.053785412,6.053785237,6.05378574,6.053784922,6.053785696,6.05378504,6.053785547,6.053785595,6.053785154,6.053785306,6.053785179,6.053786366
+"18142","ZC3H18",7.518067045,7.51806707,7.518067041,7.518067049,7.51806707,7.518067049,7.518067055,7.518067055,7.518067079,7.518067052,7.518067067,7.518067049,7.518067057,7.518067057,7.518067069,7.518067064,7.518067054,7.518067064,7.518067054,7.518067059,7.518067073,7.518067067,7.518067063,7.518067048,7.518067064,7.518067067,7.518067047,7.518067077
+"18143","ZC3H18-AS1",4.357983694,4.357983687,4.357983703,4.357983667,4.357983692,4.357983664,4.357983691,4.357983697,4.357983657,4.357983691,4.357983686,4.357983678,4.357983691,4.357983666,4.3579837,4.357983682,4.357983727,4.35798371,4.357983709,4.357983679,4.357983687,4.357983705,4.357983663,4.357983677,4.357983667,4.357983686,4.357983683,4.357983707
+"18144","ZC3H3",6.451864487,6.451864489,6.451864401,6.451864515,6.451864437,6.451864687,6.45186441,6.451864529,6.45186449,6.45186447,6.451864446,6.451864448,6.451864525,6.451864423,6.451864429,6.451864407,6.451864394,6.451864494,6.451864479,6.451864675,6.451864376,6.451864456,6.451864484,6.451864548,6.451864465,6.451864462,6.451864509,6.451864403
+"18145","ZC3H4",6.814733137,6.814733201,6.814733225,6.814733135,6.814733193,6.814733284,6.814733133,6.814733201,6.814733286,6.814733317,6.81473318,6.81473332,6.814733221,6.814733197,6.814733174,6.814733264,6.814733208,6.814733186,6.814733207,6.814733205,6.814733197,6.814733208,6.814733254,6.814733168,6.814733257,6.81473318,6.814733219,6.814733208
+"18146","ZC3H6",6.511896033,6.511895451,6.511895878,6.511895744,6.511895648,6.511895283,6.511895513,6.511895782,6.51189582,6.511895897,6.51189544,6.511895531,6.511895556,6.511897011,6.511895777,6.511895085,6.511895188,6.511895091,6.51189586,6.511894244,6.511895452,6.511895829,6.511896178,6.511895869,6.511895666,6.511896111,6.511895685,6.511896046
+"18147","ZC3H7A",7.302962563,7.302962493,7.302962169,7.302962461,7.302962187,7.302962454,7.302962461,7.302962072,7.302962248,7.302962327,7.302961998,7.302962022,7.302962222,7.302962847,7.302962209,7.302962442,7.302961871,7.302962286,7.302962331,7.302962294,7.302962461,7.302962206,7.302962413,7.30296237,7.302962249,7.302962243,7.302962327,7.302962432
+"18148","ZC3H7B",6.999507445,6.999507442,6.99950743,6.999507392,6.999507416,6.999507508,6.999507415,6.999507447,6.999507479,6.999507468,6.999507394,6.999507419,6.999507451,6.999507441,6.999507416,6.999507393,6.999507392,6.99950741,6.999507423,6.999507402,6.999507386,6.999507449,6.999507464,6.999507421,6.999507386,6.999507447,6.999507456,6.99950745
+"18149","ZC3H8",5.216182385,5.216182223,5.216182262,5.216182129,5.216182218,5.21618201,5.216182253,5.216182103,5.216182348,5.216182207,5.216182049,5.216182128,5.216182285,5.216182567,5.216182303,5.216182167,5.216182082,5.216182132,5.216182309,5.216182171,5.216182276,5.216182177,5.216182358,5.216182089,5.216182124,5.216182214,5.216182339,5.216182469
+"18150","ZC3HAV1",9.042884846,9.043534896,9.032298285,9.040755225,9.037917841,9.050050822,9.041629894,9.035224654,9.042399669,9.037530032,9.038350991,9.035403478,9.039972492,9.04563581,9.039187174,9.036739764,9.029203419,9.035227125,9.041624796,9.052400505,9.035763526,9.034192312,9.042852815,9.035236162,9.037639988,9.036709267,9.04023658,9.037953732
+"18151","ZC3HAV1L",4.797789031,4.797789125,4.797789078,4.797789103,4.797789179,4.797789094,4.797789126,4.797789079,4.797789096,4.797789093,4.797789136,4.797789133,4.7977891,4.797789023,4.797789143,4.79778913,4.797789177,4.797789172,4.797789041,4.797789151,4.797789164,4.797789102,4.797789108,4.797789147,4.797789115,4.797789108,4.797789078,4.797789073
+"18152","ZC3HC1",5.691927961,5.691927919,5.6919279,5.691927892,5.691927944,5.691927907,5.691927879,5.691927861,5.691927944,5.6919279,5.69192783,5.691927899,5.691927941,5.691927989,5.691927909,5.691927906,5.691927914,5.69192779,5.691927917,5.691927946,5.691927886,5.691927917,5.691927989,5.691927889,5.691927815,5.691927841,5.691927858,5.691927891
+"18153","ZC4H2",4.826356816,4.826356729,4.82635673,4.826356745,4.826356821,4.826356733,4.826356805,4.826356774,4.82635678,4.826356867,4.826356876,4.826356922,4.826356844,4.826356843,4.826356855,4.826356594,4.826356694,4.826356704,4.826356711,4.826356816,4.826356857,4.826356828,4.826356835,4.826356569,4.82635663,4.826356896,4.826356952,4.826356798
+"18154","ZCCHC10",4.370102938,4.370103066,4.370102987,4.37010278,4.370102958,4.370102956,4.370102928,4.370102876,4.370102942,4.370102923,4.370102979,4.370103037,4.370102687,4.370103333,4.370102829,4.370103076,4.370102917,4.37010281,4.370102996,4.370102864,4.370102833,4.370102794,4.370103081,4.370103067,4.370102742,4.370102931,4.370102703,4.370103232
+"18155","ZCCHC12",4.051400421,4.051400643,4.051400858,4.051400607,4.051400732,4.051400434,4.051400795,4.051400777,4.051400666,4.051400704,4.051400728,4.051400796,4.0514008,4.051400726,4.051400671,4.051400687,4.051400937,4.051400871,4.051400477,4.05140069,4.051400691,4.051400779,4.051400775,4.051400748,4.051400743,4.051400798,4.051400607,4.051400861
+"18156","ZCCHC13",4.528248307,4.528248248,4.528248351,4.528248307,4.528248345,4.528248246,4.528248305,4.528248357,4.528248256,4.52824828,4.528248317,4.528248447,4.528248347,4.528248279,4.528248378,4.528248415,4.528248386,4.52824826,4.528248274,4.528248269,4.528248307,4.528248314,4.528248303,4.52824829,4.528248342,4.52824837,4.528248312,4.528248301
+"18157","ZCCHC14",5.34580312,5.345803153,5.345803094,5.345803116,5.345803126,5.34580315,5.345803078,5.345803106,5.34580315,5.345803139,5.345803075,5.345803124,5.345803121,5.345803136,5.345803121,5.345803128,5.34580306,5.345803039,5.345803077,5.34580313,5.345803112,5.345803097,5.345803146,5.345803101,5.345803092,5.345803123,5.345803129,5.345803136
+"18158","ZCCHC17",5.729291097,5.729291162,5.729291033,5.729290677,5.729291009,5.729290672,5.729291024,5.729290717,5.72929115,5.729291081,5.729290836,5.729290783,5.729290952,5.729291311,5.729290874,5.729291116,5.729291087,5.729290962,5.729290834,5.729290726,5.729290753,5.729291082,5.729291048,5.729290902,5.729291162,5.729291151,5.729290863,5.729291199
+"18159","ZCCHC18",4.856970145,4.856969894,4.856969714,4.856970039,4.856969969,4.856969928,4.856969983,4.856969865,4.856970026,4.856969994,4.856969752,4.856970016,4.856969897,4.856970176,4.856970137,4.856969897,4.856969896,4.85696986,4.856970047,4.856969902,4.856969969,4.856970041,4.856969985,4.85696993,4.856969845,4.856970014,4.856969812,4.85697008
+"18160","ZCCHC2",6.953759337,6.9537602395,6.9537591355,6.9537601745,6.9537601145,6.953761024,6.9537599405,6.9537591455,6.9537594465,6.9537595445,6.9537596785,6.953758836,6.953759501,6.9537593455,6.953759682,6.953760103,6.953759315,6.953759953,6.953760683,6.9537608915,6.953759905,6.953759323,6.953759666,6.953759892,6.9537597715,6.9537588475,6.953759627,6.9537593075
+"18161","ZCCHC24",6.531636429,6.531636348,6.531636496,6.531636445,6.531636623,6.531636403,6.531636445,6.531636567,6.531636388,6.531636412,6.531636575,6.531636607,6.531636442,6.531636283,6.531636534,6.531636557,6.531636575,6.531636559,6.531636489,6.531636549,6.53163654,6.531636498,6.531636424,6.53163645,6.531636568,6.531636539,6.531636423,6.531636545
+"18162","ZCCHC3",6.809748778,6.809748832,6.809748839,6.809748823,6.809748883,6.809748795,6.80974882,6.809748853,6.809748855,6.809748817,6.809748844,6.809748855,6.809748835,6.809748782,6.809748858,6.809748841,6.809748861,6.809748865,6.809748845,6.809748815,6.809748835,6.80974885,6.809748817,6.809748825,6.809748867,6.809748859,6.809748812,6.809748835
+"18163","ZCCHC4",5.11383144,5.113831376,5.113831327,5.113831279,5.113831271,5.113831308,5.113831299,5.113831252,5.113831415,5.113831347,5.113831257,5.113831311,5.113831282,5.113831469,5.113831307,5.113831268,5.113831289,5.113831184,5.113831444,5.113831232,5.113831323,5.113831234,5.11383147,5.113831369,5.113831207,5.113831322,5.113831369,5.113831382
+"18164","ZCCHC7",5.980730976,5.980730879,5.980730816,5.98073079,5.980730826,5.980730855,5.980730817,5.980730723,5.980730857,5.980730785,5.980730647,5.980730788,5.980730774,5.980731111,5.980730898,5.980730839,5.980730744,5.980730748,5.9807309,5.980730791,5.980730781,5.980730727,5.980730883,5.980730807,5.980730754,5.980730752,5.980730844,5.980730996
+"18165","ZCCHC8",6.437497333,6.437497162,6.437497121,6.437497155,6.437497027,6.437497203,6.437497272,6.437497114,6.437497126,6.437497103,6.437497043,6.437497094,6.43749718,6.437497404,6.437497221,6.437497061,6.437496872,6.437497108,6.437497235,6.437497181,6.437497135,6.437497161,6.437497211,6.437497146,6.437497114,6.437497131,6.437497199,6.437497174
+"18166","ZCCHC9",5.622657208,5.622657212,5.622657218,5.622657186,5.622657177,5.622657195,5.622657203,5.622657186,5.622657178,5.622657206,5.622657175,5.622657189,5.622657218,5.622657237,5.622657167,5.622657212,5.6226572,5.622657178,5.622657203,5.6226572,5.622657205,5.62265717,5.622657222,5.622657235,5.622657214,5.622657187,5.622657178,5.622657221
+"18167","ZCRB1",5.209984242,5.209984151,5.209984053,5.209983851,5.209983819,5.209984059,5.209984155,5.20998407,5.209984043,5.209984189,5.209983836,5.209984174,5.209984163,5.209984378,5.209984075,5.209983832,5.209983886,5.209983974,5.209984042,5.209984094,5.209984236,5.209983986,5.209984121,5.209984137,5.209984022,5.209984221,5.209984186,5.209984388
+"18168","ZCWPW1",4.627826147,4.627826094,4.627826164,4.627826167,4.627826156,4.627826104,4.627826164,4.627826127,4.627826078,4.627826118,4.62782616,4.627826073,4.627826176,4.627826128,4.627826047,4.627826164,4.627826193,4.627826176,4.627826156,4.627826138,4.627826128,4.627826129,4.627826161,4.627826159,4.627826241,4.627826142,4.627826151,4.627826173
+"18169","ZCWPW2",3.762354115,3.762354169,3.762354199,3.762354125,3.762354159,3.762354081,3.762354129,3.762354169,3.762354169,3.762354164,3.762354155,3.762354203,3.762354143,3.762354095,3.762354149,3.762354191,3.762354154,3.762354193,3.762354167,3.762354117,3.762354094,3.762354136,3.762354125,3.76235417,3.762354154,3.762354156,3.762354135,3.762354179
+"18170","ZDBF2",3.858792493,3.858792579,3.858792228,3.858792168,3.858792324,3.858792245,3.85879234,3.85879246,3.858792434,3.858792547,3.858792366,3.858792354,3.858792415,3.858792826,3.858792335,3.858792212,3.858792408,3.858792287,3.858792441,3.858792317,3.858792193,3.858792426,3.858792281,3.858792367,3.858792242,3.85879229,3.8587924,3.858792663
+"18171","ZDHHC1",4.932402037,4.932401959,4.932402123,4.932402026,4.932402188,4.932402045,4.932402024,4.93240211,4.932401994,4.932401952,4.932402081,4.932402148,4.932402071,4.932401932,4.932402055,4.932401994,4.932402188,4.932402083,4.932402027,4.932402093,4.932402132,4.9324022,4.932402004,4.932402042,4.932402014,4.932402091,4.932402049,4.932402087
+"18172","ZDHHC11",4.738334777,4.738334824,4.73833487,4.73833485,4.738334903,4.738334842,4.738334872,4.738334868,4.738334843,4.738334887,4.738334865,4.738334832,4.738334832,4.738334765,4.738334826,4.738334922,4.738334887,4.738334881,4.738334846,4.738334855,4.738334801,4.738334845,4.738334824,4.738334779,4.738334845,4.738334882,4.738334854,4.738334868
+"18173","ZDHHC12",7.538955399,7.538955407,7.538955449,7.538955362,7.538955619,7.538955541,7.538955558,7.538955577,7.538955436,7.538955451,7.538955433,7.538955591,7.53895545,7.538955276,7.538955509,7.538955532,7.538955624,7.538955463,7.538955566,7.538955511,7.538955529,7.538955598,7.538955462,7.538955374,7.538955405,7.538955502,7.538955437,7.53895549
+"18174","ZDHHC13",6.20863742,6.208637101,6.208636756,6.20863675,6.208636394,6.208636892,6.208637368,6.208636629,6.208636829,6.208636686,6.208636488,6.208636286,6.208636943,6.208637678,6.208636899,6.208636793,6.208636497,6.208636625,6.208637008,6.208636615,6.208637233,6.208636801,6.208636926,6.208636986,6.208636951,6.208636635,6.208636928,6.208637179
+"18175","ZDHHC14",5.182241026,5.182241186,5.182240862,5.182241039,5.182241,5.182240878,5.182241054,5.182241186,5.182240971,5.182241005,5.182240817,5.182241112,5.18224114,5.182241041,5.182241168,5.182241192,5.182241091,5.182241192,5.182240854,5.182241162,5.1822409,5.182241063,5.182240867,5.182240863,5.182240946,5.182240974,5.182240828,5.182241039
+"18176","ZDHHC15",3.531337249,3.531337237,3.531337254,3.531337221,3.53133725,3.531337238,3.531337234,3.531337303,3.531337233,3.531337346,3.531337298,3.531337159,3.531337239,3.531337342,3.531337324,3.531337273,3.531337293,3.531337255,3.531337366,3.531337207,3.531337254,3.531337264,3.531337224,3.531337276,3.531337242,3.531337261,3.531337207,3.531337233
+"18177","ZDHHC16",6.83677325,6.836773183,6.836772991,6.836772901,6.836772822,6.836773367,6.836773271,6.836773029,6.836773259,6.836773074,6.83677229,6.836772976,6.836773328,6.836773592,6.836773034,6.836772952,6.836772563,6.836772503,6.836773039,6.836773033,6.836772878,6.836773056,6.836773428,6.83677323,6.836772578,6.836773087,6.836773338,6.836772977
+"18178","ZDHHC17",6.876333734,6.876335373,6.876333434,6.876333761,6.876332354,6.876332221,6.876333171,6.876331853,6.876333588,6.876333181,6.87633264,6.876331716,6.876333508,6.876335371,6.876333281,6.876335312,6.876332688,6.876333264,6.876334082,6.876332911,6.876333647,6.876332216,6.87633416,6.876334107,6.876333538,6.876333051,6.876333628,6.876334258
+"18179","ZDHHC18",9.091856001,9.0954701,9.091839374,9.096864237,9.090847845,9.094754351,9.09302489,9.093774889,9.091906715,9.092069359,9.093534138,9.089568857,9.092447231,9.091208221,9.09286158,9.095355269,9.093378751,9.095553764,9.094044829,9.095050003,9.093334677,9.093364031,9.093608996,9.094248268,9.094643626,9.091552274,9.092039726,9.090491065
+"18180","ZDHHC19",5.478173313,5.478173361,5.478173347,5.478173319,5.478173437,5.478173398,5.478173355,5.478173368,5.478173324,5.478173338,5.478173433,5.478173357,5.478173336,5.478173214,5.4781734,5.478173417,5.478173379,5.478173404,5.478173351,5.478173357,5.478173359,5.478173337,5.478173311,5.478173299,5.47817335,5.478173393,5.478173337,5.478173366
+"18181","ZDHHC2",7.336481207,7.336480586,7.336482358,7.33648055,7.336480586,7.33648206,7.336481355,7.336481119,7.336481659,7.336480738,7.336481066,7.336480821,7.336480897,7.33648148,7.336480744,7.336479779,7.336481735,7.336480578,7.33648079,7.336481442,7.336481162,7.336480894,7.336481967,7.33648105,7.336480782,7.336481067,7.336480824,7.336481237
+"18182","ZDHHC20",6.138261455,6.138261222,6.138261176,6.138261098,6.138260907,6.138260806,6.138261207,6.138260799,6.138260954,6.138260885,6.138260981,6.138260573,6.138261149,6.138261745,6.138260998,6.138260901,6.138260954,6.138260611,6.138261137,6.138260891,6.138261335,6.138260752,6.138261314,6.138261084,6.138260856,6.138260808,6.138261226,6.138261492
+"18183","ZDHHC21",5.700959447,5.700958948,5.700958753,5.700958306,5.700958451,5.700959001,5.700959187,5.700958065,5.700959183,5.700959056,5.700958567,5.700958455,5.700959066,5.700959474,5.700958907,5.700958517,5.700958814,5.700958354,5.700958784,5.700958819,5.700959021,5.700958514,5.70095934,5.700959116,5.700958675,5.700958892,5.700959043,5.700959158
+"18184","ZDHHC22",4.303671841,4.303671877,4.30367188,4.303671836,4.303671903,4.30367186,4.303671882,4.303671877,4.303671861,4.303671861,4.303671895,4.303671884,4.303671868,4.303671857,4.303671894,4.303671875,4.303671898,4.303671868,4.303671865,4.303671882,4.303671897,4.303671896,4.303671843,4.303671871,4.303671862,4.30367186,4.303671847,4.303671867
+"18185","ZDHHC23",5.994664585,5.994664583,5.9946646,5.994664576,5.994664608,5.994664582,5.994664595,5.994664605,5.99466459,5.994664598,5.994664589,5.994664618,5.994664586,5.994664586,5.994664606,5.994664606,5.994664617,5.994664598,5.994664592,5.994664583,5.994664599,5.994664608,5.994664581,5.994664583,5.99466459,5.994664596,5.994664584,5.994664607
+"18186","ZDHHC24",7.067875666,7.067875671,7.067875708,7.067875528,7.067875801,7.067875671,7.067875694,7.06787578,7.067875654,7.067875712,7.067875626,7.067875833,7.067875676,7.067875522,7.06787576,7.06787564,7.067875843,7.067875708,7.067875684,7.067875608,7.067875753,7.067875783,7.067875636,7.067875614,7.067875614,7.067875731,7.067875645,7.067875666
+"18187","ZDHHC3",6.933464826,6.9334648255,6.933464881,6.9334647945,6.9334646935,6.933464918,6.933464853,6.933464851,6.933464785,6.933464861,6.933464773,6.9334646865,6.9334646805,6.933464685,6.9334646815,6.933464612,6.9334647395,6.933464755,6.9334646625,6.9334649505,6.9334647265,6.933464781,6.9334648445,6.93346486,6.933464708,6.9334647125,6.933464703,6.933464638
+"18188","ZDHHC4",6.61673083,6.616730818,6.616730865,6.616730809,6.616730838,6.616730815,6.616730857,6.616730838,6.616730857,6.616730866,6.616730786,6.616730841,6.616730832,6.616730831,6.616730827,6.616730774,6.616730824,6.616730788,6.616730841,6.616730799,6.616730852,6.616730844,6.61673086,6.616730842,6.616730809,6.616730841,6.616730832,6.616730815
+"18189","ZDHHC5",7.810378934,7.810379102,7.810378819,7.810379051,7.810378816,7.810379002,7.810378893,7.810378759,7.810378927,7.810378996,7.810378843,7.810378677,7.810379006,7.810379023,7.810378726,7.810378936,7.81037867,7.810378893,7.810378875,7.810379018,7.810378828,7.810378759,7.810378982,7.810379143,7.81037895,7.810378859,7.810379001,7.810378797
+"18190","ZDHHC6",6.99096026,6.990959713,6.990959833,6.990959689,6.990959685,6.990959587,6.990959864,6.990959454,6.990960024,6.990959776,6.990959403,6.990959466,6.990959958,6.990960704,6.99096,6.990959555,6.990959511,6.990959443,6.990959908,6.990959462,6.990959927,6.990959513,6.990959978,6.990959819,6.990959667,6.990959642,6.990959918,6.990960167
+"18191","ZDHHC7",8.593482829,8.593482901,8.593482714,8.593482875,8.593482625,8.593482768,8.593482654,8.593482644,8.593482517,8.593482705,8.593482811,8.593482555,8.593482828,8.593482879,8.593482688,8.593482851,8.593482504,8.593482579,8.593482784,8.593482922,8.593482774,8.593482637,8.593482604,8.593482837,8.593482777,8.593482727,8.593482816,8.593482498
+"18192","ZDHHC8",6.076670742,6.076670762,6.076670783,6.07667072,6.076670857,6.076670724,6.076670758,6.076670863,6.076670778,6.076670765,6.076670781,6.076670815,6.076670791,6.07667065,6.076670916,6.076670735,6.076670852,6.076670814,6.076670728,6.076670809,6.07667086,6.076670845,6.076670719,6.076670761,6.076670743,6.076670845,6.076670768,6.076670763
+"18193","ZDHHC8BP",6.036777638,6.036777629,6.036777792,6.036777786,6.036777992,6.036777816,6.036777846,6.036777795,6.036777718,6.036777827,6.036777849,6.036777886,6.036777726,6.036777532,6.036777842,6.036777575,6.03677799,6.036777809,6.036777796,6.036777776,6.036777782,6.036777891,6.036777753,6.036777657,6.036777755,6.036777825,6.036777742,6.036777703
+"18194","ZDHHC9",5.356860893,5.35686102,5.356860951,5.35686091,5.356861034,5.35686088,5.356860911,5.356861,5.356861068,5.35686104,5.356860921,5.35686104,5.356860955,5.35686105,5.356860912,5.356861038,5.356860711,5.356860978,5.356861004,5.356861003,5.356860916,5.356861004,5.356860977,5.356860971,5.356860763,5.356861002,5.356861022,5.356861076
+"18195","ZEB1",5.912092885,5.912092794,5.91209273,5.91209286,5.912092594,5.91209256,5.912092772,5.912092481,5.912092858,5.912092742,5.912092754,5.912092746,5.912092792,5.912093081,5.912092849,5.912092741,5.912092622,5.912092819,5.91209279,5.912092402,5.912092778,5.912092615,5.912092926,5.91209273,5.91209278,5.912092642,5.912092772,5.912092984
+"18196","ZEB2",8.231477305,8.231475922,8.231475927,8.231475806,8.231475432,8.231476637,8.231476382,8.231474862,8.231473798,8.231475973,8.231476149,8.231474051,8.231475796,8.231476136,8.231476313,8.23147477,8.231475125,8.231475035,8.231475721,8.23147674,8.231476557,8.231475222,8.231474783,8.231476086,8.231476077,8.23147539,8.231475986,8.231474982
+"18197","ZER1",8.010428439,8.010426488,8.010434783,8.010430013,8.01042739,8.010433568,8.010427085,8.010434516,8.010433334,8.010430341,8.010433211,8.010429872,8.010428822,8.010423819,8.010428655,8.010423448,8.010432751,8.010429666,8.010425452,8.010428987,8.010424262,8.010431059,8.01043224,8.010431156,8.01043332,8.010431049,8.010430933,8.010425574
+"18198","ZFAND1",5.395208821,5.395208231,5.395207461,5.395206768,5.395207657,5.395206378,5.395207721,5.395207573,5.395208196,5.39520764,5.395207152,5.39520726,5.395208633,5.395210205,5.39520802,5.395208063,5.395207421,5.395206782,5.395208242,5.395207239,5.395208169,5.395207085,5.395208452,5.395208237,5.395207643,5.395207646,5.395207785,5.395208526
+"18199","ZFAND2A",6.658568783,6.658568847,6.658568778,6.658568753,6.658568703,6.658568745,6.658568718,6.65856876,6.658568757,6.658568689,6.658568764,6.658568741,6.658568839,6.65856893,6.65856871,6.658568788,6.65856881,6.658568654,6.658568715,6.658568894,6.658568833,6.65856877,6.65856881,6.65856875,6.658568777,6.658568755,6.658568833,6.658568862
+"18200","ZFAND2B",7.502424431,7.502424446,7.502424477,7.502424498,7.502424417,7.502424471,7.50242442,7.502424563,7.502424508,7.502424485,7.502424446,7.50242449,7.502424493,7.502424496,7.502424447,7.502424453,7.502424481,7.502424502,7.502424449,7.502424206,7.502424441,7.502424542,7.502424516,7.502424481,7.502424477,7.502424469,7.502424451,7.502424459
+"18201","ZFAND3",7.649599692,7.6495997,7.649599691,7.649599911,7.649599548,7.649599731,7.649599654,7.649599682,7.649599538,7.649599658,7.649599697,7.6495995,7.649599665,7.649599611,7.649599661,7.64959964,7.649599638,7.649599819,7.649599726,7.649599799,7.649599571,7.649599679,7.649599659,7.649599736,7.649599708,7.649599632,7.649599653,7.649599546
+"18202","ZFAND4",6.440359319,6.440359123,6.440359073,6.440359055,6.440359084,6.44035908,6.440359008,6.440359039,6.440359302,6.440359017,6.440359003,6.440358851,6.440359141,6.440359333,6.440359171,6.440359011,6.440359003,6.440359022,6.440359135,6.440359035,6.440358969,6.440359035,6.440359277,6.440359109,6.440359138,6.440359062,6.440359147,6.44035913
+"18203","ZFAND5",8.94852203,8.948521972,8.948521894,8.948521916,8.948521837,8.948521834,8.948521837,8.948521689,8.94852165,8.94852185,8.948521846,8.948521638,8.948521921,8.948522053,8.948521904,8.94852192,8.948521711,8.948521825,8.948521988,8.948521978,8.948521954,8.948521857,8.948521845,8.948521917,8.948521912,8.948521841,8.948521867,8.948521792
+"18204","ZFAND6",7.249763901,7.249763863,7.249763758,7.24976378,7.249763413,7.249763606,7.249763557,7.249763573,7.249763598,7.249763696,7.249763712,7.249763588,7.249763767,7.249764049,7.249763589,7.249763843,7.249763607,7.24976374,7.249763746,7.249763929,7.249763676,7.249763516,7.249764061,7.249763854,7.249763845,7.249763607,7.249763667,7.249763943
+"18205","ZFAS1",7.261929009,7.26192916,7.261928724,7.261929523,7.261927408,7.261927969,7.261928336,7.261928527,7.26192828,7.261928088,7.261928733,7.261926777,7.261928555,7.261929136,7.261928118,7.261929002,7.261928522,7.261928936,7.261928092,7.261928177,7.261928041,7.261927937,7.261928682,7.26192881,7.261928604,7.261927403,7.26192838,7.261928396
+"18206","ZFAT",6.080705059,6.080705079,6.080705124,6.080705093,6.080705053,6.080705093,6.080705031,6.080704974,6.080705058,6.080705019,6.080705025,6.080705061,6.08070506,6.080705096,6.080705056,6.080705026,6.080705084,6.080705026,6.080705089,6.08070504,6.080705055,6.080705076,6.080705056,6.080705121,6.08070504,6.080705095,6.080705049,6.080704996
+"18207","ZFC3H1",7.626191341,7.626191117,7.626190986,7.62619126,7.626190806,7.626191017,7.626191237,7.62619083,7.626191,7.626190922,7.626191117,7.626190706,7.626191253,7.626191561,7.626191112,7.62619096,7.626190792,7.626191067,7.626191203,7.626191035,7.626191279,7.626190975,7.626191149,7.626191061,7.626191097,7.626191061,7.626191176,7.626191151
+"18208","ZFHX2",4.8160344315,4.8160344755,4.816034447,4.816034399,4.8160345085,4.816034483,4.8160344685,4.8160344705,4.816034468,4.816034409,4.8160344545,4.8160345405,4.8160344135,4.816034403,4.816034514,4.816034491,4.816034565,4.816034507,4.8160345045,4.8160344845,4.816034492,4.8160344975,4.816034448,4.816034414,4.8160344195,4.816034493,4.816034426,4.816034489
+"18209","ZFHX3",5.962569151,5.962569149,5.962569171,5.962569162,5.96256918,5.962569161,5.962569152,5.962569173,5.962569149,5.96256917,5.962569174,5.962569175,5.962569157,5.962569143,5.962569168,5.962569156,5.962569165,5.962569159,5.962569172,5.962569179,5.962569172,5.962569168,5.962569144,5.962569156,5.962569161,5.96256917,5.962569157,5.96256916
+"18210","ZFHX4",3.658163877,3.658163897,3.658163948,3.658163926,3.658163945,3.658163842,3.658163878,3.658163899,3.65816391,3.658163908,3.658163918,3.658163928,3.65816389,3.65816392,3.658163961,3.658163892,3.658163931,3.658163925,3.658163855,3.658163891,3.658163923,3.658163933,3.658163911,3.658163888,3.65816388,3.658163896,3.658163924,3.658163927
+"18211","ZFP1",4.700578676,4.700578671,4.700578665,4.700578652,4.700578664,4.700578647,4.700578667,4.700578665,4.700578672,4.700578681,4.700578655,4.700578654,4.700578652,4.7005787,4.700578651,4.700578659,4.700578662,4.700578644,4.70057867,4.700578652,4.700578654,4.700578664,4.700578678,4.700578674,4.700578631,4.700578659,4.700578661,4.700578684
+"18212","ZFP14",4.237156994,4.237156859,4.23715687,4.237156804,4.237156739,4.237156835,4.237156833,4.23715673,4.237156931,4.23715682,4.237156776,4.237156799,4.237156884,4.237157056,4.237156849,4.237156763,4.237156806,4.23715676,4.237156854,4.237156823,4.237156805,4.237156825,4.237156892,4.237156913,4.237156818,4.237156801,4.237156874,4.237156994
+"18213","ZFP2",4.209626184,4.209626192,4.209626199,4.209626212,4.209626198,4.209626226,4.209626206,4.2096262,4.209626211,4.209626177,4.209626199,4.209626214,4.209626201,4.209626181,4.209626185,4.209626171,4.209626187,4.209626137,4.209626193,4.209626196,4.20962616,4.209626166,4.209626187,4.209626187,4.209626229,4.20962619,4.209626207,4.209626204
+"18214","ZFP28",5.151781945,5.151781933,5.151781937,5.151781929,5.151781956,5.151781911,5.151781931,5.151781946,5.151781956,5.151781928,5.151781929,5.151781948,5.15178194,5.151781982,5.151781931,5.151781973,5.151781961,5.151781942,5.151781946,5.151781926,5.151781939,5.151781944,5.151781946,5.151781964,5.15178196,5.151781935,5.151781957,5.151781976
+"18215","ZFP3",5.363579711,5.363579463,5.363579354,5.363578259,5.36357886,5.363578486,5.363578831,5.36357878,5.363579431,5.363579342,5.363578514,5.363578834,5.363579382,5.363580389,5.363579493,5.363579272,5.363579078,5.36357906,5.363579554,5.363579187,5.363579407,5.363579109,5.363579356,5.363579601,5.363578904,5.363578843,5.363579306,5.363580218
+"18216","ZFP30",4.795288868,4.795288831,4.795288882,4.795288807,4.795288861,4.795288859,4.795288831,4.795288859,4.795288904,4.795288912,4.795288856,4.795288775,4.795288881,4.795289068,4.79528884,4.79528889,4.795288889,4.795288865,4.795288913,4.795288814,4.795288897,4.795288931,4.795288866,4.795288875,4.79528881,4.795288811,4.795288859,4.795289022
+"18217","ZFP36",8.267231334,8.267231784,8.267230956,8.267231911,8.267230907,8.267232332,8.267231451,8.267231231,8.267231564,8.267230997,8.267231263,8.267230252,8.267231237,8.267230802,8.267231428,8.267231462,8.267231155,8.267231908,8.267231314,8.26723198,8.267231271,8.267231407,8.267231493,8.267231308,8.267231741,8.267230488,8.267231238,8.267230905
+"18218","ZFP36L1",7.699886532,7.6998869655,7.6998862415,7.6998869365,7.6998863545,7.6998866445,7.6998866455,7.699886324,7.6998867345,7.6998866845,7.699886426,7.6998862465,7.6998864235,7.6998865935,7.6998868025,7.6998868315,7.69988631,7.6998870405,7.6998869225,7.6998868945,7.699886663,7.6998865635,7.6998868525,7.6998869695,7.6998868695,7.699886395,7.6998864355,7.6998865425
+"18219","ZFP36L2",9.689955795,9.689955881,9.689955463,9.689955621,9.689955573,9.689955938,9.689955668,9.689955701,9.689955695,9.689955674,9.689955415,9.689955651,9.689955446,9.689955623,9.689955544,9.68995531,9.68995556,9.689955417,9.689955492,9.689955353,9.689955332,9.689955728,9.689955642,9.689955309,9.689955257,9.689955419,9.689955585,9.689955609
+"18220","ZFP37",3.204700834,3.204700852,3.204700793,3.204700833,3.204700824,3.204700822,3.204700842,3.204700823,3.204700826,3.204700802,3.204700828,3.204700836,3.20470083,3.204700887,3.204700841,3.204700855,3.204700834,3.204700873,3.204700862,3.20470083,3.204700825,3.204700844,3.204700865,3.204700823,3.204700822,3.204700832,3.204700823,3.204700878
+"18221","ZFP41",5.618537553,5.618537465,5.618537458,5.618537281,5.61853762,5.618537503,5.618537427,5.618537511,5.618537551,5.618537573,5.618537395,5.618537612,5.618537559,5.618537483,5.61853738,5.618537414,5.618537435,5.618537536,5.618537537,5.618537434,5.618537408,5.618537472,5.618537459,5.618537283,5.618537466,5.61853755,5.618537483,5.618537507
+"18222","ZFP42",3.455905604,3.455905604,3.455905891,3.455905838,3.455905757,3.455905947,3.455905908,3.455905937,3.455905776,3.455905799,3.45590587,3.455905879,3.455905708,3.455905635,3.455905786,3.455905787,3.455905846,3.455905599,3.45590568,3.455905675,3.455905727,3.455905756,3.455905724,3.455905778,3.455905618,3.455905698,3.455905718,3.455905696
+"18223","ZFP57",4.696665995,4.696665669,4.696665534,4.696665696,4.696665602,4.696666224,4.696666058,4.696665523,4.696666151,4.696665629,4.696665604,4.696665615,4.696665639,4.696665294,4.696665884,4.696665638,4.696665741,4.696665873,4.696665505,4.69666623,4.696665874,4.696665697,4.696665855,4.696665578,4.696665445,4.696665698,4.696665345,4.696665524
+"18224","ZFP62",6.088444254,6.088443632,6.088443508,6.088442892,6.088443479,6.08844332,6.088443512,6.088443312,6.08844384,6.088443438,6.088442658,6.088442794,6.088443822,6.088444926,6.088443837,6.088442927,6.088443027,6.088442589,6.088443456,6.088443124,6.088443521,6.088443877,6.088443891,6.088443738,6.088442644,6.088443713,6.088443836,6.088444659
+"18225","ZFP64",5.800729564,5.800729565,5.800729575,5.80072956,5.80072958,5.800729571,5.800729556,5.800729572,5.800729587,5.800729565,5.800729575,5.800729584,5.800729571,5.800729592,5.800729575,5.800729543,5.800729568,5.800729559,5.800729579,5.800729554,5.800729567,5.800729572,5.800729574,5.80072958,5.800729574,5.800729586,5.800729589,5.800729594
+"18226","ZFP69",4.854954498,4.854954534,4.854954536,4.85495454,4.854954551,4.854954542,4.854954531,4.854954526,4.854954537,4.854954567,4.854954552,4.854954573,4.854954551,4.854954536,4.854954567,4.854954524,4.854954567,4.854954513,4.854954533,4.854954531,4.854954534,4.854954545,4.854954547,4.854954501,4.854954542,4.85495456,4.854954553,4.854954549
+"18227","ZFP69B",5.310213997,5.310213955,5.310214094,5.310213947,5.310213992,5.310213921,5.310213947,5.310214119,5.310214009,5.31021385,5.310213794,5.310213999,5.310213912,5.310214139,5.310214112,5.310214229,5.310214084,5.310214141,5.310213901,5.310213962,5.310213921,5.310214078,5.31021406,5.31021399,5.310214017,5.310213998,5.310213846,5.310213928
+"18228","ZFP82",4.706873134,4.706873072,4.706872889,4.706873004,4.706873037,4.706873066,4.706872982,4.706872911,4.706873071,4.706873,4.706872933,4.706872974,4.706873041,4.706873194,4.706872997,4.706872918,4.706872767,4.706872932,4.706873124,4.706873056,4.706872943,4.706872939,4.706872931,4.706872948,4.706873053,4.706872997,4.706873135,4.706873143
+"18229","ZFP90",5.806814864,5.806814569,5.806815018,5.80681413,5.80681464,5.80681456,5.806814616,5.806814774,5.806814915,5.806815027,5.806814055,5.806814231,5.806815116,5.806815592,5.806814566,5.806814029,5.806814491,5.806814252,5.806815136,5.806814588,5.806814352,5.806814839,5.806814809,5.806814921,5.80681419,5.806814602,5.806814989,5.806815572
+"18230","ZFP92",4.66218561,4.662185574,4.662185632,4.662185624,4.662185726,4.662185646,4.662185682,4.662185675,4.662185659,4.662185649,4.662185753,4.662185717,4.662185638,4.662185503,4.662185721,4.6621856,4.662185732,4.662185579,4.66218572,4.662185598,4.662185706,4.662185734,4.66218555,4.662185638,4.662185708,4.662185606,4.662185757,4.662185738
+"18231","ZFPL1",6.715177503,6.715177441,6.715177439,6.715177556,6.715177457,6.715177578,6.715177528,6.715177529,6.715177574,6.715177546,6.715177558,6.715177471,6.715177573,6.715177406,6.715177551,6.715177482,6.715177554,6.715177478,6.715177548,6.715177557,6.715177422,6.715177573,6.715177537,6.715177426,6.715177517,6.715177469,6.71517755,6.715177481
+"18232","ZFPM1",6.567332128,6.567332134,6.56733224,6.56733224,6.567332442,6.567332348,6.567332231,6.567332316,6.567332301,6.56733236,6.567332296,6.567332411,6.567332239,6.567331949,6.567332377,6.567332179,6.567332431,6.567332217,6.567332275,6.567332224,6.56733232,6.567332374,6.567332216,6.567332095,6.567332204,6.567332269,6.567332291,6.567332188
+"18233","ZFPM2",3.832838852,3.832838906,3.832839154,3.832838982,3.832839292,3.832838821,3.832839235,3.832839129,3.832839018,3.832838992,3.832839286,3.832839293,3.832838945,3.83283889,3.832839128,3.832839232,3.832839236,3.832839243,3.832839097,3.832839098,3.832839088,3.832839227,3.832838945,3.832838909,3.832839151,3.832839071,3.832838932,3.832839155
+"18234","ZFR",7.67751225,7.677512107,7.677511756,7.677511787,7.677511851,7.677511752,7.677511947,7.677511729,7.67751209,7.677511979,7.677511717,7.677511561,7.677511983,7.677512683,7.677512022,7.677511784,7.677511792,7.677511473,7.677512194,7.677511907,7.677512032,7.677511804,7.677512098,7.677512028,7.677511712,7.677511782,7.677511861,7.677512466
+"18235","ZFR2",5.598811191,5.598811192,5.598811307,5.598811173,5.598811384,5.598811201,5.598811274,5.598811356,5.598811285,5.598811245,5.59881134,5.59881139,5.598811259,5.59881113,5.598811327,5.59881125,5.598811365,5.598811336,5.598811275,5.598811255,5.59881134,5.59881136,5.598811224,5.598811253,5.598811301,5.59881128,5.598811225,5.598811305
+"18236","ZFTA",8.264693548,8.264693738,8.264694096,8.264693632,8.264694429,8.264693616,8.264693956,8.264694204,8.264693913,8.264694053,8.264694019,8.264694334,8.264693859,8.26469339,8.26469423,8.264693996,8.264694401,8.264694114,8.26469395,8.264693743,8.264694154,8.264694201,8.264693638,8.264693648,8.26469396,8.264693969,8.264693669,8.264693956
+"18237","ZFTRAF1",6.614876096,6.6148762195,6.6148760395,6.6148761725,6.614876032,6.614876179,6.6148759855,6.6148761555,6.614876035,6.614876071,6.61487607,6.614875947,6.614876207,6.614876064,6.614875977,6.6148761535,6.6148759535,6.614876239,6.6148761875,6.6148762395,6.614875964,6.614876193,6.6148760865,6.614876192,6.614876174,6.614876122,6.614876058,6.6148760175
+"18238","ZFX",7.152297376,7.151902815,7.144134285,7.15187761,7.148424914,7.1447911,7.151152023,7.143423949,7.151592237,7.149440863,7.148594715,7.141474568,7.149918238,7.156209849,7.14984277,7.15374293,7.144023952,7.14983055,7.152092413,7.14238271,7.148445619,7.14598739,7.15347446,7.152764788,7.149696312,7.144623743,7.151939729,7.153905134
+"18239","ZFY",4.314990813,4.314991161,4.314997163,4.314991772,4.314991816,4.314997245,4.314991335,4.31499765,4.314991567,4.31499146,4.314992006,4.314997251,4.314991393,4.314991998,4.314992202,4.314991722,4.314997638,4.314992187,4.314992802,4.314997643,4.314991531,4.31499805,4.314991448,4.314991924,4.314990879,4.314997658,4.314991569,4.314991549
+"18240","ZFYVE1",6.889111858,6.889111871,6.889111844,6.889111846,6.889111827,6.889111852,6.889111851,6.889111838,6.889111859,6.889111856,6.889111854,6.88911184,6.889111862,6.889111852,6.889111861,6.889111872,6.889111838,6.889111854,6.889111858,6.889111879,6.889111839,6.889111836,6.889111853,6.889111856,6.889111868,6.889111839,6.889111855,6.889111845
+"18241","ZFYVE16",6.745425566,6.745426002,6.745424638,6.745427194,6.745422909,6.745423056,6.745424727,6.745423311,6.745423786,6.745423873,6.74542471,6.745420468,6.745424354,6.745426013,6.745425329,6.745426355,6.745423831,6.745425753,6.745426014,6.74542436,6.745425559,6.745423483,6.745425846,6.745425536,6.745425786,6.745423397,6.745424589,6.745424441
+"18242","ZFYVE19",6.001309388,6.001309439,6.001309376,6.001309405,6.001309349,6.001309436,6.001309433,6.001309445,6.001309438,6.001309463,6.001309422,6.00130949,6.001309477,6.001309465,6.001309412,6.001309441,6.001309342,6.001309395,6.001309438,6.001309441,6.00130943,6.001309372,6.001309398,6.001309433,6.001309309,6.001309524,6.001309454,6.00130948
+"18243","ZFYVE21",6.625273781,6.625273681,6.625273835,6.625273778,6.625273813,6.625273686,6.625273666,6.625273786,6.625273771,6.625273854,6.625273823,6.625273764,6.625273813,6.625273723,6.625273758,6.62527379,6.625273758,6.625273718,6.625273729,6.625273814,6.62527372,6.625273723,6.625273705,6.625273842,6.625273878,6.625273817,6.625273723,6.625273765
+"18244","ZFYVE26",6.63387535,6.633875349,6.633875332,6.633875341,6.633875346,6.633875373,6.633875345,6.633875331,6.633875349,6.633875341,6.633875332,6.633875345,6.63387535,6.633875348,6.633875342,6.633875332,6.633875327,6.633875333,6.633875347,6.633875357,6.633875343,6.633875343,6.633875339,6.633875341,6.633875322,6.633875349,6.633875353,6.633875332
+"18245","ZFYVE27",6.660218211,6.660218232,6.660218202,6.660218228,6.660218169,6.660218221,6.660218189,6.6602182,6.660218203,6.660218194,6.660218187,6.66021816,6.660218214,6.660218212,6.66021819,6.66021824,6.66021815,6.660218194,6.660218215,6.66021824,6.660218191,6.660218164,6.660218228,6.660218205,6.660218195,6.660218175,6.660218209,6.660218162
+"18246","ZFYVE28",5.587883475,5.58788351,5.587883533,5.587883534,5.587883535,5.587883566,5.58788348,5.587883526,5.587883621,5.587883555,5.587883556,5.587883498,5.587883528,5.587883547,5.587883619,5.587883613,5.587883579,5.587883551,5.587883549,5.587883526,5.587883529,5.587883649,5.587883551,5.587883552,5.587883526,5.587883551,5.587883562,5.587883508
+"18247","ZFYVE9",3.748750441,3.748750427,3.748750407,3.748750416,3.748750399,3.748750459,3.748750405,3.748750428,3.748750483,3.748750448,3.748750443,3.748750463,3.748750461,3.748750496,3.748750418,3.748750445,3.748750448,3.748750436,3.748750412,3.74875042,3.748750416,3.748750423,3.74875044,3.748750436,3.748750416,3.748750454,3.748750482,3.748750451
+"18248","ZG16",4.385241617,4.3852415455,4.38524161,4.3852416235,4.385241635,4.3852415465,4.385241561,4.3852416755,4.385241587,4.3852415965,4.3852416445,4.385241605,4.385241605,4.385241542,4.3852416625,4.385241618,4.385241651,4.3852415905,4.3852416125,4.3852416555,4.3852416495,4.3852416425,4.3852415885,4.3852415775,4.385241624,4.385241611,4.385241614,4.385241563
+"18249","ZG16B",5.525693694,5.525693716,5.525693781,5.525693688,5.525693745,5.525693779,5.52569374,5.52569378,5.525693742,5.525693731,5.525693755,5.525693853,5.525693743,5.525693559,5.525693793,5.525693805,5.52569386,5.525693792,5.525693783,5.525693738,5.525693768,5.52569381,5.525693778,5.525693683,5.525693726,5.525693783,5.525693756,5.525693785
+"18250","ZGRF1",4.1536912315,4.1536911285,4.153691238,4.153691085,4.1536910525,4.153691136,4.1536912395,4.1536909805,4.153691154,4.153691242,4.15369104,4.153691151,4.1536911055,4.1536913765,4.1536911415,4.153691221,4.1536911075,4.1536910735,4.1536909975,4.153691089,4.15369115,4.153691112,4.1536911585,4.1536911505,4.1536911135,4.1536911335,4.153691133,4.153691205
+"18251","ZHX2",7.23369673,7.233696679,7.233696264,7.233696712,7.233696442,7.233696829,7.233696639,7.233696454,7.233696747,7.233696442,7.23369637,7.233696484,7.233696624,7.233696707,7.233696547,7.233696708,7.233696189,7.233696685,7.233696613,7.233696604,7.233696563,7.233696436,7.233696745,7.233696686,7.233696529,7.233696706,7.233696737,7.233696651
+"18252","ZHX3",4.690769344,4.690769341,4.690769355,4.690769336,4.690769339,4.690769323,4.69076934,4.690769331,4.690769342,4.690769341,4.69076932,4.690769347,4.690769319,4.690769344,4.690769321,4.690769298,4.690769312,4.690769315,4.690769319,4.690769327,4.69076935,4.690769352,4.690769331,4.690769362,4.690769325,4.690769331,4.690769345,4.690769321
+"18253","ZIC1",3.784502396,3.784502398,3.784502401,3.784502409,3.784502429,3.784502384,3.784502414,3.784502404,3.784502407,3.784502404,3.784502427,3.784502406,3.78450241,3.784502384,3.784502422,3.784502391,3.784502426,3.78450239,3.784502419,3.784502397,3.784502414,3.784502394,3.784502408,3.78450238,3.784502417,3.784502385,3.784502422,3.784502384
+"18254","ZIC2",6.630720877,6.630720682,6.630721046,6.630720955,6.630720938,6.630720858,6.630720856,6.630720937,6.630720646,6.630720617,6.630721191,6.63072109,6.630720681,6.630720259,6.630720822,6.630720902,6.630721194,6.630720919,6.630720922,6.630720947,6.630720652,6.63072086,6.630720596,6.630720684,6.630721035,6.630720749,6.630721001,6.630720776
+"18255","ZIC3",4.332314871,4.332314852,4.332315092,4.332315009,4.332315239,4.332314924,4.332314891,4.332315118,4.332315214,4.332315093,4.332314979,4.332315242,4.332314979,4.332314825,4.332315194,4.332315131,4.332315135,4.332315127,4.33231495,4.332315134,4.332315069,4.332315127,4.332314958,4.332315017,4.332314901,4.332315078,4.332314886,4.332315076
+"18256","ZIC4",4.410127552,4.410127532,4.41012755,4.410127537,4.410127596,4.410127559,4.410127575,4.410127554,4.41012757,4.410127512,4.410127522,4.410127616,4.410127509,4.410127507,4.410127566,4.410127527,4.410127616,4.410127588,4.410127551,4.41012759,4.410127539,4.410127507,4.410127544,4.410127473,4.410127559,4.410127527,4.410127497,4.410127547
+"18257","ZIC5",6.058458496,6.058458707,6.058458551,6.058458722,6.058458949,6.058458589,6.058458757,6.058458965,6.058458687,6.058458651,6.058458869,6.058459195,6.05845872,6.058458465,6.058459013,6.058458774,6.05845901,6.05845896,6.058458738,6.058458836,6.05845901,6.058459095,6.058458552,6.058458537,6.058458553,6.058459058,6.058458691,6.058458741
+"18258","ZIK1",5.536465459,5.53646557,5.536465448,5.536465353,5.536465496,5.536465455,5.536465459,5.536465471,5.536465693,5.536465638,5.536465332,5.536465418,5.536465519,5.536465633,5.536465442,5.5364654,5.536465342,5.536465418,5.536465494,5.536465445,5.53646541,5.536465502,5.536465688,5.536465499,5.536465392,5.536465436,5.536465602,5.536465588
+"18259","ZIM3",3.564724121,3.564724188,3.56472424,3.564724198,3.56472424,3.564724219,3.564724182,3.56472427,3.564724125,3.564724298,3.564724322,3.564724287,3.564724224,3.564724215,3.564724246,3.564724312,3.5647244,3.564724326,3.564724235,3.564724226,3.564724262,3.56472423,3.564724256,3.564724227,3.564724253,3.56472427,3.564724196,3.564724296
+"18260","ZKSCAN1",7.056820435,7.05682037,7.056820365,7.056820376,7.05682035,7.05682039,7.056820445,7.056820347,7.056820389,7.056820425,7.056820316,7.056820311,7.056820371,7.056820483,7.056820383,7.056820272,7.056820313,7.056820358,7.056820373,7.056820338,7.056820341,7.056820356,7.056820441,7.056820416,7.056820385,7.056820376,7.056820399,7.056820394
+"18261","ZKSCAN2",4.561140613,4.561140592,4.561140621,4.561140593,4.561140612,4.561140663,4.561140598,4.561140575,4.561140646,4.561140671,4.561140634,4.561140645,4.561140614,4.561140644,4.561140626,4.56114055,4.561140623,4.561140642,4.561140585,4.561140659,4.561140613,4.561140596,4.561140655,4.561140618,4.561140596,4.561140618,4.56114064,4.561140663
+"18262","ZKSCAN3",5.017574638,5.01757454,5.017574467,5.017574356,5.017574533,5.017574647,5.01757452,5.017574591,5.017574562,5.017574587,5.017574449,5.017574499,5.017574662,5.017574652,5.017574655,5.017574498,5.017574554,5.017574569,5.01757458,5.017574608,5.017574571,5.017574646,5.01757454,5.017574604,5.017574582,5.017574653,5.017574608,5.017574568
+"18263","ZKSCAN4",5.476757561,5.476757531,5.476757551,5.47675753,5.476757526,5.476757487,5.47675752,5.47675753,5.476757489,5.476757518,5.476757537,5.476757516,5.476757536,5.476757549,5.476757525,5.47675754,5.476757524,5.476757553,5.476757537,5.476757543,5.476757549,5.476757537,5.476757512,5.476757548,5.476757546,5.476757538,5.476757519,5.476757559
+"18264","ZKSCAN5",5.420402577,5.420402607,5.420402595,5.420402274,5.420402569,5.42040252,5.420402559,5.420402344,5.420402448,5.420402576,5.420402353,5.420402653,5.420402505,5.420402538,5.420402445,5.420402508,5.420402303,5.420402397,5.420402557,5.420402354,5.420402463,5.420402336,5.420402593,5.420402588,5.420402376,5.42040244,5.420402371,5.42040259
+"18265","ZKSCAN7",4.986960529,4.986960489,4.986960483,4.986960479,4.986960488,4.986960535,4.98696054,4.986960455,4.986960475,4.986960514,4.986960486,4.986960559,4.986960506,4.986960494,4.986960496,4.986960408,4.986960431,4.986960511,4.986960527,4.986960471,4.986960515,4.986960515,4.986960477,4.986960495,4.986960459,4.98696051,4.986960489,4.986960454
+"18266","ZKSCAN8",6.485755154,6.485754817,6.485754774,6.485754477,6.485754762,6.485754719,6.485754946,6.48575476,6.485755061,6.485754933,6.485754697,6.48575486,6.485755034,6.485755137,6.485754877,6.485754657,6.485754441,6.485754677,6.485754984,6.485754712,6.48575489,6.485754728,6.485754919,6.48575478,6.485754701,6.485755101,6.485755024,6.485755137
+"18267","ZMAT1",5.600460749,5.600460633,5.600460555,5.600460479,5.600460518,5.600460484,5.600460556,5.600460501,5.600460625,5.600460595,5.600460483,5.600460579,5.600460654,5.600460748,5.600460653,5.600460575,5.600460574,5.600460545,5.600460609,5.600460318,5.600460513,5.600460591,5.600460583,5.600460541,5.60046047,5.600460621,5.600460657,5.600460641
+"18268","ZMAT2",7.215257871,7.215258589,7.215259006,7.215258639,7.215258303,7.215259127,7.215258432,7.215258707,7.215258411,7.215258512,7.215258705,7.215258695,7.215257318,7.215258221,7.215257955,7.21525865,7.215258716,7.215258721,7.215258452,7.215258652,7.21525823,7.215258322,7.215258587,7.215258409,7.21525883,7.215258842,7.215257155,7.215258426
+"18269","ZMAT3",6.691772379,6.691772413,6.691772086,6.691772249,6.691771906,6.691772618,6.691772291,6.69177221,6.691772534,6.69177256,6.691771981,6.691771857,6.691772445,6.691772574,6.691772209,6.691772271,6.691772043,6.69177228,6.691772132,6.69177247,6.691772154,6.691772159,6.691772618,6.691772478,6.691771972,6.691772331,6.691772427,6.691772438
+"18270","ZMAT4",4.555906278,4.555906358,4.555906298,4.555906243,4.555906599,4.555906578,4.555906188,4.555906565,4.555906312,4.555906424,4.55590674,4.555906397,4.555906345,4.555906225,4.555906299,4.555906344,4.555906123,4.555906501,4.555906383,4.555906591,4.555906184,4.555906346,4.555906411,4.555906345,4.555906458,4.555906487,4.555906402,4.555906293
+"18271","ZMAT5",6.183482582,6.183482644,6.183482598,6.183482651,6.183482712,6.183482763,6.183482652,6.183482612,6.18348264,6.183482648,6.183482687,6.183482664,6.18348261,6.183482541,6.183482647,6.183482596,6.183482619,6.183482698,6.183482658,6.183482703,6.183482632,6.183482675,6.183482649,6.183482658,6.183482648,6.183482591,6.183482595,6.183482587
+"18272","ZMIZ1",6.830553642,6.830553727,6.830553736,6.830553727,6.830553659,6.830553704,6.83055367,6.830553664,6.830553659,6.830553681,6.830553751,6.830553621,6.830553721,6.83055366,6.830553663,6.830553712,6.830553705,6.830553746,6.830553689,6.830553658,6.83055365,6.830553685,6.830553661,6.830553691,6.830553743,6.830553658,6.830553717,6.830553622
+"18273","ZMIZ2",7.007340029,7.007340043,7.007340014,7.007340007,7.007339944,7.007340106,7.007340063,7.007340106,7.007339922,7.007340071,7.007340028,7.00734005,7.007340022,7.007340093,7.007339991,7.007339986,7.007339887,7.007340027,7.007340032,7.007340113,7.007340036,7.007340084,7.007339917,7.007339991,7.007340003,7.007340074,7.007340072,7.007339997
+"18274","ZMPSTE24",7.377658163,7.377658129,7.377657608,7.377657873,7.377656999,7.377656816,7.377657519,7.377657064,7.377656943,7.377657,7.377657495,7.377656301,7.377657446,7.377658453,7.377657269,7.377657991,7.37765719,7.377657131,7.377657603,7.377656984,7.377657368,7.377657024,7.377657703,7.37765769,7.377657382,7.377657072,7.377657298,7.37765781
+"18275","ZMYM1",5.409385605,5.40938558,5.409385568,5.409385495,5.409385508,5.409385497,5.409385552,5.409385509,5.409385581,5.409385538,5.409385491,5.40938547,5.409385597,5.40938565,5.409385563,5.409385525,5.40938548,5.409385486,5.409385543,5.409385456,5.409385546,5.409385557,5.409385579,5.409385548,5.409385525,5.409385559,5.409385565,5.409385648
+"18276","ZMYM2",7.827021802,7.827021698,7.827021603,7.827021577,7.827021442,7.827021368,7.827021553,7.827021388,7.827021612,7.827021479,7.827021388,7.827021348,7.827021622,7.827021999,7.827021643,7.827021653,7.82702144,7.82702156,7.827021731,7.82702143,7.827021561,7.827021395,7.827021633,7.827021622,7.827021553,7.827021544,7.827021617,7.827021701
+"18277","ZMYM3",5.673257639,5.673257527,5.673257448,5.673257632,5.673257352,5.673257709,5.673257566,5.673257639,5.673257492,5.673257653,5.673257464,5.673257537,5.673257527,5.673257343,5.673257416,5.673257344,5.673257248,5.67325712,5.673257591,5.673257266,5.673257501,5.673257572,5.673257506,5.673257552,5.673257564,5.673257626,5.673257615,5.673257258
+"18278","ZMYM4",6.81016205,6.810161345,6.810161565,6.810160969,6.810160945,6.810161497,6.81016169,6.810160818,6.810161825,6.810161658,6.810161283,6.81016127,6.810161772,6.810162527,6.810161288,6.810161118,6.810160458,6.81016084,6.810161461,6.810161035,6.810161381,6.810161033,6.810161718,6.810161606,6.810161269,6.810161714,6.810161891,6.810161845
+"18279","ZMYM5",5.359028513,5.359028513,5.35902848,5.359028441,5.359028362,5.359028383,5.35902842,5.359028325,5.359028409,5.359028384,5.359028429,5.359028348,5.359028441,5.35902862,5.359028431,5.359028506,5.35902839,5.359028457,5.359028555,5.359028506,5.359028468,5.359028443,5.359028464,5.359028494,5.359028436,5.359028423,5.359028446,5.359028548
+"18280","ZMYND10",5.188724667,5.188724684,5.188724707,5.188724692,5.188724726,5.188724677,5.188724695,5.188724707,5.188724682,5.18872469,5.188724698,5.188724723,5.188724657,5.18872467,5.188724712,5.188724682,5.188724728,5.188724708,5.188724676,5.188724708,5.18872471,5.188724729,5.188724667,5.18872467,5.188724705,5.188724706,5.188724679,5.188724656
+"18281","ZMYND11",6.573445927,6.57344545,6.573444437,6.573444238,6.57344516,6.573444692,6.57344499,6.57344486,6.573445685,6.573445424,6.573444326,6.573444291,6.57344554,6.573446592,6.57344517,6.573444763,6.573444138,6.573444116,6.573445505,6.57344408,6.573444887,6.573444771,6.573445909,6.573445492,6.573444553,6.573445133,6.573445261,6.573445845
+"18282","ZMYND12",3.885189619,3.885189692,3.885189644,3.885189773,3.885189747,3.885189759,3.885189628,3.885189797,3.885189675,3.885189714,3.885189708,3.885189751,3.885189708,3.88518978,3.885189748,3.885189717,3.885189711,3.885189724,3.88518975,3.885189775,3.885189623,3.885189726,3.885189724,3.885189699,3.885189815,3.885189658,3.885189741,3.885189675
+"18283","ZMYND15",5.545429166,5.54542916,5.545429244,5.545429198,5.545429262,5.545429199,5.545429224,5.545429236,5.545429226,5.545429207,5.545429229,5.5454293,5.545429188,5.545429121,5.545429267,5.545429222,5.545429361,5.545429285,5.545429217,5.545429225,5.545429241,5.545429237,5.545429209,5.545429204,5.545429253,5.54542928,5.545429176,5.545429221
+"18284","ZMYND19",6.785567785,6.785567915,6.785567918,6.785567848,6.785568012,6.785567789,6.785567856,6.785567957,6.785567934,6.785567893,6.785567897,6.785567985,6.785567881,6.785567718,6.785567923,6.785568,6.785568018,6.78556799,6.785567851,6.78556784,6.78556788,6.785567946,6.785567897,6.785567888,6.785567984,6.785567957,6.78556782,6.785567982
+"18285","ZMYND8",7.030101354,7.030101278,7.030101036,7.030101091,7.030101189,7.030101521,7.030100979,7.030100953,7.030101878,7.030101526,7.030100884,7.030101226,7.030101227,7.030101708,7.030101261,7.030100776,7.030100557,7.030100978,7.030101635,7.030101066,7.030100934,7.030100842,7.030101743,7.030101565,7.030101132,7.030101592,7.030101173,7.030101222
+"18286","ZNF10",3.75727882,3.757278798,3.757278801,3.757278807,3.7572788,3.757278792,3.7572788,3.757278794,3.757278814,3.757278823,3.757278797,3.757278815,3.757278787,3.757278834,3.757278791,3.757278813,3.757278801,3.757278797,3.757278799,3.757278791,3.75727881,3.757278781,3.75727884,3.757278815,3.757278792,3.757278788,3.757278794,3.757278823
+"18287","ZNF100",4.991938307,4.991936594,4.991936482,4.991936907,4.991935161,4.991935647,4.991936333,4.991935732,4.991934656,4.991935214,4.991935663,4.991935862,4.991936715,4.991938272,4.99193692,4.991935905,4.991935033,4.991936394,4.99193544,4.991936286,4.991936357,4.991936131,4.99193591,4.991935838,4.991935141,4.99193561,4.991937127,4.991937339
+"18288","ZNF101",7.534841127,7.534840993,7.534840478,7.534840485,7.534840544,7.534840391,7.534840744,7.534840776,7.534841591,7.534841057,7.53483989,7.534841109,7.534841573,7.534841834,7.534840507,7.534840791,7.534839893,7.534840042,7.534840539,7.534840658,7.534840618,7.534840803,7.534841482,7.534840977,7.534840279,7.534841262,7.534841676,7.534841551
+"18289","ZNF106",7.944281653,7.94428193,7.944281628,7.944282126,7.944281517,7.944282001,7.944281812,7.944281385,7.944281543,7.944281739,7.944281812,7.944281199,7.944281572,7.944281928,7.944281743,7.944281904,7.944281403,7.944281731,7.944281764,7.944281923,7.94428189,7.944281495,7.944281845,7.944282044,7.944281873,7.944281472,7.944281667,7.944281625
+"18290","ZNF107",5.923602357,5.923602103,5.923601975,5.923602388,5.923601987,5.923602085,5.9236023,5.923602258,5.92360222,5.923602059,5.923602159,5.923601852,5.923602259,5.923602715,5.923602198,5.923602032,5.923601769,5.923602388,5.923602282,5.923602105,5.923602309,5.923602173,5.923602185,5.923602225,5.923602126,5.923602107,5.923602171,5.92360255
+"18291","ZNF112",3.580683824,3.580683845,3.580683902,3.580683899,3.580683824,3.580683888,3.580683822,3.580683849,3.580683902,3.580683864,3.580683948,3.580683832,3.580683915,3.580683961,3.580683895,3.580683872,3.580683733,3.580683776,3.580683849,3.580683769,3.580683828,3.580683913,3.580683858,3.580683786,3.580683895,3.580683804,3.580683795,3.580683905
+"18292","ZNF114",3.839636265,3.839636337,3.839636229,3.839636119,3.839636176,3.839636045,3.83963629,3.839636096,3.839636001,3.839636002,3.839636076,3.83963626,3.839636121,3.839635884,3.839636103,3.839635829,3.839636525,3.839636467,3.839636369,3.839636198,3.839636383,3.839636207,3.83963605,3.839635988,3.839636054,3.839636207,3.83963589,3.839636182
+"18293","ZNF12",5.891810096,5.891810093,5.891810053,5.891810053,5.891810045,5.891810037,5.891810074,5.891810062,5.891810062,5.891810067,5.891810047,5.89181002,5.891810071,5.891810133,5.891810056,5.891810073,5.891810033,5.891810061,5.891810077,5.891810048,5.891810055,5.891810055,5.891810089,5.891810069,5.891810079,5.891810041,5.891810056,5.891810127
+"18294","ZNF121",5.86577696,5.865776955,5.865776889,5.865776801,5.865776795,5.865776854,5.865776821,5.86577693,5.86577696,5.865776913,5.865776803,5.865776825,5.865776967,5.865777153,5.865776892,5.865776851,5.865776806,5.86577673,5.865776901,5.865776823,5.865776845,5.865776891,5.865776967,5.865776954,5.865776872,5.865776829,5.865776866,5.865777103
+"18295","ZNF124",4.892643505,4.892643353,4.892643198,4.892643221,4.892643308,4.89264331,4.892643332,4.892643334,4.892643297,4.892643459,4.892643319,4.892643317,4.892643451,4.892643629,4.892643368,4.892643211,4.892643193,4.892643201,4.892643327,4.892643311,4.892643291,4.892643217,4.892643364,4.892643417,4.892643298,4.892643276,4.892643384,4.892643551
+"18296","ZNF131",5.937023687,5.937023103,5.937023145,5.937023057,5.937022831,5.937022773,5.937022945,5.937022952,5.937023578,5.937023539,5.937023341,5.937022768,5.937023487,5.937024454,5.937023327,5.937023122,5.937022378,5.937022832,5.937023288,5.937022293,5.937023105,5.937022985,5.937023585,5.937023581,5.93702291,5.937022869,5.937023354,5.937023934
+"18297","ZNF132",5.455202871,5.455202893,5.455202964,5.455202812,5.455202941,5.455202758,5.455202712,5.455202598,5.455202868,5.455202925,5.455202936,5.455202456,5.455203031,5.455203243,5.455202838,5.455202894,5.455202805,5.455203059,5.455203002,5.455202915,5.455202619,5.455202795,5.45520313,5.455202954,5.455202922,5.455202631,5.455202987,5.455203118
+"18298","ZNF133",5.479924338,5.479924314,5.479924343,5.479924313,5.479924336,5.479924251,5.479924331,5.479924367,5.479924344,5.479924328,5.479924314,5.479924375,5.479924333,5.479924334,5.479924351,5.479924349,5.479924382,5.479924312,5.479924315,5.479924307,5.479924374,5.479924363,5.479924324,5.479924325,5.479924337,5.479924329,5.479924332,5.479924313
+"18299","ZNF135",5.636290034,5.636290152,5.636290327,5.636289774,5.636290367,5.636289727,5.636290063,5.636290448,5.636290358,5.636290364,5.636290038,5.636290731,5.636290443,5.636290014,5.636290157,5.636289959,5.636290343,5.636290653,5.636290472,5.636289578,5.636290313,5.636290233,5.636289796,5.636290184,5.636290173,5.636290281,5.636290375,5.636290091
+"18300","ZNF136",5.997918276,5.997918237,5.99791805,5.997918277,5.997918213,5.997918026,5.997918177,5.997918019,5.997918352,5.997918319,5.997917968,5.997918077,5.997918227,5.997918939,5.997918382,5.997918206,5.997918149,5.997918045,5.997918274,5.99791801,5.997918024,5.997918296,5.997918534,5.997918286,5.997917939,5.997918135,5.997918247,5.997918821
+"18301","ZNF137P",3.741751764,3.74175168,3.741751699,3.741751675,3.741751633,3.74175162,3.741751693,3.741751634,3.741751689,3.741751609,3.741751678,3.74175168,3.741751826,3.741751842,3.741751711,3.741751667,3.741751655,3.741751652,3.741751713,3.741751698,3.741751697,3.741751655,3.741751728,3.741751722,3.741751727,3.741751632,3.741751769,3.741751831
+"18302","ZNF138",4.343350365,4.343349977,4.343349936,4.343350087,4.343350033,4.343349982,4.343350031,4.343350161,4.343350125,4.343350264,4.343349886,4.343349947,4.343350176,4.343350735,4.3433501,4.343350328,4.343350053,4.343350081,4.343350087,4.343349929,4.34334997,4.343350128,4.34335027,4.343350163,4.343349967,4.343349983,4.343350338,4.343350517
+"18303","ZNF14",4.581847849,4.581846721,4.581847465,4.581846412,4.581846721,4.58184591,4.581847009,4.581846732,4.581847084,4.581847465,4.581847168,4.581846395,4.581847481,4.581849223,4.581847018,4.581847171,4.581846351,4.58184625,4.58184674,4.581847268,4.581846805,4.581847103,4.581847404,4.581847447,4.581846991,4.581847065,4.581847326,4.581848767
+"18304","ZNF140",4.662214968,4.662214652,4.662214607,4.662214159,4.662213956,4.662214275,4.662214324,4.662214795,4.662214863,4.662214894,4.662214508,4.662213963,4.662214924,4.662215317,4.662214519,4.662214551,4.662214025,4.662214764,4.662215074,4.662213253,4.662214334,4.66221475,4.662215004,4.662214707,4.662214597,4.662214498,4.662214653,4.662215101
+"18305","ZNF141",5.573336879,5.573335996,5.573336384,5.573335443,5.573336028,5.573335576,5.573336424,5.573336247,5.573337487,5.573336549,5.573335418,5.573335075,5.573336921,5.573339205,5.573336376,5.573336205,5.57333636,5.573334961,5.573336251,5.573334879,5.573336161,5.573336504,5.573337263,5.573336682,5.57333615,5.573336509,5.573336488,5.573339039
+"18306","ZNF142",6.16287163,6.162871545,6.16287142,6.162871457,6.162871585,6.162871638,6.162871556,6.162871501,6.162871619,6.16287163,6.162871581,6.162871597,6.162871614,6.162871581,6.162871514,6.162871424,6.162871391,6.162871416,6.162871588,6.162871468,6.162871545,6.162871503,6.162871496,6.162871575,6.162871539,6.162871569,6.162871645,6.162871541
+"18307","ZNF143",6.423786287,6.423786271,6.423786049,6.42378623,6.423785719,6.423786082,6.423785903,6.42378586,6.42378596,6.423785979,6.423785958,6.423785578,6.423786048,6.423786538,6.423785998,6.423786195,6.423785879,6.423786136,6.4237861,6.423785796,6.423785974,6.423786019,6.423786148,6.423786346,6.423786044,6.423785989,6.423786043,6.423786297
+"18308","ZNF146",5.369342717,5.369341964,5.369341898,5.369341225,5.369341511,5.369340718,5.369341478,5.369341646,5.369342927,5.369342145,5.369341176,5.369341085,5.369342424,5.369343907,5.3693419,5.369341353,5.369341311,5.369340611,5.369341966,5.369340255,5.369341549,5.369341897,5.369342363,5.36934197,5.369340975,5.36934172,5.369341993,5.369343562
+"18309","ZNF148",6.612051465,6.612051234,6.612051032,6.612051364,6.612050728,6.612050861,6.612051051,6.612050672,6.61205106,6.612051058,6.612050856,6.612050115,6.61205102,6.612052168,6.612051224,6.612051329,6.61205098,6.612051268,6.612051182,6.612050844,6.612051164,6.612051115,6.612051387,6.612051236,6.61205131,6.612050826,6.612051058,6.612051778
+"18310","ZNF154",6.248479431,6.248479219,6.248479183,6.248479495,6.248479548,6.248479384,6.248479729,6.248478998,6.248479881,6.248479497,6.248478952,6.24847945,6.248480039,6.248479408,6.248479054,6.248479063,6.248479197,6.248479073,6.248479635,6.248479365,6.248479681,6.248479143,6.248479912,6.248479455,6.248478794,6.248479291,6.248479901,6.248478994
+"18311","ZNF155",4.497917898,4.497917801,4.497917793,4.497917839,4.497917831,4.497917768,4.497917841,4.497917853,4.49791787,4.497917822,4.497917778,4.497917813,4.497917848,4.497917878,4.497917868,4.497917793,4.497917829,4.497917793,4.497917865,4.497917831,4.497917871,4.497917844,4.497917891,4.497917828,4.497917869,4.49791783,4.497917856,4.497917914
+"18312","ZNF157",4.765639036,4.765639031,4.765639148,4.765638986,4.765638943,4.765639108,4.765638937,4.765639006,4.765639132,4.765639102,4.765639115,4.765639045,4.765639073,4.765639093,4.765639081,4.765639038,4.765639014,4.765639023,4.76563909,4.765639117,4.765638812,4.765639097,4.765639037,4.765639029,4.76563921,4.76563903,4.765639146,4.765639048
+"18313","ZNF16",5.129203482,5.129203431,5.129203381,5.129203474,5.129203502,5.129203424,5.129203491,5.129203473,5.129203474,5.129203414,5.129203466,5.129203497,5.129203514,5.129203501,5.12920354,5.129203499,5.129203451,5.129203554,5.129203497,5.129203486,5.12920355,5.12920354,5.129203456,5.129203488,5.129203518,5.129203552,5.12920348,5.129203537
+"18314","ZNF160",6.643580678,6.643580581,6.643580593,6.643580592,6.643580562,6.643580571,6.643580625,6.643580579,6.643580637,6.643580577,6.643580613,6.64358052,6.643580677,6.643580747,6.643580614,6.643580533,6.643580566,6.643580639,6.643580667,6.643580571,6.643580592,6.643580628,6.643580654,6.643580583,6.643580594,6.643580559,6.643580689,6.643580741
+"18315","ZNF165",3.873620907,3.873620602,3.873620932,3.873620762,3.873621073,3.87362044,3.87362088,3.873620748,3.873620817,3.873620942,3.873620854,3.873620893,3.873620753,3.873620825,3.873621243,3.87362118,3.873620934,3.873621038,3.87362082,3.873621098,3.873621105,3.873620876,3.873620917,3.873621006,3.873620947,3.873621035,3.873620723,3.873620901
+"18316","ZNF169",6.095656992,6.095656948,6.095656927,6.095656828,6.095656741,6.095656853,6.095656873,6.095656867,6.095656692,6.095656973,6.095656809,6.09565677,6.095657012,6.095657028,6.09565675,6.09565693,6.09565666,6.095656834,6.095656856,6.095656896,6.095656911,6.095656896,6.095656901,6.095656934,6.095656824,6.095656943,6.095656928,6.095656881
+"18317","ZNF17",5.107899463,5.107899478,5.107899459,5.107899347,5.107899429,5.107899388,5.10789941,5.107899402,5.107899466,5.107899395,5.107899401,5.107899345,5.107899475,5.107899553,5.107899437,5.107899424,5.107899411,5.107899407,5.107899392,5.10789939,5.107899392,5.107899412,5.107899465,5.107899459,5.107899347,5.107899387,5.10789947,5.10789952
+"18318","ZNF174",5.695291853,5.695291689,5.695291786,5.695291768,5.695291798,5.695291678,5.695291725,5.695291817,5.695291801,5.695291743,5.695291635,5.695291764,5.695291774,5.695291848,5.695291551,5.695291848,5.695291758,5.695291854,5.69529182,5.69529164,5.695291624,5.695291833,5.695291848,5.695291787,5.695291675,5.695291573,5.695291794,5.695291795
+"18319","ZNF175",4.970876948,4.970876824,4.970876779,4.970876793,4.970876785,4.970876828,4.970876813,4.970876829,4.970876933,4.970876924,4.97087673,4.970876912,4.970876901,4.970877001,4.970876837,4.970876807,4.970876707,4.97087679,4.97087691,4.970876822,4.970876824,4.970876878,4.970876909,4.970876936,4.97087685,4.970876906,4.970876915,4.970876933
+"18320","ZNF18",6.159915555,6.15991556,6.159915529,6.159915542,6.159915535,6.159915546,6.159915549,6.159915547,6.15991555,6.159915534,6.159915519,6.159915525,6.159915551,6.159915555,6.159915546,6.159915558,6.15991552,6.159915559,6.159915558,6.159915535,6.15991554,6.159915553,6.159915553,6.159915566,6.159915541,6.159915553,6.159915555,6.159915537
+"18321","ZNF180",6.432112569,6.432112583,6.432112663,6.432112596,6.432112599,6.432112468,6.432112573,6.432112643,6.432112612,6.432112598,6.432112656,6.432112603,6.432112612,6.432112664,6.432112638,6.432112627,6.432112643,6.432112623,6.432112581,6.432112603,6.432112579,6.43211258,6.432112613,6.432112614,6.432112626,6.432112609,6.432112599,6.432112647
+"18322","ZNF181",4.836415038,4.83641504,4.836414966,4.836414923,4.836414968,4.836414897,4.836414983,4.83641496,4.836415043,4.836414973,4.836414915,4.836414964,4.836414968,4.836415215,4.836414946,4.836414938,4.836414974,4.836414958,4.836414967,4.836414884,4.836414938,4.836414969,4.836415056,4.83641499,4.836414979,4.836415029,4.836414989,4.836415149
+"18323","ZNF182",5.710229843,5.710229835,5.710229768,5.710229838,5.710229645,5.710229862,5.710229798,5.71022981,5.710229873,5.710229737,5.71022976,5.710229768,5.710229799,5.710229958,5.710229809,5.710229874,5.710229787,5.710229751,5.71022986,5.710229849,5.710229825,5.710229739,5.710229762,5.710229861,5.710229692,5.710229779,5.710229835,5.710229779
+"18324","ZNF184",4.986556295,4.986556256,4.986556245,4.986556224,4.986556183,4.986556133,4.986556211,4.986556248,4.986556264,4.98655626,4.986556231,4.986556211,4.986556253,4.98655641,4.986556254,4.986556169,4.986556202,4.986556187,4.986556211,4.986556108,4.986556186,4.986556225,4.986556243,4.986556267,4.986556267,4.986556162,4.986556199,4.986556373
+"18325","ZNF185",6.762960482,6.7629624,6.762962258,6.762965101,6.762961753,6.762962169,6.762959979,6.762962131,6.762960496,6.762961546,6.762963229,6.762961095,6.762962883,6.762958266,6.762960648,6.762962089,6.762961641,6.762964311,6.762962174,6.762961099,6.762959417,6.762961579,6.762960745,6.762962931,6.762963781,6.762960958,6.762962334,6.762959049
+"18326","ZNF189",5.923876109,5.923875556,5.92387553,5.923875608,5.923875301,5.923875166,5.92387515,5.923875388,5.923875789,5.923875577,5.923875431,5.923875246,5.923875684,5.923876118,5.923875518,5.92387537,5.923875316,5.923875334,5.923875675,5.923875043,5.923875309,5.923875476,5.923875569,5.92387565,5.923875492,5.923875559,5.923875642,5.923875515
+"18327","ZNF19",5.268049274,5.268049252,5.268049285,5.268049212,5.268049269,5.268049228,5.268049218,5.26804929,5.268049248,5.268049247,5.268049163,5.26804927,5.268049274,5.26804926,5.268049319,5.268049234,5.268049335,5.268049259,5.268049299,5.268049193,5.268049274,5.26804931,5.268049238,5.26804919,5.268049189,5.268049243,5.268049207,5.268049279
+"18328","ZNF195",6.004527424,6.004526941,6.004526811,6.004526855,6.00452703,6.004526999,6.004526928,6.004526904,6.004526955,6.004526718,6.004526938,6.004526512,6.004527103,6.004527672,6.004527104,6.00452693,6.004526615,6.004526431,6.004527015,6.004526994,6.004527049,6.004526955,6.004527243,6.004526992,6.004526745,6.004527151,6.004526842,6.004527417
+"18329","ZNF197",4.293727078,4.29372691,4.293726976,4.293726862,4.293726869,4.29372697,4.293727056,4.293726996,4.293727026,4.293726916,4.293727052,4.293726867,4.293727014,4.293727175,4.293726966,4.293727054,4.293726979,4.293726923,4.293727029,4.293727017,4.293726954,4.293726901,4.293726965,4.293726941,4.293726918,4.293726919,4.293726945,4.29372717
+"18330","ZNF2",4.934232139,4.934232125,4.93423215,4.934232062,4.934232099,4.934232096,4.934232075,4.934232145,4.934232137,4.93423214,4.934232132,4.934232167,4.934232134,4.934232095,4.934232118,4.934232103,4.934232161,4.934232072,4.934232093,4.934232096,4.93423215,4.934232141,4.93423214,4.934232119,4.934232069,4.934232139,4.934232102,4.934232118
+"18331","ZNF200",6.350262696,6.350262894,6.350262532,6.350262859,6.350262453,6.350262916,6.350262746,6.350262854,6.350262769,6.350262604,6.350262676,6.350262557,6.350262804,6.350262863,6.350262699,6.350262949,6.350262653,6.350262893,6.350262732,6.350262907,6.350262696,6.350262803,6.350262884,6.350262813,6.350262917,6.350262719,6.350262686,6.350262732
+"18332","ZNF202",5.488285167,5.488285063,5.488285059,5.48828502,5.488284963,5.488285156,5.48828504,5.488285084,5.488285135,5.488284987,5.488284953,5.488285183,5.488285046,5.488285355,5.488285083,5.488284961,5.488285079,5.488284939,5.488284945,5.488285138,5.488285172,5.488285028,5.488285203,5.488285076,5.48828484,5.488285117,5.488285135,5.488285236
+"18333","ZNF204P",2.566740384,2.566740454,2.566740444,2.566740383,2.56674009,2.566740135,2.56674011,2.56674033,2.566740309,2.566740364,2.566740454,2.566740132,2.56674032,2.566740747,2.566740244,2.566740236,2.566740175,2.56674031,2.566740277,2.566740149,2.5667401,2.566740242,2.566740274,2.566740332,2.566740362,2.566740407,2.566740309,2.566740385
+"18334","ZNF205",6.023460953,6.023460904,6.023461078,6.023461064,6.023461283,6.02346096,6.023461108,6.023461138,6.023461113,6.023461126,6.023461129,6.023461246,6.023460991,6.023460832,6.023461235,6.023461175,6.023461235,6.0234612,6.023461075,6.02346114,6.0234612,6.023461221,6.023460868,6.023460936,6.023461097,6.023461127,6.023461023,6.023461133
+"18335","ZNF208",2.870257103,2.8702588505,2.8702547785,2.8702599475,2.8702604185,2.8702556395,2.8702566725,2.870254656,2.870254567,2.87025356,2.870253562,2.8702579,2.8702545055,2.8702559885,2.870254465,2.8702542215,2.8702593155,2.870255962,2.870254444,2.8702539865,2.870255042,2.8702541075,2.870257028,2.8702551855,2.8702579155,2.870254488,2.8702575355,2.870256422
+"18336","ZNF211",6.198444315,6.198444312,6.198444163,6.198444233,6.198444162,6.198444193,6.198444339,6.198444262,6.198444209,6.198444274,6.198444226,6.198444347,6.198444343,6.198444493,6.198444262,6.198444173,6.198444183,6.19844414,6.198444205,6.198444114,6.198444279,6.198444276,6.198444331,6.198444247,6.198444215,6.198444471,6.198444373,6.198444278
+"18337","ZNF212",6.946123314,6.946123297,6.946123313,6.946123331,6.94612331,6.946123261,6.946123292,6.946123337,6.946123295,6.946123299,6.94612331,6.946123349,6.946123345,6.946123279,6.946123293,6.94612334,6.946123334,6.946123327,6.946123294,6.946123302,6.946123295,6.946123339,6.946123307,6.946123327,6.946123334,6.946123313,6.946123327,6.946123363
+"18338","ZNF213",5.787439328,5.787439414,5.78743947,5.787439444,5.787439503,5.787439625,5.787439411,5.78743959,5.7874396,5.787439524,5.787439492,5.78743946,5.787439596,5.787439314,5.787439509,5.787439629,5.787439593,5.787439505,5.787439405,5.78743962,5.787439454,5.787439549,5.787439534,5.787439627,5.787439428,5.787439461,5.787439492,5.787439453
+"18339","ZNF214",3.281226191,3.281226415,3.281226253,3.281226407,3.281226594,3.281226236,3.281226434,3.281226324,3.281226247,3.28122648,3.281226447,3.28122634,3.281226363,3.281226352,3.28122631,3.281226491,3.281226387,3.281226586,3.281226183,3.281226424,3.281226279,3.281226338,3.281226376,3.281226252,3.281226272,3.281226264,3.281226379,3.281226458
+"18340","ZNF215",3.192014681,3.192014671,3.192014725,3.192014871,3.192014631,3.192014682,3.192014925,3.192014771,3.192014797,3.19201473,3.192014821,3.192014667,3.192014794,3.192014614,3.192014695,3.192014861,3.192014874,3.192014695,3.192014741,3.192014743,3.192014725,3.192014659,3.192014719,3.192014636,3.19201474,3.192014646,3.192014653,3.192014868
+"18341","ZNF217",8.819413032,8.819412797,8.819411949,8.819413677,8.819411643,8.819413094,8.819412278,8.819411735,8.819411872,8.819412029,8.819412043,8.819411402,8.819412653,8.819413071,8.819412186,8.819412594,8.819411799,8.819413162,8.819412816,8.819413333,8.819412396,8.819412194,8.819412997,8.819413092,8.819412986,8.819412294,8.819412405,8.819412472
+"18342","ZNF219",5.282614425,5.28261439,5.28261443,5.282614441,5.282614503,5.282614404,5.282614425,5.28261447,5.282614424,5.282614433,5.282614485,5.282614485,5.282614403,5.282614352,5.28261449,5.282614377,5.282614516,5.28261443,5.282614407,5.282614425,5.282614476,5.282614508,5.28261444,5.282614359,5.282614423,5.282614473,5.282614346,5.282614412
+"18343","ZNF22",4.809068227,4.809067797,4.809068205,4.809067786,4.809068153,4.809067839,4.809068188,4.809068226,4.809068283,4.809068326,4.809068102,4.80906805,4.809068264,4.809068891,4.809068077,4.809067968,4.809068106,4.809067906,4.809068163,4.809067708,4.809068337,4.809068258,4.80906831,4.809068083,4.8090679,4.809068117,4.809067866,4.809068687
+"18344","ZNF22-AS1",4.464802707,4.464802887,4.464803015,4.464802815,4.4648031,4.464802908,4.464802781,4.464803004,4.46480287,4.464802959,4.464802867,4.464802936,4.464802978,4.464802839,4.464802799,4.464802982,4.464803117,4.464802992,4.464802958,4.464802813,4.464802982,4.464803041,4.464803006,4.464802964,4.464802864,4.46480282,4.464803083,4.464802971
+"18345","ZNF221",3.653778875,3.65377882,3.653778885,3.653778764,3.653778834,3.653778776,3.653778882,3.653778915,3.653779042,3.653778903,3.653778924,3.653778797,3.653778859,3.653778953,3.653778811,3.653778859,3.653778828,3.653778752,3.65377881,3.65377885,3.653778884,3.653778769,3.653778905,3.653778878,3.653778869,3.653778784,3.653778873,3.653778895
+"18346","ZNF222",4.50651317,4.506513033,4.506513099,4.506513143,4.506512903,4.506513029,4.506512923,4.506513046,4.50651303,4.506512984,4.506513111,4.506513256,4.506513269,4.506513457,4.506513057,4.506513126,4.506513233,4.506513114,4.506513256,4.506513283,4.506513077,4.506513129,4.506513067,4.506513563,4.506513327,4.506513255,4.506513118,4.506513033
+"18347","ZNF223",4.259907804,4.25990794,4.259907833,4.259907814,4.25990792,4.259907792,4.259907869,4.259907893,4.259907739,4.259907811,4.259907756,4.259907851,4.259907972,4.259907856,4.259907857,4.259907657,4.259907826,4.259907704,4.259907813,4.259907717,4.259907742,4.259907815,4.259907917,4.259907756,4.259907793,4.259907952,4.259907899,4.259907769
+"18348","ZNF224",6.301297215,6.301296995,6.301296279,6.301295873,6.301295902,6.30129616,6.301296516,6.301296283,6.301296916,6.301296383,6.301295737,6.301296043,6.301296924,6.301297948,6.301296884,6.301296487,6.301295671,6.301295758,6.301296466,6.301296323,6.301296456,6.301296605,6.301296868,6.301296608,6.301296185,6.301296475,6.301296989,6.301297142
+"18349","ZNF225",4.782975429,4.782975282,4.782975229,4.782975281,4.782975297,4.782975267,4.7829753,4.782975305,4.782975331,4.782975184,4.782975127,4.782975185,4.782975328,4.78297543,4.782975327,4.782975295,4.782975199,4.782975296,4.782975298,4.782975257,4.782975341,4.782975338,4.782975339,4.782975297,4.782975309,4.782975294,4.782975331,4.782975392
+"18350","ZNF226",5.067447763,5.067447281,5.067447375,5.067447271,5.067447189,5.067447293,5.067447442,5.067447182,5.067447757,5.06744729,5.067447303,5.067447382,5.067447655,5.067448349,5.06744752,5.067447117,5.067447343,5.067447247,5.067447502,5.067447174,5.067447223,5.067447568,5.067447744,5.067447494,5.067447189,5.067447342,5.067447522,5.067448084
+"18351","ZNF227",5.820387997,5.820387799,5.820387716,5.820387432,5.820387462,5.820387687,5.820387687,5.82038752,5.820387916,5.820387492,5.820387598,5.820387428,5.820387856,5.820388293,5.820387761,5.820387595,5.820387399,5.820387363,5.820387852,5.82038777,5.820387447,5.820387658,5.82038796,5.820387699,5.820387666,5.820387724,5.820387783,5.820388056
+"18352","ZNF229",3.975738427,3.975738425,3.975738427,3.975738427,3.975738425,3.975738421,3.975738422,3.975738428,3.975738431,3.975738426,3.975738425,3.975738428,3.97573843,3.97573843,3.97573843,3.975738428,3.975738424,3.975738431,3.975738425,3.975738428,3.975738427,3.975738425,3.975738429,3.975738429,3.975738433,3.975738422,3.975738426,3.975738431
+"18353","ZNF23",5.057037867,5.057037874,5.057037947,5.0570378,5.05703782,5.057037835,5.057037904,5.057037875,5.057037878,5.05703788,5.057037933,5.057037932,5.057037825,5.057037931,5.057037846,5.057037889,5.057037874,5.057037782,5.057037768,5.057037868,5.057037855,5.05703794,5.057037881,5.057037836,5.057037911,5.05703787,5.057037795,5.057037958
+"18354","ZNF230",4.218116981,4.21811673,4.218116942,4.218116991,4.218116835,4.21811704,4.218116708,4.218116624,4.218116799,4.21811687,4.218116848,4.218116772,4.218116698,4.21811693,4.218117047,4.218116755,4.218116947,4.218116766,4.218117003,4.218116992,4.218116824,4.218116777,4.218116907,4.218116988,4.21811677,4.218116902,4.218116803,4.218116602
+"18355","ZNF232",4.176202744,4.17620274,4.176202704,4.176202727,4.176202784,4.176202729,4.176202729,4.176202723,4.176202766,4.176202713,4.176202686,4.176202724,4.176202751,4.176202789,4.176202712,4.176202716,4.176202797,4.176202707,4.176202713,4.176202769,4.17620275,4.176202751,4.176202777,4.176202729,4.176202728,4.176202749,4.176202764,4.176202763
+"18356","ZNF233",3.894608323,3.894608267,3.894608218,3.894608667,3.894608409,3.894608305,3.89460833,3.894608188,3.894608378,3.894608393,3.894608503,3.894608829,3.894608462,3.894608482,3.8946084,3.894608681,3.894608469,3.894608777,3.894608623,3.894608341,3.894608493,3.894608399,3.894608251,3.894608321,3.894608425,3.89460861,3.89460824,3.894608532
+"18357","ZNF234",5.833179072,5.833178937,5.833179028,5.833178912,5.833178901,5.833178886,5.833178934,5.833178966,5.833179099,5.833178913,5.833179047,5.833178795,5.833179058,5.833179276,5.833179014,5.833179016,5.833178808,5.833178808,5.833178968,5.833178788,5.833179022,5.833178968,5.833179032,5.833178955,5.833178949,5.833178877,5.833179,5.833178997
+"18358","ZNF235",5.252732954,5.25273288,5.252732838,5.252732919,5.252732876,5.252732915,5.2527329,5.252732873,5.252732964,5.252732934,5.252732901,5.252732861,5.252732955,5.25273303,5.252732882,5.252732902,5.252732816,5.252732834,5.252732916,5.252732869,5.252732894,5.252732854,5.252732936,5.252732866,5.252732862,5.252732893,5.252732967,5.252732925
+"18359","ZNF236",6.379246836,6.379246731,6.379246655,6.379246572,6.379246791,6.379246707,6.37924684,6.379246685,6.3792468,6.379246841,6.379246652,6.379246763,6.379246796,6.379246798,6.37924678,6.379246582,6.379246606,6.379246625,6.379246734,6.379246714,6.379246685,6.379246745,6.379246727,6.379246774,6.379246649,6.379246814,6.379246756,6.379246696
+"18360","ZNF239",4.795143346,4.795143461,4.795143213,4.795143419,4.795143412,4.795143337,4.795143422,4.795143297,4.795143438,4.79514342,4.795143281,4.795143383,4.795143295,4.795143453,4.795143367,4.795143213,4.795143389,4.795143296,4.795143141,4.795143298,4.795143341,4.79514338,4.795143416,4.79514344,4.795143351,4.795143417,4.79514333,4.795143439
+"18361","ZNF24",7.325103621,7.325103524,7.325103165,7.325103554,7.325102926,7.325103133,7.325103155,7.325103272,7.325103103,7.325103272,7.325103254,7.325102939,7.325103507,7.325104196,7.325103341,7.325103433,7.32510311,7.325103289,7.325103388,7.325103361,7.325103168,7.325103337,7.325103529,7.325103436,7.325103269,7.325103173,7.325103332,7.32510387
+"18362","ZNF248",4.514841574,4.514841503,4.514841553,4.514841502,4.51484149,4.514841483,4.51484152,4.51484148,4.514841553,4.514841501,4.514841406,4.514841444,4.514841553,4.51484165,4.51484152,4.514841481,4.514841419,4.514841539,4.514841544,4.514841428,4.514841498,4.514841519,4.514841506,4.51484148,4.514841422,4.51484151,4.514841541,4.514841583
+"18363","ZNF25",5.623939698,5.623939544,5.623939324,5.623939337,5.623939196,5.62393943,5.623939494,5.623939489,5.623939684,5.623939724,5.623939169,5.623939109,5.623939519,5.62393996,5.623939664,5.623939594,5.623938782,5.623939221,5.623939517,5.623939386,5.623939544,5.623939199,5.623939798,5.623939465,5.62393953,5.623939676,5.623939578,5.623939625
+"18364","ZNF250",5.865200039,5.865199764,5.865199447,5.865200004,5.865199857,5.865199673,5.865199754,5.865200077,5.865199905,5.865200051,5.865199874,5.865199909,5.865200046,5.865199975,5.865200039,5.865199963,5.865199577,5.86519974,5.865199702,5.865199715,5.86519978,5.865199999,5.865199925,5.865199832,5.86519972,5.865199946,5.865199943,5.865199868
+"18365","ZNF251",5.654658073,5.654657984,5.654657994,5.654658,5.654657997,5.654657937,5.654658027,5.654658045,5.654658027,5.654658019,5.654657962,5.654658017,5.654658031,5.65465807,5.654657956,5.654657955,5.654657891,5.654658038,5.654658055,5.654657942,5.654658032,5.654658079,5.654657962,5.654657957,5.654658013,5.654658113,5.654658058,5.654658014
+"18366","ZNF252P",3.60701944,3.607019311,3.607019078,3.607019293,3.607019305,3.607019336,3.607019187,3.607019077,3.607019268,3.607019231,3.607019226,3.60701913,3.607019207,3.607019718,3.60701916,3.607019326,3.607019111,3.607019155,3.607019252,3.607019035,3.607019192,3.60701921,3.607019428,3.607019445,3.607019161,3.607019136,3.607019296,3.607019667
+"18367","ZNF252P-AS1",5.852135397,5.852135462,5.852135809,5.852135702,5.85213572,5.852135444,5.852135435,5.852135835,5.852135779,5.852135628,5.852135623,5.852135736,5.852135603,5.852135139,5.852135741,5.852135793,5.852135905,5.852135741,5.852135795,5.852135471,5.852135501,5.852135728,5.852135758,5.852135578,5.852135862,5.852135603,5.852135699,5.852135789
+"18368","ZNF253",4.445223446,4.445223385,4.445223367,4.445223301,4.445223401,4.445223215,4.44522339,4.445223312,4.445223423,4.445223385,4.44522328,4.445223237,4.445223496,4.445223737,4.44522334,4.445223269,4.445223328,4.445223378,4.445223401,4.445223308,4.44522334,4.445223356,4.445223498,4.445223434,4.445223325,4.445223397,4.445223438,4.445223609
+"18369","ZNF254",4.584062981,4.584062765,4.584062346,4.584062625,4.584062438,4.584062699,4.58406265,4.584062578,4.584062882,4.584062766,4.584062453,4.584062686,4.584062784,4.584063538,4.58406285,4.584062589,4.584062589,4.584062783,4.584062755,4.58406255,4.584062877,4.584062829,4.584063111,4.584062967,4.584062657,4.584062558,4.584062983,4.584063327
+"18370","ZNF256",5.505888814,5.505888759,5.505888756,5.505888705,5.505888698,5.505888711,5.505888751,5.505888722,5.505888789,5.50588881,5.505888694,5.505888753,5.505888798,5.505888825,5.505888658,5.505888734,5.505888669,5.505888729,5.505888772,5.505888715,5.505888685,5.505888733,5.505888826,5.505888763,5.505888688,5.505888779,5.505888788,5.505888845
+"18371","ZNF257",5.3375711155,5.3375715095,5.337571899,5.337571029,5.3375711665,5.337570039,5.337570613,5.3375721215,5.33757108,5.337571234,5.3375712315,5.337569909,5.3375713305,5.337573091,5.3375722095,5.337570362,5.3375707985,5.337571843,5.33757262,5.3375698135,5.3375714225,5.3375712665,5.3375708915,5.3375716435,5.337571293,5.337571296,5.337571357,5.3375718695
+"18372","ZNF26",5.122907825,5.12290781,5.122907734,5.122907695,5.122907779,5.122907694,5.12290772,5.122907663,5.122907778,5.122907697,5.122907737,5.122907743,5.122907784,5.122907974,5.122907743,5.122907742,5.122907738,5.122907674,5.122907749,5.122907717,5.122907683,5.122907766,5.122907834,5.122907702,5.122907737,5.122907743,5.122907774,5.122907903
+"18373","ZNF260",4.597902899,4.597902089,4.597902348,4.597901635,4.597902131,4.597901355,4.597901652,4.597901244,4.597903067,4.597902224,4.597902027,4.597900936,4.597902565,4.59790481,4.59790238,4.597901516,4.597901857,4.597901913,4.597901779,4.597901713,4.597902344,4.597902413,4.597902917,4.597902198,4.597901684,4.597901811,4.597902246,4.597904227
+"18374","ZNF263",6.050679365,6.050679336,6.050679323,6.050679346,6.050679336,6.050679379,6.050679332,6.05067936,6.050679362,6.050679356,6.050679348,6.050679347,6.050679355,6.050679375,6.050679375,6.050679346,6.050679345,6.050679316,6.050679357,6.050679346,6.050679348,6.050679355,6.050679354,6.050679333,6.050679326,6.050679373,6.050679352,6.050679392
+"18375","ZNF264",7.472713346,7.472713394,7.472713239,7.472713219,7.472713257,7.472713283,7.472713341,7.472713237,7.472713325,7.472713262,7.472713134,7.472713058,7.472713353,7.472713418,7.47271327,7.472713245,7.472713106,7.472713231,7.472713297,7.472713191,7.472713256,7.472713221,7.472713318,7.472713327,7.472713198,7.472713208,7.472713375,7.472713352
+"18376","ZNF266",7.125430964,7.125415929,7.125370538,7.125357752,7.125309046,7.125309363,7.125389951,7.125369204,7.125409263,7.125418933,7.125351026,7.125310121,7.125453527,7.125484054,7.125391901,7.125397817,7.125333513,7.125324255,7.125343506,7.125310785,7.125383475,7.125384208,7.125401931,7.125426406,7.125349104,7.125351047,7.125442561,7.125425663
+"18377","ZNF267",5.310447654,5.310447959,5.310447672,5.310447775,5.310446138,5.310446739,5.310447334,5.310446601,5.310446836,5.310446724,5.310446944,5.310445685,5.3104467,5.310450023,5.310447761,5.310447521,5.310447446,5.310447565,5.310447582,5.310446522,5.310447702,5.310446365,5.3104477,5.310447659,5.310447799,5.310446535,5.310446386,5.310449213
+"18378","ZNF268",5.349300063,5.349300084,5.349300042,5.349300041,5.349300109,5.349300115,5.349300111,5.349300006,5.349300112,5.349300104,5.34930001,5.349300085,5.349300106,5.349300188,5.349300061,5.34930001,5.349300075,5.349299984,5.349300041,5.349300108,5.349300039,5.349300083,5.349300107,5.349300088,5.349300097,5.349300085,5.349300087,5.349300149
+"18379","ZNF271P",4.819686712,4.81968661,4.819686668,4.819686655,4.819686616,4.819686541,4.819686683,4.81968663,4.819686643,4.819686636,4.819686561,4.81968655,4.819686719,4.819686851,4.819686626,4.819686587,4.819686594,4.819686624,4.819686683,4.8196865,4.81968668,4.819686633,4.819686691,4.81968658,4.819686614,4.819686678,4.819686614,4.819686807
+"18380","ZNF273",4.646904576,4.646904314,4.64690438,4.646904094,4.646904204,4.646903708,4.646904339,4.646904043,4.646904388,4.646903888,4.64690407,4.646904094,4.646904541,4.646905083,4.646904212,4.646904363,4.646904122,4.646904409,4.646904255,4.646904241,4.646904454,4.646904413,4.646904381,4.646904312,4.646904216,4.646904236,4.646904503,4.64690489
+"18381","ZNF274",6.555739711,6.555739708,6.555739697,6.555739717,6.555739588,6.55573969,6.55573964,6.555739645,6.555739729,6.555739704,6.55573964,6.555739601,6.555739738,6.555739691,6.555739685,6.555739574,6.555739606,6.555739739,6.555739721,6.55573965,6.5557397,6.555739706,6.555739717,6.555739675,6.555739733,6.5557397,6.555739732,6.555739733
+"18382","ZNF275",6.259844197,6.259844206,6.25984406,6.2598438,6.259844226,6.259843986,6.259844087,6.259843911,6.259844269,6.259844001,6.259844151,6.259844384,6.259844198,6.259844008,6.259844113,6.259844075,6.259843972,6.259843971,6.259844154,6.259844142,6.259844081,6.259843933,6.259844087,6.259843937,6.259844011,6.259844356,6.259844166,6.259843887
+"18383","ZNF276",7.836357021,7.836357066,7.836356968,7.836357022,7.836356963,7.83635712,7.836357006,7.836357051,7.836357099,7.836357077,7.836356965,7.836356962,7.836357096,7.836357081,7.836357036,7.836357042,7.836356917,7.836356986,7.836357019,7.836357095,7.836356975,7.836357031,7.836357077,7.836357073,7.836357022,7.836357051,7.836357122,7.836357023
+"18384","ZNF277",4.985800413,4.9858003635,4.985800358,4.9858003135,4.9858003165,4.9858002805,4.9858002945,4.98580032,4.985800322,4.9858003275,4.985800293,4.9858002535,4.985800391,4.985800443,4.9858003685,4.9858003065,4.9858003065,4.9858002055,4.9858003555,4.985800374,4.9858003355,4.9858003605,4.985800336,4.98580034,4.985800337,4.985800314,4.9858003865,4.9858003485
+"18385","ZNF28",4.878227512,4.878227407,4.878227807,4.878227151,4.878227308,4.878227195,4.8782277,4.878227209,4.878227588,4.878227518,4.878227387,4.878227065,4.878227865,4.878228271,4.878227963,4.878227039,4.878227691,4.878227582,4.878227744,4.878227109,4.87822774,4.878227735,4.878227769,4.878227453,4.878227318,4.878227451,4.878227522,4.878228215
+"18386","ZNF280A",3.508491681,3.508491673,3.508491721,3.508491701,3.508491718,3.508491714,3.508491694,3.50849172,3.5084917,3.50849172,3.508491711,3.508491707,3.508491699,3.508491677,3.508491718,3.508491694,3.508491711,3.50849171,3.508491694,3.508491709,3.508491709,3.508491718,3.508491682,3.5084917,3.508491695,3.508491683,3.508491727,3.508491677
+"18387","ZNF280B",4.87614536,4.87614541,4.876145453,4.876145383,4.876145535,4.876145334,4.87614548,4.876145533,4.876145506,4.876145538,4.876145416,4.876145566,4.876145371,4.876145608,4.876145644,4.876145442,4.876145683,4.876145582,4.876145558,4.876145482,4.876145554,4.876145499,4.876145435,4.876145435,4.87614541,4.876145496,4.876145472,4.876145513
+"18388","ZNF280C",4.807517197,4.807516637,4.807516927,4.807516446,4.807516525,4.807516613,4.80751715,4.807516825,4.807516671,4.807516769,4.807515887,4.807516599,4.80751679,4.807517271,4.80751673,4.807516248,4.807516285,4.807516275,4.807516728,4.807516393,4.807516804,4.807516592,4.807516997,4.807516575,4.80751667,4.807516918,4.80751722,4.807516773
+"18389","ZNF280D",5.557724706,5.557723833,5.557723704,5.557723126,5.557723502,5.557723205,5.557723934,5.557723269,5.557723766,5.55772385,5.557723508,5.557723115,5.557724151,5.557724957,5.557723899,5.557723249,5.557723335,5.557723245,5.557724063,5.557722823,5.557724076,5.557723526,5.557724288,5.557723861,5.557723512,5.557723692,5.557724038,5.557724528
+"18390","ZNF281",7.284526081,7.284526094,7.284526212,7.284527238,7.284525567,7.284526472,7.284526546,7.284525698,7.28452579,7.284526347,7.284526087,7.284525077,7.284525737,7.284526458,7.284525847,7.284526829,7.284525999,7.284526926,7.284526303,7.284526919,7.284526098,7.284525536,7.284526611,7.284527143,7.284526899,7.284525431,7.284526171,7.28452612
+"18391","ZNF282",6.138481359,6.13848136,6.138481325,6.138481349,6.138481327,6.138481387,6.138481342,6.138481336,6.138481334,6.138481359,6.138481331,6.138481271,6.138481361,6.138481355,6.138481328,6.138481305,6.138481251,6.138481319,6.138481333,6.138481283,6.138481297,6.138481349,6.138481352,6.138481351,6.138481347,6.138481306,6.138481405,6.13848133
+"18392","ZNF283",5.201470843,5.201470764,5.201470648,5.20147071,5.20147075,5.201470758,5.201470724,5.201470716,5.20147077,5.201470755,5.201470667,5.201470682,5.201470773,5.201470918,5.201470751,5.201470728,5.201470734,5.201470623,5.201470717,5.201470646,5.201470723,5.201470734,5.201470795,5.201470753,5.201470668,5.201470792,5.201470812,5.201470799
+"18393","ZNF284",5.012143304,5.012143207,5.012143144,5.012143169,5.012143103,5.01214316,5.012143226,5.012143119,5.012143314,5.012143222,5.01214311,5.012143141,5.012143195,5.012143405,5.012143138,5.012143114,5.012143129,5.012143146,5.012143229,5.012143008,5.012143089,5.012143212,5.012143248,5.012143253,5.012143161,5.012143122,5.012143166,5.012143264
+"18394","ZNF285",3.69313781,3.693137888,3.693137495,3.693137576,3.693137776,3.693137557,3.693137876,3.693137716,3.69313796,3.693137701,3.693138048,3.693137634,3.693137762,3.693137653,3.693137794,3.693137606,3.693137373,3.693137607,3.693137715,3.693137624,3.693137669,3.693137553,3.693137795,3.693137722,3.693137658,3.69313776,3.693137823,3.693138165
+"18395","ZNF287",3.912262233,3.912262227,3.912262234,3.912262212,3.912262205,3.912262225,3.912262203,3.912262201,3.912262243,3.912262229,3.912262207,3.912262236,3.912262233,3.912262271,3.912262228,3.91226225,3.912262225,3.912262228,3.912262236,3.912262195,3.912262215,3.912262229,3.912262249,3.912262235,3.912262215,3.912262234,3.912262232,3.912262256
+"18396","ZNF292",7.390522397,7.390521772,7.390517395,7.390518163,7.390511252,7.390509291,7.390515919,7.390511482,7.39051773,7.390519731,7.390514126,7.390506868,7.390517415,7.390532889,7.39052029,7.390518711,7.390515563,7.390516644,7.390518694,7.390509045,7.390516915,7.390516782,7.390521186,7.390521686,7.390513943,7.390510837,7.390517505,7.390527729
+"18397","ZNF295-AS1",4.579855662,4.579855798,4.57985581,4.579855828,4.579855883,4.579855644,4.579855882,4.579855822,4.579855737,4.579855861,4.579855849,4.57985587,4.579855756,4.579855611,4.57985582,4.579855873,4.579856002,4.579855921,4.579855747,4.579855893,4.579855819,4.579855818,4.579855798,4.579855817,4.579855936,4.579855814,4.579855899,4.579855767
+"18398","ZNF296",6.849283541,6.849283742,6.849283857,6.849283803,6.849284377,6.849283984,6.849284153,6.84928374,6.849283844,6.849284182,6.849284183,6.849284177,6.849283903,6.849283329,6.849284191,6.849283747,6.849284414,6.849283937,6.849283854,6.849283891,6.849284002,6.849284229,6.849283757,6.84928359,6.849283825,6.849284146,6.849283818,6.849284009
+"18399","ZNF29P",3.064481552,3.06448162,3.064481627,3.064481699,3.064481719,3.06448162,3.064481676,3.064481632,3.064481774,3.064481714,3.064481761,3.064481851,3.064481649,3.064481566,3.064481742,3.064481604,3.064481708,3.064481893,3.064481584,3.064481772,3.064481655,3.064481677,3.064481662,3.064481731,3.064481561,3.064481631,3.064481585,3.064481752
+"18400","ZNF3",5.92548062,5.925480632,5.925480567,5.925480567,5.925480556,5.925480568,5.925480567,5.925480577,5.925480642,5.925480582,5.925480562,5.925480611,5.92548061,5.9254807,5.925480599,5.925480601,5.925480523,5.925480556,5.925480591,5.925480576,5.925480571,5.925480584,5.925480601,5.925480593,5.925480547,5.925480615,5.925480625,5.925480641
+"18401","ZNF30",4.00777125,4.007771263,4.007771239,4.007771251,4.007771247,4.007771238,4.007771242,4.007771255,4.007771245,4.007771255,4.007771208,4.007771251,4.007771253,4.00777127,4.007771256,4.007771221,4.007771258,4.007771272,4.007771253,4.00777125,4.007771244,4.007771251,4.007771254,4.00777124,4.007771256,4.007771258,4.007771248,4.007771255
+"18402","ZNF300",3.868542265,3.868542256,3.868542281,3.868542269,3.868542302,3.868542266,3.868542289,3.868542268,3.868542279,3.868542312,3.868542293,3.868542274,3.868542272,3.868542273,3.868542262,3.868542259,3.868542283,3.868542281,3.868542283,3.868542273,3.868542281,3.868542273,3.86854227,3.86854227,3.868542262,3.86854228,3.868542265,3.868542297
+"18403","ZNF300P1",2.850742195,2.850742288,2.850742258,2.850742217,2.850742278,2.850742285,2.850742211,2.850742269,2.850742228,2.850742261,2.850742311,2.850742246,2.850742229,2.850742234,2.85074222,2.850742237,2.850742259,2.850742264,2.850742238,2.850742209,2.850742228,2.850742242,2.850742286,2.850742234,2.850742263,2.850742213,2.850742243,2.850742247
+"18404","ZNF302",5.578899417,5.578899081,5.578899525,5.57889862,5.57889905,5.578898992,5.57889905,5.578898825,5.57889953,5.578899408,5.578898826,5.578899076,5.57889953,5.578900482,5.578898917,5.578899047,5.578899185,5.578899201,5.57889948,5.578899086,5.578899112,5.57889936,5.578899756,5.578899309,5.578899245,5.578899357,5.578899456,5.578900348
+"18405","ZNF304",5.077779294,5.077779285,5.077779282,5.077779292,5.077779267,5.07777929,5.077779273,5.077779287,5.077779303,5.07777929,5.077779274,5.077779297,5.07777931,5.077779321,5.077779295,5.077779285,5.077779271,5.077779278,5.077779292,5.077779262,5.077779293,5.077779284,5.07777931,5.077779302,5.077779237,5.077779285,5.077779315,5.077779318
+"18406","ZNF311",3.878818374,3.878818419,3.878818338,3.878818495,3.878818589,3.878818461,3.878818588,3.87881857,3.878818331,3.878818465,3.878818521,3.878818429,3.878818467,3.878818417,3.878818565,3.878818477,3.878818514,3.878818495,3.878818446,3.87881851,3.878818513,3.878818542,3.878818325,3.878818284,3.878818433,3.878818525,3.878818468,3.878818542
+"18407","ZNF316",6.951755997,6.951756031,6.951756014,6.951756033,6.951756094,6.951755985,6.951756068,6.95175604,6.951756002,6.951756043,6.951756044,6.951756067,6.951756024,6.95175602,6.951756068,6.951756043,6.951756086,6.951756066,6.951756035,6.951755982,6.951756061,6.95175608,6.951756006,6.951756008,6.951756001,6.951756029,6.951756034,6.951756059
+"18408","ZNF317",6.607903244,6.607903121,6.60790315,6.607903124,6.607903149,6.607903187,6.60790315,6.607903143,6.607903185,6.607903188,6.607902933,6.60790306,6.60790317,6.607903261,6.607903097,6.607903057,6.60790296,6.607903047,6.607903233,6.607903135,6.60790305,6.607903129,6.607903178,6.607903139,6.607903002,6.607903067,6.607903191,6.607903169
+"18409","ZNF318",6.259008227,6.259008138,6.259008073,6.259008134,6.259008119,6.259008182,6.259008136,6.259008146,6.259008117,6.259008159,6.25900808,6.259008158,6.259008113,6.259008233,6.259008141,6.259008042,6.259008087,6.259008029,6.259008111,6.259008104,6.259008135,6.259008128,6.259008106,6.259008127,6.259008087,6.259008164,6.259008083,6.259008174
+"18410","ZNF319",6.320698595,6.320698615,6.320698536,6.320698617,6.32069856,6.320698574,6.320698584,6.320698544,6.320698596,6.320698572,6.320698533,6.320698547,6.320698575,6.320698579,6.320698581,6.320698579,6.320698529,6.320698541,6.320698567,6.320698605,6.320698564,6.320698578,6.320698612,6.320698597,6.320698575,6.320698539,6.32069857,6.320698552
+"18411","ZNF32",5.040755096,5.04075499,5.040755035,5.04075507,5.040755094,5.04075506,5.040755104,5.040755028,5.040755176,5.040755079,5.040754984,5.04075506,5.040755142,5.04075532,5.040754978,5.040755051,5.040755073,5.040754995,5.040754982,5.040755031,5.040755124,5.040755091,5.04075501,5.04075497,5.04075495,5.040755072,5.040755008,5.040755296
+"18412","ZNF320",4.475459412,4.475459298,4.475459194,4.475459082,4.475459169,4.475459188,4.475459172,4.475459071,4.475459139,4.475459433,4.475459235,4.475459093,4.475459292,4.4754593,4.475459388,4.475459068,4.475459238,4.475459124,4.475459193,4.475459111,4.475459266,4.475459152,4.475459182,4.475459251,4.475459263,4.475459236,4.475459327,4.475459284
+"18413","ZNF322",4.641501336,4.641501269,4.641501187,4.6415013315,4.64150122,4.641501154,4.6415012595,4.641501109,4.6415012395,4.6415011545,4.6415010685,4.6415010575,4.641501354,4.6415018205,4.6415012445,4.6415011285,4.641501089,4.6415010665,4.641501294,4.6415008505,4.6415011965,4.6415011325,4.641501489,4.6415012785,4.641500983,4.641501012,4.641501264,4.6415016865
+"18414","ZNF324",6.370413115,6.370413292,6.370413125,6.370413087,6.370413085,6.370413093,6.37041296,6.370413229,6.370413134,6.370413119,6.370413184,6.37041302,6.370413168,6.370413162,6.370413085,6.37041318,6.370413138,6.370413185,6.370413085,6.370413118,6.370413041,6.370413159,6.370413207,6.370413224,6.370413134,6.370413123,6.370413172,6.370413264
+"18415","ZNF324B",6.4431553,6.443155384,6.443155326,6.443155326,6.44315554,6.443155126,6.443155427,6.44315551,6.443155354,6.443155497,6.443155242,6.443155534,6.443155417,6.443155049,6.443155666,6.443155234,6.443155519,6.443155397,6.443155548,6.443155409,6.443155539,6.44315548,6.443155302,6.443155117,6.44315534,6.443155631,6.443155465,6.443155362
+"18416","ZNF326",5.11414451,5.114144426,5.114144241,5.11414425,5.114144252,5.11414417,5.114144227,5.114144187,5.114144446,5.114144357,5.114144182,5.114144129,5.114144357,5.114144717,5.114144306,5.114144298,5.114144177,5.114144036,5.114144372,5.114144242,5.114144206,5.114144164,5.114144459,5.114144326,5.114144262,5.114144286,5.114144373,5.114144561
+"18417","ZNF329",4.597635036,4.59763448,4.597634312,4.597634571,4.597634829,4.597634998,4.597634597,4.59763417,4.597635028,4.597634579,4.597634694,4.597634706,4.597634826,4.597635616,4.597634736,4.597634578,4.597633935,4.597634316,4.59763521,4.597634286,4.597634533,4.597634554,4.597635204,4.597635048,4.597634518,4.597634704,4.597634964,4.597635069
+"18418","ZNF330",6.648756128,6.648756081,6.648755797,6.648755706,6.648755771,6.648755723,6.648755946,6.648755679,6.648755951,6.648755951,6.648755611,6.648755642,6.648755842,6.648756251,6.648755776,6.648756182,6.648755691,6.648755417,6.648755995,6.648755844,6.648755859,6.648755817,6.648755957,6.648755841,6.648755567,6.648755823,6.648755935,6.648756072
+"18419","ZNF331",5.507880653,5.507880623,5.507880642,5.507880269,5.507880491,5.507880467,5.507880555,5.507880362,5.507880569,5.507880598,5.507880368,5.507880674,5.507880644,5.50788073,5.507880492,5.507880621,5.507880506,5.507880525,5.507880559,5.507880222,5.507880582,5.507880485,5.507880456,5.507880537,5.507880305,5.507880649,5.50788048,5.507880785
+"18420","ZNF333",6.061915579,6.061915708,6.061915475,6.061915459,6.061915365,6.061915635,6.061915433,6.061915365,6.061915321,6.06191532,6.06191559,6.061915012,6.061915579,6.061915512,6.061915627,6.06191562,6.061915325,6.061915694,6.061915576,6.061915879,6.061915487,6.061915448,6.061915604,6.061915442,6.061915715,6.061915448,6.061915518,6.061915451
+"18421","ZNF334",4.192303509,4.192303804,4.192303699,4.192303619,4.192303673,4.192303695,4.19230366,4.192303675,4.192303488,4.192303596,4.192303864,4.192304242,4.192303693,4.192303739,4.192303546,4.192303751,4.192303746,4.192303814,4.192303924,4.192303606,4.192303606,4.192303725,4.192303571,4.192303576,4.192303617,4.19230356,4.192303654,4.192303717
+"18422","ZNF335",6.772879116,6.772879043,6.772879048,6.772879119,6.772879074,6.772879158,6.772879154,6.772879079,6.772879099,6.772879114,6.772879084,6.772879111,6.772879118,6.772879049,6.772879118,6.772878979,6.772879056,6.772879072,6.772879065,6.772879053,6.772879113,6.772879128,6.772879068,6.772879087,6.772878979,6.772879106,6.772879099,6.772879011
+"18423","ZNF337",6.32490061,6.324900332,6.324900496,6.324900357,6.324900239,6.324900267,6.324900502,6.324900453,6.324900575,6.324900598,6.324900317,6.324900435,6.324900538,6.32490062,6.324900541,6.324900158,6.324900127,6.324900293,6.324900219,6.324900127,6.324900307,6.324900478,6.324900481,6.324900496,6.324900408,6.324900456,6.324900599,6.32490053
+"18424","ZNF33A",6.853458304,6.853458047,6.853457508,6.853458409,6.853457124,6.853457098,6.853457657,6.853457669,6.853457467,6.853457389,6.853457503,6.853456628,6.853457735,6.853458401,6.853457578,6.853458068,6.853457281,6.853457861,6.853457672,6.853456036,6.853457552,6.853457493,6.8534576,6.853457436,6.853457871,6.85345736,6.853457695,6.853457908
+"18425","ZNF33B",5.020208503,5.020207851,5.020207702,5.020208242,5.020207699,5.02020728,5.020208106,5.020207471,5.020207911,5.020207518,5.02020814,5.020207662,5.020208274,5.020209013,5.020208245,5.020207748,5.02020715,5.020207944,5.020207917,5.02020723,5.020207637,5.020207786,5.020208316,5.020207634,5.020208064,5.020207919,5.020208502,5.020208374
+"18426","ZNF34",5.281447617,5.281447607,5.281447695,5.281447727,5.281447781,5.281447653,5.281447759,5.281447754,5.281447721,5.281447574,5.281447761,5.281447703,5.281447718,5.281447387,5.28144769,5.281447706,5.28144779,5.281447625,5.281447737,5.281447662,5.281447552,5.281447739,5.281447679,5.281447619,5.281447671,5.281447629,5.281447747,5.281447654
+"18427","ZNF341",6.228009614,6.228009653,6.228009676,6.228009645,6.228009693,6.228009654,6.22800968,6.22800967,6.228009649,6.228009652,6.228009676,6.228009694,6.228009648,6.228009626,6.228009671,6.228009672,6.228009693,6.228009677,6.228009638,6.228009653,6.228009668,6.2280097,6.22800966,6.228009651,6.228009679,6.22800967,6.228009633,6.228009674
+"18428","ZNF343",4.870790161,4.870790156,4.870790154,4.87079015,4.870790148,4.870790129,4.870790163,4.87079014,4.870790156,4.870790173,4.870790126,4.870790141,4.870790158,4.87079016,4.870790155,4.870790129,4.870790122,4.870790146,4.870790147,4.870790136,4.870790147,4.870790129,4.870790164,4.870790149,4.87079012,4.870790152,4.870790169,4.870790146
+"18429","ZNF345",4.685439916,4.685439898,4.685439611,4.685439645,4.685439563,4.685439569,4.685439653,4.685439583,4.685439881,4.685439729,4.685439638,4.685439577,4.685439877,4.685440057,4.685439786,4.685439739,4.685439664,4.685439655,4.685439601,4.685439622,4.685439745,4.685439656,4.685439832,4.685439713,4.685439691,4.685439757,4.685439845,4.68544002
+"18430","ZNF346",6.135899258,6.13589919,6.135899212,6.135899205,6.135899151,6.135899254,6.135899185,6.135899212,6.135899239,6.135899214,6.135899224,6.135899295,6.135899233,6.135899249,6.135899179,6.13589911,6.135899142,6.135899147,6.135899238,6.135899272,6.13589923,6.135899192,6.135899209,6.135899255,6.13589925,6.135899306,6.135899264,6.135899226
+"18431","ZNF347",4.117977386,4.11797704,4.117977207,4.117977169,4.117977207,4.117977003,4.117977203,4.117977026,4.117977101,4.117977477,4.117976956,4.117977241,4.117977472,4.117977842,4.117977135,4.117977417,4.117977072,4.117977325,4.117977417,4.117977336,4.117977294,4.117977281,4.11797751,4.117977399,4.117977178,4.117977216,4.1179776,4.117977549
+"18432","ZNF35",4.774112132,4.774112054,4.774112128,4.77411209,4.774112046,4.774112107,4.774112089,4.774112085,4.774112076,4.774112032,4.774112076,4.774112033,4.774112225,4.774112235,4.774112165,4.774111969,4.774111999,4.774111962,4.774112123,4.774111908,4.774112136,4.774112208,4.774112076,4.77411212,4.774112122,4.774112027,4.774112069,4.774112241
+"18433","ZNF350",5.879734739,5.879734878,5.879734564,5.879734657,5.879734337,5.879734395,5.879734557,5.879734399,5.879734734,5.879734128,5.879734323,5.879734082,5.879734832,5.879735407,5.879734645,5.879734657,5.879734372,5.879734765,5.879734494,5.879734482,5.879734494,5.879734674,5.879734942,5.879734545,5.879734421,5.879734417,5.879734396,5.879735071
+"18434","ZNF354A",4.935114805,4.935114768,4.935114756,4.935114862,4.935114724,4.935114684,4.935114745,4.935114735,4.935114834,4.935114776,4.935114733,4.935114701,4.935114791,4.935114941,4.935114786,4.935114724,4.935114719,4.93511483,4.935114768,4.935114683,4.935114759,4.935114728,4.935114828,4.935114887,4.935114799,4.935114772,4.935114785,4.93511482
+"18435","ZNF354B",4.60710949,4.607109462,4.607109455,4.607109467,4.60710944,4.60710946,4.607109454,4.607109444,4.607109473,4.607109454,4.607109436,4.607109459,4.607109479,4.607109518,4.60710946,4.607109418,4.607109491,4.607109446,4.607109451,4.607109464,4.607109452,4.607109463,4.607109492,4.60710946,4.607109464,4.60710948,4.607109502,4.607109469
+"18436","ZNF354C",5.124483202,5.124483216,5.124483178,5.124483216,5.124483167,5.124483167,5.124483207,5.124483164,5.124483203,5.124483167,5.124483189,5.124483159,5.124483207,5.124483239,5.12448323,5.124483189,5.124483169,5.124483166,5.124483143,5.124483197,5.124483209,5.124483173,5.124483152,5.124483161,5.124483198,5.124483212,5.124483143,5.124483226
+"18437","ZNF358",6.519656559,6.519656547,6.519656611,6.519656553,6.519656667,6.51965655,6.519656546,6.519656608,6.519656545,6.519656604,6.519656648,6.519656684,6.519656586,6.519656455,6.519656601,6.519656525,6.519656662,6.519656601,6.51965656,6.519656579,6.519656571,6.519656637,6.519656516,6.519656551,6.519656563,6.51965659,6.519656598,6.519656574
+"18438","ZNF362",6.916752602,6.916752483,6.916752578,6.916752479,6.916752627,6.916752632,6.916752546,6.916752497,6.916752749,6.916752673,6.916752699,6.91675265,6.916752527,6.916752407,6.91675252,6.916752196,6.916752576,6.91675252,6.916752619,6.916752665,6.91675249,6.916752597,6.9167527,6.916752579,6.916752583,6.916752605,6.916752587,6.916752549
+"18439","ZNF365",4.075934779,4.075934776,4.075934781,4.07593478,4.075934782,4.075934783,4.075934783,4.075934789,4.075934781,4.075934781,4.075934781,4.075934784,4.075934781,4.075934782,4.07593478,4.075934784,4.075934786,4.075934781,4.075934783,4.075934782,4.075934786,4.075934788,4.075934779,4.075934779,4.075934782,4.075934782,4.07593478,4.075934785
+"18440","ZNF366",4.930325962,4.930326003,4.930325954,4.930326019,4.930326031,4.930325957,4.930326013,4.930325965,4.930326019,4.930325959,4.930325989,4.930326045,4.93032599,4.930325932,4.930326007,4.930325983,4.930326035,4.930326029,4.930325991,4.930326005,4.930325982,4.930326,4.930325969,4.930325886,4.930325951,4.930326024,4.930325924,4.93032602
+"18441","ZNF367",5.34319061,5.343190704,5.343190534,5.343190687,5.343190841,5.343190763,5.343190906,5.343190795,5.343190687,5.343190719,5.343190686,5.343190767,5.343190766,5.34319068,5.343190807,5.343190664,5.343190704,5.343190822,5.343190622,5.343190761,5.34319079,5.343190746,5.343190718,5.343190645,5.343190695,5.34319071,5.343190737,5.343190833
+"18442","ZNF37A",5.237968585,5.237968546,5.237968418,5.237968407,5.237968534,5.237968388,5.237968436,5.237968538,5.237968578,5.2379685,5.237968392,5.237968231,5.237968575,5.2379691,5.237968592,5.23796835,5.237968457,5.237968452,5.23796863,5.237968423,5.237968469,5.237968575,5.237968779,5.237968614,5.237968396,5.237968538,5.237968698,5.23796904
+"18443","ZNF37BP",6.594660009,6.594659723,6.594659476,6.594659425,6.594659201,6.594659388,6.594659591,6.594659415,6.594659776,6.594659669,6.594658927,6.594659413,6.594659732,6.594660118,6.594659626,6.594659607,6.59465926,6.594659434,6.594659272,6.594659564,6.594659535,6.594659485,6.594659603,6.594659679,6.594659187,6.594659611,6.594659725,6.59465979
+"18444","ZNF382",4.090872537,4.090872439,4.090872493,4.090872494,4.090872528,4.090872494,4.0908725,4.090872477,4.090872522,4.090872499,4.090872455,4.090872475,4.090872551,4.090872577,4.090872478,4.090872501,4.090872495,4.090872459,4.090872542,4.090872533,4.090872504,4.090872491,4.090872538,4.090872546,4.090872492,4.090872514,4.090872538,4.090872521
+"18445","ZNF383",5.864409824,5.864409144,5.864409015,5.864408601,5.864408502,5.86440852,5.864408515,5.864408225,5.864409051,5.864409097,5.864408639,5.864408603,5.864409143,5.864410725,5.864409525,5.864408621,5.864408523,5.864408556,5.864409341,5.86440813,5.864408668,5.864408837,5.864409646,5.864409378,5.864408839,5.864409058,5.864409492,5.864410253
+"18446","ZNF384",7.713185209,7.713185258,7.713185121,7.713185225,7.713185202,7.713185363,7.713185283,7.71318531,7.713185215,7.713185279,7.713185107,7.713185228,7.713185233,7.713185195,7.713185213,7.71318517,7.713185124,7.713185231,7.713185244,7.713185214,7.71318518,7.713185183,7.713185223,7.713185267,7.713185157,7.713185184,7.713185229,7.71318521
+"18447","ZNF385A",6.901371209,6.901371242,6.901371383,6.901371174,6.901371371,6.901371744,6.901371014,6.901370975,6.901370833,6.901371573,6.901371299,6.901370894,6.901371145,6.90137091,6.901371222,6.90137095,6.901371232,6.901370881,6.901371076,6.90137156,6.901370994,6.901370919,6.901370702,6.901371313,6.901371168,6.901370963,6.901371296,6.901370896
+"18448","ZNF385B",4.372202209,4.372202312,4.372202425,4.372202255,4.372202265,4.372202413,4.37220227,4.372202416,4.372202357,4.372202324,4.372202313,4.37220229,4.372202319,4.372202169,4.372202257,4.372202315,4.372202316,4.372202219,4.372202297,4.3722023,4.372202187,4.372202336,4.3722023,4.372202313,4.372202293,4.372202284,4.372202385,4.37220238
+"18449","ZNF385C",5.253572007,5.253572188,5.253572455,5.253572325,5.253572351,5.253572371,5.253572158,5.253572389,5.253572323,5.253572219,5.253572375,5.253572657,5.25357227,5.253571988,5.253572291,5.25357229,5.253572373,5.253572339,5.253572224,5.253572315,5.253572158,5.253572335,5.253572293,5.253572287,5.253572318,5.253572201,5.25357229,5.253572164
+"18450","ZNF385D",4.145847927,4.145848137,4.1458481,4.145848123,4.145848146,4.145848011,4.145848091,4.145848128,4.145847964,4.145848054,4.145848057,4.145848102,4.145848017,4.145848061,4.145848098,4.145848024,4.145848096,4.145848168,4.145847985,4.145847998,4.145848117,4.145848073,4.145848049,4.145847995,4.145848189,4.145848175,4.145847947,4.145848054
+"18451","ZNF391",4.319310385,4.319310379,4.319310372,4.319310383,4.319310385,4.319310397,4.319310372,4.319310371,4.319310387,4.319310386,4.319310376,4.319310399,4.319310371,4.319310371,4.319310395,4.319310379,4.319310394,4.319310376,4.319310381,4.319310362,4.319310361,4.319310397,4.319310389,4.319310357,4.319310358,4.319310382,4.319310366,4.319310383
+"18452","ZNF394",7.008295364,7.008295313,7.008295215,7.00829513,7.008295053,7.008295135,7.008295143,7.00829511,7.008295229,7.00829521,7.008294945,7.008295156,7.008295153,7.008295494,7.00829516,7.00829514,7.008294928,7.008295173,7.008295252,7.008295365,7.008295065,7.008295147,7.008295355,7.008295329,7.008294991,7.008295278,7.008295226,7.008295454
+"18453","ZNF395",6.318136494,6.318136395,6.318136391,6.318136417,6.318136438,6.318136471,6.318136523,6.318136422,6.318136432,6.318136555,6.318136413,6.31813657,6.31813649,6.318136449,6.318136341,6.318136394,6.318136362,6.318136333,6.318136485,6.31813636,6.318136353,6.318136376,6.318136358,6.318136378,6.318136331,6.318136443,6.318136476,6.318136388
+"18454","ZNF396",4.019115526,4.019115498,4.019115425,4.019115435,4.019115424,4.019115339,4.019115459,4.019115325,4.019115359,4.019115228,4.019115414,4.019115444,4.019115387,4.019115354,4.019115498,4.019115482,4.01911531,4.019115383,4.019115353,4.019115678,4.019115443,4.019115504,4.019115403,4.019115389,4.01911541,4.019115405,4.019115525,4.019115561
+"18455","ZNF397",6.195099481,6.195099476,6.195099422,6.195099472,6.195099299,6.195099391,6.195099411,6.195099381,6.195099457,6.195099423,6.195099386,6.195099371,6.195099444,6.195099539,6.195099441,6.195099463,6.195099261,6.195099419,6.195099413,6.195099423,6.195099428,6.195099406,6.195099455,6.195099466,6.195099418,6.195099437,6.195099414,6.19509946
+"18456","ZNF398",6.511797372,6.511797376,6.511797349,6.511797371,6.511797358,6.511797333,6.511797349,6.511797338,6.511797361,6.511797339,6.511797332,6.511797353,6.511797377,6.511797402,6.511797359,6.511797362,6.511797337,6.511797382,6.511797354,6.511797338,6.511797341,6.511797341,6.51179737,6.511797353,6.511797379,6.51179737,6.51179739,6.511797384
+"18457","ZNF404",3.107897725,3.10789761,3.107897605,3.107897768,3.107897667,3.107897662,3.10789768,3.107897743,3.10789764,3.107897612,3.107897573,3.107897527,3.107897643,3.10789779,3.107897634,3.107897663,3.107897625,3.107897622,3.1078977,3.107897652,3.107897681,3.107897738,3.107897781,3.107897668,3.107897623,3.107897554,3.107897672,3.107897733
+"18458","ZNF407",6.292476446,6.292476382,6.292476445,6.292476527,6.29247642,6.292476475,6.292476458,6.292476421,6.292476427,6.292476443,6.292476392,6.292476387,6.29247647,6.292476593,6.292476438,6.292476544,6.292476309,6.29247644,6.29247643,6.292476542,6.292476358,6.292476328,6.292476573,6.292476527,6.29247635,6.292476426,6.292476454,6.292476427
+"18459","ZNF407-AS1",5.963472237,5.963472105,5.963472298,5.963472137,5.963472105,5.963472112,5.963472261,5.963472155,5.963472238,5.963472184,5.963472125,5.96347214,5.963472196,5.963472469,5.963472241,5.963472153,5.963472148,5.963472005,5.963472269,5.963472058,5.963472162,5.963472216,5.963472351,5.963472186,5.963472184,5.963472177,5.963472223,5.963472413
+"18460","ZNF408",5.349593234,5.349593289,5.349593255,5.349593229,5.349593245,5.34959325,5.34959325,5.349593289,5.349593276,5.349593226,5.349593284,5.349593273,5.349593278,5.349593203,5.349593233,5.349593295,5.349593246,5.349593276,5.349593259,5.349593261,5.349593214,5.349593266,5.349593263,5.349593279,5.349593304,5.349593273,5.349593255,5.349593256
+"18461","ZNF41",5.904345418,5.904345389,5.904345323,5.904345352,5.904345276,5.904345409,5.904345388,5.904345309,5.90434542,5.904345416,5.904345319,5.904345418,5.904345431,5.90434548,5.904345422,5.904345275,5.904345356,5.904345339,5.904345391,5.90434531,5.904345338,5.90434535,5.904345381,5.904345363,5.904345322,5.904345373,5.904345347,5.904345409
+"18462","ZNF410",6.276421068,6.276421052,6.276420966,6.276421033,6.276420917,6.276421006,6.276421026,6.27642095,6.276421028,6.276420955,6.276420967,6.276420963,6.276421008,6.276421089,6.276421024,6.276420926,6.276420938,6.276420975,6.276421055,6.276420948,6.276420972,6.276420976,6.276421018,6.276421032,6.276420945,6.276421007,6.276421047,6.276421034
+"18463","ZNF414",7.111621846,7.111621845,7.111621879,7.111621857,7.111621942,7.111621888,7.111621862,7.111621878,7.111621905,7.111621873,7.111621891,7.111621972,7.111621869,7.11162181,7.111621911,7.111621859,7.111621899,7.111621862,7.111621897,7.111621863,7.111621882,7.111621894,7.111621867,7.111621794,7.111621835,7.111621885,7.111621872,7.111621898
+"18464","ZNF415",3.134967881,3.134967896,3.134967908,3.134967901,3.134967884,3.134967878,3.134967886,3.134967908,3.1349679,3.13496789,3.134967899,3.134967953,3.134967882,3.1349679,3.134967897,3.134967891,3.134967893,3.134967879,3.134967893,3.134967891,3.134967901,3.134967935,3.134967883,3.134967888,3.134967904,3.134967895,3.134967895,3.134967908
+"18465","ZNF416",5.65582267,5.655822704,5.655822673,5.655822651,5.655822692,5.655822645,5.655822678,5.655822695,5.655822672,5.65582268,5.655822621,5.655822694,5.655822703,5.655822718,5.655822674,5.655822647,5.655822697,5.655822676,5.655822683,5.655822643,5.655822671,5.655822685,5.655822713,5.655822673,5.655822665,5.655822673,5.655822696,5.655822714
+"18466","ZNF417",6.825699959,6.825699951,6.825699924,6.825699932,6.825699877,6.825699967,6.825699877,6.825699873,6.825699947,6.825699928,6.825699808,6.825699886,6.825699912,6.825699976,6.825699924,6.825699939,6.825699874,6.825699938,6.825699857,6.825699867,6.825699839,6.825699887,6.825699957,6.825699929,6.825699843,6.825699878,6.825699983,6.825699942
+"18467","ZNF418",5.340314969,5.340315018,5.340315072,5.340314878,5.340314869,5.340315022,5.340314858,5.3403147,5.340315173,5.340314984,5.340314937,5.340314789,5.340315192,5.340314997,5.340314794,5.340314935,5.340314954,5.340314915,5.340314867,5.340314959,5.340314838,5.340314796,5.340315076,5.340314905,5.340314854,5.340314907,5.340315178,5.340314858
+"18468","ZNF419",5.56210272,5.562102715,5.562102718,5.562102726,5.562102731,5.562102682,5.562102713,5.56210271,5.562102761,5.562102706,5.562102669,5.562102703,5.56210275,5.562102767,5.562102736,5.562102706,5.562102702,5.562102715,5.562102691,5.562102679,5.562102715,5.562102715,5.562102725,5.562102731,5.562102722,5.562102717,5.56210272,5.562102725
+"18469","ZNF420",4.677137963,4.677137882,4.677137888,4.677137854,4.677137832,4.677137803,4.677137834,4.677137796,4.67713797,4.677137901,4.677137851,4.677137866,4.677137935,4.677138052,4.677137947,4.677137885,4.677137895,4.677137737,4.677137903,4.677137832,4.677137873,4.67713785,4.677137953,4.677137889,4.67713791,4.677137874,4.677137896,4.677137986
+"18470","ZNF423",4.319873197,4.319873212,4.319873243,4.319873238,4.319873246,4.319873174,4.31987322,4.319873239,4.31987318,4.319873215,4.319873276,4.319873268,4.31987321,4.319873184,4.319873221,4.319873267,4.319873222,4.319873239,4.319873192,4.319873214,4.319873231,4.319873226,4.319873218,4.319873207,4.319873198,4.319873234,4.31987321,4.319873197
+"18471","ZNF425",4.992746311,4.992746281,4.992746329,4.99274637,4.992746424,4.99274628,4.992746335,4.99274639,4.99274629,4.992746291,4.992746383,4.992746305,4.992746315,4.992746277,4.992746344,4.992746345,4.992746402,4.992746346,4.992746305,4.992746293,4.992746334,4.992746357,4.99274626,4.992746276,4.992746353,4.992746274,4.992746315,4.992746321
+"18472","ZNF426",4.800496438,4.800496383,4.800496294,4.800496087,4.800496366,4.800496421,4.800496316,4.80049624,4.800496557,4.800496418,4.800496027,4.800496159,4.800496347,4.800496778,4.800496447,4.800496212,4.800496169,4.800496008,4.800496339,4.800496237,4.800496212,4.800496341,4.800496503,4.800496423,4.800496112,4.800496213,4.800496377,4.800496604
+"18473","ZNF428",5.881823312,5.881823341,5.881823413,5.881823341,5.881823435,5.881823287,5.881823349,5.881823413,5.881823394,5.881823397,5.881823397,5.881823425,5.881823362,5.881823275,5.881823381,5.881823435,5.881823419,5.881823396,5.881823367,5.881823278,5.881823357,5.881823389,5.881823356,5.881823359,5.881823406,5.881823364,5.881823345,5.881823404
+"18474","ZNF429",4.455630825,4.455629625,4.455630427,4.455631234,4.455630681,4.45562956,4.455631118,4.45563041,4.455630305,4.455630858,4.455631101,4.455629841,4.455630677,4.455631977,4.455630324,4.455629699,4.455630011,4.455631218,4.455631229,4.455630356,4.455631344,4.455630197,4.455630888,4.455631853,4.45563146,4.455630832,4.455631056,4.455631306
+"18475","ZNF43",3.808170383,3.808169991,3.808170307,3.808170057,3.808170092,3.80816999,3.808170143,3.808169984,3.808170246,3.808170179,3.808169968,3.80817039,3.80817036,3.808171076,3.80817026,3.8081701,3.808170117,3.808170387,3.80817008,3.808170078,3.80817028,3.808170196,3.808170443,3.808170132,3.808170229,3.808170116,3.808170174,3.80817082
+"18476","ZNF430",5.118257784,5.118257781,5.118257623,5.118257594,5.118257352,5.118257554,5.118257464,5.118257604,5.118257737,5.118257723,5.118257564,5.11825722,5.118257853,5.118258158,5.118257459,5.118257589,5.118257505,5.118257511,5.118257415,5.118257662,5.118257486,5.11825753,5.118257934,5.118257812,5.118257682,5.118257489,5.118257781,5.118257847
+"18477","ZNF431",5.336021938,5.336022187,5.336021614,5.336020991,5.33602148,5.336021463,5.336021401,5.336021229,5.336021673,5.336021836,5.336021419,5.336020722,5.336022099,5.336022671,5.336021648,5.336021947,5.33602119,5.336021057,5.336021768,5.336021141,5.33602181,5.33602159,5.336021746,5.336021818,5.336021188,5.336021459,5.336021834,5.336022514
+"18478","ZNF432",4.084503941,4.084503962,4.084503948,4.084503978,4.084503924,4.08450387,4.084503929,4.084503958,4.084503981,4.084504069,4.084503991,4.084504048,4.084504025,4.084504189,4.084504029,4.084503969,4.084504039,4.084504004,4.084503907,4.08450389,4.084503895,4.084503948,4.084503966,4.084503888,4.084503958,4.084503992,4.084504013,4.084504114
+"18479","ZNF433",3.745815467,3.745815495,3.745815532,3.745815406,3.745815495,3.745815448,3.745815397,3.745815486,3.745815517,3.745815633,3.745815473,3.745815517,3.745815507,3.745815495,3.745815408,3.74581545,3.745815406,3.74581548,3.745815487,3.745815479,3.745815466,3.745815401,3.745815535,3.745815498,3.745815589,3.745815482,3.745815482,3.745815482
+"18480","ZNF436",5.733775922,5.733775941,5.733775858,5.733775934,5.73377592,5.733775921,5.733775889,5.733775925,5.733775949,5.733775868,5.733775913,5.733775869,5.733775923,5.733775972,5.733775893,5.733775792,5.733775924,5.733775919,5.733775918,5.733775927,5.733775899,5.733775908,5.733775906,5.733775924,5.733775829,5.733775888,5.733775895,5.733775937
+"18481","ZNF436-AS1",5.006427231,5.006427277,5.006427299,5.006427256,5.006427349,5.006427278,5.006427307,5.00642732,5.006427302,5.006427299,5.006427289,5.006427303,5.006427233,5.006427247,5.006427283,5.0064273,5.006427365,5.006427262,5.006427259,5.00642728,5.006427277,5.006427296,5.006427271,5.006427248,5.006427327,5.006427313,5.006427275,5.006427267
+"18482","ZNF438",5.926298454,5.926298042,5.926297535,5.926298357,5.926297396,5.926298314,5.926297601,5.926297559,5.926297504,5.926298073,5.926297969,5.926296711,5.926297952,5.926297747,5.92629809,5.926297823,5.926297561,5.926297771,5.926298452,5.926298848,5.92629775,5.926297705,5.926298435,5.92629873,5.926298372,5.926297408,5.926297982,5.926297584
+"18483","ZNF439",4.49396364,4.493963647,4.49396363,4.493963579,4.493963634,4.493963599,4.49396356,4.493963628,4.493963636,4.493963585,4.493963495,4.493963518,4.493963671,4.493963862,4.493963682,4.493963589,4.493963596,4.493963639,4.493963649,4.493963522,4.493963568,4.493963573,4.493963642,4.493963634,4.493963627,4.493963592,4.493963648,4.493963814
+"18484","ZNF440",5.089974288,5.089974263,5.08997436,5.089974292,5.089974237,5.089974281,5.089974239,5.089974211,5.089974296,5.089974319,5.089974251,5.089974254,5.089974337,5.089974354,5.089974177,5.089974288,5.089974176,5.089974295,5.089974264,5.089974267,5.089974272,5.089974297,5.089974318,5.089974337,5.089974302,5.089974308,5.089974317,5.089974359
+"18485","ZNF441",4.105703878,4.105703841,4.105703846,4.105703881,4.105703906,4.1057039,4.105703919,4.10570386,4.105703915,4.105703892,4.105703954,4.105703868,4.105703932,4.105704007,4.105703882,4.105703868,4.105703868,4.105703896,4.105703947,4.105703867,4.105703868,4.105703881,4.105703936,4.105703883,4.10570392,4.105703927,4.10570392,4.105704003
+"18486","ZNF442",4.442719683,4.442719751,4.44271981,4.442719809,4.442719798,4.442719581,4.442719605,4.442719711,4.442719573,4.442719655,4.442719776,4.442719787,4.442719757,4.442719695,4.442719695,4.442719751,4.442719778,4.44271984,4.442719662,4.442719703,4.442719684,4.442719733,4.442719649,4.442719666,4.44271995,4.442719739,4.442719823,4.442719821
+"18487","ZNF443",3.245592198,3.245592681,3.245592608,3.245592196,3.245592271,3.245592779,3.245592584,3.245592142,3.245592382,3.245591714,3.245592233,3.245592062,3.245591714,3.245592917,3.245592052,3.245592106,3.245592006,3.245591937,3.245591881,3.245591782,3.245592068,3.245591911,3.245592204,3.245591975,3.245591955,3.245592273,3.245592488,3.245592468
+"18488","ZNF444",6.335502195,6.335502417,6.335502695,6.335502532,6.335502703,6.335502188,6.335502492,6.335502682,6.335502623,6.33550252,6.335502645,6.335502625,6.335502561,6.335502384,6.335502538,6.33550248,6.335502679,6.335502639,6.335502479,6.335502407,6.335502461,6.335502658,6.335502546,6.335502617,6.335502701,6.335502528,6.335502604,6.33550254
+"18489","ZNF445",6.762063867,6.762063884,6.76206386,6.762063877,6.762063851,6.762063858,6.762063866,6.76206387,6.762063872,6.762063876,6.762063864,6.76206385,6.76206387,6.762063911,6.76206387,6.762063877,6.762063822,6.762063851,6.762063874,6.762063847,6.762063851,6.762063859,6.762063882,6.762063869,6.762063877,6.762063864,6.762063886,6.762063866
+"18490","ZNF446",6.525276739,6.52527674,6.525276779,6.525276763,6.525276795,6.525276769,6.525276792,6.525276798,6.525276752,6.525276789,6.525276782,6.525276821,6.525276776,6.525276714,6.525276794,6.525276777,6.525276807,6.525276809,6.525276792,6.525276793,6.525276793,6.525276803,6.525276772,6.525276751,6.525276763,6.525276791,6.525276763,6.525276787
+"18491","ZNF449",4.366156298,4.366156341,4.366156072,4.366156111,4.366156231,4.366156191,4.366156234,4.366156249,4.366156269,4.366156261,4.366156387,4.366156247,4.366156169,4.366156456,4.366156412,4.366156441,4.366156133,4.366156342,4.366156132,4.366156308,4.366156372,4.366156293,4.366156332,4.36615631,4.366156194,4.366156375,4.366156166,4.36615647
+"18492","ZNF45",4.879061292,4.879061215,4.879060925,4.879060934,4.879061155,4.879061,4.879061041,4.879061124,4.879061205,4.879060994,4.879060892,4.87906081,4.879061191,4.879061402,4.87906118,4.879061271,4.879061012,4.879061015,4.879061,4.879060989,4.879061029,4.879061093,4.879061333,4.879061117,4.87906092,4.879061105,4.87906101,4.879061398
+"18493","ZNF451",6.514312701,6.514311721,6.514311956,6.514310867,6.514311482,6.514310598,6.514311457,6.514310506,6.514312699,6.514311818,6.514311526,6.51431071,6.514311923,6.514313601,6.514311262,6.514310817,6.5143102,6.514310743,6.514311896,6.514310094,6.514311265,6.514311326,6.51431201,6.514311909,6.514311156,6.514311746,6.514312114,6.514312879
+"18494","ZNF454",4.470718796,4.470718935,4.470718931,4.470718963,4.470719007,4.47071904,4.470718846,4.470718946,4.470718796,4.470718884,4.470719027,4.470718992,4.470718874,4.470718557,4.47071883,4.470718952,4.470718907,4.470718899,4.470718964,4.470718879,4.470718964,4.47071897,4.470718811,4.470718813,4.470718853,4.470718981,4.470718706,4.470718906
+"18495","ZNF460",8.245039939,8.245039828,8.245039793,8.245039762,8.245039794,8.245039752,8.245039812,8.245039821,8.245039902,8.245039869,8.24503968,8.245039758,8.24503995,8.245040023,8.245039843,8.245039674,8.245039697,8.2450397,8.245039795,8.245039669,8.245039791,8.245039828,8.245039892,8.245039854,8.245039732,8.245039843,8.245039925,8.24503988
+"18496","ZNF461",4.536462726,4.53646275,4.536462705,4.53646265,4.536462676,4.536462687,4.536462705,4.536462662,4.536462796,4.536462763,4.536462694,4.53646268,4.536462728,4.536462788,4.536462717,4.536462687,4.536462622,4.536462599,4.536462694,4.53646267,4.536462705,4.5364627,4.536462759,4.536462732,4.536462684,4.536462715,4.536462739,4.536462805
+"18497","ZNF462",4.593740723,4.593740594,4.59374076,4.593740704,4.593740979,4.593740556,4.593740805,4.593740732,4.593740763,4.593740655,4.593740665,4.59374079,4.5937407,4.59374057,4.593740927,4.593740666,4.593740969,4.593740877,4.593740762,4.593740802,4.593740894,4.593740894,4.593740645,4.593740637,4.593740708,4.593740952,4.593740713,4.593740712
+"18498","ZNF467",7.564970953,7.564971349,7.564971082,7.564971547,7.564970811,7.564971234,7.564970951,7.564971111,7.564970737,7.564971233,7.564971216,7.56497083,7.564970845,7.564970847,7.564971062,7.564971277,7.564971061,7.564971496,7.564970972,7.564971502,7.564970852,7.564971116,7.564970906,7.564971344,7.564971456,7.56497089,7.564971055,7.564970728
+"18499","ZNF468",4.962835794,4.962834977,4.962834749,4.962834467,4.962835111,4.962835188,4.96283536,4.962834258,4.962834611,4.962834851,4.962835744,4.962834736,4.962835682,4.962836411,4.962835128,4.962835187,4.962835116,4.962834643,4.962835305,4.962834055,4.962835327,4.962835528,4.962835204,4.962835793,4.962835266,4.962835051,4.962835717,4.962836361
+"18500","ZNF469",6.084980151,6.084980215,6.084980276,6.084980258,6.084980352,6.084980234,6.084980323,6.084980323,6.084980285,6.084980226,6.084980337,6.084980372,6.084980253,6.084980153,6.084980354,6.084980381,6.084980411,6.084980367,6.084980305,6.084980288,6.084980358,6.084980292,6.084980263,6.084980203,6.08498034,6.084980338,6.08498017,6.084980342
+"18501","ZNF470",4.2378932,4.237893192,4.237893202,4.2378932,4.237893202,4.237893184,4.237893202,4.237893177,4.237893203,4.237893206,4.237893155,4.23789317,4.237893224,4.237893224,4.237893195,4.237893204,4.237893192,4.237893207,4.237893183,4.237893178,4.237893204,4.237893197,4.237893206,4.237893193,4.237893196,4.237893193,4.237893226,4.237893224
+"18502","ZNF471",3.359298052,3.359298055,3.359298129,3.359297856,3.359298067,3.359298252,3.359298171,3.359298009,3.359298344,3.359298452,3.359298048,3.359298535,3.359298021,3.359297954,3.359298306,3.359298193,3.359298305,3.359298265,3.359298238,3.359298145,3.359298037,3.359298326,3.359298337,3.359298319,3.359298192,3.359297977,3.359298099,3.359298055
+"18503","ZNF473",4.780716078,4.780716133,4.78071606,4.78071606,4.780716094,4.780716149,4.780716069,4.780716061,4.780716156,4.780716179,4.780716083,4.780716009,4.780716114,4.780716193,4.780716067,4.780715959,4.780716064,4.780716091,4.780716079,4.780716042,4.780716008,4.780716117,4.780716129,4.780716121,4.780716073,4.780716065,4.780716096,4.780716144
+"18504","ZNF473CR",4.769752505,4.769752467,4.76975269,4.769752368,4.769752754,4.76975244,4.769752674,4.769752572,4.76975254,4.76975257,4.769752638,4.76975266,4.769752607,4.769752367,4.769752503,4.769752626,4.769752665,4.769752668,4.769752518,4.769752504,4.769752687,4.769752637,4.769752571,4.769752561,4.769752613,4.76975258,4.769752483,4.769752544
+"18505","ZNF479",4.119940853,4.119940993,4.119941071,4.119940806,4.119940959,4.119940792,4.119940744,4.119940912,4.119941079,4.119941162,4.119941377,4.119940974,4.119940786,4.119940982,4.119940873,4.119941292,4.119941181,4.119941028,4.119941011,4.119941323,4.119940573,4.11994099,4.119941336,4.119940948,4.119940983,4.119940889,4.119940816,4.119940912
+"18506","ZNF48",5.050187788,5.050187797,5.050187796,5.050187781,5.050187803,5.050187793,5.050187807,5.050187798,5.050187824,5.050187763,5.050187778,5.050187825,5.050187807,5.050187764,5.050187815,5.050187832,5.050187838,5.0501878,5.050187818,5.050187806,5.050187798,5.050187821,5.050187789,5.050187785,5.050187809,5.050187793,5.050187821,5.050187799
+"18507","ZNF480",4.854365877,4.854365584,4.85436605,4.854365782,4.854365797,4.854365598,4.854365907,4.854365646,4.854365828,4.854365876,4.854365514,4.854365444,4.854365946,4.854366304,4.854365735,4.854365727,4.854365707,4.854365663,4.854365884,4.854365679,4.85436565,4.854365684,4.854365879,4.854365628,4.854365667,4.854365726,4.854366078,4.854366281
+"18508","ZNF483",4.390447494,4.390447196,4.390446918,4.390447321,4.390446887,4.390447197,4.390446997,4.390447285,4.390447408,4.390447302,4.390447168,4.390446731,4.390447402,4.390447722,4.390447058,4.390446963,4.390446572,4.390447135,4.390447107,4.390446878,4.39044693,4.390447094,4.3904469,4.390447344,4.390447274,4.390446971,4.390447401,4.390447255
+"18509","ZNF484",5.580510156,5.580509949,5.58050956,5.580509323,5.580509686,5.580509611,5.580509829,5.580509898,5.580509888,5.58050988,5.580509547,5.580509478,5.580509725,5.580510515,5.580509979,5.580509599,5.580509595,5.580509353,5.580509931,5.58050949,5.580509691,5.580509648,5.580509904,5.580509913,5.580509531,5.580509788,5.580509818,5.580510271
+"18510","ZNF485",5.705879848,5.705879832,5.70588013,5.705880137,5.70588003,5.70587974,5.705879817,5.705880155,5.705879888,5.705880031,5.705880087,5.705879994,5.705880059,5.705879904,5.705880118,5.705879845,5.705880165,5.705880003,5.705880053,5.705879951,5.705880014,5.705880178,5.705879917,5.705880169,5.70588013,5.705880159,5.705880106,5.705880286
+"18511","ZNF486",5.625968574,5.625968595,5.625968612,5.625968932,5.625968289,5.625968471,5.625968537,5.625968792,5.625968641,5.625968663,5.625968124,5.625968434,5.625969103,5.625969508,5.625968334,5.62596846,5.625968547,5.625969,5.625968939,5.62596852,5.625968833,5.625968975,5.625969136,5.625969205,5.625968086,5.625969132,5.625969122,5.625968899
+"18512","ZNF487",5.167506873,5.167506733,5.167506461,5.167505311,5.167507217,5.167506191,5.167506395,5.167506928,5.167506542,5.167505851,5.167506759,5.167507317,5.167505577,5.167506612,5.167507396,5.167506227,5.167506262,5.167506917,5.167507131,5.16750726,5.167506536,5.167506244,5.167505642,5.167507015,5.167506761,5.167505077,5.167505379,5.167506239
+"18513","ZNF488",5.056373816,5.056374175,5.056374588,5.05637452,5.056374689,5.056373836,5.056374245,5.056374329,5.056373893,5.056374058,5.056374347,5.05637446,5.056374213,5.056373868,5.056374428,5.056374158,5.056374708,5.056374533,5.056374476,5.056374291,5.056374682,5.056374665,5.056374062,5.056373689,5.056373928,5.056374203,5.056373986,5.056374285
+"18514","ZNF491",4.179782028,4.179782023,4.179782051,4.179782056,4.179781988,4.17978205,4.179781997,4.179782029,4.179782046,4.179782004,4.179782005,4.179782034,4.179782065,4.179781996,4.179782079,4.179782093,4.179782071,4.179782042,4.179781961,4.179782056,4.179782033,4.179782021,4.179782058,4.179781995,4.179781981,4.179782039,4.179782025,4.17978206
+"18515","ZNF492",3.610015189,3.610014946,3.610014735,3.610015321,3.610014495,3.610015866,3.610014728,3.610014776,3.610014905,3.610015322,3.610015212,3.610014911,3.610015145,3.610015143,3.61001496,3.610014955,3.610015211,3.61001491,3.610014485,3.610014631,3.610014483,3.610014953,3.610015124,3.610014665,3.610014742,3.610015274,3.610015371,3.610014995
+"18516","ZNF493",5.399299598,5.3992992995,5.3992989545,5.3992991175,5.399298921,5.399298946,5.3992993045,5.3992989235,5.3992991235,5.399299266,5.3992991025,5.399298724,5.3992991165,5.399299562,5.399299088,5.3992991555,5.399298794,5.399299062,5.3992992785,5.39929924,5.399299125,5.399299035,5.3992993545,5.3992993405,5.3992992355,5.3992993675,5.399299376,5.3992996435
+"18517","ZNF496",5.850696416,5.850696432,5.850696419,5.850696415,5.850696427,5.850696439,5.850696409,5.850696418,5.850696419,5.85069642,5.850696414,5.850696441,5.850696429,5.850696402,5.850696413,5.85069642,5.850696414,5.850696414,5.850696397,5.850696439,5.850696407,5.850696429,5.850696426,5.85069643,5.85069643,5.850696435,5.850696428,5.850696403
+"18518","ZNF500",6.553136707,6.553136712,6.55313677,6.553136814,6.553136918,6.553136733,6.553136735,6.553136888,6.553136641,6.553136722,6.553136958,6.553136858,6.553136809,6.553136616,6.553136886,6.553136859,6.553136865,6.55313692,6.553136775,6.553136681,6.553136871,6.553136908,6.553136668,6.553136564,6.553136828,6.553136876,6.553136828,6.553136802
+"18519","ZNF501",3.500947832,3.500947287,3.500947582,3.500947727,3.500947892,3.500947687,3.500947817,3.500947934,3.500947825,3.50094782,3.500947677,3.500947941,3.500947737,3.50094811,3.500947676,3.500947491,3.500948022,3.500947747,3.500947788,3.500947829,3.500947839,3.500947908,3.500947919,3.500947408,3.500947467,3.500947702,3.500947855,3.500948177
+"18520","ZNF502",3.396669056,3.396668826,3.39666907,3.396669009,3.396669281,3.396668934,3.396668708,3.396668687,3.396669114,3.396668818,3.396668882,3.396668774,3.396669264,3.396669365,3.396669205,3.396668789,3.396668996,3.396668694,3.396669068,3.396669146,3.396668589,3.396668952,3.396668946,3.396669063,3.39666902,3.396668777,3.396668796,3.396669055
+"18521","ZNF503",5.445670311,5.445670153,5.445670198,5.445670132,5.445670183,5.445670211,5.445669992,5.445670147,5.445670181,5.445670142,5.445670255,5.44567012,5.445670023,5.445669927,5.445670265,5.445670167,5.445670128,5.445670276,5.445670064,5.445670355,5.445670112,5.445670122,5.445669872,5.445669892,5.44567006,5.445670193,5.445669925,5.445669857
+"18522","ZNF503-AS2",5.595979591,5.595979287,5.595981306,5.595979533,5.595982072,5.595976422,5.595981315,5.5959809,5.595980023,5.595979942,5.595980909,5.595979799,5.595980313,5.595978708,5.595980859,5.595980554,5.595981414,5.595981806,5.595980191,5.595980977,5.595982051,5.595981484,5.595978354,5.595980161,5.595979035,5.595981234,5.595980845,5.595981322
+"18523","ZNF506",6.471793304,6.471792944,6.471793018,6.471792885,6.471792852,6.471792411,6.471792701,6.471793048,6.471793189,6.471793179,6.471792771,6.471793009,6.471793385,6.471793975,6.471793025,6.471792668,6.471792605,6.471792821,6.471793182,6.471792641,6.47179277,6.471793024,6.47179316,6.471793241,6.471793156,6.471793435,6.471793293,6.47179367
+"18524","ZNF507",6.177670079,6.177669437,6.177669252,6.177668963,6.177668698,6.177668486,6.177669404,6.177669258,6.177670029,6.177669804,6.177668155,6.177668411,6.177669409,6.177671107,6.177669321,6.177668996,6.177668605,6.177669012,6.177669476,6.177668005,6.177669592,6.177669025,6.177670174,6.177669573,6.177668481,6.177669922,6.177669368,6.177670409
+"18525","ZNF510",4.941964003,4.941963759,4.941963596,4.94196354,4.941963715,4.94196366,4.941963705,4.941963625,4.941963936,4.941963907,4.941963678,4.941963548,4.941963824,4.941964348,4.941963666,4.941963664,4.941963611,4.941963602,4.941963738,4.941963498,4.941963597,4.941963772,4.941963951,4.941963863,4.941963715,4.941963815,4.941963622,4.941964103
+"18526","ZNF512",7.078635173,7.078635161,7.07863473,7.078634826,7.078634784,7.078634936,7.078634902,7.078634583,7.078635189,7.078634824,7.078634429,7.078634955,7.07863508,7.078635451,7.078634865,7.078635048,7.078634229,7.078634383,7.078634949,7.078634865,7.078634821,7.078634735,7.078635059,7.078634829,7.07863458,7.078635122,7.078635119,7.078635018
+"18527","ZNF512B",5.90916069,5.909160868,5.909161051,5.909160809,5.909161379,5.909160967,5.909161083,5.909161386,5.909161178,5.909161093,5.909161156,5.909161344,5.909161085,5.909160747,5.909161302,5.90916092,5.909161283,5.909161261,5.909161024,5.909161012,5.909161184,5.909161241,5.909160957,5.909160561,5.909160991,5.90916134,5.909160741,5.909160975
+"18528","ZNF513",6.951244636,6.951244633,6.95124476,6.951244719,6.951244833,6.951244669,6.951244762,6.951244768,6.951244657,6.951244743,6.951244754,6.9512448,6.951244744,6.951244601,6.951244782,6.951244678,6.951244807,6.951244746,6.951244727,6.951244696,6.951244803,6.951244753,6.951244649,6.951244658,6.951244686,6.951244806,6.951244696,6.951244666
+"18529","ZNF514",5.234774991,5.234775061,5.234774583,5.234774978,5.234774968,5.234775354,5.234775108,5.234775415,5.234774961,5.234775077,5.234773979,5.234774519,5.234775428,5.234775279,5.234774611,5.234775211,5.234774815,5.234775087,5.234775191,5.234774883,5.234775128,5.234775515,5.234774962,5.234775025,5.234773924,5.234774644,5.234775347,5.234775058
+"18530","ZNF516",7.674708048,7.674709415,7.674708488,7.674710334,7.674707994,7.674709208,7.674709362,7.674708717,7.674708495,7.6747087,7.674708827,7.674708465,7.674708877,7.674707884,7.674708548,7.67470946,7.674708864,7.674709769,7.67470916,7.674709258,7.674709107,7.674708576,7.674709162,7.674709662,7.674709199,7.674708538,7.674708753,7.674707876
+"18531","ZNF517",6.478804164,6.478804224,6.478804569,6.478804284,6.478804669,6.478804236,6.478804429,6.478804577,6.478804457,6.478804498,6.478804559,6.478804647,6.478804456,6.478804196,6.478804572,6.478804501,6.47880463,6.478804574,6.478804368,6.478804377,6.478804473,6.478804612,6.47880437,6.478804386,6.478804527,6.478804543,6.478804367,6.478804533
+"18532","ZNF518A",5.660489335,5.660488676,5.660488912,5.66048834,5.660488265,5.660488135,5.660488524,5.660488215,5.660488614,5.66048807,5.660488107,5.660486993,5.660489018,5.660490407,5.660488736,5.66048827,5.660488415,5.660488309,5.660489051,5.660487828,5.660488903,5.660488063,5.660488754,5.660488407,5.660488185,5.66048837,5.660489069,5.660489647
+"18533","ZNF518B",6.26924821,6.26924827,6.269248056,6.269248185,6.269248178,6.269248116,6.269248219,6.269248104,6.269248181,6.269248132,6.269248106,6.269248047,6.269248166,6.269248547,6.2692481,6.269248134,6.269248034,6.269248052,6.269248301,6.269248127,6.269248112,6.269248058,6.269248274,6.26924818,6.269248182,6.269248157,6.269248211,6.269248362
+"18534","ZNF519",3.554748559,3.554748359,3.554748507,3.554748353,3.554748456,3.554748539,3.554748209,3.554748416,3.554748437,3.554748575,3.554748289,3.554748322,3.554748499,3.55474857,3.554748433,3.554748362,3.554748375,3.554748638,3.554748267,3.55474845,3.554748225,3.554748457,3.554748455,3.554748265,3.554748307,3.554748134,3.554748338,3.554748524
+"18535","ZNF521",4.00573624,4.005736042,4.005736225,4.005736438,4.005736589,4.005736248,4.00573629,4.005736298,4.00573609,4.005736078,4.005736211,4.005736819,4.005736171,4.00573619,4.005736412,4.005736133,4.005736798,4.005736364,4.005736438,4.0057359,4.005736335,4.005736334,4.005736422,4.005736109,4.005736435,4.005736112,4.005736437,4.005736567
+"18536","ZNF524",6.87592335,6.8759234,6.87592345,6.87592341,6.875923668,6.875923514,6.875923533,6.875923592,6.875923389,6.875923421,6.875923524,6.875923607,6.875923414,6.875923165,6.875923651,6.875923465,6.875923747,6.875923504,6.875923548,6.875923446,6.875923678,6.875923646,6.875923319,6.87592339,6.875923398,6.875923506,6.875923334,6.875923484
+"18537","ZNF526",6.277347493,6.27734747,6.277347562,6.277347499,6.277347401,6.277347557,6.277347527,6.277347594,6.277347503,6.277347519,6.277347555,6.277347271,6.277347538,6.27734753,6.277347551,6.2773474,6.277347359,6.277347438,6.277347504,6.277347353,6.277347498,6.277347436,6.277347322,6.277347452,6.277347646,6.277347544,6.277347663,6.27734736
+"18538","ZNF527",5.014794939,5.014794891,5.014794899,5.014794901,5.014795014,5.014794805,5.01479492,5.014795016,5.014795024,5.014794973,5.014794956,5.014794926,5.014794866,5.014795071,5.014795013,5.014794891,5.014794913,5.01479481,5.014794954,5.014794976,5.014794959,5.014794974,5.014795019,5.014794957,5.014794858,5.014794916,5.014795003,5.014795078
+"18539","ZNF528",4.797961713,4.797961637,4.797961546,4.797961568,4.797961661,4.797961624,4.797961604,4.797961604,4.7979617,4.797961625,4.797961658,4.797961697,4.797961726,4.797961753,4.797961638,4.797961588,4.797961535,4.797961651,4.797961708,4.797961614,4.797961575,4.797961597,4.797961738,4.797961578,4.79796158,4.797961587,4.79796177,4.797961793
+"18540","ZNF529",5.536371569,5.536371163,5.536371211,5.536370777,5.536371048,5.536371006,5.536370962,5.536370821,5.53637168,5.536371278,5.536370306,5.536370971,5.536371129,5.536372141,5.536371028,5.536370808,5.536370861,5.536370786,5.536371229,5.536370047,5.536370731,5.53637084,5.53637132,5.536371309,5.536370332,5.53637099,5.536371242,5.536371412
+"18541","ZNF530",5.00689411,5.006894129,5.006894165,5.00689416,5.006894108,5.006894087,5.006894065,5.006894108,5.006894121,5.006894087,5.006894117,5.006894086,5.006894141,5.006894123,5.006894085,5.006894109,5.006894106,5.006894124,5.006894119,5.006894124,5.006894086,5.006894108,5.006894123,5.006894135,5.006894129,5.006894133,5.006894151,5.006894111
+"18542","ZNF532",5.345484562,5.345484474,5.345484493,5.345484546,5.345484518,5.345484522,5.345484513,5.345484495,5.345484465,5.345484513,5.345484479,5.345484534,5.345484488,5.345484587,5.345484491,5.345484455,5.345484479,5.345484534,5.34548448,5.345484491,5.345484506,5.345484526,5.345484464,5.345484475,5.345484497,5.345484537,5.345484489,5.345484571
+"18543","ZNF534",4.407411195,4.407411215,4.407411256,4.407411265,4.407411267,4.407411203,4.407411246,4.407411258,4.407411247,4.407411259,4.40741132,4.407411289,4.407411216,4.407411162,4.407411275,4.407411245,4.407411268,4.407411286,4.407411257,4.407411291,4.407411245,4.407411256,4.407411236,4.407411256,4.407411303,4.407411248,4.407411196,4.407411246
+"18544","ZNF536",3.597356572,3.59735675,3.597356755,3.597356734,3.597356912,3.597356648,3.59735678,3.59735689,3.597356964,3.597356677,3.597356714,3.597356904,3.597356804,3.597356796,3.597356967,3.597356862,3.597356933,3.597356818,3.597356902,3.597357043,3.59735697,3.597356743,3.597356509,3.597356703,3.597356755,3.59735675,3.597356798,3.597357049
+"18545","ZNF541",4.993502814,4.993502681,4.993502877,4.993502744,4.99350298,4.993502669,4.993502823,4.993503011,4.993502983,4.99350286,4.99350284,4.993502969,4.993502857,4.993502778,4.993502974,4.993502957,4.993502903,4.993502904,4.993502662,4.993502842,4.993502996,4.993502931,4.993502899,4.99350283,4.993502793,4.993502971,4.993502746,4.993502882
+"18546","ZNF543",5.059319817,5.059319746,5.059319757,5.059319684,5.059319644,5.059319822,5.059319779,5.059319646,5.059319821,5.059319811,5.059319556,5.059319694,5.059319854,5.059319932,5.059319732,5.059319723,5.059319671,5.059319774,5.059319735,5.059319749,5.059319722,5.059319764,5.05931982,5.059319802,5.059319577,5.059319747,5.059319877,5.059319904
+"18547","ZNF544",5.737203384,5.737203362,5.737203341,5.737203296,5.737203328,5.737203395,5.73720334,5.737203332,5.737203389,5.737203355,5.737203358,5.737203307,5.737203366,5.737203407,5.737203364,5.737203329,5.73720335,5.737203338,5.73720337,5.737203371,5.737203337,5.73720334,5.737203414,5.737203372,5.737203367,5.737203327,5.737203398,5.737203349
+"18548","ZNF546",4.218873434,4.218873446,4.21887345,4.218873398,4.218873398,4.218873426,4.218873447,4.218873387,4.218873443,4.218873445,4.218873389,4.218873371,4.218873404,4.218873525,4.218873437,4.218873358,4.218873412,4.218873412,4.218873445,4.218873358,4.218873436,4.218873442,4.218873457,4.218873412,4.218873377,4.218873445,4.218873432,4.218873498
+"18549","ZNF548",6.561348934,6.561348915,6.561348935,6.561348785,6.56134891,6.561348897,6.561348895,6.561348956,6.561349008,6.561348982,6.561348827,6.561348943,6.561349082,6.56134899,6.561348884,6.561348929,6.561348823,6.561348834,6.561348921,6.561348901,6.561348933,6.561348987,6.561349043,6.561348965,6.561348819,6.561348962,6.561349008,6.56134898
+"18550","ZNF549",5.427158283,5.427158263,5.427158156,5.427158162,5.427158217,5.427158192,5.42715825,5.427158251,5.427158299,5.427158252,5.427158106,5.427158131,5.427158258,5.427158392,5.427158164,5.427158188,5.427158173,5.427158223,5.4271581,5.42715819,5.427158218,5.427158244,5.427158312,5.427158271,5.427158145,5.42715825,5.427158267,5.427158374
+"18551","ZNF550",6.27418778,6.274187742,6.274187738,6.27418771,6.274187753,6.274187694,6.274187764,6.274187715,6.274187839,6.27418777,6.274187636,6.274187834,6.274187794,6.274187831,6.27418777,6.27418773,6.27418773,6.274187697,6.274187774,6.274187691,6.274187725,6.274187745,6.274187846,6.274187729,6.274187718,6.274187791,6.274187772,6.274187812
+"18552","ZNF551",5.515034374,5.515033961,5.515034192,5.515034018,5.515034179,5.515034214,5.515034313,5.515034136,5.51503448,5.515034315,5.515033943,5.515034208,5.515034381,5.515034464,5.515034296,5.515033965,5.515033959,5.515034036,5.51503426,5.515034049,5.515034102,5.515034233,5.51503438,5.515034188,5.515033802,5.51503433,5.51503435,5.515034557
+"18553","ZNF552",5.546247966,5.546247986,5.546247885,5.54624804,5.546247671,5.54624796,5.546247857,5.546247735,5.546247827,5.546247815,5.546247838,5.546247673,5.546247991,5.546247927,5.546247859,5.546247998,5.54624773,5.54624784,5.546247927,5.546248013,5.546247828,5.546247804,5.546247811,5.546247962,5.546247853,5.546247895,5.54624791,5.546247781
+"18554","ZNF554",5.793655104,5.793655144,5.793655196,5.793655122,5.793655204,5.793655079,5.793655157,5.7936552,5.793655144,5.793655182,5.793655202,5.793655229,5.793655147,5.793655058,5.793655174,5.793655123,5.793655218,5.793655195,5.793655163,5.793655129,5.793655145,5.793655184,5.793655148,5.793655117,5.793655199,5.793655154,5.793655135,5.793655167
+"18555","ZNF555",4.846483182,4.846483256,4.846483156,4.846483026,4.846483087,4.846482689,4.846482904,4.846482995,4.846482955,4.846483253,4.846483158,4.846482937,4.846483132,4.846483403,4.846483037,4.846483057,4.846482976,4.846483341,4.846483038,4.846482774,4.846482808,4.846483012,4.846483006,4.846483235,4.846483034,4.846483212,4.84648325,4.846483308
+"18556","ZNF556",4.102607569,4.102607638,4.10260783,4.102607723,4.102607653,4.102607642,4.102607604,4.102607631,4.102607714,4.102607611,4.102607759,4.102607692,4.102607742,4.102607608,4.102607676,4.102607627,4.102607684,4.102607761,4.102607714,4.102607599,4.102607576,4.102607649,4.102607707,4.102607641,4.102607682,4.10260764,4.102607716,4.102607565
+"18557","ZNF557",5.76928258,5.769282572,5.769282546,5.769282516,5.769282462,5.769282499,5.769282463,5.769282479,5.769282504,5.769282533,5.769282492,5.769282477,5.769282565,5.769282616,5.769282493,5.769282484,5.769282438,5.769282507,5.769282525,5.76928249,5.769282489,5.7692825,5.769282556,5.769282492,5.76928251,5.769282537,5.76928253,5.769282544
+"18558","ZNF558",5.038252861,5.038252659,5.038252526,5.038252623,5.038252573,5.038252786,5.038252686,5.038252617,5.038252786,5.038252681,5.038252623,5.038252594,5.038252776,5.038252817,5.038252781,5.038252537,5.038252571,5.038252575,5.038252755,5.038252787,5.038252657,5.038252636,5.038252774,5.038252694,5.038252651,5.038252742,5.038252873,5.038252686
+"18559","ZNF560",2.970873457,2.970873638,2.970873481,2.970873907,2.970873855,2.970873796,2.970873608,2.970873715,2.970873524,2.970873628,2.970873771,2.970873882,2.970873573,2.97087351,2.97087365,2.970873681,2.97087362,2.97087384,2.970873691,2.970873766,2.970873811,2.970873435,2.970873663,2.970873574,2.970873627,2.970873621,2.970873711,2.970873951
+"18560","ZNF561",5.100171487,5.100170577,5.100170885,5.100170583,5.100170141,5.100170196,5.100170386,5.100170335,5.100171113,5.100171004,5.100170813,5.100170419,5.100171002,5.100171079,5.100170918,5.100170451,5.100170202,5.100170418,5.100170656,5.100170938,5.100170636,5.10017086,5.100170941,5.100171192,5.100169755,5.10017081,5.100170841,5.100171547
+"18561","ZNF562",4.948210371,4.948210077,4.948210164,4.948210079,4.948210012,4.948210177,4.94820998,4.948210119,4.948210117,4.948210133,4.948210005,4.948209981,4.948210176,4.948210196,4.948210054,4.948209818,4.948209899,4.948209918,4.948210185,4.94820996,4.94820998,4.948210036,4.948210052,4.948210119,4.94820994,4.948210022,4.948210134,4.948210014
+"18562","ZNF563",4.029675518,4.029675512,4.029675529,4.029675513,4.029675528,4.029675525,4.029675507,4.029675529,4.029675532,4.029675534,4.029675532,4.029675528,4.029675536,4.029675552,4.029675527,4.029675519,4.029675527,4.029675547,4.029675522,4.029675507,4.029675528,4.029675529,4.029675536,4.029675517,4.02967552,4.029675529,4.029675533,4.029675536
+"18563","ZNF564",5.555739792,5.555739662,5.555739533,5.555739634,5.555739561,5.555739546,5.555739604,5.555739484,5.555739281,5.555739572,5.555739428,5.555739402,5.555739735,5.555740079,5.555739562,5.555739817,5.555739509,5.555739584,5.555739834,5.555739656,5.555739497,5.55573964,5.555739232,5.55573972,5.555739555,5.55573958,5.555739701,5.555739822
+"18564","ZNF565",4.185297986,4.185297852,4.185297923,4.185297874,4.185297893,4.185297865,4.185297878,4.185297819,4.185297871,4.185297925,4.185297928,4.185297862,4.185297849,4.18529787,4.185297918,4.185297908,4.185297937,4.185297853,4.185297886,4.185297908,4.185297871,4.185297847,4.185297845,4.185297868,4.185297832,4.185297892,4.185297947,4.18529782
+"18565","ZNF566",4.431054077,4.431053523,4.431053556,4.431053199,4.431053484,4.431053114,4.431053382,4.431053569,4.431054097,4.431053714,4.431053011,4.431053993,4.431054125,4.431054664,4.431053705,4.431053136,4.431053188,4.431053134,4.431053831,4.43105299,4.431053427,4.431053099,4.431054154,4.431053883,4.431053677,4.431053836,4.431053896,4.431054449
+"18566","ZNF567",3.694216847,3.69421635,3.694216429,3.694216464,3.694216666,3.694216597,3.694216516,3.694216356,3.694216881,3.694216991,3.694216394,3.694216433,3.694216755,3.694216798,3.694216306,3.694216379,3.694216591,3.694216546,3.694216506,3.694216333,3.694216485,3.694216509,3.69421684,3.694216517,3.694216403,3.694216661,3.694216817,3.694217038
+"18567","ZNF568",3.741839452,3.741839431,3.741839423,3.741839383,3.741839389,3.741839401,3.741839438,3.741839446,3.741839454,3.741839397,3.741839415,3.741839409,3.741839444,3.741839506,3.741839441,3.741839432,3.741839414,3.741839424,3.741839438,3.741839388,3.741839431,3.741839407,3.741839438,3.741839411,3.741839404,3.741839448,3.741839453,3.741839463
+"18568","ZNF569",4.268923579,4.268923503,4.268923617,4.268923553,4.268923631,4.268923583,4.268923611,4.268923596,4.268923599,4.268923637,4.268923601,4.268923637,4.268923583,4.268923656,4.268923559,4.268923623,4.268923513,4.268923565,4.268923616,4.26892359,4.268923534,4.268923557,4.268923557,4.268923644,4.268923606,4.26892352,4.268923575,4.268923674
+"18569","ZNF57",5.016009757,5.016009704,5.016010126,5.016009841,5.016010129,5.01600984,5.016009772,5.016009809,5.016010043,5.016010127,5.016010041,5.016009939,5.016009986,5.016009817,5.01600996,5.016009764,5.016010036,5.016010009,5.016009804,5.016009869,5.016009753,5.016009988,5.016009908,5.016009858,5.016009931,5.016010047,5.016009732,5.016009946
+"18570","ZNF570",4.853463842,4.853463901,4.853463863,4.853463785,4.853463785,4.853463769,4.853463886,4.853463886,4.853463852,4.853463837,4.853463771,4.85346371,4.853463858,4.853464077,4.853463783,4.853463813,4.853463833,4.85346373,4.853463804,4.853463796,4.853463801,4.853463859,4.853463894,4.853463816,4.853463678,4.853463813,4.853463901,4.853464019
+"18571","ZNF571",4.469200333,4.469200288,4.46920028,4.469200286,4.469200319,4.469200334,4.469200306,4.46920027,4.469200346,4.46920028,4.469200228,4.469200291,4.46920027,4.469200376,4.469200264,4.469200308,4.469200291,4.469200274,4.469200299,4.469200274,4.469200267,4.469200326,4.469200308,4.469200311,4.469200243,4.46920032,4.469200303,4.469200374
+"18572","ZNF572",4.040228354,4.040228372,4.040228363,4.040228335,4.040228351,4.040228335,4.040228332,4.040228344,4.040228315,4.040228342,4.040228354,4.040228328,4.040228342,4.040228355,4.040228342,4.040228355,4.040228358,4.040228348,4.040228319,4.040228348,4.040228344,4.040228363,4.040228336,4.040228343,4.040228335,4.040228361,4.040228342,4.040228368
+"18573","ZNF573",4.928600652,4.928600104,4.928599713,4.928599895,4.928600166,4.928599717,4.928600113,4.92860039,4.928600638,4.928600134,4.928599727,4.928600119,4.928600578,4.928600749,4.928600323,4.928600531,4.928600069,4.928600147,4.92860058,4.928599555,4.92859987,4.928600224,4.928600714,4.928600122,4.928600481,4.928600626,4.928600583,4.928600355
+"18574","ZNF574",5.97417024,5.974170326,5.974170178,5.97417029,5.974170249,5.974170238,5.974170155,5.974170271,5.974170261,5.974170238,5.974170221,5.974170216,5.974170233,5.974170241,5.974170227,5.974170245,5.97417021,5.974170291,5.974170216,5.974170245,5.974170187,5.974170269,5.974170257,5.974170228,5.974170276,5.974170242,5.97417024,5.97417025
+"18575","ZNF575",5.911723193,5.911723222,5.911723244,5.911723241,5.911723278,5.91172323,5.91172325,5.911723245,5.911723228,5.911723265,5.911723245,5.911723274,5.911723233,5.911723152,5.911723244,5.911723187,5.911723257,5.911723244,5.911723221,5.911723207,5.911723233,5.911723258,5.911723208,5.911723197,5.911723226,5.911723244,5.911723222,5.911723211
+"18576","ZNF576",5.612460603,5.612460625,5.612460667,5.61246062,5.612460671,5.612460613,5.612460646,5.61246068,5.612460637,5.612460623,5.612460635,5.612460644,5.612460633,5.612460608,5.612460652,5.612460615,5.612460675,5.612460687,5.612460628,5.612460662,5.612460646,5.612460655,5.612460625,5.612460635,5.612460648,5.612460641,5.612460639,5.612460623
+"18577","ZNF577",5.488522948,5.488522848,5.488522837,5.488522757,5.488522859,5.488522814,5.488522866,5.488522809,5.488522952,5.488522821,5.488522864,5.488522752,5.488523017,5.488522998,5.488522914,5.488522869,5.488522736,5.488522729,5.488522937,5.48852281,5.488522945,5.48852279,5.488522837,5.488522782,5.488522796,5.488522925,5.488522956,5.488522882
+"18578","ZNF578",2.217546381,2.2175469,2.21754679,2.21754676,2.21754718,2.217547087,2.217546628,2.217547116,2.217546555,2.217546974,2.21754624,2.217546627,2.217546744,2.217546677,2.217546277,2.217546832,2.217547028,2.217546833,2.217547044,2.217546968,2.217547143,2.217547135,2.217546641,2.217546777,2.217546516,2.217546762,2.217546823,2.217546835
+"18579","ZNF579",7.155781665,7.155781844,7.155782272,7.155781739,7.155782547,7.155781512,7.155781995,7.155782357,7.155782078,7.155781987,7.155782295,7.155782662,7.155781919,7.155781417,7.155782378,7.155782135,7.155782642,7.155782489,7.15578187,7.155781916,7.15578229,7.155782403,7.155781715,7.155781577,7.155782001,7.155782202,7.155781705,7.155782108
+"18580","ZNF581",6.508036541,6.50803667,6.508036629,6.508036707,6.508036616,6.508036777,6.508036486,6.508036646,6.508036829,6.508036793,6.508036449,6.508036589,6.508036795,6.508036719,6.50803653,6.508036542,6.508036664,6.508036718,6.508036704,6.508036808,6.508036455,6.508036671,6.508036707,6.508036741,6.50803658,6.508036628,6.50803667,6.508036736
+"18581","ZNF582",4.468948304,4.468948175,4.468948214,4.468948182,4.46894825,4.468948145,4.468948183,4.468948232,4.468948147,4.468948168,4.468948297,4.468948311,4.468948234,4.468948214,4.46894821,4.468948226,4.468948206,4.468948226,4.468948259,4.468948143,4.468948247,4.468948247,4.468948173,4.468948122,4.468948295,4.468948239,4.46894815,4.468948229
+"18582","ZNF583",4.523661928,4.523661818,4.523661516,4.52366179,4.523661627,4.523661628,4.523661915,4.523661597,4.523661819,4.52366159,4.52366171,4.523661616,4.523661724,4.523662061,4.523661602,4.523661733,4.523661486,4.523661706,4.52366173,4.523661661,4.523661741,4.523661711,4.523661762,4.523661824,4.523661714,4.523661814,4.523661641,4.523661802
+"18583","ZNF584",5.805202619,5.805202643,5.805202665,5.8052026,5.805202724,5.805202642,5.805202666,5.805202668,5.805202643,5.805202661,5.805202654,5.805202714,5.805202679,5.805202577,5.805202702,5.805202655,5.805202706,5.805202688,5.805202678,5.805202691,5.805202722,5.805202709,5.80520264,5.805202598,5.80520266,5.805202711,5.805202645,5.8052026
+"18584","ZNF585A",4.439574345,4.43957432,4.439574115,4.439574159,4.439574027,4.439574535,4.439574111,4.439574068,4.439574405,4.439574372,4.43957436,4.43957409,4.439574379,4.439574866,4.439574247,4.439574273,4.439574055,4.439574192,4.439574182,4.439574177,4.439574265,4.439574138,4.43957455,4.43957451,4.439574342,4.439574179,4.439574454,4.439574309
+"18585","ZNF585B",5.595455278,5.595454517,5.595453232,5.595453838,5.595453639,5.59545447,5.59545411,5.595453519,5.5954549,5.595454535,5.595453678,5.595454765,5.595455249,5.595455412,5.595454357,5.595453343,5.595453776,5.595453991,5.595455076,5.595454285,5.595453768,5.595453913,5.595454703,5.595454087,5.595454776,5.595454942,5.595455025,5.595454912
+"18586","ZNF586",7.643453137,7.643453203,7.643452831,7.643453413,7.643452313,7.643452512,7.643453089,7.643452783,7.643453028,7.643452714,7.643452737,7.643452602,7.643453086,7.643453387,7.643453055,7.643453413,7.643452744,7.643453199,7.643452874,7.643452629,7.643453174,7.643452925,7.643453386,7.643453256,7.643453097,7.643452955,7.643453168,7.643453265
+"18587","ZNF587B",8.1917393,8.191741699,8.191714584,8.191735684,8.191683944,8.191699801,8.19172554,8.191714754,8.191735618,8.191705227,8.19169388,8.191727618,8.191733006,8.19174284,8.191697433,8.191748172,8.191698573,8.191725897,8.191711078,8.191737495,8.191733925,8.191711898,8.19173245,8.191734702,8.191744585,8.191732655,8.191734799,8.191736393
+"18588","ZNF589",6.231093965,6.231093908,6.231093768,6.231093798,6.231093827,6.231093814,6.23109383,6.231093841,6.231093932,6.231093894,6.231093835,6.231093892,6.23109393,6.231093993,6.231093876,6.231093859,6.231093687,6.231093739,6.23109391,6.231093784,6.231093814,6.231093846,6.23109392,6.231093831,6.23109392,6.231093906,6.231093926,6.23109396
+"18589","ZNF592",8.057489783,8.057490094,8.057489877,8.057490276,8.057489946,8.057490341,8.057490089,8.057489827,8.057489812,8.057490049,8.057490016,8.057489783,8.057489977,8.057489888,8.057489749,8.057490068,8.057489765,8.057490114,8.057490013,8.057490032,8.057489896,8.057489634,8.057489933,8.05748999,8.057490203,8.057489851,8.057489917,8.057489734
+"18590","ZNF593",6.151901773,6.151901711,6.151901902,6.151901743,6.15190196,6.151901925,6.151901812,6.151901841,6.151901772,6.151901959,6.151902043,6.151901932,6.151901817,6.15190164,6.151901876,6.151901793,6.151901946,6.151901889,6.151901902,6.151901927,6.151901844,6.151901902,6.1519018,6.151901731,6.151901869,6.151901893,6.151901809,6.151901802
+"18591","ZNF594",4.293698438,4.293698012,4.293698034,4.293697676,4.293697907,4.293697555,4.293697779,4.293697548,4.293696995,4.293697514,4.293697264,4.293697842,4.293698541,4.293699821,4.293697328,4.293697878,4.293697413,4.293697338,4.29369816,4.293696571,4.293697368,4.293697079,4.293698267,4.293697433,4.293697475,4.293697868,4.293698826,4.293699495
+"18592","ZNF596",3.349555193,3.349555201,3.349555168,3.349555206,3.349555189,3.34955518,3.349555162,3.349555179,3.349555195,3.349555184,3.34955521,3.349555186,3.349555185,3.349555214,3.349555188,3.349555197,3.349555187,3.349555191,3.349555202,3.349555189,3.349555181,3.349555185,3.349555197,3.349555182,3.349555188,3.349555188,3.349555178,3.349555234
+"18593","ZNF597",4.753859805,4.753859767,4.753859727,4.753859736,4.753859652,4.753859661,4.753859704,4.753859695,4.753859682,4.753859657,4.753859785,4.753859576,4.753859794,4.75385971,4.753859711,4.753859711,4.753859696,4.753859708,4.753859675,4.753859693,4.753859679,4.753859604,4.753859753,4.753859737,4.753859784,4.753859652,4.75385982,4.753859712
+"18594","ZNF598",6.815864491,6.815864592,6.815865151,6.815864673,6.81586572,6.815864917,6.815864937,6.815865235,6.815864932,6.815865142,6.815864888,6.81586545,6.815864758,6.815864497,6.815865339,6.815864839,6.815865337,6.815865286,6.815865066,6.815864897,6.815865277,6.815865301,6.815864673,6.81586428,6.815864766,6.815865341,6.815864657,6.81586513
+"18595","ZNF599",4.230472966,4.230472917,4.230472958,4.230472897,4.230472959,4.230472923,4.230472902,4.230472954,4.230473026,4.230472924,4.230472974,4.230472954,4.230472992,4.23047298,4.23047297,4.230472936,4.230472958,4.230472969,4.230472917,4.230473002,4.230472931,4.230472958,4.230472963,4.230473006,4.230472948,4.23047294,4.230472956,4.230472957
+"18596","ZNF600",5.50620043,5.506200137,5.506199562,5.506199736,5.50619972,5.506199735,5.506199956,5.506200154,5.506199966,5.506199912,5.506199914,5.506199584,5.506200003,5.506200364,5.5062001,5.506199844,5.506199721,5.506199756,5.506200045,5.506199684,5.506200062,5.506200347,5.506200015,5.506200053,5.506199795,5.506200074,5.506200126,5.506199742
+"18597","ZNF605",4.054951628,4.054951636,4.054951666,4.054951596,4.054951663,4.054951617,4.054951541,4.054951608,4.054951654,4.054951614,4.054951587,4.054951627,4.05495162,4.05495174,4.05495161,4.054951559,4.054951654,4.054951612,4.054951654,4.054951623,4.054951591,4.054951626,4.054951702,4.054951629,4.054951598,4.054951626,4.054951635,4.054951699
+"18598","ZNF606",5.302851276,5.302851281,5.302851287,5.302851282,5.302851284,5.302851292,5.302851292,5.302851275,5.302851291,5.302851275,5.302851272,5.302851286,5.302851284,5.302851291,5.302851275,5.302851283,5.302851275,5.302851278,5.302851298,5.302851281,5.30285128,5.302851284,5.302851271,5.302851264,5.302851281,5.302851297,5.302851291,5.3028513
+"18599","ZNF607",4.27802942,4.278029358,4.278029433,4.278029409,4.278029418,4.278029354,4.278029365,4.278029411,4.278029381,4.278029418,4.278029407,4.278029365,4.278029416,4.278029463,4.278029481,4.278029372,4.278029461,4.278029407,4.278029422,4.278029362,4.278029431,4.278029368,4.278029493,4.278029411,4.278029295,4.278029439,4.278029449,4.278029506
+"18600","ZNF608",5.064158961,5.064159484,5.06415822,5.064159326,5.064159208,5.064158566,5.064158641,5.064158761,5.064159029,5.064158508,5.064159585,5.064159138,5.06415866,5.064158681,5.064158976,5.064159752,5.064159278,5.064159657,5.064159144,5.064158803,5.064158973,5.064158553,5.064159213,5.064158562,5.064159723,5.064159074,5.064159042,5.06415875
+"18601","ZNF609",6.857608762,6.857608822,6.857608771,6.857608766,6.857608746,6.85760877,6.857608757,6.857608764,6.857608806,6.857608811,6.857608785,6.857608804,6.857608785,6.85760884,6.857608731,6.857608769,6.857608721,6.85760873,6.857608771,6.85760876,6.85760873,6.857608752,6.857608801,6.857608782,6.857608778,6.857608797,6.857608789,6.857608758
+"18602","ZNF610",3.979165821,3.979165839,3.979165809,3.979165858,3.97916586,3.979165875,3.979165882,3.979165859,3.979165876,3.979165829,3.97916587,3.979165839,3.979165855,3.979165857,3.979165851,3.979165844,3.979165874,3.979165858,3.979165846,3.97916585,3.979165838,3.979165859,3.97916586,3.979165853,3.979165842,3.979165868,3.979165842,3.979165872
+"18603","ZNF611",5.540484506,5.540484189,5.540483485,5.540483859,5.540483717,5.540484285,5.540484022,5.540483615,5.540483846,5.540483836,5.540483172,5.540483569,5.540484212,5.540484676,5.540484037,5.54048394,5.54048343,5.54048316,5.540484352,5.540482786,5.540483117,5.540483798,5.540484157,5.540483889,5.540483641,5.540483947,5.540484088,5.540484343
+"18604","ZNF613",4.917804574,4.917804571,4.91780457,4.917804552,4.917804613,4.917804548,4.91780459,4.917804588,4.917804594,4.917804575,4.917804581,4.917804571,4.917804591,4.917804605,4.917804606,4.917804572,4.917804586,4.917804585,4.9178046,4.917804599,4.917804635,4.917804579,4.917804597,4.917804574,4.917804543,4.917804577,4.917804561,4.91780463
+"18605","ZNF614",4.689234396,4.68923439,4.689234357,4.689234368,4.68923438,4.689234353,4.689234368,4.689234382,4.68923438,4.689234398,4.689234351,4.689234355,4.689234377,4.689234415,4.689234384,4.689234384,4.689234374,4.68923437,4.689234359,4.689234333,4.689234365,4.68923437,4.689234396,4.689234357,4.689234342,4.689234393,4.689234364,4.689234394
+"18606","ZNF615",4.038687221,4.038687253,4.03868722,4.038687173,4.038687195,4.038687175,4.03868727,4.038687198,4.038687161,4.038687187,4.038687189,4.038687047,4.038687179,4.038687357,4.038687199,4.038687196,4.038687203,4.038687147,4.038687202,4.038687137,4.038687184,4.038687237,4.038687187,4.038687166,4.038687197,4.038687181,4.038687233,4.038687276
+"18607","ZNF616",4.287546876,4.2875468765,4.2875468485,4.2875468355,4.2875468665,4.2875468135,4.287546862,4.287546838,4.287546875,4.2875468615,4.287546827,4.287546834,4.2875468965,4.287546974,4.2875468885,4.2875468345,4.287546855,4.2875468675,4.287546861,4.287546802,4.287546859,4.28754688,4.287546881,4.2875468335,4.287546902,4.2875468185,4.287546837,4.2875469165
+"18608","ZNF618",4.850322601,4.8503228875,4.850322866,4.8503226115,4.8503229765,4.850322755,4.850322821,4.8503229015,4.850322791,4.8503227585,4.8503229285,4.8503229865,4.850322646,4.850322463,4.8503228495,4.850322886,4.8503230235,4.8503229345,4.8503227315,4.8503226785,4.8503227255,4.850322977,4.8503227665,4.850322633,4.85032298,4.8503227155,4.850322674,4.850322806
+"18609","ZNF619",5.582700886,5.582700695,5.582700734,5.582700839,5.582700829,5.582700799,5.582700715,5.582700813,5.582700828,5.582700708,5.582700861,5.58270063,5.582700852,5.582700847,5.582700704,5.582700642,5.582700711,5.582700771,5.582700776,5.582700804,5.582700691,5.582700743,5.582700859,5.58270077,5.582700786,5.58270073,5.582700832,5.582700864
+"18610","ZNF620",4.849050021,4.849049993,4.849050014,4.849049967,4.849050005,4.849050018,4.849049989,4.849050025,4.849050023,4.849050017,4.849050007,4.849050062,4.849049964,4.849050024,4.849050055,4.849050051,4.849050035,4.84905002,4.849050022,4.849050047,4.849050016,4.849050039,4.849050038,4.849050017,4.849050057,4.849050061,4.849050013,4.849050019
+"18611","ZNF621",6.167321572,6.167321615,6.167321468,6.167321479,6.167321501,6.167321532,6.167321428,6.167321474,6.167321623,6.167321614,6.167321559,6.167321563,6.16732156,6.167321634,6.167321485,6.16732155,6.167321378,6.167321419,6.167321539,6.16732152,6.167321523,6.167321508,6.167321555,6.167321582,6.167321545,6.167321539,6.167321582,6.167321536
+"18612","ZNF622",6.081170044,6.081170053,6.081169719,6.081169999,6.081169454,6.081169535,6.081169566,6.081169861,6.081169971,6.081169518,6.081169498,6.081169193,6.0811698,6.081170358,6.081169903,6.081169882,6.081169392,6.081169862,6.081170022,6.081169397,6.081169696,6.081169963,6.081169925,6.081169808,6.081169515,6.081169536,6.081169897,6.081169941
+"18613","ZNF623",6.245611579,6.245611336,6.245610861,6.245610894,6.245611132,6.245611118,6.245611165,6.245611055,6.245611569,6.245611084,6.245610938,6.24561119,6.245611404,6.245611777,6.245611126,6.245611372,6.245610608,6.245610918,6.245611249,6.245610866,6.245610997,6.245611061,6.245611585,6.245611323,6.24561104,6.245611206,6.245611298,6.245611494
+"18614","ZNF624",4.763267674,4.763267434,4.763267482,4.763267676,4.76326774,4.76326738,4.763267582,4.763267514,4.763267696,4.763267785,4.763267608,4.763267689,4.763267694,4.763267864,4.763267668,4.763267672,4.763267635,4.763267754,4.763267775,4.763267622,4.763267613,4.763267627,4.763267709,4.763267641,4.763267532,4.763267638,4.763267632,4.763267909
+"18615","ZNF625-ZNF20",6.079272345,6.079272363,6.079272501,6.079272327,6.079272414,6.079272103,6.079272333,6.079272497,6.079272461,6.07927235,6.079272449,6.079272445,6.079272382,6.079272419,6.079272346,6.079272438,6.079272473,6.079272476,6.079272371,6.079272327,6.07927238,6.07927245,6.07927237,6.079272441,6.079272434,6.07927234,6.079272422,6.07927243
+"18616","ZNF626",5.617108117,5.617107727,5.617107703,5.617107551,5.617107801,5.617107716,5.617108021,5.617107963,5.617107866,5.617108021,5.617107696,5.617107728,5.617108132,5.617108683,5.617107581,5.617107713,5.6171077,5.617107522,5.617108077,5.617107653,5.617108036,5.617107996,5.617107994,5.61710829,5.617107876,5.617108059,5.617108203,5.61710842
+"18617","ZNF627",5.249779455,5.249779372,5.249779328,5.249779203,5.249779252,5.24977916,5.24977918,5.249779054,5.249779294,5.249779296,5.249779379,5.249778949,5.2497794,5.249779852,5.249779372,5.249779451,5.249779236,5.249779196,5.249779474,5.249779224,5.249779283,5.249779456,5.249779436,5.249779253,5.24977938,5.249779426,5.249779433,5.249779666
+"18618","ZNF628",6.574722051,6.574722002,6.574722256,6.57472223,6.574722443,6.574722221,6.574722199,6.574722319,6.57472215,6.574722332,6.574722431,6.574722353,6.574722174,6.574721774,6.574722305,6.574722228,6.574722476,6.574722341,6.574722264,6.57472211,6.574722369,6.574722403,6.574722125,6.574721951,6.574722235,6.57472226,6.574722185,6.574722247
+"18619","ZNF629",5.633457294,5.633457472,5.633457574,5.633457603,5.633457628,5.633457505,5.633457584,5.633457566,5.633457656,5.633457439,5.633457541,5.633457565,5.633457599,5.633457439,5.633457668,5.633457483,5.633457704,5.633457627,5.633457563,5.633457656,5.633457604,5.633457681,5.633457493,5.633457364,5.633457646,5.633457604,5.633457507,5.633457656
+"18620","ZNF630",5.072467092,5.072467078,5.072467057,5.072467045,5.07246703,5.072466968,5.072466994,5.072467033,5.072467021,5.07246697,5.072466998,5.072467091,5.072467054,5.072467019,5.072467021,5.072467071,5.072467023,5.072467063,5.072467082,5.07246689,5.072467033,5.072467037,5.072467002,5.072467042,5.072467098,5.072467085,5.07246709,5.072467084
+"18621","ZNF638",6.848465464,6.848465279,6.848465006,6.848465218,6.848464864,6.848464759,6.848464968,6.848464843,6.848465205,6.848464923,6.848464996,6.848464561,6.848465332,6.848465959,6.848465117,6.848465179,6.848464597,6.848464867,6.848465234,6.848464936,6.84846507,6.848464855,6.848465344,6.848465134,6.84846523,6.848465008,6.848465266,6.848465456
+"18622","ZNF639",4.829839713,4.829839637,4.829839631,4.829839571,4.829839555,4.829839611,4.829839622,4.829839629,4.829839634,4.829839641,4.829839614,4.829839598,4.829839611,4.829839727,4.829839617,4.829839576,4.829839575,4.829839564,4.829839589,4.829839613,4.829839596,4.829839569,4.829839617,4.829839642,4.829839599,4.829839643,4.829839682,4.829839625
+"18623","ZNF641",7.206729977,7.206730101,7.20673007,7.206729979,7.206730001,7.20673009,7.206729983,7.206730068,7.206729915,7.206729956,7.206729988,7.206729995,7.206729973,7.206730023,7.206729941,7.206730089,7.206730074,7.206729973,7.20673009,7.20673012,7.206729944,7.206730062,7.206729942,7.206730004,7.206729991,7.206730034,7.206729968,7.206729924
+"18624","ZNF644",5.536724717,5.536723648,5.53672356,5.536722559,5.536722683,5.536722559,5.536723294,5.536722086,5.536723643,5.536723515,5.536723527,5.536722113,5.536723851,5.536725855,5.536723741,5.536723583,5.53672335,5.536722725,5.53672365,5.536722294,5.536722786,5.536723628,5.536723793,5.536723266,5.536721895,5.536722854,5.536723817,5.536724978
+"18625","ZNF646",6.541852884,6.541853061,6.54185281,6.541853027,6.541852735,6.541852976,6.54185281,6.541852842,6.54185285,6.541852829,6.541852896,6.541852697,6.541853064,6.54185281,6.541852845,6.541852956,6.541852744,6.541852988,6.541852769,6.541852556,6.541852798,6.541852936,6.541852984,6.54185289,6.541852925,6.541852789,6.541852949,6.541852736
+"18626","ZNF648",5.593020673,5.593020656,5.593020785,5.593020629,5.593020865,5.593020444,5.593020641,5.593020793,5.593020794,5.593020739,5.59302076,5.593020743,5.593020643,5.593020506,5.593020822,5.593020722,5.593020763,5.593020751,5.593020661,5.59302072,5.593020732,5.593020736,5.593020636,5.59302069,5.593020687,5.593020783,5.59302057,5.593020734
+"18627","ZNF649",5.794373591,5.794373558,5.794373201,5.794373076,5.794373206,5.794373024,5.794373195,5.79437272,5.794373247,5.794373344,5.794373238,5.794373088,5.794373391,5.794373772,5.794373128,5.794373446,5.794372459,5.794373136,5.79437344,5.794372975,5.794373038,5.794373031,5.794373337,5.794373134,5.794373117,5.794373202,5.794373342,5.794373742
+"18628","ZNF652",7.600917827,7.600917823,7.600917844,7.600917862,7.600917813,7.600917842,7.600917852,7.60091778,7.600917797,7.60091779,7.600917822,7.600917749,7.600917842,7.60091787,7.600917823,7.600917802,7.60091778,7.600917821,7.600917792,7.60091791,7.600917874,7.600917745,7.600917806,7.600917835,7.600917854,7.600917816,7.600917817,7.600917802
+"18629","ZNF653",6.619251663,6.619251707,6.619251738,6.619251676,6.619251748,6.619251686,6.619251698,6.619251713,6.619251693,6.61925173,6.619251727,6.619251759,6.61925171,6.619251637,6.619251743,6.619251678,6.619251768,6.619251712,6.619251705,6.619251732,6.619251733,6.619251742,6.619251669,6.619251691,6.619251731,6.619251746,6.619251707,6.619251716
+"18630","ZNF654",4.654952702,4.654952675,4.654952551,4.654952503,4.654952479,4.654952308,4.654952519,4.654952271,4.654952671,4.654952596,4.654952494,4.654952023,4.654952632,4.654953357,4.654952709,4.654952561,4.65495257,4.654952463,4.654952538,4.654952475,4.654952461,4.654952577,4.654952622,4.654952575,4.654952325,4.6549522,4.654952516,4.654953134
+"18631","ZNF655",7.170392473,7.170392322,7.170392304,7.170392273,7.170392289,7.170392283,7.170392284,7.17039227,7.17039225,7.170392216,7.170392212,7.170392231,7.170392374,7.170392466,7.17039223,7.170392305,7.170392139,7.170392141,7.170392362,7.170392169,7.170392314,7.170392269,7.170392358,7.170392281,7.17039215,7.170392356,7.170392358,7.170392379
+"18632","ZNF66",6.60217979,6.602179981,6.602179516,6.602180118,6.602180121,6.602178731,6.602179469,6.602179998,6.602179911,6.602179322,6.602178806,6.602178741,6.602181202,6.602182128,6.602179735,6.602180247,6.602179949,6.602180185,6.602181312,6.602179702,6.602179741,6.602180692,6.602180204,6.602180674,6.602178785,6.602179323,6.602180981,6.60218201
+"18633","ZNF660",3.518340919,3.51834088,3.518340911,3.518340839,3.51834111,3.518341033,3.518340935,3.518340981,3.518340831,3.518340924,3.518340983,3.518341134,3.518340943,3.518341064,3.518341046,3.518341107,3.518341132,3.51834101,3.518341121,3.518340965,3.518341086,3.518341078,3.518340966,3.518341003,3.518340864,3.518341045,3.518340933,3.518341035
+"18634","ZNF662",5.125551341,5.125551363,5.125551393,5.125551363,5.125551369,5.125551334,5.12555135,5.125551381,5.125551388,5.125551351,5.125551367,5.125551399,5.125551351,5.125551352,5.125551354,5.125551374,5.125551385,5.125551368,5.125551354,5.125551351,5.125551366,5.125551376,5.125551379,5.125551344,5.125551362,5.125551355,5.125551338,5.125551384
+"18635","ZNF663P",3.72885997,3.728859995,3.72886003,3.728860009,3.728860086,3.728859975,3.728860025,3.728860028,3.728859972,3.728859999,3.728860046,3.728860046,3.728859986,3.728859986,3.728860049,3.728860018,3.728860107,3.728860047,3.728860097,3.728859955,3.72886003,3.728860021,3.728859972,3.728859973,3.728860058,3.728860074,3.728859978,3.728860033
+"18636","ZNF665",2.881577067,2.881577084,2.881577183,2.881577043,2.881577142,2.881577137,2.881577141,2.881577079,2.881577009,2.8815771,2.881577281,2.881577091,2.881577253,2.881577025,2.881577076,2.881577179,2.881577072,2.881576995,2.881577178,2.881577009,2.881577034,2.881577003,2.881577062,2.881577092,2.881577191,2.881577058,2.881577103,2.881577097
+"18637","ZNF667",5.012449365,5.012449366,5.012449407,5.012449396,5.012449419,5.012449309,5.012449411,5.012449384,5.012449397,5.012449392,5.012449397,5.012449451,5.012449418,5.012449373,5.012449404,5.012449426,5.012449422,5.012449403,5.012449408,5.012449381,5.012449406,5.0124494,5.012449382,5.012449384,5.012449432,5.012449418,5.012449403,5.012449376
+"18638","ZNF667-AS1",4.977120083,4.977120197,4.977120281,4.977119964,4.977120083,4.977120212,4.977119988,4.977120059,4.977119848,4.977120277,4.977119961,4.977120023,4.977120379,4.977120149,4.977119984,4.977120164,4.977119632,4.977119888,4.977119629,4.977120112,4.977119719,4.977119791,4.977120183,4.977119581,4.977119558,4.977120086,4.977120303,4.977119703
+"18639","ZNF668",5.762192088,5.762192085,5.76219209,5.762192075,5.762192108,5.762192088,5.762192084,5.762192082,5.7621921,5.762192095,5.762192098,5.762192083,5.762192081,5.762192072,5.762192099,5.762192068,5.762192099,5.762192083,5.762192087,5.762192075,5.762192085,5.7621921,5.76219208,5.762192072,5.762192059,5.762192089,5.762192098,5.762192097
+"18640","ZNF669",5.386267448,5.386266987,5.386267168,5.386267087,5.386267239,5.386266953,5.386267366,5.386267088,5.386267233,5.386266996,5.386267159,5.386267064,5.386267201,5.386267542,5.386267074,5.386266911,5.386266897,5.386266839,5.386267294,5.386267154,5.386267243,5.386267063,5.386267352,5.386267127,5.386267251,5.386267003,5.386267181,5.386267582
+"18641","ZNF671",6.739465837,6.739465949,6.739465168,6.739465533,6.739465167,6.739465005,6.739465289,6.73946531,6.73946602,6.739465216,6.739464831,6.739465004,6.739465616,6.739466096,6.739464968,6.739466184,6.739465169,6.739465113,6.739465872,6.739465584,6.739465307,6.739464969,6.739466159,6.739465941,6.739464692,6.739465409,6.739466021,6.739465943
+"18642","ZNF672",7.145502854,7.145502851,7.14550278,7.145502795,7.145502825,7.145502906,7.145502817,7.145502858,7.145502842,7.145502835,7.145502767,7.145502789,7.145502841,7.145502825,7.145502843,7.145502765,7.145502801,7.145502768,7.145502848,7.145502868,7.145502766,7.145502861,7.145502812,7.145502822,7.145502773,7.145502812,7.145502872,7.145502809
+"18643","ZNF674",5.004972831,5.004972936,5.004972808,5.004972977,5.004972598,5.004972656,5.004972617,5.004972769,5.004972654,5.004972703,5.00497255,5.0049725,5.004972998,5.004973048,5.004972785,5.004972936,5.004972749,5.004972917,5.004972756,5.004972587,5.004972663,5.004972744,5.00497304,5.004972621,5.004972802,5.004972811,5.004973001,5.004972861
+"18644","ZNF675",3.791281825,3.791281991,3.791281508,3.791281379,3.791281666,3.791281222,3.791281594,3.791281396,3.791281708,3.791281305,3.791281262,3.79128158,3.791281685,3.791282663,3.791281478,3.791281746,3.791281051,3.791281461,3.791281364,3.791281303,3.791281832,3.791281566,3.791281562,3.79128116,3.791281525,3.791281677,3.791281376,3.79128277
+"18645","ZNF676",2.632449597,2.632449653,2.632449636,2.632449646,2.632449618,2.632449659,2.632449594,2.632449733,2.632449631,2.632449573,2.632449652,2.632449577,2.632449653,2.632449633,2.632449609,2.632449643,2.632449616,2.632449655,2.632449608,2.632449603,2.632449575,2.632449651,2.632449613,2.632449628,2.632449616,2.632449648,2.632449633,2.632449645
+"18646","ZNF677",3.47648955,3.476489705,3.476489671,3.476489522,3.476489571,3.476489631,3.476489517,3.476489604,3.476489609,3.476489544,3.476489558,3.476489578,3.476489587,3.476489548,3.476489506,3.476489624,3.476489602,3.476489576,3.476489596,3.476489532,3.47648949,3.476489608,3.47648963,3.476489626,3.476489715,3.476489513,3.476489658,3.476489525
+"18647","ZNF678",4.529092684,4.529092568,4.5290925595,4.529092374,4.5290924335,4.5290921685,4.529092704,4.52909239,4.52909253,4.5290925225,4.529092309,4.529092331,4.529092555,4.5290928355,4.5290925265,4.529092615,4.529092422,4.5290924935,4.529092507,4.5290923465,4.5290924325,4.5290924595,4.5290927035,4.529092609,4.5290924395,4.5290925375,4.529092582,4.5290929185
+"18648","ZNF679",3.485571368,3.485571572,3.485571406,3.485571539,3.485571697,3.485571678,3.485571455,3.48557159,3.485571624,3.485571834,3.485571621,3.485571689,3.485571531,3.48557146,3.485571461,3.485571704,3.485571768,3.485571608,3.48557166,3.485571599,3.485571365,3.485571475,3.485571675,3.485571487,3.485571436,3.485571462,3.485571334,3.485571713
+"18649","ZNF680",3.742320576,3.742320561,3.74232056,3.742320595,3.74232057,3.742320555,3.742320564,3.742320569,3.742320587,3.742320553,3.742320558,3.742320561,3.742320556,3.742320651,3.742320554,3.742320544,3.742320578,3.742320567,3.742320578,3.742320543,3.742320539,3.742320559,3.742320573,3.742320555,3.742320551,3.742320537,3.742320529,3.742320602
+"18650","ZNF681",3.175296193,3.175296209,3.17529616,3.175296195,3.175296101,3.175296211,3.175296086,3.17529611,3.175296202,3.175296203,3.175296191,3.175296189,3.175296267,3.175296291,3.175296159,3.17529612,3.175296161,3.175296142,3.175296117,3.175296119,3.175296138,3.175296109,3.175296252,3.175296144,3.175296136,3.175296112,3.175296244,3.175296307
+"18651","ZNF682",3.993237615,3.993237589,3.993237524,3.993237433,3.993237391,3.993237573,3.993237545,3.993237592,3.993237678,3.993237533,3.993237411,3.99323767,3.993237707,3.993237612,3.993237328,3.993237515,3.993237395,3.993237655,3.993237574,3.993237417,3.993237535,3.993237536,3.993237673,3.993237454,3.993237626,3.993237458,3.993237641,3.993237616
+"18652","ZNF683",5.770737724,5.770737787,5.770737946,5.770737764,5.770737805,5.770737765,5.770737831,5.77073806,5.770737953,5.770737893,5.770737926,5.770737846,5.770737838,5.770737669,5.770737698,5.770737792,5.770737959,5.770737851,5.770737836,5.770737849,5.77073793,5.770738026,5.770737876,5.770737984,5.770737783,5.770737912,5.770737835,5.770737691
+"18653","ZNF684",3.605216374,3.605215893,3.605216068,3.605216183,3.605215966,3.605216039,3.605216076,3.605216049,3.605216381,3.605216312,3.605215923,3.60521634,3.605215967,3.605216444,3.605216049,3.605216094,3.605216041,3.605216148,3.605215911,3.60521612,3.60521606,3.605215886,3.60521579,3.605216146,3.605216662,3.605215982,3.605216266,3.605216391
+"18654","ZNF687",6.865415755,6.86541594,6.865415724,6.865415971,6.86541565,6.865415916,6.865415823,6.865415781,6.865415653,6.865415703,6.865415924,6.865415671,6.865415868,6.865415763,6.865415772,6.865415795,6.865415684,6.865415933,6.865415681,6.865416022,6.865415727,6.86541577,6.865415684,6.865415834,6.865415913,6.86541571,6.86541586,6.865415675
+"18655","ZNF688",5.897312848,5.897312958,5.897313106,5.897312981,5.897313082,5.897312797,5.897312934,5.897313086,5.897313033,5.897313107,5.897313156,5.897312999,5.897313059,5.897312898,5.897313007,5.897313056,5.897313017,5.897313022,5.897313013,5.897312815,5.897312993,5.897313195,5.897312882,5.897313006,5.897313063,5.897313118,5.897313105,5.897313058
+"18656","ZNF689",6.357484334,6.357484349,6.357484393,6.357484307,6.357484444,6.357484335,6.35748435,6.357484403,6.357484373,6.357484397,6.357484411,6.357484403,6.357484388,6.357484339,6.357484382,6.357484387,6.357484404,6.357484419,6.357484379,6.357484388,6.357484359,6.357484403,6.35748439,6.357484372,6.357484369,6.357484402,6.357484385,6.357484403
+"18657","ZNF69",6.036192604,6.036192861,6.036193303,6.036192886,6.03619309,6.03619292,6.036192995,6.036193006,6.036192898,6.036193047,6.036193097,6.036193064,6.036193008,6.036192694,6.036193161,6.036193076,6.036193398,6.036193267,6.036193274,6.036192889,6.036193086,6.036193058,6.036193266,6.036192953,6.036192976,6.036193063,6.036193033,6.036192964
+"18658","ZNF691",5.244342099,5.244342081,5.244342168,5.244342032,5.244342045,5.244342147,5.244342053,5.244342068,5.244342154,5.244342092,5.244342062,5.244342111,5.244342124,5.24434219,5.24434211,5.244342151,5.244341996,5.244342056,5.2443421,5.24434204,5.244342074,5.244342077,5.244342153,5.244342073,5.244342169,5.244342112,5.244342058,5.244341999
+"18659","ZNF692",6.753920862,6.753920844,6.753920741,6.753920857,6.753920677,6.753920796,6.753920867,6.75392076,6.753920826,6.753920841,6.753920763,6.753920772,6.753920827,6.753920869,6.753920816,6.753920765,6.753920665,6.753920808,6.753920752,6.753920862,6.753920839,6.753920848,6.753920821,6.753920851,6.753920909,6.753920846,6.753920859,6.753920744
+"18660","ZNF696",6.43222391,6.432223899,6.432223976,6.432223893,6.432223977,6.43222393,6.432223957,6.432223952,6.432223942,6.432223953,6.432223993,6.432223986,6.432223928,6.432223858,6.432223945,6.432223877,6.432223985,6.432223951,6.432223963,6.432223943,6.432223938,6.432223972,6.432223905,6.432223912,6.43222396,6.432223944,6.432223953,6.432223942
+"18661","ZNF697",5.664925232,5.6649252,5.664925278,5.664925186,5.664925384,5.664925165,5.664925239,5.664925316,5.664925156,5.664925219,5.664925308,5.664925352,5.664925187,5.664925049,5.664925324,5.664925254,5.664925353,5.664925334,5.664925283,5.664925227,5.664925311,5.664925307,5.664925106,5.664925134,5.664925275,5.664925336,5.664925175,5.664925187
+"18662","ZNF699",4.418038052,4.418038048,4.418038035,4.418038032,4.41803803,4.418038013,4.418038026,4.418038021,4.418038028,4.418038041,4.418038027,4.418038014,4.418038042,4.418038077,4.418038031,4.418038028,4.418038027,4.418038034,4.41803804,4.41803802,4.418038033,4.418038031,4.41803803,4.418038043,4.418038033,4.41803803,4.418038051,4.418038054
+"18663","ZNF7",5.630772858,5.630772833,5.630772854,5.6307728,5.630772839,5.630772838,5.630772851,5.630772834,5.630772873,5.630772846,5.63077284,5.63077284,5.630772848,5.630772862,5.630772846,5.630772838,5.630772859,5.630772833,5.630772861,5.63077284,5.630772845,5.630772861,5.630772846,5.630772844,5.63077284,5.630772839,5.630772864,5.630772864
+"18664","ZNF70",5.761013388,5.761013367,5.761013449,5.761013367,5.761013446,5.761013431,5.761013388,5.761013451,5.761013442,5.761013436,5.761013414,5.761013439,5.761013442,5.761013385,5.761013458,5.761013369,5.761013382,5.761013432,5.761013411,5.761013391,5.76101338,5.761013423,5.761013413,5.761013409,5.761013394,5.761013404,5.76101343,5.761013434
+"18665","ZNF701",5.485594005,5.485593537,5.485593557,5.48559301,5.48559305,5.485592796,5.485593497,5.485592468,5.485593146,5.485592746,5.485592827,5.485592304,5.485593276,5.485594354,5.485593083,5.485592976,5.485593329,5.485593496,5.485593797,5.48559172,5.485593817,5.485592991,5.485593392,5.485593055,5.485592626,5.485592857,5.485593455,5.485594333
+"18666","ZNF702P",3.250564536,3.250564541,3.250564638,3.250564445,3.250564418,3.250564518,3.25056452,3.250564409,3.25056451,3.25056455,3.250564573,3.250564442,3.250564523,3.250564576,3.250564409,3.250564534,3.250564452,3.25056472,3.250564474,3.250564613,3.250564519,3.250564485,3.250564537,3.250564527,3.250564599,3.25056447,3.250564543,3.250564578
+"18667","ZNF703",6.652962802,6.652962766,6.652962918,6.652962886,6.652963476,6.652963346,6.652963022,6.652963177,6.652962701,6.652963089,6.652963398,6.652963103,6.652963041,6.652961968,6.652963239,6.652962619,6.652963235,6.652963268,6.65296334,6.652963053,6.652963105,6.65296322,6.652962678,6.652962586,6.652962906,6.652963112,6.65296314,6.652962966
+"18668","ZNF704",4.037116316,4.037116315,4.037116345,4.037116276,4.037116411,4.037116307,4.03711636,4.037116388,4.037116363,4.037116344,4.037116356,4.037116387,4.037116345,4.037116345,4.037116359,4.037116355,4.037116359,4.037116362,4.037116347,4.037116354,4.037116386,4.037116368,4.037116345,4.037116345,4.03711634,4.037116351,4.03711632,4.03711636
+"18669","ZNF705A",2.530425744,2.530425728,2.530425767,2.530425721,2.530425712,2.530425862,2.530425818,2.530425792,2.5304257,2.530425688,2.530425963,2.530425779,2.530425893,2.530425759,2.530425767,2.530425837,2.530425864,2.530425897,2.530425748,2.530425853,2.530425731,2.530425763,2.530425872,2.530425768,2.530425718,2.530425814,2.53042589,2.530425844
+"18670","ZNF706",7.114948662,7.114948221,7.114947638,7.114946628,7.114947289,7.114947151,7.114947832,7.114947436,7.114948736,7.114948363,7.114947617,7.114947473,7.114948445,7.114949557,7.114947983,7.114948148,7.114947238,7.114946545,7.114948562,7.114945939,7.114947336,7.114947164,7.11494827,7.114948067,7.114947006,7.114947431,7.114948291,7.114948556
+"18671","ZNF707",6.219178666,6.219178655,6.219178656,6.219178636,6.219178645,6.219178632,6.219178634,6.219178659,6.219178668,6.219178654,6.219178643,6.219178665,6.219178648,6.219178635,6.219178648,6.219178639,6.219178641,6.21917865,6.219178649,6.219178622,6.219178634,6.219178642,6.219178657,6.219178659,6.219178631,6.219178658,6.219178657,6.219178672
+"18672","ZNF708",4.829370133,4.829369826,4.829370023,4.829369865,4.829370015,4.829369785,4.829370099,4.829369846,4.829369899,4.829370076,4.829370033,4.829369978,4.829370174,4.829370524,4.829370088,4.829369985,4.829370123,4.829370017,4.829370178,4.829369762,4.829370154,4.829370102,4.829370058,4.829369936,4.829370047,4.829370134,4.82937011,4.829370359
+"18673","ZNF709",3.664032472,3.664032518,3.664032561,3.664032469,3.664032464,3.664032369,3.66403249,3.664032621,3.664032514,3.664032622,3.664032554,3.664032569,3.664032539,3.664032655,3.664032561,3.664032613,3.664032472,3.664032532,3.664032343,3.664032372,3.664032511,3.664032545,3.664032507,3.664032446,3.664032505,3.664032563,3.664032457,3.6640326
+"18674","ZNF71",5.903035062,5.903035021,5.903035294,5.9030352,5.903035293,5.903035004,5.903035178,5.903035342,5.903035189,5.903035333,5.903035384,5.903035258,5.903035174,5.903035044,5.903035157,5.903035364,5.903035217,5.903035147,5.903035182,5.903035166,5.90303521,5.903035223,5.90303507,5.903035235,5.90303513,5.90303532,5.903035223,5.903035184
+"18675","ZNF710",7.541553531,7.541553587,7.54155362,7.54155364,7.541553651,7.541553752,7.54155368,7.541553615,7.541553503,7.541553589,7.541553609,7.541553591,7.541553622,7.541553454,7.541553626,7.54155353,7.541553602,7.541553649,7.541553635,7.541553753,7.541553631,7.541553627,7.541553577,7.541553582,7.541553631,7.54155364,7.541553587,7.541553497
+"18676","ZNF711",3.913397155,3.913397117,3.913397112,3.913397056,3.913397157,3.913397057,3.91339711,3.913397148,3.913397211,3.913396989,3.913397143,3.913397452,3.913397169,3.913397256,3.913397237,3.913397103,3.913397292,3.913397193,3.91339718,3.913396977,3.913397085,3.913397048,3.913397087,3.913397022,3.91339705,3.913397366,3.91339708,3.91339742
+"18677","ZNF713",3.928724474,3.928724823,3.92872469,3.928724722,3.928724771,3.928724869,3.928724366,3.92872463,3.92872459,3.928724716,3.928724396,3.928725049,3.928725027,3.928724821,3.92872473,3.928724484,3.92872469,3.928724658,3.928724591,3.928724789,3.928724652,3.928724522,3.92872471,3.92872455,3.928724616,3.92872493,3.928724604,3.928724879
+"18678","ZNF714",4.964949157,4.964949123,4.964949149,4.964949098,4.964949147,4.964949093,4.964949132,4.964949133,4.964949132,4.964949159,4.964949115,4.964949141,4.96494915,4.964949196,4.964949135,4.964949105,4.964949133,4.964949146,4.964949113,4.964949112,4.964949144,4.964949114,4.964949129,4.964949167,4.964949166,4.964949134,4.964949151,4.964949198
+"18679","ZNF716",3.925676541,3.925676407,3.925676562,3.92567652,3.92567648,3.925676571,3.925676493,3.925676532,3.925676574,3.92567655,3.925676619,3.925676476,3.925676532,3.925676508,3.925676431,3.925676556,3.925676566,3.925676526,3.925676501,3.92567658,3.925676454,3.92567649,3.925676368,3.925676556,3.925676448,3.925676493,3.925676559,3.92567655
+"18680","ZNF717",6.010786623,6.010787497,6.010786272,6.010785615,6.010786512,6.010786364,6.010786579,6.010785699,6.010786373,6.010787002,6.010786297,6.010786982,6.010787004,6.010787308,6.010785997,6.010786771,6.010785125,6.010786679,6.010785041,6.010786808,6.010786733,6.010786528,6.010786362,6.010787277,6.010786905,6.010786659,6.01078669,6.010787103
+"18681","ZNF718",4.96471826,4.964716822,4.964715816,4.964716583,4.964714948,4.964716984,4.96471658,4.964716441,4.964717464,4.964717157,4.96471641,4.964715111,4.964718013,4.964719914,4.964716781,4.96471733,4.964715013,4.964716749,4.964716525,4.964716818,4.964716283,4.964715322,4.964717185,4.964717484,4.964716286,4.964716004,4.964718356,4.9647191
+"18682","ZNF724",3.659343952,3.659343992,3.659344304,3.659344015,3.659344137,3.659343701,3.659343822,3.659344109,3.659344163,3.65934405,3.659343899,3.65934404,3.659343959,3.659344109,3.65934414,3.659344138,3.65934391,3.659344052,3.659343804,3.659343865,3.659343993,3.659343957,3.65934397,3.659344112,3.659344039,3.659344264,3.659343868,3.659344283
+"18683","ZNF726",3.263949037,3.263949161,3.263949125,3.263949023,3.263948943,3.263949094,3.263949168,3.263948981,3.263949147,3.263948866,3.263949048,3.263949052,3.263949042,3.263949012,3.263948886,3.263949039,3.263949045,3.263948997,3.263949022,3.263949127,3.263948825,3.26394895,3.263949061,3.263948981,3.263949084,3.263948831,3.263949043,3.26394913
+"18684","ZNF729",2.602384791,2.602384818,2.602384815,2.602384782,2.602384792,2.602384781,2.602384803,2.602384811,2.60238477,2.602384797,2.602384814,2.602384805,2.602384801,2.602384791,2.602384784,2.602384814,2.602384794,2.602384806,2.602384811,2.602384815,2.602384796,2.602384804,2.602384802,2.602384805,2.602384813,2.602384796,2.602384825,2.602384813
+"18685","ZNF730",2.945062663,2.945063791,2.945063454,2.945062988,2.945063453,2.945063983,2.945062877,2.94506298,2.945063863,2.94506333,2.945063512,2.94506322,2.945063002,2.945062722,2.945063103,2.945062794,2.945063258,2.945063159,2.945063786,2.945063526,2.945063405,2.945063337,2.945063193,2.945062913,2.945063502,2.945062905,2.945064056,2.945063314
+"18686","ZNF732",3.794263064,3.794263028,3.794262929,3.794263023,3.794262881,3.794262995,3.794263107,3.794262983,3.79426295,3.79426292,3.794263123,3.794262929,3.794263122,3.794263315,3.794262981,3.794263075,3.794262836,3.794263021,3.794262846,3.794263002,3.794262963,3.794262955,3.794262999,3.794262936,3.794263135,3.794262979,3.794263103,3.79426303
+"18687","ZNF737",6.315710561,6.314661506,6.307801052,6.308095235,6.308717141,6.305528978,6.311654328,6.309699398,6.313988382,6.316345991,6.305415317,6.303147172,6.317890274,6.326932526,6.311933849,6.31575918,6.30790632,6.308384706,6.312437619,6.304450937,6.30987627,6.312406253,6.312358437,6.314710691,6.312363188,6.30799382,6.315623077,6.326632057
+"18688","ZNF738",5.117438031,5.117437968,5.117437991,5.117437926,5.117437845,5.117437951,5.11743794,5.117437986,5.117437885,5.117438029,5.117437912,5.117437992,5.117438019,5.117438193,5.117437949,5.117437998,5.117437919,5.117437929,5.117438077,5.117437827,5.117437992,5.117437907,5.117438,5.117438066,5.117438019,5.117438004,5.117438108,5.117438061
+"18689","ZNF74",6.838627424,6.83862743,6.838627447,6.838627437,6.838627462,6.838627415,6.838627431,6.838627455,6.83862744,6.838627436,6.838627439,6.838627457,6.838627443,6.838627421,6.838627454,6.838627441,6.838627455,6.838627441,6.83862744,6.83862742,6.838627434,6.838627446,6.838627433,6.83862744,6.83862745,6.838627445,6.83862744,6.838627457
+"18690","ZNF740",7.691562917,7.691562913,7.691562762,7.691562824,7.691562761,7.69156284,7.691562811,7.6915628,7.691562927,7.691562928,7.691562818,7.691562761,7.691562956,7.691562985,7.69156281,7.691562821,7.691562715,7.691562716,7.691562842,7.691562832,7.691562847,7.691562863,7.691562898,7.691562874,7.69156276,7.69156289,7.691562983,7.691563006
+"18691","ZNF746",9.039261047,9.039261408,9.039261294,9.039261504,9.039261037,9.03926119,9.039261069,9.039261301,9.039261029,9.039261202,9.039261312,9.039261058,9.039261278,9.03926098,9.039261082,9.039261295,9.03926106,9.039261492,9.039261194,9.039260899,9.039261049,9.039261215,9.039261164,9.039261385,9.039261486,9.03926114,9.039261248,9.039260915
+"18692","ZNF747",7.269995879,7.269995958,7.269996288,7.269995909,7.269996509,7.269995945,7.26999625,7.269996306,7.269996136,7.269996053,7.2699963,7.269996542,7.269996107,7.26999567,7.269996437,7.269996236,7.269996619,7.269996213,7.269996241,7.269996108,7.269996282,7.269996408,7.269996003,7.269995897,7.269996146,7.269996282,7.269995964,7.269996398
+"18693","ZNF749",4.554825085,4.5548236,4.554822578,4.554823599,4.554824028,4.554823818,4.55482428,4.554823679,4.554825037,4.554824468,4.554823651,4.554824178,4.554824669,4.554824527,4.55482439,4.554824205,4.554823096,4.5548241,4.554823309,4.554822735,4.554823812,4.554824153,4.554825071,4.554824718,4.554824225,4.554823984,4.554825372,4.554824403
+"18694","ZNF750",4.685667995,4.685667789,4.68566803,4.68566799,4.685668166,4.685668035,4.685667954,4.685668066,4.685667814,4.685668026,4.685668183,4.685668098,4.685668014,4.685667652,4.685668147,4.685667691,4.685668122,4.685668156,4.685667949,4.685667962,4.685668049,4.685668165,4.685667831,4.685667996,4.685668165,4.685667842,4.685667989,4.685667982
+"18695","ZNF75A",5.750627944,5.7506279795,5.750627666,5.750627467,5.7506273785,5.7506276555,5.7506273775,5.7506276445,5.7506278645,5.7506277055,5.750627524,5.750627391,5.7506278475,5.750628237,5.750627476,5.750627652,5.7506273435,5.75062727,5.7506275975,5.750627428,5.750627305,5.75062772,5.7506278425,5.7506276525,5.750627415,5.7506276195,5.7506279215,5.7506279725
+"18696","ZNF75D",5.300545075,5.300545066,5.300545064,5.300545033,5.300545065,5.30054509,5.300545068,5.300545072,5.300545066,5.300545076,5.300545052,5.30054505,5.300545083,5.300545103,5.300545067,5.300545051,5.300545058,5.300545052,5.300545059,5.300545048,5.300545043,5.300545042,5.300545087,5.300545083,5.300545056,5.300545064,5.300545075,5.300545064
+"18697","ZNF76",6.607225065,6.607225032,6.607225047,6.60722504,6.607225038,6.607225059,6.607225075,6.60722505,6.607225048,6.607225059,6.607225051,6.607225075,6.607225067,6.607225065,6.60722506,6.607224999,6.607225028,6.607225047,6.607225044,6.607225039,6.607225071,6.607225071,6.607225051,6.607225048,6.607225005,6.607225076,6.60722507,6.607225071
+"18698","ZNF761",4.882036592,4.882036253,4.882036232,4.882036239,4.882036256,4.882036165,4.882036129,4.882036193,4.882036322,4.882036145,4.882035886,4.8820358,4.882036186,4.882036654,4.882036359,4.882036263,4.882036002,4.882036061,4.882036162,4.882035765,4.882036039,4.882036301,4.882036289,4.882036265,4.882036092,4.882036273,4.882036388,4.882036666
+"18699","ZNF763",4.954260163,4.954260223,4.954260049,4.954260178,4.954260054,4.95426,4.954260043,4.954259977,4.954260097,4.95426011,4.954260057,4.954260128,4.954260222,4.954260305,4.954260069,4.954260198,4.954260037,4.954260156,4.954260253,4.954260104,4.954260138,4.954260124,4.954260284,4.954260201,4.95426016,4.954260142,4.954260188,4.954260184
+"18700","ZNF764",6.929224897,6.929224952,6.929224976,6.92922495,6.929224995,6.92922494,6.929224971,6.929224968,6.929224945,6.929224984,6.929224957,6.929225019,6.929224971,6.929224806,6.929224986,6.929224948,6.929224942,6.929224938,6.929224976,6.929224839,6.929224836,6.929225031,6.929224878,6.929224885,6.929224933,6.929224942,6.929225013,6.929224901
+"18701","ZNF766",5.024095177,5.024095121,5.024095112,5.024095066,5.024095082,5.024095046,5.024095096,5.024095091,5.024095129,5.024095143,5.024095024,5.024095065,5.024095127,5.024095237,5.024095136,5.024095107,5.024094999,5.024095098,5.024095097,5.024095077,5.024095085,5.024095068,5.024095155,5.024095145,5.024095129,5.024095121,5.02409512,5.024095187
+"18702","ZNF767P",7.277140656,7.277140545,7.277140543,7.277140513,7.277140459,7.277140518,7.2771405,7.2771405,7.27714055,7.277140532,7.277140549,7.277140467,7.277140596,7.277140562,7.277140527,7.277140557,7.277140383,7.277140459,7.2771405,7.277140476,7.277140449,7.277140533,7.277140524,7.277140514,7.277140556,7.277140591,7.27714058,7.277140471
+"18703","ZNF77",5.148486342,5.148486339,5.14848637,5.148486336,5.148486373,5.148486341,5.148486352,5.148486374,5.148486357,5.148486363,5.14848637,5.148486367,5.148486358,5.148486342,5.148486357,5.14848636,5.148486376,5.148486355,5.14848635,5.148486352,5.148486343,5.148486355,5.148486375,5.148486356,5.148486379,5.148486362,5.148486351,5.148486354
+"18704","ZNF770",5.906646124,5.906645745,5.906645743,5.906645868,5.906645702,5.906645638,5.906646019,5.90664555,5.906645957,5.906645818,5.906645649,5.906645663,5.906645804,5.906646481,5.906645849,5.906645963,5.906645624,5.906645733,5.906645943,5.90664565,5.906646017,5.906645836,5.906646128,5.906645891,5.906645994,5.906645781,5.906645808,5.906646251
+"18705","ZNF771",5.428811315,5.428811444,5.428811528,5.428811148,5.428811756,5.428811085,5.428811371,5.428811613,5.42881156,5.428811376,5.428811394,5.428811818,5.428811433,5.428811135,5.428811742,5.428811747,5.42881152,5.428811645,5.428811498,5.42881119,5.428811677,5.428811384,5.428811352,5.428811489,5.428811371,5.428811711,5.428811193,5.428811477
+"18706","ZNF772",4.601606736,4.601606558,4.601606782,4.601606836,4.601606724,4.601606635,4.601606846,4.601606756,4.601606772,4.601606869,4.601606502,4.601606798,4.601606883,4.601606953,4.601606675,4.601606611,4.601606675,4.601606618,4.601606736,4.601606645,4.601606772,4.601606709,4.601606773,4.601606891,4.60160654,4.60160678,4.601606834,4.601606896
+"18707","ZNF773",6.104059628,6.104059373,6.10405959,6.104059532,6.104059584,6.104059539,6.104059543,6.104059562,6.104059635,6.104059587,6.104059563,6.104059543,6.104059605,6.104059611,6.104059555,6.104059577,6.104059476,6.104059546,6.104059606,6.104059556,6.104059458,6.104059645,6.104059551,6.104059525,6.104059529,6.104059529,6.104059788,6.104059637
+"18708","ZNF774",4.885191323,4.885191368,4.885191322,4.885191155,4.885191314,4.885191235,4.885191313,4.885191378,4.885191269,4.885191185,4.885191268,4.885191359,4.885191238,4.885191147,4.885191346,4.88519135,4.885191464,4.885191466,4.885191363,4.885191469,4.885191469,4.885191305,4.885191239,4.885191211,4.885191203,4.885191138,4.885191264,4.885191117
+"18709","ZNF775",6.475514712,6.475514821,6.475514985,6.475514863,6.475515033,6.475514879,6.475514931,6.475515017,6.475514888,6.475514892,6.475514971,6.47551511,6.47551495,6.475514591,6.475515074,6.47551483,6.475515041,6.475514995,6.475514918,6.4755149,6.475515026,6.475515059,6.475514702,6.475514736,6.475514952,6.475515024,6.475514871,6.475514882
+"18710","ZNF776",6.761707197,6.76170717,6.761707049,6.761707338,6.761706867,6.761706912,6.761707087,6.761706931,6.761707026,6.761706981,6.761707088,6.761706797,6.761707159,6.761707451,6.761707022,6.761707228,6.761706829,6.761707136,6.761707127,6.761706918,6.761707095,6.761706939,6.761707196,6.761707225,6.761707133,6.761706994,6.761707197,6.76170723
+"18711","ZNF777",5.562430832,5.562430892,5.562430837,5.562430762,5.562430795,5.562430852,5.562430716,5.562430848,5.562430944,5.562430806,5.56243083,5.562430719,5.562430856,5.562430833,5.562430784,5.562430827,5.562430761,5.562430755,5.562430763,5.562430766,5.562430656,5.56243086,5.562430857,5.562430748,5.562430775,5.562430859,5.562430841,5.562430834
+"18712","ZNF778",5.799878744,5.799878891,5.799878758,5.799878872,5.79987866,5.79987869,5.799878705,5.799878776,5.799878685,5.799878675,5.799878698,5.799878838,5.799878813,5.7998788,5.799878791,5.799878704,5.799878755,5.799878792,5.799878603,5.799878826,5.79987874,5.799878657,5.799878813,5.799878905,5.79987847,5.799878684,5.799878888,5.799878706
+"18713","ZNF780A",5.613487402,5.613487273,5.613487343,5.613487204,5.613487114,5.613486934,5.613487296,5.613487202,5.613487218,5.613487181,5.61348723,5.613486981,5.613487353,5.613487765,5.613487209,5.613487262,5.613487004,5.61348713,5.613487362,5.613486972,5.613487283,5.613487103,5.613487231,5.613487273,5.613487304,5.613487213,5.613487149,5.613487531
+"18714","ZNF780B",5.916419433,5.916417825,5.916418302,5.916415009,5.916416272,5.916415435,5.916416746,5.916415488,5.916418034,5.916417222,5.916416256,5.916415772,5.916418,5.916422476,5.916417384,5.916414587,5.916416036,5.916415653,5.916417642,5.916415073,5.91641705,5.916417498,5.916418242,5.916417655,5.916415955,5.91641737,5.916417016,5.916421391
+"18715","ZNF781",3.182522064,3.182522057,3.182522033,3.182522088,3.182522062,3.182522052,3.182522038,3.182522015,3.182522061,3.182522038,3.182522065,3.182522014,3.182522088,3.182522109,3.182522076,3.182522046,3.182522061,3.182522085,3.182522064,3.182522014,3.182522015,3.182522023,3.182522064,3.182522042,3.182522007,3.18252203,3.182522053,3.182522073
+"18716","ZNF782",4.727552948,4.727552902,4.727552921,4.727552886,4.727552857,4.727552884,4.72755294,4.727552912,4.727552884,4.727552915,4.727552874,4.727552914,4.727552924,4.727553008,4.727552924,4.727552908,4.727552905,4.7275529,4.727552929,4.727552886,4.727552911,4.727552882,4.727552938,4.727552912,4.727552954,4.727552946,4.727552957,4.727552934
+"18717","ZNF784",7.320729809,7.320729797,7.320730057,7.320729848,7.320730103,7.320729694,7.320729965,7.320730056,7.320729854,7.320729942,7.320730008,7.320730043,7.32072987,7.320729569,7.320730111,7.320729883,7.320730251,7.320729964,7.320729928,7.320729912,7.320730071,7.320730093,7.320729758,7.320729643,7.320730046,7.320730039,7.320729786,7.320729914
+"18718","ZNF785",6.445962093,6.445962121,6.44596227,6.445962131,6.445962495,6.445961993,6.445962227,6.445962257,6.445962175,6.445962316,6.445962244,6.445962396,6.445962184,6.445962041,6.445962377,6.445962218,6.445962386,6.445962261,6.44596226,6.445962155,6.445962374,6.445962313,6.445962176,6.445962167,6.445962259,6.445962422,6.445962156,6.44596229
+"18719","ZNF786",6.02994636,6.029946335,6.02994636,6.029946334,6.029946369,6.029946347,6.0299464,6.029946369,6.029946385,6.029946383,6.02994638,6.029946383,6.029946371,6.029946384,6.029946374,6.029946352,6.029946368,6.029946349,6.029946375,6.029946282,6.029946369,6.029946383,6.029946364,6.02994634,6.029946332,6.029946406,6.029946411,6.029946404
+"18720","ZNF787",7.279710202,7.279710206,7.279710214,7.279710196,7.279710219,7.279710198,7.279710213,7.279710203,7.279710199,7.279710194,7.279710212,7.279710206,7.2797102,7.279710184,7.279710201,7.279710213,7.279710212,7.279710218,7.279710206,7.279710213,7.279710196,7.279710203,7.2797102,7.279710202,7.27971021,7.279710192,7.279710199,7.279710193
+"18721","ZNF789",5.602784938,5.602784859,5.6027849,5.602784891,5.602784893,5.602784784,5.602784804,5.602784867,5.60278493,5.602784879,5.602784939,5.602785011,5.602784879,5.602784872,5.602784928,5.602784856,5.602784845,5.602784813,5.602784935,5.602784925,5.602784814,5.602784965,5.602784815,5.602784797,5.602784811,5.602784867,5.602784939,5.602784916
+"18722","ZNF79",5.992633759,5.992633761,5.992633771,5.992633751,5.992633741,5.992633755,5.992633768,5.992633758,5.992633777,5.992633763,5.992633742,5.992633735,5.992633757,5.992633793,5.99263376,5.992633754,5.992633766,5.992633746,5.992633756,5.992633765,5.992633772,5.992633769,5.992633762,5.992633771,5.992633754,5.99263376,5.992633788,5.992633796
+"18723","ZNF790",4.510713366,4.510713406,4.5107133,4.510712261,4.510712852,4.510713171,4.510713064,4.510712791,4.51071314,4.510713118,4.510712692,4.510712731,4.510713422,4.510713949,4.510713134,4.510713147,4.510713401,4.510712857,4.510713103,4.51071294,4.510713089,4.51071313,4.510713357,4.510713162,4.510713225,4.510713169,4.510713079,4.51071349
+"18724","ZNF791",6.551931243,6.551930911,6.551930975,6.551931014,6.551930782,6.551931003,6.551931221,6.5519305,6.551931129,6.551930799,6.551930601,6.551930654,6.551931053,6.551931838,6.551931028,6.551930512,6.551930818,6.551930689,6.551931015,6.551930416,6.55193088,6.551931124,6.55193116,6.551931036,6.551930792,6.551930799,6.551931059,6.551931663
+"18725","ZNF792",6.177256336,6.177256404,6.177255553,6.177256086,6.177255758,6.177255737,6.17725584,6.17725563,6.17725598,6.177255966,6.177255579,6.177255913,6.177255848,6.177256527,6.177255607,6.177255724,6.177254618,6.177255412,6.177256115,6.177255864,6.177255591,6.177255845,6.177256322,6.177256355,6.177255749,6.177256044,6.177256212,6.177256213
+"18726","ZNF793",4.714776862,4.714776894,4.714776751,4.714776796,4.714776861,4.714776792,4.714776844,4.714776896,4.714776927,4.714776881,4.714776844,4.714776954,4.714776977,4.714776954,4.714776902,4.714776926,4.714776757,4.714776901,4.714776829,4.714776855,4.714776846,4.714776903,4.71477683,4.714776809,4.714776879,4.71477689,4.71477694,4.714776909
+"18727","ZNF799",4.67429699,4.674297133,4.674296767,4.674295746,4.674296708,4.674295656,4.674297017,4.674295297,4.674296751,4.674296692,4.674296132,4.674296462,4.674297159,4.674298328,4.674297361,4.674297514,4.674297451,4.674296604,4.674296917,4.674295828,4.674296782,4.674297383,4.674296712,4.674297477,4.674296588,4.6742971,4.674296526,4.674297399
+"18728","ZNF80",3.879823175,3.879823178,3.879823112,3.879823081,3.879823307,3.879823057,3.879823284,3.879823233,3.879823105,3.879823179,3.879823044,3.879823202,3.879823169,3.879823187,3.879823245,3.879823173,3.879823169,3.87982315,3.879823247,3.879823147,3.879823353,3.879823156,3.879823239,3.879823132,3.879823063,3.879823251,3.879823164,3.879823254
+"18729","ZNF800",7.299264948,7.299264754,7.299264643,7.299264618,7.299264507,7.299264789,7.299264709,7.29926474,7.299264965,7.299264884,7.299264581,7.29926436,7.299264872,7.299265203,7.299264733,7.299264435,7.299264451,7.29926455,7.299264934,7.299264759,7.29926473,7.299264767,7.299264932,7.299264876,7.299264541,7.299264773,7.299264796,7.29926508
+"18730","ZNF804A",4.023433073,4.023433059,4.023433075,4.023433077,4.023433109,4.023433082,4.023433059,4.023433084,4.023433051,4.02343307,4.0234331,4.023433092,4.023433075,4.023433066,4.023433077,4.023433071,4.023433072,4.023433104,4.02343308,4.023433091,4.023433072,4.023433094,4.023433054,4.02343309,4.023433071,4.023433085,4.023433064,4.023433087
+"18731","ZNF804B",3.865744624,3.865744725,3.865744748,3.865744709,3.865744814,3.865744573,3.86574465,3.865744852,3.865744731,3.865744752,3.86574484,3.865744823,3.865744758,3.865744575,3.865744769,3.865744805,3.865744936,3.86574475,3.865744763,3.865744678,3.86574488,3.865744906,3.865744688,3.865744615,3.865744892,3.865744746,3.865744713,3.865744689
+"18732","ZNF805",5.656298805,5.656298882,5.656298482,5.656298653,5.656298542,5.656298492,5.65629856,5.656298568,5.656298756,5.656298594,5.656298509,5.656298441,5.656298814,5.656298932,5.656298526,5.656298597,5.656298391,5.65629851,5.65629861,5.656298374,5.656298534,5.656298638,5.65629874,5.656298736,5.656298435,5.656298545,5.656298878,5.656298727
+"18733","ZNF808",7.066077294,7.066076332,7.066075881,7.066076065,7.066076024,7.066075607,7.066076862,7.066075938,7.066076314,7.066075772,7.066075537,7.06607565,7.066076702,7.066077386,7.066076603,7.066075698,7.066075829,7.066075536,7.066076863,7.066075017,7.066076487,7.066076241,7.066076563,7.066076432,7.066075427,7.066075907,7.06607689,7.066076979
+"18734","ZNF81",5.499820666,5.499820737,5.499820606,5.49982066,5.499820626,5.499820665,5.499820659,5.499820716,5.499820723,5.499820709,5.49982072,5.499820595,5.499820768,5.499820705,5.499820739,5.499820797,5.499820655,5.499820788,5.49982055,5.499820692,5.499820695,5.499820667,5.499820663,5.499820827,5.499820627,5.499820745,5.499820709,5.499820685
+"18735","ZNF813",4.152437873,4.15243763,4.152437776,4.152437507,4.152437861,4.152437492,4.152437778,4.152437792,4.152437852,4.15243773,4.152437945,4.152437812,4.15243794,4.152438326,4.15243801,4.152437676,4.152437825,4.152437778,4.15243787,4.152437461,4.152437938,4.152437847,4.152437559,4.152437697,4.152437757,4.152438051,4.152437782,4.152438325
+"18736","ZNF814",5.531633799,5.531633496,5.531630443,5.531632961,5.531630646,5.531632155,5.531631403,5.53163073,5.53163254,5.531631866,5.531631388,5.531630109,5.531633586,5.531633702,5.53163059,5.531633634,5.531630257,5.531630192,5.531631544,5.531633809,5.531632037,5.531630805,5.531633229,5.531633142,5.531632473,5.531632568,5.53163279,5.531631564
+"18737","ZNF818P",4.036205762,4.036205731,4.036205822,4.036205769,4.036205741,4.036205673,4.036205698,4.03620569,4.036205758,4.036205742,4.0362059,4.036205728,4.036205786,4.036205748,4.036205582,4.036205767,4.036205816,4.036205793,4.036205822,4.036205755,4.036205796,4.036205687,4.036205707,4.036205738,4.036205782,4.036205762,4.036205873,4.03620576
+"18738","ZNF821",5.081167973,5.081167952,5.081167723,5.081167802,5.081167958,5.081167774,5.081168,5.081167852,5.081167718,5.081167944,5.081167879,5.081168059,5.081167834,5.081167944,5.081168038,5.081168022,5.081167982,5.081167906,5.081167972,5.081167897,5.081167948,5.081167771,5.08116789,5.081167569,5.081167722,5.081167776,5.081167923,5.081167752
+"18739","ZNF823",3.934787306,3.934787276,3.934787241,3.934787199,3.934787157,3.934787228,3.934787259,3.934787233,3.934787192,3.934787226,3.934787232,3.934787304,3.934787235,3.934787282,3.934787183,3.934787202,3.934787232,3.934787236,3.934787288,3.934787217,3.93478718,3.93478718,3.934787261,3.934787204,3.93478717,3.93478721,3.934787279,3.93478732
+"18740","ZNF826P",3.875117294,3.875117576,3.87511753,3.875117492,3.875117551,3.875117514,3.875117524,3.875117446,3.875117468,3.875117548,3.875117582,3.875117478,3.875117538,3.875117558,3.875117438,3.875117441,3.875117548,3.875117557,3.875117627,3.875117523,3.875117481,3.87511747,3.875117446,3.875117398,3.875117435,3.875117486,3.875117528,3.875117708
+"18741","ZNF827",5.568617755,5.568617706,5.5686177,5.56861774,5.568617724,5.568617753,5.568617751,5.568617741,5.568617768,5.568617766,5.568617718,5.568617758,5.568617754,5.568617768,5.568617767,5.56861774,5.568617729,5.568617729,5.568617736,5.568617746,5.568617743,5.568617754,5.56861777,5.568617749,5.568617731,5.568617776,5.568617769,5.56861776
+"18742","ZNF829",4.634121916,4.634121891,4.634121813,4.634121899,4.634121911,4.634121826,4.634121748,4.634121953,4.634121982,4.634121944,4.634121893,4.634121861,4.634121838,4.634121962,4.634121944,4.634121942,4.634121846,4.634121816,4.634121893,4.634121808,4.634121817,4.634121932,4.634121746,4.634121977,4.634121925,4.63412198,4.634121896,4.634121998
+"18743","ZNF83",5.961122519,5.961119417,5.961123115,5.961117518,5.96112105,5.961119349,5.961121738,5.961119387,5.961121788,5.961121851,5.96112131,5.961121326,5.961123774,5.961125036,5.96111991,5.961118833,5.961121748,5.961117398,5.961123029,5.961119238,5.961121329,5.96112058,5.961121753,5.961121754,5.96112182,5.961122054,5.961123416,5.961123148
+"18744","ZNF830",5.855345658,5.855346054,5.855345155,5.855344903,5.855345059,5.855345173,5.855345432,5.85534506,5.855345667,5.855345214,5.8553451,5.855344614,5.855345467,5.855346618,5.855345253,5.855345902,5.855345053,5.855344729,5.855345694,5.855344677,5.855345088,5.855345277,5.855345988,5.855345658,5.855345017,5.855345356,5.855345305,5.855346201
+"18745","ZNF831",6.591510211,6.591509984,6.591509969,6.591509879,6.591510073,6.591510122,6.591510185,6.59151015,6.591510158,6.591510089,6.591510034,6.591510067,6.591510183,6.591510136,6.591510081,6.591509884,6.591509761,6.591509961,6.591510015,6.591509916,6.591510148,6.591510142,6.591510053,6.591510054,6.591509966,6.591510159,6.59151017,6.591510154
+"18746","ZNF833P",3.87048518,3.870485178,3.870485195,3.870485184,3.870485221,3.870485185,3.870485197,3.870485188,3.870485213,3.87048517,3.870485214,3.870485174,3.870485192,3.870485149,3.870485216,3.870485191,3.870485202,3.870485214,3.870485175,3.870485169,3.870485217,3.870485209,3.870485168,3.870485176,3.870485232,3.87048519,3.870485163,3.87048522
+"18747","ZNF835",6.135387569,6.135387537,6.135387563,6.135387551,6.135387637,6.13538757,6.135387562,6.135387583,6.135387543,6.135387548,6.135387635,6.135387628,6.135387592,6.135387508,6.135387626,6.13538759,6.135387628,6.135387631,6.135387556,6.135387612,6.13538761,6.135387591,6.135387531,6.135387514,6.135387582,6.135387629,6.135387559,6.135387582
+"18748","ZNF836",6.810632436,6.810632221,6.810631846,6.810631005,6.81063109,6.810630894,6.810631634,6.810631912,6.810632028,6.810631527,6.810631608,6.810631091,6.81063263,6.810633838,6.810631766,6.810631129,6.810631087,6.810631549,6.810632228,6.810631071,6.810631964,6.810631479,6.810631985,6.81063188,6.810631693,6.810631737,6.810632381,6.810632864
+"18749","ZNF837",6.051448927,6.051449037,6.051449667,6.051448938,6.051450127,6.051448692,6.051449424,6.051449482,6.051448934,6.051449324,6.051449525,6.051450136,6.051449342,6.051448672,6.051449788,6.051449562,6.051450238,6.051449863,6.05144925,6.051449214,6.051449828,6.051449945,6.051449046,6.051448775,6.051449754,6.051449826,6.051449194,6.051449452
+"18750","ZNF839",6.143666465,6.143666481,6.143666477,6.143666487,6.143666452,6.143666513,6.143666487,6.143666473,6.14366649,6.143666476,6.14366649,6.143666472,6.14366649,6.143666488,6.143666475,6.14366648,6.143666477,6.143666473,6.143666478,6.143666485,6.143666459,6.143666492,6.143666485,6.143666455,6.143666465,6.143666467,6.143666487,6.143666471
+"18751","ZNF84",5.384168515,5.384168017,5.38416797,5.384167681,5.384168311,5.38416752,5.384167845,5.384168033,5.384168295,5.384168199,5.384167875,5.38416807,5.384168092,5.384168958,5.384168315,5.384168172,5.384168021,5.384167992,5.384168346,5.384167553,5.384167889,5.384168422,5.384168508,5.384168081,5.384168026,5.384168538,5.384167984,5.384169057
+"18752","ZNF841",6.434332091,6.434330506,6.434330848,6.43432972,6.434330213,6.434330662,6.434331177,6.434329543,6.434331711,6.434331501,6.434330694,6.434329074,6.434332157,6.434333022,6.434331307,6.434328774,6.434329787,6.43432972,6.434331891,6.434329925,6.434330428,6.434330636,6.434331872,6.434330837,6.434330963,6.43433045,6.434332192,6.434332141
+"18753","ZNF843",5.553146256,5.553146477,5.553146496,5.553146457,5.553146683,5.553146604,5.553146425,5.55314652,5.553146572,5.553146682,5.553146573,5.553146636,5.553146435,5.553146229,5.553146516,5.553146556,5.553146556,5.553146531,5.553146487,5.553146487,5.553146433,5.553146449,5.553146522,5.553146455,5.553146469,5.553146457,5.55314648,5.553146476
+"18754","ZNF844",4.236522225,4.236522275,4.236522383,4.236522327,4.236522255,4.236522357,4.236522342,4.236522272,4.236522361,4.236522264,4.236522349,4.236522215,4.236522425,4.236522537,4.236522284,4.236522343,4.236522396,4.236522388,4.23652234,4.236522355,4.236522296,4.236522381,4.236522377,4.23652237,4.236522322,4.236522382,4.236522456,4.236522485
+"18755","ZNF845",4.052190936,4.052189381,4.052189023,4.052189459,4.052190408,4.05218768,4.052188872,4.0521886,4.052189154,4.052190262,4.052189292,4.052188696,4.05218916,4.052193823,4.052190146,4.052189758,4.052189661,4.05219033,4.052189703,4.052189282,4.052189378,4.052189932,4.052191206,4.052190539,4.05218967,4.052189746,4.052189848,4.052193916
+"18756","ZNF846",3.524292928,3.52429281,3.524292948,3.524292932,3.524292829,3.524292689,3.524292754,3.524292702,3.524292793,3.524292805,3.524292794,3.524292828,3.524292777,3.524292975,3.524292762,3.524292725,3.524292782,3.524292843,3.524292926,3.524293027,3.524292637,3.524292896,3.524292894,3.524292964,3.524292808,3.524292811,3.524292948,3.524292774
+"18757","ZNF847P",1.914286761,1.914286965,1.914287098,1.914287088,1.914286816,1.914286686,1.914286601,1.914286718,1.914286912,1.914286859,1.914287422,1.914286927,1.914287323,1.914286695,1.914286605,1.914286791,1.914286902,1.914287068,1.914286966,1.91428676,1.914286989,1.914286624,1.914286713,1.914286486,1.914287289,1.91428686,1.914286888,1.91428683
+"18758","ZNF85",5.040140872,5.040140834,5.040140814,5.040140841,5.040140824,5.04014077,5.040140842,5.040140821,5.040140841,5.040140862,5.040140862,5.040140755,5.040140922,5.040140915,5.040140841,5.040140864,5.040140807,5.04014087,5.040140872,5.040140799,5.04014084,5.040140858,5.040140839,5.040140835,5.040140818,5.040140819,5.040140886,5.04014093
+"18759","ZNF850",5.306992112,5.306992107,5.306992127,5.306992135,5.306992139,5.306992104,5.306992125,5.306992119,5.306992112,5.306992112,5.306992126,5.30699213,5.306992114,5.306992107,5.306992134,5.306992118,5.306992108,5.306992146,5.306992127,5.306992105,5.306992125,5.306992122,5.306992117,5.306992107,5.306992116,5.306992131,5.306992128,5.306992101
+"18760","ZNF852",6.500804731,6.500804764,6.500804767,6.500804685,6.500804637,6.500804756,6.500804721,6.500804656,6.500804758,6.50080469,6.500804592,6.500804633,6.500804767,6.500804943,6.500804688,6.500804761,6.500804529,6.500804585,6.500804649,6.500804568,6.500804664,6.500804676,6.50080473,6.500804634,6.500804692,6.50080461,6.500804717,6.500804762
+"18761","ZNF860",3.948220404,3.948219746,3.948219836,3.948220507,3.948219862,3.948219588,3.948220196,3.948219281,3.948219893,3.948219819,3.948219529,3.948219998,3.948219779,3.948221446,3.948220127,3.948219801,3.948219618,3.948220244,3.948219908,3.948219535,3.948219382,3.948218967,3.948220138,3.948220189,3.948220007,3.948219887,3.948220313,3.94822097
+"18762","ZNF862",6.938994492,6.938994497,6.93899448,6.938994488,6.938994486,6.938994498,6.938994481,6.938994488,6.938994497,6.938994497,6.938994476,6.938994493,6.938994486,6.938994495,6.938994489,6.938994486,6.938994481,6.938994482,6.938994484,6.938994485,6.93899448,6.938994492,6.938994497,6.938994492,6.938994475,6.938994495,6.938994494,6.938994479
+"18763","ZNF865",6.074169624,6.074169798,6.074169854,6.074169624,6.074170076,6.074169774,6.074169999,6.074169742,6.074169584,6.074169823,6.074169861,6.074170142,6.074169641,6.074169557,6.074169823,6.074169667,6.074170352,6.074169754,6.074169798,6.074169845,6.074169891,6.07416997,6.074169713,6.074169761,6.074169798,6.074169865,6.07416974,6.074169668
+"18764","ZNF875",5.837011933,5.837011853,5.837011815,5.837011684,5.837011716,5.837011837,5.837011858,5.837011766,5.837011916,5.837011886,5.837011841,5.837011809,5.837012001,5.837011898,5.83701178,5.837011798,5.837011764,5.837011636,5.837011655,5.837011934,5.837011876,5.837011824,5.837011897,5.837011816,5.837011694,5.83701194,5.837012044,5.837011681
+"18765","ZNF876P",3.729103282,3.729103395,3.729103606,3.729102986,3.729103252,3.729103334,3.729102946,3.729103521,3.729103249,3.729103114,3.729103527,3.729103778,3.729103591,3.729103344,3.729103179,3.729103678,3.729103449,3.729103282,3.729103406,3.729103411,3.729103215,3.729103421,3.729103286,3.72910331,3.729103154,3.729103353,3.729103715,3.729103459
+"18766","ZNF879",4.955885879,4.955885827,4.955885931,4.955885834,4.955885791,4.955885859,4.955885829,4.955885804,4.955885843,4.955885876,4.955885878,4.955885804,4.955885847,4.955885924,4.955885865,4.955885799,4.95588587,4.955885795,4.955885909,4.95588582,4.955885794,4.955885883,4.955885928,4.955885875,4.95588584,4.955885832,4.955885895,4.955885894
+"18767","ZNF880",5.066394597,5.066394589,5.066394471,5.066394395,5.066394394,5.066394381,5.066394384,5.066394325,5.066394485,5.066394491,5.066394336,5.066394289,5.066394756,5.066394797,5.066394295,5.066394463,5.066394265,5.066394307,5.066394475,5.066394274,5.066394399,5.066394443,5.066394558,5.066394575,5.066394281,5.066394287,5.066394624,5.066394619
+"18768","ZNF90",6.6803702,6.680369184,6.68037002,6.6803694285,6.6803697795,6.680369294,6.6803698135,6.680369922,6.680370309,6.680370251,6.6803695135,6.680370283,6.6803706975,6.680370604,6.680369616,6.680369234,6.6803695385,6.680369326,6.680369878,6.680369133,6.680370099,6.6803699515,6.6803703955,6.680370099,6.6803694755,6.680370526,6.6803707105,6.680370296
+"18769","ZNF91",5.19175971,5.191759435,5.191759196,5.191759201,5.191759217,5.191759246,5.191759384,5.191759059,5.191759582,5.191759659,5.191758699,5.191758961,5.191759403,5.191760544,5.191759308,5.191759266,5.191758939,5.191759214,5.191759333,5.191758903,5.191759445,5.191759302,5.191759458,5.191759325,5.191759272,5.191759305,5.191759472,5.191760395
+"18770","ZNF92",4.178330351,4.178330265,4.178330282,4.178330277,4.178330359,4.178330214,4.178330297,4.178330186,4.178330251,4.178330274,4.178330292,4.178330195,4.178330305,4.178330511,4.178330364,4.178330265,4.178330257,4.178330271,4.178330344,4.178330156,4.178330313,4.178330235,4.178330289,4.178330197,4.178330231,4.178330332,4.178330284,4.178330402
+"18771","ZNF93",5.506895132,5.506894999,5.506894803,5.5068949015,5.5068948715,5.506894342,5.5068949885,5.5068949655,5.506895286,5.5068953045,5.506894363,5.5068946765,5.506895538,5.506895901,5.506894785,5.506894921,5.506894853,5.5068946555,5.5068952775,5.5068944325,5.5068950995,5.506895119,5.5068952325,5.5068954095,5.5068946125,5.506895194,5.5068954465,5.5068956815
+"18772","ZNF99",3.091713789,3.091713785,3.091713814,3.091713795,3.091713796,3.091713778,3.091713782,3.091713776,3.091713754,3.091713768,3.0917138,3.091713824,3.091713805,3.09171378,3.091713789,3.091713798,3.091713827,3.091713798,3.091713813,3.091713792,3.091713797,3.091713772,3.091713762,3.09171377,3.091713797,3.091713821,3.091713786,3.091713829
+"18773","ZNFX1",8.25794499,8.257967711,8.257920011,8.257975443,8.2579371,8.258006975,8.257948639,8.25794595,8.257953167,8.257939116,8.257935304,8.257896791,8.257950669,8.257942672,8.257941771,8.257952184,8.257916976,8.257956809,8.257954301,8.258015172,8.257933875,8.257934658,8.257953679,8.257956265,8.257952271,8.257914528,8.257947214,8.257924178
+"18774","ZNHIT1",5.731769473,5.731769488,5.73176961,5.731769583,5.731769584,5.731769593,5.731769575,5.731769538,5.731769515,5.731769429,5.731769651,5.731769599,5.731769631,5.731769435,5.73176971,5.731769617,5.731769542,5.73176963,5.73176945,5.731769747,5.731769524,5.73176964,5.731769391,5.731769593,5.731769664,5.731769573,5.731769542,5.731769595
+"18775","ZNHIT2",5.678169703,5.678169683,5.678169743,5.678169672,5.678169796,5.678169698,5.678169782,5.67816975,5.678169727,5.678169727,5.678169735,5.678169798,5.678169719,5.678169705,5.678169766,5.67816972,5.678169765,5.678169748,5.678169726,5.678169737,5.678169771,5.678169775,5.678169703,5.678169695,5.678169735,5.678169753,5.67816968,5.678169759
+"18776","ZNHIT3",5.28385106,5.283850778,5.283850734,5.28385082,5.283850248,5.283850736,5.283850811,5.283850509,5.283851001,5.283850948,5.283850308,5.283850819,5.283850969,5.283851321,5.283850326,5.283850488,5.283850495,5.283850534,5.283850456,5.283850718,5.283850565,5.283850728,5.283851141,5.283850946,5.283850419,5.283850721,5.283850824,5.283851068
+"18777","ZNHIT6",5.951106596,5.951106262,5.951106283,5.951105703,5.951105899,5.951105642,5.951105956,5.951105941,5.951106379,5.951106067,5.951104873,5.951105812,5.951105957,5.951107015,5.951105852,5.951105365,5.951105466,5.95110539,5.951106121,5.951105279,5.951105913,5.951105755,5.951106272,5.951106018,5.95110564,5.95110625,5.951106191,5.951106617
+"18778","ZNRD2",6.669521215,6.669521143,6.669521241,6.669521115,6.6695212,6.669521305,6.669521249,6.669521168,6.669521203,6.66952131,6.669521122,6.66952121,6.669521226,6.66952122,6.669521218,6.669521153,6.669521119,6.669521095,6.669521186,6.669521185,6.669521175,6.669521151,6.669521187,6.669521168,6.669521183,6.669521193,6.669521235,6.669521196
+"18779","ZNRF1",5.842431112,5.842431071,5.842431145,5.842431115,5.842431135,5.842431049,5.842431096,5.842431129,5.842431098,5.842431116,5.842431195,5.842431176,5.842431118,5.842431059,5.84243111,5.842431075,5.842431133,5.842431106,5.842431108,5.842431111,5.842431114,5.84243113,5.842431135,5.842431145,5.842431147,5.842431141,5.842431128,5.842431081
+"18780","ZNRF2",8.406961733,8.406961829,8.406961871,8.406961735,8.406961831,8.406961476,8.406961725,8.406961895,8.406961794,8.406961746,8.406961867,8.406961771,8.406961864,8.40696183,8.40696187,8.406961913,8.406961814,8.406961821,8.406961746,8.406961726,8.406961867,8.406961804,8.406961723,8.406961915,8.406961855,8.406961848,8.406961763,8.406961912
+"18781","ZNRF2P1",7.92715934,7.92715937,7.927159419,7.927159306,7.927159622,7.927159256,7.927159431,7.927159566,7.927159509,7.927159514,7.927159548,7.927159561,7.927159475,7.927159259,7.927159525,7.927159519,7.927159541,7.927159491,7.927159347,7.927159368,7.927159424,7.927159537,7.927159297,7.9271593,7.927159492,7.927159561,7.927159433,7.927159507
+"18782","ZNRF3",4.99876132,4.998761328,4.998761349,4.998761317,4.998761376,4.998761327,4.998761346,4.998761359,4.998761343,4.998761342,4.998761322,4.998761367,4.998761323,4.998761318,4.998761348,4.998761337,4.998761365,4.998761353,4.99876134,4.998761318,4.998761355,4.998761366,4.998761324,4.998761315,4.998761357,4.99876135,4.998761335,4.998761326
+"18783","ZNRF3-AS1",4.364255745,4.364255717,4.364255743,4.364255725,4.364255769,4.364255729,4.36425573,4.364255736,4.364255711,4.364255676,4.364255729,4.364255792,4.364255748,4.364255684,4.364255766,4.364255745,4.364255769,4.364255757,4.364255736,4.36425572,4.364255794,4.364255756,4.364255695,4.36425572,4.364255745,4.364255777,4.364255777,4.364255746
+"18784","ZNRF4",4.571468519,4.571468531,4.57146851,4.571468601,4.571468709,4.571468512,4.57146869,4.571468643,4.571468769,4.571468741,4.571468679,4.571468888,4.571468611,4.571468383,4.571468631,4.571468753,4.571468573,4.571468761,4.571468717,4.571468643,4.571468787,4.571468759,4.571468656,4.571468526,4.571468688,4.571468728,4.571468568,4.571468756
+"18785","ZP1",4.419360227,4.419360188,4.419360281,4.419360265,4.419360346,4.419360212,4.419360294,4.419360333,4.419360272,4.419360305,4.419360328,4.419360321,4.419360265,4.419360171,4.419360273,4.419360232,4.419360276,4.419360335,4.419360242,4.419360289,4.419360324,4.419360317,4.419360231,4.419360248,4.419360257,4.419360291,4.419360277,4.419360242
+"18786","ZP2",3.583324402,3.583324425,3.583324438,3.583324416,3.58332443,3.583324427,3.583324433,3.583324444,3.583324397,3.58332441,3.583324414,3.583324453,3.58332443,3.583324416,3.58332444,3.583324409,3.583324422,3.583324419,3.583324431,3.583324433,3.583324446,3.583324419,3.583324433,3.583324414,3.583324399,3.583324399,3.583324412,3.583324446
+"18787","ZP3",4.85770441,4.857704559,4.857704448,4.857704719,4.857704556,4.857704607,4.857704585,4.857704512,4.857704463,4.857704322,4.857704303,4.857704337,4.857704447,4.857704171,4.857704298,4.85770457,4.85770442,4.857704703,4.857704559,4.857704666,4.857704798,4.85770452,4.857704293,4.857704293,4.857704509,4.8577045,4.85770446,4.857704478
+"18788","ZP4",3.862218313,3.862218296,3.862218509,3.862218467,3.862218587,3.862218506,3.862218623,3.862218922,3.862218439,3.862218251,3.862218645,3.862218772,3.862218299,3.86221844,3.862218856,3.862218864,3.862219,3.862218565,3.86221856,3.862218512,3.862218788,3.862218683,3.862218398,3.862218551,3.862218479,3.862218713,3.862218577,3.862218836
+"18789","ZPBP",3.503826379,3.503826534,3.503826708,3.503826622,3.503826576,3.503826778,3.503826387,3.503826536,3.503826832,3.503826648,3.503826759,3.503826842,3.503826425,3.503826544,3.503826543,3.50382675,3.503826716,3.503826659,3.503826448,3.503826821,3.50382643,3.503826727,3.503826647,3.503826449,3.503826647,3.503826409,3.503826576,3.503826818
+"18790","ZPBP2",3.193857067,3.193857085,3.193857099,3.193857206,3.193857157,3.193857221,3.19385718,3.193857177,3.193857016,3.193857301,3.193857067,3.193857329,3.193857115,3.193856869,3.193857135,3.193857238,3.193857414,3.193857209,3.193857343,3.193857185,3.193857064,3.1938573,3.193857259,3.19385689,3.193857076,3.193857352,3.193857274,3.193857266
+"18791","ZPLD1",3.865971618,3.86597162,3.865971684,3.865971566,3.865971644,3.865971643,3.865971647,3.86597168,3.865971557,3.865971598,3.865971614,3.865971803,3.865971602,3.86597163,3.865971666,3.865971728,3.865971814,3.865971701,3.865971646,3.8659716,3.865971692,3.865971658,3.865971628,3.865971604,3.865971629,3.865971686,3.865971551,3.86597177
+"18792","ZPR1",6.466368371,6.466368068,6.466368254,6.466367906,6.466368268,6.466368316,6.466368306,6.466368174,6.46636838,6.46636839,6.466368024,6.46636811,6.466368486,6.466368652,6.466368322,6.466367517,6.466367959,6.466367814,6.466368252,6.466368302,6.46636835,6.466368231,6.466368405,6.466368388,6.466368089,6.466368113,6.46636842,6.466368392
+"18793","ZRANB1",7.899876982,7.899877125,7.8998766,7.89987654,7.899876341,7.899876337,7.899876587,7.899876855,7.899876943,7.899876369,7.899876485,7.899876483,7.899877018,7.899877385,7.899876765,7.899877004,7.899875969,7.899876155,7.899876887,7.899875957,7.899876646,7.899876565,7.899876825,7.899877112,7.89987685,7.899876835,7.899877079,7.8998769
+"18794","ZRANB2",6.9644072,6.964406448,6.964405824,6.964405552,6.964404975,6.964404828,6.964405975,6.964405325,6.964406749,6.964406505,6.964405273,6.964404806,6.964406188,6.964408913,6.964406264,6.96440618,6.964405009,6.964404923,6.964406383,6.964403713,6.964405688,6.964405481,6.964407001,6.964406382,6.964405594,6.964405726,6.964406215,6.964407757
+"18795","ZRANB3",4.021135301,4.021135244,4.021135245,4.021135329,4.021135215,4.021135275,4.02113527,4.021135245,4.021135322,4.021135303,4.021135302,4.021135231,4.021135267,4.021135323,4.02113523,4.021135274,4.021135216,4.02113528,4.021135187,4.021135201,4.021135214,4.021135253,4.021135345,4.021135226,4.021135258,4.021135277,4.021135218,4.021135317
+"18796","ZRSR2",7.875461814,7.875461487,7.875460698,7.875460997,7.875461692,7.875461161,7.87546172,7.87546071,7.87546205,7.875462062,7.875461417,7.875461239,7.875461975,7.875462446,7.875461539,7.875461763,7.87546064,7.875461225,7.875461587,7.875461869,7.875462039,7.875460905,7.875461957,7.875462145,7.875461964,7.875460619,7.875461529,7.875461936
+"18797","ZSCAN1",6.19241882,6.192418765,6.192418991,6.192418895,6.192418974,6.192418919,6.192418946,6.192418965,6.192418875,6.192418899,6.192418957,6.192419084,6.192418925,6.192418817,6.192418987,6.192418888,6.192419095,6.192419045,6.192418862,6.19241892,6.192418966,6.192419059,6.192418859,6.192418869,6.192418968,6.192418984,6.192418841,6.19241901
+"18798","ZSCAN10",5.547386705,5.547386567,5.547386781,5.547386756,5.54738706,5.547386779,5.547386924,5.547387063,5.547386741,5.547386904,5.547386806,5.547386911,5.547386704,5.547386597,5.547386892,5.547386798,5.547386874,5.547386894,5.54738676,5.547386814,5.547386934,5.547386862,5.54738677,5.547386673,5.547386741,5.547386933,5.547386673,5.547386825
+"18799","ZSCAN12",4.449034785,4.449034391,4.449034401,4.449034495,4.44903457,4.449034568,4.44903461,4.449034416,4.449034618,4.449034868,4.449034334,4.449034446,4.44903455,4.449035186,4.449034614,4.449034441,4.449034612,4.44903456,4.449034826,4.449034304,4.449034442,4.449034446,4.449034644,4.449034813,4.449034461,4.449034529,4.449034564,4.449035023
+"18800","ZSCAN16",5.191120266,5.191120017,5.191120055,5.191120123,5.191119905,5.19112009,5.191120198,5.191119631,5.191119858,5.191120035,5.191120049,5.191119321,5.19111998,5.191120222,5.191120051,5.191120078,5.191119861,5.191120015,5.191119802,5.191120082,5.191120018,5.191120014,5.191120015,5.191120187,5.191120192,5.191119949,5.191120025,5.191120035
+"18801","ZSCAN18",6.562315032,6.562315044,6.56231503,6.562315028,6.56231505,6.562315015,6.562315017,6.562315013,6.562315054,6.562315026,6.56231503,6.562315029,6.56231507,6.562315038,6.562315035,6.562315041,6.562315051,6.562315053,6.562315038,6.562314995,6.562315018,6.562315016,6.562315025,6.562315008,6.562314997,6.562315027,6.562315092,6.562315024
+"18802","ZSCAN2",5.226199679,5.226199643,5.226199684,5.226199664,5.226199658,5.226199644,5.226199685,5.226199661,5.226199685,5.226199681,5.22619969,5.226199668,5.226199662,5.226199672,5.226199672,5.226199677,5.226199676,5.226199683,5.226199653,5.226199669,5.226199685,5.226199695,5.226199664,5.226199666,5.226199684,5.226199684,5.226199674,5.226199691
+"18803","ZSCAN20",4.670986543,4.670986527,4.670986598,4.67098656,4.67098655,4.67098652,4.67098657,4.670986622,4.670986552,4.670986525,4.670986545,4.670986611,4.670986552,4.670986568,4.670986567,4.670986578,4.670986556,4.670986582,4.6709865,4.670986552,4.670986574,4.670986559,4.67098653,4.670986524,4.670986553,4.670986555,4.670986549,4.670986618
+"18804","ZSCAN21",5.314685018,5.314685052,5.314685078,5.31468502,5.314685139,5.314685223,5.314685161,5.314685147,5.314685245,5.314685102,5.314685143,5.314684916,5.314685123,5.314685176,5.314685112,5.314685061,5.314685132,5.314685052,5.314685128,5.314685188,5.314685001,5.314685118,5.3146851,5.314685092,5.314685177,5.314685051,5.314684988,5.314685134
+"18805","ZSCAN22",5.411415333,5.411415196,5.411415281,5.411415286,5.411415254,5.411415178,5.41141536,5.411415249,5.411415212,5.411415167,5.411415202,5.411415202,5.411415214,5.411415339,5.411415289,5.411415297,5.411415279,5.411415292,5.411415311,5.411415317,5.41141527,5.411415342,5.411415168,5.411415219,5.41141525,5.411415338,5.411415279,5.411415303
+"18806","ZSCAN23",3.656463479,3.656463504,3.656463481,3.656463513,3.656463471,3.656463498,3.656463467,3.656463491,3.656463469,3.656463469,3.656463468,3.656463489,3.656463468,3.65646349,3.656463469,3.656463493,3.656463484,3.65646349,3.656463499,3.656463464,3.656463461,3.656463481,3.65646344,3.656463515,3.656463504,3.656463492,3.656463482,3.656463482
+"18807","ZSCAN25",7.432994434,7.432994417,7.432994363,7.432994317,7.432994382,7.432994382,7.432994373,7.432994411,7.432994504,7.432994421,7.432994298,7.432994417,7.432994437,7.432994434,7.432994391,7.432994448,7.432994299,7.432994308,7.432994388,7.432994385,7.432994373,7.432994435,7.432994453,7.432994416,7.432994375,7.432994454,7.432994455,7.432994414
+"18808","ZSCAN26",5.111409242,5.111409174,5.111409102,5.111409129,5.111409081,5.111409139,5.111409172,5.111409073,5.111409135,5.111409177,5.111409124,5.111409004,5.111409184,5.111409332,5.111409123,5.11140913,5.111409092,5.111409088,5.111409146,5.111409146,5.11140914,5.111409237,5.111409208,5.111409213,5.111409115,5.111409138,5.111409176,5.111409277
+"18809","ZSCAN29",6.376647332,6.376647351,6.376647246,6.37664729,6.376647264,6.37664736,6.376647152,6.37664735,6.376647272,6.376647539,6.376647088,6.376647068,6.376647332,6.376647624,6.376647234,6.376647285,6.376647088,6.376647142,6.37664732,6.376647228,6.376647167,6.376647356,6.376647421,6.376647457,6.376646935,6.37664712,6.376647372,6.376647441
+"18810","ZSCAN30",4.628421814,4.628421397,4.628421657,4.628421813,4.628421761,4.628421728,4.628421611,4.628421793,4.628421668,4.628421811,4.628421678,4.62842172,4.62842161,4.628421815,4.628421613,4.628421552,4.6284218,4.628421794,4.628421749,4.628421746,4.628421644,4.628421752,4.628421748,4.628421758,4.628421883,4.628421819,4.628421714,4.628421702
+"18811","ZSCAN31",3.942936792,3.942936821,3.942936814,3.942936834,3.94293681,3.942936783,3.942936819,3.942936802,3.942936804,3.942936791,3.94293677,3.94293684,3.942936806,3.942936764,3.942936808,3.942936846,3.94293685,3.942936807,3.942936783,3.942936811,3.942936798,3.942936823,3.9429368,3.942936814,3.942936803,3.942936819,3.942936806,3.942936815
+"18812","ZSCAN32",5.883333796,5.883333783,5.883333846,5.883333787,5.883333774,5.883333754,5.883333778,5.883333801,5.883333835,5.8833338,5.883333748,5.883333875,5.883333851,5.883333818,5.883333792,5.883333761,5.88333386,5.883333834,5.883333772,5.883333814,5.883333788,5.883333839,5.883333836,5.88333384,5.883333824,5.883333799,5.883333829,5.883333815
+"18813","ZSCAN4",3.17518849,3.175188511,3.175188566,3.175188569,3.175188504,3.175188567,3.175188483,3.175188517,3.175188533,3.175188518,3.175188517,3.175188538,3.175188527,3.175188477,3.175188545,3.17518853,3.175188606,3.175188534,3.17518851,3.17518851,3.175188505,3.1751885,3.175188532,3.175188518,3.175188599,3.175188521,3.17518852,3.175188511
+"18814","ZSCAN5A",4.273830345,4.273830325,4.273830336,4.273830332,4.273830343,4.273830343,4.273830351,4.273830332,4.273830337,4.273830332,4.273830346,4.273830349,4.273830333,4.273830339,4.273830344,4.273830332,4.273830353,4.273830342,4.273830329,4.273830336,4.273830346,4.273830337,4.273830334,4.273830332,4.273830333,4.273830344,4.273830337,4.273830325
+"18815","ZSCAN5B",3.944831337,3.94483154,3.944831498,3.944831405,3.944831456,3.944831582,3.944831584,3.944831733,3.944831551,3.944831435,3.944831645,3.944831909,3.944831482,3.9448315,3.944831605,3.944831513,3.944831772,3.944831599,3.944831474,3.944831498,3.944831631,3.944831686,3.944831573,3.944831522,3.944831753,3.944831571,3.944831514,3.944831522
+"18816","ZSCAN9",5.099740934,5.099740915,5.099740895,5.099740904,5.099740895,5.099740934,5.099740912,5.099740914,5.099740902,5.0997409,5.099740912,5.099740887,5.099740919,5.099740936,5.099740914,5.099740895,5.099740902,5.099740915,5.099740904,5.099740936,5.099740916,5.099740912,5.099740897,5.0997409,5.099740897,5.099740916,5.0997409,5.099740906
+"18817","ZSWIM1",6.00207881,6.002078819,6.002078812,6.002078806,6.002078787,6.002078826,6.002078798,6.002078792,6.002078804,6.002078814,6.002078778,6.002078803,6.002078813,6.002078805,6.002078795,6.002078798,6.002078791,6.002078804,6.002078827,6.002078834,6.002078778,6.002078799,6.002078802,6.002078797,6.002078796,6.00207879,6.00207881,6.002078782
+"18818","ZSWIM2",3.055371642,3.055371756,3.055371742,3.055371714,3.055371742,3.05537174,3.055371731,3.05537165,3.055371822,3.055371702,3.055371816,3.055371842,3.055371661,3.055371636,3.055371709,3.055371784,3.055371751,3.055371783,3.055371815,3.055371771,3.055371696,3.055371756,3.05537172,3.05537172,3.055371966,3.055371657,3.055371785,3.055371922
+"18819","ZSWIM3",5.054049211,5.054049197,5.054049277,5.054049206,5.054049344,5.054049037,5.054049041,5.054049161,5.054049188,5.054048966,5.054049029,5.054049011,5.054049175,5.05404924,5.054049233,5.05404913,5.054048891,5.05404899,5.054049175,5.05404919,5.054049118,5.054049035,5.054048961,5.054049156,5.054049229,5.054049165,5.054049208,5.054049287
+"18820","ZSWIM4",6.075409507,6.075409509,6.075409513,6.075409502,6.075409524,6.075409498,6.075409504,6.075409511,6.075409509,6.075409507,6.075409529,6.075409513,6.075409502,6.075409486,6.075409513,6.075409507,6.075409522,6.07540952,6.075409508,6.075409512,6.075409506,6.075409514,6.075409499,6.075409503,6.075409523,6.075409517,6.075409512,6.075409506
+"18821","ZSWIM5",5.42742222,5.427422108,5.427422136,5.427422171,5.427422157,5.427422147,5.4274222,5.427422223,5.427422154,5.427422159,5.42742217,5.427422218,5.427422109,5.427422095,5.427422175,5.427422156,5.427422134,5.427422143,5.427422176,5.427422181,5.427422097,5.427422203,5.427422085,5.427422083,5.427422053,5.427422152,5.427422174,5.427422073
+"18822","ZSWIM6",8.429574285,8.429574442,8.429573696,8.429574841,8.429573768,8.429574293,8.429574292,8.429573822,8.429573649,8.429573843,8.429573844,8.429573299,8.429574118,8.429573932,8.42957416,8.429574229,8.429573737,8.429574655,8.429574351,8.429574247,8.429574093,8.429574024,8.42957429,8.429574237,8.429574251,8.429573593,8.429574192,8.429573439
+"18823","ZSWIM8",6.5355452335,6.5355453075,6.535545353,6.535545327,6.5355453845,6.5355454975,6.535545416,6.5355453985,6.535545241,6.5355453,6.535545395,6.5355454305,6.5355452975,6.5355451335,6.5355453225,6.535545347,6.5355454195,6.535545375,6.5355453535,6.535545359,6.5355453945,6.535545424,6.535545233,6.535545231,6.5355452965,6.535545369,6.5355453015,6.5355452765
+"18824","ZSWIM9",6.694807357,6.69480746,6.694807913,6.694807644,6.694807819,6.694806857,6.694807464,6.694807903,6.694807639,6.694807585,6.694807785,6.694807787,6.694807702,6.694807426,6.69480761,6.694807791,6.694807748,6.694807862,6.69480743,6.694807483,6.69480768,6.694807818,6.694807619,6.694807696,6.694807809,6.694807695,6.694807536,6.694807777
+"18825","ZUP1",4.098564156,4.098564123,4.098564127,4.098564055,4.098564041,4.098563923,4.09856412,4.098564143,4.098564135,4.098564158,4.098564075,4.098563917,4.098564113,4.098564301,4.098564097,4.098563867,4.09856404,4.098564022,4.098564144,4.098564071,4.098564087,4.098564067,4.098564254,4.098564071,4.098564035,4.098564042,4.098564087,4.098564196
+"18826","ZW10",5.277353607,5.277353386,5.277353531,5.277353182,5.277353325,5.277353385,5.277353537,5.277353374,5.277353308,5.277353282,5.2773534,5.277353264,5.277353355,5.277353731,5.277353508,5.277353165,5.277353237,5.277353334,5.277353492,5.277353411,5.277353438,5.277353473,5.277353561,5.277353394,5.277352894,5.27735345,5.277353531,5.277353536
+"18827","ZWILCH",4.693220496,4.693220014,4.693220303,4.693219924,4.6932202,4.693220253,4.693220678,4.693220272,4.693220337,4.693220411,4.693220273,4.69322038,4.693220351,4.693220437,4.693220512,4.693220337,4.693220244,4.693220301,4.693220451,4.69322014,4.693220489,4.693220443,4.693220565,4.693220428,4.693220246,4.693220448,4.693220337,4.693220555
+"18828","ZWINT",4.965534163,4.965534124,4.965534217,4.965534158,4.965534278,4.965534201,4.965534288,4.965534184,4.965534226,4.9655342,4.965534165,4.965534286,4.96553418,4.965534203,4.9655342,4.965534181,4.96553423,4.965534251,4.965534167,4.965534257,4.965534305,4.965534243,4.965534251,4.965534166,4.965534185,4.965534205,4.96553419,4.965534203
+"18829","ZXDA",7.542124544,7.542124674,7.542125002,7.542124626,7.542125599,7.542124825,7.542125207,7.542125081,7.542124808,7.542124847,7.542125009,7.542125548,7.542124978,7.542124334,7.542125341,7.542124919,7.542125716,7.542124876,7.542124914,7.542125045,7.542125443,7.542125401,7.542124803,7.542124529,7.542124795,7.54212541,7.542124673,7.542124914
+"18830","ZXDB",6.030294225,6.030293636,6.030293689,6.030294151,6.03029416,6.030293622,6.030294241,6.030294172,6.030294449,6.030294311,6.030294017,6.030294573,6.030294179,6.030294325,6.030294493,6.030293761,6.030294104,6.030293275,6.030294058,6.030293983,6.030294014,6.030294114,6.030294199,6.030294201,6.030293855,6.030294317,6.030294313,6.030294693
+"18831","ZXDC",7.490814632,7.4908149845,7.49081399,7.4908147455,7.4908140525,7.490814479,7.4908144115,7.4908144265,7.490814548,7.490814386,7.4908142555,7.490814323,7.4908145765,7.490814631,7.4908141955,7.490814773,7.490813662,7.4908144355,7.490814532,7.490814657,7.490814315,7.4908142975,7.490814609,7.490814585,7.4908144455,7.4908142825,7.4908145975,7.4908142405
+"18832","ZYG11A",3.737218033,3.737218028,3.737218114,3.737218075,3.737218068,3.737218142,3.737218142,3.737218093,3.737218077,3.73721809,3.7372182,3.737218133,3.737218048,3.737218067,3.737218064,3.737218103,3.737218132,3.737218061,3.737218053,3.737218067,3.737218089,3.737218085,3.73721806,3.737218038,3.737218062,3.737218052,3.737218071,3.737218167
+"18833","ZYG11B",7.141155473,7.141155399,7.141155456,7.141155715,7.141155073,7.141155376,7.14115553,7.141155338,7.141155351,7.141155534,7.14115525,7.141155254,7.141155366,7.141155571,7.141155476,7.141155328,7.141155336,7.141155572,7.141155552,7.141155311,7.141155489,7.141155351,7.141155503,7.141155741,7.141155322,7.141155408,7.141155394,7.141155322
+"18834","ZYX",9.164295258,9.168552148,9.163064739,9.169227386,9.163845754,9.166366705,9.164470915,9.164581823,9.164734104,9.167348569,9.165550844,9.161954237,9.163018341,9.16482248,9.164498317,9.167437415,9.163050858,9.167832525,9.165617741,9.167769996,9.163872432,9.164426235,9.165228773,9.168278912,9.166468393,9.163150495,9.163121888,9.163180425
+"18835","ZZEF1",7.773249559,7.77324958,7.773249504,7.773249599,7.773249472,7.773249612,7.773249578,7.773249517,7.773249485,7.773249514,7.773249491,7.773249477,7.773249562,7.773249575,7.773249511,7.773249562,7.773249412,7.773249546,7.773249563,7.773249598,7.773249557,7.773249478,7.773249522,7.773249567,7.773249555,7.773249535,7.773249574,7.773249439
+"18836","ZZZ3",6.240181351,6.24018033,6.240180471,6.24017923,6.240180113,6.240179548,6.240180257,6.240180238,6.240180959,6.240180754,6.240179881,6.240179581,6.240180643,6.240182487,6.240180436,6.240179424,6.240179576,6.240179593,6.240180654,6.24017896,6.240180007,6.240180367,6.240181361,6.240180585,6.240179538,6.240180636,6.240180784,6.240181678
diff --git a/run/rawData/GSE40240_patients.csv b/run/rawData/GSE40240_patients.csv
new file mode 100644
index 00000000..86b5f874
--- /dev/null
+++ b/run/rawData/GSE40240_patients.csv
@@ -0,0 +1,28 @@
+GSM989153,0
+GSM989154,0
+GSM989155,0
+GSM989156,0
+GSM989157,0
+GSM989158,0
+GSM989159,0
+GSM989160,0
+GSM989161,0
+GSM989162,0
+GSM989163,0
+GSM989164,0
+GSM989165,0
+GSM989166,0
+GSM989167,1
+GSM989168,1
+GSM989169,1
+GSM989170,1
+GSM989171,1
+GSM989172,1
+GSM989173,1
+GSM989174,1
+GSM989175,1
+GSM989176,1
+GSM989177,1
+GSM989178,1
+GSM989179,1
+GSM989180,1
\ No newline at end of file
diff --git a/run/results/design_v1_grid_round1/agg/train.csv b/run/results/design_v1_grid_round1/agg/train.csv
deleted file mode 100644
index 9feb2d42..00000000
--- a/run/results/design_v1_grid_round1/agg/train.csv
+++ /dev/null
@@ -1,3324 +0,0 @@
-sample,format,dataset,task,trans,feature,label,batch,l_pre,l_mp,l_post,stage,bn,act,drop,agg,optim,lr,epoch,loss,loss_std,params,time_iter,time_iter_std,accuracy,accuracy_std,precision,precision_std,recall,recall_std,f1,f1_std,auc,auc_std
-act,PyG,AmazonComputers,node,True,,,32,2,2,1,skipconcat,False,prelu,0.6,max,sgd,0.1,99,1.8684,0.0014,278289.0,0.1413,0.0119,0.3766,0.0019,,,,,,,,
-act,PyG,AmazonComputers,node,True,,,32,2,2,1,skipconcat,False,relu,0.6,max,sgd,0.1,99,1.8686,0.0012,278288.0,0.1297,0.0163,0.3766,0.0019,,,,,,,,
-act,PyG,AmazonComputers,node,True,,,32,2,2,1,skipconcat,False,swish,0.6,max,sgd,0.1,99,1.8685,0.0011,278288.0,0.1197,0.0006,0.3766,0.0019,,,,,,,,
-act,PyG,AmazonPhoto,node,True,,,16,1,6,2,skipconcat,True,prelu,0.0,max,adam,0.01,99,0.0069,0.0005,172005.0,0.0513,0.0013,0.9998,0.0001,,,,,,,,
-act,PyG,AmazonPhoto,node,True,,,16,1,6,2,skipconcat,True,relu,0.0,max,adam,0.01,99,0.0052,0.0004,172004.0,0.0561,0.0074,1.0,0.0,,,,,,,,
-act,PyG,AmazonPhoto,node,True,,,16,1,6,2,skipconcat,True,swish,0.0,max,adam,0.01,99,0.021,0.0032,172004.0,0.0514,0.0026,0.9961,0.0009,,,,,,,,
-act,PyG,AmazonPhoto,node,True,,,16,1,8,1,skipconcat,True,prelu,0.3,mean,sgd,0.1,399,0.2623,0.0029,184900.0,0.0674,0.0012,0.9394,0.0013,,,,,,,,
-act,PyG,AmazonPhoto,node,True,,,16,1,8,1,skipconcat,True,relu,0.3,mean,sgd,0.1,399,0.306,0.0021,184899.0,0.1198,0.0165,0.9351,0.0007,,,,,,,,
-act,PyG,AmazonPhoto,node,True,,,16,1,8,1,skipconcat,True,swish,0.3,mean,sgd,0.1,399,0.2858,0.0014,184899.0,0.0647,0.0097,0.9359,0.0024,,,,,,,,
-act,PyG,AmazonPhoto,node,True,,,32,2,2,1,skipsum,True,prelu,0.3,max,adam,0.1,399,0.0313,0.0008,290101.0,0.0623,0.0086,0.9982,0.0004,,,,,,,,
-act,PyG,AmazonPhoto,node,True,,,32,2,2,1,skipsum,True,relu,0.3,max,adam,0.1,399,0.0452,0.003,290100.0,0.0705,0.0099,0.9948,0.0009,,,,,,,,
-act,PyG,AmazonPhoto,node,True,,,32,2,2,1,skipsum,True,swish,0.3,max,adam,0.1,399,0.0298,0.0006,290100.0,0.0883,0.0095,0.999,0.0002,,,,,,,,
-act,PyG,CiteSeer,node,True,,,16,1,2,1,skipconcat,True,prelu,0.6,mean,sgd,0.01,199,1.7101,0.0038,909993.0,0.0954,0.0077,0.3198,0.0092,,,,,,,,
-act,PyG,CiteSeer,node,True,,,16,1,2,1,skipconcat,True,relu,0.6,mean,sgd,0.01,199,1.7239,0.0024,909992.0,0.13,0.0474,0.2839,0.0012,,,,,,,,
-act,PyG,CiteSeer,node,True,,,16,1,2,1,skipconcat,True,swish,0.6,mean,sgd,0.01,199,1.7223,0.0029,909992.0,0.1035,0.0172,0.2901,0.0032,,,,,,,,
-act,PyG,CiteSeer,node,True,,,16,2,2,2,stack,True,prelu,0.0,add,adam,0.001,199,0.0588,0.0038,804190.0,0.1096,0.0143,0.9702,0.0018,,,,,,,,
-act,PyG,CiteSeer,node,True,,,16,2,2,2,stack,True,relu,0.0,add,adam,0.001,199,0.0584,0.0036,804189.0,0.0959,0.015,0.9702,0.0018,,,,,,,,
-act,PyG,CiteSeer,node,True,,,16,2,2,2,stack,True,swish,0.0,add,adam,0.001,199,0.0583,0.0037,804189.0,0.1359,0.0494,0.9702,0.0018,,,,,,,,
-act,PyG,CiteSeer,node,True,,,32,2,8,1,skipsum,True,prelu,0.3,max,adam,0.1,199,0.0225,0.0016,582985.0,0.1206,0.0058,0.9984,0.0005,,,,,,,,
-act,PyG,CiteSeer,node,True,,,32,2,8,1,skipsum,True,relu,0.3,max,adam,0.1,199,0.0347,0.0044,582984.0,0.1382,0.0253,0.9952,0.0017,,,,,,,,
-act,PyG,CiteSeer,node,True,,,32,2,8,1,skipsum,True,swish,0.3,max,adam,0.1,199,0.0288,0.002,582984.0,0.0988,0.0061,0.9974,0.0006,,,,,,,,
-act,PyG,CoauthorCS,node,True,,,16,2,6,2,stack,True,prelu,0.3,max,adam,0.1,199,0.3029,0.0606,1006352.0,0.9448,0.0413,0.9106,0.0174,,,,,,,,
-act,PyG,CoauthorCS,node,True,,,16,2,6,2,stack,True,relu,0.3,max,adam,0.1,199,0.4066,0.0877,1006351.0,1.011,0.0964,0.8822,0.0288,,,,,,,,
-act,PyG,CoauthorCS,node,True,,,16,2,6,2,stack,True,swish,0.3,max,adam,0.1,199,0.3708,0.1118,1006351.0,0.8977,0.0643,0.8886,0.0358,,,,,,,,
-act,PyG,CoauthorCS,node,True,,,16,3,6,1,skipconcat,True,prelu,0.6,mean,adam,0.01,199,0.2041,0.0016,659392.0,1.0086,0.126,0.9772,0.0039,,,,,,,,
-act,PyG,CoauthorCS,node,True,,,16,3,6,1,skipconcat,True,relu,0.6,mean,adam,0.01,199,0.2571,0.0217,659391.0,0.9376,0.0076,0.9664,0.0069,,,,,,,,
-act,PyG,CoauthorCS,node,True,,,16,3,6,1,skipconcat,True,swish,0.6,mean,adam,0.01,199,0.2289,0.0039,659391.0,0.945,0.0923,0.9725,0.0017,,,,,,,,
-act,PyG,CoauthorCS,node,True,,,64,1,6,3,stack,True,prelu,0.3,add,sgd,0.001,199,1.2644,0.0289,1006352.0,0.854,0.0202,0.6594,0.0164,,,,,,,,
-act,PyG,CoauthorCS,node,True,,,64,1,6,3,stack,True,relu,0.3,add,sgd,0.001,199,1.9276,0.0278,1006351.0,0.8682,0.1101,0.434,0.0075,,,,,,,,
-act,PyG,CoauthorCS,node,True,,,64,1,6,3,stack,True,swish,0.3,add,sgd,0.001,199,1.7617,0.0396,1006351.0,0.877,0.0666,0.4845,0.0121,,,,,,,,
-act,PyG,CoauthorPhysics,node,True,,,16,3,6,1,skipsum,True,prelu,0.0,mean,sgd,0.1,399,0.0696,0.001,1211142.0,1.943,0.2105,0.9853,0.0005,,,,,,,,
-act,PyG,CoauthorPhysics,node,True,,,16,3,6,1,skipsum,True,relu,0.0,mean,sgd,0.1,399,0.0684,0.0023,1211141.0,2.05,0.1209,0.991,0.0005,,,,,,,,
-act,PyG,CoauthorPhysics,node,True,,,16,3,6,1,skipsum,True,swish,0.0,mean,sgd,0.1,399,0.0524,0.0011,1211141.0,2.1236,0.1257,0.9945,0.0004,,,,,,,,
-act,PyG,Cora,node,True,,,16,2,6,1,stack,True,prelu,0.3,add,sgd,0.001,99,1.8879,0.0129,330863.0,0.0369,0.0128,0.2568,0.0432,,,,,,,,
-act,PyG,Cora,node,True,,,16,2,6,1,stack,True,relu,0.3,add,sgd,0.001,99,1.9152,0.0098,330862.0,0.0229,0.0016,0.2139,0.0264,,,,,,,,
-act,PyG,Cora,node,True,,,16,2,6,1,stack,True,swish,0.3,add,sgd,0.001,99,1.9007,0.0186,330862.0,0.0259,0.0036,0.2271,0.0351,,,,,,,,
-act,PyG,Cora,node,True,,,16,2,8,1,skipsum,True,prelu,0.3,mean,sgd,0.1,99,0.5578,0.0261,308437.0,0.0374,0.0009,0.8942,0.0083,,,,,,,,
-act,PyG,Cora,node,True,,,16,2,8,1,skipsum,True,relu,0.3,mean,sgd,0.1,99,0.8542,0.0132,308436.0,0.0367,0.0059,0.8256,0.0057,,,,,,,,
-act,PyG,Cora,node,True,,,16,2,8,1,skipsum,True,swish,0.3,mean,sgd,0.1,99,0.7917,0.0135,308436.0,0.049,0.0078,0.8459,0.0129,,,,,,,,
-act,PyG,Cora,node,True,,,16,3,4,3,skipconcat,True,prelu,0.6,mean,adam,0.01,99,0.4776,0.0622,207560.0,0.0302,0.0014,0.854,0.0199,,,,,,,,
-act,PyG,Cora,node,True,,,16,3,4,3,skipconcat,True,relu,0.6,mean,adam,0.01,99,0.9773,0.0949,207559.0,0.0535,0.0102,0.6293,0.0543,,,,,,,,
-act,PyG,Cora,node,True,,,16,3,4,3,skipconcat,True,swish,0.6,mean,adam,0.01,99,0.8829,0.0566,207559.0,0.0505,0.0034,0.6808,0.0266,,,,,,,,
-act,PyG,Cora,node,True,,,16,3,8,1,stack,True,prelu,0.3,mean,sgd,0.001,99,1.8915,0.0029,300388.0,0.0398,0.0034,0.246,0.0203,,,,,,,,
-act,PyG,Cora,node,True,,,16,3,8,1,stack,True,relu,0.3,mean,sgd,0.001,99,1.9179,0.0032,300387.0,0.028,0.0015,0.2014,0.0069,,,,,,,,
-act,PyG,Cora,node,True,,,16,3,8,1,stack,True,swish,0.3,mean,sgd,0.001,99,1.9082,0.0061,300387.0,0.0293,0.0038,0.2243,0.0099,,,,,,,,
-act,PyG,Cora,node,True,,,32,1,8,1,skipsum,False,prelu,0.3,max,adam,0.001,199,0.638,0.0087,320057.0,0.0247,0.001,0.923,0.0017,,,,,,,,
-act,PyG,Cora,node,True,,,32,1,8,1,skipsum,False,relu,0.3,max,adam,0.001,199,0.866,0.019,320056.0,0.0279,0.0039,0.9122,0.0045,,,,,,,,
-act,PyG,Cora,node,True,,,32,1,8,1,skipsum,False,swish,0.3,max,adam,0.001,199,0.5846,0.0123,320056.0,0.0241,0.0015,0.9236,0.0031,,,,,,,,
-act,PyG,Cora,node,True,,,32,3,8,1,skipsum,False,prelu,0.6,max,sgd,0.1,99,1.8356,0.0025,299123.0,0.0278,0.004,0.3043,0.0029,,,,,,,,
-act,PyG,Cora,node,True,,,32,3,8,1,skipsum,False,relu,0.6,max,sgd,0.1,99,1.8353,0.0026,299122.0,0.0305,0.0068,0.3041,0.0029,,,,,,,,
-act,PyG,Cora,node,True,,,32,3,8,1,skipsum,False,swish,0.6,max,sgd,0.1,99,1.8359,0.0024,299122.0,0.0251,0.0035,0.3041,0.0029,,,,,,,,
-act,PyG,Cora,node,True,,,64,2,8,2,skipconcat,False,prelu,0.6,max,sgd,0.01,199,1.8409,0.001,187926.0,0.1039,0.016,0.3032,0.0031,,,,,,,,
-act,PyG,Cora,node,True,,,64,2,8,2,skipconcat,False,relu,0.6,max,sgd,0.01,199,1.8407,0.0029,187925.0,0.0643,0.0127,0.303,0.003,,,,,,,,
-act,PyG,Cora,node,True,,,64,2,8,2,skipconcat,False,swish,0.6,max,sgd,0.01,199,1.8332,0.0018,187925.0,0.0562,0.0016,0.3041,0.0029,,,,,,,,
-act,PyG,TU_BZR,graph,False,,,16,2,6,1,skipconcat,False,prelu,0.3,max,sgd,0.1,399,0.5029,0.0163,139154.0,0.0666,0.0073,0.8045,0.0038,0.7141,0.0256,0.1656,0.0276,0.2677,0.0363,0.6313,0.0188
-act,PyG,TU_BZR,graph,False,,,16,2,6,1,skipconcat,False,relu,0.3,max,sgd,0.1,399,0.513,0.008,139153.0,0.0153,0.001,0.8128,0.0063,0.7161,0.0656,0.2326,0.0129,0.3502,0.0141,0.6236,0.0178
-act,PyG,TU_BZR,graph,False,,,16,2,6,1,skipconcat,False,swish,0.3,max,sgd,0.1,399,0.5107,0.0116,139153.0,0.0141,0.0016,0.8087,0.0067,0.7364,0.0987,0.1996,0.0266,0.3103,0.0248,0.6219,0.0133
-act,PyG,TU_BZR,graph,False,,,16,2,8,1,stack,True,prelu,0.0,add,sgd,0.01,399,0.0021,0.0005,140725.0,0.0211,0.0024,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-act,PyG,TU_BZR,graph,False,,,16,2,8,1,stack,True,relu,0.0,add,sgd,0.01,399,0.0021,0.0002,140724.0,0.0187,0.0037,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-act,PyG,TU_BZR,graph,False,,,16,2,8,1,stack,True,swish,0.0,add,sgd,0.01,399,0.0036,0.0015,140724.0,0.0184,0.003,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-act,PyG,TU_BZR,graph,False,,,32,2,2,3,stack,True,prelu,0.0,add,sgd,0.001,99,0.154,0.0254,141914.0,0.0137,0.0015,0.9486,0.0139,0.9298,0.0344,0.8245,0.0376,0.8739,0.0354,0.9864,0.009
-act,PyG,TU_BZR,graph,False,,,32,2,2,3,stack,True,relu,0.0,add,sgd,0.001,99,0.1382,0.0065,141913.0,0.036,0.0092,0.9568,0.0051,0.9472,0.0068,0.8489,0.0195,0.8952,0.0103,0.9922,0.003
-act,PyG,TU_BZR,graph,False,,,32,2,2,3,stack,True,swish,0.0,add,sgd,0.001,99,0.2066,0.012,141913.0,0.0132,0.0006,0.9311,0.0077,0.9203,0.0363,0.7493,0.0167,0.8255,0.0151,0.9693,0.0059
-act,PyG,TU_DD,graph,False,,,16,1,6,3,skipconcat,True,relu,0.6,add,sgd,0.1,399,0.436,0.0086,142257.0,0.0233,0.0044,0.8114,0.0033,0.7656,0.0044,0.7769,0.0087,0.7712,0.0044,0.8761,0.0055
-act,PyG,TU_DD,graph,False,,,16,1,6,3,skipconcat,True,swish,0.6,add,sgd,0.1,399,0.4003,0.0057,142257.0,0.0227,0.0009,0.822,0.0044,0.7827,0.0039,0.782,0.015,0.7822,0.0079,0.8962,0.0042
-act,PyG,TU_DD,graph,False,,,16,2,6,2,stack,True,prelu,0.3,max,sgd,0.001,99,0.4898,0.0052,144898.0,0.0796,0.016,0.7728,0.0045,0.7282,0.0058,0.7094,0.0122,0.7186,0.0075,0.839,0.0039
-act,PyG,TU_DD,graph,False,,,16,2,6,2,stack,True,relu,0.3,max,sgd,0.001,99,0.5062,0.0101,144897.0,0.0303,0.0018,0.7689,0.0018,0.7331,0.0059,0.6842,0.001,0.7078,0.0032,0.8264,0.0079
-act,PyG,TU_DD,graph,False,,,16,2,6,2,stack,True,swish,0.3,max,sgd,0.001,99,0.4973,0.0095,144897.0,0.0643,0.0003,0.7707,0.0061,0.7264,0.0024,0.7051,0.0176,0.7155,0.0097,0.835,0.0056
-act,PyG,TU_DD,graph,False,,,64,1,4,1,skipsum,True,prelu,0.3,mean,sgd,0.1,199,1.9878,0.6731,149146.0,0.1294,0.0112,0.7742,0.0081,0.6869,0.0088,0.8235,0.0113,0.749,0.0096,0.8467,0.0058
-act,PyG,TU_DD,graph,False,,,64,1,4,1,skipsum,True,relu,0.3,mean,sgd,0.1,199,0.8475,0.3986,149145.0,0.0657,0.0054,0.7668,0.0082,0.6903,0.0062,0.7792,0.029,0.7319,0.015,0.8356,0.0125
-act,PyG,TU_DD,graph,False,,,64,1,4,1,skipsum,True,swish,0.3,mean,sgd,0.1,199,1.1355,0.109,149145.0,0.0558,0.0024,0.798,0.0056,0.7185,0.0059,0.8322,0.006,0.7711,0.0059,0.8701,0.0062
-act,PyG,TU_DD,graph,False,,,64,2,4,3,skipconcat,False,prelu,0.3,max,sgd,0.001,399,0.562,0.0067,139921.0,0.0714,0.0029,0.7587,0.011,0.7378,0.0203,0.6366,0.0115,0.6834,0.0138,0.7973,0.005
-act,PyG,TU_DD,graph,False,,,64,2,4,3,skipconcat,False,relu,0.3,max,sgd,0.001,399,0.546,0.0053,139920.0,0.0332,0.0048,0.742,0.0077,0.7091,0.0303,0.6316,0.0321,0.6668,0.01,0.7964,0.003
-act,PyG,TU_DD,graph,False,,,64,2,4,3,skipconcat,False,swish,0.3,max,sgd,0.001,399,0.5376,0.0061,139920.0,0.042,0.001,0.759,0.0083,0.7327,0.0104,0.6471,0.0074,0.6872,0.0087,0.7957,0.0052
-act,PyG,TU_DD,graph,False,,,64,3,2,2,skipconcat,False,relu,0.6,add,sgd,0.01,99,0.6765,0.001,144257.0,0.0312,0.0032,0.5909,0.0027,0.0,0.0,0.0,0.0,0.0,0.0,0.4481,0.0008
-act,PyG,TU_DD,graph,False,,,64,3,2,2,skipconcat,False,swish,0.6,add,sgd,0.01,99,0.6657,0.0019,144257.0,0.0301,0.0038,0.5909,0.0027,0.0,0.0,0.0,0.0,0.0,0.0,0.731,0.0196
-act,PyG,TU_ENZYMES,graph,False,,,16,1,8,3,skipsum,True,prelu,0.6,add,sgd,0.001,99,1.7953,0.0195,135822.0,0.0794,0.0028,0.2222,0.0112,,,,,,,,
-act,PyG,TU_ENZYMES,graph,False,,,16,1,8,3,skipsum,True,relu,0.6,add,sgd,0.001,99,1.7961,0.0126,135821.0,0.042,0.0045,0.2201,0.0045,,,,,,,,
-act,PyG,TU_ENZYMES,graph,False,,,16,1,8,3,skipsum,True,swish,0.6,add,sgd,0.001,99,1.7791,0.0155,135821.0,0.0155,0.0006,0.2285,0.0188,,,,,,,,
-act,PyG,TU_ENZYMES,graph,False,,,32,1,6,3,stack,True,prelu,0.3,add,adam,0.01,399,0.5724,0.0147,134535.0,0.0635,0.0007,0.7862,0.012,,,,,,,,
-act,PyG,TU_ENZYMES,graph,False,,,32,1,6,3,stack,True,relu,0.3,add,adam,0.01,399,0.5355,0.0332,134534.0,0.0193,0.002,0.8148,0.0197,,,,,,,,
-act,PyG,TU_ENZYMES,graph,False,,,32,1,6,3,stack,True,swish,0.3,add,adam,0.01,399,0.6532,0.0136,134534.0,0.0183,0.002,0.7561,0.0043,,,,,,,,
-act,PyG,TU_ENZYMES,graph,False,,,32,2,2,1,stack,False,prelu,0.0,mean,sgd,0.001,199,1.6575,0.011,135037.0,0.0135,0.004,0.3033,0.0094,,,,,,,,
-act,PyG,TU_ENZYMES,graph,False,,,32,2,2,1,stack,False,relu,0.0,mean,sgd,0.001,199,1.6627,0.0084,135036.0,0.0107,0.0024,0.3026,0.0103,,,,,,,,
-act,PyG,TU_ENZYMES,graph,False,,,32,2,2,1,stack,False,swish,0.0,mean,sgd,0.001,199,1.7316,0.002,135036.0,0.0103,0.0002,0.2572,0.0206,,,,,,,,
-act,PyG,TU_ENZYMES,graph,False,,,64,1,8,2,skipconcat,False,prelu,0.3,max,sgd,0.01,199,1.6728,0.0331,137809.0,0.0242,0.0017,0.2886,0.0316,,,,,,,,
-act,PyG,TU_ENZYMES,graph,False,,,64,1,8,2,skipconcat,False,relu,0.3,max,sgd,0.01,199,1.7355,0.0603,137808.0,0.0297,0.0075,0.2383,0.0596,,,,,,,,
-act,PyG,TU_ENZYMES,graph,False,,,64,1,8,2,skipconcat,False,swish,0.3,max,sgd,0.01,199,1.7446,0.0033,137808.0,0.0237,0.0012,0.2467,0.0114,,,,,,,,
-act,PyG,TU_ENZYMES,graph,False,,,64,1,8,3,skipsum,True,prelu,0.3,max,sgd,0.1,399,0.2412,0.021,135822.0,0.0363,0.0023,0.9217,0.0103,,,,,,,,
-act,PyG,TU_ENZYMES,graph,False,,,64,1,8,3,skipsum,True,relu,0.3,max,sgd,0.1,399,0.2486,0.0118,135821.0,0.0253,0.0015,0.9126,0.0081,,,,,,,,
-act,PyG,TU_ENZYMES,graph,False,,,64,1,8,3,skipsum,True,swish,0.3,max,sgd,0.1,399,0.1641,0.0126,135821.0,0.0241,0.0028,0.9462,0.0043,,,,,,,,
-act,PyG,TU_ENZYMES,graph,False,,,64,3,2,3,stack,False,prelu,0.3,max,sgd,0.01,199,1.7727,0.0023,135597.0,0.018,0.0023,0.1866,0.0247,,,,,,,,
-act,PyG,TU_ENZYMES,graph,False,,,64,3,2,3,stack,False,relu,0.3,max,sgd,0.01,199,1.7885,0.0011,135596.0,0.0165,0.0024,0.1775,0.001,,,,,,,,
-act,PyG,TU_ENZYMES,graph,False,,,64,3,2,3,stack,False,swish,0.3,max,sgd,0.01,199,1.7541,0.0045,135596.0,0.0367,0.002,0.225,0.0099,,,,,,,,
-act,PyG,TU_IMDB,graph,False,,,16,2,8,3,skipsum,True,prelu,0.3,add,sgd,0.1,199,1.016,0.0053,133747.0,0.0188,0.0018,0.4731,0.0048,,,,,,,,
-act,PyG,TU_IMDB,graph,False,,,16,2,8,3,skipsum,True,relu,0.3,add,sgd,0.1,199,1.0374,0.0045,133746.0,0.0181,0.0019,0.4578,0.0047,,,,,,,,
-act,PyG,TU_IMDB,graph,False,,,16,2,8,3,skipsum,True,swish,0.3,add,sgd,0.1,199,1.0196,0.0049,133746.0,0.02,0.0012,0.4756,0.0103,,,,,,,,
-act,PyG,TU_IMDB,graph,False,,,16,3,4,2,stack,True,prelu,0.6,add,adam,0.001,99,1.058,0.0023,134127.0,0.0141,0.0004,0.4367,0.0067,,,,,,,,
-act,PyG,TU_IMDB,graph,False,,,16,3,4,2,stack,True,relu,0.6,add,adam,0.001,99,1.0579,0.0039,134126.0,0.0177,0.0012,0.4364,0.017,,,,,,,,
-act,PyG,TU_IMDB,graph,False,,,16,3,4,2,stack,True,swish,0.6,add,adam,0.001,99,1.0538,0.0015,134126.0,0.0189,0.0003,0.4481,0.0099,,,,,,,,
-act,PyG,TU_IMDB,graph,False,,,64,2,2,2,stack,False,prelu,0.6,mean,sgd,0.001,399,1.0963,0.0006,134138.0,0.0205,0.0009,0.3431,0.0081,,,,,,,,
-act,PyG,TU_IMDB,graph,False,,,64,2,2,2,stack,False,relu,0.6,mean,sgd,0.001,399,1.0971,0.001,134137.0,0.0142,0.0004,0.3458,0.013,,,,,,,,
-act,PyG,TU_IMDB,graph,False,,,64,2,2,2,stack,False,swish,0.6,mean,sgd,0.001,399,1.1006,0.0022,134137.0,0.017,0.0016,0.3689,0.012,,,,,,,,
-act,PyG,TU_PROTEINS,graph,False,,,64,2,2,1,skipsum,True,prelu,0.0,max,sgd,0.1,199,0.514,0.009,133553.0,0.0403,0.0035,0.7492,0.0084,0.6701,0.0131,0.7213,0.0071,0.6947,0.0094,0.8243,0.0071
-act,PyG,TU_PROTEINS,graph,False,,,64,2,2,1,skipsum,True,relu,0.0,max,sgd,0.1,199,0.5101,0.0054,133552.0,0.0196,0.0039,0.7493,0.0145,0.6732,0.023,0.7126,0.0057,0.6922,0.0147,0.8253,0.0061
-act,PyG,TU_PROTEINS,graph,False,,,64,2,2,1,skipsum,True,swish,0.0,max,sgd,0.1,199,0.507,0.0047,133552.0,0.0166,0.0014,0.7572,0.006,0.6913,0.008,0.6973,0.0105,0.6943,0.0092,0.8264,0.0039
-act,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,32,3,4,3,skipsum,True,prelu,0.3,mean,sgd,0.001,199,0.731,0.0314,135430.0,0.0275,0.0034,0.6471,0.0367,,,,,,,,
-act,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,32,3,4,3,skipsum,True,relu,0.3,mean,sgd,0.001,199,0.7188,0.0491,135429.0,0.0576,0.0074,0.67,0.03,,,,,,,,
-act,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,32,3,4,3,skipsum,True,swish,0.3,mean,sgd,0.001,199,0.6788,0.0274,135429.0,0.0185,0.0004,0.7092,0.0197,,,,,,,,
-act,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,64,1,4,3,stack,True,prelu,0.0,mean,adam,0.01,399,0.0828,0.0218,134070.0,0.0596,0.0034,0.982,0.0092,,,,,,,,
-act,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,64,1,4,3,stack,True,relu,0.0,mean,adam,0.01,399,0.1452,0.0223,134069.0,0.032,0.0006,0.9526,0.0061,,,,,,,,
-act,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,64,1,4,3,stack,True,swish,0.0,mean,adam,0.01,399,0.3203,0.0598,134069.0,0.0528,0.0065,0.8824,0.0289,,,,,,,,
-act,nx,scalefree,graph,True,node_onehot,graph_path_len,32,1,2,1,skipconcat,True,prelu,0.0,max,adam,0.001,99,0.0213,0.0023,136454.0,0.0515,0.0087,1.0,0.0,,,,,,,,
-act,nx,scalefree,graph,True,node_onehot,graph_path_len,32,1,2,1,skipconcat,True,relu,0.0,max,adam,0.001,99,0.0184,0.0018,136453.0,0.0196,0.0056,1.0,0.0,,,,,,,,
-act,nx,scalefree,graph,True,node_onehot,graph_path_len,32,1,2,1,skipconcat,True,swish,0.0,max,adam,0.001,99,0.0139,0.0007,136453.0,0.0141,0.0021,1.0,0.0,,,,,,,,
-act,nx,scalefree,graph,True,node_onehot,graph_path_len,32,2,2,2,skipsum,False,prelu,0.3,add,sgd,0.1,199,,,134851.0,0.0543,0.0008,0.1896,0.0101,,,,,,,,
-act,nx,scalefree,graph,True,node_onehot,graph_path_len,32,2,2,2,skipsum,False,relu,0.3,add,sgd,0.1,199,1.6073,0.0014,134850.0,0.0413,0.008,0.2157,0.0069,,,,,,,,
-act,nx,scalefree,graph,True,node_onehot,graph_path_len,32,2,2,2,skipsum,False,swish,0.3,add,sgd,0.1,199,1.6073,0.0013,134850.0,0.0204,0.0063,0.2157,0.0069,,,,,,,,
-act,nx,scalefree,graph,True,node_onehot,graph_path_len,64,1,6,2,stack,False,prelu,0.3,mean,adam,0.001,199,0.6447,0.0636,134677.0,0.0269,0.0026,0.6814,0.0312,,,,,,,,
-act,nx,scalefree,graph,True,node_onehot,graph_path_len,64,1,6,2,stack,False,relu,0.3,mean,adam,0.001,199,0.6114,0.0293,134676.0,0.039,0.0008,0.6961,0.0069,,,,,,,,
-act,nx,scalefree,graph,True,node_onehot,graph_path_len,64,1,6,2,stack,False,swish,0.3,mean,adam,0.001,199,1.6037,0.0007,134676.0,0.0221,0.0051,0.2271,0.0162,,,,,,,,
-act,nx,scalefree,graph,True,node_pagerank,graph_path_len,16,3,6,2,skipsum,True,prelu,0.0,mean,sgd,0.001,199,0.0836,0.0177,133926.0,0.0721,0.0079,0.9869,0.0101,,,,,,,,
-act,nx,scalefree,graph,True,node_pagerank,graph_path_len,16,3,6,2,skipsum,True,relu,0.0,mean,sgd,0.001,199,0.0877,0.0107,133925.0,0.0474,0.0039,0.9853,0.0106,,,,,,,,
-act,nx,scalefree,graph,True,node_pagerank,graph_path_len,16,3,6,2,skipsum,True,swish,0.0,mean,sgd,0.001,199,0.1703,0.0112,133925.0,0.0153,0.0011,0.9575,0.0023,,,,,,,,
-act,nx,scalefree,graph,True,node_pagerank,graph_path_len,32,1,2,3,skipconcat,True,prelu,0.3,add,sgd,0.001,99,0.7923,0.0642,134543.0,0.017,0.0022,0.6765,0.025,,,,,,,,
-act,nx,scalefree,graph,True,node_pagerank,graph_path_len,32,1,2,3,skipconcat,True,relu,0.3,add,sgd,0.001,99,0.8044,0.0459,134542.0,0.0243,0.0085,0.6814,0.0289,,,,,,,,
-act,nx,scalefree,graph,True,node_pagerank,graph_path_len,32,1,2,3,skipconcat,True,swish,0.3,add,sgd,0.001,99,0.7856,0.0584,134542.0,0.0164,0.002,0.6798,0.0389,,,,,,,,
-act,nx,scalefree,graph,True,node_pagerank,graph_path_len,64,1,8,1,skipconcat,False,prelu,0.6,add,adam,0.01,199,0.5141,0.0479,137927.0,0.0232,0.0025,0.7402,0.0461,,,,,,,,
-act,nx,scalefree,graph,True,node_pagerank,graph_path_len,64,1,8,1,skipconcat,False,relu,0.6,add,adam,0.01,199,0.5261,0.0255,137926.0,0.0274,0.0017,0.7435,0.0162,,,,,,,,
-act,nx,scalefree,graph,True,node_pagerank,graph_path_len,64,1,8,1,skipconcat,False,swish,0.6,add,adam,0.01,199,0.5308,0.0305,137926.0,0.0644,0.0042,0.7549,0.0318,,,,,,,,
-act,nx,scalefree,graph,True,node_pagerank,graph_path_len,64,2,2,2,skipsum,True,prelu,0.6,max,adam,0.001,399,0.6742,0.0426,134286.0,0.0233,0.0005,0.6912,0.0208,,,,,,,,
-act,nx,scalefree,graph,True,node_pagerank,graph_path_len,64,2,2,2,skipsum,True,relu,0.6,max,adam,0.001,399,0.7327,0.0444,134285.0,0.0216,0.0018,0.6945,0.0189,,,,,,,,
-act,nx,scalefree,graph,True,node_pagerank,graph_path_len,64,2,2,2,skipsum,True,swish,0.6,max,adam,0.001,399,0.7413,0.0324,134285.0,0.0242,0.0045,0.6863,0.0346,,,,,,,,
-act,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,64,3,8,2,stack,False,prelu,0.0,add,adam,0.01,199,0.4635,0.2405,133749.0,0.0259,0.0045,0.8817,0.0579,,,,,,,,
-act,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,64,3,8,2,stack,False,relu,0.0,add,adam,0.01,199,0.267,0.0554,133748.0,0.0361,0.0038,0.9005,0.0214,,,,,,,,
-act,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,64,3,8,2,stack,False,swish,0.0,add,adam,0.01,199,1.4037,0.2909,133748.0,0.0541,0.003,0.3178,0.1635,,,,,,,,
-act,nx,scalefree,node,True,node_const,node_clustering_coefficient,16,1,2,2,stack,True,prelu,0.6,add,sgd,0.01,199,1.1862,0.0048,134790.0,0.0111,0.0015,0.47,0.0022,,,,,,,,
-act,nx,scalefree,node,True,node_const,node_clustering_coefficient,16,1,2,2,stack,True,relu,0.6,add,sgd,0.01,199,1.1955,0.0028,134789.0,0.0383,0.0024,0.4701,0.0037,,,,,,,,
-act,nx,scalefree,node,True,node_const,node_clustering_coefficient,16,1,2,2,stack,True,swish,0.6,add,sgd,0.01,199,1.1877,0.0129,134789.0,0.0355,0.0012,0.4678,0.0069,,,,,,,,
-act,nx,scalefree,node,True,node_const,node_clustering_coefficient,32,1,8,1,skipsum,False,prelu,0.3,mean,sgd,0.01,199,1.4708,0.0228,134278.0,0.0232,0.0044,0.3563,0.0073,,,,,,,,
-act,nx,scalefree,node,True,node_const,node_clustering_coefficient,32,1,8,1,skipsum,False,relu,0.3,mean,sgd,0.01,199,1.4622,0.0095,134277.0,0.023,0.0031,0.3613,0.0027,,,,,,,,
-act,nx,scalefree,node,True,node_const,node_clustering_coefficient,32,1,8,1,skipsum,False,swish,0.3,mean,sgd,0.01,199,1.5672,0.006,134277.0,0.0221,0.0025,0.2821,0.0128,,,,,,,,
-act,nx,scalefree,node,True,node_const,node_clustering_coefficient,32,3,8,2,skipconcat,True,prelu,0.3,add,sgd,0.001,399,1.2065,0.0007,140834.0,0.0259,0.002,0.4626,0.0024,,,,,,,,
-act,nx,scalefree,node,True,node_const,node_clustering_coefficient,32,3,8,2,skipconcat,True,relu,0.3,add,sgd,0.001,399,1.2062,0.0025,140833.0,0.0269,0.002,0.4614,0.0015,,,,,,,,
-act,nx,scalefree,node,True,node_const,node_clustering_coefficient,32,3,8,2,skipconcat,True,swish,0.3,add,sgd,0.001,399,1.2543,0.013,140833.0,0.0229,0.0007,0.4366,0.0057,,,,,,,,
-act,nx,scalefree,node,True,node_const,node_clustering_coefficient,64,1,2,3,skipsum,True,prelu,0.6,max,sgd,0.001,399,1.5087,0.0056,134286.0,0.0636,0.0086,0.3461,0.0019,,,,,,,,
-act,nx,scalefree,node,True,node_const,node_clustering_coefficient,64,1,2,3,skipsum,True,relu,0.6,max,sgd,0.001,399,1.6513,0.0016,134285.0,0.024,0.0011,0.2661,0.0032,,,,,,,,
-act,nx,scalefree,node,True,node_const,node_clustering_coefficient,64,1,2,3,skipsum,True,swish,0.6,max,sgd,0.001,399,1.6385,0.0026,134285.0,0.0714,0.0067,0.279,0.0038,,,,,,,,
-act,nx,scalefree,node,True,node_const,node_clustering_coefficient,64,2,4,3,skipconcat,False,prelu,0.6,max,adam,0.001,99,1.246,0.0047,137199.0,0.0257,0.0002,0.4425,0.0017,,,,,,,,
-act,nx,scalefree,node,True,node_const,node_clustering_coefficient,64,2,4,3,skipconcat,False,relu,0.6,max,adam,0.001,99,1.3238,0.0014,137198.0,0.0628,0.0067,0.4195,0.0023,,,,,,,,
-act,nx,scalefree,node,True,node_const,node_clustering_coefficient,64,2,4,3,skipconcat,False,swish,0.6,max,adam,0.001,99,1.2953,0.0228,137198.0,0.025,0.0019,0.4251,0.005,,,,,,,,
-act,nx,scalefree,node,True,node_const,node_pagerank,16,1,2,1,skipsum,True,prelu,0.6,add,adam,0.1,99,0.5757,0.0077,134626.0,0.0116,0.0014,0.771,0.0063,,,,,,,,
-act,nx,scalefree,node,True,node_const,node_pagerank,16,1,2,1,skipsum,True,relu,0.6,add,adam,0.1,99,0.5686,0.0113,134625.0,0.0127,0.0012,0.7755,0.0066,,,,,,,,
-act,nx,scalefree,node,True,node_const,node_pagerank,16,1,2,1,skipsum,True,swish,0.6,add,adam,0.1,99,0.5135,0.0038,134625.0,0.0128,0.0004,0.792,0.0038,,,,,,,,
-act,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,64,2,4,1,skipsum,True,prelu,0.6,add,adam,0.001,199,1.135,0.0012,134119.0,0.0319,0.0008,0.509,0.0008,,,,,,,,
-act,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,64,2,4,1,skipsum,True,relu,0.6,add,adam,0.001,199,1.1163,0.0006,134118.0,0.0714,0.0116,0.5194,0.0035,,,,,,,,
-act,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,64,2,4,1,skipsum,True,swish,0.6,add,adam,0.001,199,1.0978,0.0038,134118.0,0.0641,0.0025,0.5268,0.003,,,,,,,,
-act,nx,scalefree,node,True,node_onehot,node_pagerank,16,2,6,1,stack,True,prelu,0.3,mean,sgd,0.001,199,1.5527,0.0047,133830.0,0.0161,0.0014,0.2871,0.0057,,,,,,,,
-act,nx,scalefree,node,True,node_onehot,node_pagerank,16,2,6,1,stack,True,relu,0.3,mean,sgd,0.001,199,1.5553,0.0039,133829.0,0.0145,0.0005,0.288,0.0022,,,,,,,,
-act,nx,scalefree,node,True,node_onehot,node_pagerank,16,2,6,1,stack,True,swish,0.3,mean,sgd,0.001,199,1.5445,0.0041,133829.0,0.016,0.002,0.2914,0.0035,,,,,,,,
-act,nx,scalefree,node,True,node_onehot,node_pagerank,16,2,6,3,stack,False,prelu,0.3,mean,adam,0.01,199,1.6094,0.0,134921.0,0.0201,0.0032,0.203,0.0007,,,,,,,,
-act,nx,scalefree,node,True,node_onehot,node_pagerank,16,2,6,3,stack,False,relu,0.3,mean,adam,0.01,199,1.6094,0.0,134920.0,0.016,0.0011,0.203,0.0007,,,,,,,,
-act,nx,scalefree,node,True,node_onehot,node_pagerank,16,2,6,3,stack,False,swish,0.3,mean,adam,0.01,199,1.6094,0.0,134920.0,0.022,0.0036,0.203,0.0007,,,,,,,,
-act,nx,scalefree,node,True,node_onehot,node_pagerank,16,3,6,1,skipconcat,False,prelu,0.6,max,sgd,0.1,99,0.7835,0.0058,137034.0,0.0197,0.0017,0.7087,0.003,,,,,,,,
-act,nx,scalefree,node,True,node_onehot,node_pagerank,16,3,6,1,skipconcat,False,relu,0.6,max,sgd,0.1,99,1.0981,0.0084,137033.0,0.0475,0.0017,0.5443,0.0037,,,,,,,,
-act,nx,scalefree,node,True,node_onehot,node_pagerank,16,3,6,1,skipconcat,False,swish,0.6,max,sgd,0.1,99,0.8698,0.0224,137033.0,0.0474,0.0033,0.6517,0.0145,,,,,,,,
-act,nx,scalefree,node,True,node_onehot,node_pagerank,32,1,6,1,skipsum,True,prelu,0.3,max,sgd,0.001,399,1.1769,0.0276,134070.0,0.0611,0.0073,0.5653,0.0113,,,,,,,,
-act,nx,scalefree,node,True,node_onehot,node_pagerank,32,1,6,1,skipsum,True,relu,0.3,max,sgd,0.001,399,1.5016,0.0031,134069.0,0.0442,0.0046,0.4246,0.0051,,,,,,,,
-act,nx,scalefree,node,True,node_onehot,node_pagerank,32,1,6,1,skipsum,True,swish,0.3,max,sgd,0.001,399,1.4644,0.0012,134069.0,0.0224,0.0026,0.4302,0.0062,,,,,,,,
-act,nx,scalefree,node,True,node_onehot,node_pagerank,32,2,6,3,stack,True,prelu,0.0,add,sgd,0.001,399,0.2088,0.0086,133926.0,0.0217,0.0023,0.9286,0.0046,,,,,,,,
-act,nx,scalefree,node,True,node_onehot,node_pagerank,32,2,6,3,stack,True,relu,0.0,add,sgd,0.001,399,0.1884,0.002,133925.0,0.0193,0.0009,0.9389,0.0017,,,,,,,,
-act,nx,scalefree,node,True,node_onehot,node_pagerank,32,2,6,3,stack,True,swish,0.0,add,sgd,0.001,399,0.27,0.0091,133925.0,0.0313,0.006,0.9049,0.0029,,,,,,,,
-act,nx,scalefree,node,True,node_onehot,node_pagerank,64,3,8,1,skipsum,False,prelu,0.0,max,adam,0.001,399,0.2283,0.0055,135361.0,0.0323,0.0019,0.9632,0.0015,,,,,,,,
-act,nx,scalefree,node,True,node_onehot,node_pagerank,64,3,8,1,skipsum,False,relu,0.0,max,adam,0.001,399,0.2627,0.0157,135360.0,0.0445,0.0021,0.9513,0.0058,,,,,,,,
-act,nx,scalefree,node,True,node_onehot,node_pagerank,64,3,8,1,skipsum,False,swish,0.0,max,adam,0.001,399,0.24,0.0046,135360.0,0.0348,0.0003,0.9592,0.0017,,,,,,,,
-act,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,16,3,6,1,skipconcat,False,prelu,0.6,max,sgd,0.1,199,1.1109,0.0077,137034.0,0.0179,0.0034,0.5106,0.007,,,,,,,,
-act,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,16,3,6,1,skipconcat,False,relu,0.6,max,sgd,0.1,199,1.2283,0.0083,137033.0,0.019,0.0029,0.464,0.0043,,,,,,,,
-act,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,16,3,6,1,skipconcat,False,swish,0.6,max,sgd,0.1,199,1.2046,0.0048,137033.0,0.0193,0.0051,0.4676,0.0017,,,,,,,,
-act,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,32,2,6,3,stack,False,prelu,0.6,max,sgd,0.01,199,1.5657,0.0031,134921.0,0.024,0.0028,0.2837,0.0054,,,,,,,,
-act,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,32,2,6,3,stack,False,relu,0.6,max,sgd,0.01,199,1.5676,0.0017,134920.0,0.019,0.0015,0.2813,0.0053,,,,,,,,
-act,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,32,2,6,3,stack,False,swish,0.6,max,sgd,0.01,199,1.5659,0.0029,134920.0,0.0233,0.0067,0.2893,0.0055,,,,,,,,
-act,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,32,2,8,2,stack,True,prelu,0.6,mean,adam,0.001,199,1.4093,0.006,134298.0,0.0781,0.0027,0.3755,0.0049,,,,,,,,
-act,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,32,2,8,2,stack,True,relu,0.6,mean,adam,0.001,199,1.4079,0.0093,134297.0,0.0327,0.0009,0.3793,0.0083,,,,,,,,
-act,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,32,2,8,2,stack,True,swish,0.6,mean,adam,0.001,199,1.3802,0.0051,134297.0,0.0548,0.0022,0.395,0.005,,,,,,,,
-act,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,64,2,8,2,skipsum,False,prelu,0.6,max,sgd,0.001,99,1.5962,0.0015,135361.0,0.1026,0.0181,0.2499,0.0031,,,,,,,,
-act,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,64,2,8,2,skipsum,False,relu,0.6,max,sgd,0.001,99,1.5966,0.0005,135360.0,0.0254,0.0032,0.2492,0.002,,,,,,,,
-act,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,64,2,8,2,skipsum,False,swish,0.6,max,sgd,0.001,99,1.5911,0.0013,135360.0,0.0343,0.0052,0.2528,0.0025,,,,,,,,
-act,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,16,3,4,2,stack,False,prelu,0.3,mean,adam,0.01,99,1.6054,0.001,134677.0,0.0168,0.001,0.2435,0.0359,,,,,,,,
-act,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,16,3,4,2,stack,False,relu,0.3,mean,adam,0.01,99,1.6052,0.0012,134676.0,0.044,0.0032,0.219,0.0023,,,,,,,,
-act,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,16,3,4,2,stack,False,swish,0.3,mean,adam,0.01,99,1.6051,0.001,134676.0,0.041,0.0066,0.219,0.0023,,,,,,,,
-act,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,1,2,3,skipsum,True,prelu,0.0,max,sgd,0.01,399,0.0601,0.0086,134286.0,0.0204,0.0008,0.9837,0.0023,,,,,,,,
-act,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,1,2,3,skipsum,True,relu,0.0,max,sgd,0.01,399,0.0527,0.0131,134285.0,0.0373,0.0011,0.9951,0.004,,,,,,,,
-act,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,1,2,3,skipsum,True,swish,0.0,max,sgd,0.01,399,0.0525,0.0081,134285.0,0.0234,0.0012,0.9886,0.0061,,,,,,,,
-act,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,1,4,2,stack,False,prelu,0.6,max,adam,0.001,199,0.7562,0.021,134790.0,0.0233,0.0015,0.6634,0.0405,,,,,,,,
-act,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,1,4,2,stack,False,relu,0.6,max,adam,0.001,199,0.8614,0.0318,134789.0,0.0207,0.0016,0.5898,0.0359,,,,,,,,
-act,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,1,4,2,stack,False,swish,0.6,max,adam,0.001,199,0.6666,0.0762,134789.0,0.0457,0.0035,0.7173,0.0552,,,,,,,,
-act,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,2,6,2,skipsum,False,prelu,0.0,mean,sgd,0.1,199,,,134278.0,0.03,0.0074,0.1912,0.0212,,,,,,,,
-act,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,2,6,2,skipsum,False,relu,0.0,mean,sgd,0.1,199,1.6054,0.0013,134277.0,0.0313,0.0048,0.2157,0.004,,,,,,,,
-act,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,2,6,2,skipsum,False,swish,0.0,mean,sgd,0.1,199,1.6054,0.0013,134277.0,0.0514,0.0078,0.2157,0.004,,,,,,,,
-act,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,2,6,2,stack,True,prelu,0.6,add,adam,0.01,199,0.3184,0.0226,135430.0,0.0371,0.0022,0.8922,0.0106,,,,,,,,
-act,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,2,6,2,stack,True,relu,0.6,add,adam,0.01,199,0.3402,0.0285,135429.0,0.0395,0.0049,0.8693,0.0167,,,,,,,,
-act,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,2,6,2,stack,True,swish,0.6,add,adam,0.01,199,0.3587,0.0307,135429.0,0.0379,0.0129,0.8644,0.0162,,,,,,,,
-act,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,2,6,3,skipsum,True,prelu,0.0,mean,sgd,0.1,199,0.3492,0.0535,133926.0,0.028,0.0019,0.8823,0.0446,,,,,,,,
-act,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,2,6,3,skipsum,True,relu,0.0,mean,sgd,0.1,199,0.402,0.019,133925.0,0.0332,0.0034,0.8562,0.0181,,,,,,,,
-act,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,2,6,3,skipsum,True,swish,0.0,mean,sgd,0.1,199,0.4482,0.0296,133925.0,0.0374,0.003,0.8268,0.03,,,,,,,,
-act,nx,smallworld,graph,True,node_const,graph_path_len,16,1,4,3,stack,False,prelu,0.3,max,sgd,0.1,199,,,134834.0,0.0478,0.0012,0.1912,0.0212,,,,,,,,
-act,nx,smallworld,graph,True,node_const,graph_path_len,16,1,4,3,stack,False,relu,0.3,max,sgd,0.1,199,,,134833.0,0.0127,0.003,0.2124,0.0083,,,,,,,,
-act,nx,smallworld,graph,True,node_const,graph_path_len,16,1,4,3,stack,False,swish,0.3,max,sgd,0.1,199,,,134833.0,0.0124,0.0015,0.1912,0.0212,,,,,,,,
-act,nx,smallworld,graph,True,node_const,graph_path_len,16,2,4,2,skipconcat,False,prelu,0.3,mean,adam,0.1,399,1.6069,0.0027,136829.0,0.0164,0.0032,0.1977,0.0266,,,,,,,,
-act,nx,smallworld,graph,True,node_const,graph_path_len,16,2,4,2,skipconcat,False,relu,0.3,mean,adam,0.1,399,1.6052,0.0012,136828.0,0.0174,0.0018,0.219,0.0023,,,,,,,,
-act,nx,smallworld,graph,True,node_const,graph_path_len,16,2,4,2,skipconcat,False,swish,0.3,mean,adam,0.1,399,1.6052,0.0012,136828.0,0.0163,0.0018,0.219,0.0023,,,,,,,,
-act,nx,smallworld,graph,True,node_const,graph_path_len,32,3,8,2,skipsum,True,prelu,0.6,mean,sgd,0.1,399,0.8147,0.033,135057.0,0.0282,0.0024,0.634,0.0311,,,,,,,,
-act,nx,smallworld,graph,True,node_const,graph_path_len,32,3,8,2,skipsum,True,relu,0.6,mean,sgd,0.1,399,0.8424,0.0904,135056.0,0.0269,0.0023,0.6242,0.0608,,,,,,,,
-act,nx,smallworld,graph,True,node_const,graph_path_len,32,3,8,2,skipsum,True,swish,0.6,mean,sgd,0.1,399,0.763,0.0499,135056.0,0.0218,0.0005,0.6651,0.026,,,,,,,,
-act,nx,smallworld,graph,True,node_const,graph_path_len,64,2,8,3,skipsum,False,prelu,0.3,mean,sgd,0.1,199,,,133749.0,0.0316,0.0011,0.1912,0.0212,,,,,,,,
-act,nx,smallworld,graph,True,node_const,graph_path_len,64,2,8,3,skipsum,False,relu,0.3,mean,sgd,0.1,199,1.6054,0.0011,133748.0,0.0394,0.002,0.2173,0.0023,,,,,,,,
-act,nx,smallworld,graph,True,node_const,graph_path_len,64,2,8,3,skipsum,False,swish,0.3,mean,sgd,0.1,199,,,133748.0,0.033,0.0073,0.1912,0.0212,,,,,,,,
-act,nx,smallworld,graph,True,node_const,graph_path_len,64,3,8,1,skipconcat,False,prelu,0.6,max,sgd,0.01,99,0.9367,0.0174,136237.0,0.0283,0.0026,0.5457,0.0189,,,,,,,,
-act,nx,smallworld,graph,True,node_const,graph_path_len,64,3,8,1,skipconcat,False,relu,0.6,max,sgd,0.01,99,0.8891,0.0235,136236.0,0.0348,0.0113,0.5686,0.0183,,,,,,,,
-act,nx,smallworld,graph,True,node_const,graph_path_len,64,3,8,1,skipconcat,False,swish,0.6,max,sgd,0.01,99,0.9182,0.0401,136236.0,0.0314,0.0036,0.531,0.0281,,,,,,,,
-act,nx,smallworld,graph,True,node_onehot,graph_path_len,16,3,2,2,skipconcat,False,prelu,0.0,max,sgd,0.01,99,,,135030.0,0.0157,0.0009,0.1912,0.0212,,,,,,,,
-act,nx,smallworld,graph,True,node_onehot,graph_path_len,16,3,2,2,skipconcat,False,relu,0.0,max,sgd,0.01,99,1.6052,0.0012,135029.0,0.0356,0.0011,0.219,0.0023,,,,,,,,
-act,nx,smallworld,graph,True,node_onehot,graph_path_len,16,3,2,2,skipconcat,False,swish,0.0,max,sgd,0.01,99,1.6051,0.0012,135029.0,0.0111,0.0022,0.219,0.0023,,,,,,,,
-act,nx,smallworld,graph,True,node_onehot,graph_path_len,16,3,8,2,skipsum,True,prelu,0.3,mean,adam,0.1,199,1.0438,0.01,135057.0,0.0367,0.0016,0.5163,0.0189,,,,,,,,
-act,nx,smallworld,graph,True,node_onehot,graph_path_len,16,3,8,2,skipsum,True,relu,0.3,mean,adam,0.1,199,1.1145,0.0081,135056.0,0.0269,0.0012,0.4984,0.0129,,,,,,,,
-act,nx,smallworld,graph,True,node_onehot,graph_path_len,16,3,8,2,skipsum,True,swish,0.3,mean,adam,0.1,199,0.9393,0.055,135056.0,0.0453,0.0033,0.5849,0.0345,,,,,,,,
-act,nx,smallworld,graph,True,node_onehot,graph_path_len,32,1,6,3,skipconcat,False,prelu,0.0,max,sgd,0.001,199,0.6586,0.1098,139848.0,0.0213,0.0027,0.7255,0.0747,,,,,,,,
-act,nx,smallworld,graph,True,node_onehot,graph_path_len,32,1,6,3,skipconcat,False,relu,0.0,max,sgd,0.001,199,0.6677,0.1116,139847.0,0.0512,0.0028,0.7222,0.0778,,,,,,,,
-act,nx,smallworld,graph,True,node_onehot,graph_path_len,32,1,6,3,skipconcat,False,swish,0.0,max,sgd,0.001,199,0.8031,0.0517,139847.0,0.0171,0.0043,0.6569,0.0661,,,,,,,,
-act,nx,smallworld,graph,True,node_pagerank,graph_path_len,32,3,6,3,stack,True,prelu,0.3,add,sgd,0.001,199,0.6208,0.0593,134298.0,0.0689,0.0076,0.7337,0.0281,,,,,,,,
-act,nx,smallworld,graph,True,node_pagerank,graph_path_len,32,3,6,3,stack,True,relu,0.3,add,sgd,0.001,199,0.6164,0.0642,134297.0,0.0233,0.0025,0.7402,0.0302,,,,,,,,
-act,nx,smallworld,graph,True,node_pagerank,graph_path_len,32,3,6,3,stack,True,swish,0.3,add,sgd,0.001,199,0.6432,0.0668,134297.0,0.0191,0.0015,0.7222,0.0441,,,,,,,,
-act,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,16,1,4,3,skipconcat,True,prelu,0.6,add,sgd,0.1,99,0.8689,0.0158,135648.0,0.0571,0.0037,0.6211,0.0075,,,,,,,,
-act,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,16,1,4,3,skipconcat,True,relu,0.6,add,sgd,0.1,99,0.8842,0.0109,135647.0,0.016,0.0027,0.6122,0.0059,,,,,,,,
-act,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,16,1,4,3,skipconcat,True,swish,0.6,add,sgd,0.1,99,0.8909,0.0107,135647.0,0.048,0.0065,0.6067,0.0038,,,,,,,,
-act,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,16,3,2,3,stack,True,prelu,0.3,mean,adam,0.001,399,1.4138,0.0079,134070.0,0.0167,0.001,0.3851,0.004,,,,,,,,
-act,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,16,3,2,3,stack,True,relu,0.3,mean,adam,0.001,399,1.4165,0.0032,134069.0,0.0133,0.0009,0.3873,0.0036,,,,,,,,
-act,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,16,3,2,3,stack,True,swish,0.3,mean,adam,0.001,399,1.4469,0.0005,134069.0,0.0153,0.0019,0.3686,0.0005,,,,,,,,
-act,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,64,1,8,3,stack,True,prelu,0.3,max,adam,0.01,199,1.2242,0.0086,134298.0,0.0403,0.0047,0.4718,0.0023,,,,,,,,
-act,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,64,1,8,3,stack,True,relu,0.3,max,adam,0.01,199,1.3334,0.0061,134297.0,0.0685,0.0018,0.4296,0.0035,,,,,,,,
-act,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,64,1,8,3,stack,True,swish,0.3,max,adam,0.01,199,1.2254,0.0026,134297.0,0.0379,0.0046,0.4698,0.0006,,,,,,,,
-act,nx,smallworld,node,True,node_const,node_clustering_coefficient,16,1,2,1,stack,True,prelu,0.3,max,sgd,0.001,99,1.587,0.0013,134626.0,0.0109,0.0006,0.2685,0.0037,,,,,,,,
-act,nx,smallworld,node,True,node_const,node_clustering_coefficient,16,1,2,1,stack,True,relu,0.3,max,sgd,0.001,99,1.6027,0.0013,134625.0,0.0313,0.004,0.2368,0.0004,,,,,,,,
-act,nx,smallworld,node,True,node_const,node_clustering_coefficient,16,1,2,1,stack,True,swish,0.3,max,sgd,0.001,99,1.5979,0.0022,134625.0,0.0295,0.0011,0.2455,0.0063,,,,,,,,
-act,nx,smallworld,node,True,node_const,node_clustering_coefficient,64,1,2,1,skipsum,True,prelu,0.0,max,sgd,0.01,99,1.6049,0.0003,134626.0,0.0269,0.0063,0.233,0.0015,,,,,,,,
-act,nx,smallworld,node,True,node_const,node_clustering_coefficient,64,1,2,1,skipsum,True,relu,0.0,max,sgd,0.01,99,1.6048,0.0003,134625.0,0.0539,0.0031,0.233,0.0015,,,,,,,,
-act,nx,smallworld,node,True,node_const,node_clustering_coefficient,64,1,2,1,skipsum,True,swish,0.0,max,sgd,0.01,99,1.6048,0.0003,134625.0,0.029,0.0065,0.233,0.0015,,,,,,,,
-act,nx,smallworld,node,True,node_const,node_pagerank,16,2,6,3,skipsum,False,prelu,0.3,add,sgd,0.001,99,1.6103,0.003,134921.0,0.0632,0.0031,0.2129,0.0112,,,,,,,,
-act,nx,smallworld,node,True,node_const,node_pagerank,16,2,6,3,skipsum,False,relu,0.3,add,sgd,0.001,99,1.6107,0.0017,134920.0,0.0148,0.0026,0.2111,0.0065,,,,,,,,
-act,nx,smallworld,node,True,node_const,node_pagerank,16,2,6,3,skipsum,False,swish,0.3,add,sgd,0.001,99,1.6091,0.0012,134920.0,0.0157,0.0018,0.2114,0.0051,,,,,,,,
-act,nx,smallworld,node,True,node_const,node_pagerank,16,3,8,3,skipconcat,False,prelu,0.0,mean,sgd,0.1,99,1.6094,0.0,137416.0,0.085,0.005,0.2025,0.0005,,,,,,,,
-act,nx,smallworld,node,True,node_const,node_pagerank,16,3,8,3,skipconcat,False,relu,0.0,mean,sgd,0.1,99,1.6094,0.0,137415.0,0.0158,0.0015,0.2025,0.0005,,,,,,,,
-act,nx,smallworld,node,True,node_const,node_pagerank,16,3,8,3,skipconcat,False,swish,0.0,mean,sgd,0.1,99,1.6094,0.0,137415.0,0.0222,0.0002,0.2025,0.0005,,,,,,,,
-act,nx,smallworld,node,True,node_const,node_pagerank,64,1,2,3,skipsum,False,prelu,0.3,add,adam,0.1,399,1.2549,0.1148,134851.0,0.0273,0.0068,0.4543,0.058,,,,,,,,
-act,nx,smallworld,node,True,node_const,node_pagerank,64,1,2,3,skipsum,False,relu,0.3,add,adam,0.1,399,1.6094,0.0,134850.0,0.0321,0.0112,0.2025,0.0005,,,,,,,,
-act,nx,smallworld,node,True,node_const,node_pagerank,64,1,2,3,skipsum,False,swish,0.3,add,adam,0.1,399,1.2767,0.1739,134850.0,0.0265,0.0083,0.4474,0.0611,,,,,,,,
-act,nx,smallworld,node,True,node_const,node_pagerank,64,3,2,2,skipconcat,True,prelu,0.0,mean,adam,0.001,199,1.6076,0.0008,135806.0,0.0312,0.0017,0.229,0.0097,,,,,,,,
-act,nx,smallworld,node,True,node_const,node_pagerank,64,3,2,2,skipconcat,True,relu,0.0,mean,adam,0.001,199,1.6085,0.0008,135805.0,0.026,0.0029,0.2121,0.0048,,,,,,,,
-act,nx,smallworld,node,True,node_const,node_pagerank,64,3,2,2,skipconcat,True,swish,0.0,mean,adam,0.001,199,1.6095,0.0,135805.0,0.034,0.0004,0.2042,0.0027,,,,,,,,
-act,nx,smallworld,node,True,node_const,node_pagerank,64,3,6,3,skipsum,False,prelu,0.3,add,sgd,0.01,399,1.5902,0.0018,135361.0,0.0299,0.0037,0.2426,0.0006,,,,,,,,
-act,nx,smallworld,node,True,node_const,node_pagerank,64,3,6,3,skipsum,False,relu,0.3,add,sgd,0.01,399,1.5933,0.003,135360.0,0.0259,0.0033,0.2394,0.0018,,,,,,,,
-act,nx,smallworld,node,True,node_const,node_pagerank,64,3,6,3,skipsum,False,swish,0.3,add,sgd,0.01,399,1.5843,0.0002,135360.0,0.0459,0.002,0.2475,0.0032,,,,,,,,
-act,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,64,2,6,2,stack,True,prelu,0.6,max,sgd,0.001,399,1.7343,0.013,135430.0,0.0782,0.0025,0.2151,0.0018,,,,,,,,
-act,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,64,2,6,2,stack,True,relu,0.6,max,sgd,0.001,399,1.7561,0.0213,135429.0,0.0341,0.0047,0.2237,0.0051,,,,,,,,
-act,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,64,2,6,2,stack,True,swish,0.6,max,sgd,0.001,399,1.731,0.0215,135429.0,0.0699,0.0067,0.2167,0.0021,,,,,,,,
-act,nx,smallworld,node,True,node_onehot,node_pagerank,16,1,2,2,skipsum,True,prelu,0.6,mean,sgd,0.01,199,1.6049,0.0001,134790.0,0.0116,0.0011,0.2243,0.0023,,,,,,,,
-act,nx,smallworld,node,True,node_onehot,node_pagerank,16,1,2,2,skipsum,True,relu,0.6,mean,sgd,0.01,199,1.605,0.0004,134789.0,0.0339,0.0023,0.2234,0.0014,,,,,,,,
-act,nx,smallworld,node,True,node_onehot,node_pagerank,16,1,2,2,skipsum,True,swish,0.6,mean,sgd,0.01,199,1.603,0.0002,134789.0,0.0119,0.0007,0.2275,0.0038,,,,,,,,
-act,nx,smallworld,node,True,node_onehot,node_pagerank,64,1,4,2,skipconcat,False,prelu,0.3,mean,sgd,0.01,199,1.6094,0.0007,137398.0,0.0243,0.0026,0.2072,0.002,,,,,,,,
-act,nx,smallworld,node,True,node_onehot,node_pagerank,64,1,4,2,skipconcat,False,relu,0.3,mean,sgd,0.01,199,1.6093,0.0007,137397.0,0.0248,0.0076,0.2062,0.0013,,,,,,,,
-act,nx,smallworld,node,True,node_onehot,node_pagerank,64,1,4,2,skipconcat,False,swish,0.3,mean,sgd,0.01,199,1.6099,0.0003,137397.0,0.0224,0.0022,0.2054,0.0008,,,,,,,,
-act,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,16,1,2,1,skipconcat,True,prelu,0.6,add,sgd,0.001,199,1.45,0.0091,136454.0,0.0576,0.0033,0.4107,0.0004,,,,,,,,
-act,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,16,1,2,1,skipconcat,True,relu,0.6,add,sgd,0.001,199,1.4968,0.006,136453.0,0.0112,0.0006,0.4,0.0057,,,,,,,,
-act,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,16,1,2,1,skipconcat,True,swish,0.6,add,sgd,0.001,199,1.4734,0.0059,136453.0,0.0113,0.002,0.4093,0.0053,,,,,,,,
-act,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,16,3,8,1,stack,False,prelu,0.0,max,sgd,0.01,399,1.0182,0.0086,135361.0,0.0744,0.0114,0.5596,0.0065,,,,,,,,
-act,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,16,3,8,1,stack,False,relu,0.0,max,sgd,0.01,399,1.0564,0.0064,135360.0,0.0386,0.0052,0.5429,0.005,,,,,,,,
-act,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,16,3,8,1,stack,False,swish,0.0,max,sgd,0.01,399,1.6048,0.0003,135360.0,0.0158,0.0011,0.233,0.0015,,,,,,,,
-act,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,32,2,4,1,skipsum,False,prelu,0.6,max,adam,0.1,199,1.5575,0.0149,134790.0,0.0485,0.0006,0.2977,0.0157,,,,,,,,
-act,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,32,2,4,1,skipsum,False,relu,0.6,max,adam,0.1,199,1.5836,0.0111,134789.0,0.0165,0.0024,0.2692,0.0135,,,,,,,,
-act,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,32,2,4,1,skipsum,False,swish,0.6,max,adam,0.1,199,1.5846,0.0049,134789.0,0.042,0.0021,0.2689,0.0061,,,,,,,,
-act,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,32,3,2,1,stack,True,prelu,0.0,mean,sgd,0.1,199,1.0436,0.0102,134286.0,0.0164,0.0011,0.551,0.0043,,,,,,,,
-act,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,32,3,2,1,stack,True,relu,0.0,mean,sgd,0.1,199,1.0248,0.0075,134285.0,0.0191,0.0043,0.5625,0.0034,,,,,,,,
-act,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,32,3,2,1,stack,True,swish,0.0,mean,sgd,0.1,199,1.0947,0.0071,134285.0,0.0195,0.002,0.5246,0.0027,,,,,,,,
-act,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,64,2,2,2,stack,True,prelu,0.0,mean,sgd,0.001,199,1.094,0.0059,134286.0,0.0277,0.0019,0.5242,0.0052,,,,,,,,
-act,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,64,2,2,2,stack,True,relu,0.0,mean,sgd,0.001,199,1.0748,0.0053,134285.0,0.0264,0.0044,0.5388,0.0034,,,,,,,,
-act,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,64,2,2,2,stack,True,swish,0.0,mean,sgd,0.001,199,1.1213,0.0046,134285.0,0.0691,0.0166,0.5118,0.0036,,,,,,,,
-agg,PyG,AmazonComputers,node,True,,,64,1,4,3,skipsum,True,prelu,0.0,add,sgd,0.1,99,0.2243,0.0196,248503.0,0.2199,0.0314,0.9313,0.0058,,,,,,,,
-agg,PyG,AmazonComputers,node,True,,,64,1,4,3,skipsum,True,prelu,0.0,max,sgd,0.1,99,0.0917,0.0006,248503.0,0.1968,0.07,0.977,0.0009,,,,,,,,
-agg,PyG,AmazonComputers,node,True,,,64,1,4,3,skipsum,True,prelu,0.0,mean,sgd,0.1,99,0.1772,0.0035,248503.0,0.2708,0.0072,0.9447,0.0017,,,,,,,,
-agg,PyG,AmazonComputers,node,True,,,64,3,4,1,skipsum,False,prelu,0.3,add,adam,0.001,399,0.9576,0.0531,250033.0,0.1832,0.0123,0.7282,0.0213,,,,,,,,
-agg,PyG,AmazonComputers,node,True,,,64,3,4,1,skipsum,False,prelu,0.3,max,adam,0.001,399,0.6374,0.0058,250033.0,0.1684,0.0149,0.8819,0.0061,,,,,,,,
-agg,PyG,AmazonComputers,node,True,,,64,3,4,1,skipsum,False,prelu,0.3,mean,adam,0.001,399,0.4973,0.0046,250033.0,0.132,0.0114,0.9064,0.0075,,,,,,,,
-agg,PyG,AmazonComputers,node,True,,,64,3,4,3,skipsum,False,relu,0.3,add,sgd,0.01,199,1.8514,0.0266,234532.0,0.1103,0.0034,0.3767,0.0023,,,,,,,,
-agg,PyG,AmazonComputers,node,True,,,64,3,4,3,skipsum,False,relu,0.3,max,sgd,0.01,199,1.8876,0.0016,234532.0,0.1848,0.0317,0.3764,0.0019,,,,,,,,
-agg,PyG,AmazonComputers,node,True,,,64,3,4,3,skipsum,False,relu,0.3,mean,sgd,0.01,199,1.8778,0.0069,234532.0,0.0881,0.0191,0.3763,0.0019,,,,,,,,
-agg,PyG,AmazonComputers,node,True,,,64,3,6,1,skipsum,True,relu,0.0,add,sgd,0.01,99,1.6944,0.0006,232842.0,0.2676,0.0252,0.4304,0.0038,,,,,,,,
-agg,PyG,AmazonComputers,node,True,,,64,3,6,1,skipsum,True,relu,0.0,max,sgd,0.01,99,1.527,0.002,232842.0,0.2856,0.0602,0.5369,0.0094,,,,,,,,
-agg,PyG,AmazonComputers,node,True,,,64,3,6,1,skipsum,True,relu,0.0,mean,sgd,0.01,99,1.4054,0.0167,232842.0,0.2191,0.0157,0.6595,0.0106,,,,,,,,
-agg,PyG,AmazonComputers,node,True,,,64,3,6,3,skipconcat,False,relu,0.3,add,adam,0.001,399,1.4702,0.0466,169126.0,0.1457,0.0251,0.4835,0.0215,,,,,,,,
-agg,PyG,AmazonComputers,node,True,,,64,3,6,3,skipconcat,False,relu,0.3,max,adam,0.001,399,0.7561,0.0194,169126.0,0.197,0.0289,0.7376,0.0047,,,,,,,,
-agg,PyG,AmazonComputers,node,True,,,64,3,6,3,skipconcat,False,relu,0.3,mean,adam,0.001,399,0.3626,0.0075,169126.0,0.131,0.0252,0.8884,0.0064,,,,,,,,
-agg,PyG,AmazonPhoto,node,True,,,16,1,2,1,skipsum,False,swish,0.6,add,sgd,0.001,399,1.9494,0.0086,326398.0,0.1004,0.0217,0.2953,0.016,,,,,,,,
-agg,PyG,AmazonPhoto,node,True,,,16,1,2,1,skipsum,False,swish,0.6,max,sgd,0.001,399,2.0015,0.0067,326398.0,0.053,0.0028,0.2467,0.0047,,,,,,,,
-agg,PyG,AmazonPhoto,node,True,,,16,1,2,1,skipsum,False,swish,0.6,mean,sgd,0.001,399,1.9664,0.0065,326398.0,0.0714,0.0378,0.2735,0.0137,,,,,,,,
-agg,PyG,AmazonPhoto,node,True,,,16,1,6,3,skipconcat,True,prelu,0.6,add,sgd,0.1,399,0.1849,0.0046,166235.0,0.0584,0.0074,0.943,0.0017,,,,,,,,
-agg,PyG,AmazonPhoto,node,True,,,16,1,6,3,skipconcat,True,prelu,0.6,max,sgd,0.1,399,0.1965,0.0014,166235.0,0.0547,0.0031,0.943,0.0019,,,,,,,,
-agg,PyG,AmazonPhoto,node,True,,,16,1,6,3,skipconcat,True,prelu,0.6,mean,sgd,0.1,399,0.1638,0.0036,166235.0,0.14,0.0201,0.9553,0.0008,,,,,,,,
-agg,PyG,AmazonPhoto,node,True,,,32,2,4,3,stack,True,swish,0.3,add,sgd,0.1,399,0.3554,0.0159,236744.0,0.0576,0.0047,0.8834,0.006,,,,,,,,
-agg,PyG,AmazonPhoto,node,True,,,32,2,4,3,stack,True,swish,0.3,max,sgd,0.1,399,0.2743,0.0059,236744.0,0.1482,0.0216,0.9144,0.0017,,,,,,,,
-agg,PyG,AmazonPhoto,node,True,,,32,2,4,3,stack,True,swish,0.3,mean,sgd,0.1,399,0.2044,0.0075,236744.0,0.0663,0.0146,0.9379,0.0033,,,,,,,,
-agg,PyG,CiteSeer,node,True,,,16,3,6,1,stack,True,swish,0.6,add,adam,0.01,199,1.0744,0.0503,608134.0,0.0689,0.0048,0.6326,0.0287,,,,,,,,
-agg,PyG,CiteSeer,node,True,,,16,3,6,1,stack,True,swish,0.6,max,adam,0.01,199,0.7441,0.0651,608134.0,0.1477,0.0357,0.7729,0.0295,,,,,,,,
-agg,PyG,CiteSeer,node,True,,,16,3,6,1,stack,True,swish,0.6,mean,adam,0.01,199,0.4624,0.0085,608134.0,0.1455,0.0484,0.8736,0.0025,,,,,,,,
-agg,PyG,CoauthorPhysics,node,True,,,16,2,6,1,skipconcat,True,relu,0.6,add,adam,0.001,99,0.8285,0.0087,794201.0,2.3178,0.1331,0.8979,0.0027,,,,,,,,
-agg,PyG,CoauthorPhysics,node,True,,,16,2,6,1,skipconcat,True,relu,0.6,max,adam,0.001,99,0.8974,0.0038,794201.0,1.9513,0.0402,0.9119,0.0065,,,,,,,,
-agg,PyG,CoauthorPhysics,node,True,,,16,2,6,1,skipconcat,True,relu,0.6,mean,adam,0.001,99,0.7588,0.0032,794201.0,2.1174,0.0905,0.9529,0.0006,,,,,,,,
-agg,PyG,CoauthorPhysics,node,True,,,16,3,2,3,skipsum,False,relu,0.6,add,adam,0.1,199,1.3593,0.0001,1388834.0,1.8921,0.1599,0.5056,0.0003,,,,,,,,
-agg,PyG,CoauthorPhysics,node,True,,,16,3,2,3,skipsum,False,relu,0.6,max,adam,0.1,199,1.1273,0.1787,1388834.0,2.2128,0.0476,0.5375,0.045,,,,,,,,
-agg,PyG,CoauthorPhysics,node,True,,,16,3,2,3,skipsum,False,relu,0.6,mean,adam,0.1,199,1.3593,0.0001,1388834.0,1.8158,0.1081,0.5056,0.0003,,,,,,,,
-agg,PyG,CoauthorPhysics,node,True,,,32,1,8,3,skipsum,False,relu,0.0,add,adam,0.01,99,1.3556,0.0039,1101820.0,1.7287,0.0827,0.5056,0.0003,,,,,,,,
-agg,PyG,CoauthorPhysics,node,True,,,32,1,8,3,skipsum,False,relu,0.0,max,adam,0.01,99,0.4929,0.0472,1101820.0,2.1177,0.125,0.796,0.0216,,,,,,,,
-agg,PyG,CoauthorPhysics,node,True,,,32,1,8,3,skipsum,False,relu,0.0,mean,adam,0.01,99,0.4113,0.1886,1101820.0,1.8604,0.0548,0.8629,0.0938,,,,,,,,
-agg,PyG,CoauthorPhysics,node,True,,,64,1,8,3,skipconcat,True,relu,0.0,add,adam,0.001,99,0.0225,0.0041,355217.0,2.0931,0.2096,0.9949,0.0012,,,,,,,,
-agg,PyG,CoauthorPhysics,node,True,,,64,1,8,3,skipconcat,True,relu,0.0,max,adam,0.001,99,0.0149,0.0021,355217.0,1.7859,0.0879,0.9988,0.0008,,,,,,,,
-agg,PyG,CoauthorPhysics,node,True,,,64,1,8,3,skipconcat,True,relu,0.0,mean,adam,0.001,99,0.0286,0.0035,355217.0,2.345,0.5145,0.9933,0.0014,,,,,,,,
-agg,PyG,CoauthorPhysics,node,True,,,64,1,8,3,skipconcat,True,swish,0.0,add,adam,0.01,99,0.0483,0.0061,355217.0,1.5642,0.0191,0.9863,0.0025,,,,,,,,
-agg,PyG,CoauthorPhysics,node,True,,,64,1,8,3,skipconcat,True,swish,0.0,max,adam,0.01,99,0.0676,0.0088,355217.0,2.1051,0.1616,0.9796,0.0034,,,,,,,,
-agg,PyG,CoauthorPhysics,node,True,,,64,1,8,3,skipconcat,True,swish,0.0,mean,adam,0.01,99,0.0897,0.0093,355217.0,1.8301,0.1383,0.9711,0.003,,,,,,,,
-agg,PyG,CoauthorPhysics,node,True,,,64,2,2,2,stack,False,swish,0.0,add,sgd,0.01,199,0.4167,0.0066,1665851.0,2.2043,0.0682,0.9287,0.0014,,,,,,,,
-agg,PyG,CoauthorPhysics,node,True,,,64,2,2,2,stack,False,swish,0.0,max,sgd,0.01,199,0.4647,0.0127,1665851.0,1.9908,0.2041,0.9022,0.001,,,,,,,,
-agg,PyG,CoauthorPhysics,node,True,,,64,2,2,2,stack,False,swish,0.0,mean,sgd,0.01,199,0.3426,0.0055,1665851.0,2.0306,0.0783,0.934,0.0012,,,,,,,,
-agg,PyG,Cora,node,True,,,16,2,8,1,stack,False,relu,0.6,add,sgd,0.01,99,1.844,0.0054,307226.0,0.0244,0.0049,0.303,0.0017,,,,,,,,
-agg,PyG,Cora,node,True,,,16,2,8,1,stack,False,relu,0.6,max,sgd,0.01,99,1.8508,0.0047,307226.0,0.0228,0.0014,0.3029,0.0025,,,,,,,,
-agg,PyG,Cora,node,True,,,16,2,8,1,stack,False,relu,0.6,mean,sgd,0.01,99,1.8435,0.0048,307226.0,0.0245,0.003,0.301,0.0025,,,,,,,,
-agg,PyG,Cora,node,True,,,16,3,8,2,skipsum,False,swish,0.3,add,sgd,0.01,99,1.8131,0.0164,292827.0,0.0257,0.0031,0.3041,0.0033,,,,,,,,
-agg,PyG,Cora,node,True,,,16,3,8,2,skipsum,False,swish,0.3,max,sgd,0.01,99,1.8238,0.0043,292827.0,0.0285,0.0033,0.3041,0.0029,,,,,,,,
-agg,PyG,Cora,node,True,,,16,3,8,2,skipsum,False,swish,0.3,mean,sgd,0.01,99,1.8336,0.0014,292827.0,0.0285,0.0019,0.3041,0.0029,,,,,,,,
-agg,PyG,Cora,node,True,,,32,2,4,1,stack,False,swish,0.6,add,adam,0.01,199,0.4473,0.0354,368550.0,0.0373,0.0016,0.8939,0.0093,,,,,,,,
-agg,PyG,Cora,node,True,,,32,2,4,1,stack,False,swish,0.6,max,adam,0.01,199,0.3696,0.0287,368550.0,0.0555,0.0168,0.9099,0.0049,,,,,,,,
-agg,PyG,Cora,node,True,,,32,2,4,1,stack,False,swish,0.6,mean,adam,0.01,199,0.1993,0.0057,368550.0,0.02,0.0007,0.9503,0.0018,,,,,,,,
-agg,PyG,TU_BZR,graph,False,,,64,3,8,1,skipconcat,True,swish,0.3,add,sgd,0.01,399,0.3635,0.0259,137235.0,0.0236,0.0015,0.8508,0.0089,0.8384,0.0267,0.3892,0.0244,0.5309,0.0219,0.857,0.0236
-agg,PyG,TU_BZR,graph,False,,,64,3,8,1,skipconcat,True,swish,0.3,max,sgd,0.01,399,0.416,0.0192,137235.0,0.0315,0.0009,0.823,0.0089,0.7979,0.0835,0.2511,0.0071,0.3814,0.0175,0.7956,0.0227
-agg,PyG,TU_BZR,graph,False,,,64,3,8,1,skipconcat,True,swish,0.3,mean,sgd,0.01,399,0.4029,0.0228,137235.0,0.0326,0.0057,0.8272,0.0153,0.7728,0.0579,0.2896,0.04,0.4204,0.0476,0.8118,0.0265
-agg,PyG,TU_COX2,graph,False,,,16,1,6,2,skipsum,False,prelu,0.0,add,adam,0.1,399,0.5221,0.0043,139382.0,0.0179,0.0013,0.7837,0.0033,0.0,0.0,0.0,0.0,0.0,0.0,0.5827,0.0176
-agg,PyG,TU_COX2,graph,False,,,16,1,6,2,skipsum,False,prelu,0.0,max,adam,0.1,399,0.5112,0.0112,139382.0,0.0167,0.0016,0.7837,0.0033,0.0,0.0,0.0,0.0,0.0,0.0,0.6135,0.0535
-agg,PyG,TU_COX2,graph,False,,,16,1,6,2,skipsum,False,prelu,0.0,mean,adam,0.1,399,0.5219,0.0042,139382.0,0.067,0.0213,0.7837,0.0033,0.0,0.0,0.0,0.0,0.0,0.0,0.5685,0.007
-agg,PyG,TU_COX2,graph,False,,,16,1,6,3,stack,False,relu,0.6,add,adam,0.001,99,0.5242,0.0042,138934.0,0.0359,0.0007,0.7837,0.0033,0.0,0.0,0.0,0.0,0.0,0.0,0.5057,0.0266
-agg,PyG,TU_COX2,graph,False,,,16,1,6,3,stack,False,relu,0.6,max,adam,0.001,99,0.5232,0.0042,138934.0,0.0304,0.0002,0.7837,0.0033,0.0,0.0,0.0,0.0,0.0,0.0,0.5134,0.0223
-agg,PyG,TU_COX2,graph,False,,,16,1,6,3,stack,False,relu,0.6,mean,adam,0.001,99,0.5235,0.005,138934.0,0.0146,0.0009,0.7837,0.0033,0.0,0.0,0.0,0.0,0.0,0.0,0.5104,0.0286
-agg,PyG,TU_COX2,graph,False,,,16,3,8,1,skipconcat,False,relu,0.0,add,adam,0.001,99,0.367,0.0429,135524.0,0.0177,0.0002,0.8508,0.0179,0.846,0.0423,0.3864,0.1313,0.5129,0.1295,0.8362,0.0511
-agg,PyG,TU_COX2,graph,False,,,16,3,8,1,skipconcat,False,relu,0.0,max,adam,0.001,99,0.3083,0.0307,135524.0,0.0173,0.0014,0.8731,0.0191,0.8065,0.0442,0.5417,0.0629,0.6474,0.0587,0.901,0.0206
-agg,PyG,TU_COX2,graph,False,,,16,3,8,1,skipconcat,False,relu,0.0,mean,adam,0.001,99,0.3789,0.0081,135524.0,0.0171,0.0006,0.8445,0.0079,0.8272,0.0194,0.3557,0.0261,0.497,0.0265,0.8287,0.0059
-agg,PyG,TU_COX2,graph,False,,,32,2,4,2,skipconcat,False,prelu,0.6,add,adam,0.001,99,0.523,0.0046,137069.0,0.0177,0.0024,0.7837,0.0033,0.0,0.0,0.0,0.0,0.0,0.0,0.5324,0.024
-agg,PyG,TU_COX2,graph,False,,,32,2,4,2,skipconcat,False,prelu,0.6,max,adam,0.001,99,0.5194,0.0055,137069.0,0.0198,0.0046,0.7837,0.0033,0.0,0.0,0.0,0.0,0.0,0.0,0.5592,0.0059
-agg,PyG,TU_COX2,graph,False,,,32,2,4,2,skipconcat,False,prelu,0.6,mean,adam,0.001,99,0.5203,0.0062,137069.0,0.0194,0.0014,0.7837,0.0033,0.0,0.0,0.0,0.0,0.0,0.0,0.5531,0.0197
-agg,PyG,TU_COX2,graph,False,,,64,3,6,3,stack,False,prelu,0.3,add,adam,0.1,199,0.5215,0.0032,137657.0,0.0871,0.0195,0.7837,0.0033,0.0,0.0,0.0,0.0,0.0,0.0,0.4936,0.0487
-agg,PyG,TU_COX2,graph,False,,,64,3,6,3,stack,False,prelu,0.3,max,adam,0.1,199,0.5217,0.0046,137657.0,0.0286,0.0021,0.7837,0.0033,0.0,0.0,0.0,0.0,0.0,0.0,0.5329,0.0268
-agg,PyG,TU_COX2,graph,False,,,64,3,6,3,stack,False,prelu,0.3,mean,adam,0.1,199,0.5222,0.0024,137657.0,0.0257,0.0032,0.7837,0.0033,0.0,0.0,0.0,0.0,0.0,0.0,0.5113,0.045
-agg,PyG,TU_DD,graph,False,,,16,3,4,1,skipconcat,False,prelu,0.6,add,adam,0.01,399,0.5283,0.0204,142907.0,0.0183,0.0023,0.7643,0.0148,0.7145,0.0201,0.7058,0.0173,0.7101,0.0186,0.8165,0.0149
-agg,PyG,TU_DD,graph,False,,,16,3,4,1,skipconcat,False,prelu,0.6,max,adam,0.01,399,0.5286,0.0083,142907.0,0.0171,0.0003,0.765,0.0071,0.7144,0.0124,0.7093,0.0036,0.7118,0.0076,0.8174,0.0063
-agg,PyG,TU_DD,graph,False,,,16,3,4,1,skipconcat,False,prelu,0.6,mean,adam,0.01,399,0.5457,0.0069,142907.0,0.0177,0.0002,0.7523,0.0044,0.698,0.008,0.6954,0.0105,0.6966,0.007,0.8059,0.0035
-agg,PyG,TU_DD,graph,False,,,64,2,6,1,skipsum,True,prelu,0.3,add,sgd,0.001,99,0.4998,0.001,145907.0,0.1842,0.0026,0.7537,0.0038,0.7464,0.0056,0.6029,0.0103,0.667,0.0058,0.8389,0.0025
-agg,PyG,TU_DD,graph,False,,,64,2,6,1,skipsum,True,prelu,0.3,max,sgd,0.001,99,0.5111,0.0074,145907.0,0.1822,0.0193,0.7473,0.0123,0.7399,0.0267,0.5916,0.0167,0.6571,0.0134,0.8275,0.0074
-agg,PyG,TU_DD,graph,False,,,64,2,6,1,skipsum,True,prelu,0.3,mean,sgd,0.001,99,0.5271,0.0029,145907.0,0.1446,0.0008,0.7435,0.0177,0.752,0.028,0.5571,0.0315,0.6396,0.0262,0.8151,0.0054
-agg,PyG,TU_ENZYMES,graph,False,,,16,3,4,2,skipconcat,False,relu,0.3,add,adam,0.001,199,1.1664,0.062,135906.0,0.0151,0.0014,0.5534,0.0224,,,,,,,,
-agg,PyG,TU_ENZYMES,graph,False,,,16,3,4,2,skipconcat,False,relu,0.3,max,adam,0.001,199,1.5487,0.05,135906.0,0.0124,0.0009,0.3843,0.0206,,,,,,,,
-agg,PyG,TU_ENZYMES,graph,False,,,16,3,4,2,skipconcat,False,relu,0.3,mean,adam,0.001,199,1.4077,0.0531,135906.0,0.0558,0.0132,0.4521,0.0392,,,,,,,,
-agg,PyG,TU_ENZYMES,graph,False,,,32,2,4,3,skipconcat,True,relu,0.0,add,sgd,0.01,199,0.0436,0.0123,137810.0,0.0135,0.0013,0.9916,0.0045,,,,,,,,
-agg,PyG,TU_ENZYMES,graph,False,,,32,2,4,3,skipconcat,True,relu,0.0,max,sgd,0.01,199,0.058,0.0097,137810.0,0.018,0.0024,0.9853,0.003,,,,,,,,
-agg,PyG,TU_ENZYMES,graph,False,,,32,2,4,3,skipconcat,True,relu,0.0,mean,sgd,0.01,199,0.1211,0.02,137810.0,0.0166,0.0027,0.9742,0.0108,,,,,,,,
-agg,PyG,TU_IMDB,graph,False,,,16,2,6,1,skipsum,False,prelu,0.0,add,sgd,0.01,199,1.0186,0.0026,134968.0,0.0483,0.0026,0.4797,0.0017,,,,,,,,
-agg,PyG,TU_IMDB,graph,False,,,16,2,6,1,skipsum,False,prelu,0.0,max,sgd,0.01,199,1.0964,0.0002,134968.0,0.0132,0.0003,0.3561,0.0045,,,,,,,,
-agg,PyG,TU_IMDB,graph,False,,,16,2,6,1,skipsum,False,prelu,0.0,mean,sgd,0.01,199,1.0964,0.0002,134968.0,0.0496,0.0046,0.3561,0.0045,,,,,,,,
-agg,PyG,TU_IMDB,graph,False,,,16,2,8,3,stack,True,relu,0.6,add,adam,0.001,199,1.0591,0.0125,133746.0,0.0419,0.0029,0.4333,0.0117,,,,,,,,
-agg,PyG,TU_IMDB,graph,False,,,16,2,8,3,stack,True,relu,0.6,max,adam,0.001,199,1.0811,0.0031,133746.0,0.021,0.0002,0.4011,0.0153,,,,,,,,
-agg,PyG,TU_IMDB,graph,False,,,16,2,8,3,stack,True,relu,0.6,mean,adam,0.001,199,1.0724,0.0012,133746.0,0.021,0.0018,0.413,0.0065,,,,,,,,
-agg,PyG,TU_IMDB,graph,False,,,16,3,2,1,skipsum,True,prelu,0.0,add,adam,0.01,99,1.0417,0.006,133582.0,0.0121,0.0006,0.4497,0.0084,,,,,,,,
-agg,PyG,TU_IMDB,graph,False,,,16,3,2,1,skipsum,True,prelu,0.0,max,adam,0.01,99,1.0965,0.0003,133582.0,0.0124,0.0007,0.3542,0.0058,,,,,,,,
-agg,PyG,TU_IMDB,graph,False,,,16,3,2,1,skipsum,True,prelu,0.0,mean,adam,0.01,99,1.0965,0.0003,133582.0,0.0136,0.0007,0.3542,0.0058,,,,,,,,
-agg,PyG,TU_IMDB,graph,False,,,64,1,4,1,skipsum,False,prelu,0.0,add,sgd,0.001,99,1.0557,0.0118,134138.0,0.0175,0.0008,0.455,0.0085,,,,,,,,
-agg,PyG,TU_IMDB,graph,False,,,64,1,4,1,skipsum,False,prelu,0.0,max,sgd,0.001,99,1.0965,0.0002,134138.0,0.0163,0.0006,0.3531,0.0133,,,,,,,,
-agg,PyG,TU_IMDB,graph,False,,,64,1,4,1,skipsum,False,prelu,0.0,mean,sgd,0.001,99,1.0965,0.0002,134138.0,0.0411,0.001,0.3531,0.0133,,,,,,,,
-agg,PyG,TU_PROTEINS,graph,False,,,16,1,4,1,skipconcat,True,prelu,0.0,add,adam,0.001,399,0.2256,0.0811,134322.0,0.0534,0.0027,0.9227,0.037,0.8953,0.0434,0.911,0.0507,0.903,0.0467,0.9698,0.0261
-agg,PyG,TU_PROTEINS,graph,False,,,16,1,4,1,skipconcat,True,prelu,0.0,max,adam,0.001,399,0.4009,0.0168,134322.0,0.0136,0.0015,0.8303,0.0075,0.778,0.0041,0.7989,0.0225,0.7881,0.0114,0.9,0.0078
-agg,PyG,TU_PROTEINS,graph,False,,,16,1,4,1,skipconcat,True,prelu,0.0,mean,adam,0.001,399,0.4759,0.0073,134322.0,0.0151,0.0009,0.7833,0.007,0.7244,0.0087,0.7298,0.018,0.727,0.0111,0.848,0.0055
-agg,PyG,TU_PROTEINS,graph,False,,,32,1,6,3,skipconcat,True,relu,0.3,add,sgd,0.001,99,0.542,0.0057,139333.0,0.0441,0.0015,0.7292,0.0051,0.6657,0.0049,0.6332,0.0093,0.649,0.0064,0.7933,0.0039
-agg,PyG,TU_PROTEINS,graph,False,,,32,1,6,3,skipconcat,True,relu,0.3,max,sgd,0.001,99,0.5484,0.0094,139333.0,0.0192,0.0007,0.7322,0.0075,0.6704,0.0093,0.6351,0.0133,0.6522,0.0101,0.7877,0.0096
-agg,PyG,TU_PROTEINS,graph,False,,,32,1,6,3,skipconcat,True,relu,0.3,mean,sgd,0.001,99,0.5516,0.0104,139333.0,0.0177,0.0005,0.7288,0.0123,0.6676,0.0147,0.6255,0.019,0.6459,0.0171,0.7842,0.0106
-agg,PyG,TU_PROTEINS,graph,False,,,32,3,8,3,stack,True,relu,0.6,add,adam,0.01,399,0.5339,0.0064,135451.0,0.0258,0.0011,0.7462,0.0014,0.706,0.0034,0.6139,0.0145,0.6567,0.0073,0.7918,0.0103
-agg,PyG,TU_PROTEINS,graph,False,,,32,3,8,3,stack,True,relu,0.6,max,adam,0.01,399,0.5466,0.0089,135451.0,0.0433,0.0025,0.7349,0.0132,0.705,0.0348,0.5718,0.0142,0.6306,0.0052,0.7808,0.0094
-agg,PyG,TU_PROTEINS,graph,False,,,32,3,8,3,stack,True,relu,0.6,mean,adam,0.01,399,0.5509,0.0094,135451.0,0.0275,0.0032,0.733,0.0119,0.7018,0.0278,0.568,0.0144,0.6273,0.0082,0.7788,0.0115
-agg,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,16,2,8,1,skipsum,True,prelu,0.6,add,sgd,0.01,199,0.5781,0.0811,133926.0,0.0228,0.0028,0.7729,0.0257,,,,,,,,
-agg,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,16,2,8,1,skipsum,True,prelu,0.6,max,sgd,0.01,199,0.5089,0.0358,133926.0,0.0274,0.0033,0.7729,0.035,,,,,,,,
-agg,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,16,2,8,1,skipsum,True,prelu,0.6,mean,sgd,0.01,199,0.6701,0.0737,133926.0,0.0206,0.001,0.7843,0.0212,,,,,,,,
-agg,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,64,1,8,3,stack,True,prelu,0.0,add,sgd,0.01,99,0.3704,0.0337,134298.0,0.0663,0.0023,0.8709,0.0185,,,,,,,,
-agg,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,64,1,8,3,stack,True,prelu,0.0,max,sgd,0.01,99,0.0382,0.024,134298.0,0.0304,0.0009,0.9935,0.0061,,,,,,,,
-agg,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,64,1,8,3,stack,True,prelu,0.0,mean,sgd,0.01,99,0.3884,0.0159,134298.0,0.0279,0.0011,0.8578,0.0175,,,,,,,,
-agg,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,64,2,4,2,stack,True,prelu,0.0,add,adam,0.1,99,0.3005,0.0481,134070.0,0.0259,0.0028,0.8905,0.0379,,,,,,,,
-agg,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,64,2,4,2,stack,True,prelu,0.0,max,adam,0.1,99,0.118,0.022,134070.0,0.0317,0.0024,0.9706,0.0106,,,,,,,,
-agg,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,64,2,4,2,stack,True,prelu,0.0,mean,adam,0.1,99,0.5149,0.0246,134070.0,0.06,0.0044,0.7778,0.0162,,,,,,,,
-agg,nx,scalefree,graph,True,node_onehot,graph_path_len,16,1,6,1,stack,False,relu,0.0,add,adam,0.1,399,1.6073,0.0014,134833.0,0.0124,0.0004,0.2157,0.0069,,,,,,,,
-agg,nx,scalefree,graph,True,node_onehot,graph_path_len,16,1,6,1,stack,False,relu,0.0,max,adam,0.1,399,1.6073,0.0014,134833.0,0.0136,0.0013,0.2157,0.0069,,,,,,,,
-agg,nx,scalefree,graph,True,node_onehot,graph_path_len,16,1,6,1,stack,False,relu,0.0,mean,adam,0.1,399,1.6073,0.0014,134833.0,0.0115,0.0005,0.2157,0.0069,,,,,,,,
-agg,nx,scalefree,graph,True,node_onehot,graph_path_len,16,1,8,2,stack,True,relu,0.0,add,adam,0.001,199,0.3161,0.0224,133925.0,0.038,0.0015,0.8857,0.0083,,,,,,,,
-agg,nx,scalefree,graph,True,node_onehot,graph_path_len,16,1,8,2,stack,True,relu,0.0,max,adam,0.001,199,0.0044,0.0021,133925.0,0.038,0.0019,1.0,0.0,,,,,,,,
-agg,nx,scalefree,graph,True,node_onehot,graph_path_len,16,1,8,2,stack,True,relu,0.0,mean,adam,0.001,199,0.022,0.0035,133925.0,0.019,0.0013,0.9918,0.0023,,,,,,,,
-agg,nx,scalefree,graph,True,node_onehot,graph_path_len,16,2,2,3,stack,False,prelu,0.0,add,adam,0.01,99,1.6073,0.0014,134790.0,0.0424,0.0006,0.2157,0.0069,,,,,,,,
-agg,nx,scalefree,graph,True,node_onehot,graph_path_len,16,2,2,3,stack,False,prelu,0.0,max,adam,0.01,99,1.6073,0.0013,134790.0,0.0137,0.0007,0.2157,0.0069,,,,,,,,
-agg,nx,scalefree,graph,True,node_onehot,graph_path_len,16,2,2,3,stack,False,prelu,0.0,mean,adam,0.01,99,1.6073,0.0014,134790.0,0.0512,0.0013,0.2157,0.0069,,,,,,,,
-agg,nx,scalefree,graph,True,node_pagerank,graph_path_len,16,3,4,2,stack,False,relu,0.6,add,adam,0.001,399,0.6945,0.0482,134676.0,0.0136,0.0003,0.6896,0.0141,,,,,,,,
-agg,nx,scalefree,graph,True,node_pagerank,graph_path_len,16,3,4,2,stack,False,relu,0.6,max,adam,0.001,399,0.8412,0.0786,134676.0,0.0322,0.0012,0.6046,0.0267,,,,,,,,
-agg,nx,scalefree,graph,True,node_pagerank,graph_path_len,16,3,4,2,stack,False,relu,0.6,mean,adam,0.001,399,0.6297,0.0395,134676.0,0.0198,0.0016,0.6863,0.025,,,,,,,,
-agg,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,16,2,4,1,skipconcat,False,relu,0.3,add,adam,0.001,99,0.3091,0.0124,137725.0,0.0454,0.0011,0.9058,0.0037,,,,,,,,
-agg,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,16,2,4,1,skipconcat,False,relu,0.3,max,adam,0.001,99,0.7407,0.0027,137725.0,0.0464,0.0011,0.7088,0.0019,,,,,,,,
-agg,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,16,2,4,1,skipconcat,False,relu,0.3,mean,adam,0.001,99,0.8572,0.0019,137725.0,0.0188,0.0016,0.6438,0.0005,,,,,,,,
-agg,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,64,3,2,2,skipsum,False,swish,0.0,add,sgd,0.001,399,1.3758,0.0182,134789.0,0.0226,0.0037,0.4848,0.0289,,,,,,,,
-agg,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,64,3,2,2,skipsum,False,swish,0.0,max,sgd,0.001,399,1.1632,0.0122,134789.0,0.0315,0.0051,0.572,0.0065,,,,,,,,
-agg,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,64,3,2,2,skipsum,False,swish,0.0,mean,sgd,0.001,399,1.1986,0.0058,134789.0,0.0222,0.0014,0.5468,0.003,,,,,,,,
-agg,nx,scalefree,node,True,node_const,node_clustering_coefficient,16,1,4,1,stack,True,relu,0.3,add,adam,0.1,199,1.0513,0.0147,134285.0,0.0148,0.0011,0.5198,0.006,,,,,,,,
-agg,nx,scalefree,node,True,node_const,node_clustering_coefficient,16,1,4,1,stack,True,relu,0.3,max,adam,0.1,199,1.154,0.0056,134285.0,0.0146,0.0011,0.4934,0.0032,,,,,,,,
-agg,nx,scalefree,node,True,node_const,node_clustering_coefficient,16,1,4,1,stack,True,relu,0.3,mean,adam,0.1,199,1.423,0.0085,134285.0,0.0147,0.0013,0.3771,0.0067,,,,,,,,
-agg,nx,scalefree,node,True,node_const,node_clustering_coefficient,16,3,2,1,skipconcat,False,relu,0.0,add,sgd,0.1,199,1.0978,0.0298,136247.0,0.0109,0.0012,0.4999,0.0147,,,,,,,,
-agg,nx,scalefree,node,True,node_const,node_clustering_coefficient,16,3,2,1,skipconcat,False,relu,0.0,max,sgd,0.1,199,1.5759,0.0006,136247.0,0.0124,0.0011,0.269,0.0005,,,,,,,,
-agg,nx,scalefree,node,True,node_const,node_clustering_coefficient,16,3,2,1,skipconcat,False,relu,0.0,mean,sgd,0.1,199,1.5759,0.0006,136247.0,0.0102,0.0007,0.269,0.0005,,,,,,,,
-agg,nx,scalefree,node,True,node_const,node_clustering_coefficient,32,1,4,2,skipconcat,False,relu,0.6,add,adam,0.001,399,1.005,0.0055,137397.0,0.0164,0.0018,0.5378,0.0003,,,,,,,,
-agg,nx,scalefree,node,True,node_const,node_clustering_coefficient,32,1,4,2,skipconcat,False,relu,0.6,max,adam,0.001,399,1.1653,0.0068,137397.0,0.0454,0.0038,0.4782,0.0026,,,,,,,,
-agg,nx,scalefree,node,True,node_const,node_clustering_coefficient,32,1,4,2,skipconcat,False,relu,0.6,mean,adam,0.001,399,1.2576,0.0031,137397.0,0.0174,0.0008,0.4527,0.0043,,,,,,,,
-agg,nx,scalefree,node,True,node_const,node_clustering_coefficient,32,2,2,2,skipsum,True,swish,0.6,add,adam,0.001,199,1.1194,0.0036,134285.0,0.0162,0.0005,0.4921,0.0065,,,,,,,,
-agg,nx,scalefree,node,True,node_const,node_clustering_coefficient,32,2,2,2,skipsum,True,swish,0.6,max,adam,0.001,199,1.1918,0.0063,134285.0,0.0179,0.0029,0.4616,0.0017,,,,,,,,
-agg,nx,scalefree,node,True,node_const,node_clustering_coefficient,32,2,2,2,skipsum,True,swish,0.6,mean,adam,0.001,199,1.2545,0.0033,134285.0,0.0188,0.0023,0.4555,0.0023,,,,,,,,
-agg,nx,scalefree,node,True,node_const,node_pagerank,16,1,4,2,stack,False,prelu,0.6,add,sgd,0.01,199,1.385,0.0037,134790.0,0.0566,0.0017,0.3896,0.0042,,,,,,,,
-agg,nx,scalefree,node,True,node_const,node_pagerank,16,1,4,2,stack,False,prelu,0.6,max,sgd,0.01,199,0.6706,0.0081,134790.0,0.0117,0.0015,0.7095,0.0053,,,,,,,,
-agg,nx,scalefree,node,True,node_const,node_pagerank,16,1,4,2,stack,False,prelu,0.6,mean,sgd,0.01,199,1.2151,0.0166,134790.0,0.0153,0.0038,0.4631,0.0018,,,,,,,,
-agg,nx,scalefree,node,True,node_const,node_pagerank,16,3,8,2,skipconcat,False,relu,0.3,add,sgd,0.1,99,1.3381,0.0267,140153.0,0.0515,0.0016,0.4278,0.0123,,,,,,,,
-agg,nx,scalefree,node,True,node_const,node_pagerank,16,3,8,2,skipconcat,False,relu,0.3,max,sgd,0.1,99,0.6017,0.0071,140153.0,0.0167,0.0014,0.7466,0.0035,,,,,,,,
-agg,nx,scalefree,node,True,node_const,node_pagerank,16,3,8,2,skipconcat,False,relu,0.3,mean,sgd,0.1,99,0.928,0.0027,140153.0,0.0172,0.0005,0.5965,0.0017,,,,,,,,
-agg,nx,scalefree,node,True,node_const,node_pagerank,64,2,2,2,skipconcat,False,prelu,0.0,add,adam,0.1,399,0.6893,0.0229,135952.0,0.0214,0.0034,0.6995,0.0151,,,,,,,,
-agg,nx,scalefree,node,True,node_const,node_pagerank,64,2,2,2,skipconcat,False,prelu,0.0,max,adam,0.1,399,1.6094,0.0,135952.0,0.0238,0.0047,0.203,0.0007,,,,,,,,
-agg,nx,scalefree,node,True,node_const,node_pagerank,64,2,2,2,skipconcat,False,prelu,0.0,mean,adam,0.1,399,1.6094,0.0,135952.0,0.063,0.0016,0.203,0.0007,,,,,,,,
-agg,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,16,1,4,3,skipsum,False,relu,0.0,add,adam,0.001,99,1.0531,0.1281,134833.0,0.0122,0.0002,0.5412,0.0556,,,,,,,,
-agg,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,16,1,4,3,skipsum,False,relu,0.0,max,adam,0.001,99,0.3676,0.0182,134833.0,0.0125,0.0019,0.8683,0.009,,,,,,,,
-agg,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,16,1,4,3,skipsum,False,relu,0.0,mean,adam,0.001,99,0.9998,0.0367,134833.0,0.034,0.0008,0.582,0.0141,,,,,,,,
-agg,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,16,2,8,1,stack,False,relu,0.0,add,adam,0.1,199,1.3224,0.2234,134920.0,0.0401,0.0014,0.4115,0.1082,,,,,,,,
-agg,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,16,2,8,1,stack,False,relu,0.0,max,adam,0.1,199,1.5759,0.0006,134920.0,0.0156,0.0013,0.269,0.0005,,,,,,,,
-agg,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,16,2,8,1,stack,False,relu,0.0,mean,adam,0.1,199,1.5759,0.0006,134920.0,0.0158,0.0008,0.269,0.0005,,,,,,,,
-agg,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,32,3,8,1,stack,False,relu,0.3,add,adam,0.01,99,1.266,0.1055,135360.0,0.0191,0.0006,0.4511,0.0571,,,,,,,,
-agg,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,32,3,8,1,stack,False,relu,0.3,max,adam,0.01,99,1.3,0.0038,135360.0,0.0197,0.0003,0.4324,0.0015,,,,,,,,
-agg,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,32,3,8,1,stack,False,relu,0.3,mean,adam,0.01,99,1.5027,0.0085,135360.0,0.0194,0.0002,0.3342,0.0054,,,,,,,,
-agg,nx,scalefree,node,True,node_onehot,node_pagerank,16,1,2,2,skipsum,True,relu,0.6,add,sgd,0.01,99,0.7912,0.0077,134789.0,0.0109,0.0009,0.6472,0.0074,,,,,,,,
-agg,nx,scalefree,node,True,node_onehot,node_pagerank,16,1,2,2,skipsum,True,relu,0.6,max,sgd,0.01,99,0.9585,0.0055,134789.0,0.0096,0.0005,0.5698,0.0029,,,,,,,,
-agg,nx,scalefree,node,True,node_onehot,node_pagerank,16,1,2,2,skipsum,True,relu,0.6,mean,sgd,0.01,99,1.531,0.001,134789.0,0.0335,0.0028,0.3025,0.0036,,,,,,,,
-agg,nx,scalefree,node,True,node_onehot,node_pagerank,16,1,4,2,stack,True,relu,0.0,add,sgd,0.01,199,0.1447,0.0047,134118.0,0.0102,0.0005,0.9506,0.0024,,,,,,,,
-agg,nx,scalefree,node,True,node_onehot,node_pagerank,16,1,4,2,stack,True,relu,0.0,max,sgd,0.01,199,0.0616,0.0043,134118.0,0.0352,0.0023,0.9917,0.0014,,,,,,,,
-agg,nx,scalefree,node,True,node_onehot,node_pagerank,16,1,4,2,stack,True,relu,0.0,mean,sgd,0.01,199,0.7332,0.0114,134118.0,0.0392,0.0035,0.705,0.0054,,,,,,,,
-agg,nx,scalefree,node,True,node_onehot,node_pagerank,16,1,6,1,stack,True,relu,0.6,add,sgd,0.1,399,0.4311,0.0175,134069.0,0.0324,0.0024,0.8461,0.0044,,,,,,,,
-agg,nx,scalefree,node,True,node_onehot,node_pagerank,16,1,6,1,stack,True,relu,0.6,max,sgd,0.1,399,0.8985,0.0088,134069.0,0.014,0.0009,0.6231,0.0028,,,,,,,,
-agg,nx,scalefree,node,True,node_onehot,node_pagerank,16,1,6,1,stack,True,relu,0.6,mean,sgd,0.1,399,1.0849,0.0054,134069.0,0.0424,0.0036,0.5431,0.0039,,,,,,,,
-agg,nx,scalefree,node,True,node_onehot,node_pagerank,16,2,6,1,skipconcat,True,relu,0.6,add,adam,0.01,199,0.3226,0.0039,138689.0,0.0555,0.0059,0.8826,0.0035,,,,,,,,
-agg,nx,scalefree,node,True,node_onehot,node_pagerank,16,2,6,1,skipconcat,True,relu,0.6,max,adam,0.01,199,0.858,0.0027,138689.0,0.0235,0.0029,0.6476,0.0027,,,,,,,,
-agg,nx,scalefree,node,True,node_onehot,node_pagerank,16,2,6,1,skipconcat,True,relu,0.6,mean,adam,0.01,199,0.986,0.0045,138689.0,0.0258,0.0029,0.591,0.0037,,,,,,,,
-agg,nx,scalefree,node,True,node_onehot,node_pagerank,32,1,8,1,stack,False,relu,0.6,add,adam,0.001,399,1.2749,0.0058,134277.0,0.0376,0.001,0.465,0.0021,,,,,,,,
-agg,nx,scalefree,node,True,node_onehot,node_pagerank,32,1,8,1,stack,False,relu,0.6,max,adam,0.001,399,0.9965,0.0054,134277.0,0.0388,0.0024,0.577,0.0045,,,,,,,,
-agg,nx,scalefree,node,True,node_onehot,node_pagerank,32,1,8,1,stack,False,relu,0.6,mean,adam,0.001,399,1.1959,0.0077,134277.0,0.0191,0.001,0.4947,0.0062,,,,,,,,
-agg,nx,scalefree,node,True,node_onehot,node_pagerank,64,3,2,3,stack,True,swish,0.6,add,adam,0.01,399,0.4431,0.0072,134069.0,0.0257,0.0021,0.8221,0.0044,,,,,,,,
-agg,nx,scalefree,node,True,node_onehot,node_pagerank,64,3,2,3,stack,True,swish,0.6,max,adam,0.01,399,0.6552,0.0047,134069.0,0.0289,0.0029,0.7204,0.0041,,,,,,,,
-agg,nx,scalefree,node,True,node_onehot,node_pagerank,64,3,2,3,stack,True,swish,0.6,mean,adam,0.01,399,0.9767,0.0054,134069.0,0.0336,0.0068,0.5703,0.0021,,,,,,,,
-agg,nx,scalefree,node,True,node_onehot,node_pagerank,64,3,4,1,stack,False,swish,0.6,add,adam,0.01,199,1.4602,0.0187,134833.0,0.0245,0.0028,0.3477,0.0128,,,,,,,,
-agg,nx,scalefree,node,True,node_onehot,node_pagerank,64,3,4,1,stack,False,swish,0.6,max,adam,0.01,199,0.7541,0.0247,134833.0,0.0438,0.0011,0.7045,0.0081,,,,,,,,
-agg,nx,scalefree,node,True,node_onehot,node_pagerank,64,3,4,1,stack,False,swish,0.6,mean,adam,0.01,199,1.1903,0.0041,134833.0,0.0248,0.0018,0.4811,0.0035,,,,,,,,
-agg,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,16,1,6,3,skipconcat,True,swish,0.6,add,sgd,0.01,399,1.0952,0.0033,140561.0,0.0152,0.0011,0.5023,0.0031,,,,,,,,
-agg,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,16,1,6,3,skipconcat,True,swish,0.6,max,sgd,0.01,399,1.1779,0.0113,140561.0,0.0215,0.0046,0.4771,0.0037,,,,,,,,
-agg,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,16,1,6,3,skipconcat,True,swish,0.6,mean,sgd,0.01,399,1.1326,0.002,140561.0,0.024,0.0032,0.4961,0.0025,,,,,,,,
-agg,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,32,3,4,2,skipsum,True,swish,0.0,add,adam,0.001,199,0.4565,0.0143,133829.0,0.0188,0.0012,0.8162,0.0075,,,,,,,,
-agg,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,32,3,4,2,skipsum,True,swish,0.0,max,adam,0.001,199,0.1307,0.0227,133829.0,0.0381,0.0009,0.969,0.0096,,,,,,,,
-agg,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,32,3,4,2,skipsum,True,swish,0.0,mean,adam,0.001,199,0.2911,0.0169,133829.0,0.0455,0.0047,0.8996,0.0075,,,,,,,,
-agg,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,32,3,6,2,skipsum,False,prelu,0.0,add,sgd,0.01,199,1.3612,0.004,134921.0,0.0149,0.0008,0.3942,0.0027,,,,,,,,
-agg,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,32,3,6,2,skipsum,False,prelu,0.0,max,sgd,0.01,199,0.8551,0.0027,134921.0,0.0184,0.0013,0.6362,0.0029,,,,,,,,
-agg,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,32,3,6,2,skipsum,False,prelu,0.0,mean,sgd,0.01,199,0.9123,0.0102,134921.0,0.0219,0.0042,0.6028,0.0059,,,,,,,,
-agg,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,64,1,6,1,skipconcat,True,swish,0.0,add,adam,0.01,199,0.7197,0.0071,135806.0,0.0316,0.0051,0.6966,0.0034,,,,,,,,
-agg,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,64,1,6,1,skipconcat,True,swish,0.0,max,adam,0.01,199,0.1579,0.001,135806.0,0.0323,0.0019,0.9765,0.0002,,,,,,,,
-agg,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,64,1,6,1,skipconcat,True,swish,0.0,mean,adam,0.01,199,0.5658,0.0088,135806.0,0.0297,0.003,0.7795,0.0032,,,,,,,,
-agg,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,16,2,6,1,skipsum,True,prelu,0.0,add,sgd,0.1,99,2.0766,0.577,133830.0,0.0522,0.0036,0.3644,0.102,,,,,,,,
-agg,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,16,2,6,1,skipsum,True,prelu,0.0,max,sgd,0.1,99,2.1966,0.1426,133830.0,0.0161,0.0006,0.5915,0.0842,,,,,,,,
-agg,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,16,2,6,1,skipsum,True,prelu,0.0,mean,sgd,0.1,99,2.3755,0.3867,133830.0,0.0159,0.0011,0.4706,0.0446,,,,,,,,
-agg,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,32,1,6,2,skipsum,True,prelu,0.6,add,sgd,0.1,399,,,133830.0,0.0223,0.002,0.1912,0.0212,,,,,,,,
-agg,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,32,1,6,2,skipsum,True,prelu,0.6,max,sgd,0.1,399,0.4636,0.0139,133830.0,0.0673,0.0029,0.8072,0.0201,,,,,,,,
-agg,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,32,1,6,2,skipsum,True,prelu,0.6,mean,sgd,0.1,399,0.6041,0.0305,133830.0,0.0277,0.0046,0.7565,0.0244,,,,,,,,
-agg,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,1,2,2,stack,True,prelu,0.6,add,sgd,0.1,399,0.4333,0.0634,134790.0,0.0623,0.0047,0.8251,0.0257,,,,,,,,
-agg,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,1,2,2,stack,True,prelu,0.6,max,sgd,0.1,399,0.4812,0.0543,134790.0,0.0565,0.0039,0.7925,0.0272,,,,,,,,
-agg,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,1,2,2,stack,True,prelu,0.6,mean,sgd,0.1,399,0.8074,0.0114,134790.0,0.0225,0.0006,0.652,0.0302,,,,,,,,
-agg,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,1,4,2,skipsum,False,relu,0.6,add,sgd,0.01,399,1.6051,0.0013,134789.0,0.018,0.0038,0.219,0.0023,,,,,,,,
-agg,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,1,4,2,skipsum,False,relu,0.6,max,sgd,0.01,399,1.6052,0.0012,134789.0,0.0222,0.004,0.219,0.0023,,,,,,,,
-agg,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,1,4,2,skipsum,False,relu,0.6,mean,sgd,0.01,399,1.6052,0.0012,134789.0,0.0241,0.0045,0.219,0.0023,,,,,,,,
-agg,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,2,6,1,skipconcat,True,relu,0.6,add,adam,0.001,199,0.3092,0.0498,138689.0,0.0266,0.0019,0.8856,0.0167,,,,,,,,
-agg,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,2,6,1,skipconcat,True,relu,0.6,max,adam,0.001,199,0.7422,0.0105,138689.0,0.0308,0.0016,0.6618,0.0183,,,,,,,,
-agg,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,2,6,1,skipconcat,True,relu,0.6,mean,adam,0.001,199,0.4877,0.0332,138689.0,0.0254,0.0009,0.781,0.0083,,,,,,,,
-agg,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,2,8,1,skipconcat,False,swish,0.3,add,sgd,0.001,99,0.2551,0.0118,137165.0,0.0301,0.002,0.8938,0.0115,,,,,,,,
-agg,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,2,8,1,skipconcat,False,swish,0.3,max,sgd,0.001,99,0.4169,0.0253,137165.0,0.0282,0.0059,0.83,0.0129,,,,,,,,
-agg,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,2,8,1,skipconcat,False,swish,0.3,mean,sgd,0.001,99,1.4675,0.0957,137165.0,0.0221,0.0003,0.3595,0.0583,,,,,,,,
-agg,nx,smallworld,graph,True,node_const,graph_path_len,32,2,4,1,stack,False,prelu,0.6,add,sgd,0.01,399,1.086,0.0572,134790.0,0.0166,0.0009,0.4853,0.0406,,,,,,,,
-agg,nx,smallworld,graph,True,node_const,graph_path_len,32,2,4,1,stack,False,prelu,0.6,max,sgd,0.01,399,0.722,0.0318,134790.0,0.016,0.0023,0.701,0.0302,,,,,,,,
-agg,nx,smallworld,graph,True,node_const,graph_path_len,32,2,4,1,stack,False,prelu,0.6,mean,sgd,0.01,399,1.1137,0.0521,134790.0,0.0139,0.0009,0.4984,0.0272,,,,,,,,
-agg,nx,smallworld,graph,True,node_const,graph_path_len,32,3,4,2,skipconcat,False,swish,0.0,add,adam,0.01,399,0.7936,0.0094,136085.0,0.0163,0.0017,0.6209,0.0281,,,,,,,,
-agg,nx,smallworld,graph,True,node_const,graph_path_len,32,3,4,2,skipconcat,False,swish,0.0,max,adam,0.01,399,1.6052,0.0012,136085.0,0.0188,0.001,0.219,0.0023,,,,,,,,
-agg,nx,smallworld,graph,True,node_const,graph_path_len,32,3,4,2,skipconcat,False,swish,0.0,mean,adam,0.01,399,1.6052,0.0012,136085.0,0.0159,0.0014,0.219,0.0023,,,,,,,,
-agg,nx,smallworld,graph,True,node_onehot,graph_path_len,16,2,4,3,skipconcat,True,prelu,0.0,add,sgd,0.01,99,0.1539,0.1054,137951.0,0.0141,0.0008,0.9592,0.03,,,,,,,,
-agg,nx,smallworld,graph,True,node_onehot,graph_path_len,16,2,4,3,skipconcat,True,prelu,0.0,max,sgd,0.01,99,0.01,0.0054,137951.0,0.0611,0.0056,0.9951,0.0069,,,,,,,,
-agg,nx,smallworld,graph,True,node_onehot,graph_path_len,16,2,4,3,skipconcat,True,prelu,0.0,mean,sgd,0.01,99,0.0176,0.0041,137951.0,0.0765,0.0069,0.9967,0.0023,,,,,,,,
-agg,nx,smallworld,graph,True,node_onehot,graph_path_len,32,1,6,2,skipsum,False,prelu,0.0,add,adam,0.01,99,0.9146,0.1019,134677.0,0.0193,0.0038,0.5555,0.0167,,,,,,,,
-agg,nx,smallworld,graph,True,node_onehot,graph_path_len,32,1,6,2,skipsum,False,prelu,0.0,max,adam,0.01,99,1.6053,0.0012,134677.0,0.0211,0.0025,0.219,0.0023,,,,,,,,
-agg,nx,smallworld,graph,True,node_onehot,graph_path_len,32,1,6,2,skipsum,False,prelu,0.0,mean,adam,0.01,99,1.6054,0.0012,134677.0,0.0557,0.0005,0.2173,0.0046,,,,,,,,
-agg,nx,smallworld,graph,True,node_onehot,graph_path_len,32,2,8,1,skipconcat,False,swish,0.0,add,sgd,0.01,199,0.9583,0.0433,137165.0,0.0589,0.009,0.5441,0.0144,,,,,,,,
-agg,nx,smallworld,graph,True,node_onehot,graph_path_len,32,2,8,1,skipconcat,False,swish,0.0,max,sgd,0.01,199,1.6036,0.0012,137165.0,0.0186,0.004,0.2925,0.1052,,,,,,,,
-agg,nx,smallworld,graph,True,node_onehot,graph_path_len,32,2,8,1,skipconcat,False,swish,0.0,mean,sgd,0.01,199,1.6055,0.0011,137165.0,0.0655,0.0113,0.2173,0.0023,,,,,,,,
-agg,nx,smallworld,graph,True,node_onehot,graph_path_len,32,3,2,3,stack,True,relu,0.0,add,sgd,0.1,199,0.0786,0.0458,134069.0,0.0134,0.0006,0.9788,0.0167,,,,,,,,
-agg,nx,smallworld,graph,True,node_onehot,graph_path_len,32,3,2,3,stack,True,relu,0.0,max,sgd,0.1,199,0.0069,0.005,134069.0,0.0336,0.0019,1.0,0.0,,,,,,,,
-agg,nx,smallworld,graph,True,node_onehot,graph_path_len,32,3,2,3,stack,True,relu,0.0,mean,sgd,0.1,199,0.013,0.0076,134069.0,0.0447,0.0027,0.9951,0.004,,,,,,,,
-agg,nx,smallworld,graph,True,node_onehot,graph_path_len,64,1,4,1,skipsum,True,relu,0.6,add,sgd,0.01,399,0.3706,0.0501,134285.0,0.0233,0.0013,0.848,0.02,,,,,,,,
-agg,nx,smallworld,graph,True,node_onehot,graph_path_len,64,1,4,1,skipsum,True,relu,0.6,max,sgd,0.01,399,0.7582,0.0316,134285.0,0.022,0.0012,0.6503,0.0303,,,,,,,,
-agg,nx,smallworld,graph,True,node_onehot,graph_path_len,64,1,4,1,skipsum,True,relu,0.6,mean,sgd,0.01,399,0.5733,0.1155,134285.0,0.0322,0.008,0.7402,0.0541,,,,,,,,
-agg,nx,smallworld,graph,True,node_onehot,graph_path_len,64,1,6,2,stack,True,relu,0.0,add,adam,0.001,99,0.246,0.0389,133829.0,0.0494,0.0038,0.9281,0.0023,,,,,,,,
-agg,nx,smallworld,graph,True,node_onehot,graph_path_len,64,1,6,2,stack,True,relu,0.0,max,adam,0.001,99,0.029,0.0248,133829.0,0.0263,0.0024,0.9951,0.0069,,,,,,,,
-agg,nx,smallworld,graph,True,node_onehot,graph_path_len,64,1,6,2,stack,True,relu,0.0,mean,adam,0.001,99,0.0266,0.0193,133829.0,0.054,0.0036,0.9935,0.0092,,,,,,,,
-agg,nx,smallworld,graph,True,node_pagerank,graph_path_len,16,2,2,2,stack,False,prelu,0.6,add,sgd,0.1,199,,,134851.0,0.0114,0.0023,0.1912,0.0212,,,,,,,,
-agg,nx,smallworld,graph,True,node_pagerank,graph_path_len,16,2,2,2,stack,False,prelu,0.6,max,sgd,0.1,199,,,134851.0,0.0143,0.0017,0.1912,0.0212,,,,,,,,
-agg,nx,smallworld,graph,True,node_pagerank,graph_path_len,16,2,2,2,stack,False,prelu,0.6,mean,sgd,0.1,199,,,134851.0,0.0108,0.0008,0.1912,0.0212,,,,,,,,
-agg,nx,smallworld,graph,True,node_pagerank,graph_path_len,32,1,6,3,skipsum,False,relu,0.6,add,sgd,0.001,399,1.6056,0.0004,134277.0,0.0166,0.0016,0.2059,0.008,,,,,,,,
-agg,nx,smallworld,graph,True,node_pagerank,graph_path_len,32,1,6,3,skipsum,False,relu,0.6,max,sgd,0.001,399,1.6041,0.0014,134277.0,0.0153,0.0019,0.2206,0.0069,,,,,,,,
-agg,nx,smallworld,graph,True,node_pagerank,graph_path_len,32,1,6,3,skipsum,False,relu,0.6,mean,sgd,0.001,399,1.6044,0.0017,134277.0,0.0357,0.0029,0.2173,0.0023,,,,,,,,
-agg,nx,smallworld,graph,True,node_pagerank,graph_path_len,64,2,2,3,stack,False,swish,0.0,add,sgd,0.01,199,1.6054,0.0013,134789.0,0.0166,0.0022,0.2157,0.0069,,,,,,,,
-agg,nx,smallworld,graph,True,node_pagerank,graph_path_len,64,2,2,3,stack,False,swish,0.0,max,sgd,0.01,199,1.6056,0.0013,134789.0,0.0243,0.0044,0.2157,0.004,,,,,,,,
-agg,nx,smallworld,graph,True,node_pagerank,graph_path_len,64,2,2,3,stack,False,swish,0.0,mean,sgd,0.01,199,1.6055,0.0013,134789.0,0.018,0.0017,0.2157,0.0069,,,,,,,,
-agg,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,64,3,6,1,skipsum,True,swish,0.0,add,adam,0.01,99,0.3541,0.015,135429.0,0.0297,0.0032,0.8728,0.0097,,,,,,,,
-agg,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,64,3,6,1,skipsum,True,swish,0.0,max,adam,0.01,99,0.4306,0.013,135429.0,0.058,0.0009,0.876,0.0079,,,,,,,,
-agg,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,64,3,6,1,skipsum,True,swish,0.0,mean,adam,0.01,99,1.1741,0.0065,135429.0,0.0654,0.0001,0.5163,0.0031,,,,,,,,
-agg,nx,smallworld,node,True,node_const,node_clustering_coefficient,32,3,8,2,stack,False,prelu,0.0,add,adam,0.001,99,1.5329,0.0014,133749.0,0.0715,0.0051,0.3002,0.0001,,,,,,,,
-agg,nx,smallworld,node,True,node_const,node_clustering_coefficient,32,3,8,2,stack,False,prelu,0.0,max,adam,0.001,99,1.6048,0.0003,133749.0,0.0736,0.009,0.233,0.0015,,,,,,,,
-agg,nx,smallworld,node,True,node_const,node_clustering_coefficient,32,3,8,2,stack,False,prelu,0.0,mean,adam,0.001,99,1.6048,0.0003,133749.0,0.0219,0.0014,0.233,0.0015,,,,,,,,
-agg,nx,smallworld,node,True,node_const,node_pagerank,16,3,6,1,stack,False,swish,0.6,add,adam,0.1,99,1.6053,0.0017,134277.0,0.0151,0.0008,0.2124,0.0105,,,,,,,,
-agg,nx,smallworld,node,True,node_const,node_pagerank,16,3,6,1,stack,False,swish,0.6,max,adam,0.1,99,1.5706,0.0026,134277.0,0.0169,0.0023,0.2557,0.0055,,,,,,,,
-agg,nx,smallworld,node,True,node_const,node_pagerank,16,3,6,1,stack,False,swish,0.6,mean,adam,0.1,99,1.6053,0.0003,134277.0,0.0179,0.0012,0.2147,0.002,,,,,,,,
-agg,nx,smallworld,node,True,node_const,node_pagerank,32,2,6,2,skipsum,False,prelu,0.6,add,sgd,0.01,99,1.6113,0.0008,134278.0,0.0176,0.0008,0.2055,0.0029,,,,,,,,
-agg,nx,smallworld,node,True,node_const,node_pagerank,32,2,6,2,skipsum,False,prelu,0.6,max,sgd,0.01,99,1.6111,0.0004,134278.0,0.0653,0.0045,0.2077,0.0016,,,,,,,,
-agg,nx,smallworld,node,True,node_const,node_pagerank,32,2,6,2,skipsum,False,prelu,0.6,mean,sgd,0.01,99,1.6113,0.0005,134278.0,0.0691,0.0064,0.2022,0.0042,,,,,,,,
-agg,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,16,1,2,2,stack,False,relu,0.3,add,adam,0.1,399,1.6048,0.0003,133957.0,0.0136,0.0003,0.233,0.0015,,,,,,,,
-agg,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,16,1,2,2,stack,False,relu,0.3,max,adam,0.1,399,1.6048,0.0003,133957.0,0.0109,0.0007,0.233,0.0015,,,,,,,,
-agg,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,16,1,2,2,stack,False,relu,0.3,mean,adam,0.1,399,1.6048,0.0003,133957.0,0.0347,0.0027,0.233,0.0015,,,,,,,,
-agg,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,32,2,8,3,stack,True,swish,0.0,add,sgd,0.1,399,1.1483,0.0403,135056.0,0.023,0.0023,0.4966,0.017,,,,,,,,
-agg,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,32,2,8,3,stack,True,swish,0.0,max,sgd,0.1,399,0.0977,0.0081,135056.0,0.0504,0.0018,0.964,0.0032,,,,,,,,
-agg,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,32,2,8,3,stack,True,swish,0.0,mean,sgd,0.1,399,0.4722,0.0159,135056.0,0.0226,0.0021,0.8008,0.008,,,,,,,,
-agg,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,32,3,8,1,skipconcat,False,relu,0.3,add,adam,0.01,99,1.5403,0.0033,136236.0,0.0228,0.0017,0.2925,0.0045,,,,,,,,
-agg,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,32,3,8,1,skipconcat,False,relu,0.3,max,adam,0.01,99,1.5822,0.0007,136236.0,0.0306,0.0078,0.2726,0.0016,,,,,,,,
-agg,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,32,3,8,1,skipconcat,False,relu,0.3,mean,adam,0.01,99,1.6048,0.0002,136236.0,0.0279,0.0026,0.233,0.0015,,,,,,,,
-agg,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,64,1,6,2,skipsum,True,relu,0.3,add,adam,0.001,199,1.0853,0.0172,133829.0,0.0298,0.0021,0.5229,0.0061,,,,,,,,
-agg,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,64,1,6,2,skipsum,True,relu,0.3,max,adam,0.001,199,1.2298,0.0153,133829.0,0.0313,0.0007,0.4606,0.0103,,,,,,,,
-agg,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,64,1,6,2,skipsum,True,relu,0.3,mean,adam,0.001,199,1.1581,0.0175,133829.0,0.0579,0.0012,0.4916,0.0074,,,,,,,,
-agg,nx,smallworld,node,True,node_onehot,node_pagerank,16,2,4,1,skipconcat,True,relu,0.6,add,adam,0.1,99,0.9601,0.0019,135928.0,0.0542,0.0072,0.5896,0.0019,,,,,,,,
-agg,nx,smallworld,node,True,node_onehot,node_pagerank,16,2,4,1,skipconcat,True,relu,0.6,max,adam,0.1,99,1.4435,0.0057,135928.0,0.0182,0.0015,0.3596,0.0037,,,,,,,,
-agg,nx,smallworld,node,True,node_onehot,node_pagerank,16,2,4,1,skipconcat,True,relu,0.6,mean,adam,0.1,99,1.5774,0.0014,135928.0,0.0158,0.001,0.2714,0.0021,,,,,,,,
-agg,nx,smallworld,node,True,node_onehot,node_pagerank,16,3,4,3,stack,True,relu,0.0,add,sgd,0.1,99,0.3561,0.0183,135429.0,0.0135,0.0014,0.8602,0.0083,,,,,,,,
-agg,nx,smallworld,node,True,node_onehot,node_pagerank,16,3,4,3,stack,True,relu,0.0,max,sgd,0.1,99,0.2841,0.016,135429.0,0.0179,0.004,0.896,0.0045,,,,,,,,
-agg,nx,smallworld,node,True,node_onehot,node_pagerank,16,3,4,3,stack,True,relu,0.0,mean,sgd,0.1,99,0.7506,0.0123,135429.0,0.0406,0.0062,0.6989,0.0052,,,,,,,,
-agg,nx,smallworld,node,True,node_onehot,node_pagerank,16,3,8,3,skipsum,False,swish,0.6,add,adam,0.01,199,1.3821,0.2747,135350.0,0.0189,0.0018,0.3592,0.1436,,,,,,,,
-agg,nx,smallworld,node,True,node_onehot,node_pagerank,16,3,8,3,skipsum,False,swish,0.6,max,adam,0.01,199,1.4047,0.0062,135350.0,0.0286,0.0133,0.3731,0.0044,,,,,,,,
-agg,nx,smallworld,node,True,node_onehot,node_pagerank,16,3,8,3,skipsum,False,swish,0.6,mean,adam,0.01,199,1.6094,0.0,135350.0,0.0209,0.0025,0.2025,0.0005,,,,,,,,
-agg,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,32,1,4,3,skipsum,False,relu,0.0,add,adam,0.001,199,1.0839,0.0004,134833.0,0.0191,0.0016,0.5201,0.002,,,,,,,,
-agg,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,32,1,4,3,skipsum,False,relu,0.0,max,adam,0.001,199,0.7837,0.0361,134833.0,0.0187,0.0021,0.665,0.0179,,,,,,,,
-agg,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,32,1,4,3,skipsum,False,relu,0.0,mean,adam,0.001,199,0.9822,0.0106,134833.0,0.0163,0.0017,0.5739,0.0048,,,,,,,,
-agg,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,64,3,8,3,skipconcat,False,swish,0.3,add,sgd,0.1,399,1.4994,0.0613,137415.0,0.0689,0.0028,0.323,0.0416,,,,,,,,
-agg,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,64,3,8,3,skipconcat,False,swish,0.3,max,sgd,0.1,399,1.2914,0.114,137415.0,0.0284,0.0017,0.4338,0.0477,,,,,,,,
-agg,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,64,3,8,3,skipconcat,False,swish,0.3,mean,sgd,0.1,399,1.1232,0.0149,137415.0,0.0771,0.0098,0.5043,0.0095,,,,,,,,
-batch,PyG,AmazonComputers,node,True,,,16,2,2,2,stack,False,prelu,0.0,mean,sgd,0.001,99,1.9456,0.0024,274831.0,0.1401,0.0193,0.3766,0.0019,,,,,,,,
-batch,PyG,AmazonComputers,node,True,,,16,2,6,3,skipsum,False,relu,0.3,mean,adam,0.001,399,0.2901,0.0278,227006.0,0.1698,0.0153,0.9222,0.008,,,,,,,,
-batch,PyG,AmazonComputers,node,True,,,16,3,2,2,skipconcat,False,relu,0.3,add,adam,0.1,99,1.7632,0.0703,213356.0,0.1096,0.0091,0.3796,0.0062,,,,,,,,
-batch,PyG,AmazonComputers,node,True,,,16,3,8,2,skipconcat,False,swish,0.0,max,adam,0.1,199,1.8611,0.006,167392.0,0.1309,0.0298,0.3766,0.0019,,,,,,,,
-batch,PyG,AmazonComputers,node,True,,,32,2,2,2,stack,False,prelu,0.0,mean,sgd,0.001,99,1.9456,0.0024,274831.0,0.0735,0.003,0.3766,0.0019,,,,,,,,
-batch,PyG,AmazonComputers,node,True,,,32,2,6,3,skipsum,False,relu,0.3,mean,adam,0.001,399,0.297,0.0238,227006.0,0.1634,0.0293,0.9198,0.0055,,,,,,,,
-batch,PyG,AmazonComputers,node,True,,,32,3,2,2,skipconcat,False,relu,0.3,add,adam,0.1,99,1.7042,0.1126,213356.0,0.1127,0.0122,0.4088,0.0246,,,,,,,,
-batch,PyG,AmazonComputers,node,True,,,32,3,8,2,skipconcat,False,swish,0.0,max,adam,0.1,199,1.6273,0.163,167392.0,0.1567,0.019,0.4523,0.054,,,,,,,,
-batch,PyG,AmazonComputers,node,True,,,64,2,2,2,stack,False,prelu,0.0,mean,sgd,0.001,99,1.9456,0.0024,274831.0,0.216,0.0403,0.3766,0.0019,,,,,,,,
-batch,PyG,AmazonComputers,node,True,,,64,2,6,3,skipsum,False,relu,0.3,mean,adam,0.001,399,0.2811,0.0287,227006.0,0.1354,0.019,0.9243,0.0077,,,,,,,,
-batch,PyG,AmazonComputers,node,True,,,64,3,2,2,skipconcat,False,relu,0.3,add,adam,0.1,99,1.7611,0.1479,213356.0,0.1173,0.0205,0.4029,0.0369,,,,,,,,
-batch,PyG,AmazonComputers,node,True,,,64,3,8,2,skipconcat,False,swish,0.0,max,adam,0.1,199,1.5916,0.1944,167392.0,0.1191,0.0084,0.4452,0.0705,,,,,,,,
-batch,PyG,AmazonPhoto,node,True,,,16,2,2,2,skipconcat,True,swish,0.6,mean,sgd,0.001,399,1.7875,0.0388,211704.0,0.0434,0.0067,0.4432,0.0123,,,,,,,,
-batch,PyG,AmazonPhoto,node,True,,,16,2,2,2,skipsum,True,prelu,0.0,max,adam,0.001,399,0.0023,0.0002,269156.0,0.0608,0.0093,1.0,0.0,,,,,,,,
-batch,PyG,AmazonPhoto,node,True,,,16,2,4,3,stack,False,prelu,0.0,mean,adam,0.1,399,1.9232,0.0032,238335.0,0.0881,0.0144,0.2548,0.0023,,,,,,,,
-batch,PyG,AmazonPhoto,node,True,,,16,3,8,3,skipsum,False,prelu,0.3,mean,sgd,0.1,199,1.549,0.5276,212739.0,0.0542,0.0018,0.4077,0.2153,,,,,,,,
-batch,PyG,AmazonPhoto,node,True,,,32,2,2,2,skipconcat,True,swish,0.6,mean,sgd,0.001,399,1.7875,0.0388,211704.0,0.0458,0.005,0.4432,0.0123,,,,,,,,
-batch,PyG,AmazonPhoto,node,True,,,32,2,2,2,skipsum,True,prelu,0.0,max,adam,0.001,399,0.0024,0.0002,269156.0,0.0564,0.0084,1.0,0.0,,,,,,,,
-batch,PyG,AmazonPhoto,node,True,,,32,2,4,3,stack,False,prelu,0.0,mean,adam,0.1,399,1.8462,0.1106,238335.0,0.0589,0.0129,0.3169,0.0886,,,,,,,,
-batch,PyG,AmazonPhoto,node,True,,,32,3,8,3,skipsum,False,prelu,0.3,mean,sgd,0.1,199,1.691,0.3358,212739.0,0.0773,0.0035,0.346,0.1379,,,,,,,,
-batch,PyG,AmazonPhoto,node,True,,,64,2,2,2,skipconcat,True,swish,0.6,mean,sgd,0.001,399,1.7875,0.0388,211704.0,0.0511,0.0079,0.4432,0.0123,,,,,,,,
-batch,PyG,AmazonPhoto,node,True,,,64,2,2,2,skipsum,True,prelu,0.0,max,adam,0.001,399,0.0024,0.0002,269156.0,0.0945,0.0029,1.0,0.0,,,,,,,,
-batch,PyG,AmazonPhoto,node,True,,,64,2,4,3,stack,False,prelu,0.0,mean,adam,0.1,399,1.8192,0.1493,238335.0,0.0904,0.0189,0.3217,0.0946,,,,,,,,
-batch,PyG,AmazonPhoto,node,True,,,64,3,8,3,skipsum,False,prelu,0.3,mean,sgd,0.1,199,1.7594,0.2366,212739.0,0.1309,0.0092,0.3193,0.096,,,,,,,,
-batch,PyG,CiteSeer,node,True,,,16,2,2,2,skipconcat,False,relu,0.0,max,sgd,0.01,399,0.7482,0.013,509147.0,0.1044,0.0139,0.8058,0.0007,,,,,,,,
-batch,PyG,CiteSeer,node,True,,,16,2,4,1,skipsum,True,swish,0.0,add,adam,0.1,99,0.0126,0.0015,734028.0,0.0623,0.0044,0.9997,0.0002,,,,,,,,
-batch,PyG,CiteSeer,node,True,,,16,2,8,2,skipsum,False,relu,0.3,mean,sgd,0.001,199,1.7727,0.0026,560056.0,0.0626,0.001,0.189,0.0056,,,,,,,,
-batch,PyG,CiteSeer,node,True,,,32,2,2,2,skipconcat,False,relu,0.0,max,sgd,0.01,399,0.7482,0.013,509147.0,0.1375,0.0459,0.8058,0.0007,,,,,,,,
-batch,PyG,CiteSeer,node,True,,,32,2,4,1,skipsum,True,swish,0.0,add,adam,0.1,99,0.0163,0.0049,734028.0,0.1217,0.0149,0.9995,0.0002,,,,,,,,
-batch,PyG,CiteSeer,node,True,,,32,2,8,2,skipsum,False,relu,0.3,mean,sgd,0.001,199,1.7727,0.0026,560056.0,0.1111,0.0069,0.189,0.0056,,,,,,,,
-batch,PyG,CiteSeer,node,True,,,64,2,2,2,skipconcat,False,relu,0.0,max,sgd,0.01,399,0.7482,0.013,509147.0,0.14,0.0257,0.8058,0.0007,,,,,,,,
-batch,PyG,CiteSeer,node,True,,,64,2,4,1,skipsum,True,swish,0.0,add,adam,0.1,99,0.0128,0.0021,734028.0,0.1072,0.0119,0.9997,0.0002,,,,,,,,
-batch,PyG,CiteSeer,node,True,,,64,2,8,2,skipsum,False,relu,0.3,mean,sgd,0.001,199,1.7727,0.0026,560056.0,0.1413,0.0253,0.189,0.0056,,,,,,,,
-batch,PyG,CoauthorCS,node,True,,,16,1,6,3,skipsum,False,prelu,0.6,add,adam,0.1,199,2.3917,0.0225,1014085.0,0.774,0.0344,0.2249,0.0003,,,,,,,,
-batch,PyG,CoauthorCS,node,True,,,16,2,6,3,skipconcat,True,relu,0.3,mean,sgd,0.1,199,0.2015,0.0096,375171.0,0.7984,0.0175,0.9437,0.0023,,,,,,,,
-batch,PyG,CoauthorCS,node,True,,,32,1,6,3,skipsum,False,prelu,0.6,add,adam,0.1,199,2.3035,0.1501,1014085.0,0.8053,0.0382,0.2598,0.0493,,,,,,,,
-batch,PyG,CoauthorCS,node,True,,,32,2,6,3,skipconcat,True,relu,0.3,mean,sgd,0.1,199,0.2016,0.0094,375171.0,0.8313,0.0391,0.9437,0.0021,,,,,,,,
-batch,PyG,CoauthorCS,node,True,,,64,1,6,3,skipsum,False,prelu,0.6,add,adam,0.1,199,2.4086,0.0016,1014085.0,0.7649,0.0203,0.2249,0.0003,,,,,,,,
-batch,PyG,CoauthorCS,node,True,,,64,2,6,3,skipconcat,True,relu,0.3,mean,sgd,0.1,199,0.2016,0.0094,375171.0,0.9137,0.0813,0.9436,0.0021,,,,,,,,
-batch,PyG,CoauthorPhysics,node,True,,,16,3,4,1,stack,True,swish,0.6,max,sgd,0.1,99,0.9665,0.0042,1379661.0,1.5704,0.0042,0.6277,0.0036,,,,,,,,
-batch,PyG,CoauthorPhysics,node,True,,,16,3,6,2,stack,True,swish,0.6,max,adam,0.01,99,0.7323,0.0549,1153014.0,1.6101,0.0037,0.7212,0.0232,,,,,,,,
-batch,PyG,CoauthorPhysics,node,True,,,32,3,4,1,stack,True,swish,0.6,max,sgd,0.1,99,0.9667,0.0036,1379661.0,1.9956,0.0491,0.6277,0.0032,,,,,,,,
-batch,PyG,CoauthorPhysics,node,True,,,32,3,6,2,stack,True,swish,0.6,max,adam,0.01,99,0.72,0.0407,1153014.0,1.7872,0.0376,0.729,0.016,,,,,,,,
-batch,PyG,CoauthorPhysics,node,True,,,64,3,4,1,stack,True,swish,0.6,max,sgd,0.1,99,0.9674,0.0036,1379661.0,1.8591,0.0231,0.6269,0.0031,,,,,,,,
-batch,PyG,CoauthorPhysics,node,True,,,64,3,6,2,stack,True,swish,0.6,max,adam,0.01,99,0.7161,0.0419,1153014.0,2.1832,0.2331,0.7297,0.0151,,,,,,,,
-batch,PyG,Cora,node,True,,,16,3,2,1,skipconcat,False,relu,0.6,max,sgd,0.001,399,1.8779,0.0063,370669.0,0.0181,0.0006,0.3016,0.0057,,,,,,,,
-batch,PyG,Cora,node,True,,,16,3,6,2,stack,False,prelu,0.3,max,sgd,0.001,399,1.8443,0.0049,307227.0,0.0264,0.0022,0.303,0.0033,,,,,,,,
-batch,PyG,Cora,node,True,,,16,3,6,2,stack,True,swish,0.0,mean,adam,0.01,199,0.0256,0.0034,308436.0,0.0369,0.0038,0.9908,0.0013,,,,,,,,
-batch,PyG,Cora,node,True,,,32,3,2,1,skipconcat,False,relu,0.6,max,sgd,0.001,399,1.8779,0.0063,370669.0,0.0174,0.0009,0.3016,0.0057,,,,,,,,
-batch,PyG,Cora,node,True,,,32,3,6,2,stack,False,prelu,0.3,max,sgd,0.001,399,1.8443,0.0049,307227.0,0.0368,0.0116,0.303,0.0033,,,,,,,,
-batch,PyG,Cora,node,True,,,32,3,6,2,stack,True,swish,0.0,mean,adam,0.01,199,0.0267,0.0031,308436.0,0.0407,0.0144,0.9906,0.0013,,,,,,,,
-batch,PyG,Cora,node,True,,,64,3,2,1,skipconcat,False,relu,0.6,max,sgd,0.001,399,1.8779,0.0063,370669.0,0.0229,0.0059,0.3016,0.0057,,,,,,,,
-batch,PyG,Cora,node,True,,,64,3,6,2,stack,False,prelu,0.3,max,sgd,0.001,399,1.8443,0.0049,307227.0,0.0278,0.0076,0.303,0.0033,,,,,,,,
-batch,PyG,Cora,node,True,,,64,3,6,2,stack,True,swish,0.0,mean,adam,0.01,199,0.0273,0.005,308436.0,0.0477,0.0082,0.9902,0.0016,,,,,,,,
-batch,PyG,TU_BZR,graph,False,,,16,1,8,1,skipconcat,True,swish,0.3,mean,adam,0.001,399,0.1781,0.0179,138837.0,0.0198,0.0007,0.927,0.0095,0.8927,0.0236,0.7533,0.0283,0.817,0.0264,0.9701,0.0063
-batch,PyG,TU_BZR,graph,False,,,16,2,6,1,stack,False,prelu,0.6,mean,adam,0.01,199,0.5008,0.0114,141866.0,0.0475,0.0038,0.786,0.0063,1.0,0.0,0.0142,0.0004,0.0281,0.0008,0.6137,0.0148
-batch,PyG,TU_BZR,graph,False,,,16,2,6,3,skipconcat,True,relu,0.6,mean,adam,0.01,99,0.4383,0.0138,142257.0,0.0482,0.0002,0.82,0.0127,0.7491,0.0857,0.2609,0.0149,0.3866,0.0276,0.744,0.0143
-batch,PyG,TU_BZR,graph,False,,,16,2,6,3,skipsum,True,swish,0.0,max,sgd,0.1,399,0.0129,0.0085,140724.0,0.0175,0.0005,0.9979,0.0029,1.0,0.0,0.9909,0.0129,0.9954,0.0066,0.9999,0.0001
-batch,PyG,TU_BZR,graph,False,,,16,3,4,1,skipconcat,True,prelu,0.0,max,adam,0.1,399,0.4077,0.0313,139862.0,0.0189,0.0022,0.8344,0.0227,0.7625,0.0658,0.3534,0.1053,0.4721,0.1059,0.7899,0.0374
-batch,PyG,TU_BZR,graph,False,,,32,1,8,1,skipconcat,True,swish,0.3,mean,adam,0.001,399,0.2232,0.0293,138837.0,0.0258,0.0007,0.9115,0.0168,0.8606,0.0176,0.7075,0.0615,0.7757,0.0435,0.9512,0.0129
-batch,PyG,TU_BZR,graph,False,,,32,2,6,1,stack,False,prelu,0.6,mean,adam,0.01,199,0.5023,0.0094,141866.0,0.0176,0.001,0.7829,0.0063,0.0,0.0,0.0,0.0,0.0,0.0,0.6143,0.0119
-batch,PyG,TU_BZR,graph,False,,,32,2,6,3,skipconcat,True,relu,0.6,mean,adam,0.01,99,0.4465,0.0137,142257.0,0.0215,0.002,0.8169,0.0088,0.7282,0.0685,0.2517,0.0328,0.3727,0.0387,0.737,0.0136
-batch,PyG,TU_BZR,graph,False,,,32,2,6,3,skipsum,True,swish,0.0,max,sgd,0.1,399,0.0228,0.0045,140724.0,0.0215,0.0006,0.9948,0.0029,0.9906,0.0133,0.9858,0.0004,0.9881,0.0067,0.9997,0.0003
-batch,PyG,TU_BZR,graph,False,,,32,3,4,1,skipconcat,True,prelu,0.0,max,adam,0.1,399,0.283,0.0178,139862.0,0.0549,0.002,0.894,0.0052,0.8263,0.0282,0.6492,0.0061,0.7268,0.0091,0.9111,0.0104
-batch,PyG,TU_BZR,graph,False,,,64,1,8,1,skipconcat,True,swish,0.3,mean,adam,0.001,399,0.2826,0.0175,138837.0,0.0251,0.0033,0.8848,0.0073,0.8293,0.0183,0.5923,0.0349,0.6902,0.0215,0.9239,0.0115
-batch,PyG,TU_BZR,graph,False,,,64,2,6,1,stack,False,prelu,0.6,mean,adam,0.01,199,0.5027,0.009,141866.0,0.0208,0.0027,0.7829,0.0063,0.0,0.0,0.0,0.0,0.0,0.0,0.6232,0.0147
-batch,PyG,TU_BZR,graph,False,,,64,2,6,3,skipconcat,True,relu,0.6,mean,adam,0.01,99,0.484,0.017,142257.0,0.03,0.0017,0.7983,0.0077,0.6341,0.1029,0.1747,0.024,0.273,0.0351,0.6613,0.0313
-batch,PyG,TU_BZR,graph,False,,,64,2,6,3,skipsum,True,swish,0.0,max,sgd,0.1,399,0.0311,0.0064,140724.0,0.0237,0.0012,0.9938,0.0025,0.9812,0.0067,0.9907,0.0066,0.9859,0.0057,0.9995,0.0002
-batch,PyG,TU_BZR,graph,False,,,64,3,4,1,skipconcat,True,prelu,0.0,max,adam,0.1,399,0.2829,0.0164,139862.0,0.0265,0.0022,0.892,0.0067,0.8368,0.0212,0.6253,0.0167,0.7154,0.0115,0.9145,0.0115
-batch,PyG,TU_COX2,graph,False,,,16,3,6,2,skipsum,False,relu,0.6,add,adam,0.001,99,0.5255,0.0067,137336.0,0.0168,0.0007,0.7837,0.0033,0.0,0.0,0.0,0.0,0.0,0.0,0.539,0.0188
-batch,PyG,TU_COX2,graph,False,,,32,3,6,2,skipsum,False,relu,0.6,add,adam,0.001,99,0.5305,0.0041,137336.0,0.0189,0.0026,0.7837,0.0033,0.0,0.0,0.0,0.0,0.0,0.0,0.5203,0.0234
-batch,PyG,TU_COX2,graph,False,,,64,3,6,2,skipsum,False,relu,0.6,add,adam,0.001,99,0.5293,0.0125,137336.0,0.0222,0.0023,0.7837,0.0033,0.0,0.0,0.0,0.0,0.0,0.0,0.5373,0.0189
-batch,PyG,TU_DD,graph,False,,,16,1,8,2,skipconcat,True,relu,0.3,mean,sgd,0.01,199,0.2668,0.0043,139809.0,0.0251,0.0016,0.8917,0.0017,0.8649,0.0126,0.872,0.0124,0.8682,0.0002,0.9554,0.0011
-batch,PyG,TU_DD,graph,False,,,16,3,2,3,skipsum,False,prelu,0.6,max,adam,0.1,99,0.7031,0.0212,147661.0,0.0366,0.0009,0.5863,0.0289,0.3656,0.1499,0.1351,0.1507,0.1779,0.1807,0.6052,0.0279
-batch,PyG,TU_DD,graph,False,,,32,1,8,2,skipconcat,True,relu,0.3,mean,sgd,0.01,199,0.252,0.0113,139809.0,0.0493,0.0088,0.8931,0.0111,0.8718,0.0059,0.8658,0.0275,0.8686,0.0159,0.9601,0.004
-batch,PyG,TU_DD,graph,False,,,32,3,2,3,skipsum,False,prelu,0.6,max,adam,0.1,99,0.5718,0.0068,147661.0,0.0219,0.0008,0.7449,0.0087,0.7001,0.0118,0.6582,0.0139,0.6785,0.0124,0.7866,0.0031
-batch,PyG,TU_DD,graph,False,,,64,1,8,2,skipconcat,True,relu,0.3,mean,sgd,0.01,199,0.279,0.0039,139809.0,0.0863,0.0052,0.8807,0.0027,0.8533,0.0045,0.8555,0.0053,0.8544,0.0038,0.9516,0.0019
-batch,PyG,TU_DD,graph,False,,,64,3,2,3,skipsum,False,prelu,0.6,max,adam,0.1,99,0.5733,0.0092,147661.0,0.0612,0.0015,0.7406,0.0067,0.695,0.0097,0.6522,0.0024,0.673,0.0058,0.7819,0.0037
-batch,PyG,TU_ENZYMES,graph,False,,,16,3,2,1,skipsum,True,relu,0.0,mean,sgd,0.001,199,1.5005,0.0113,134489.0,0.0102,0.0009,0.4081,0.0079,,,,,,,,
-batch,PyG,TU_ENZYMES,graph,False,,,32,3,2,1,skipsum,True,relu,0.0,mean,sgd,0.001,199,1.5184,0.0137,134489.0,0.0321,0.0011,0.406,0.0043,,,,,,,,
-batch,PyG,TU_ENZYMES,graph,False,,,64,3,2,1,skipsum,True,relu,0.0,mean,sgd,0.001,199,1.5419,0.0137,134489.0,0.0173,0.0017,0.3962,0.0095,,,,,,,,
-batch,PyG,TU_IMDB,graph,False,,,16,1,2,1,skipsum,False,swish,0.3,add,adam,0.001,399,0.9774,0.0074,133900.0,0.0131,0.0064,0.5014,0.0092,,,,,,,,
-batch,PyG,TU_IMDB,graph,False,,,16,1,2,1,skipsum,True,relu,0.3,mean,sgd,0.01,199,1.0872,0.0024,133635.0,0.0274,0.0014,0.3858,0.0149,,,,,,,,
-batch,PyG,TU_IMDB,graph,False,,,16,1,2,2,stack,False,prelu,0.0,mean,adam,0.01,199,1.0962,0.0005,133984.0,0.0089,0.0002,0.3586,0.0028,,,,,,,,
-batch,PyG,TU_IMDB,graph,False,,,16,1,6,1,skipsum,False,relu,0.0,mean,adam,0.1,199,1.0964,0.0003,134848.0,0.015,0.0018,0.3531,0.0079,,,,,,,,
-batch,PyG,TU_IMDB,graph,False,,,16,1,8,3,stack,True,relu,0.3,max,sgd,0.001,199,1.0837,0.0028,135243.0,0.0204,0.0012,0.3933,0.0074,,,,,,,,
-batch,PyG,TU_IMDB,graph,False,,,16,2,4,3,skipsum,False,swish,0.0,mean,sgd,0.01,99,1.0875,0.0013,134967.0,0.0103,0.0006,0.3908,0.0077,,,,,,,,
-batch,PyG,TU_IMDB,graph,False,,,16,2,6,2,skipconcat,True,relu,0.6,max,adam,0.01,199,1.0797,0.0052,139747.0,0.0203,0.0034,0.4072,0.0004,,,,,,,,
-batch,PyG,TU_IMDB,graph,False,,,32,1,2,1,skipsum,False,swish,0.3,add,adam,0.001,399,0.9721,0.0097,133900.0,0.0109,0.0012,0.5036,0.0053,,,,,,,,
-batch,PyG,TU_IMDB,graph,False,,,32,1,2,1,skipsum,True,relu,0.3,mean,sgd,0.01,199,1.084,0.0015,133635.0,0.0113,0.001,0.3747,0.0034,,,,,,,,
-batch,PyG,TU_IMDB,graph,False,,,32,1,2,2,stack,False,prelu,0.0,mean,adam,0.01,199,1.0963,0.0002,133984.0,0.036,0.0011,0.3522,0.0086,,,,,,,,
-batch,PyG,TU_IMDB,graph,False,,,32,1,6,1,skipsum,False,relu,0.0,mean,adam,0.1,199,1.0964,0.0003,134848.0,0.0305,0.0006,0.3525,0.0072,,,,,,,,
-batch,PyG,TU_IMDB,graph,False,,,32,1,8,3,stack,True,relu,0.3,max,sgd,0.001,199,1.0776,0.0009,135243.0,0.028,0.0065,0.4106,0.001,,,,,,,,
-batch,PyG,TU_IMDB,graph,False,,,32,2,4,3,skipsum,False,swish,0.0,mean,sgd,0.01,99,1.0873,0.0015,134967.0,0.0128,0.0014,0.3914,0.0075,,,,,,,,
-batch,PyG,TU_IMDB,graph,False,,,32,2,6,2,skipconcat,True,relu,0.6,max,adam,0.01,199,1.0604,0.0058,139747.0,0.0518,0.0019,0.4272,0.0099,,,,,,,,
-batch,PyG,TU_IMDB,graph,False,,,64,1,2,1,skipsum,False,swish,0.3,add,adam,0.001,399,0.9762,0.0075,133900.0,0.03,0.002,0.5083,0.0084,,,,,,,,
-batch,PyG,TU_IMDB,graph,False,,,64,1,2,1,skipsum,True,relu,0.3,mean,sgd,0.01,199,1.0627,0.0017,133635.0,0.014,0.0009,0.4244,0.0042,,,,,,,,
-batch,PyG,TU_IMDB,graph,False,,,64,1,2,2,stack,False,prelu,0.0,mean,adam,0.01,199,1.0964,0.0003,133984.0,0.0162,0.0017,0.3509,0.0105,,,,,,,,
-batch,PyG,TU_IMDB,graph,False,,,64,1,6,1,skipsum,False,relu,0.0,mean,adam,0.1,199,1.0964,0.0003,134848.0,0.0316,0.0036,0.3522,0.0072,,,,,,,,
-batch,PyG,TU_IMDB,graph,False,,,64,1,8,3,stack,True,relu,0.3,max,sgd,0.001,199,1.0885,0.0058,135243.0,0.0241,0.0022,0.3861,0.0113,,,,,,,,
-batch,PyG,TU_IMDB,graph,False,,,64,2,4,3,skipsum,False,swish,0.0,mean,sgd,0.01,99,1.0874,0.0014,134967.0,0.0172,0.0013,0.38,0.0012,,,,,,,,
-batch,PyG,TU_IMDB,graph,False,,,64,2,6,2,skipconcat,True,relu,0.6,max,adam,0.01,199,1.0552,0.0029,139747.0,0.0266,0.0012,0.4428,0.0079,,,,,,,,
-batch,PyG,TU_PROTEINS,graph,False,,,16,1,6,2,stack,False,relu,0.3,max,adam,0.001,199,0.5064,0.0113,134965.0,0.0333,0.0015,0.7602,0.0043,0.732,0.0102,0.6216,0.0179,0.6721,0.0087,0.8176,0.0079
-batch,PyG,TU_PROTEINS,graph,False,,,16,2,4,3,skipconcat,True,swish,0.6,add,sgd,0.1,199,0.5075,0.0058,136630.0,0.014,0.0016,0.7576,0.0042,0.7193,0.0116,0.635,0.0026,0.6745,0.0038,0.8177,0.0058
-batch,PyG,TU_PROTEINS,graph,False,,,32,1,6,2,stack,False,relu,0.3,max,adam,0.001,199,0.5087,0.0062,134965.0,0.0151,0.0017,0.7542,0.0046,0.7123,0.0055,0.635,0.0191,0.6712,0.0099,0.8168,0.0032
-batch,PyG,TU_PROTEINS,graph,False,,,32,2,4,3,skipconcat,True,swish,0.6,add,sgd,0.1,199,0.4949,0.0058,136630.0,0.0151,0.0022,0.7678,0.0035,0.7299,0.0026,0.6552,0.0108,0.6905,0.0072,0.8291,0.0051
-batch,PyG,TU_PROTEINS,graph,False,,,64,1,6,2,stack,False,relu,0.3,max,adam,0.001,199,0.5154,0.0023,134965.0,0.0207,0.0013,0.7561,0.0062,0.7074,0.0018,0.6532,0.0272,0.6789,0.0156,0.8131,0.0016
-batch,PyG,TU_PROTEINS,graph,False,,,64,2,4,3,skipconcat,True,swish,0.6,add,sgd,0.1,199,0.4885,0.0075,136630.0,0.023,0.003,0.764,0.0048,0.7272,0.0104,0.6456,0.0028,0.6839,0.0058,0.8321,0.0054
-batch,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,16,1,2,3,stack,False,prelu,0.3,mean,sgd,0.1,99,,,134851.0,0.0098,0.0012,0.1896,0.0101,,,,,,,,
-batch,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,32,1,2,3,stack,False,prelu,0.3,mean,sgd,0.1,99,,,134851.0,0.015,0.0006,0.1896,0.0101,,,,,,,,
-batch,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,64,1,2,3,stack,False,prelu,0.3,mean,sgd,0.1,99,,,134851.0,0.0205,0.0009,0.1896,0.0101,,,,,,,,
-batch,nx,scalefree,graph,True,node_const,graph_path_len,16,1,2,1,skipsum,True,relu,0.0,mean,adam,0.01,199,1.6072,0.0014,134625.0,0.0314,0.0005,0.2157,0.0069,,,,,,,,
-batch,nx,scalefree,graph,True,node_const,graph_path_len,16,1,8,1,skipsum,False,prelu,0.6,add,sgd,0.1,99,1.6073,0.0014,134278.0,0.0179,0.0006,0.2157,0.0069,,,,,,,,
-batch,nx,scalefree,graph,True,node_const,graph_path_len,16,1,8,3,skipconcat,True,prelu,0.3,add,sgd,0.1,99,0.8277,0.0159,136714.0,0.0228,0.0008,0.6013,0.0231,,,,,,,,
-batch,nx,scalefree,graph,True,node_const,graph_path_len,16,2,2,1,skipsum,True,relu,0.3,add,adam,0.01,199,0.6531,0.0194,134789.0,0.0135,0.0011,0.6945,0.0151,,,,,,,,
-batch,nx,scalefree,graph,True,node_const,graph_path_len,16,2,4,1,skipconcat,False,swish,0.3,max,sgd,0.01,199,0.7242,0.0393,137725.0,0.0122,0.0007,0.701,0.0106,,,,,,,,
-batch,nx,scalefree,graph,True,node_const,graph_path_len,32,1,2,1,skipsum,True,relu,0.0,mean,adam,0.01,199,1.6075,0.0015,134625.0,0.015,0.0007,0.2124,0.0083,,,,,,,,
-batch,nx,scalefree,graph,True,node_const,graph_path_len,32,1,8,1,skipsum,False,prelu,0.6,add,sgd,0.1,99,1.6073,0.0014,134278.0,0.0162,0.0025,0.2157,0.0069,,,,,,,,
-batch,nx,scalefree,graph,True,node_const,graph_path_len,32,1,8,3,skipconcat,True,prelu,0.3,add,sgd,0.1,99,0.6162,0.0172,136714.0,0.0761,0.0025,0.6945,0.022,,,,,,,,
-batch,nx,scalefree,graph,True,node_const,graph_path_len,32,2,2,1,skipsum,True,relu,0.3,add,adam,0.01,199,0.5954,0.0121,134789.0,0.0138,0.0005,0.7173,0.022,,,,,,,,
-batch,nx,scalefree,graph,True,node_const,graph_path_len,32,2,4,1,skipconcat,False,swish,0.3,max,sgd,0.01,199,0.6277,0.0173,137725.0,0.0445,0.0022,0.719,0.0023,,,,,,,,
-batch,nx,scalefree,graph,True,node_const,graph_path_len,64,1,2,1,skipsum,True,relu,0.0,mean,adam,0.01,199,1.6113,0.0031,134625.0,0.0355,0.001,0.201,0.012,,,,,,,,
-batch,nx,scalefree,graph,True,node_const,graph_path_len,64,1,8,1,skipsum,False,prelu,0.6,add,sgd,0.1,99,1.6075,0.0013,134278.0,0.0294,0.0035,0.2124,0.0083,,,,,,,,
-batch,nx,scalefree,graph,True,node_const,graph_path_len,64,1,8,3,skipconcat,True,prelu,0.3,add,sgd,0.1,99,0.6087,0.016,136714.0,0.029,0.0008,0.6879,0.0083,,,,,,,,
-batch,nx,scalefree,graph,True,node_const,graph_path_len,64,2,2,1,skipsum,True,relu,0.3,add,adam,0.01,199,0.5111,0.0291,134789.0,0.0171,0.0005,0.7582,0.0333,,,,,,,,
-batch,nx,scalefree,graph,True,node_const,graph_path_len,64,2,4,1,skipconcat,False,swish,0.3,max,sgd,0.01,199,0.6132,0.036,137725.0,0.0208,0.0012,0.7059,0.032,,,,,,,,
-batch,nx,scalefree,graph,True,node_onehot,graph_path_len,16,1,2,1,skipconcat,True,relu,0.3,mean,sgd,0.01,199,0.3063,0.0558,136453.0,0.0095,0.0008,0.8807,0.0261,,,,,,,,
-batch,nx,scalefree,graph,True,node_onehot,graph_path_len,16,2,6,1,skipsum,True,swish,0.3,max,adam,0.1,199,0.3985,0.0737,133829.0,0.0184,0.0022,0.8464,0.0197,,,,,,,,
-batch,nx,scalefree,graph,True,node_onehot,graph_path_len,16,3,8,1,skipsum,True,prelu,0.6,mean,adam,0.01,399,0.4846,0.0239,134298.0,0.095,0.0129,0.7876,0.018,,,,,,,,
-batch,nx,scalefree,graph,True,node_onehot,graph_path_len,32,1,2,1,skipconcat,True,relu,0.3,mean,sgd,0.01,199,0.3212,0.0303,136453.0,0.0124,0.0012,0.8513,0.0023,,,,,,,,
-batch,nx,scalefree,graph,True,node_onehot,graph_path_len,32,2,6,1,skipsum,True,swish,0.3,max,adam,0.1,199,0.2757,0.0716,133829.0,0.0207,0.001,0.8905,0.0281,,,,,,,,
-batch,nx,scalefree,graph,True,node_onehot,graph_path_len,32,3,8,1,skipsum,True,prelu,0.6,mean,adam,0.01,399,0.4573,0.014,134298.0,0.0958,0.0177,0.8055,0.0281,,,,,,,,
-batch,nx,scalefree,graph,True,node_onehot,graph_path_len,64,1,2,1,skipconcat,True,relu,0.3,mean,sgd,0.01,199,0.3411,0.0032,136453.0,0.0188,0.0001,0.8578,0.0,,,,,,,,
-batch,nx,scalefree,graph,True,node_onehot,graph_path_len,64,2,6,1,skipsum,True,swish,0.3,max,adam,0.1,199,0.3343,0.0351,133829.0,0.0265,0.0024,0.8594,0.0083,,,,,,,,
-batch,nx,scalefree,graph,True,node_onehot,graph_path_len,64,3,8,1,skipsum,True,prelu,0.6,mean,adam,0.01,399,0.518,0.0446,134298.0,0.0833,0.0023,0.7598,0.0212,,,,,,,,
-batch,nx,scalefree,graph,True,node_pagerank,graph_path_len,16,1,2,1,skipsum,False,swish,0.3,add,adam,0.01,99,0.4173,0.0342,134900.0,0.0099,0.0003,0.8284,0.0174,,,,,,,,
-batch,nx,scalefree,graph,True,node_pagerank,graph_path_len,16,2,4,1,skipsum,True,prelu,0.3,mean,sgd,0.001,199,0.6563,0.0285,134119.0,0.0481,0.003,0.7059,0.004,,,,,,,,
-batch,nx,scalefree,graph,True,node_pagerank,graph_path_len,16,3,2,1,stack,True,swish,0.6,add,sgd,0.1,99,1.3596,0.3336,134285.0,0.0101,0.0013,0.6536,0.0523,,,,,,,,
-batch,nx,scalefree,graph,True,node_pagerank,graph_path_len,32,1,2,1,skipsum,False,swish,0.3,add,adam,0.01,99,0.4597,0.0229,134900.0,0.0134,0.0029,0.8088,0.008,,,,,,,,
-batch,nx,scalefree,graph,True,node_pagerank,graph_path_len,32,2,4,1,skipsum,True,prelu,0.3,mean,sgd,0.001,199,0.6488,0.0463,134119.0,0.0185,0.004,0.7418,0.0205,,,,,,,,
-batch,nx,scalefree,graph,True,node_pagerank,graph_path_len,32,3,2,1,stack,True,swish,0.6,add,sgd,0.1,99,0.8904,0.0646,134285.0,0.0126,0.0008,0.6814,0.0144,,,,,,,,
-batch,nx,scalefree,graph,True,node_pagerank,graph_path_len,64,1,2,1,skipsum,False,swish,0.3,add,adam,0.01,99,1.0966,0.3469,134900.0,0.0147,0.0018,0.536,0.112,,,,,,,,
-batch,nx,scalefree,graph,True,node_pagerank,graph_path_len,64,2,4,1,skipsum,True,prelu,0.3,mean,sgd,0.001,199,0.6975,0.0685,134119.0,0.0249,0.0026,0.7141,0.0489,,,,,,,,
-batch,nx,scalefree,graph,True,node_pagerank,graph_path_len,64,3,2,1,stack,True,swish,0.6,add,sgd,0.1,99,1.6025,1.1485,134285.0,0.0214,0.0016,0.7141,0.0361,,,,,,,,
-batch,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,16,2,2,3,stack,True,relu,0.3,add,adam,0.01,399,0.2996,0.0021,134118.0,0.0143,0.0013,0.8788,0.0009,,,,,,,,
-batch,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,16,2,4,2,skipconcat,False,prelu,0.3,max,adam,0.001,399,0.3791,0.0053,136829.0,0.0174,0.0005,0.8403,0.0032,,,,,,,,
-batch,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,16,3,4,2,skipsum,False,relu,0.6,mean,adam,0.01,399,1.1312,0.3382,134676.0,0.0455,0.0022,0.479,0.1955,,,,,,,,
-batch,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,16,3,6,3,skipsum,True,relu,0.0,mean,sgd,0.1,399,0.0049,0.0009,134297.0,0.0487,0.0046,0.9998,0.0001,,,,,,,,
-batch,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,32,2,2,3,stack,True,relu,0.3,add,adam,0.01,399,0.25,0.0065,134118.0,0.0174,0.0011,0.8978,0.0022,,,,,,,,
-batch,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,32,2,4,2,skipconcat,False,prelu,0.3,max,adam,0.001,399,0.3882,0.0041,136829.0,0.0211,0.0015,0.8369,0.0006,,,,,,,,
-batch,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,32,3,4,2,skipsum,False,relu,0.6,mean,adam,0.01,399,1.1129,0.3511,134676.0,0.0181,0.0009,0.4887,0.2024,,,,,,,,
-batch,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,32,3,6,3,skipsum,True,relu,0.0,mean,sgd,0.1,399,0.0139,0.0044,134297.0,0.0259,0.0037,0.9981,0.0013,,,,,,,,
-batch,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,64,2,2,3,stack,True,relu,0.3,add,adam,0.01,399,0.2257,0.0056,134118.0,0.0594,0.0013,0.9077,0.0028,,,,,,,,
-batch,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,64,2,4,2,skipconcat,False,prelu,0.3,max,adam,0.001,399,0.4073,0.0109,136829.0,0.0209,0.0017,0.8292,0.0042,,,,,,,,
-batch,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,64,3,4,2,skipsum,False,relu,0.6,mean,adam,0.01,399,1.1019,0.359,134676.0,0.0277,0.0042,0.496,0.2076,,,,,,,,
-batch,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,64,3,6,3,skipsum,True,relu,0.0,mean,sgd,0.1,399,0.0577,0.0164,134297.0,0.0366,0.0026,0.9869,0.0064,,,,,,,,
-batch,nx,scalefree,node,True,node_const,node_clustering_coefficient,16,1,6,3,skipconcat,True,relu,0.3,add,adam,0.1,199,1.0672,0.0101,140561.0,0.0194,0.0013,0.5148,0.0048,,,,,,,,
-batch,nx,scalefree,node,True,node_const,node_clustering_coefficient,16,1,8,2,stack,True,prelu,0.6,mean,sgd,0.1,399,1.283,0.0061,133926.0,0.0715,0.0107,0.4413,0.0023,,,,,,,,
-batch,nx,scalefree,node,True,node_const,node_clustering_coefficient,16,2,8,3,skipconcat,True,relu,0.6,mean,sgd,0.1,399,1.1769,0.0041,137441.0,0.0177,0.0018,0.495,0.001,,,,,,,,
-batch,nx,scalefree,node,True,node_const,node_clustering_coefficient,16,3,6,1,skipsum,True,prelu,0.6,max,sgd,0.1,399,1.0592,0.0095,135430.0,0.0188,0.0027,0.5462,0.0019,,,,,,,,
-batch,nx,scalefree,node,True,node_const,node_clustering_coefficient,32,1,6,3,skipconcat,True,relu,0.3,add,adam,0.1,199,0.9889,0.0129,140561.0,0.0222,0.0011,0.5415,0.0045,,,,,,,,
-batch,nx,scalefree,node,True,node_const,node_clustering_coefficient,32,1,8,2,stack,True,prelu,0.6,mean,sgd,0.1,399,1.3219,0.0054,133926.0,0.0225,0.001,0.4243,0.0022,,,,,,,,
-batch,nx,scalefree,node,True,node_const,node_clustering_coefficient,32,2,8,3,skipconcat,True,relu,0.6,mean,sgd,0.1,399,1.2112,0.0043,137441.0,0.0239,0.0034,0.4746,0.0024,,,,,,,,
-batch,nx,scalefree,node,True,node_const,node_clustering_coefficient,32,3,6,1,skipsum,True,prelu,0.6,max,sgd,0.1,399,1.1415,0.0017,135430.0,0.0638,0.006,0.5055,0.0023,,,,,,,,
-batch,nx,scalefree,node,True,node_const,node_clustering_coefficient,64,1,6,3,skipconcat,True,relu,0.3,add,adam,0.1,199,0.9348,0.0117,140561.0,0.0979,0.0085,0.564,0.0042,,,,,,,,
-batch,nx,scalefree,node,True,node_const,node_clustering_coefficient,64,1,8,2,stack,True,prelu,0.6,mean,sgd,0.1,399,1.3609,0.0058,133926.0,0.0341,0.004,0.4067,0.001,,,,,,,,
-batch,nx,scalefree,node,True,node_const,node_clustering_coefficient,64,2,8,3,skipconcat,True,relu,0.6,mean,sgd,0.1,399,1.2907,0.0067,137441.0,0.1025,0.0065,0.441,0.0051,,,,,,,,
-batch,nx,scalefree,node,True,node_const,node_clustering_coefficient,64,3,6,1,skipsum,True,prelu,0.6,max,sgd,0.1,399,1.2007,0.0009,135430.0,0.0925,0.0121,0.4748,0.0018,,,,,,,,
-batch,nx,scalefree,node,True,node_const,node_pagerank,16,1,2,2,stack,True,swish,0.0,mean,adam,0.01,399,1.6094,0.0,134789.0,0.0129,0.0012,0.203,0.0007,,,,,,,,
-batch,nx,scalefree,node,True,node_const,node_pagerank,16,1,8,1,stack,True,swish,0.6,mean,adam,0.1,99,1.1203,0.0085,135429.0,0.0216,0.0034,0.504,0.0057,,,,,,,,
-batch,nx,scalefree,node,True,node_const,node_pagerank,32,1,2,2,stack,True,swish,0.0,mean,adam,0.01,399,1.5646,0.0144,134789.0,0.0153,0.0003,0.261,0.0097,,,,,,,,
-batch,nx,scalefree,node,True,node_const,node_pagerank,32,1,8,1,stack,True,swish,0.6,mean,adam,0.1,99,1.1167,0.0029,135429.0,0.0228,0.0026,0.5085,0.0019,,,,,,,,
-batch,nx,scalefree,node,True,node_const,node_pagerank,64,1,2,2,stack,True,swish,0.0,mean,adam,0.01,399,1.5417,0.0131,134789.0,0.0496,0.0014,0.2947,0.0108,,,,,,,,
-batch,nx,scalefree,node,True,node_const,node_pagerank,64,1,8,1,stack,True,swish,0.6,mean,adam,0.1,99,1.1207,0.0065,135429.0,0.0405,0.007,0.5201,0.0048,,,,,,,,
-batch,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,16,2,8,3,skipsum,False,prelu,0.6,add,sgd,0.001,399,1.5332,0.0206,133749.0,0.0194,0.0024,0.3002,0.0117,,,,,,,,
-batch,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,16,3,4,3,skipsum,True,prelu,0.3,add,sgd,0.1,199,0.8783,0.0402,135430.0,0.0153,0.001,0.6078,0.0183,,,,,,,,
-batch,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,16,3,6,1,skipsum,False,swish,0.6,max,sgd,0.01,199,1.4814,0.0047,134277.0,0.0339,0.0009,0.3557,0.0034,,,,,,,,
-batch,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,32,2,8,3,skipsum,False,prelu,0.6,add,sgd,0.001,399,1.5752,0.0028,133749.0,0.0224,0.0024,0.2702,0.0044,,,,,,,,
-batch,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,32,3,4,3,skipsum,True,prelu,0.3,add,sgd,0.1,199,0.9428,0.003,135430.0,0.0268,0.0016,0.5624,0.0054,,,,,,,,
-batch,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,32,3,6,1,skipsum,False,swish,0.6,max,sgd,0.01,199,1.5354,0.0023,134277.0,0.023,0.0038,0.3294,0.0019,,,,,,,,
-batch,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,64,2,8,3,skipsum,False,prelu,0.6,add,sgd,0.001,399,1.5871,0.0011,133749.0,0.0269,0.001,0.2599,0.0038,,,,,,,,
-batch,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,64,3,4,3,skipsum,True,prelu,0.3,add,sgd,0.1,199,0.9889,0.005,135430.0,0.0341,0.0077,0.5402,0.0022,,,,,,,,
-batch,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,64,3,6,1,skipsum,False,swish,0.6,max,sgd,0.01,199,1.5563,0.0007,134277.0,0.0302,0.0042,0.3056,0.002,,,,,,,,
-batch,nx,scalefree,node,True,node_onehot,node_pagerank,16,2,2,3,skipsum,False,swish,0.0,max,adam,0.01,99,0.2615,0.0396,134789.0,0.0113,0.0005,0.9085,0.0179,,,,,,,,
-batch,nx,scalefree,node,True,node_onehot,node_pagerank,32,2,2,3,skipsum,False,swish,0.0,max,adam,0.01,99,0.3403,0.0171,134789.0,0.0173,0.0008,0.8698,0.0067,,,,,,,,
-batch,nx,scalefree,node,True,node_onehot,node_pagerank,64,2,2,3,skipsum,False,swish,0.0,max,adam,0.01,99,0.4605,0.0091,134789.0,0.024,0.0018,0.8101,0.0036,,,,,,,,
-batch,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,16,1,6,2,stack,False,prelu,0.0,max,adam,0.001,399,0.1224,0.0035,134677.0,0.0171,0.0013,0.9788,0.0004,,,,,,,,
-batch,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,16,2,8,1,stack,True,relu,0.3,mean,adam,0.1,399,1.4343,0.0062,133925.0,0.0228,0.0006,0.3702,0.0048,,,,,,,,
-batch,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,32,1,6,2,stack,False,prelu,0.0,max,adam,0.001,399,0.2553,0.0135,134677.0,0.0158,0.0014,0.9312,0.0064,,,,,,,,
-batch,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,32,2,8,1,stack,True,relu,0.3,mean,adam,0.1,399,1.4133,0.008,133925.0,0.0273,0.0033,0.3748,0.0085,,,,,,,,
-batch,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,64,1,6,2,stack,False,prelu,0.0,max,adam,0.001,399,0.5251,0.0011,134677.0,0.028,0.0034,0.8001,0.0025,,,,,,,,
-batch,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,64,2,8,1,stack,True,relu,0.3,mean,adam,0.1,399,1.3898,0.0114,133925.0,0.0315,0.0042,0.3822,0.0103,,,,,,,,
-batch,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,16,1,4,1,skipconcat,False,relu,0.3,add,sgd,0.001,99,0.1629,0.0057,136970.0,0.0122,0.0009,0.9461,0.008,,,,,,,,
-batch,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,16,2,6,1,skipconcat,True,relu,0.3,max,adam,0.001,399,0.5024,0.092,138689.0,0.0211,0.0022,0.7843,0.0382,,,,,,,,
-batch,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,32,1,4,1,skipconcat,False,relu,0.3,add,sgd,0.001,99,0.1973,0.0088,136970.0,0.0135,0.0018,0.9216,0.004,,,,,,,,
-batch,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,32,2,6,1,skipconcat,True,relu,0.3,max,adam,0.001,399,0.4359,0.0949,138689.0,0.0227,0.0012,0.8317,0.0474,,,,,,,,
-batch,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,1,4,1,skipconcat,False,relu,0.3,add,sgd,0.001,99,0.2422,0.0181,136970.0,0.0492,0.0013,0.9265,0.012,,,,,,,,
-batch,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,2,6,1,skipconcat,True,relu,0.3,max,adam,0.001,399,0.4412,0.0452,138689.0,0.0284,0.0007,0.8235,0.0289,,,,,,,,
-batch,nx,smallworld,graph,True,node_const,graph_path_len,16,2,4,2,skipsum,True,relu,0.3,mean,sgd,0.1,99,0.9224,0.0848,134069.0,0.0154,0.0003,0.5915,0.0647,,,,,,,,
-batch,nx,smallworld,graph,True,node_const,graph_path_len,16,2,6,3,skipconcat,True,relu,0.0,add,sgd,0.001,199,0.8828,0.0235,141785.0,0.0526,0.0004,0.6111,0.0198,,,,,,,,
-batch,nx,smallworld,graph,True,node_const,graph_path_len,16,3,4,2,stack,True,relu,0.3,mean,adam,0.1,99,1.1534,0.0172,133829.0,0.0158,0.0022,0.4804,0.0243,,,,,,,,
-batch,nx,smallworld,graph,True,node_const,graph_path_len,32,2,4,2,skipsum,True,relu,0.3,mean,sgd,0.1,99,0.8092,0.0372,134069.0,0.0412,0.0032,0.6356,0.0093,,,,,,,,
-batch,nx,smallworld,graph,True,node_const,graph_path_len,32,2,6,3,skipconcat,True,relu,0.0,add,sgd,0.001,199,0.7539,0.0115,141785.0,0.0459,0.0023,0.6863,0.016,,,,,,,,
-batch,nx,smallworld,graph,True,node_const,graph_path_len,32,3,4,2,stack,True,relu,0.3,mean,adam,0.1,99,1.0774,0.027,133829.0,0.0241,0.0009,0.5114,0.0115,,,,,,,,
-batch,nx,smallworld,graph,True,node_const,graph_path_len,64,2,4,2,skipsum,True,relu,0.3,mean,sgd,0.1,99,0.7924,0.0562,134069.0,0.0303,0.0081,0.6373,0.0263,,,,,,,,
-batch,nx,smallworld,graph,True,node_const,graph_path_len,64,2,6,3,skipconcat,True,relu,0.0,add,sgd,0.001,199,0.7593,0.0275,141785.0,0.0262,0.0046,0.6602,0.0205,,,,,,,,
-batch,nx,smallworld,graph,True,node_const,graph_path_len,64,3,4,2,stack,True,relu,0.3,mean,adam,0.1,99,1.0465,0.0218,133829.0,0.0331,0.0069,0.5376,0.0092,,,,,,,,
-batch,nx,smallworld,graph,True,node_onehot,graph_path_len,16,1,4,1,stack,False,relu,0.0,mean,adam,0.1,99,1.6053,0.0013,134850.0,0.0136,0.0038,0.219,0.0023,,,,,,,,
-batch,nx,smallworld,graph,True,node_onehot,graph_path_len,16,1,8,2,skipconcat,True,relu,0.0,max,sgd,0.001,199,0.0099,0.0056,138385.0,0.0209,0.0025,0.9984,0.0023,,,,,,,,
-batch,nx,smallworld,graph,True,node_onehot,graph_path_len,16,2,6,2,skipsum,False,swish,0.6,max,adam,0.001,99,1.2348,0.0734,134277.0,0.0163,0.0014,0.4232,0.0345,,,,,,,,
-batch,nx,smallworld,graph,True,node_onehot,graph_path_len,16,2,8,1,stack,False,prelu,0.6,add,sgd,0.1,99,1.5591,0.0639,134921.0,0.0169,0.0013,0.2451,0.0346,,,,,,,,
-batch,nx,smallworld,graph,True,node_onehot,graph_path_len,16,3,6,2,skipconcat,True,prelu,0.0,max,adam,0.001,99,0.0022,0.0008,136488.0,0.0242,0.002,1.0,0.0,,,,,,,,
-batch,nx,smallworld,graph,True,node_onehot,graph_path_len,32,1,4,1,stack,False,relu,0.0,mean,adam,0.1,99,1.6056,0.0012,134850.0,0.0149,0.003,0.219,0.0023,,,,,,,,
-batch,nx,smallworld,graph,True,node_onehot,graph_path_len,32,1,8,2,skipconcat,True,relu,0.0,max,sgd,0.001,199,0.0161,0.0038,138385.0,0.0211,0.0021,1.0,0.0,,,,,,,,
-batch,nx,smallworld,graph,True,node_onehot,graph_path_len,32,2,6,2,skipsum,False,swish,0.6,max,adam,0.001,99,1.2349,0.0529,134277.0,0.0192,0.0011,0.4003,0.0523,,,,,,,,
-batch,nx,smallworld,graph,True,node_onehot,graph_path_len,32,2,8,1,stack,False,prelu,0.6,add,sgd,0.1,99,1.5313,0.0556,134921.0,0.0209,0.0034,0.2663,0.0326,,,,,,,,
-batch,nx,smallworld,graph,True,node_onehot,graph_path_len,32,3,6,2,skipconcat,True,prelu,0.0,max,adam,0.001,99,0.002,0.0004,136488.0,0.0244,0.0034,1.0,0.0,,,,,,,,
-batch,nx,smallworld,graph,True,node_onehot,graph_path_len,64,1,4,1,stack,False,relu,0.0,mean,adam,0.1,99,1.6071,0.0012,134850.0,0.022,0.0015,0.2108,0.0069,,,,,,,,
-batch,nx,smallworld,graph,True,node_onehot,graph_path_len,64,1,8,2,skipconcat,True,relu,0.0,max,sgd,0.001,199,0.0217,0.0025,138385.0,0.0681,0.0031,1.0,0.0,,,,,,,,
-batch,nx,smallworld,graph,True,node_onehot,graph_path_len,64,2,6,2,skipsum,False,swish,0.6,max,adam,0.001,99,1.3547,0.0553,134277.0,0.0259,0.0042,0.3758,0.0497,,,,,,,,
-batch,nx,smallworld,graph,True,node_onehot,graph_path_len,64,2,8,1,stack,False,prelu,0.6,add,sgd,0.1,99,1.5593,0.0639,134921.0,0.0259,0.0008,0.2451,0.0346,,,,,,,,
-batch,nx,smallworld,graph,True,node_onehot,graph_path_len,64,3,6,2,skipconcat,True,prelu,0.0,max,adam,0.001,99,0.0025,0.0002,136488.0,0.031,0.0043,1.0,0.0,,,,,,,,
-batch,nx,smallworld,graph,True,node_pagerank,graph_path_len,16,1,4,2,skipsum,True,swish,0.0,max,sgd,0.01,99,0.0553,0.0025,134118.0,0.0373,0.0026,0.9771,0.0061,,,,,,,,
-batch,nx,smallworld,graph,True,node_pagerank,graph_path_len,16,3,4,3,stack,True,swish,0.3,mean,sgd,0.01,399,0.4166,0.027,135429.0,0.0229,0.003,0.8235,0.0106,,,,,,,,
-batch,nx,smallworld,graph,True,node_pagerank,graph_path_len,32,1,4,2,skipsum,True,swish,0.0,max,sgd,0.01,99,0.0426,0.0037,134118.0,0.0209,0.0027,0.9902,0.0069,,,,,,,,
-batch,nx,smallworld,graph,True,node_pagerank,graph_path_len,32,3,4,3,stack,True,swish,0.3,mean,sgd,0.01,399,0.4669,0.0631,135429.0,0.0427,0.0064,0.8088,0.0208,,,,,,,,
-batch,nx,smallworld,graph,True,node_pagerank,graph_path_len,64,1,4,2,skipsum,True,swish,0.0,max,sgd,0.01,99,0.082,0.0083,134118.0,0.0248,0.0005,0.9869,0.0061,,,,,,,,
-batch,nx,smallworld,graph,True,node_pagerank,graph_path_len,64,3,4,3,stack,True,swish,0.3,mean,sgd,0.01,399,0.4707,0.0746,135429.0,0.0404,0.005,0.8121,0.0439,,,,,,,,
-batch,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,16,1,2,3,skipconcat,True,relu,0.6,max,adam,0.1,199,1.523,0.0087,134542.0,0.0374,0.0007,0.3047,0.0078,,,,,,,,
-batch,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,16,2,6,1,stack,False,prelu,0.6,add,sgd,0.1,99,1.5036,0.001,134677.0,0.0593,0.0015,0.3119,0.0028,,,,,,,,
-batch,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,16,2,8,1,stack,True,swish,0.0,add,sgd,0.01,399,0.7581,0.0306,133925.0,0.0207,0.0029,0.6943,0.0173,,,,,,,,
-batch,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,16,2,8,2,stack,False,prelu,0.0,add,sgd,0.1,399,1.4795,0.0034,135361.0,0.0134,0.0003,0.3187,0.0012,,,,,,,,
-batch,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,16,2,8,3,skipconcat,True,prelu,0.0,mean,sgd,0.01,99,1.2577,0.0092,137442.0,0.0839,0.0071,0.4728,0.0019,,,,,,,,
-batch,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,16,3,4,2,skipsum,False,swish,0.0,mean,adam,0.1,99,1.6094,0.0,134676.0,0.0152,0.0016,0.2025,0.0005,,,,,,,,
-batch,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,32,1,2,3,skipconcat,True,relu,0.6,max,adam,0.1,199,1.3857,0.0094,134542.0,0.021,0.0043,0.4124,0.0041,,,,,,,,
-batch,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,32,2,6,1,stack,False,prelu,0.6,add,sgd,0.1,99,1.5075,0.0004,134677.0,0.0587,0.0028,0.3036,0.0011,,,,,,,,
-batch,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,32,2,8,1,stack,True,swish,0.0,add,sgd,0.01,399,0.807,0.023,133925.0,0.0255,0.0022,0.6842,0.0186,,,,,,,,
-batch,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,32,2,8,2,stack,False,prelu,0.0,add,sgd,0.1,399,1.4585,0.008,135361.0,0.0719,0.0082,0.3385,0.0095,,,,,,,,
-batch,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,32,2,8,3,skipconcat,True,prelu,0.0,mean,sgd,0.01,99,1.2586,0.0086,137442.0,0.0277,0.0023,0.4698,0.0041,,,,,,,,
-batch,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,32,3,4,2,skipsum,False,swish,0.0,mean,adam,0.1,99,1.5249,0.1195,134676.0,0.0164,0.0014,0.2743,0.1017,,,,,,,,
-batch,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,64,1,2,3,skipconcat,True,relu,0.6,max,adam,0.1,199,1.3197,0.0049,134542.0,0.0288,0.0029,0.444,0.0056,,,,,,,,
-batch,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,64,2,6,1,stack,False,prelu,0.6,add,sgd,0.1,99,1.5118,0.0006,134677.0,0.0336,0.0043,0.3018,0.0019,,,,,,,,
-batch,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,64,2,8,1,stack,True,swish,0.0,add,sgd,0.01,399,0.9553,0.028,133925.0,0.0326,0.0013,0.6322,0.0136,,,,,,,,
-batch,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,64,2,8,2,stack,False,prelu,0.0,add,sgd,0.1,399,1.4446,0.0086,135361.0,0.0329,0.0029,0.3497,0.0106,,,,,,,,
-batch,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,64,2,8,3,skipconcat,True,prelu,0.0,mean,sgd,0.01,99,1.2724,0.0036,137442.0,0.1311,0.0157,0.4624,0.0021,,,,,,,,
-batch,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,64,3,4,2,skipsum,False,swish,0.0,mean,adam,0.1,99,1.6094,0.0,134676.0,0.029,0.0072,0.2025,0.0005,,,,,,,,
-batch,nx,smallworld,node,True,node_const,node_clustering_coefficient,16,1,6,1,skipconcat,False,prelu,0.3,add,adam,0.001,199,1.5331,0.0003,138646.0,0.0153,0.0012,0.295,0.0015,,,,,,,,
-batch,nx,smallworld,node,True,node_const,node_clustering_coefficient,16,2,4,3,skipconcat,False,prelu,0.6,add,adam,0.1,199,1.6048,0.0003,137199.0,0.0194,0.0009,0.233,0.0015,,,,,,,,
-batch,nx,smallworld,node,True,node_const,node_clustering_coefficient,16,3,4,2,stack,True,relu,0.3,mean,sgd,0.01,399,1.3327,0.0209,133829.0,0.0163,0.0034,0.4163,0.0114,,,,,,,,
-batch,nx,smallworld,node,True,node_const,node_clustering_coefficient,16,3,8,2,skipconcat,True,swish,0.0,max,sgd,0.01,399,,,140833.0,0.0279,0.0065,0.1992,0.0013,,,,,,,,
-batch,nx,smallworld,node,True,node_const,node_clustering_coefficient,32,1,6,1,skipconcat,False,prelu,0.3,add,adam,0.001,199,1.5348,0.0018,138646.0,0.019,0.0022,0.293,0.0019,,,,,,,,
-batch,nx,smallworld,node,True,node_const,node_clustering_coefficient,32,2,4,3,skipconcat,False,prelu,0.6,add,adam,0.1,199,1.6048,0.0003,137199.0,0.0247,0.004,0.233,0.0015,,,,,,,,
-batch,nx,smallworld,node,True,node_const,node_clustering_coefficient,32,3,4,2,stack,True,relu,0.3,mean,sgd,0.01,399,1.3362,0.0108,133829.0,0.0211,0.0028,0.4134,0.0042,,,,,,,,
-batch,nx,smallworld,node,True,node_const,node_clustering_coefficient,32,3,8,2,skipconcat,True,swish,0.0,max,sgd,0.01,399,,,140833.0,0.0225,0.0017,0.1992,0.0013,,,,,,,,
-batch,nx,smallworld,node,True,node_const,node_clustering_coefficient,64,1,6,1,skipconcat,False,prelu,0.3,add,adam,0.001,199,1.514,0.0073,138646.0,0.0294,0.0008,0.3199,0.0077,,,,,,,,
-batch,nx,smallworld,node,True,node_const,node_clustering_coefficient,64,2,4,3,skipconcat,False,prelu,0.6,add,adam,0.1,199,1.6048,0.0002,137199.0,0.0361,0.0093,0.233,0.0015,,,,,,,,
-batch,nx,smallworld,node,True,node_const,node_clustering_coefficient,64,3,4,2,stack,True,relu,0.3,mean,sgd,0.01,399,1.3466,0.0245,133829.0,0.0345,0.0036,0.411,0.0138,,,,,,,,
-batch,nx,smallworld,node,True,node_const,node_clustering_coefficient,64,3,8,2,skipconcat,True,swish,0.0,max,sgd,0.01,399,,,140833.0,0.0447,0.0093,0.1992,0.0013,,,,,,,,
-batch,nx,smallworld,node,True,node_const,node_pagerank,16,2,2,3,skipconcat,True,relu,0.3,mean,adam,0.001,399,1.4799,0.0065,137441.0,0.0173,0.0011,0.345,0.0067,,,,,,,,
-batch,nx,smallworld,node,True,node_const,node_pagerank,16,2,6,3,stack,False,relu,0.3,max,adam,0.1,199,1.6094,0.0,134920.0,0.0478,0.0032,0.2025,0.0005,,,,,,,,
-batch,nx,smallworld,node,True,node_const,node_pagerank,16,3,8,3,skipconcat,False,relu,0.3,max,adam,0.1,399,1.6094,0.0,137415.0,0.0225,0.0026,0.2025,0.0005,,,,,,,,
-batch,nx,smallworld,node,True,node_const,node_pagerank,32,2,2,3,skipconcat,True,relu,0.3,mean,adam,0.001,399,1.4907,0.0031,137441.0,0.0205,0.0023,0.3381,0.003,,,,,,,,
-batch,nx,smallworld,node,True,node_const,node_pagerank,32,2,6,3,stack,False,relu,0.3,max,adam,0.1,199,1.6094,0.0,134920.0,0.0449,0.007,0.2025,0.0005,,,,,,,,
-batch,nx,smallworld,node,True,node_const,node_pagerank,32,3,8,3,skipconcat,False,relu,0.3,max,adam,0.1,399,1.6094,0.0,137415.0,0.0723,0.0115,0.2025,0.0005,,,,,,,,
-batch,nx,smallworld,node,True,node_const,node_pagerank,64,2,2,3,skipconcat,True,relu,0.3,mean,adam,0.001,399,1.5214,0.0025,137441.0,0.0308,0.0001,0.3164,0.0028,,,,,,,,
-batch,nx,smallworld,node,True,node_const,node_pagerank,64,2,6,3,stack,False,relu,0.3,max,adam,0.1,199,1.6094,0.0,134920.0,0.0496,0.0023,0.2025,0.0005,,,,,,,,
-batch,nx,smallworld,node,True,node_const,node_pagerank,64,3,8,3,skipconcat,False,relu,0.3,max,adam,0.1,399,1.6094,0.0,137415.0,0.0341,0.0038,0.2025,0.0005,,,,,,,,
-batch,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,16,1,2,2,skipconcat,True,prelu,0.6,add,adam,0.001,199,1.4243,0.0052,136296.0,0.0507,0.0015,0.3733,0.0053,,,,,,,,
-batch,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,16,1,4,2,skipconcat,False,relu,0.3,mean,sgd,0.01,399,1.6008,0.0008,137397.0,0.0124,0.0006,0.2414,0.0029,,,,,,,,
-batch,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,16,1,8,2,stack,True,swish,0.3,max,sgd,0.001,99,1.7205,0.012,133925.0,0.0217,0.0046,0.2279,0.0036,,,,,,,,
-batch,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,16,2,8,3,skipsum,False,prelu,0.0,mean,adam,0.01,99,1.6048,0.0003,133749.0,0.0749,0.0029,0.233,0.0015,,,,,,,,
-batch,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,32,1,2,2,skipconcat,True,prelu,0.6,add,adam,0.001,199,1.4473,0.0026,136296.0,0.0177,0.0017,0.3615,0.0022,,,,,,,,
-batch,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,32,1,4,2,skipconcat,False,relu,0.3,mean,sgd,0.01,399,1.6036,0.0001,137397.0,0.0139,0.0007,0.2342,0.0028,,,,,,,,
-batch,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,32,1,8,2,stack,True,swish,0.3,max,sgd,0.001,99,1.8344,0.009,133925.0,0.0466,0.0039,0.2167,0.0032,,,,,,,,
-batch,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,32,2,8,3,skipsum,False,prelu,0.0,mean,adam,0.01,99,1.6048,0.0003,133749.0,0.0812,0.006,0.233,0.0015,,,,,,,,
-batch,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,64,1,2,2,skipconcat,True,prelu,0.6,add,adam,0.001,199,1.4916,0.0053,136296.0,0.0274,0.0029,0.336,0.0053,,,,,,,,
-batch,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,64,1,4,2,skipconcat,False,relu,0.3,mean,sgd,0.01,399,1.6046,0.0002,137397.0,0.0238,0.0031,0.2328,0.0019,,,,,,,,
-batch,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,64,1,8,2,stack,True,swish,0.3,max,sgd,0.001,99,1.9649,0.0075,133925.0,0.0299,0.0014,0.2091,0.0019,,,,,,,,
-batch,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,64,2,8,3,skipsum,False,prelu,0.0,mean,adam,0.01,99,1.6048,0.0003,133749.0,0.0317,0.001,0.233,0.0015,,,,,,,,
-batch,nx,smallworld,node,True,node_onehot,node_pagerank,16,3,4,2,skipsum,True,prelu,0.3,max,sgd,0.1,399,1.0136,0.0018,133830.0,0.0169,0.0007,0.5554,0.0012,,,,,,,,
-batch,nx,smallworld,node,True,node_onehot,node_pagerank,16,3,4,3,stack,True,relu,0.0,max,adam,0.01,399,0.021,0.0035,135429.0,0.025,0.0057,0.9946,0.001,,,,,,,,
-batch,nx,smallworld,node,True,node_onehot,node_pagerank,32,3,4,2,skipsum,True,prelu,0.3,max,sgd,0.1,399,1.0173,0.0027,133830.0,0.033,0.0084,0.5514,0.0025,,,,,,,,
-batch,nx,smallworld,node,True,node_onehot,node_pagerank,32,3,4,3,stack,True,relu,0.0,max,adam,0.01,399,0.0054,0.001,135429.0,0.0386,0.0058,0.9996,0.0002,,,,,,,,
-batch,nx,smallworld,node,True,node_onehot,node_pagerank,64,3,4,2,skipsum,True,prelu,0.3,max,sgd,0.1,399,1.0528,0.0035,133830.0,0.0431,0.0022,0.5358,0.0008,,,,,,,,
-batch,nx,smallworld,node,True,node_onehot,node_pagerank,64,3,4,3,stack,True,relu,0.0,max,adam,0.01,399,0.0027,0.001,135429.0,0.0699,0.0073,1.0,0.0,,,,,,,,
-batch,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,16,3,4,2,stack,True,relu,0.3,add,sgd,0.1,199,1.0864,0.0134,133829.0,0.021,0.0036,0.5215,0.0069,,,,,,,,
-batch,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,32,3,4,2,stack,True,relu,0.3,add,sgd,0.1,199,1.0667,0.0098,133829.0,0.0216,0.0037,0.5301,0.0059,,,,,,,,
-batch,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,64,3,4,2,stack,True,relu,0.3,add,sgd,0.1,199,1.0653,0.006,133829.0,0.0269,0.0018,0.5262,0.0034,,,,,,,,
-bn,PyG,AmazonComputers,node,True,,,64,1,8,2,skipsum,False,swish,0.6,max,sgd,0.01,399,1.8854,0.004,227006.0,0.1695,0.0176,0.3766,0.0019,,,,,,,,
-bn,PyG,AmazonComputers,node,True,,,64,1,8,2,skipsum,True,swish,0.6,max,sgd,0.01,399,1.116,0.0064,228216.0,0.2218,0.02,0.62,0.0057,,,,,,,,
-bn,PyG,AmazonComputers,node,True,,,64,2,2,1,skipsum,False,prelu,0.0,max,sgd,0.01,199,1.8345,0.005,296321.0,0.1257,0.0042,0.3766,0.0019,,,,,,,,
-bn,PyG,AmazonComputers,node,True,,,64,2,2,1,skipsum,True,prelu,0.0,max,sgd,0.01,199,1.4311,0.0132,295119.0,0.313,0.0703,0.5801,0.0206,,,,,,,,
-bn,PyG,AmazonComputers,node,True,,,64,2,2,3,stack,False,relu,0.6,add,sgd,0.001,399,1.9773,0.0025,260484.0,0.1201,0.018,0.3618,0.0028,,,,,,,,
-bn,PyG,AmazonComputers,node,True,,,64,2,2,3,stack,True,relu,0.6,add,sgd,0.001,399,2.3943,0.0298,259048.0,0.1841,0.0071,0.3159,0.0009,,,,,,,,
-bn,PyG,AmazonComputers,node,True,,,64,2,6,2,skipsum,False,swish,0.3,mean,adam,0.01,199,1.8671,0.0018,234532.0,0.2015,0.0169,0.3766,0.0019,,,,,,,,
-bn,PyG,AmazonComputers,node,True,,,64,2,6,2,skipsum,True,swish,0.3,mean,adam,0.01,199,0.1156,0.015,232842.0,0.2652,0.0239,0.9662,0.0043,,,,,,,,
-bn,PyG,AmazonPhoto,node,True,,,16,1,4,2,skipconcat,False,prelu,0.0,max,sgd,0.01,399,0.4823,0.2233,183839.0,0.0436,0.0019,0.879,0.0623,,,,,,,,
-bn,PyG,AmazonPhoto,node,True,,,16,1,4,2,skipconcat,True,prelu,0.0,max,sgd,0.01,399,0.0446,0.0025,184459.0,0.0548,0.0085,0.9918,0.0012,,,,,,,,
-bn,PyG,AmazonPhoto,node,True,,,32,2,4,2,skipconcat,False,prelu,0.3,mean,adam,0.01,399,0.0501,0.0307,182521.0,0.0518,0.0132,0.9881,0.0085,,,,,,,,
-bn,PyG,AmazonPhoto,node,True,,,32,2,4,2,skipconcat,True,prelu,0.3,mean,adam,0.01,399,0.0075,0.0025,183192.0,0.0557,0.011,0.9985,0.0009,,,,,,,,
-bn,PyG,AmazonPhoto,node,True,,,64,1,8,1,skipsum,False,swish,0.6,max,adam,0.001,99,1.9216,0.0041,231434.0,0.1131,0.0057,0.2759,0.0066,,,,,,,,
-bn,PyG,AmazonPhoto,node,True,,,64,1,8,1,skipsum,True,swish,0.6,max,adam,0.001,99,1.4216,0.02,229768.0,0.0778,0.0106,0.7161,0.0133,,,,,,,,
-bn,PyG,AmazonPhoto,node,True,,,64,3,6,3,skipconcat,False,relu,0.6,add,adam,0.001,199,1.4172,0.0851,167900.0,0.0411,0.0054,0.4662,0.0493,,,,,,,,
-bn,PyG,AmazonPhoto,node,True,,,64,3,6,3,skipconcat,True,relu,0.6,add,adam,0.001,199,0.8655,0.0165,159728.0,0.0546,0.0024,0.7052,0.0091,,,,,,,,
-bn,PyG,AmazonPhoto,node,True,,,64,3,8,3,stack,False,swish,0.6,mean,adam,0.1,199,1.9276,0.004,212738.0,0.0471,0.004,0.252,0.0025,,,,,,,,
-bn,PyG,AmazonPhoto,node,True,,,64,3,8,3,stack,True,swish,0.6,mean,adam,0.1,199,0.5951,0.0691,214103.0,0.0744,0.013,0.8014,0.0493,,,,,,,,
-bn,PyG,CiteSeer,node,True,,,32,3,8,2,skipsum,False,relu,0.3,mean,sgd,0.1,99,1.3317,0.1012,542416.0,0.0986,0.0304,0.4869,0.0603,,,,,,,,
-bn,PyG,CiteSeer,node,True,,,32,3,8,2,skipsum,True,relu,0.3,mean,sgd,0.1,99,0.5781,0.0041,537594.0,0.114,0.0181,0.8117,0.004,,,,,,,,
-bn,PyG,CiteSeer,node,True,,,64,3,4,1,skipsum,False,relu,0.6,mean,sgd,0.1,399,0.8716,0.0952,686896.0,0.0962,0.0097,0.7689,0.0274,,,,,,,,
-bn,PyG,CiteSeer,node,True,,,64,3,4,1,skipsum,True,relu,0.6,mean,sgd,0.1,399,0.7529,0.0279,682434.0,0.0915,0.0078,0.7888,0.0031,,,,,,,,
-bn,PyG,CoauthorCS,node,True,,,16,1,4,3,skipsum,False,relu,0.3,max,sgd,0.001,399,2.4797,0.0091,1150444.0,0.9873,0.1223,0.2237,0.0006,,,,,,,,
-bn,PyG,CoauthorCS,node,True,,,16,1,4,3,skipsum,True,relu,0.3,max,sgd,0.001,399,1.4333,0.0135,1142871.0,0.8716,0.0444,0.5826,0.0057,,,,,,,,
-bn,PyG,CoauthorCS,node,True,,,64,1,4,1,stack,False,prelu,0.6,add,sgd,0.01,399,1.6211,0.0189,1374662.0,0.8936,0.0912,0.6753,0.0086,,,,,,,,
-bn,PyG,CoauthorCS,node,True,,,64,1,4,1,stack,True,prelu,0.6,add,sgd,0.01,399,1.698,0.009,1367290.0,0.9201,0.0839,0.6444,0.0101,,,,,,,,
-bn,PyG,CoauthorPhysics,node,True,,,16,1,2,1,stack,False,relu,0.0,add,sgd,0.01,199,0.5569,0.0148,2296814.0,2.0938,0.1397,0.9218,0.0036,,,,,,,,
-bn,PyG,CoauthorPhysics,node,True,,,16,1,2,1,stack,True,relu,0.0,add,sgd,0.01,199,0.7358,0.0138,2288133.0,2.1284,0.0971,0.8144,0.007,,,,,,,,
-bn,PyG,CoauthorPhysics,node,True,,,16,3,8,2,skipconcat,False,swish,0.6,add,adam,0.1,399,1.181,0.1348,425889.0,2.1418,0.3227,0.5608,0.0394,,,,,,,,
-bn,PyG,CoauthorPhysics,node,True,,,16,3,8,2,skipconcat,True,swish,0.6,add,adam,0.1,399,0.038,0.0004,426569.0,2.567,0.1832,0.9886,0.0002,,,,,,,,
-bn,PyG,CoauthorPhysics,node,True,,,32,2,4,2,skipsum,False,relu,0.6,max,sgd,0.01,399,1.3638,0.0012,1388834.0,2.0691,0.1278,0.5056,0.0003,,,,,,,,
-bn,PyG,CoauthorPhysics,node,True,,,32,2,4,2,skipsum,True,relu,0.6,max,sgd,0.01,399,0.3279,0.0147,1379661.0,2.1296,0.2895,0.8976,0.0055,,,,,,,,
-bn,PyG,CoauthorPhysics,node,True,,,64,1,8,2,stack,False,relu,0.0,mean,sgd,0.01,399,0.815,0.2541,1151804.0,1.918,0.115,0.6876,0.1287,,,,,,,,
-bn,PyG,CoauthorPhysics,node,True,,,64,1,8,2,stack,True,relu,0.0,mean,sgd,0.01,399,0.0988,0.0023,1153014.0,1.6211,0.0357,0.9681,0.0006,,,,,,,,
-bn,PyG,Cora,node,True,,,64,1,2,2,stack,False,prelu,0.3,mean,adam,0.1,199,1.2481,0.8237,435548.0,0.0214,0.0015,0.5273,0.3185,,,,,,,,
-bn,PyG,Cora,node,True,,,64,1,2,2,stack,True,prelu,0.3,mean,adam,0.1,199,0.0295,0.002,433683.0,0.0425,0.0019,0.9905,0.0008,,,,,,,,
-bn,PyG,TU_BZR,graph,False,,,32,1,2,1,skipconcat,False,relu,0.0,mean,adam,0.1,399,0.3569,0.0142,144691.0,0.013,0.0016,0.8662,0.0095,0.8521,0.0445,0.4646,0.0351,0.6006,0.035,0.8571,0.0102
-bn,PyG,TU_BZR,graph,False,,,32,1,2,1,skipconcat,True,relu,0.0,mean,adam,0.1,399,0.3602,0.0224,144002.0,0.0121,0.0014,0.8467,0.0073,0.754,0.0056,0.4364,0.0191,0.5527,0.0166,0.8556,0.0173
-bn,PyG,TU_BZR,graph,False,,,64,1,4,3,stack,False,prelu,0.0,add,adam,0.01,199,0.5023,0.0089,142297.0,0.0445,0.0013,0.7829,0.0063,0.0,0.0,0.0,0.0,0.0,0.0,0.622,0.0078
-bn,PyG,TU_BZR,graph,False,,,64,1,4,3,stack,True,prelu,0.0,add,adam,0.01,199,0.0887,0.0161,141490.0,0.0495,0.0021,0.9691,0.0087,0.9478,0.0188,0.9092,0.06,0.9264,0.0243,0.9949,0.0041
-bn,PyG,TU_BZR,graph,False,,,64,2,2,1,skipconcat,False,relu,0.6,max,adam,0.001,99,0.4876,0.0061,143417.0,0.018,0.0007,0.7829,0.0063,0.0,0.0,0.0,0.0,0.0,0.0,0.6947,0.0298
-bn,PyG,TU_BZR,graph,False,,,64,2,2,1,skipconcat,True,relu,0.6,max,adam,0.001,99,0.4792,0.0165,142629.0,0.0173,0.0026,0.785,0.0063,0.5741,0.0693,0.0422,0.0186,0.0775,0.0315,0.6972,0.0299
-bn,PyG,TU_BZR,graph,False,,,64,2,8,2,stack,False,swish,0.3,max,sgd,0.001,199,0.5037,0.014,139726.0,0.0188,0.0008,0.785,0.0063,0.6667,0.4714,0.0095,0.0067,0.0187,0.0132,0.6295,0.0153
-bn,PyG,TU_BZR,graph,False,,,64,2,8,2,stack,True,swish,0.3,max,sgd,0.001,199,0.5044,0.0095,140991.0,0.0252,0.0021,0.7819,0.0081,0.4959,0.0292,0.1467,0.0105,0.2258,0.0099,0.672,0.0073
-bn,PyG,TU_COX2,graph,False,,,16,1,2,2,stack,False,relu,0.0,mean,sgd,0.1,399,0.5221,0.0043,140701.0,0.032,0.0015,0.7837,0.0033,0.0,0.0,0.0,0.0,0.0,0.0,0.4488,0.0251
-bn,PyG,TU_COX2,graph,False,,,16,1,2,2,stack,True,relu,0.0,mean,sgd,0.1,399,0.0637,0.0027,140240.0,0.01,0.0006,0.9795,0.0033,0.974,0.0007,0.9296,0.0158,0.9513,0.0086,0.9973,0.0006
-bn,PyG,TU_COX2,graph,False,,,16,2,6,1,skipconcat,False,swish,0.3,add,sgd,0.1,199,0.5294,0.0064,137749.0,0.0473,0.0015,0.7846,0.0046,0.3333,0.4714,0.0042,0.006,0.0083,0.0118,0.545,0.0137
-bn,PyG,TU_COX2,graph,False,,,16,2,6,1,skipconcat,True,swish,0.3,add,sgd,0.1,199,0.3428,0.0212,138373.0,0.0139,0.0003,0.8579,0.0133,0.7417,0.0494,0.5242,0.0516,0.6135,0.0483,0.8727,0.0231
-bn,PyG,TU_DD,graph,False,,,16,1,2,3,stack,False,prelu,0.3,max,adam,0.1,199,0.5707,0.0126,149788.0,0.0227,0.0016,0.7346,0.0162,0.6804,0.0224,0.6634,0.0184,0.6717,0.0182,0.7845,0.013
-bn,PyG,TU_DD,graph,False,,,16,1,2,3,stack,True,prelu,0.3,max,adam,0.1,199,0.4767,0.0014,149146.0,0.0403,0.0017,0.771,0.005,0.7299,0.007,0.6989,0.0078,0.7141,0.0071,0.8463,0.0001
-bn,PyG,TU_DD,graph,False,,,32,2,4,2,skipsum,False,swish,0.3,max,adam,0.001,399,0.415,0.0141,147660.0,0.023,0.0008,0.821,0.0043,0.7769,0.0039,0.7889,0.0083,0.7828,0.0047,0.8894,0.0058
-bn,PyG,TU_DD,graph,False,,,32,2,4,2,skipsum,True,swish,0.3,max,adam,0.001,399,0.013,0.003,146817.0,0.0356,0.0022,0.9975,0.0005,0.9949,0.0021,0.9991,0.0012,0.997,0.0006,0.9999,0.0001
-bn,PyG,TU_DD,graph,False,,,64,3,6,1,skipconcat,False,prelu,0.3,add,sgd,0.1,199,0.6736,0.005,140830.0,0.0421,0.0018,0.5916,0.0036,0.1699,0.2403,0.0454,0.0642,0.0716,0.1013,0.517,0.0579
-bn,PyG,TU_DD,graph,False,,,64,3,6,1,skipconcat,True,prelu,0.3,add,sgd,0.1,199,6.2291,2.1797,141514.0,0.0755,0.0032,0.7282,0.0026,0.6347,0.0004,0.7907,0.0069,0.7042,0.0025,0.794,0.0112
-bn,PyG,TU_ENZYMES,graph,False,,,16,2,2,2,stack,False,swish,0.6,add,adam,0.1,199,1.7727,0.0021,135050.0,0.0115,0.0015,0.2159,0.0089,,,,,,,,
-bn,PyG,TU_ENZYMES,graph,False,,,16,2,2,2,stack,True,swish,0.6,add,adam,0.1,199,1.6907,0.0027,134489.0,0.0126,0.0007,0.2886,0.0085,,,,,,,,
-bn,PyG,TU_ENZYMES,graph,False,,,32,1,8,1,stack,False,swish,0.6,mean,adam,0.001,99,1.7651,0.0055,135456.0,0.0174,0.0008,0.2271,0.0088,,,,,,,,
-bn,PyG,TU_ENZYMES,graph,False,,,32,1,8,1,stack,True,swish,0.6,mean,adam,0.001,99,1.7943,0.0237,134534.0,0.0234,0.002,0.2523,0.0094,,,,,,,,
-bn,PyG,TU_ENZYMES,graph,False,,,64,1,8,1,skipconcat,False,prelu,0.3,max,adam,0.01,399,1.3027,0.0671,137989.0,0.085,0.0045,0.4878,0.0401,,,,,,,,
-bn,PyG,TU_ENZYMES,graph,False,,,64,1,8,1,skipconcat,True,prelu,0.3,max,adam,0.01,399,0.3825,0.032,138538.0,0.0272,0.002,0.8735,0.011,,,,,,,,
-bn,PyG,TU_IMDB,graph,False,,,16,1,4,1,skipsum,False,relu,0.3,max,sgd,0.001,99,1.0818,0.003,134137.0,0.0114,0.0007,0.3878,0.0106,,,,,,,,
-bn,PyG,TU_IMDB,graph,False,,,16,1,4,1,skipsum,True,relu,0.3,max,sgd,0.001,99,1.088,0.0033,133581.0,0.0124,0.0005,0.3861,0.0037,,,,,,,,
-bn,PyG,TU_IMDB,graph,False,,,16,1,4,3,skipsum,False,relu,0.3,mean,adam,0.1,99,1.0984,0.0001,134848.0,0.0137,0.0006,0.3397,0.0008,,,,,,,,
-bn,PyG,TU_IMDB,graph,False,,,16,1,4,3,skipsum,True,relu,0.3,mean,adam,0.1,99,1.0984,0.0001,134091.0,0.0145,0.0006,0.3397,0.0008,,,,,,,,
-bn,PyG,TU_IMDB,graph,False,,,16,2,2,3,skipconcat,False,relu,0.3,add,adam,0.1,399,1.087,0.0084,135411.0,0.0104,0.0015,0.3678,0.0275,,,,,,,,
-bn,PyG,TU_IMDB,graph,False,,,16,2,2,3,skipconcat,True,relu,0.3,add,adam,0.1,399,1.0557,0.0036,136191.0,0.0122,0.001,0.4355,0.0158,,,,,,,,
-bn,PyG,TU_IMDB,graph,False,,,64,1,2,2,skipconcat,False,prelu,0.6,max,sgd,0.001,399,1.0878,0.0028,133984.0,0.0518,0.0089,0.3747,0.0053,,,,,,,,
-bn,PyG,TU_IMDB,graph,False,,,64,1,2,2,skipconcat,True,prelu,0.6,max,sgd,0.001,399,1.0756,0.0044,134614.0,0.017,0.0006,0.4111,0.0066,,,,,,,,
-bn,PyG,TU_PROTEINS,graph,False,,,64,2,8,1,skipconcat,False,prelu,0.6,max,adam,0.1,99,0.5674,0.0065,134522.0,0.0962,0.0043,0.7261,0.0025,0.661,0.0033,0.6312,0.0099,0.6457,0.0046,0.7774,0.0035
-bn,PyG,TU_PROTEINS,graph,False,,,64,2,8,1,skipconcat,True,prelu,0.6,max,adam,0.1,99,0.5318,0.0043,135122.0,0.0951,0.0068,0.7405,0.0141,0.6747,0.02,0.6647,0.0177,0.6695,0.0171,0.8024,0.0057
-bn,PyG,TU_PROTEINS,graph,False,,,64,3,8,2,skipconcat,False,relu,0.0,add,adam,0.001,399,0.1153,0.0494,138653.0,0.021,0.0009,0.961,0.0218,0.9301,0.0307,0.9752,0.024,0.9521,0.0268,0.9926,0.0064
-bn,PyG,TU_PROTEINS,graph,False,,,64,3,8,2,skipconcat,True,relu,0.0,add,adam,0.001,399,0.0355,0.0061,139333.0,0.0628,0.0043,0.9905,0.0014,0.9857,0.004,0.9904,0.0028,0.9881,0.0018,0.9994,0.0002
-bn,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,32,1,4,1,stack,False,prelu,0.3,add,sgd,0.01,399,0.8723,0.0488,134851.0,0.018,0.0002,0.5964,0.0583,,,,,,,,
-bn,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,32,1,4,1,stack,True,prelu,0.3,add,sgd,0.01,399,0.1534,0.0349,134286.0,0.0172,0.0008,0.9347,0.0122,,,,,,,,
-bn,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,32,2,2,2,skipsum,False,prelu,0.3,mean,adam,0.001,399,0.3624,0.0384,134851.0,0.0135,0.0017,0.8611,0.0202,,,,,,,,
-bn,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,32,2,2,2,skipsum,True,prelu,0.3,mean,adam,0.001,399,0.1777,0.0164,134286.0,0.0171,0.0017,0.9347,0.0101,,,,,,,,
-bn,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,32,2,8,3,skipconcat,False,relu,0.6,max,adam,0.1,199,1.6073,0.0014,136713.0,0.0546,0.0009,0.2157,0.0069,,,,,,,,
-bn,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,32,2,8,3,skipconcat,True,relu,0.6,max,adam,0.1,199,0.7793,0.0285,137441.0,0.0296,0.0054,0.6209,0.0489,,,,,,,,
-bn,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,64,3,6,1,skipsum,False,swish,0.0,add,sgd,0.001,399,0.1352,0.0201,134277.0,0.0449,0.005,0.9543,0.0083,,,,,,,,
-bn,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,64,3,6,1,skipsum,True,swish,0.0,add,sgd,0.001,399,0.0869,0.0105,135429.0,0.0615,0.0044,0.9722,0.0101,,,,,,,,
-bn,nx,scalefree,graph,True,node_const,graph_path_len,16,1,2,2,skipsum,False,swish,0.0,max,sgd,0.1,399,1.6073,0.0013,133957.0,0.0107,0.0004,0.2157,0.0069,,,,,,,,
-bn,nx,scalefree,graph,True,node_const,graph_path_len,16,1,2,2,skipsum,True,swish,0.0,max,sgd,0.1,399,1.6073,0.0014,134789.0,0.0094,0.0008,0.2157,0.0069,,,,,,,,
-bn,nx,scalefree,graph,True,node_const,graph_path_len,32,1,6,3,skipsum,False,relu,0.3,add,adam,0.001,99,0.739,0.0403,134277.0,0.0195,0.0002,0.6683,0.026,,,,,,,,
-bn,nx,scalefree,graph,True,node_const,graph_path_len,32,1,6,3,skipsum,True,relu,0.3,add,adam,0.001,99,0.5844,0.0219,135429.0,0.0358,0.0014,0.732,0.0083,,,,,,,,
-bn,nx,scalefree,graph,True,node_const,graph_path_len,32,2,8,2,skipsum,False,swish,0.0,max,adam,0.1,399,1.6073,0.0014,135360.0,0.0218,0.0006,0.2157,0.0069,,,,,,,,
-bn,nx,scalefree,graph,True,node_const,graph_path_len,32,2,8,2,skipsum,True,swish,0.0,max,adam,0.1,399,1.6073,0.0014,134297.0,0.0455,0.001,0.2157,0.0069,,,,,,,,
-bn,nx,scalefree,graph,True,node_onehot,graph_path_len,16,1,8,3,skipconcat,False,relu,0.3,mean,adam,0.1,199,1.6073,0.0014,136011.0,0.0557,0.005,0.2157,0.0069,,,,,,,,
-bn,nx,scalefree,graph,True,node_onehot,graph_path_len,16,1,8,3,skipconcat,True,relu,0.3,mean,adam,0.1,199,0.8528,0.0378,136713.0,0.022,0.0011,0.5702,0.034,,,,,,,,
-bn,nx,scalefree,graph,True,node_onehot,graph_path_len,16,3,4,2,skipconcat,False,prelu,0.3,max,adam,0.001,199,0.5373,0.0385,136086.0,0.0182,0.0016,0.7533,0.035,,,,,,,,
-bn,nx,scalefree,graph,True,node_onehot,graph_path_len,16,3,4,2,skipconcat,True,prelu,0.3,max,adam,0.001,199,0.7003,0.0537,136806.0,0.0202,0.0033,0.6977,0.0122,,,,,,,,
-bn,nx,scalefree,graph,True,node_onehot,graph_path_len,32,2,6,3,skipsum,False,relu,0.3,mean,adam,0.01,99,1.6074,0.0011,134920.0,0.0177,0.0009,0.2157,0.0069,,,,,,,,
-bn,nx,scalefree,graph,True,node_onehot,graph_path_len,32,2,6,3,skipsum,True,relu,0.3,mean,adam,0.01,99,0.4717,0.037,133925.0,0.026,0.0031,0.8006,0.0284,,,,,,,,
-bn,nx,scalefree,graph,True,node_onehot,graph_path_len,32,3,2,3,skipconcat,False,relu,0.6,add,adam,0.001,399,0.6979,0.0247,135665.0,0.0252,0.0005,0.6814,0.016,,,,,,,,
-bn,nx,scalefree,graph,True,node_onehot,graph_path_len,32,3,2,3,skipconcat,True,relu,0.6,add,adam,0.001,399,0.6548,0.0666,136501.0,0.0411,0.0011,0.7059,0.0418,,,,,,,,
-bn,nx,scalefree,graph,True,node_onehot,graph_path_len,32,3,6,3,skipconcat,False,relu,0.6,mean,sgd,0.1,399,,,134051.0,0.0176,0.002,0.1945,0.0129,,,,,,,,
-bn,nx,scalefree,graph,True,node_onehot,graph_path_len,32,3,6,3,skipconcat,True,relu,0.6,mean,sgd,0.1,399,0.677,0.0106,134810.0,0.0222,0.0006,0.6602,0.0227,,,,,,,,
-bn,nx,scalefree,graph,True,node_onehot,graph_path_len,64,3,8,2,skipconcat,False,relu,0.3,mean,sgd,0.01,99,1.6074,0.0015,140153.0,0.0265,0.0004,0.2141,0.0092,,,,,,,,
-bn,nx,scalefree,graph,True,node_onehot,graph_path_len,64,3,8,2,skipconcat,True,relu,0.3,mean,sgd,0.01,99,0.64,0.0276,140833.0,0.0295,0.0019,0.719,0.034,,,,,,,,
-bn,nx,scalefree,graph,True,node_pagerank,graph_path_len,64,2,4,2,skipconcat,False,relu,0.6,add,adam,0.01,199,0.6286,0.0363,136828.0,0.0186,0.0005,0.7059,0.0243,,,,,,,,
-bn,nx,scalefree,graph,True,node_pagerank,graph_path_len,64,2,4,2,skipconcat,True,relu,0.6,add,adam,0.01,199,0.4637,0.0182,137499.0,0.025,0.0013,0.8006,0.0201,,,,,,,,
-bn,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,16,1,2,3,skipconcat,False,swish,0.6,max,sgd,0.01,99,0.8869,0.0145,137205.0,0.0119,0.0014,0.6114,0.0048,,,,,,,,
-bn,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,16,1,2,3,skipconcat,True,swish,0.6,max,sgd,0.01,99,0.9633,0.0022,134542.0,0.041,0.0019,0.5709,0.002,,,,,,,,
-bn,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,16,1,4,3,stack,False,relu,0.0,mean,adam,0.01,99,1.4537,0.2201,134833.0,0.0124,0.0012,0.2968,0.1334,,,,,,,,
-bn,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,16,1,4,3,stack,True,relu,0.0,mean,adam,0.01,99,0.8722,0.0037,134069.0,0.016,0.0027,0.6193,0.0022,,,,,,,,
-bn,nx,scalefree,node,True,node_const,node_clustering_coefficient,32,2,2,2,skipconcat,False,relu,0.6,max,adam,0.1,199,1.4629,0.0056,135951.0,0.0163,0.0005,0.3536,0.0062,,,,,,,,
-bn,nx,scalefree,node,True,node_const,node_clustering_coefficient,32,2,2,2,skipconcat,True,relu,0.6,max,adam,0.1,199,1.2093,0.0038,136658.0,0.0219,0.0009,0.4584,0.0015,,,,,,,,
-bn,nx,scalefree,node,True,node_const,node_clustering_coefficient,32,2,4,1,stack,False,swish,0.0,mean,sgd,0.01,99,1.5759,0.0006,134789.0,0.0435,0.0031,0.269,0.0005,,,,,,,,
-bn,nx,scalefree,node,True,node_const,node_clustering_coefficient,32,2,4,1,stack,True,swish,0.0,mean,sgd,0.01,99,1.5641,0.002,134118.0,0.0381,0.0019,0.2909,0.0083,,,,,,,,
-bn,nx,scalefree,node,True,node_const,node_clustering_coefficient,32,2,4,2,skipsum,False,prelu,0.6,mean,sgd,0.001,399,1.5757,0.0009,134834.0,0.024,0.0013,0.2762,0.0025,,,,,,,,
-bn,nx,scalefree,node,True,node_const,node_clustering_coefficient,32,2,4,2,skipsum,True,prelu,0.6,mean,sgd,0.001,399,1.511,0.0034,134070.0,0.0568,0.0086,0.3198,0.0013,,,,,,,,
-bn,nx,scalefree,node,True,node_const,node_clustering_coefficient,32,3,6,3,stack,False,swish,0.3,add,sgd,0.1,199,1.3727,0.0055,135360.0,0.0178,0.0015,0.4006,0.0018,,,,,,,,
-bn,nx,scalefree,node,True,node_const,node_clustering_coefficient,32,3,6,3,stack,True,swish,0.3,add,sgd,0.1,199,1.0166,0.0019,134297.0,0.0511,0.0044,0.519,0.0007,,,,,,,,
-bn,nx,scalefree,node,True,node_const,node_clustering_coefficient,64,1,4,1,skipconcat,False,prelu,0.6,max,adam,0.01,199,1.156,0.0128,136971.0,0.0244,0.0047,0.5027,0.0063,,,,,,,,
-bn,nx,scalefree,node,True,node_const,node_clustering_coefficient,64,1,4,1,skipconcat,True,prelu,0.6,max,adam,0.01,199,1.1281,0.0121,137546.0,0.0462,0.0172,0.5161,0.0037,,,,,,,,
-bn,nx,scalefree,node,True,node_const,node_clustering_coefficient,64,1,4,1,skipsum,False,relu,0.3,mean,sgd,0.001,399,1.5769,0.0008,134850.0,0.0392,0.0034,0.2673,0.0042,,,,,,,,
-bn,nx,scalefree,node,True,node_const,node_clustering_coefficient,64,1,4,1,skipsum,True,relu,0.3,mean,sgd,0.001,399,1.5057,0.0052,134285.0,0.0265,0.0019,0.3448,0.0082,,,,,,,,
-bn,nx,scalefree,node,True,node_const,node_pagerank,32,2,2,3,stack,False,swish,0.6,add,sgd,0.001,399,1.6107,0.0006,134789.0,0.0155,0.0028,0.2181,0.0008,,,,,,,,
-bn,nx,scalefree,node,True,node_const,node_pagerank,32,2,2,3,stack,True,swish,0.6,add,sgd,0.001,399,1.1153,0.0152,134118.0,0.0166,0.0018,0.4895,0.0091,,,,,,,,
-bn,nx,scalefree,node,True,node_const,node_pagerank,32,2,4,3,stack,False,relu,0.6,max,sgd,0.01,199,1.572,0.0062,134676.0,0.0152,0.0025,0.2678,0.0087,,,,,,,,
-bn,nx,scalefree,node,True,node_const,node_pagerank,32,2,4,3,stack,True,relu,0.6,max,sgd,0.01,199,1.5029,0.0262,133829.0,0.0221,0.0008,0.3343,0.0193,,,,,,,,
-bn,nx,scalefree,node,True,node_const,node_pagerank,64,1,8,1,skipconcat,False,prelu,0.0,add,sgd,0.001,99,1.564,0.0084,137927.0,0.0298,0.0019,0.2987,0.0181,,,,,,,,
-bn,nx,scalefree,node,True,node_const,node_pagerank,64,1,8,1,skipconcat,False,swish,0.0,mean,sgd,0.001,99,1.6094,0.0,137926.0,0.0322,0.0035,0.203,0.0007,,,,,,,,
-bn,nx,scalefree,node,True,node_const,node_pagerank,64,1,8,1,skipconcat,True,prelu,0.0,add,sgd,0.001,99,1.4964,0.0121,138476.0,0.0349,0.0025,0.4511,0.0105,,,,,,,,
-bn,nx,scalefree,node,True,node_const,node_pagerank,64,1,8,1,skipconcat,True,swish,0.0,mean,sgd,0.001,99,1.609,0.0031,138475.0,0.0368,0.0075,0.2092,0.0194,,,,,,,,
-bn,nx,scalefree,node,True,node_const,node_pagerank,64,3,2,2,skipsum,False,relu,0.0,add,sgd,0.1,199,1.5821,0.0205,134789.0,0.0307,0.007,0.288,0.0681,,,,,,,,
-bn,nx,scalefree,node,True,node_const,node_pagerank,64,3,2,2,skipsum,True,relu,0.0,add,sgd,0.1,199,1.6064,0.0017,134118.0,0.0243,0.0015,0.2683,0.0455,,,,,,,,
-bn,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,16,1,6,1,skipconcat,False,relu,0.0,add,adam,0.001,399,0.7012,0.0249,138645.0,0.0127,0.0016,0.7159,0.013,,,,,,,,
-bn,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,16,1,6,1,skipconcat,True,relu,0.0,add,adam,0.001,399,0.6213,0.0099,135806.0,0.0556,0.0109,0.7643,0.0065,,,,,,,,
-bn,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,16,1,8,2,stack,False,swish,0.6,add,adam,0.01,99,1.4771,0.0045,134920.0,0.017,0.0014,0.35,0.0043,,,,,,,,
-bn,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,16,1,8,2,stack,True,swish,0.6,add,adam,0.01,99,1.0542,0.0065,133925.0,0.0272,0.0037,0.5151,0.0025,,,,,,,,
-bn,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,64,3,6,1,skipsum,False,prelu,0.3,max,adam,0.001,99,1.236,0.0143,134278.0,0.0242,0.0012,0.4667,0.0101,,,,,,,,
-bn,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,64,3,6,1,skipsum,True,prelu,0.3,max,adam,0.001,99,1.2029,0.0135,135430.0,0.0356,0.0028,0.4887,0.0089,,,,,,,,
-bn,nx,scalefree,node,True,node_onehot,node_pagerank,16,1,4,2,skipconcat,False,relu,0.0,mean,adam,0.1,199,1.6094,0.0,137397.0,0.0125,0.0005,0.203,0.0007,,,,,,,,
-bn,nx,scalefree,node,True,node_onehot,node_pagerank,16,1,4,2,skipconcat,True,relu,0.0,mean,adam,0.1,199,0.7924,0.0474,138017.0,0.0151,0.0009,0.6576,0.0228,,,,,,,,
-bn,nx,scalefree,node,True,node_onehot,node_pagerank,32,1,6,3,stack,False,prelu,0.3,add,sgd,0.01,399,1.2589,0.0025,134278.0,0.0187,0.0025,0.4599,0.0011,,,,,,,,
-bn,nx,scalefree,node,True,node_onehot,node_pagerank,32,1,6,3,stack,True,prelu,0.3,add,sgd,0.01,399,0.3885,0.0095,135430.0,0.0253,0.0047,0.8362,0.0045,,,,,,,,
-bn,nx,scalefree,node,True,node_onehot,node_pagerank,32,1,8,2,skipconcat,False,relu,0.0,max,sgd,0.001,199,1.5957,0.0012,137773.0,0.0684,0.0049,0.3361,0.0078,,,,,,,,
-bn,nx,scalefree,node,True,node_onehot,node_pagerank,32,1,8,2,skipconcat,True,relu,0.0,max,sgd,0.001,199,0.6547,0.0107,138385.0,0.0677,0.0026,0.747,0.0062,,,,,,,,
-bn,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,16,2,8,3,skipconcat,False,prelu,0.6,add,adam,0.01,399,1.1611,0.1601,136714.0,0.0919,0.0089,0.4788,0.0569,,,,,,,,
-bn,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,16,2,8,3,skipconcat,True,prelu,0.6,add,adam,0.01,399,0.9471,0.0142,137442.0,0.0253,0.0015,0.5703,0.0067,,,,,,,,
-bn,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,32,2,6,3,skipsum,False,relu,0.3,max,sgd,0.1,99,,,134920.0,0.0447,0.0073,0.1994,0.0266,,,,,,,,
-bn,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,32,2,6,3,skipsum,True,relu,0.3,max,sgd,0.1,99,0.5456,0.0387,133925.0,0.0242,0.0029,0.7843,0.0318,,,,,,,,
-bn,nx,smallworld,graph,True,node_const,graph_path_len,16,1,2,3,stack,False,prelu,0.6,max,adam,0.1,399,1.6048,0.0015,134851.0,0.0127,0.001,0.2222,0.0092,,,,,,,,
-bn,nx,smallworld,graph,True,node_const,graph_path_len,16,1,2,3,stack,True,prelu,0.6,max,adam,0.1,399,1.0473,0.0268,134286.0,0.0549,0.0083,0.5278,0.0241,,,,,,,,
-bn,nx,smallworld,graph,True,node_const,graph_path_len,64,3,2,3,stack,False,relu,0.0,mean,sgd,0.001,99,1.6053,0.0011,134833.0,0.0389,0.0037,0.219,0.0023,,,,,,,,
-bn,nx,smallworld,graph,True,node_const,graph_path_len,64,3,2,3,stack,True,relu,0.0,mean,sgd,0.001,99,1.6298,0.0941,134069.0,0.0394,0.0005,0.2696,0.0734,,,,,,,,
-bn,nx,smallworld,graph,True,node_onehot,graph_path_len,16,2,4,3,skipsum,False,relu,0.6,add,sgd,0.1,199,,,134676.0,0.0128,0.0016,0.1977,0.0257,,,,,,,,
-bn,nx,smallworld,graph,True,node_onehot,graph_path_len,16,2,4,3,skipsum,True,relu,0.6,add,sgd,0.1,199,0.8418,0.0316,133829.0,0.0167,0.0033,0.6667,0.0106,,,,,,,,
-bn,nx,smallworld,graph,True,node_onehot,graph_path_len,16,3,6,1,stack,False,prelu,0.0,add,adam,0.1,99,1.6053,0.0013,134278.0,0.0165,0.0011,0.219,0.0023,,,,,,,,
-bn,nx,smallworld,graph,True,node_onehot,graph_path_len,16,3,6,1,stack,True,prelu,0.0,add,adam,0.1,99,0.8025,0.0709,135430.0,0.0195,0.0018,0.6258,0.0541,,,,,,,,
-bn,nx,smallworld,graph,True,node_onehot,graph_path_len,64,2,2,2,stack,False,relu,0.3,mean,sgd,0.01,99,1.6053,0.0012,134850.0,0.0381,0.0027,0.2157,0.004,,,,,,,,
-bn,nx,smallworld,graph,True,node_onehot,graph_path_len,64,2,2,2,stack,True,relu,0.3,mean,sgd,0.01,99,0.9759,0.0133,134285.0,0.0242,0.005,0.5621,0.0189,,,,,,,,
-bn,nx,smallworld,graph,True,node_onehot,graph_path_len,64,3,8,2,stack,False,prelu,0.3,mean,sgd,0.001,199,1.596,0.0149,133749.0,0.0235,0.0021,0.2761,0.0295,,,,,,,,
-bn,nx,smallworld,graph,True,node_onehot,graph_path_len,64,3,8,2,stack,True,prelu,0.3,mean,sgd,0.001,199,0.7785,0.0345,135057.0,0.0346,0.0042,0.6814,0.0106,,,,,,,,
-bn,nx,smallworld,graph,True,node_pagerank,graph_path_len,16,3,4,3,stack,False,swish,0.6,max,sgd,0.01,399,1.6067,0.0023,134277.0,0.0142,0.0003,0.2304,0.0367,,,,,,,,
-bn,nx,smallworld,graph,True,node_pagerank,graph_path_len,16,3,4,3,stack,True,swish,0.6,max,sgd,0.01,399,0.8118,0.0557,135429.0,0.0153,0.0016,0.6487,0.0359,,,,,,,,
-bn,nx,smallworld,graph,True,node_pagerank,graph_path_len,32,1,4,1,skipsum,False,swish,0.0,max,sgd,0.1,399,1.6065,0.0016,134850.0,0.0355,0.004,0.2173,0.0023,,,,,,,,
-bn,nx,smallworld,graph,True,node_pagerank,graph_path_len,32,1,4,1,skipsum,True,swish,0.0,max,sgd,0.1,399,0.0177,0.0101,134285.0,0.0175,0.0017,0.9918,0.0023,,,,,,,,
-bn,nx,smallworld,graph,True,node_pagerank,graph_path_len,64,2,6,3,skipsum,False,relu,0.3,add,sgd,0.001,399,0.9735,0.1548,134920.0,0.0269,0.0024,0.5638,0.0936,,,,,,,,
-bn,nx,smallworld,graph,True,node_pagerank,graph_path_len,64,2,6,3,skipsum,True,relu,0.3,add,sgd,0.001,399,0.532,0.1184,133925.0,0.0263,0.0031,0.781,0.0555,,,,,,,,
-bn,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,16,1,6,1,skipconcat,False,prelu,0.3,add,adam,0.001,199,0.8984,0.0973,138646.0,0.0211,0.0048,0.6765,0.0391,,,,,,,,
-bn,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,16,1,6,1,skipconcat,True,prelu,0.3,add,adam,0.001,199,0.5409,0.0045,135807.0,0.0217,0.0042,0.7933,0.0026,,,,,,,,
-bn,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,32,3,6,1,skipsum,False,prelu,0.0,mean,adam,0.001,399,1.0254,0.0184,134278.0,0.0216,0.0005,0.6043,0.0073,,,,,,,,
-bn,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,32,3,6,1,skipsum,True,prelu,0.0,mean,adam,0.001,399,0.8709,0.0267,135430.0,0.0261,0.0011,0.6687,0.0139,,,,,,,,
-bn,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,64,2,8,2,skipconcat,False,relu,0.3,add,sgd,0.001,99,1.6068,0.0021,138963.0,0.032,0.0029,0.2181,0.0066,,,,,,,,
-bn,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,64,2,8,2,skipconcat,True,relu,0.3,add,sgd,0.001,99,1.7203,0.019,139609.0,0.0329,0.0017,0.3347,0.006,,,,,,,,
-bn,nx,smallworld,node,True,node_const,node_clustering_coefficient,16,2,4,1,stack,False,swish,0.0,add,adam,0.1,399,1.5564,0.0058,134789.0,0.0142,0.0004,0.2874,0.0052,,,,,,,,
-bn,nx,smallworld,node,True,node_const,node_clustering_coefficient,16,2,4,1,stack,True,swish,0.0,add,adam,0.1,399,1.2007,0.016,134118.0,0.0154,0.0033,0.4764,0.0112,,,,,,,,
-bn,nx,smallworld,node,True,node_const,node_clustering_coefficient,64,3,6,1,skipconcat,False,swish,0.0,add,adam,0.001,99,1.5308,0.0016,137033.0,0.0299,0.0012,0.3021,0.0035,,,,,,,,
-bn,nx,smallworld,node,True,node_const,node_clustering_coefficient,64,3,6,1,skipconcat,True,swish,0.0,add,adam,0.001,99,1.3623,0.0102,137717.0,0.0444,0.0175,0.4263,0.0123,,,,,,,,
-bn,nx,smallworld,node,True,node_const,node_pagerank,16,1,4,3,skipsum,False,prelu,0.0,max,adam,0.1,399,1.6094,0.0,134834.0,0.0546,0.0078,0.2025,0.0005,,,,,,,,
-bn,nx,smallworld,node,True,node_const,node_pagerank,16,1,4,3,skipsum,True,prelu,0.0,max,adam,0.1,399,1.6094,0.0,134070.0,0.0212,0.0031,0.2025,0.0005,,,,,,,,
-bn,nx,smallworld,node,True,node_const,node_pagerank,32,3,4,2,stack,False,prelu,0.6,mean,adam,0.01,199,1.6094,0.0,134677.0,0.0206,0.0058,0.2025,0.0005,,,,,,,,
-bn,nx,smallworld,node,True,node_const,node_pagerank,32,3,4,2,stack,True,prelu,0.6,mean,adam,0.01,199,1.5823,0.0019,133830.0,0.0243,0.0035,0.2518,0.004,,,,,,,,
-bn,nx,smallworld,node,True,node_const,node_pagerank,64,1,6,3,stack,False,relu,0.3,mean,adam,0.001,399,1.5937,0.0112,134277.0,0.0567,0.0109,0.2331,0.0215,,,,,,,,
-bn,nx,smallworld,node,True,node_const,node_pagerank,64,1,6,3,stack,True,relu,0.3,mean,adam,0.001,399,1.5401,0.0009,135429.0,0.0318,0.0012,0.2855,0.003,,,,,,,,
-bn,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,16,1,2,1,stack,False,prelu,0.6,mean,adam,0.01,399,1.6048,0.0002,134901.0,0.0115,0.0011,0.233,0.0015,,,,,,,,
-bn,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,16,1,2,1,stack,True,prelu,0.6,mean,adam,0.01,399,1.4818,0.0037,134626.0,0.0135,0.0016,0.348,0.0028,,,,,,,,
-bn,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,16,1,4,3,skipsum,False,swish,0.0,add,adam,0.1,99,1.596,0.0124,134833.0,0.0203,0.0032,0.2499,0.0253,,,,,,,,
-bn,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,16,1,4,3,skipsum,True,swish,0.0,add,adam,0.1,99,1.1213,0.0286,134069.0,0.0425,0.004,0.5078,0.0138,,,,,,,,
-bn,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,16,3,8,2,skipsum,False,prelu,0.3,max,adam,0.1,399,1.6048,0.0003,133749.0,0.0222,0.0018,0.233,0.0015,,,,,,,,
-bn,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,16,3,8,2,skipsum,True,prelu,0.3,max,adam,0.1,399,1.2381,0.0124,135057.0,0.0296,0.0016,0.4546,0.0018,,,,,,,,
-bn,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,32,3,2,3,stack,False,swish,0.6,mean,sgd,0.1,199,1.5689,0.0027,134833.0,0.0191,0.0025,0.2878,0.0026,,,,,,,,
-bn,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,32,3,2,3,stack,True,swish,0.6,mean,sgd,0.1,199,1.5663,0.0025,134069.0,0.0167,0.0019,0.2928,0.0023,,,,,,,,
-bn,nx,smallworld,node,True,node_onehot,node_pagerank,16,3,8,1,skipsum,False,relu,0.6,max,adam,0.001,399,1.4175,0.0027,135360.0,0.0259,0.0065,0.3833,0.0061,,,,,,,,
-bn,nx,smallworld,node,True,node_onehot,node_pagerank,16,3,8,1,skipsum,True,relu,0.6,max,adam,0.001,399,1.3434,0.0068,134297.0,0.0268,0.0026,0.4205,0.0033,,,,,,,,
-bn,nx,smallworld,node,True,node_onehot,node_pagerank,64,2,8,1,skipconcat,False,relu,0.3,max,sgd,0.1,99,1.5944,0.0002,137165.0,0.0695,0.0059,0.2623,0.002,,,,,,,,
-bn,nx,smallworld,node,True,node_onehot,node_pagerank,64,2,8,1,skipconcat,True,relu,0.3,max,sgd,0.1,99,1.5847,0.0009,137765.0,0.0371,0.0011,0.2766,0.0005,,,,,,,,
-bn,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,16,3,2,3,skipconcat,False,relu,0.0,mean,adam,0.01,399,1.6048,0.0003,135665.0,0.0368,0.0045,0.233,0.0015,,,,,,,,
-bn,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,16,3,2,3,skipconcat,True,relu,0.0,mean,adam,0.01,399,0.3658,0.0121,136501.0,0.0189,0.003,0.8664,0.0039,,,,,,,,
-bn,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,64,3,6,3,skipsum,False,swish,0.0,add,sgd,0.001,199,1.5703,0.0036,135360.0,0.0456,0.0063,0.3016,0.0026,,,,,,,,
-bn,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,64,3,6,3,skipsum,True,swish,0.0,add,sgd,0.001,199,1.0056,0.0107,134297.0,0.0318,0.0021,0.5666,0.0043,,,,,,,,
-drop,PyG,AmazonComputers,node,True,,,32,1,4,1,stack,False,prelu,0.0,mean,adam,0.001,399,0.4938,0.0035,274831.0,0.1352,0.003,0.8827,0.0042,,,,,,,,
-drop,PyG,AmazonComputers,node,True,,,32,1,4,1,stack,False,prelu,0.3,mean,adam,0.001,399,0.5816,0.0085,274831.0,0.2089,0.0378,0.8726,0.0021,,,,,,,,
-drop,PyG,AmazonComputers,node,True,,,32,1,4,1,stack,False,prelu,0.6,mean,adam,0.001,399,0.7606,0.0058,274831.0,0.2987,0.0484,0.8618,0.0015,,,,,,,,
-drop,PyG,AmazonComputers,node,True,,,32,1,6,3,skipsum,False,prelu,0.0,max,adam,0.1,99,1.883,0.0565,234533.0,0.2151,0.0301,0.3772,0.0005,,,,,,,,
-drop,PyG,AmazonComputers,node,True,,,32,1,6,3,skipsum,False,prelu,0.3,max,adam,0.1,99,1.8232,0.0665,234533.0,0.306,0.0633,0.3779,0.0014,,,,,,,,
-drop,PyG,AmazonComputers,node,True,,,32,1,6,3,skipsum,False,prelu,0.6,max,adam,0.1,99,1.8592,0.0036,234533.0,0.1978,0.0398,0.3766,0.0018,,,,,,,,
-drop,PyG,AmazonComputers,node,True,,,32,1,8,2,skipconcat,True,relu,0.0,max,sgd,0.1,199,0.0295,0.0043,165624.0,0.2369,0.0362,0.9969,0.0013,,,,,,,,
-drop,PyG,AmazonComputers,node,True,,,32,1,8,2,skipconcat,True,relu,0.3,max,sgd,0.1,199,0.2763,0.0036,165624.0,0.1671,0.0296,0.9092,0.0013,,,,,,,,
-drop,PyG,AmazonComputers,node,True,,,32,1,8,2,skipconcat,True,relu,0.6,max,sgd,0.1,199,0.5399,0.0042,165624.0,0.2144,0.0512,0.8172,0.0023,,,,,,,,
-drop,PyG,AmazonComputers,node,True,,,32,2,2,1,skipsum,False,relu,0.0,add,adam,0.01,99,1.6533,0.1477,296320.0,0.1092,0.0068,0.4523,0.0608,,,,,,,,
-drop,PyG,AmazonComputers,node,True,,,32,2,2,1,skipsum,False,relu,0.3,add,adam,0.01,99,1.6003,0.1021,296320.0,0.126,0.0103,0.4414,0.0483,,,,,,,,
-drop,PyG,AmazonComputers,node,True,,,32,2,2,1,skipsum,False,relu,0.6,add,adam,0.01,99,1.5609,0.0302,296320.0,0.0937,0.0178,0.4655,0.0027,,,,,,,,
-drop,PyG,AmazonComputers,node,True,,,64,1,2,1,skipsum,True,prelu,0.0,mean,sgd,0.01,99,1.4648,0.0211,331531.0,0.1508,0.0172,0.6855,0.0089,,,,,,,,
-drop,PyG,AmazonComputers,node,True,,,64,1,2,1,skipsum,True,prelu,0.3,mean,sgd,0.01,99,1.6197,0.0199,331531.0,0.2733,0.0103,0.5431,0.0344,,,,,,,,
-drop,PyG,AmazonComputers,node,True,,,64,1,2,1,skipsum,True,prelu,0.6,mean,sgd,0.01,99,1.8196,0.0182,331531.0,0.1932,0.0147,0.384,0.006,,,,,,,,
-drop,PyG,AmazonComputers,node,True,,,64,3,8,2,stack,True,prelu,0.0,max,sgd,0.01,399,0.0848,0.0026,218011.0,0.204,0.0135,0.9826,0.0007,,,,,,,,
-drop,PyG,AmazonComputers,node,True,,,64,3,8,2,stack,True,prelu,0.3,max,sgd,0.01,399,1.1087,0.0201,218011.0,0.2081,0.031,0.6195,0.0044,,,,,,,,
-drop,PyG,AmazonComputers,node,True,,,64,3,8,2,stack,True,prelu,0.6,max,sgd,0.01,399,1.6753,0.0277,218011.0,0.2274,0.0174,0.4179,0.0087,,,,,,,,
-drop,PyG,AmazonPhoto,node,True,,,32,1,6,2,skipconcat,True,relu,0.0,mean,adam,0.1,399,0.0021,0.0002,172004.0,0.0763,0.0115,1.0,0.0,,,,,,,,
-drop,PyG,AmazonPhoto,node,True,,,32,1,6,2,skipconcat,True,relu,0.3,mean,adam,0.1,399,0.011,0.0045,172004.0,0.0923,0.0163,0.9977,0.0015,,,,,,,,
-drop,PyG,AmazonPhoto,node,True,,,32,1,6,2,skipconcat,True,relu,0.6,mean,adam,0.1,399,0.0704,0.009,172004.0,0.0563,0.0157,0.9827,0.0028,,,,,,,,
-drop,PyG,AmazonPhoto,node,True,,,32,1,8,3,skipsum,True,swish,0.0,mean,adam,0.001,99,0.1256,0.0045,221383.0,0.1372,0.0056,0.9636,0.002,,,,,,,,
-drop,PyG,AmazonPhoto,node,True,,,32,1,8,3,skipsum,True,swish,0.3,mean,adam,0.001,99,0.2669,0.0021,221383.0,0.0948,0.0361,0.9252,0.0018,,,,,,,,
-drop,PyG,AmazonPhoto,node,True,,,32,1,8,3,skipsum,True,swish,0.6,mean,adam,0.001,99,0.5339,0.0108,221383.0,0.0673,0.0045,0.847,0.0047,,,,,,,,
-drop,PyG,AmazonPhoto,node,True,,,32,3,4,1,skipconcat,True,relu,0.0,mean,adam,0.01,99,0.063,0.0012,216203.0,0.095,0.0008,0.998,0.0001,,,,,,,,
-drop,PyG,AmazonPhoto,node,True,,,32,3,4,1,skipconcat,True,relu,0.3,mean,adam,0.01,99,0.1101,0.0023,216203.0,0.0617,0.0115,0.9908,0.0012,,,,,,,,
-drop,PyG,AmazonPhoto,node,True,,,32,3,4,1,skipconcat,True,relu,0.6,mean,adam,0.01,99,0.2364,0.0062,216203.0,0.0576,0.0111,0.97,0.001,,,,,,,,
-drop,PyG,CiteSeer,node,True,,,32,3,8,1,stack,False,prelu,0.0,mean,sgd,0.001,99,1.8574,0.0448,560057.0,0.1214,0.024,0.1999,0.0174,,,,,,,,
-drop,PyG,CiteSeer,node,True,,,32,3,8,1,stack,False,prelu,0.3,mean,sgd,0.001,99,1.8586,0.0262,560057.0,0.092,0.0009,0.2078,0.0065,,,,,,,,
-drop,PyG,CiteSeer,node,True,,,32,3,8,1,stack,False,prelu,0.6,mean,sgd,0.001,99,1.833,0.0106,560057.0,0.175,0.0516,0.2126,0.0024,,,,,,,,
-drop,PyG,CiteSeer,node,True,,,64,3,2,2,skipconcat,True,swish,0.0,mean,sgd,0.1,99,0.0076,0.0004,494221.0,0.0937,0.0117,0.9997,0.0002,,,,,,,,
-drop,PyG,CiteSeer,node,True,,,64,3,2,2,skipconcat,True,swish,0.3,mean,sgd,0.1,99,0.302,0.0213,494221.0,0.0464,0.001,0.8965,0.0082,,,,,,,,
-drop,PyG,CiteSeer,node,True,,,64,3,2,2,skipconcat,True,swish,0.6,mean,sgd,0.1,99,1.1045,0.0344,494221.0,0.0847,0.0039,0.6072,0.0148,,,,,,,,
-drop,PyG,CoauthorCS,node,True,,,32,2,4,3,stack,True,relu,0.0,max,adam,0.01,399,0.0029,0.0002,1067930.0,0.9255,0.0729,0.9993,0.0001,,,,,,,,
-drop,PyG,CoauthorCS,node,True,,,32,2,4,3,stack,True,relu,0.3,max,adam,0.01,399,0.0557,0.0042,1067930.0,0.9323,0.0753,0.983,0.0014,,,,,,,,
-drop,PyG,CoauthorCS,node,True,,,32,2,4,3,stack,True,relu,0.6,max,adam,0.01,399,0.3926,0.0097,1067930.0,1.0041,0.1214,0.8822,0.0035,,,,,,,,
-drop,PyG,CoauthorCS,node,True,,,32,3,8,3,stack,True,swish,0.0,add,adam,0.01,399,0.256,0.0179,851145.0,1.2061,0.1824,0.9225,0.0061,,,,,,,,
-drop,PyG,CoauthorCS,node,True,,,32,3,8,3,stack,True,swish,0.3,add,adam,0.01,399,0.3715,0.0067,851145.0,1.0182,0.2152,0.8919,0.0014,,,,,,,,
-drop,PyG,CoauthorCS,node,True,,,32,3,8,3,stack,True,swish,0.6,add,adam,0.01,399,0.5852,0.0125,851145.0,0.9116,0.048,0.8411,0.0059,,,,,,,,
-drop,PyG,CoauthorCS,node,True,,,64,2,2,2,skipsum,True,relu,0.0,max,sgd,0.001,199,0.5843,0.0233,1367289.0,0.9903,0.0118,0.8638,0.0081,,,,,,,,
-drop,PyG,CoauthorCS,node,True,,,64,2,2,2,skipsum,True,relu,0.3,max,sgd,0.001,199,1.7255,0.0651,1367289.0,0.8798,0.0321,0.502,0.0182,,,,,,,,
-drop,PyG,CoauthorCS,node,True,,,64,2,2,2,skipsum,True,relu,0.6,max,sgd,0.001,199,3.2881,0.0323,1367289.0,0.9824,0.049,0.1794,0.0064,,,,,,,,
-drop,PyG,CoauthorCS,node,True,,,64,3,8,2,stack,False,swish,0.0,add,sgd,0.1,399,1.3232,0.7687,884635.0,0.8418,0.0314,0.592,0.2593,,,,,,,,
-drop,PyG,CoauthorCS,node,True,,,64,3,8,2,stack,False,swish,0.3,add,sgd,0.1,399,0.905,0.0547,884635.0,1.046,0.2092,0.7433,0.0245,,,,,,,,
-drop,PyG,CoauthorCS,node,True,,,64,3,8,2,stack,False,swish,0.6,add,sgd,0.1,399,1.3756,0.0528,884635.0,0.9066,0.083,0.5252,0.0217,,,,,,,,
-drop,PyG,CoauthorPhysics,node,True,,,16,3,6,3,skipconcat,False,relu,0.0,mean,sgd,0.1,199,0.0437,0.0039,427963.0,2.2307,0.2214,0.9877,0.001,,,,,,,,
-drop,PyG,CoauthorPhysics,node,True,,,16,3,6,3,skipconcat,False,relu,0.3,mean,sgd,0.1,199,0.1466,0.017,427963.0,2.4272,0.2933,0.9596,0.0037,,,,,,,,
-drop,PyG,CoauthorPhysics,node,True,,,16,3,6,3,skipconcat,False,relu,0.6,mean,sgd,0.1,199,0.742,0.0129,427963.0,1.8411,0.2398,0.69,0.0163,,,,,,,,
-drop,PyG,Cora,node,True,,,16,2,4,2,skipconcat,True,relu,0.0,add,sgd,0.1,399,0.0015,0.0,224853.0,0.0534,0.0148,1.0,0.0,,,,,,,,
-drop,PyG,Cora,node,True,,,16,2,4,2,skipconcat,True,relu,0.3,add,sgd,0.1,399,0.0202,0.0047,224853.0,0.0267,0.004,0.9938,0.0022,,,,,,,,
-drop,PyG,Cora,node,True,,,16,2,4,2,skipconcat,True,relu,0.6,add,sgd,0.1,399,0.1661,0.0158,224853.0,0.0476,0.009,0.9501,0.0047,,,,,,,,
-drop,PyG,Cora,node,True,,,16,2,4,3,stack,True,relu,0.0,add,sgd,0.001,199,0.6577,0.0198,330862.0,0.039,0.0036,0.8032,0.0083,,,,,,,,
-drop,PyG,Cora,node,True,,,16,2,4,3,stack,True,relu,0.3,add,sgd,0.001,199,1.9531,0.0233,330862.0,0.0289,0.0036,0.3041,0.0151,,,,,,,,
-drop,PyG,Cora,node,True,,,16,2,4,3,stack,True,relu,0.6,add,sgd,0.001,199,2.7561,0.0482,330862.0,0.034,0.0024,0.2003,0.01,,,,,,,,
-drop,PyG,TU_COX2,graph,False,,,64,1,8,1,stack,False,relu,0.0,max,adam,0.01,99,0.5189,0.0047,138934.0,0.0343,0.0042,0.7837,0.0033,0.0,0.0,0.0,0.0,0.0,0.0,0.5654,0.0082
-drop,PyG,TU_COX2,graph,False,,,64,1,8,1,stack,False,relu,0.3,max,adam,0.01,99,0.521,0.0061,138934.0,0.0383,0.0028,0.7837,0.0033,0.0,0.0,0.0,0.0,0.0,0.0,0.5359,0.0274
-drop,PyG,TU_COX2,graph,False,,,64,1,8,1,stack,False,relu,0.6,max,adam,0.01,99,0.5214,0.0081,138934.0,0.0326,0.0021,0.7837,0.0033,0.0,0.0,0.0,0.0,0.0,0.0,0.5383,0.0425
-drop,PyG,TU_COX2,graph,False,,,64,3,8,3,skipsum,False,swish,0.0,mean,adam,0.1,199,0.5206,0.0031,137446.0,0.032,0.0064,0.7837,0.0033,0.0,0.0,0.0,0.0,0.0,0.0,0.4713,0.0675
-drop,PyG,TU_COX2,graph,False,,,64,3,8,3,skipsum,False,swish,0.3,mean,adam,0.1,199,0.5226,0.0035,137446.0,0.0325,0.0018,0.7837,0.0033,0.0,0.0,0.0,0.0,0.0,0.0,0.4836,0.0249
-drop,PyG,TU_COX2,graph,False,,,64,3,8,3,skipsum,False,swish,0.6,mean,adam,0.1,199,0.5297,0.0081,137446.0,0.043,0.0075,0.7837,0.0033,0.0,0.0,0.0,0.0,0.0,0.0,0.424,0.0302
-drop,PyG,TU_DD,graph,False,,,16,2,2,2,skipconcat,False,relu,0.0,mean,adam,0.001,99,0.3138,0.0371,142613.0,0.0155,0.0009,0.8744,0.0174,0.8344,0.0198,0.8641,0.0236,0.849,0.0216,0.9434,0.0173
-drop,PyG,TU_DD,graph,False,,,16,2,2,2,skipconcat,False,relu,0.3,mean,adam,0.001,99,0.4888,0.0035,142613.0,0.0368,0.0027,0.775,0.004,0.7486,0.0066,0.6774,0.0147,0.7111,0.0074,0.845,0.0033
-drop,PyG,TU_DD,graph,False,,,16,2,2,2,skipconcat,False,relu,0.6,mean,adam,0.001,99,0.5421,0.0159,142613.0,0.0226,0.0023,0.7395,0.0095,0.6836,0.0095,0.6765,0.0141,0.68,0.0114,0.8031,0.0143
-drop,PyG,TU_DD,graph,False,,,32,1,2,1,skipsum,False,relu,0.0,max,adam,0.001,399,0.0068,0.0014,156000.0,0.0348,0.0028,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-drop,PyG,TU_DD,graph,False,,,32,1,2,1,skipsum,False,relu,0.3,max,adam,0.001,399,0.218,0.0189,156000.0,0.0242,0.0033,0.9172,0.0119,0.9067,0.0158,0.8893,0.0152,0.8978,0.0144,0.9738,0.0057
-drop,PyG,TU_DD,graph,False,,,32,1,2,1,skipsum,False,relu,0.6,max,adam,0.001,399,0.4318,0.0061,156000.0,0.023,0.0077,0.8181,0.0013,0.7924,0.001,0.7526,0.0064,0.7719,0.0038,0.8825,0.0016
-drop,PyG,TU_DD,graph,False,,,64,2,4,1,stack,True,swish,0.0,mean,adam,0.1,99,0.4127,0.0075,147745.0,0.1047,0.0062,0.8266,0.0123,0.7799,0.016,0.8027,0.017,0.7911,0.0154,0.8947,0.0037
-drop,PyG,TU_DD,graph,False,,,64,2,4,1,stack,True,swish,0.3,mean,adam,0.1,99,0.4598,0.0181,147745.0,0.0747,0.0052,0.7986,0.0049,0.7465,0.0081,0.769,0.0078,0.7575,0.0058,0.8672,0.0107
-drop,PyG,TU_DD,graph,False,,,64,2,4,1,stack,True,swish,0.6,mean,adam,0.1,99,0.4789,0.0048,147745.0,0.0694,0.0115,0.7802,0.0077,0.7283,0.012,0.7388,0.0052,0.7334,0.0066,0.8533,0.0036
-drop,PyG,TU_ENZYMES,graph,False,,,64,2,8,3,skipconcat,False,swish,0.0,mean,adam,0.001,99,1.3136,0.0327,136740.0,0.0324,0.0031,0.4934,0.0114,,,,,,,,
-drop,PyG,TU_ENZYMES,graph,False,,,64,2,8,3,skipconcat,False,swish,0.3,mean,adam,0.001,99,1.5852,0.0145,136740.0,0.0639,0.0009,0.3354,0.0157,,,,,,,,
-drop,PyG,TU_ENZYMES,graph,False,,,64,2,8,3,skipconcat,False,swish,0.6,mean,adam,0.001,99,1.7541,0.0057,136740.0,0.0259,0.0016,0.2089,0.0055,,,,,,,,
-drop,PyG,TU_ENZYMES,graph,False,,,64,3,2,2,stack,False,relu,0.0,add,sgd,0.001,399,1.3915,0.0185,135296.0,0.0196,0.0019,0.4521,0.0169,,,,,,,,
-drop,PyG,TU_ENZYMES,graph,False,,,64,3,2,2,stack,False,relu,0.3,add,sgd,0.001,399,1.6405,0.0139,135296.0,0.0154,0.0003,0.3131,0.0366,,,,,,,,
-drop,PyG,TU_ENZYMES,graph,False,,,64,3,2,2,stack,False,relu,0.6,add,sgd,0.001,399,1.7858,0.0015,135296.0,0.0349,0.0017,0.1768,0.0109,,,,,,,,
-drop,PyG,TU_IMDB,graph,False,,,32,2,8,3,skipsum,True,swish,0.0,mean,adam,0.001,199,1.0781,0.0029,133746.0,0.0406,0.0039,0.4214,0.0129,,,,,,,,
-drop,PyG,TU_IMDB,graph,False,,,32,2,8,3,skipsum,True,swish,0.3,mean,adam,0.001,199,1.0587,0.0077,133746.0,0.0263,0.0016,0.4258,0.0123,,,,,,,,
-drop,PyG,TU_IMDB,graph,False,,,32,2,8,3,skipsum,True,swish,0.6,mean,adam,0.001,199,1.0624,0.0042,133746.0,0.0509,0.0025,0.4261,0.0061,,,,,,,,
-drop,PyG,TU_IMDB,graph,False,,,32,3,4,1,stack,False,prelu,0.0,add,adam,0.01,199,1.0049,0.0106,134849.0,0.0509,0.0037,0.495,0.0092,,,,,,,,
-drop,PyG,TU_IMDB,graph,False,,,32,3,4,1,stack,False,prelu,0.3,add,adam,0.01,199,1.0372,0.0045,134849.0,0.0142,0.0015,0.4636,0.0079,,,,,,,,
-drop,PyG,TU_IMDB,graph,False,,,32,3,4,1,stack,False,prelu,0.6,add,adam,0.01,199,1.0849,0.0051,134849.0,0.0142,0.0022,0.3969,0.0167,,,,,,,,
-drop,PyG,TU_IMDB,graph,False,,,64,1,6,2,skipsum,True,relu,0.0,max,sgd,0.01,199,1.0918,0.0015,134126.0,0.0378,0.0015,0.3753,0.0027,,,,,,,,
-drop,PyG,TU_IMDB,graph,False,,,64,1,6,2,skipsum,True,relu,0.3,max,sgd,0.01,199,1.0538,0.0029,134126.0,0.0346,0.0013,0.4464,0.0062,,,,,,,,
-drop,PyG,TU_IMDB,graph,False,,,64,1,6,2,skipsum,True,relu,0.6,max,sgd,0.01,199,1.0682,0.0064,134126.0,0.0222,0.0023,0.4158,0.017,,,,,,,,
-drop,PyG,TU_IMDB,graph,False,,,64,3,2,1,skipconcat,False,relu,0.0,mean,adam,0.001,399,1.0964,0.0003,135293.0,0.0142,0.0006,0.35,0.0103,,,,,,,,
-drop,PyG,TU_IMDB,graph,False,,,64,3,2,1,skipconcat,False,relu,0.3,mean,adam,0.001,399,1.0838,0.0023,135293.0,0.0333,0.0008,0.3922,0.0099,,,,,,,,
-drop,PyG,TU_IMDB,graph,False,,,64,3,2,1,skipconcat,False,relu,0.6,mean,adam,0.001,399,1.0787,0.0021,135293.0,0.0319,0.0007,0.4061,0.0174,,,,,,,,
-drop,PyG,TU_PROTEINS,graph,False,,,16,1,8,1,skipconcat,False,prelu,0.0,mean,adam,0.01,199,0.5252,0.0066,135239.0,0.0737,0.004,0.7553,0.0075,0.6966,0.0085,0.6753,0.0151,0.6857,0.0118,0.8109,0.0053
-drop,PyG,TU_PROTEINS,graph,False,,,16,1,8,1,skipconcat,False,prelu,0.3,mean,adam,0.01,199,0.5338,0.0036,135239.0,0.0176,0.0012,0.7439,0.0056,0.6811,0.0084,0.6628,0.0083,0.6718,0.0083,0.8031,0.0044
-drop,PyG,TU_PROTEINS,graph,False,,,16,1,8,1,skipconcat,False,prelu,0.6,mean,adam,0.01,199,0.5424,0.0034,135239.0,0.0163,0.0012,0.7454,0.0129,0.6876,0.0189,0.6532,0.0155,0.6699,0.0169,0.7987,0.0048
-drop,PyG,TU_PROTEINS,graph,False,,,32,2,4,3,skipconcat,True,relu,0.0,max,adam,0.01,399,0.4738,0.0231,136630.0,0.018,0.0022,0.7674,0.015,0.711,0.012,0.6934,0.0483,0.7014,0.0276,0.8425,0.0174
-drop,PyG,TU_PROTEINS,graph,False,,,32,2,4,3,skipconcat,True,relu,0.3,max,adam,0.01,399,0.4983,0.0076,136630.0,0.0171,0.0015,0.7568,0.0073,0.7094,0.0112,0.6522,0.0213,0.6794,0.0136,0.8259,0.0044
-drop,PyG,TU_PROTEINS,graph,False,,,32,2,4,3,skipconcat,True,relu,0.6,max,adam,0.01,399,0.5271,0.0025,136630.0,0.0216,0.0005,0.7481,0.0062,0.699,0.016,0.6389,0.0103,0.6673,0.0051,0.8024,0.0023
-drop,PyG,TU_PROTEINS,graph,False,,,32,3,2,2,stack,False,prelu,0.0,add,adam,0.01,399,0.4815,0.0268,134477.0,0.0133,0.0007,0.7792,0.0126,0.747,0.0216,0.6686,0.0082,0.7056,0.0137,0.8397,0.0122
-drop,PyG,TU_PROTEINS,graph,False,,,32,3,2,2,stack,False,prelu,0.3,add,adam,0.01,399,0.5065,0.007,134477.0,0.0145,0.0012,0.7595,0.0014,0.7552,0.0168,0.5814,0.0277,0.6562,0.0109,0.8187,0.0052
-drop,PyG,TU_PROTEINS,graph,False,,,32,3,2,2,stack,False,prelu,0.6,add,adam,0.01,399,0.5387,0.0012,134477.0,0.0161,0.0008,0.7398,0.0028,0.7223,0.0011,0.5555,0.0104,0.628,0.007,0.7964,0.0012
-drop,PyG,TU_PROTEINS,graph,False,,,32,3,4,1,skipsum,True,relu,0.0,mean,adam,0.1,199,0.5489,0.0336,134089.0,0.0135,0.0002,0.747,0.0215,0.6896,0.0231,0.6533,0.0422,0.6708,0.033,0.7924,0.0263
-drop,PyG,TU_PROTEINS,graph,False,,,32,3,4,1,skipsum,True,relu,0.3,mean,adam,0.1,199,0.5617,0.0014,134089.0,0.0391,0.0022,0.7288,0.0093,0.6661,0.0162,0.6312,0.0014,0.6481,0.007,0.7805,0.0012
-drop,PyG,TU_PROTEINS,graph,False,,,32,3,4,1,skipsum,True,relu,0.6,mean,adam,0.1,199,0.5737,0.0047,134089.0,0.035,0.003,0.7276,0.0112,0.6656,0.0109,0.6256,0.0244,0.6448,0.0171,0.7713,0.0069
-drop,PyG,TU_PROTEINS,graph,False,,,64,2,4,2,stack,False,swish,0.0,add,sgd,0.01,199,0.5285,0.025,134846.0,0.0299,0.0023,0.7413,0.0184,0.7278,0.0112,0.5535,0.0809,0.6254,0.0487,0.7891,0.0267
-drop,PyG,TU_PROTEINS,graph,False,,,64,2,4,2,stack,False,swish,0.3,add,sgd,0.01,199,0.5337,0.0304,134846.0,0.0167,0.0019,0.7383,0.0212,0.7266,0.0105,0.5401,0.0702,0.6176,0.0486,0.7888,0.031
-drop,PyG,TU_PROTEINS,graph,False,,,64,2,4,2,stack,False,swish,0.6,add,sgd,0.01,199,0.5307,0.023,134846.0,0.0175,0.0025,0.7462,0.0174,0.7188,0.0015,0.5878,0.0743,0.6442,0.0476,0.7939,0.029
-drop,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,16,2,4,2,skipconcat,True,swish,0.0,max,adam,0.01,99,0.0163,0.0062,137499.0,0.0522,0.0008,0.9967,0.0023,,,,,,,,
-drop,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,16,2,4,2,skipconcat,True,swish,0.3,max,adam,0.01,99,0.2823,0.0089,137499.0,0.0172,0.0029,0.8873,0.0145,,,,,,,,
-drop,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,16,2,4,2,skipconcat,True,swish,0.6,max,adam,0.01,99,0.5189,0.0299,137499.0,0.0536,0.0023,0.768,0.0231,,,,,,,,
-drop,nx,scalefree,graph,True,node_const,graph_path_len,16,1,4,1,stack,True,prelu,0.0,max,sgd,0.001,99,,,134286.0,0.0136,0.0013,0.1896,0.0101,,,,,,,,
-drop,nx,scalefree,graph,True,node_const,graph_path_len,16,1,4,1,stack,True,prelu,0.3,max,sgd,0.001,99,0.6383,0.0593,134286.0,0.0138,0.0009,0.7337,0.0167,,,,,,,,
-drop,nx,scalefree,graph,True,node_const,graph_path_len,16,1,4,1,stack,True,prelu,0.6,max,sgd,0.001,99,0.7933,0.1028,134286.0,0.0144,0.0041,0.652,0.0418,,,,,,,,
-drop,nx,scalefree,graph,True,node_const,graph_path_len,32,1,2,1,skipconcat,True,prelu,0.0,mean,adam,0.1,99,4.016,1.7472,136454.0,0.0145,0.0014,0.3611,0.0856,,,,,,,,
-drop,nx,scalefree,graph,True,node_const,graph_path_len,32,1,2,1,skipconcat,True,prelu,0.3,mean,adam,0.1,99,0.6801,0.0176,136454.0,0.052,0.0018,0.6977,0.0092,,,,,,,,
-drop,nx,scalefree,graph,True,node_const,graph_path_len,32,1,2,1,skipconcat,True,prelu,0.6,mean,adam,0.1,99,0.6608,0.0428,136454.0,0.0541,0.0028,0.7157,0.0349,,,,,,,,
-drop,nx,scalefree,graph,True,node_const,graph_path_len,32,1,8,1,skipsum,False,relu,0.0,mean,sgd,0.1,199,1.611,0.0008,134277.0,0.0354,0.001,0.2075,0.0061,,,,,,,,
-drop,nx,scalefree,graph,True,node_const,graph_path_len,32,1,8,1,skipsum,False,relu,0.3,mean,sgd,0.1,199,4.0221,1.336,134277.0,0.0378,0.0007,0.2663,0.0761,,,,,,,,
-drop,nx,scalefree,graph,True,node_const,graph_path_len,32,1,8,1,skipsum,False,relu,0.6,mean,sgd,0.1,199,1.7589,0.0634,134277.0,0.0194,0.0057,0.4902,0.016,,,,,,,,
-drop,nx,scalefree,graph,True,node_const,graph_path_len,32,3,4,2,skipconcat,False,prelu,0.0,add,sgd,0.01,199,,,136086.0,0.0185,0.0013,0.1896,0.0101,,,,,,,,
-drop,nx,scalefree,graph,True,node_const,graph_path_len,32,3,4,2,skipconcat,False,prelu,0.3,add,sgd,0.01,199,,,136086.0,0.0197,0.0032,0.1896,0.0101,,,,,,,,
-drop,nx,scalefree,graph,True,node_const,graph_path_len,32,3,4,2,skipconcat,False,prelu,0.6,add,sgd,0.01,199,,,136086.0,0.0156,0.0005,0.1896,0.0101,,,,,,,,
-drop,nx,scalefree,graph,True,node_const,graph_path_len,32,3,8,2,skipsum,False,prelu,0.0,add,adam,0.001,99,0.4066,0.0123,133749.0,0.0195,0.0032,0.8153,0.0122,,,,,,,,
-drop,nx,scalefree,graph,True,node_const,graph_path_len,32,3,8,2,skipsum,False,prelu,0.3,add,adam,0.001,99,0.6562,0.0061,133749.0,0.0234,0.0025,0.6879,0.0141,,,,,,,,
-drop,nx,scalefree,graph,True,node_const,graph_path_len,32,3,8,2,skipsum,False,prelu,0.6,add,adam,0.001,99,0.8795,0.0812,133749.0,0.025,0.0009,0.5817,0.018,,,,,,,,
-drop,nx,scalefree,graph,True,node_const,graph_path_len,64,1,6,1,skipconcat,True,relu,0.0,mean,sgd,0.001,99,1.5867,0.0012,135806.0,0.0255,0.0066,0.2467,0.0141,,,,,,,,
-drop,nx,scalefree,graph,True,node_const,graph_path_len,64,1,6,1,skipconcat,True,relu,0.3,mean,sgd,0.001,99,0.7221,0.067,135806.0,0.0243,0.0035,0.6487,0.0306,,,,,,,,
-drop,nx,scalefree,graph,True,node_const,graph_path_len,64,1,6,1,skipconcat,True,relu,0.6,mean,sgd,0.001,99,0.7546,0.0681,135806.0,0.0247,0.0018,0.634,0.0509,,,,,,,,
-drop,nx,scalefree,graph,True,node_const,graph_path_len,64,3,2,1,stack,False,swish,0.0,max,adam,0.01,199,1.6086,0.0012,134850.0,0.0429,0.0017,0.2026,0.0023,,,,,,,,
-drop,nx,scalefree,graph,True,node_const,graph_path_len,64,3,2,1,stack,False,swish,0.3,max,adam,0.01,199,0.8126,0.0222,134850.0,0.0168,0.0012,0.634,0.0061,,,,,,,,
-drop,nx,scalefree,graph,True,node_const,graph_path_len,64,3,2,1,stack,False,swish,0.6,max,adam,0.01,199,0.8044,0.0514,134850.0,0.0402,0.0054,0.6127,0.0422,,,,,,,,
-drop,nx,scalefree,graph,True,node_onehot,graph_path_len,16,2,6,1,skipconcat,False,prelu,0.0,max,adam,0.1,99,1.2964,0.4384,138066.0,0.0167,0.0034,0.3775,0.2288,,,,,,,,
-drop,nx,scalefree,graph,True,node_onehot,graph_path_len,16,2,6,1,skipconcat,False,prelu,0.3,max,adam,0.1,99,0.7822,0.0127,138066.0,0.0207,0.0029,0.6242,0.0267,,,,,,,,
-drop,nx,scalefree,graph,True,node_onehot,graph_path_len,16,2,6,1,skipconcat,False,prelu,0.6,max,adam,0.1,99,0.7098,0.0429,138066.0,0.0207,0.0043,0.6373,0.0342,,,,,,,,
-drop,nx,scalefree,graph,True,node_onehot,graph_path_len,32,1,6,3,stack,False,prelu,0.0,max,sgd,0.001,99,1.6072,0.0013,134278.0,0.0193,0.0018,0.2157,0.0069,,,,,,,,
-drop,nx,scalefree,graph,True,node_onehot,graph_path_len,32,1,6,3,stack,False,prelu,0.3,max,sgd,0.001,99,1.2083,0.0933,134278.0,0.0184,0.0013,0.384,0.0544,,,,,,,,
-drop,nx,scalefree,graph,True,node_onehot,graph_path_len,32,1,6,3,stack,False,prelu,0.6,max,sgd,0.001,99,1.6026,0.0112,134278.0,0.0228,0.0023,0.232,0.0416,,,,,,,,
-drop,nx,scalefree,graph,True,node_onehot,graph_path_len,32,3,4,2,skipsum,True,swish,0.0,mean,adam,0.001,99,0.0126,0.0009,133829.0,0.0208,0.0012,1.0,0.0,,,,,,,,
-drop,nx,scalefree,graph,True,node_onehot,graph_path_len,32,3,4,2,skipsum,True,swish,0.3,mean,adam,0.001,99,0.6647,0.0544,133829.0,0.0236,0.0027,0.6814,0.024,,,,,,,,
-drop,nx,scalefree,graph,True,node_onehot,graph_path_len,32,3,4,2,skipsum,True,swish,0.6,mean,adam,0.001,99,0.8776,0.0524,133829.0,0.0222,0.0015,0.6029,0.0313,,,,,,,,
-drop,nx,scalefree,graph,True,node_onehot,graph_path_len,32,3,8,3,skipsum,True,swish,0.0,max,sgd,0.1,399,0.0035,0.0037,134165.0,0.027,0.0005,1.0,0.0,,,,,,,,
-drop,nx,scalefree,graph,True,node_onehot,graph_path_len,32,3,8,3,skipsum,True,swish,0.3,max,sgd,0.1,399,0.1079,0.0444,134165.0,0.023,0.0007,0.969,0.0167,,,,,,,,
-drop,nx,scalefree,graph,True,node_onehot,graph_path_len,32,3,8,3,skipsum,True,swish,0.6,max,sgd,0.1,399,0.6473,0.0634,134165.0,0.0266,0.0023,0.732,0.0167,,,,,,,,
-drop,nx,scalefree,graph,True,node_pagerank,graph_path_len,32,1,4,3,skipsum,False,relu,0.0,max,adam,0.01,399,1.6073,0.0014,134833.0,0.032,0.002,0.2157,0.0069,,,,,,,,
-drop,nx,scalefree,graph,True,node_pagerank,graph_path_len,32,1,4,3,skipsum,False,relu,0.3,max,adam,0.01,399,1.607,0.0012,134833.0,0.0163,0.003,0.2157,0.0069,,,,,,,,
-drop,nx,scalefree,graph,True,node_pagerank,graph_path_len,32,1,4,3,skipsum,False,relu,0.6,max,adam,0.01,399,1.6073,0.0014,134833.0,0.0455,0.002,0.2157,0.0069,,,,,,,,
-drop,nx,scalefree,graph,True,node_pagerank,graph_path_len,32,2,6,1,skipconcat,False,swish,0.0,mean,adam,0.01,99,1.424,0.2592,138065.0,0.0174,0.001,0.3235,0.1561,,,,,,,,
-drop,nx,scalefree,graph,True,node_pagerank,graph_path_len,32,2,6,1,skipconcat,False,swish,0.3,mean,adam,0.01,99,1.0337,0.4018,138065.0,0.018,0.0023,0.5311,0.2232,,,,,,,,
-drop,nx,scalefree,graph,True,node_pagerank,graph_path_len,32,2,6,1,skipconcat,False,swish,0.6,mean,adam,0.01,99,0.5869,0.0245,138065.0,0.0223,0.0032,0.7631,0.0189,,,,,,,,
-drop,nx,scalefree,graph,True,node_pagerank,graph_path_len,64,3,8,2,stack,True,relu,0.0,mean,sgd,0.01,399,0.0555,0.0254,135056.0,0.0324,0.002,0.9869,0.0151,,,,,,,,
-drop,nx,scalefree,graph,True,node_pagerank,graph_path_len,64,3,8,2,stack,True,relu,0.3,mean,sgd,0.01,399,0.5343,0.0206,135056.0,0.0637,0.0017,0.768,0.0141,,,,,,,,
-drop,nx,scalefree,graph,True,node_pagerank,graph_path_len,64,3,8,2,stack,True,relu,0.6,mean,sgd,0.01,399,0.6975,0.0143,135056.0,0.0615,0.0031,0.6749,0.0083,,,,,,,,
-drop,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,16,1,6,3,skipsum,False,swish,0.0,max,adam,0.001,199,0.0121,0.0002,134277.0,0.0176,0.0025,1.0,0.0,,,,,,,,
-drop,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,16,1,6,3,skipsum,False,swish,0.3,max,adam,0.001,199,0.3357,0.0018,134277.0,0.0189,0.0019,0.8577,0.0009,,,,,,,,
-drop,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,16,1,6,3,skipsum,False,swish,0.6,max,adam,0.001,199,0.4448,0.0055,134277.0,0.0399,0.0022,0.8163,0.0011,,,,,,,,
-drop,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,32,3,4,1,stack,False,swish,0.0,add,adam,0.001,399,0.1803,0.004,134833.0,0.0211,0.004,0.9651,0.0013,,,,,,,,
-drop,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,32,3,4,1,stack,False,swish,0.3,add,adam,0.001,399,0.2612,0.0022,134833.0,0.021,0.0023,0.9133,0.0018,,,,,,,,
-drop,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,32,3,4,1,stack,False,swish,0.6,add,adam,0.001,399,0.3465,0.0035,134833.0,0.0237,0.0064,0.875,0.003,,,,,,,,
-drop,nx,scalefree,node,True,node_const,node_clustering_coefficient,64,2,6,2,skipconcat,False,relu,0.0,mean,sgd,0.01,399,1.5759,0.0006,140145.0,0.0316,0.0076,0.269,0.0005,,,,,,,,
-drop,nx,scalefree,node,True,node_const,node_clustering_coefficient,64,2,6,2,skipconcat,False,relu,0.3,mean,sgd,0.01,399,1.538,0.0068,140145.0,0.0234,0.0019,0.3223,0.006,,,,,,,,
-drop,nx,scalefree,node,True,node_const,node_clustering_coefficient,64,2,6,2,skipconcat,False,relu,0.6,mean,sgd,0.01,399,1.5447,0.0046,140145.0,0.0241,0.0025,0.3104,0.0067,,,,,,,,
-drop,nx,scalefree,node,True,node_const,node_clustering_coefficient,64,3,8,3,stack,False,relu,0.0,max,adam,0.001,99,1.5759,0.0006,135350.0,0.0265,0.0021,0.269,0.0005,,,,,,,,
-drop,nx,scalefree,node,True,node_const,node_clustering_coefficient,64,3,8,3,stack,False,relu,0.3,max,adam,0.001,99,1.2828,0.0031,135350.0,0.0269,0.0011,0.4366,0.0008,,,,,,,,
-drop,nx,scalefree,node,True,node_const,node_clustering_coefficient,64,3,8,3,stack,False,relu,0.6,max,adam,0.001,99,1.4614,0.0014,135350.0,0.0304,0.0018,0.3374,0.0015,,,,,,,,
-drop,nx,scalefree,node,True,node_const,node_pagerank,16,3,2,2,stack,False,prelu,0.0,mean,sgd,0.01,99,1.6094,0.0,134790.0,0.0119,0.0009,0.203,0.0007,,,,,,,,
-drop,nx,scalefree,node,True,node_const,node_pagerank,16,3,2,2,stack,False,prelu,0.3,mean,sgd,0.01,99,1.2072,0.0141,134790.0,0.011,0.0009,0.4693,0.0058,,,,,,,,
-drop,nx,scalefree,node,True,node_const,node_pagerank,16,3,2,2,stack,False,prelu,0.6,mean,sgd,0.01,99,1.4097,0.0143,134790.0,0.0112,0.0014,0.3776,0.0054,,,,,,,,
-drop,nx,scalefree,node,True,node_const,node_pagerank,32,1,4,1,skipsum,False,relu,0.0,mean,adam,0.01,99,1.6094,0.0,134850.0,0.0427,0.0012,0.203,0.0007,,,,,,,,
-drop,nx,scalefree,node,True,node_const,node_pagerank,32,1,4,1,skipsum,False,relu,0.3,mean,adam,0.01,99,1.277,0.0477,134850.0,0.0172,0.004,0.4527,0.0254,,,,,,,,
-drop,nx,scalefree,node,True,node_const,node_pagerank,32,1,4,1,skipsum,False,relu,0.6,mean,adam,0.01,99,1.1156,0.0206,134850.0,0.0153,0.0006,0.5238,0.0104,,,,,,,,
-drop,nx,scalefree,node,True,node_const,node_pagerank,32,1,6,1,stack,False,prelu,0.0,mean,adam,0.1,99,1.6094,0.0,134834.0,0.02,0.0033,0.203,0.0007,,,,,,,,
-drop,nx,scalefree,node,True,node_const,node_pagerank,32,1,6,1,stack,False,prelu,0.3,mean,adam,0.1,99,1.5458,0.0607,134834.0,0.0193,0.0013,0.2689,0.0589,,,,,,,,
-drop,nx,scalefree,node,True,node_const,node_pagerank,32,1,6,1,stack,False,prelu,0.6,mean,adam,0.1,99,1.4675,0.059,134834.0,0.0179,0.0013,0.3398,0.0387,,,,,,,,
-drop,nx,scalefree,node,True,node_const,node_pagerank,64,1,4,2,skipconcat,False,prelu,0.0,max,adam,0.001,199,1.6094,0.0,137398.0,0.0249,0.0023,0.203,0.0007,,,,,,,,
-drop,nx,scalefree,node,True,node_const,node_pagerank,64,1,4,2,skipconcat,False,prelu,0.3,max,adam,0.001,199,0.4812,0.0295,137398.0,0.0251,0.0025,0.7983,0.0127,,,,,,,,
-drop,nx,scalefree,node,True,node_const,node_pagerank,64,1,4,2,skipconcat,False,prelu,0.6,max,adam,0.001,199,0.5937,0.0318,137398.0,0.0257,0.0019,0.7469,0.0134,,,,,,,,
-drop,nx,scalefree,node,True,node_const,node_pagerank,64,3,4,1,skipconcat,False,swish,0.0,max,sgd,0.1,199,1.6094,0.0,136820.0,0.0231,0.0025,0.203,0.0007,,,,,,,,
-drop,nx,scalefree,node,True,node_const,node_pagerank,64,3,4,1,skipconcat,False,swish,0.3,max,sgd,0.1,199,0.7673,0.0033,136820.0,0.0532,0.0038,0.7085,0.0029,,,,,,,,
-drop,nx,scalefree,node,True,node_const,node_pagerank,64,3,4,1,skipconcat,False,swish,0.6,max,sgd,0.1,199,0.9078,0.007,136820.0,0.0255,0.005,0.6531,0.0023,,,,,,,,
-drop,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,32,3,2,1,skipsum,False,relu,0.0,mean,adam,0.01,199,1.5759,0.0006,134850.0,0.0161,0.0033,0.269,0.0005,,,,,,,,
-drop,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,32,3,2,1,skipsum,False,relu,0.3,mean,adam,0.01,199,1.576,0.0006,134850.0,0.015,0.0001,0.269,0.0005,,,,,,,,
-drop,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,32,3,2,1,skipsum,False,relu,0.6,mean,adam,0.01,199,1.3907,0.0071,134850.0,0.0177,0.0007,0.4079,0.0029,,,,,,,,
-drop,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,64,1,4,3,stack,False,relu,0.0,mean,adam,0.01,399,1.5759,0.0006,134833.0,0.0293,0.0053,0.269,0.0005,,,,,,,,
-drop,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,64,1,4,3,stack,False,relu,0.3,mean,adam,0.01,399,1.5312,0.0333,134833.0,0.0309,0.0098,0.3074,0.0313,,,,,,,,
-drop,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,64,1,4,3,stack,False,relu,0.6,mean,adam,0.01,399,1.5132,0.0364,134833.0,0.0292,0.0038,0.3226,0.0388,,,,,,,,
-drop,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,64,1,6,3,stack,False,swish,0.0,add,adam,0.01,399,1.5234,0.0748,134277.0,0.035,0.0119,0.2989,0.0419,,,,,,,,
-drop,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,64,1,6,3,stack,False,swish,0.3,add,adam,0.01,399,1.3995,0.005,134277.0,0.0313,0.0038,0.3825,0.0033,,,,,,,,
-drop,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,64,1,6,3,stack,False,swish,0.6,add,adam,0.01,399,1.4807,0.0071,134277.0,0.0421,0.0037,0.3505,0.0044,,,,,,,,
-drop,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,64,2,2,3,skipsum,True,swish,0.0,mean,sgd,0.1,199,0.0771,0.0026,134118.0,0.0293,0.0009,0.9978,0.0002,,,,,,,,
-drop,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,64,2,2,3,skipsum,True,swish,0.3,mean,sgd,0.1,199,1.16,0.0074,134118.0,0.0279,0.0007,0.5025,0.003,,,,,,,,
-drop,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,64,2,2,3,skipsum,True,swish,0.6,mean,sgd,0.1,199,1.456,0.0037,134118.0,0.0304,0.0036,0.3683,0.0037,,,,,,,,
-drop,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,64,3,2,1,skipsum,False,prelu,0.0,max,adam,0.1,99,1.2871,0.0331,134851.0,0.0509,0.0062,0.4557,0.0084,,,,,,,,
-drop,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,64,3,2,1,skipsum,False,prelu,0.3,max,adam,0.1,99,1.2717,0.0064,134851.0,0.0394,0.0028,0.4522,0.0034,,,,,,,,
-drop,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,64,3,2,1,skipsum,False,prelu,0.6,max,adam,0.1,99,1.2485,0.0122,134851.0,0.0238,0.0059,0.458,0.005,,,,,,,,
-drop,nx,scalefree,node,True,node_onehot,node_pagerank,32,1,4,1,skipconcat,False,prelu,0.0,mean,sgd,0.1,199,1.1514,0.0452,136971.0,0.0154,0.0023,0.5211,0.023,,,,,,,,
-drop,nx,scalefree,node,True,node_onehot,node_pagerank,32,1,4,1,skipconcat,False,prelu,0.3,mean,sgd,0.1,199,1.0784,0.0086,136971.0,0.0149,0.0015,0.5567,0.0034,,,,,,,,
-drop,nx,scalefree,node,True,node_onehot,node_pagerank,32,1,4,1,skipconcat,False,prelu,0.6,mean,sgd,0.1,199,1.1844,0.04,136971.0,0.0152,0.0012,0.5119,0.0078,,,,,,,,
-drop,nx,scalefree,node,True,node_onehot,node_pagerank,32,3,4,2,skipsum,False,swish,0.0,mean,sgd,0.01,99,1.608,0.0008,134676.0,0.0194,0.0046,0.2305,0.0082,,,,,,,,
-drop,nx,scalefree,node,True,node_onehot,node_pagerank,32,3,4,2,skipsum,False,swish,0.3,mean,sgd,0.01,99,1.5797,0.0016,134676.0,0.0162,0.0032,0.2703,0.0059,,,,,,,,
-drop,nx,scalefree,node,True,node_onehot,node_pagerank,32,3,4,2,skipsum,False,swish,0.6,mean,sgd,0.01,99,1.5815,0.0036,134676.0,0.0163,0.0017,0.268,0.0047,,,,,,,,
-drop,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,16,3,6,1,skipconcat,False,relu,0.0,mean,adam,0.01,399,0.7906,0.0152,137033.0,0.0513,0.0028,0.6667,0.008,,,,,,,,
-drop,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,16,3,6,1,skipconcat,False,relu,0.3,mean,adam,0.01,399,0.9936,0.0124,137033.0,0.054,0.0047,0.5678,0.0049,,,,,,,,
-drop,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,16,3,6,1,skipconcat,False,relu,0.6,mean,adam,0.01,399,1.1275,0.0124,137033.0,0.015,0.0006,0.5142,0.0053,,,,,,,,
-drop,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,16,3,6,3,stack,False,swish,0.0,max,sgd,0.01,199,1.2277,0.0762,135360.0,0.0157,0.0011,0.466,0.0289,,,,,,,,
-drop,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,16,3,6,3,stack,False,swish,0.3,max,sgd,0.01,199,1.1679,0.0059,135360.0,0.034,0.0016,0.471,0.0038,,,,,,,,
-drop,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,16,3,6,3,stack,False,swish,0.6,max,sgd,0.01,199,1.5262,0.0075,135360.0,0.0153,0.0003,0.3247,0.0053,,,,,,,,
-drop,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,32,2,8,3,stack,False,prelu,0.0,add,sgd,0.001,199,1.4318,0.0094,133749.0,0.0236,0.0064,0.3582,0.0091,,,,,,,,
-drop,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,32,2,8,3,stack,False,prelu,0.3,add,sgd,0.001,199,1.5467,0.0234,133749.0,0.0197,0.0026,0.2953,0.0176,,,,,,,,
-drop,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,32,2,8,3,stack,False,prelu,0.6,add,sgd,0.001,199,1.5881,0.0014,133749.0,0.0722,0.0021,0.2582,0.0024,,,,,,,,
-drop,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,64,1,2,3,stack,False,relu,0.0,mean,sgd,0.001,99,1.5706,0.0011,134850.0,0.0239,0.0076,0.269,0.0005,,,,,,,,
-drop,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,64,1,2,3,stack,False,relu,0.3,mean,sgd,0.001,99,1.5822,0.0024,134850.0,0.0199,0.0005,0.263,0.0032,,,,,,,,
-drop,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,64,1,2,3,stack,False,relu,0.6,mean,sgd,0.001,99,1.6056,0.0027,134850.0,0.0277,0.0048,0.2444,0.005,,,,,,,,
-drop,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,64,2,6,3,stack,False,prelu,0.0,mean,adam,0.1,399,1.5759,0.0006,134921.0,0.0676,0.0016,0.269,0.0005,,,,,,,,
-drop,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,64,2,6,3,stack,False,prelu,0.3,mean,adam,0.1,399,1.5759,0.0006,134921.0,0.0287,0.0007,0.269,0.0005,,,,,,,,
-drop,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,64,2,6,3,stack,False,prelu,0.6,mean,adam,0.1,399,1.5519,0.0344,134921.0,0.0269,0.0027,0.2881,0.0265,,,,,,,,
-drop,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,16,2,8,3,stack,True,prelu,0.0,max,sgd,0.001,399,0.0445,0.0279,135057.0,0.0712,0.0056,0.9902,0.0106,,,,,,,,
-drop,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,16,2,8,3,stack,True,prelu,0.3,max,sgd,0.001,399,0.878,0.0734,135057.0,0.0266,0.0014,0.6323,0.0318,,,,,,,,
-drop,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,16,2,8,3,stack,True,prelu,0.6,max,sgd,0.001,399,1.1441,0.0645,135057.0,0.0269,0.0061,0.4869,0.0281,,,,,,,,
-drop,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,16,3,8,2,skipconcat,False,swish,0.0,add,sgd,0.001,399,0.0471,0.0083,140153.0,0.0181,0.0008,0.982,0.0023,,,,,,,,
-drop,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,16,3,8,2,skipconcat,False,swish,0.3,add,sgd,0.001,399,0.1545,0.0181,140153.0,0.0187,0.0016,0.9249,0.0046,,,,,,,,
-drop,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,16,3,8,2,skipconcat,False,swish,0.6,add,sgd,0.001,399,0.3434,0.0186,140153.0,0.0172,0.0012,0.8611,0.0152,,,,,,,,
-drop,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,32,2,4,3,skipconcat,False,swish,0.0,mean,sgd,0.001,199,0.8935,0.047,137198.0,0.038,0.001,0.6275,0.0145,,,,,,,,
-drop,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,32,2,4,3,skipconcat,False,swish,0.3,mean,sgd,0.001,199,1.3877,0.0506,137198.0,0.0172,0.001,0.3725,0.0349,,,,,,,,
-drop,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,32,2,4,3,skipconcat,False,swish,0.6,mean,sgd,0.001,199,1.3606,0.0066,137198.0,0.0146,0.0003,0.3709,0.0093,,,,,,,,
-drop,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,1,2,2,skipconcat,True,relu,0.0,add,adam,0.001,399,0.1724,0.01,136295.0,0.0201,0.0015,0.951,0.0106,,,,,,,,
-drop,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,1,2,2,skipconcat,True,relu,0.3,add,adam,0.001,399,0.2499,0.0118,136295.0,0.0218,0.0023,0.9183,0.0061,,,,,,,,
-drop,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,1,2,2,skipconcat,True,relu,0.6,add,adam,0.001,399,0.3395,0.0206,136295.0,0.0311,0.0032,0.8791,0.0235,,,,,,,,
-drop,nx,smallworld,graph,True,node_const,graph_path_len,32,1,8,3,skipconcat,True,swish,0.0,mean,adam,0.001,199,1.4049,0.0223,136713.0,0.0254,0.0013,0.3643,0.0083,,,,,,,,
-drop,nx,smallworld,graph,True,node_const,graph_path_len,32,1,8,3,skipconcat,True,swish,0.3,mean,adam,0.001,199,0.8106,0.0171,136713.0,0.0242,0.0009,0.6569,0.0446,,,,,,,,
-drop,nx,smallworld,graph,True,node_const,graph_path_len,32,1,8,3,skipconcat,True,swish,0.6,mean,adam,0.001,199,0.9799,0.0355,136713.0,0.0593,0.0036,0.5768,0.0023,,,,,,,,
-drop,nx,smallworld,graph,True,node_const,graph_path_len,32,2,8,2,stack,False,prelu,0.0,mean,sgd,0.1,199,,,135361.0,0.066,0.0072,0.1912,0.0212,,,,,,,,
-drop,nx,smallworld,graph,True,node_const,graph_path_len,32,2,8,2,stack,False,prelu,0.3,mean,sgd,0.1,199,,,135361.0,0.0207,0.0012,0.1912,0.0212,,,,,,,,
-drop,nx,smallworld,graph,True,node_const,graph_path_len,32,2,8,2,stack,False,prelu,0.6,mean,sgd,0.1,199,,,135361.0,0.0248,0.0024,0.1912,0.0212,,,,,,,,
-drop,nx,smallworld,graph,True,node_const,graph_path_len,32,3,6,1,skipsum,False,prelu,0.0,add,adam,0.01,99,0.954,0.165,134278.0,0.0509,0.0013,0.5327,0.0494,,,,,,,,
-drop,nx,smallworld,graph,True,node_const,graph_path_len,32,3,6,1,skipsum,False,prelu,0.3,add,adam,0.01,99,0.9015,0.0346,134278.0,0.022,0.0011,0.5637,0.0212,,,,,,,,
-drop,nx,smallworld,graph,True,node_const,graph_path_len,32,3,6,1,skipsum,False,prelu,0.6,add,adam,0.01,99,0.9165,0.0434,134278.0,0.0237,0.0016,0.5621,0.0241,,,,,,,,
-drop,nx,smallworld,graph,True,node_pagerank,graph_path_len,16,2,2,2,skipconcat,True,swish,0.0,max,adam,0.1,399,0.2456,0.0068,136658.0,0.0158,0.0016,0.9053,0.0061,,,,,,,,
-drop,nx,smallworld,graph,True,node_pagerank,graph_path_len,16,2,2,2,skipconcat,True,swish,0.3,max,adam,0.1,399,0.6592,0.0603,136658.0,0.0132,0.0007,0.6994,0.0289,,,,,,,,
-drop,nx,smallworld,graph,True,node_pagerank,graph_path_len,16,2,2,2,skipconcat,True,swish,0.6,max,adam,0.1,399,0.698,0.067,136658.0,0.0137,0.001,0.683,0.034,,,,,,,,
-drop,nx,smallworld,graph,True,node_pagerank,graph_path_len,16,3,6,1,skipsum,True,prelu,0.0,mean,sgd,0.01,399,0.0931,0.0534,135430.0,0.0173,0.0018,0.9608,0.0212,,,,,,,,
-drop,nx,smallworld,graph,True,node_pagerank,graph_path_len,16,3,6,1,skipsum,True,prelu,0.3,mean,sgd,0.01,399,0.6508,0.0625,135430.0,0.0167,0.0007,0.8055,0.0185,,,,,,,,
-drop,nx,smallworld,graph,True,node_pagerank,graph_path_len,16,3,6,1,skipsum,True,prelu,0.6,mean,sgd,0.01,399,0.5297,0.0325,135430.0,0.0198,0.0039,0.7696,0.025,,,,,,,,
-drop,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,32,1,8,2,stack,True,relu,0.0,mean,sgd,0.001,199,1.4935,0.0043,133925.0,0.0243,0.0061,0.3196,0.0048,,,,,,,,
-drop,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,32,1,8,2,stack,True,relu,0.3,mean,sgd,0.001,199,1.6635,0.0006,133925.0,0.0478,0.0014,0.2695,0.0037,,,,,,,,
-drop,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,32,1,8,2,stack,True,relu,0.6,mean,sgd,0.001,199,1.6847,0.003,133925.0,0.0243,0.0036,0.2537,0.0038,,,,,,,,
-drop,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,32,3,4,1,stack,False,prelu,0.0,mean,sgd,0.01,399,1.4788,0.0042,134834.0,0.055,0.0009,0.3305,0.0065,,,,,,,,
-drop,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,32,3,4,1,stack,False,prelu,0.3,mean,sgd,0.01,399,1.5007,0.0006,134834.0,0.0188,0.0015,0.3142,0.0019,,,,,,,,
-drop,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,32,3,4,1,stack,False,prelu,0.6,mean,sgd,0.01,399,1.512,0.0022,134834.0,0.0551,0.0033,0.3021,0.003,,,,,,,,
-drop,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,64,3,2,2,skipconcat,False,relu,0.0,mean,adam,0.01,399,1.2215,0.005,135029.0,0.0472,0.004,0.4919,0.0012,,,,,,,,
-drop,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,64,3,2,2,skipconcat,False,relu,0.3,mean,adam,0.01,399,1.324,0.0016,135029.0,0.0236,0.0016,0.4339,0.0024,,,,,,,,
-drop,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,64,3,2,2,skipconcat,False,relu,0.6,mean,adam,0.01,399,1.3822,0.0028,135029.0,0.0223,0.0014,0.3984,0.0013,,,,,,,,
-drop,nx,smallworld,node,True,node_const,node_clustering_coefficient,32,3,4,2,stack,False,swish,0.0,max,sgd,0.1,99,1.6048,0.0003,134676.0,0.0309,0.003,0.233,0.0015,,,,,,,,
-drop,nx,smallworld,node,True,node_const,node_clustering_coefficient,32,3,4,2,stack,False,swish,0.3,max,sgd,0.1,99,1.5602,0.0022,134676.0,0.0191,0.0011,0.2861,0.0024,,,,,,,,
-drop,nx,smallworld,node,True,node_const,node_clustering_coefficient,32,3,4,2,stack,False,swish,0.6,max,sgd,0.1,99,1.5807,0.0032,134676.0,0.0376,0.0019,0.2752,0.0058,,,,,,,,
-drop,nx,smallworld,node,True,node_const,node_clustering_coefficient,64,2,8,1,skipconcat,False,swish,0.0,add,sgd,0.01,199,1.5457,0.0034,137165.0,0.025,0.0018,0.2993,0.0014,,,,,,,,
-drop,nx,smallworld,node,True,node_const,node_clustering_coefficient,64,2,8,1,skipconcat,False,swish,0.3,add,sgd,0.01,199,1.5399,0.0115,137165.0,0.0311,0.0027,0.3191,0.0114,,,,,,,,
-drop,nx,smallworld,node,True,node_const,node_clustering_coefficient,64,2,8,1,skipconcat,False,swish,0.6,add,sgd,0.01,199,1.5793,0.0017,137165.0,0.0232,0.0008,0.2834,0.0032,,,,,,,,
-drop,nx,smallworld,node,True,node_const,node_clustering_coefficient,64,3,8,1,stack,True,relu,0.0,add,adam,0.001,399,1.1562,0.0194,134297.0,0.0723,0.0132,0.5058,0.0108,,,,,,,,
-drop,nx,smallworld,node,True,node_const,node_clustering_coefficient,64,3,8,1,stack,True,relu,0.3,add,adam,0.001,399,1.2129,0.0138,134297.0,0.0609,0.003,0.479,0.0073,,,,,,,,
-drop,nx,smallworld,node,True,node_const,node_clustering_coefficient,64,3,8,1,stack,True,relu,0.6,add,adam,0.001,399,1.3315,0.0078,134297.0,0.0408,0.0048,0.4241,0.0037,,,,,,,,
-drop,nx,smallworld,node,True,node_const,node_pagerank,16,1,6,1,skipconcat,True,prelu,0.0,add,adam,0.001,199,0.6005,0.0171,135807.0,0.026,0.0022,0.8041,0.0056,,,,,,,,
-drop,nx,smallworld,node,True,node_const,node_pagerank,16,1,6,1,skipconcat,True,prelu,0.3,add,adam,0.001,199,0.6571,0.0031,135807.0,0.0237,0.0028,0.7493,0.0024,,,,,,,,
-drop,nx,smallworld,node,True,node_const,node_pagerank,16,1,6,1,skipconcat,True,prelu,0.6,add,adam,0.001,199,0.7896,0.0064,135807.0,0.0276,0.007,0.683,0.0029,,,,,,,,
-drop,nx,smallworld,node,True,node_const,node_pagerank,64,1,2,2,skipsum,True,relu,0.0,mean,sgd,0.001,399,1.6097,0.0001,134789.0,0.0489,0.0024,0.1991,0.0023,,,,,,,,
-drop,nx,smallworld,node,True,node_const,node_pagerank,64,1,2,2,skipsum,True,relu,0.3,mean,sgd,0.001,399,1.7614,0.0078,134789.0,0.0377,0.0104,0.213,0.0013,,,,,,,,
-drop,nx,smallworld,node,True,node_const,node_pagerank,64,1,2,2,skipsum,True,relu,0.6,mean,sgd,0.001,399,1.7341,0.0042,134789.0,0.0257,0.0015,0.2073,0.0041,,,,,,,,
-drop,nx,smallworld,node,True,node_const,node_pagerank,64,2,6,3,skipsum,False,prelu,0.0,mean,sgd,0.01,199,1.6094,0.0,134921.0,0.0704,0.002,0.2025,0.0005,,,,,,,,
-drop,nx,smallworld,node,True,node_const,node_pagerank,64,2,6,3,skipsum,False,prelu,0.3,mean,sgd,0.01,199,1.61,0.0004,134921.0,0.0235,0.0008,0.2011,0.0014,,,,,,,,
-drop,nx,smallworld,node,True,node_const,node_pagerank,64,2,6,3,skipsum,False,prelu,0.6,mean,sgd,0.01,199,1.6105,0.0003,134921.0,0.0697,0.0033,0.2008,0.0043,,,,,,,,
-drop,nx,smallworld,node,True,node_const,node_pagerank,64,3,8,3,stack,True,prelu,0.0,add,sgd,0.001,99,1.3559,0.8424,134166.0,0.036,0.0056,0.5184,0.2195,,,,,,,,
-drop,nx,smallworld,node,True,node_const,node_pagerank,64,3,8,3,stack,True,prelu,0.3,add,sgd,0.001,99,1.9064,0.0061,134166.0,0.0381,0.0017,0.2429,0.0046,,,,,,,,
-drop,nx,smallworld,node,True,node_const,node_pagerank,64,3,8,3,stack,True,prelu,0.6,add,sgd,0.001,99,2.2401,0.0043,134166.0,0.052,0.0061,0.2076,0.004,,,,,,,,
-drop,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,32,1,2,1,stack,False,prelu,0.0,add,adam,0.01,199,1.5127,0.0178,134901.0,0.0136,0.0019,0.3188,0.018,,,,,,,,
-drop,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,32,1,2,1,stack,False,prelu,0.3,add,adam,0.01,199,1.5399,0.0184,134901.0,0.0185,0.0029,0.3067,0.0133,,,,,,,,
-drop,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,32,1,2,1,stack,False,prelu,0.6,add,adam,0.01,199,1.539,0.0093,134901.0,0.0133,0.0009,0.3063,0.0052,,,,,,,,
-drop,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,64,1,6,2,stack,True,swish,0.0,mean,adam,0.001,399,0.414,0.0085,133829.0,0.0306,0.0022,0.8354,0.0058,,,,,,,,
-drop,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,64,1,6,2,stack,True,swish,0.3,mean,adam,0.001,399,1.0796,0.0088,133829.0,0.0373,0.0074,0.5232,0.0076,,,,,,,,
-drop,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,64,1,6,2,stack,True,swish,0.6,mean,adam,0.001,399,1.2674,0.0019,133829.0,0.0383,0.0053,0.4483,0.0018,,,,,,,,
-drop,nx,smallworld,node,True,node_onehot,node_pagerank,16,1,8,1,skipconcat,True,relu,0.0,add,adam,0.001,199,0.3701,0.0036,138475.0,0.057,0.0021,0.8972,0.0049,,,,,,,,
-drop,nx,smallworld,node,True,node_onehot,node_pagerank,16,1,8,1,skipconcat,True,relu,0.3,add,adam,0.001,199,0.5004,0.0042,138475.0,0.0204,0.0032,0.8188,0.0037,,,,,,,,
-drop,nx,smallworld,node,True,node_onehot,node_pagerank,16,1,8,1,skipconcat,True,relu,0.6,add,adam,0.001,199,0.6756,0.0054,138475.0,0.0267,0.0043,0.738,0.006,,,,,,,,
-drop,nx,smallworld,node,True,node_onehot,node_pagerank,32,1,4,2,stack,False,prelu,0.0,max,sgd,0.001,399,1.5612,0.0281,134790.0,0.0167,0.0026,0.2919,0.0331,,,,,,,,
-drop,nx,smallworld,node,True,node_onehot,node_pagerank,32,1,4,2,stack,False,prelu,0.3,max,sgd,0.001,399,1.6092,0.0015,134790.0,0.0423,0.0009,0.2107,0.003,,,,,,,,
-drop,nx,smallworld,node,True,node_onehot,node_pagerank,32,1,4,2,stack,False,prelu,0.6,max,sgd,0.001,399,1.6156,0.0003,134790.0,0.0184,0.0004,0.2055,0.0016,,,,,,,,
-drop,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,32,1,4,2,skipsum,True,relu,0.0,mean,sgd,0.1,199,0.588,0.0059,134118.0,0.0177,0.0023,0.7693,0.004,,,,,,,,
-drop,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,32,1,4,2,skipsum,True,relu,0.3,mean,sgd,0.1,199,0.9834,0.0161,134118.0,0.022,0.0005,0.5708,0.0079,,,,,,,,
-drop,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,32,1,4,2,skipsum,True,relu,0.6,mean,sgd,0.1,199,1.0911,0.0189,134118.0,0.0192,0.0027,0.524,0.0074,,,,,,,,
-epoch,PyG,AmazonComputers,node,True,,,16,2,6,2,skipconcat,True,swish,0.6,max,sgd,0.01,99,2.056,0.0235,175614.0,0.1449,0.004,0.3754,0.006,,,,,,,,
-epoch,PyG,AmazonComputers,node,True,,,16,2,6,2,skipconcat,True,swish,0.6,max,sgd,0.01,199,1.6346,0.0321,175614.0,0.0887,0.0004,0.4725,0.0182,,,,,,,,
-epoch,PyG,AmazonComputers,node,True,,,16,2,6,2,skipconcat,True,swish,0.6,max,sgd,0.01,399,1.2338,0.0227,175614.0,0.2408,0.0114,0.5838,0.0065,,,,,,,,
-epoch,PyG,AmazonComputers,node,True,,,32,2,2,1,stack,True,prelu,0.6,add,adam,0.001,99,1.4809,0.0065,295119.0,0.1676,0.0173,0.7332,0.0037,,,,,,,,
-epoch,PyG,AmazonComputers,node,True,,,32,2,2,1,stack,True,prelu,0.6,add,adam,0.001,199,1.1609,0.009,295119.0,0.2097,0.0096,0.7838,0.0018,,,,,,,,
-epoch,PyG,AmazonComputers,node,True,,,32,2,2,1,stack,True,prelu,0.6,add,adam,0.001,399,0.8219,0.0017,295119.0,0.1318,0.0088,0.828,0.0082,,,,,,,,
-epoch,PyG,AmazonPhoto,node,True,,,16,2,8,2,skipsum,False,relu,0.6,add,adam,0.001,99,1.7395,0.0135,220118.0,0.0867,0.0038,0.386,0.0121,,,,,,,,
-epoch,PyG,AmazonPhoto,node,True,,,16,2,8,2,skipsum,False,relu,0.6,add,adam,0.001,199,1.4906,0.0139,220118.0,0.0788,0.0072,0.4735,0.0254,,,,,,,,
-epoch,PyG,AmazonPhoto,node,True,,,16,2,8,2,skipsum,False,relu,0.6,add,adam,0.001,399,1.1599,0.2259,220118.0,0.0543,0.0084,0.597,0.0937,,,,,,,,
-epoch,PyG,AmazonPhoto,node,True,,,16,3,4,1,skipconcat,False,relu,0.3,max,sgd,0.1,99,1.9061,0.008,215468.0,0.0529,0.0078,0.3044,0.0132,,,,,,,,
-epoch,PyG,AmazonPhoto,node,True,,,16,3,4,1,skipconcat,False,relu,0.3,max,sgd,0.1,199,1.5615,0.0759,215468.0,0.0435,0.0014,0.4596,0.0096,,,,,,,,
-epoch,PyG,AmazonPhoto,node,True,,,16,3,4,1,skipconcat,False,relu,0.3,max,sgd,0.1,399,0.8259,0.0159,215468.0,0.0625,0.0134,0.787,0.0301,,,,,,,,
-epoch,PyG,AmazonPhoto,node,True,,,64,2,6,2,skipsum,True,relu,0.3,mean,adam,0.001,99,0.2662,0.0026,229768.0,0.128,0.0189,0.9202,0.001,,,,,,,,
-epoch,PyG,AmazonPhoto,node,True,,,64,2,6,2,skipsum,True,relu,0.3,mean,adam,0.001,199,0.2021,0.0028,229768.0,0.1421,0.0043,0.9389,0.0009,,,,,,,,
-epoch,PyG,AmazonPhoto,node,True,,,64,2,6,2,skipsum,True,relu,0.3,mean,adam,0.001,399,0.1235,0.0068,229768.0,0.0637,0.01,0.9622,0.0025,,,,,,,,
-epoch,PyG,AmazonPhoto,node,True,,,64,3,4,2,stack,True,prelu,0.6,mean,sgd,0.01,99,0.6417,0.012,236745.0,0.0727,0.0204,0.8191,0.0026,,,,,,,,
-epoch,PyG,AmazonPhoto,node,True,,,64,3,4,2,stack,True,prelu,0.6,mean,sgd,0.01,199,0.5242,0.0115,236745.0,0.1313,0.0122,0.8549,0.0043,,,,,,,,
-epoch,PyG,AmazonPhoto,node,True,,,64,3,4,2,stack,True,prelu,0.6,mean,sgd,0.01,399,0.4369,0.0037,236745.0,0.1518,0.0104,0.8769,0.0031,,,,,,,,
-epoch,PyG,CiteSeer,node,True,,,16,3,2,2,skipsum,False,prelu,0.3,mean,sgd,0.01,99,1.6209,0.0832,738397.0,0.1332,0.0231,0.3852,0.0896,,,,,,,,
-epoch,PyG,CiteSeer,node,True,,,16,3,2,2,skipsum,False,prelu,0.3,mean,sgd,0.01,199,0.9977,0.1948,738397.0,0.1091,0.0146,0.7025,0.0513,,,,,,,,
-epoch,PyG,CiteSeer,node,True,,,16,3,2,2,skipsum,False,prelu,0.3,mean,sgd,0.01,399,0.5987,0.0684,738397.0,0.1173,0.01,0.8079,0.021,,,,,,,,
-epoch,PyG,CiteSeer,node,True,,,32,1,8,3,skipsum,True,relu,0.3,mean,sgd,0.1,99,0.4886,0.008,561321.0,0.1089,0.008,0.8392,0.0048,,,,,,,,
-epoch,PyG,CiteSeer,node,True,,,32,1,8,3,skipsum,True,relu,0.3,mean,sgd,0.1,199,0.2465,0.0014,561321.0,0.1151,0.0132,0.9164,0.0032,,,,,,,,
-epoch,PyG,CiteSeer,node,True,,,32,1,8,3,skipsum,True,relu,0.3,mean,sgd,0.1,399,0.0596,0.0003,561321.0,0.1059,0.0032,0.9816,0.0006,,,,,,,,
-epoch,PyG,CiteSeer,node,True,,,64,1,2,2,skipsum,False,relu,0.6,max,sgd,0.1,99,1.6469,0.0057,912036.0,0.0858,0.008,0.3585,0.0058,,,,,,,,
-epoch,PyG,CiteSeer,node,True,,,64,1,2,2,skipsum,False,relu,0.6,max,sgd,0.1,199,0.7821,0.0065,912036.0,0.0924,0.0115,0.7685,0.0025,,,,,,,,
-epoch,PyG,CiteSeer,node,True,,,64,1,2,2,skipsum,False,relu,0.6,max,sgd,0.1,399,0.2187,0.004,912036.0,0.1251,0.0348,0.9399,0.0016,,,,,,,,
-epoch,PyG,CiteSeer,node,True,,,64,2,6,3,stack,True,swish,0.6,add,sgd,0.1,99,1.6497,0.0079,582984.0,0.1011,0.0074,0.2882,0.0102,,,,,,,,
-epoch,PyG,CiteSeer,node,True,,,64,2,6,3,stack,True,swish,0.6,add,sgd,0.1,199,1.6272,0.0042,582984.0,0.1126,0.0081,0.3073,0.0015,,,,,,,,
-epoch,PyG,CiteSeer,node,True,,,64,2,6,3,stack,True,swish,0.6,add,sgd,0.1,399,1.5608,0.0087,582984.0,0.1068,0.0094,0.3503,0.0107,,,,,,,,
-epoch,PyG,CoauthorCS,node,True,,,32,2,6,3,skipsum,True,prelu,0.6,mean,adam,0.1,99,0.2802,0.0653,959425.0,1.0174,0.1223,0.9133,0.0215,,,,,,,,
-epoch,PyG,CoauthorCS,node,True,,,32,2,6,3,skipsum,True,prelu,0.6,mean,adam,0.1,199,0.0608,0.0097,959425.0,0.9972,0.0539,0.9846,0.004,,,,,,,,
-epoch,PyG,CoauthorCS,node,True,,,32,2,6,3,skipsum,True,prelu,0.6,mean,adam,0.1,399,0.0169,0.0004,959425.0,0.8627,0.0361,0.997,0.0001,,,,,,,,
-epoch,PyG,CoauthorCS,node,True,,,64,2,4,1,skipsum,True,prelu,0.0,add,adam,0.001,99,1.168,0.022,1238020.0,1.0141,0.0306,0.9574,0.0007,,,,,,,,
-epoch,PyG,CoauthorCS,node,True,,,64,2,4,1,skipsum,True,prelu,0.0,add,adam,0.001,199,0.6922,0.0273,1238020.0,0.9628,0.1536,0.985,0.0004,,,,,,,,
-epoch,PyG,CoauthorCS,node,True,,,64,2,4,1,skipsum,True,prelu,0.0,add,adam,0.001,399,0.29,0.0141,1238020.0,0.8037,0.0236,0.9989,0.0005,,,,,,,,
-epoch,PyG,CoauthorPhysics,node,True,,,16,2,2,2,skipsum,True,prelu,0.6,max,sgd,0.1,99,0.1813,0.002,1656880.0,1.546,0.0261,0.9419,0.0009,,,,,,,,
-epoch,PyG,CoauthorPhysics,node,True,,,16,2,2,2,skipsum,True,prelu,0.6,max,sgd,0.1,199,0.1388,0.003,1656880.0,1.8187,0.0797,0.9554,0.0007,,,,,,,,
-epoch,PyG,CoauthorPhysics,node,True,,,16,2,2,2,skipsum,True,prelu,0.6,max,sgd,0.1,399,0.0984,0.0018,1656880.0,2.2366,0.196,0.9676,0.0006,,,,,,,,
-epoch,PyG,CoauthorPhysics,node,True,,,16,3,6,2,skipsum,False,prelu,0.3,max,sgd,0.1,99,0.371,0.1804,1151805.0,1.8789,0.0186,0.871,0.0743,,,,,,,,
-epoch,PyG,CoauthorPhysics,node,True,,,16,3,6,2,skipsum,False,prelu,0.3,max,sgd,0.1,199,0.1262,0.0233,1151805.0,2.2219,0.0576,0.96,0.0068,,,,,,,,
-epoch,PyG,CoauthorPhysics,node,True,,,16,3,6,2,skipsum,False,prelu,0.3,max,sgd,0.1,399,0.0725,0.0089,1151805.0,1.7643,0.0825,0.9761,0.0028,,,,,,,,
-epoch,PyG,CoauthorPhysics,node,True,,,32,1,6,2,skipsum,True,prelu,0.6,add,adam,0.1,99,0.0917,0.0027,1287121.0,1.9092,0.0729,0.9714,0.0006,,,,,,,,
-epoch,PyG,CoauthorPhysics,node,True,,,32,1,6,2,skipsum,True,prelu,0.6,add,adam,0.1,199,0.0219,0.0084,1287121.0,2.1791,0.2744,0.9936,0.0025,,,,,,,,
-epoch,PyG,CoauthorPhysics,node,True,,,32,1,6,2,skipsum,True,prelu,0.6,add,adam,0.1,399,0.0057,0.0008,1287121.0,2.1643,0.334,0.999,0.0002,,,,,,,,
-epoch,PyG,CoauthorPhysics,node,True,,,32,2,8,2,stack,False,relu,0.0,max,sgd,0.01,99,1.2133,0.0933,1101820.0,1.7965,0.055,0.5549,0.0699,,,,,,,,
-epoch,PyG,CoauthorPhysics,node,True,,,32,2,8,2,stack,False,relu,0.0,max,sgd,0.01,199,1.1242,0.3183,1101820.0,1.5764,0.0143,0.6067,0.1427,,,,,,,,
-epoch,PyG,CoauthorPhysics,node,True,,,32,2,8,2,stack,False,relu,0.0,max,sgd,0.01,399,0.6365,0.507,1101820.0,2.0929,0.04,0.7964,0.2058,,,,,,,,
-epoch,PyG,Cora,node,True,,,16,3,6,2,skipsum,False,relu,0.3,max,sgd,0.1,99,1.8269,0.0017,307226.0,0.0203,0.0007,0.3041,0.0029,,,,,,,,
-epoch,PyG,Cora,node,True,,,16,3,6,2,skipsum,False,relu,0.3,max,sgd,0.1,199,1.7674,0.0385,307226.0,0.0402,0.0067,0.3058,0.0053,,,,,,,,
-epoch,PyG,Cora,node,True,,,16,3,6,2,skipsum,False,relu,0.3,max,sgd,0.1,399,0.5458,0.0277,307226.0,0.0348,0.0042,0.8366,0.0041,,,,,,,,
-epoch,PyG,Cora,node,True,,,64,2,6,1,stack,False,swish,0.6,mean,sgd,0.01,99,1.8392,0.0018,333139.0,0.0379,0.0067,0.3021,0.0038,,,,,,,,
-epoch,PyG,Cora,node,True,,,64,2,6,1,stack,False,swish,0.6,mean,sgd,0.01,199,1.8379,0.0021,333139.0,0.0328,0.0025,0.3036,0.0029,,,,,,,,
-epoch,PyG,Cora,node,True,,,64,2,6,1,stack,False,swish,0.6,mean,sgd,0.01,399,1.8382,0.0024,333139.0,0.0238,0.0024,0.3038,0.0027,,,,,,,,
-epoch,PyG,TU_BZR,graph,False,,,64,3,6,2,stack,False,prelu,0.6,mean,adam,0.001,99,0.5306,0.0086,139515.0,0.0234,0.0024,0.7809,0.0067,0.0,0.0,0.0,0.0,0.0,0.0,0.5599,0.008
-epoch,PyG,TU_BZR,graph,False,,,64,3,6,2,stack,False,prelu,0.6,mean,adam,0.001,199,0.5088,0.005,139515.0,0.0232,0.0048,0.7829,0.0063,0.0,0.0,0.0,0.0,0.0,0.0,0.6135,0.0358
-epoch,PyG,TU_BZR,graph,False,,,64,3,6,2,stack,False,prelu,0.6,mean,adam,0.001,399,0.5147,0.0075,139515.0,0.0592,0.0009,0.7829,0.0063,0.0,0.0,0.0,0.0,0.0,0.0,0.5938,0.0225
-epoch,PyG,TU_COX2,graph,False,,,16,1,2,3,stack,False,relu,0.6,max,adam,0.01,99,0.5242,0.0054,139959.0,0.0098,0.0006,0.7837,0.0033,0.0,0.0,0.0,0.0,0.0,0.0,0.4706,0.0218
-epoch,PyG,TU_COX2,graph,False,,,16,1,2,3,stack,False,relu,0.6,max,adam,0.01,199,0.5223,0.0046,139959.0,0.0277,0.0012,0.7837,0.0033,0.0,0.0,0.0,0.0,0.0,0.0,0.5051,0.0471
-epoch,PyG,TU_COX2,graph,False,,,16,1,2,3,stack,False,relu,0.6,max,adam,0.01,399,0.522,0.0043,139959.0,0.0092,0.0009,0.7837,0.0033,0.0,0.0,0.0,0.0,0.0,0.0,0.5016,0.0139
-epoch,PyG,TU_COX2,graph,False,,,16,3,6,1,stack,False,prelu,0.0,add,sgd,0.001,99,0.517,0.0054,138935.0,0.0148,0.0005,0.7837,0.0033,0.0,0.0,0.0,0.0,0.0,0.0,0.5952,0.0198
-epoch,PyG,TU_COX2,graph,False,,,16,3,6,1,stack,False,prelu,0.0,add,sgd,0.001,199,0.5078,0.0111,138935.0,0.0501,0.0026,0.7837,0.0033,0.0,0.0,0.0,0.0,0.0,0.0,0.6292,0.0418
-epoch,PyG,TU_COX2,graph,False,,,16,3,6,1,stack,False,prelu,0.0,add,sgd,0.001,399,0.3715,0.1865,138935.0,0.0119,0.001,0.8481,0.0904,0.3288,0.465,0.3004,0.4248,0.314,0.444,0.7598,0.1749
-epoch,PyG,TU_COX2,graph,False,,,64,1,6,3,skipconcat,False,swish,0.6,add,adam,0.001,99,0.5214,0.0078,139707.0,0.0451,0.0008,0.7837,0.0033,0.0,0.0,0.0,0.0,0.0,0.0,0.5646,0.0327
-epoch,PyG,TU_COX2,graph,False,,,64,1,6,3,skipconcat,False,swish,0.6,add,adam,0.001,199,0.5272,0.0032,139707.0,0.0232,0.0034,0.7837,0.0033,0.0,0.0,0.0,0.0,0.0,0.0,0.498,0.0125
-epoch,PyG,TU_COX2,graph,False,,,64,1,6,3,skipconcat,False,swish,0.6,add,adam,0.001,399,0.5182,0.0058,139707.0,0.0309,0.0034,0.7837,0.0033,0.0,0.0,0.0,0.0,0.0,0.0,0.5718,0.0241
-epoch,PyG,TU_DD,graph,False,,,16,3,6,1,skipsum,True,prelu,0.6,add,adam,0.001,99,0.5253,0.0157,144898.0,0.0272,0.0008,0.7572,0.0178,0.7231,0.0298,0.6609,0.0072,0.6904,0.0173,0.8231,0.013
-epoch,PyG,TU_DD,graph,False,,,16,3,6,1,skipsum,True,prelu,0.6,add,adam,0.001,199,0.4455,0.0114,144898.0,0.0342,0.0008,0.8001,0.0044,0.7598,0.0133,0.7483,0.0119,0.7538,0.0029,0.8726,0.0055
-epoch,PyG,TU_DD,graph,False,,,16,3,6,1,skipsum,True,prelu,0.6,add,adam,0.001,399,0.3874,0.0026,144898.0,0.028,0.0042,0.8298,0.0056,0.7932,0.0068,0.7898,0.006,0.7915,0.0064,0.904,0.0013
-epoch,PyG,TU_ENZYMES,graph,False,,,16,2,8,3,skipconcat,False,relu,0.3,max,sgd,0.01,99,1.7879,0.0014,136740.0,0.0591,0.0017,0.174,0.0086,,,,,,,,
-epoch,PyG,TU_ENZYMES,graph,False,,,16,2,8,3,skipconcat,False,relu,0.3,max,sgd,0.01,199,1.7868,0.0025,136740.0,0.053,0.0022,0.1782,0.0045,,,,,,,,
-epoch,PyG,TU_ENZYMES,graph,False,,,16,2,8,3,skipconcat,False,relu,0.3,max,sgd,0.01,399,1.783,0.006,136740.0,0.0155,0.0008,0.1873,0.0122,,,,,,,,
-epoch,PyG,TU_ENZYMES,graph,False,,,32,1,2,1,stack,False,relu,0.6,max,sgd,0.001,99,1.7992,0.0108,135188.0,0.0313,0.0035,0.2166,0.024,,,,,,,,
-epoch,PyG,TU_ENZYMES,graph,False,,,32,1,2,1,stack,False,relu,0.6,max,sgd,0.001,199,1.7568,0.0145,135188.0,0.0195,0.0013,0.2383,0.0191,,,,,,,,
-epoch,PyG,TU_ENZYMES,graph,False,,,32,1,2,1,stack,False,relu,0.6,max,sgd,0.001,399,1.6964,0.0234,135188.0,0.0279,0.0012,0.2893,0.0079,,,,,,,,
-epoch,PyG,TU_ENZYMES,graph,False,,,32,2,6,2,skipconcat,False,swish,0.6,add,sgd,0.001,99,1.768,0.0127,140102.0,0.0476,0.0007,0.2271,0.0086,,,,,,,,
-epoch,PyG,TU_ENZYMES,graph,False,,,32,2,6,2,skipconcat,False,swish,0.6,add,sgd,0.001,199,1.7426,0.0063,140102.0,0.0469,0.0012,0.2306,0.0089,,,,,,,,
-epoch,PyG,TU_ENZYMES,graph,False,,,32,2,6,2,skipconcat,False,swish,0.6,add,sgd,0.001,399,1.7212,0.0053,140102.0,0.0165,0.0015,0.2495,0.0214,,,,,,,,
-epoch,PyG,TU_ENZYMES,graph,False,,,64,1,2,2,skipsum,False,swish,0.0,add,adam,0.01,99,1.1305,0.0761,135036.0,0.0131,0.0027,0.5814,0.0491,,,,,,,,
-epoch,PyG,TU_ENZYMES,graph,False,,,64,1,2,2,skipsum,False,swish,0.0,add,adam,0.01,199,0.5794,0.1629,135036.0,0.0144,0.0016,0.8211,0.0718,,,,,,,,
-epoch,PyG,TU_ENZYMES,graph,False,,,64,1,2,2,skipsum,False,swish,0.0,add,adam,0.01,399,0.0877,0.0308,135036.0,0.0336,0.0027,0.9923,0.0036,,,,,,,,
-epoch,PyG,TU_ENZYMES,graph,False,,,64,3,4,3,skipsum,True,prelu,0.3,add,adam,0.1,99,1.4882,0.0264,134535.0,0.0233,0.0021,0.4018,0.0103,,,,,,,,
-epoch,PyG,TU_ENZYMES,graph,False,,,64,3,4,3,skipsum,True,prelu,0.3,add,adam,0.1,199,1.6697,0.0222,134535.0,0.0283,0.0026,0.2781,0.0231,,,,,,,,
-epoch,PyG,TU_ENZYMES,graph,False,,,64,3,4,3,skipsum,True,prelu,0.3,add,adam,0.1,399,1.6699,0.0278,134535.0,0.0224,0.0013,0.2704,0.037,,,,,,,,
-epoch,PyG,TU_ENZYMES,graph,False,,,64,3,8,1,skipsum,False,prelu,0.6,mean,sgd,0.001,99,1.8582,0.012,134557.0,0.0366,0.0011,0.1866,0.003,,,,,,,,
-epoch,PyG,TU_ENZYMES,graph,False,,,64,3,8,1,skipsum,False,prelu,0.6,mean,sgd,0.001,199,1.8166,0.018,134557.0,0.0236,0.0027,0.181,0.0133,,,,,,,,
-epoch,PyG,TU_ENZYMES,graph,False,,,64,3,8,1,skipsum,False,prelu,0.6,mean,sgd,0.001,399,1.7863,0.0124,134557.0,0.0632,0.0021,0.2006,0.0026,,,,,,,,
-epoch,PyG,TU_IMDB,graph,False,,,16,3,4,3,skipconcat,False,swish,0.3,max,adam,0.1,99,1.1028,0.0053,138512.0,0.0444,0.0009,0.3428,0.009,,,,,,,,
-epoch,PyG,TU_IMDB,graph,False,,,16,3,4,3,skipconcat,False,swish,0.3,max,adam,0.1,199,1.0961,0.0024,138512.0,0.0136,0.0013,0.3697,0.009,,,,,,,,
-epoch,PyG,TU_IMDB,graph,False,,,16,3,4,3,skipconcat,False,swish,0.3,max,adam,0.1,399,1.0929,0.0007,138512.0,0.046,0.0033,0.3733,0.0068,,,,,,,,
-epoch,PyG,TU_IMDB,graph,False,,,64,2,8,3,skipsum,False,prelu,0.3,mean,sgd,0.001,99,1.098,0.0007,134864.0,0.0648,0.0015,0.3347,0.0066,,,,,,,,
-epoch,PyG,TU_IMDB,graph,False,,,64,2,8,3,skipsum,False,prelu,0.3,mean,sgd,0.001,199,1.0979,0.0013,134864.0,0.022,0.0012,0.3456,0.0177,,,,,,,,
-epoch,PyG,TU_IMDB,graph,False,,,64,2,8,3,skipsum,False,prelu,0.3,mean,sgd,0.001,399,1.0972,0.0002,134864.0,0.0233,0.0009,0.3417,0.0095,,,,,,,,
-epoch,PyG,TU_IMDB,graph,False,,,64,3,6,2,skipsum,False,relu,0.3,max,sgd,0.1,99,1.0984,0.0001,133466.0,0.0239,0.0017,0.3397,0.0008,,,,,,,,
-epoch,PyG,TU_IMDB,graph,False,,,64,3,6,2,skipsum,False,relu,0.3,max,sgd,0.1,199,1.0984,0.0001,133466.0,0.0181,0.0006,0.3397,0.0008,,,,,,,,
-epoch,PyG,TU_IMDB,graph,False,,,64,3,6,2,skipsum,False,relu,0.3,max,sgd,0.1,399,1.0984,0.0001,133466.0,0.0189,0.001,0.3397,0.0008,,,,,,,,
-epoch,PyG,TU_PROTEINS,graph,False,,,16,1,2,2,stack,False,relu,0.6,max,sgd,0.1,99,0.6711,0.0007,133981.0,0.0311,0.0012,0.6045,0.0016,0.0,0.0,0.0,0.0,0.0,0.0,0.4625,0.0097
-epoch,PyG,TU_PROTEINS,graph,False,,,16,1,2,2,stack,False,relu,0.6,max,sgd,0.1,199,0.6711,0.0007,133981.0,0.0078,0.0004,0.6045,0.0016,0.0,0.0,0.0,0.0,0.0,0.0,0.4679,0.0059
-epoch,PyG,TU_PROTEINS,graph,False,,,16,1,2,2,stack,False,relu,0.6,max,sgd,0.1,399,0.6711,0.0007,133981.0,0.0254,0.0007,0.6045,0.0016,0.0,0.0,0.0,0.0,0.0,0.0,0.468,0.0077
-epoch,PyG,TU_PROTEINS,graph,False,,,16,3,4,2,skipconcat,True,prelu,0.3,max,adam,0.01,99,0.5246,0.0093,135122.0,0.0175,0.0006,0.7394,0.0157,0.7002,0.0263,0.5967,0.0158,0.6443,0.0202,0.8047,0.0094
-epoch,PyG,TU_PROTEINS,graph,False,,,16,3,4,2,skipconcat,True,prelu,0.3,max,adam,0.01,199,0.5219,0.0088,135122.0,0.0756,0.0064,0.7367,0.0159,0.6931,0.0216,0.5996,0.024,0.6429,0.0229,0.8054,0.0094
-epoch,PyG,TU_PROTEINS,graph,False,,,16,3,4,2,skipconcat,True,prelu,0.3,max,adam,0.01,399,0.508,0.0111,135122.0,0.0683,0.0066,0.7599,0.0081,0.7222,0.0105,0.6378,0.0178,0.6774,0.0143,0.8199,0.0089
-epoch,PyG,TU_PROTEINS,graph,False,,,32,2,4,3,stack,True,swish,0.0,add,adam,0.1,99,0.4922,0.0066,134124.0,0.0178,0.0016,0.7689,0.0074,0.7551,0.0161,0.6159,0.0126,0.6782,0.0097,0.8282,0.0066
-epoch,PyG,TU_PROTEINS,graph,False,,,32,2,4,3,stack,True,swish,0.0,add,adam,0.1,199,0.5014,0.0031,134124.0,0.0186,0.0011,0.7587,0.0065,0.7295,0.0013,0.6196,0.0319,0.6696,0.0181,0.8189,0.0023
-epoch,PyG,TU_PROTEINS,graph,False,,,32,2,4,3,stack,True,swish,0.0,add,adam,0.1,399,0.5048,0.0079,134124.0,0.0161,0.0009,0.7648,0.0018,0.739,0.0045,0.6265,0.0035,0.6781,0.0025,0.8191,0.0048
-epoch,PyG,TU_PROTEINS,graph,False,,,32,3,8,1,skipsum,False,swish,0.0,mean,sgd,0.01,99,0.6115,0.0057,133976.0,0.0208,0.0016,0.6776,0.0048,0.5741,0.0076,0.7174,0.0073,0.6377,0.0018,0.7588,0.0026
-epoch,PyG,TU_PROTEINS,graph,False,,,32,3,8,1,skipsum,False,swish,0.0,mean,sgd,0.01,199,0.5995,0.0032,133976.0,0.02,0.0009,0.6822,0.0021,0.5822,0.0038,0.6954,0.0037,0.6338,0.0023,0.7592,0.0032
-epoch,PyG,TU_PROTEINS,graph,False,,,32,3,8,1,skipsum,False,swish,0.0,mean,sgd,0.01,399,0.5951,0.0029,133976.0,0.0181,0.0011,0.7061,0.0028,0.6229,0.0042,0.6504,0.0047,0.6363,0.0032,0.7597,0.0034
-epoch,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,16,1,2,1,skipconcat,True,relu,0.0,max,adam,0.001,99,0.071,0.0207,136453.0,0.0424,0.0015,0.9935,0.0046,,,,,,,,
-epoch,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,16,1,2,1,skipconcat,True,relu,0.0,max,adam,0.001,199,0.0224,0.0012,136453.0,0.012,0.0011,1.0,0.0,,,,,,,,
-epoch,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,16,1,2,1,skipconcat,True,relu,0.0,max,adam,0.001,399,0.0103,0.0021,136453.0,0.0085,0.0005,1.0,0.0,,,,,,,,
-epoch,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,16,2,6,1,stack,True,prelu,0.6,max,sgd,0.01,99,0.6213,0.0206,133830.0,0.0159,0.0003,0.7467,0.0023,,,,,,,,
-epoch,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,16,2,6,1,stack,True,prelu,0.6,max,sgd,0.01,199,0.4779,0.0837,133830.0,0.0141,0.0018,0.7908,0.0602,,,,,,,,
-epoch,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,16,2,6,1,stack,True,prelu,0.6,max,sgd,0.01,399,0.4269,0.0036,133830.0,0.0615,0.0029,0.8186,0.016,,,,,,,,
-epoch,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,32,1,2,3,skipconcat,False,swish,0.0,add,adam,0.01,99,0.1506,0.0088,137205.0,0.0112,0.0013,0.9543,0.0023,,,,,,,,
-epoch,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,32,1,2,3,skipconcat,False,swish,0.0,add,adam,0.01,199,0.1147,0.0077,137205.0,0.0426,0.0025,0.9608,0.0,,,,,,,,
-epoch,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,32,1,2,3,skipconcat,False,swish,0.0,add,adam,0.01,399,0.0678,0.0254,137205.0,0.0358,0.0016,0.9755,0.0106,,,,,,,,
-epoch,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,32,1,8,1,skipsum,False,swish,0.3,max,sgd,0.1,99,5.4691,0.9234,134277.0,0.016,0.0017,0.3987,0.0341,,,,,,,,
-epoch,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,32,1,8,1,skipsum,False,swish,0.3,max,sgd,0.1,199,3.1794,0.6062,134277.0,0.0389,0.0047,0.4853,0.0487,,,,,,,,
-epoch,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,32,1,8,1,skipsum,False,swish,0.3,max,sgd,0.1,399,1.9222,0.1303,134277.0,0.0385,0.0018,0.5033,0.0428,,,,,,,,
-epoch,nx,scalefree,graph,True,node_const,graph_path_len,16,2,2,3,skipsum,True,swish,0.0,add,sgd,0.001,99,0.5861,0.0516,134118.0,0.0113,0.0008,0.7516,0.0254,,,,,,,,
-epoch,nx,scalefree,graph,True,node_const,graph_path_len,16,2,2,3,skipsum,True,swish,0.0,add,sgd,0.001,199,0.5316,0.0211,134118.0,0.0098,0.0007,0.7908,0.0167,,,,,,,,
-epoch,nx,scalefree,graph,True,node_const,graph_path_len,16,2,2,3,skipsum,True,swish,0.0,add,sgd,0.001,399,0.6117,0.0133,134118.0,0.0326,0.0033,0.7533,0.0201,,,,,,,,
-epoch,nx,scalefree,graph,True,node_const,graph_path_len,32,1,4,1,skipsum,True,prelu,0.6,max,adam,0.01,99,0.5187,0.0399,134286.0,0.0152,0.0007,0.7565,0.035,,,,,,,,
-epoch,nx,scalefree,graph,True,node_const,graph_path_len,32,1,4,1,skipsum,True,prelu,0.6,max,adam,0.01,199,0.4613,0.0171,134286.0,0.0194,0.0008,0.7876,0.0061,,,,,,,,
-epoch,nx,scalefree,graph,True,node_const,graph_path_len,32,1,4,1,skipsum,True,prelu,0.6,max,adam,0.01,399,0.4891,0.0526,134286.0,0.048,0.0014,0.7925,0.0162,,,,,,,,
-epoch,nx,scalefree,graph,True,node_const,graph_path_len,32,2,8,2,stack,False,relu,0.0,mean,sgd,0.001,99,1.6075,0.0014,135360.0,0.0166,0.001,0.2141,0.0092,,,,,,,,
-epoch,nx,scalefree,graph,True,node_const,graph_path_len,32,2,8,2,stack,False,relu,0.0,mean,sgd,0.001,199,1.6074,0.0013,135360.0,0.0142,0.0007,0.2157,0.0069,,,,,,,,
-epoch,nx,scalefree,graph,True,node_const,graph_path_len,32,2,8,2,stack,False,relu,0.0,mean,sgd,0.001,399,1.6073,0.0014,135360.0,0.0373,0.0041,0.2157,0.0069,,,,,,,,
-epoch,nx,scalefree,graph,True,node_onehot,graph_path_len,16,2,8,2,skipconcat,False,prelu,0.6,max,adam,0.01,99,0.698,0.0389,138964.0,0.02,0.0011,0.6275,0.004,,,,,,,,
-epoch,nx,scalefree,graph,True,node_onehot,graph_path_len,16,2,8,2,skipconcat,False,prelu,0.6,max,adam,0.01,199,0.6596,0.0047,138964.0,0.0201,0.0009,0.6879,0.0083,,,,,,,,
-epoch,nx,scalefree,graph,True,node_onehot,graph_path_len,16,2,8,2,skipconcat,False,prelu,0.6,max,adam,0.01,399,0.667,0.0349,138964.0,0.0272,0.0025,0.6651,0.0244,,,,,,,,
-epoch,nx,scalefree,graph,True,node_onehot,graph_path_len,64,1,8,1,skipsum,False,swish,0.3,mean,adam,0.1,99,1.7359,0.0582,134277.0,0.0222,0.0004,0.1912,0.0212,,,,,,,,
-epoch,nx,scalefree,graph,True,node_onehot,graph_path_len,64,1,8,1,skipsum,False,swish,0.3,mean,adam,0.1,199,1.6009,0.0116,134277.0,0.0252,0.0028,0.2516,0.0205,,,,,,,,
-epoch,nx,scalefree,graph,True,node_onehot,graph_path_len,64,1,8,1,skipsum,False,swish,0.3,mean,adam,0.1,399,1.1014,0.0047,134277.0,0.0233,0.0033,0.4755,0.008,,,,,,,,
-epoch,nx,scalefree,graph,True,node_pagerank,graph_path_len,32,2,6,3,skipsum,True,relu,0.3,add,adam,0.001,99,0.55,0.0168,133925.0,0.0185,0.0006,0.7647,0.0069,,,,,,,,
-epoch,nx,scalefree,graph,True,node_pagerank,graph_path_len,32,2,6,3,skipsum,True,relu,0.3,add,adam,0.001,199,0.517,0.0533,133925.0,0.0244,0.0034,0.781,0.0101,,,,,,,,
-epoch,nx,scalefree,graph,True,node_pagerank,graph_path_len,32,2,6,3,skipsum,True,relu,0.3,add,adam,0.001,399,0.4366,0.0758,133925.0,0.0267,0.0037,0.8088,0.0289,,,,,,,,
-epoch,nx,scalefree,graph,True,node_pagerank,graph_path_len,32,3,2,1,skipsum,True,prelu,0.6,add,sgd,0.1,99,0.9601,0.1101,134286.0,0.0229,0.0055,0.6438,0.0267,,,,,,,,
-epoch,nx,scalefree,graph,True,node_pagerank,graph_path_len,32,3,2,1,skipsum,True,prelu,0.6,add,sgd,0.1,199,0.817,0.0666,134286.0,0.0144,0.0013,0.6667,0.0349,,,,,,,,
-epoch,nx,scalefree,graph,True,node_pagerank,graph_path_len,32,3,2,1,skipsum,True,prelu,0.6,add,sgd,0.1,399,0.5537,0.0318,134286.0,0.0212,0.0066,0.7435,0.0023,,,,,,,,
-epoch,nx,scalefree,graph,True,node_pagerank,graph_path_len,64,2,6,1,stack,True,relu,0.0,add,sgd,0.01,99,0.6043,0.1012,133829.0,0.0314,0.0033,0.768,0.0384,,,,,,,,
-epoch,nx,scalefree,graph,True,node_pagerank,graph_path_len,64,2,6,1,stack,True,relu,0.0,add,sgd,0.01,199,0.6004,0.0763,133829.0,0.0254,0.002,0.781,0.022,,,,,,,,
-epoch,nx,scalefree,graph,True,node_pagerank,graph_path_len,64,2,6,1,stack,True,relu,0.0,add,sgd,0.01,399,0.4257,0.0352,133829.0,0.0482,0.0022,0.8219,0.0185,,,,,,,,
-epoch,nx,scalefree,graph,True,node_pagerank,graph_path_len,64,3,2,3,skipconcat,False,relu,0.6,max,sgd,0.1,99,1.6076,0.0016,135665.0,0.0207,0.0015,0.2141,0.0092,,,,,,,,
-epoch,nx,scalefree,graph,True,node_pagerank,graph_path_len,64,3,2,3,skipconcat,False,relu,0.6,max,sgd,0.1,199,1.6075,0.0014,135665.0,0.0184,0.0029,0.2141,0.0092,,,,,,,,
-epoch,nx,scalefree,graph,True,node_pagerank,graph_path_len,64,3,2,3,skipconcat,False,relu,0.6,max,sgd,0.1,399,1.6074,0.0014,135665.0,0.0205,0.0019,0.2141,0.0092,,,,,,,,
-epoch,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,32,2,6,1,skipconcat,True,prelu,0.6,max,sgd,0.1,99,0.7946,0.0054,138690.0,0.0268,0.0054,0.7118,0.0049,,,,,,,,
-epoch,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,32,2,6,1,skipconcat,True,prelu,0.6,max,sgd,0.1,199,0.7129,0.0018,138690.0,0.0303,0.0024,0.7386,0.0009,,,,,,,,
-epoch,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,32,2,6,1,skipconcat,True,prelu,0.6,max,sgd,0.1,399,0.6552,0.0061,138690.0,0.025,0.0027,0.7624,0.0061,,,,,,,,
-epoch,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,64,3,6,2,skipsum,False,swish,0.6,max,adam,0.01,99,0.486,0.011,134920.0,0.0297,0.0031,0.7964,0.0055,,,,,,,,
-epoch,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,64,3,6,2,skipsum,False,swish,0.6,max,adam,0.01,199,0.4565,0.0055,134920.0,0.0297,0.0039,0.8095,0.0028,,,,,,,,
-epoch,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,64,3,6,2,skipsum,False,swish,0.6,max,adam,0.01,399,0.4281,0.0021,134920.0,0.0473,0.0037,0.8233,0.0002,,,,,,,,
-epoch,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,64,3,8,2,skipsum,True,swish,0.6,max,adam,0.1,99,0.4933,0.0091,135056.0,0.0357,0.0023,0.7944,0.0042,,,,,,,,
-epoch,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,64,3,8,2,skipsum,True,swish,0.6,max,adam,0.1,199,0.4546,0.002,135056.0,0.0363,0.0041,0.8097,0.0023,,,,,,,,
-epoch,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,64,3,8,2,skipsum,True,swish,0.6,max,adam,0.1,399,0.4424,0.0076,135056.0,0.0373,0.0029,0.8146,0.0038,,,,,,,,
-epoch,nx,scalefree,node,True,node_const,node_clustering_coefficient,16,1,2,2,skipsum,False,relu,0.6,mean,adam,0.001,99,1.3045,0.0029,133957.0,0.0395,0.0053,0.4342,0.0041,,,,,,,,
-epoch,nx,scalefree,node,True,node_const,node_clustering_coefficient,16,1,2,2,skipsum,False,relu,0.6,mean,adam,0.001,199,1.2729,0.0046,133957.0,0.0105,0.0023,0.4429,0.0037,,,,,,,,
-epoch,nx,scalefree,node,True,node_const,node_clustering_coefficient,16,1,2,2,skipsum,False,relu,0.6,mean,adam,0.001,399,1.2574,0.0008,133957.0,0.035,0.0061,0.4513,0.003,,,,,,,,
-epoch,nx,scalefree,node,True,node_const,node_clustering_coefficient,32,3,6,3,skipsum,True,prelu,0.6,mean,sgd,0.001,99,1.9289,0.0114,134298.0,0.0233,0.0014,0.2387,0.0034,,,,,,,,
-epoch,nx,scalefree,node,True,node_const,node_clustering_coefficient,32,3,6,3,skipsum,True,prelu,0.6,mean,sgd,0.001,199,1.6627,0.0029,134298.0,0.0305,0.0035,0.2579,0.0042,,,,,,,,
-epoch,nx,scalefree,node,True,node_const,node_clustering_coefficient,32,3,6,3,skipsum,True,prelu,0.6,mean,sgd,0.001,399,1.5276,0.0052,134298.0,0.0286,0.003,0.3027,0.0068,,,,,,,,
-epoch,nx,scalefree,node,True,node_const,node_clustering_coefficient,64,3,6,2,skipsum,True,relu,0.6,add,sgd,0.01,99,1.278,0.003,133925.0,0.0291,0.0027,0.4334,0.0014,,,,,,,,
-epoch,nx,scalefree,node,True,node_const,node_clustering_coefficient,64,3,6,2,skipsum,True,relu,0.6,add,sgd,0.01,199,1.2197,0.0068,133925.0,0.0584,0.0008,0.4598,0.002,,,,,,,,
-epoch,nx,scalefree,node,True,node_const,node_clustering_coefficient,64,3,6,2,skipsum,True,relu,0.6,add,sgd,0.01,399,1.175,0.0038,133925.0,0.0316,0.006,0.4716,0.0014,,,,,,,,
-epoch,nx,scalefree,node,True,node_const,node_pagerank,16,3,6,1,stack,False,prelu,0.3,max,sgd,0.001,99,1.5904,0.0041,134278.0,0.0196,0.0016,0.2575,0.0036,,,,,,,,
-epoch,nx,scalefree,node,True,node_const,node_pagerank,16,3,6,1,stack,False,prelu,0.3,max,sgd,0.001,199,1.5464,0.0204,134278.0,0.0625,0.006,0.3425,0.0268,,,,,,,,
-epoch,nx,scalefree,node,True,node_const,node_pagerank,16,3,6,1,stack,False,prelu,0.3,max,sgd,0.001,399,1.1677,0.1052,134278.0,0.0146,0.0007,0.5618,0.0309,,,,,,,,
-epoch,nx,scalefree,node,True,node_const,node_pagerank,32,2,2,2,skipsum,False,prelu,0.6,max,sgd,0.01,99,0.9515,0.1519,134851.0,0.0408,0.0015,0.5818,0.0635,,,,,,,,
-epoch,nx,scalefree,node,True,node_const,node_pagerank,32,2,2,2,skipsum,False,prelu,0.6,max,sgd,0.01,199,0.7419,0.0248,134851.0,0.0142,0.0007,0.6771,0.0122,,,,,,,,
-epoch,nx,scalefree,node,True,node_const,node_pagerank,32,2,2,2,skipsum,False,prelu,0.6,max,sgd,0.01,399,0.6638,0.0048,134851.0,0.0145,0.0003,0.7122,0.0016,,,,,,,,
-epoch,nx,scalefree,node,True,node_const,node_pagerank,64,1,6,1,skipsum,False,swish,0.6,mean,sgd,0.001,99,1.6108,0.0025,134833.0,0.0315,0.009,0.2146,0.0043,,,,,,,,
-epoch,nx,scalefree,node,True,node_const,node_pagerank,64,1,6,1,skipsum,False,swish,0.6,mean,sgd,0.001,199,1.6089,0.0017,134833.0,0.0243,0.0035,0.2158,0.0032,,,,,,,,
-epoch,nx,scalefree,node,True,node_const,node_pagerank,64,1,6,1,skipsum,False,swish,0.6,mean,sgd,0.001,399,1.6019,0.0022,134833.0,0.0227,0.0027,0.2297,0.0037,,,,,,,,
-epoch,nx,scalefree,node,True,node_const,node_pagerank,64,2,6,1,skipconcat,False,swish,0.3,max,adam,0.1,99,0.9341,0.1091,138065.0,0.0284,0.0034,0.6124,0.0499,,,,,,,,
-epoch,nx,scalefree,node,True,node_const,node_pagerank,64,2,6,1,skipconcat,False,swish,0.3,max,adam,0.1,199,0.8524,0.1201,138065.0,0.0279,0.0039,0.6523,0.0552,,,,,,,,
-epoch,nx,scalefree,node,True,node_const,node_pagerank,64,2,6,1,skipconcat,False,swish,0.3,max,adam,0.1,399,0.7474,0.1259,138065.0,0.0314,0.005,0.7004,0.0539,,,,,,,,
-epoch,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,64,3,2,2,skipconcat,False,prelu,0.6,add,sgd,0.001,99,1.5858,0.0006,135030.0,0.0229,0.002,0.2628,0.0008,,,,,,,,
-epoch,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,64,3,2,2,skipconcat,False,prelu,0.6,add,sgd,0.001,199,1.5803,0.0016,135030.0,0.0205,0.0006,0.2696,0.0058,,,,,,,,
-epoch,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,64,3,2,2,skipconcat,False,prelu,0.6,add,sgd,0.001,399,1.5744,0.0016,135030.0,0.0217,0.0016,0.2757,0.0048,,,,,,,,
-epoch,nx,scalefree,node,True,node_onehot,node_pagerank,32,3,2,2,stack,True,swish,0.6,mean,adam,0.001,99,1.3858,0.0027,134118.0,0.019,0.0008,0.385,0.0036,,,,,,,,
-epoch,nx,scalefree,node,True,node_onehot,node_pagerank,32,3,2,2,stack,True,swish,0.6,mean,adam,0.001,199,1.1913,0.0023,134118.0,0.0198,0.0025,0.475,0.0024,,,,,,,,
-epoch,nx,scalefree,node,True,node_onehot,node_pagerank,32,3,2,2,stack,True,swish,0.6,mean,adam,0.001,399,1.1311,0.0052,134118.0,0.0387,0.0032,0.5065,0.0017,,,,,,,,
-epoch,nx,scalefree,node,True,node_onehot,node_pagerank,64,1,4,1,skipsum,False,prelu,0.6,add,sgd,0.1,99,1.4426,0.0145,134851.0,0.0236,0.0025,0.4,0.0127,,,,,,,,
-epoch,nx,scalefree,node,True,node_onehot,node_pagerank,64,1,4,1,skipsum,False,prelu,0.6,add,sgd,0.1,199,1.1533,0.085,134851.0,0.027,0.0086,0.525,0.0324,,,,,,,,
-epoch,nx,scalefree,node,True,node_onehot,node_pagerank,64,1,4,1,skipsum,False,prelu,0.6,add,sgd,0.1,399,1.1532,0.2367,134851.0,0.0237,0.0029,0.525,0.1182,,,,,,,,
-epoch,nx,scalefree,node,True,node_onehot,node_pagerank,64,2,2,1,skipsum,False,prelu,0.6,add,sgd,0.01,99,1.5838,0.0011,133958.0,0.022,0.0006,0.2784,0.0015,,,,,,,,
-epoch,nx,scalefree,node,True,node_onehot,node_pagerank,64,2,2,1,skipsum,False,prelu,0.6,add,sgd,0.01,199,1.5584,0.0007,133958.0,0.0202,0.0009,0.328,0.0015,,,,,,,,
-epoch,nx,scalefree,node,True,node_onehot,node_pagerank,64,2,2,1,skipsum,False,prelu,0.6,add,sgd,0.01,399,1.4814,0.0027,133958.0,0.0225,0.0044,0.3947,0.0111,,,,,,,,
-epoch,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,16,1,2,3,stack,False,relu,0.0,mean,sgd,0.1,99,1.4167,0.1257,134850.0,0.0302,0.0013,0.3695,0.0759,,,,,,,,
-epoch,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,16,1,2,3,stack,False,relu,0.0,mean,sgd,0.1,199,1.4263,0.1204,134850.0,0.0323,0.004,0.3633,0.0749,,,,,,,,
-epoch,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,16,1,2,3,stack,False,relu,0.0,mean,sgd,0.1,399,1.2742,0.2125,134850.0,0.0097,0.0004,0.4309,0.1141,,,,,,,,
-epoch,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,32,2,6,1,skipconcat,True,swish,0.3,max,adam,0.01,99,0.9272,0.0018,138689.0,0.0549,0.0024,0.6005,0.0031,,,,,,,,
-epoch,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,32,2,6,1,skipconcat,True,swish,0.3,max,adam,0.01,199,0.8791,0.0034,138689.0,0.0234,0.001,0.6203,0.0018,,,,,,,,
-epoch,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,32,2,6,1,skipconcat,True,swish,0.3,max,adam,0.01,399,0.8504,0.002,138689.0,0.0228,0.0017,0.6365,0.0016,,,,,,,,
-epoch,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,16,1,6,3,stack,True,prelu,0.0,mean,sgd,0.1,99,,,135430.0,0.0164,0.0004,0.2974,0.1295,,,,,,,,
-epoch,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,16,1,6,3,stack,True,prelu,0.0,mean,sgd,0.1,199,,,135430.0,0.0173,0.0011,0.1912,0.0212,,,,,,,,
-epoch,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,16,1,6,3,stack,True,prelu,0.0,mean,sgd,0.1,399,,,135430.0,0.0163,0.001,0.1912,0.0212,,,,,,,,
-epoch,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,32,1,6,1,skipsum,False,swish,0.6,max,sgd,0.1,99,2.5437,0.2403,134833.0,0.016,0.0017,0.4363,0.0327,,,,,,,,
-epoch,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,32,1,6,1,skipsum,False,swish,0.6,max,sgd,0.1,199,1.8708,0.3445,134833.0,0.017,0.001,0.4249,0.0363,,,,,,,,
-epoch,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,32,1,6,1,skipsum,False,swish,0.6,max,sgd,0.1,399,1.1249,0.0771,134833.0,0.0184,0.002,0.5082,0.0244,,,,,,,,
-epoch,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,32,1,8,3,skipsum,False,relu,0.0,add,sgd,0.001,99,0.5109,0.274,135360.0,0.0154,0.0018,0.8023,0.1653,,,,,,,,
-epoch,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,32,1,8,3,skipsum,False,relu,0.0,add,sgd,0.001,199,0.1562,0.0189,135360.0,0.034,0.0015,0.9575,0.0046,,,,,,,,
-epoch,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,32,1,8,3,skipsum,False,relu,0.0,add,sgd,0.001,399,0.1065,0.0067,135360.0,0.017,0.0021,0.9771,0.0023,,,,,,,,
-epoch,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,2,4,2,stack,True,prelu,0.3,mean,adam,0.1,99,1.0575,0.0276,134070.0,0.0269,0.0047,0.5441,0.0212,,,,,,,,
-epoch,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,2,4,2,stack,True,prelu,0.3,mean,adam,0.1,199,1.1094,0.1596,134070.0,0.0744,0.0022,0.5196,0.0867,,,,,,,,
-epoch,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,2,4,2,stack,True,prelu,0.3,mean,adam,0.1,399,0.7319,0.078,134070.0,0.0264,0.0019,0.6651,0.0272,,,,,,,,
-epoch,nx,smallworld,graph,True,node_const,graph_path_len,16,1,4,2,stack,False,swish,0.6,add,adam,0.001,99,0.9591,0.027,134789.0,0.0149,0.0024,0.5359,0.0061,,,,,,,,
-epoch,nx,smallworld,graph,True,node_const,graph_path_len,16,1,4,2,stack,False,swish,0.6,add,adam,0.001,199,0.9393,0.0556,134789.0,0.0138,0.0016,0.5588,0.0564,,,,,,,,
-epoch,nx,smallworld,graph,True,node_const,graph_path_len,16,1,4,2,stack,False,swish,0.6,add,adam,0.001,399,0.8045,0.0663,134789.0,0.0339,0.0051,0.6422,0.0212,,,,,,,,
-epoch,nx,smallworld,graph,True,node_const,graph_path_len,16,1,4,3,skipconcat,False,relu,0.3,max,adam,0.01,99,1.6051,0.002,134942.0,0.013,0.0002,0.2288,0.0115,,,,,,,,
-epoch,nx,smallworld,graph,True,node_const,graph_path_len,16,1,4,3,skipconcat,False,relu,0.3,max,adam,0.01,199,1.6053,0.0012,134942.0,0.0163,0.0016,0.219,0.0023,,,,,,,,
-epoch,nx,smallworld,graph,True,node_const,graph_path_len,16,1,4,3,skipconcat,False,relu,0.3,max,adam,0.01,399,1.6052,0.001,134942.0,0.013,0.0008,0.219,0.0023,,,,,,,,
-epoch,nx,smallworld,graph,True,node_const,graph_path_len,16,3,8,3,skipsum,False,swish,0.0,max,adam,0.1,99,1.6052,0.0012,135350.0,0.0192,0.0006,0.219,0.0023,,,,,,,,
-epoch,nx,smallworld,graph,True,node_const,graph_path_len,16,3,8,3,skipsum,False,swish,0.0,max,adam,0.1,199,1.6052,0.0012,135350.0,0.0188,0.0026,0.219,0.0023,,,,,,,,
-epoch,nx,smallworld,graph,True,node_const,graph_path_len,16,3,8,3,skipsum,False,swish,0.0,max,adam,0.1,399,1.6052,0.0012,135350.0,0.0419,0.0009,0.219,0.0023,,,,,,,,
-epoch,nx,smallworld,graph,True,node_const,graph_path_len,32,1,6,1,skipsum,True,relu,0.0,max,sgd,0.001,99,1.6049,0.0027,134069.0,0.0169,0.0026,0.2173,0.0046,,,,,,,,
-epoch,nx,smallworld,graph,True,node_const,graph_path_len,32,1,6,1,skipsum,True,relu,0.0,max,sgd,0.001,199,1.607,0.0014,134069.0,0.0167,0.0016,0.2141,0.0046,,,,,,,,
-epoch,nx,smallworld,graph,True,node_const,graph_path_len,32,1,6,1,skipsum,True,relu,0.0,max,sgd,0.001,399,1.6047,0.0025,134069.0,0.0224,0.0049,0.2239,0.0122,,,,,,,,
-epoch,nx,smallworld,graph,True,node_const,graph_path_len,64,2,8,2,skipconcat,True,prelu,0.0,mean,adam,0.1,99,1.4272,0.0396,139610.0,0.0309,0.0023,0.3415,0.0101,,,,,,,,
-epoch,nx,smallworld,graph,True,node_const,graph_path_len,64,2,8,2,skipconcat,True,prelu,0.0,mean,adam,0.1,199,1.46,0.0043,139610.0,0.0407,0.0124,0.3055,0.0185,,,,,,,,
-epoch,nx,smallworld,graph,True,node_const,graph_path_len,64,2,8,2,skipconcat,True,prelu,0.0,mean,adam,0.1,399,1.3446,0.083,139610.0,0.0331,0.0027,0.3791,0.0345,,,,,,,,
-epoch,nx,smallworld,graph,True,node_pagerank,graph_path_len,32,1,4,2,skipsum,True,relu,0.0,add,sgd,0.01,99,0.3051,0.0437,134118.0,0.0163,0.002,0.8889,0.0221,,,,,,,,
-epoch,nx,smallworld,graph,True,node_pagerank,graph_path_len,32,1,4,2,skipsum,True,relu,0.0,add,sgd,0.01,199,0.2773,0.0462,134118.0,0.0381,0.003,0.8938,0.0235,,,,,,,,
-epoch,nx,smallworld,graph,True,node_pagerank,graph_path_len,32,1,4,2,skipsum,True,relu,0.0,add,sgd,0.01,399,0.1958,0.0621,134118.0,0.0153,0.0003,0.9347,0.0257,,,,,,,,
-epoch,nx,smallworld,graph,True,node_pagerank,graph_path_len,32,1,6,3,skipsum,True,swish,0.3,add,sgd,0.01,99,0.473,0.0557,135429.0,0.0235,0.0058,0.8039,0.0406,,,,,,,,
-epoch,nx,smallworld,graph,True,node_pagerank,graph_path_len,32,1,6,3,skipsum,True,swish,0.3,add,sgd,0.01,199,0.3593,0.0406,135429.0,0.0201,0.004,0.8627,0.0281,,,,,,,,
-epoch,nx,smallworld,graph,True,node_pagerank,graph_path_len,32,1,6,3,skipsum,True,swish,0.3,add,sgd,0.01,399,0.3723,0.0795,135429.0,0.0243,0.0031,0.8529,0.0424,,,,,,,,
-epoch,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,64,1,2,2,skipconcat,False,prelu,0.0,add,sgd,0.01,99,1.5021,0.0027,135666.0,0.0252,0.0047,0.317,0.005,,,,,,,,
-epoch,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,64,1,2,2,skipconcat,False,prelu,0.0,add,sgd,0.01,199,1.4916,0.0018,135666.0,0.0234,0.0051,0.3326,0.0027,,,,,,,,
-epoch,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,64,1,2,2,skipconcat,False,prelu,0.0,add,sgd,0.01,399,1.4437,0.0066,135666.0,0.0573,0.0044,0.4385,0.0112,,,,,,,,
-epoch,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,64,2,4,3,stack,False,relu,0.0,max,sgd,0.001,99,1.5394,0.0071,134676.0,0.0252,0.0016,0.2998,0.0008,,,,,,,,
-epoch,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,64,2,4,3,stack,False,relu,0.0,max,sgd,0.001,199,1.5158,0.004,134676.0,0.0314,0.0062,0.3066,0.0032,,,,,,,,
-epoch,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,64,2,4,3,stack,False,relu,0.0,max,sgd,0.001,399,1.4986,0.001,134676.0,0.0416,0.002,0.3173,0.001,,,,,,,,
-epoch,nx,smallworld,node,True,node_const,node_clustering_coefficient,32,3,8,2,skipconcat,True,prelu,0.6,max,sgd,0.01,99,1.5882,0.0029,140834.0,0.0275,0.0013,0.2521,0.0062,,,,,,,,
-epoch,nx,smallworld,node,True,node_const,node_clustering_coefficient,32,3,8,2,skipconcat,True,prelu,0.6,max,sgd,0.01,199,1.5884,0.0012,140834.0,0.0274,0.0019,0.2506,0.0031,,,,,,,,
-epoch,nx,smallworld,node,True,node_const,node_clustering_coefficient,32,3,8,2,skipconcat,True,prelu,0.6,max,sgd,0.01,399,1.5853,0.0041,140834.0,0.0261,0.0009,0.2611,0.0048,,,,,,,,
-epoch,nx,smallworld,node,True,node_const,node_clustering_coefficient,64,1,2,3,skipconcat,True,prelu,0.3,mean,adam,0.001,99,1.5855,0.007,134543.0,0.0623,0.0039,0.2923,0.0032,,,,,,,,
-epoch,nx,smallworld,node,True,node_const,node_clustering_coefficient,64,1,2,3,skipconcat,True,prelu,0.3,mean,adam,0.001,199,1.508,0.0021,134543.0,0.0299,0.0022,0.3253,0.0058,,,,,,,,
-epoch,nx,smallworld,node,True,node_const,node_clustering_coefficient,64,1,2,3,skipconcat,True,prelu,0.3,mean,adam,0.001,399,1.4472,0.0139,134543.0,0.0666,0.0047,0.3597,0.0052,,,,,,,,
-epoch,nx,smallworld,node,True,node_const,node_pagerank,32,2,4,1,skipsum,False,swish,0.0,max,sgd,0.1,99,1.6094,0.0,134789.0,0.0178,0.0038,0.2025,0.0005,,,,,,,,
-epoch,nx,smallworld,node,True,node_const,node_pagerank,32,2,4,1,skipsum,False,swish,0.0,max,sgd,0.1,199,1.6094,0.0,134789.0,0.0205,0.0024,0.2025,0.0005,,,,,,,,
-epoch,nx,smallworld,node,True,node_const,node_pagerank,32,2,4,1,skipsum,False,swish,0.0,max,sgd,0.1,399,1.6094,0.0,134789.0,0.016,0.0005,0.2025,0.0005,,,,,,,,
-epoch,nx,smallworld,node,True,node_const,node_pagerank,64,1,4,3,skipconcat,False,prelu,0.0,max,adam,0.01,99,1.6094,0.0,134943.0,0.0308,0.0036,0.2025,0.0005,,,,,,,,
-epoch,nx,smallworld,node,True,node_const,node_pagerank,64,1,4,3,skipconcat,False,prelu,0.0,max,adam,0.01,199,1.6094,0.0,134943.0,0.0309,0.0008,0.2025,0.0005,,,,,,,,
-epoch,nx,smallworld,node,True,node_const,node_pagerank,64,1,4,3,skipconcat,False,prelu,0.0,max,adam,0.01,399,1.6094,0.0,134943.0,0.0239,0.0027,0.2025,0.0005,,,,,,,,
-epoch,nx,smallworld,node,True,node_const,node_pagerank,64,2,2,2,stack,True,swish,0.3,max,sgd,0.1,99,1.4572,0.0041,134285.0,0.029,0.0015,0.3455,0.002,,,,,,,,
-epoch,nx,smallworld,node,True,node_const,node_pagerank,64,2,2,2,stack,True,swish,0.3,max,sgd,0.1,199,1.4273,0.0042,134285.0,0.0274,0.0032,0.3567,0.0009,,,,,,,,
-epoch,nx,smallworld,node,True,node_const,node_pagerank,64,2,2,2,stack,True,swish,0.3,max,sgd,0.1,399,1.3647,0.0058,134285.0,0.032,0.0067,0.3836,0.0029,,,,,,,,
-epoch,nx,smallworld,node,True,node_const,node_pagerank,64,3,6,3,stack,False,relu,0.6,add,adam,0.01,99,1.5923,0.0242,135360.0,0.0494,0.0072,0.2231,0.0293,,,,,,,,
-epoch,nx,smallworld,node,True,node_const,node_pagerank,64,3,6,3,stack,False,relu,0.6,add,adam,0.01,199,1.5795,0.0218,135360.0,0.031,0.0039,0.2488,0.034,,,,,,,,
-epoch,nx,smallworld,node,True,node_const,node_pagerank,64,3,6,3,stack,False,relu,0.6,add,adam,0.01,399,1.6006,0.0125,135360.0,0.0291,0.0059,0.2143,0.0161,,,,,,,,
-epoch,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,16,2,8,2,skipsum,True,relu,0.3,add,adam,0.1,99,1.4491,0.1332,134297.0,0.0453,0.0009,0.3332,0.082,,,,,,,,
-epoch,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,16,2,8,2,skipsum,True,relu,0.3,add,adam,0.1,199,1.3784,0.1599,134297.0,0.0436,0.0029,0.3617,0.0915,,,,,,,,
-epoch,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,16,2,8,2,skipsum,True,relu,0.3,add,adam,0.1,399,1.4864,0.1676,134297.0,0.0219,0.003,0.2989,0.0946,,,,,,,,
-epoch,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,32,1,4,1,skipsum,False,relu,0.0,max,sgd,0.001,99,1.6036,0.0006,134850.0,0.0169,0.0028,0.233,0.0015,,,,,,,,
-epoch,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,32,1,4,1,skipsum,False,relu,0.0,max,sgd,0.001,199,1.6027,0.0006,134850.0,0.0176,0.0014,0.233,0.0015,,,,,,,,
-epoch,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,32,1,4,1,skipsum,False,relu,0.0,max,sgd,0.001,399,1.6011,0.0007,134850.0,0.031,0.0019,0.233,0.0015,,,,,,,,
-epoch,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,32,2,8,2,skipsum,True,swish,0.0,mean,sgd,0.1,99,0.3174,0.0332,134297.0,0.0226,0.0012,0.8903,0.0161,,,,,,,,
-epoch,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,32,2,8,2,skipsum,True,swish,0.0,mean,sgd,0.1,199,0.0799,0.008,134297.0,0.0218,0.0002,0.9837,0.003,,,,,,,,
-epoch,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,32,2,8,2,skipsum,True,swish,0.0,mean,sgd,0.1,399,0.0136,0.0006,134297.0,0.0222,0.0018,0.9998,0.0,,,,,,,,
-epoch,nx,smallworld,node,True,node_onehot,node_pagerank,32,1,4,3,skipconcat,True,relu,0.6,add,adam,0.1,99,0.903,0.0203,135647.0,0.044,0.0033,0.6104,0.0098,,,,,,,,
-epoch,nx,smallworld,node,True,node_onehot,node_pagerank,32,1,4,3,skipconcat,True,relu,0.6,add,adam,0.1,199,0.936,0.0169,135647.0,0.0208,0.0008,0.5967,0.0075,,,,,,,,
-epoch,nx,smallworld,node,True,node_onehot,node_pagerank,32,1,4,3,skipconcat,True,relu,0.6,add,adam,0.1,399,0.9838,0.0089,135647.0,0.056,0.0099,0.5787,0.0056,,,,,,,,
-epoch,nx,smallworld,node,True,node_onehot,node_pagerank,64,3,6,1,skipsum,False,prelu,0.0,add,sgd,0.001,99,1.6033,0.0014,134278.0,0.0246,0.0004,0.2369,0.005,,,,,,,,
-epoch,nx,smallworld,node,True,node_onehot,node_pagerank,64,3,6,1,skipsum,False,prelu,0.0,add,sgd,0.001,199,1.5982,0.0016,134278.0,0.0682,0.0019,0.2407,0.0024,,,,,,,,
-epoch,nx,smallworld,node,True,node_onehot,node_pagerank,64,3,6,1,skipsum,False,prelu,0.0,add,sgd,0.001,399,1.5867,0.0026,134278.0,0.0278,0.0041,0.2435,0.0063,,,,,,,,
-epoch,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,16,3,6,2,skipconcat,True,swish,0.3,max,sgd,0.01,99,1.1989,0.0093,136487.0,0.0226,0.0034,0.4735,0.0064,,,,,,,,
-epoch,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,16,3,6,2,skipconcat,True,swish,0.3,max,sgd,0.01,199,1.1889,0.0261,136487.0,0.0203,0.0036,0.4784,0.0099,,,,,,,,
-epoch,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,16,3,6,2,skipconcat,True,swish,0.3,max,sgd,0.01,399,1.1436,0.0072,136487.0,0.027,0.0082,0.4954,0.0073,,,,,,,,
-epoch,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,16,3,8,1,stack,False,relu,0.0,max,sgd,0.1,99,1.6048,0.0003,135360.0,0.0185,0.0018,0.233,0.0015,,,,,,,,
-epoch,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,16,3,8,1,stack,False,relu,0.0,max,sgd,0.1,199,1.5085,0.1359,135360.0,0.0155,0.0012,0.2927,0.0832,,,,,,,,
-epoch,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,16,3,8,1,stack,False,relu,0.0,max,sgd,0.1,399,1.4401,0.233,135360.0,0.0149,0.0008,0.3251,0.1316,,,,,,,,
-epoch,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,32,2,2,1,skipsum,False,relu,0.3,max,sgd,0.01,99,1.6023,0.0007,133957.0,0.018,0.0038,0.2383,0.0018,,,,,,,,
-epoch,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,32,2,2,1,skipsum,False,relu,0.3,max,sgd,0.01,199,1.5945,0.0025,133957.0,0.0154,0.0028,0.2615,0.0052,,,,,,,,
-epoch,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,32,2,2,1,skipsum,False,relu,0.3,max,sgd,0.01,399,1.22,0.0075,133957.0,0.0127,0.0009,0.4855,0.0002,,,,,,,,
-epoch,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,32,2,4,3,skipconcat,True,relu,0.6,mean,adam,0.01,99,1.0986,0.0227,137950.0,0.0211,0.0017,0.5203,0.0115,,,,,,,,
-epoch,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,32,2,4,3,skipconcat,True,relu,0.6,mean,adam,0.01,199,1.0791,0.0059,137950.0,0.0191,0.0016,0.5313,0.0034,,,,,,,,
-epoch,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,32,2,4,3,skipconcat,True,relu,0.6,mean,adam,0.01,399,1.0709,0.0065,137950.0,0.0552,0.0092,0.5368,0.0015,,,,,,,,
-epoch,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,32,2,6,1,skipsum,False,relu,0.6,add,sgd,0.01,99,1.5776,0.0093,134676.0,0.0159,0.0008,0.2758,0.0097,,,,,,,,
-epoch,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,32,2,6,1,skipsum,False,relu,0.6,add,sgd,0.01,199,1.4184,0.0769,134676.0,0.0177,0.0013,0.4026,0.0486,,,,,,,,
-epoch,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,32,2,6,1,skipsum,False,relu,0.6,add,sgd,0.01,399,1.2447,0.0108,134676.0,0.0475,0.0104,0.4753,0.0006,,,,,,,,
-epoch,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,32,2,8,3,skipconcat,False,relu,0.0,add,sgd,0.1,99,1.5292,0.0008,136713.0,0.0582,0.0059,0.3028,0.0016,,,,,,,,
-epoch,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,32,2,8,3,skipconcat,False,relu,0.0,add,sgd,0.1,199,1.5287,0.0029,136713.0,0.0244,0.0074,0.2983,0.0089,,,,,,,,
-epoch,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,32,2,8,3,skipconcat,False,relu,0.0,add,sgd,0.1,399,1.5304,0.0023,136713.0,0.0645,0.0177,0.2998,0.002,,,,,,,,
-epoch,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,64,2,4,3,skipconcat,True,swish,0.0,max,sgd,0.001,99,1.1196,0.0123,137950.0,0.0374,0.0115,0.52,0.0074,,,,,,,,
-epoch,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,64,2,4,3,skipconcat,True,swish,0.0,max,sgd,0.001,199,1.0545,0.0083,137950.0,0.0644,0.0055,0.5518,0.0038,,,,,,,,
-epoch,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,64,2,4,3,skipconcat,True,swish,0.0,max,sgd,0.001,399,1.0088,0.0146,137950.0,0.0304,0.0027,0.5686,0.0067,,,,,,,,
-l_mp,PyG,AmazonPhoto,node,True,,,64,1,2,3,skipsum,True,prelu,0.3,max,sgd,0.1,199,0.1145,0.0064,269156.0,0.0621,0.0038,0.9645,0.0008,,,,,,,,
-l_mp,PyG,AmazonPhoto,node,True,,,64,1,4,3,skipsum,True,prelu,0.3,max,sgd,0.1,199,0.1427,0.0048,244949.0,0.0659,0.0027,0.9575,0.0017,,,,,,,,
-l_mp,PyG,AmazonPhoto,node,True,,,64,1,6,3,skipsum,True,prelu,0.3,max,sgd,0.1,199,0.1659,0.0102,229769.0,0.0789,0.0026,0.9517,0.0023,,,,,,,,
-l_mp,PyG,AmazonPhoto,node,True,,,64,1,8,3,skipsum,True,prelu,0.3,max,sgd,0.1,199,0.1985,0.0059,221384.0,0.2116,0.0186,0.9416,0.0031,,,,,,,,
-l_mp,PyG,CiteSeer,node,True,,,16,1,2,2,skipsum,False,swish,0.3,max,adam,0.001,399,0.008,0.0003,912036.0,0.0841,0.0062,0.9999,0.0002,,,,,,,,
-l_mp,PyG,CiteSeer,node,True,,,16,1,4,2,skipsum,False,swish,0.3,max,adam,0.001,399,0.0151,0.0002,738396.0,0.1052,0.0083,0.9992,0.0003,,,,,,,,
-l_mp,PyG,CiteSeer,node,True,,,16,1,6,2,skipsum,False,swish,0.3,max,adam,0.001,399,0.0623,0.0025,646260.0,0.1035,0.0089,0.9792,0.0017,,,,,,,,
-l_mp,PyG,CiteSeer,node,True,,,16,1,8,2,skipsum,False,swish,0.3,max,adam,0.001,399,0.1217,0.0089,581774.0,0.1044,0.0062,0.9575,0.0043,,,,,,,,
-l_mp,PyG,CiteSeer,node,True,,,32,2,2,3,stack,True,relu,0.3,mean,adam,0.1,399,0.115,0.01,734028.0,0.1237,0.0344,0.9531,0.0034,,,,,,,,
-l_mp,PyG,CiteSeer,node,True,,,32,2,4,3,stack,True,relu,0.3,mean,adam,0.1,399,0.2376,0.0138,641714.0,0.0663,0.0065,0.9148,0.005,,,,,,,,
-l_mp,PyG,CiteSeer,node,True,,,32,2,6,3,stack,True,relu,0.3,mean,adam,0.1,399,0.4068,0.0085,582984.0,0.0496,0.0011,0.8826,0.0012,,,,,,,,
-l_mp,PyG,CiteSeer,node,True,,,32,2,8,3,stack,True,relu,0.3,mean,adam,0.1,399,0.5954,0.0224,537594.0,0.1449,0.0239,0.8236,0.01,,,,,,,,
-l_mp,PyG,CiteSeer,node,True,,,64,1,2,2,stack,False,swish,0.3,mean,sgd,0.001,99,1.808,0.0083,912036.0,0.0885,0.0024,0.2127,0.0022,,,,,,,,
-l_mp,PyG,CiteSeer,node,True,,,64,1,4,2,stack,False,swish,0.3,mean,sgd,0.001,99,1.8029,0.0038,738396.0,0.0627,0.0114,0.2126,0.0024,,,,,,,,
-l_mp,PyG,CiteSeer,node,True,,,64,1,6,2,stack,False,swish,0.3,mean,sgd,0.001,99,1.8176,0.0054,646260.0,0.0974,0.007,0.2126,0.0024,,,,,,,,
-l_mp,PyG,CiteSeer,node,True,,,64,1,8,2,stack,False,swish,0.3,mean,sgd,0.001,99,1.8072,0.0063,581774.0,0.0978,0.0049,0.2126,0.0028,,,,,,,,
-l_mp,PyG,CiteSeer,node,True,,,64,2,2,1,skipsum,True,relu,0.3,mean,adam,0.1,99,0.0326,0.0005,907902.0,0.0879,0.002,0.9956,0.0008,,,,,,,,
-l_mp,PyG,CiteSeer,node,True,,,64,2,4,1,skipsum,True,relu,0.3,mean,adam,0.1,99,0.0336,0.0018,734028.0,0.0951,0.0034,0.995,0.0013,,,,,,,,
-l_mp,PyG,CiteSeer,node,True,,,64,2,6,1,skipsum,True,relu,0.3,mean,adam,0.1,99,0.0377,0.0051,641714.0,0.109,0.0138,0.9942,0.0019,,,,,,,,
-l_mp,PyG,CiteSeer,node,True,,,64,2,8,1,skipsum,True,relu,0.3,mean,adam,0.1,99,0.0372,0.0038,582984.0,0.1024,0.0187,0.9952,0.0013,,,,,,,,
-l_mp,PyG,CoauthorCS,node,True,,,16,1,2,1,stack,True,swish,0.6,add,sgd,0.001,199,2.5987,0.0099,1878543.0,0.9381,0.0604,0.2866,0.0169,,,,,,,,
-l_mp,PyG,CoauthorCS,node,True,,,16,1,4,1,stack,True,swish,0.6,add,sgd,0.001,199,2.577,0.009,1367289.0,0.9268,0.0678,0.2823,0.0073,,,,,,,,
-l_mp,PyG,CoauthorCS,node,True,,,16,1,6,1,stack,True,swish,0.6,add,sgd,0.001,199,2.5676,0.0061,1142871.0,0.9072,0.0361,0.2836,0.0073,,,,,,,,
-l_mp,PyG,CoauthorCS,node,True,,,16,1,8,1,stack,True,swish,0.6,add,sgd,0.001,199,2.5895,0.0194,1006351.0,1.064,0.1862,0.235,0.023,,,,,,,,
-l_mp,PyG,CoauthorCS,node,True,,,32,1,2,2,stack,True,relu,0.0,mean,adam,0.1,199,0.013,0.003,1558110.0,0.9501,0.0513,0.9982,0.0007,,,,,,,,
-l_mp,PyG,CoauthorCS,node,True,,,32,1,4,2,stack,True,relu,0.0,mean,adam,0.1,199,0.1461,0.0303,1238019.0,1.0266,0.0856,0.9611,0.0088,,,,,,,,
-l_mp,PyG,CoauthorCS,node,True,,,32,1,6,2,stack,True,relu,0.0,mean,adam,0.1,199,0.2215,0.0173,1067930.0,1.0931,0.0649,0.9387,0.005,,,,,,,,
-l_mp,PyG,CoauthorCS,node,True,,,32,1,8,2,stack,True,relu,0.0,mean,adam,0.1,199,0.2758,0.0577,959424.0,0.9317,0.1116,0.9218,0.0154,,,,,,,,
-l_mp,PyG,CoauthorCS,node,True,,,32,2,2,1,stack,True,swish,0.0,mean,adam,0.001,399,0.2231,0.0013,1558110.0,1.0979,0.122,0.9989,0.0002,,,,,,,,
-l_mp,PyG,CoauthorCS,node,True,,,32,2,4,1,stack,True,swish,0.0,mean,adam,0.001,399,0.3027,0.0017,1238019.0,0.958,0.0839,0.9937,0.0004,,,,,,,,
-l_mp,PyG,CoauthorCS,node,True,,,32,2,6,1,stack,True,swish,0.0,mean,adam,0.001,399,0.389,0.0038,1067930.0,1.0159,0.0453,0.9784,0.0004,,,,,,,,
-l_mp,PyG,CoauthorCS,node,True,,,32,2,8,1,stack,True,swish,0.0,mean,adam,0.001,399,0.4583,0.0019,959424.0,0.9414,0.0256,0.9643,0.0003,,,,,,,,
-l_mp,PyG,CoauthorCS,node,True,,,64,3,2,3,skipsum,True,prelu,0.6,add,sgd,0.01,399,0.7909,0.0341,1142872.0,0.8985,0.024,0.7595,0.0083,,,,,,,,
-l_mp,PyG,CoauthorCS,node,True,,,64,3,4,3,skipsum,True,prelu,0.6,add,sgd,0.01,399,0.8111,0.0363,1006352.0,1.0572,0.0744,0.7553,0.0104,,,,,,,,
-l_mp,PyG,CoauthorCS,node,True,,,64,3,6,3,skipsum,True,prelu,0.6,add,sgd,0.01,399,0.8664,0.055,919096.0,0.9316,0.0347,0.7411,0.0143,,,,,,,,
-l_mp,PyG,CoauthorCS,node,True,,,64,3,8,3,skipsum,True,prelu,0.6,add,sgd,0.01,399,0.9507,0.0177,851146.0,0.8454,0.0349,0.7113,0.0091,,,,,,,,
-l_mp,PyG,CoauthorPhysics,node,True,,,16,2,2,2,skipconcat,True,swish,0.3,mean,adam,0.01,99,0.0471,0.0079,985462.0,2.0286,0.062,0.9843,0.003,,,,,,,,
-l_mp,PyG,CoauthorPhysics,node,True,,,16,2,2,3,skipsum,False,swish,0.6,add,adam,0.001,199,0.0928,0.0021,1506288.0,1.5434,0.0745,0.9756,0.0007,,,,,,,,
-l_mp,PyG,CoauthorPhysics,node,True,,,16,2,4,2,skipconcat,True,swish,0.3,mean,adam,0.01,99,0.0722,0.0058,650143.0,1.7395,0.0979,0.976,0.0019,,,,,,,,
-l_mp,PyG,CoauthorPhysics,node,True,,,16,2,4,3,skipsum,False,swish,0.6,add,adam,0.001,199,0.2297,0.0009,1296377.0,2.1319,0.1774,0.9428,0.0002,,,,,,,,
-l_mp,PyG,CoauthorPhysics,node,True,,,16,2,6,2,skipconcat,True,swish,0.3,mean,adam,0.01,99,0.1,0.0055,510581.0,2.6102,0.1708,0.9673,0.0017,,,,,,,,
-l_mp,PyG,CoauthorPhysics,node,True,,,16,2,6,3,skipsum,False,swish,0.6,add,adam,0.001,199,0.4016,0.0634,1151804.0,2.1734,0.0887,0.8809,0.0412,,,,,,,,
-l_mp,PyG,CoauthorPhysics,node,True,,,16,2,8,2,skipconcat,True,swish,0.3,mean,adam,0.01,99,0.1103,0.0064,425345.0,1.724,0.0351,0.9638,0.0022,,,,,,,,
-l_mp,PyG,CoauthorPhysics,node,True,,,16,2,8,3,skipsum,False,swish,0.6,add,adam,0.001,199,0.5531,0.0206,1060625.0,1.9532,0.0711,0.814,0.0187,,,,,,,,
-l_mp,PyG,CoauthorPhysics,node,True,,,16,3,2,2,skipsum,True,relu,0.6,mean,adam,0.001,199,0.1162,0.0036,1497209.0,1.6862,0.0561,0.9677,0.0004,,,,,,,,
-l_mp,PyG,CoauthorPhysics,node,True,,,16,3,4,2,skipsum,True,relu,0.6,mean,adam,0.001,199,0.148,0.0037,1287120.0,2.3371,0.1662,0.9596,0.001,,,,,,,,
-l_mp,PyG,CoauthorPhysics,node,True,,,16,3,6,2,skipsum,True,relu,0.6,mean,adam,0.001,199,0.1547,0.0058,1153014.0,1.8204,0.0571,0.9577,0.0009,,,,,,,,
-l_mp,PyG,CoauthorPhysics,node,True,,,16,3,8,2,skipsum,True,relu,0.6,mean,adam,0.001,199,0.1698,0.0027,1051092.0,1.8003,0.0236,0.9539,0.0006,,,,,,,,
-l_mp,PyG,CoauthorPhysics,node,True,,,64,1,2,3,skipconcat,True,swish,0.0,mean,adam,0.01,399,0.0009,0.0001,810245.0,2.0043,0.1462,1.0,0.0,,,,,,,,
-l_mp,PyG,CoauthorPhysics,node,True,,,64,1,4,3,skipconcat,True,swish,0.0,mean,adam,0.01,399,0.0013,0.0001,530635.0,1.6707,0.0353,1.0,0.0,,,,,,,,
-l_mp,PyG,CoauthorPhysics,node,True,,,64,1,6,3,skipconcat,True,swish,0.0,mean,adam,0.01,399,0.0016,0.0003,426297.0,1.8867,0.0557,1.0,0.0,,,,,,,,
-l_mp,PyG,CoauthorPhysics,node,True,,,64,1,8,3,skipconcat,True,swish,0.0,mean,adam,0.01,399,0.0018,0.0005,355217.0,1.5319,0.0152,0.9999,0.0001,,,,,,,,
-l_mp,PyG,CoauthorPhysics,node,True,,,64,3,2,2,skipsum,True,swish,0.3,mean,sgd,0.1,199,0.0825,0.0029,1497209.0,2.1314,0.2118,0.973,0.0009,,,,,,,,
-l_mp,PyG,CoauthorPhysics,node,True,,,64,3,4,2,skipsum,True,swish,0.3,mean,sgd,0.1,199,0.0987,0.0024,1287120.0,1.7927,0.0249,0.9676,0.0008,,,,,,,,
-l_mp,PyG,CoauthorPhysics,node,True,,,64,3,6,2,skipsum,True,swish,0.3,mean,sgd,0.1,199,0.1076,0.0017,1153014.0,1.7995,0.0173,0.9653,0.0007,,,,,,,,
-l_mp,PyG,CoauthorPhysics,node,True,,,64,3,8,2,skipsum,True,swish,0.3,mean,sgd,0.1,199,0.1204,0.0041,1051092.0,1.8376,0.0184,0.962,0.0013,,,,,,,,
-l_mp,PyG,Cora,node,True,,,16,1,2,2,skipsum,False,prelu,0.3,max,adam,0.01,199,0.0049,0.0001,435548.0,0.0213,0.0031,1.0,0.0,,,,,,,,
-l_mp,PyG,Cora,node,True,,,16,1,4,2,skipsum,False,prelu,0.3,max,adam,0.01,199,0.0159,0.0041,368551.0,0.0332,0.0104,0.9979,0.0008,,,,,,,,
-l_mp,PyG,Cora,node,True,,,16,1,6,2,skipsum,False,prelu,0.3,max,adam,0.01,199,0.0985,0.0137,333140.0,0.0289,0.0035,0.9692,0.0041,,,,,,,,
-l_mp,PyG,Cora,node,True,,,16,1,8,2,skipsum,False,prelu,0.3,max,adam,0.01,199,0.0989,0.0241,307227.0,0.026,0.0023,0.9697,0.0109,,,,,,,,
-l_mp,PyG,Cora,node,True,,,64,1,2,1,skipconcat,False,swish,0.6,max,adam,0.01,399,0.0433,0.001,438277.0,0.026,0.0065,1.0,0.0,,,,,,,,
-l_mp,PyG,Cora,node,True,,,64,1,2,1,skipsum,True,relu,0.6,max,adam,0.001,399,0.3574,0.0023,501255.0,0.0335,0.0068,0.9921,0.0022,,,,,,,,
-l_mp,PyG,Cora,node,True,,,64,1,2,1,stack,True,prelu,0.3,add,sgd,0.01,99,1.52,0.0477,501256.0,0.0223,0.0009,0.5387,0.0346,,,,,,,,
-l_mp,PyG,Cora,node,True,,,64,1,4,1,skipconcat,False,swish,0.6,max,adam,0.01,399,0.0562,0.002,301652.0,0.0231,0.0045,0.9977,0.001,,,,,,,,
-l_mp,PyG,Cora,node,True,,,64,1,4,1,skipsum,True,relu,0.6,max,adam,0.001,399,0.4421,0.0096,393501.0,0.0238,0.003,0.964,0.0015,,,,,,,,
-l_mp,PyG,Cora,node,True,,,64,1,4,1,stack,True,prelu,0.3,add,sgd,0.01,99,1.5366,0.0312,393502.0,0.0405,0.013,0.4928,0.022,,,,,,,,
-l_mp,PyG,Cora,node,True,,,64,1,6,1,skipconcat,False,swish,0.6,max,adam,0.01,399,0.0933,0.0038,253527.0,0.0294,0.0049,0.9879,0.0011,,,,,,,,
-l_mp,PyG,Cora,node,True,,,64,1,6,1,skipsum,True,relu,0.6,max,adam,0.001,399,0.4779,0.0021,346623.0,0.0277,0.0022,0.9472,0.0033,,,,,,,,
-l_mp,PyG,Cora,node,True,,,64,1,6,1,stack,True,prelu,0.3,add,sgd,0.01,99,1.6095,0.0118,346624.0,0.0286,0.0057,0.4567,0.0064,,,,,,,,
-l_mp,PyG,Cora,node,True,,,64,1,8,1,skipconcat,False,swish,0.6,max,adam,0.01,399,0.1696,0.0075,225768.0,0.025,0.002,0.9643,0.0032,,,,,,,,
-l_mp,PyG,Cora,node,True,,,64,1,8,1,skipsum,True,relu,0.6,max,adam,0.001,399,0.5116,0.0056,317703.0,0.0262,0.0015,0.9355,0.0037,,,,,,,,
-l_mp,PyG,Cora,node,True,,,64,1,8,1,stack,True,prelu,0.3,add,sgd,0.01,99,1.6515,0.0238,317704.0,0.0291,0.0006,0.4142,0.0118,,,,,,,,
-l_mp,PyG,TU_BZR,graph,False,,,16,3,2,1,stack,False,relu,0.6,max,sgd,0.1,199,0.5047,0.0115,143235.0,0.0077,0.0003,0.7984,0.0039,0.7937,0.1472,0.0995,0.0202,0.1758,0.0325,0.6175,0.0322
-l_mp,PyG,TU_BZR,graph,False,,,16,3,4,1,stack,False,relu,0.6,max,sgd,0.1,199,0.5098,0.0021,142296.0,0.0135,0.0016,0.7994,0.0076,0.8519,0.1047,0.0947,0.0049,0.17,0.0061,0.6095,0.0213
-l_mp,PyG,TU_BZR,graph,False,,,16,3,6,1,stack,False,relu,0.6,max,sgd,0.1,199,0.5022,0.0115,141256.0,0.0153,0.0019,0.7953,0.0064,0.7,0.0,0.0996,0.0029,0.1744,0.0044,0.625,0.0144
-l_mp,PyG,TU_BZR,graph,False,,,16,3,8,1,stack,False,relu,0.6,max,sgd,0.1,199,0.5034,0.0135,139726.0,0.0348,0.0043,0.8045,0.0038,0.9074,0.0693,0.1132,0.0199,0.2,0.0299,0.6177,0.0207
-l_mp,PyG,TU_BZR,graph,False,,,64,1,2,3,skipsum,True,relu,0.3,add,sgd,0.1,399,0.2876,0.0429,142629.0,0.0147,0.0013,0.8807,0.0139,0.8242,0.031,0.5671,0.0682,0.6707,0.0591,0.8986,0.0566
-l_mp,PyG,TU_BZR,graph,False,,,64,1,4,3,skipsum,True,relu,0.3,add,sgd,0.1,399,0.2307,0.0018,141489.0,0.0156,0.0008,0.9012,0.011,0.8408,0.0516,0.6726,0.0335,0.7467,0.0336,0.9495,0.0026
-l_mp,PyG,TU_BZR,graph,False,,,64,1,6,3,skipsum,True,relu,0.3,add,sgd,0.1,399,0.2226,0.0398,140289.0,0.03,0.0015,0.9105,0.0115,0.8732,0.0059,0.6881,0.0461,0.769,0.031,0.9553,0.0158
-l_mp,PyG,TU_BZR,graph,False,,,64,1,8,3,skipsum,True,relu,0.3,add,sgd,0.1,399,0.2222,0.0081,140991.0,0.0226,0.0034,0.9115,0.0053,0.8511,0.0318,0.7198,0.0207,0.7793,0.0112,0.9486,0.0118
-l_mp,PyG,TU_COX2,graph,False,,,16,1,2,1,skipsum,True,prelu,0.0,mean,sgd,0.001,199,0.3571,0.0148,141826.0,0.0083,0.001,0.8552,0.0158,0.7898,0.0513,0.451,0.0375,0.574,0.0433,0.8624,0.0092
-l_mp,PyG,TU_COX2,graph,False,,,16,1,2,3,skipconcat,True,relu,0.3,mean,sgd,0.1,399,0.2636,0.0134,138881.0,0.0297,0.0009,0.8928,0.0133,0.8447,0.0342,0.615,0.0501,0.7115,0.0459,0.9314,0.0075
-l_mp,PyG,TU_COX2,graph,False,,,16,1,4,1,skipsum,True,prelu,0.0,mean,sgd,0.001,199,0.2507,0.0287,139372.0,0.0103,0.0008,0.8901,0.0137,0.8596,0.0277,0.5872,0.0453,0.6973,0.0409,0.9475,0.017
-l_mp,PyG,TU_COX2,graph,False,,,16,1,4,3,skipconcat,True,relu,0.3,mean,sgd,0.1,399,0.2639,0.0066,135831.0,0.0138,0.0005,0.8847,0.0144,0.821,0.0488,0.5995,0.0237,0.6928,0.0322,0.9319,0.0028
-l_mp,PyG,TU_COX2,graph,False,,,16,1,6,1,skipsum,True,prelu,0.0,mean,sgd,0.001,199,0.1678,0.0383,138826.0,0.0426,0.0001,0.9374,0.0242,0.9196,0.0353,0.7781,0.0832,0.8419,0.0639,0.9826,0.012
-l_mp,PyG,TU_COX2,graph,False,,,16,1,6,3,skipconcat,True,relu,0.3,mean,sgd,0.1,399,0.2892,0.0171,140421.0,0.0506,0.006,0.8856,0.0103,0.8002,0.0043,0.6289,0.0579,0.7027,0.0361,0.9119,0.0109
-l_mp,PyG,TU_COX2,graph,False,,,16,1,8,1,skipsum,True,prelu,0.0,mean,sgd,0.001,199,0.101,0.0374,137986.0,0.0483,0.0022,0.9705,0.0229,0.9673,0.0198,0.8936,0.0887,0.9275,0.0581,0.994,0.0068
-l_mp,PyG,TU_COX2,graph,False,,,16,1,8,3,skipconcat,True,relu,0.3,mean,sgd,0.1,399,0.2986,0.0062,136397.0,0.0188,0.0009,0.8731,0.0034,0.7923,0.0217,0.5618,0.0173,0.6568,0.0043,0.9066,0.0071
-l_mp,PyG,TU_DD,graph,False,,,32,1,2,1,stack,False,swish,0.0,mean,sgd,0.001,399,0.7975,0.0177,156000.0,0.0142,0.0004,0.73,0.0028,0.6391,0.0047,0.7811,0.0047,0.703,0.0047,0.8061,0.0045
-l_mp,PyG,TU_DD,graph,False,,,32,1,4,1,stack,False,swish,0.0,mean,sgd,0.001,399,0.8155,0.0211,149787.0,0.015,0.001,0.7297,0.001,0.6386,0.0024,0.7811,0.0047,0.7027,0.0034,0.8035,0.0011
-l_mp,PyG,TU_DD,graph,False,,,32,1,6,1,stack,False,swish,0.0,mean,sgd,0.001,399,0.8029,0.0153,147660.0,0.02,0.0033,0.7314,0.0026,0.6409,0.0045,0.7811,0.0047,0.7041,0.0046,0.8033,0.0011
-l_mp,PyG,TU_DD,graph,False,,,32,1,8,1,stack,False,swish,0.0,mean,sgd,0.001,399,0.8047,0.014,145900.0,0.0176,0.0011,0.7311,0.0005,0.6404,0.0008,0.7811,0.0047,0.7038,0.0023,0.8034,0.0012
-l_mp,PyG,TU_DD,graph,False,,,64,2,2,3,stack,True,prelu,0.6,mean,sgd,0.001,399,0.4936,0.0057,147746.0,0.0909,0.0055,0.765,0.0058,0.7159,0.0067,0.706,0.0151,0.7108,0.0078,0.8367,0.0047
-l_mp,PyG,TU_DD,graph,False,,,64,2,4,3,stack,True,prelu,0.6,mean,sgd,0.001,399,0.4981,0.0052,145907.0,0.0597,0.0074,0.7661,0.01,0.7218,0.0113,0.6963,0.0196,0.7088,0.0156,0.8325,0.005
-l_mp,PyG,TU_DD,graph,False,,,64,2,6,3,stack,True,prelu,0.6,mean,sgd,0.001,399,0.5104,0.0082,145081.0,0.0642,0.0017,0.7583,0.0079,0.7157,0.01,0.6792,0.016,0.6969,0.01,0.8221,0.006
-l_mp,PyG,TU_DD,graph,False,,,64,2,8,3,stack,True,prelu,0.6,mean,sgd,0.001,399,0.5245,0.0051,143119.0,0.1513,0.0053,0.758,0.0131,0.7146,0.0202,0.6798,0.0162,0.6967,0.0177,0.8134,0.0075
-l_mp,PyG,TU_ENZYMES,graph,False,,,16,3,2,1,skipsum,True,prelu,0.0,max,adam,0.001,99,1.5078,0.0155,134490.0,0.0095,0.0004,0.4151,0.0231,,,,,,,,
-l_mp,PyG,TU_ENZYMES,graph,False,,,16,3,4,1,skipsum,True,prelu,0.0,max,adam,0.001,99,1.0045,0.0105,134835.0,0.0609,0.0015,0.6555,0.0153,,,,,,,,
-l_mp,PyG,TU_ENZYMES,graph,False,,,16,3,6,1,skipsum,True,prelu,0.0,max,adam,0.001,99,0.4227,0.025,134535.0,0.0298,0.001,0.8945,0.0097,,,,,,,,
-l_mp,PyG,TU_ENZYMES,graph,False,,,16,3,8,1,skipsum,True,prelu,0.0,max,adam,0.001,99,0.1602,0.0137,135822.0,0.0546,0.002,0.9616,0.0026,,,,,,,,
-l_mp,PyG,TU_IMDB,graph,False,,,16,1,2,1,skipsum,False,relu,0.6,max,adam,0.001,399,1.0592,0.0063,133900.0,0.0265,0.0028,0.4275,0.0038,,,,,,,,
-l_mp,PyG,TU_IMDB,graph,False,,,16,1,4,1,skipsum,False,relu,0.6,max,adam,0.001,399,1.0424,0.0019,134137.0,0.0112,0.0006,0.4439,0.0055,,,,,,,,
-l_mp,PyG,TU_IMDB,graph,False,,,16,1,6,1,skipsum,False,relu,0.6,max,adam,0.001,399,1.0346,0.0052,134848.0,0.0123,0.0009,0.4531,0.0043,,,,,,,,
-l_mp,PyG,TU_IMDB,graph,False,,,16,1,8,1,skipsum,False,relu,0.6,max,adam,0.001,399,1.0403,0.0045,134808.0,0.0146,0.0004,0.4508,0.0018,,,,,,,,
-l_mp,PyG,TU_IMDB,graph,False,,,32,1,2,3,skipconcat,True,relu,0.3,add,adam,0.001,99,1.0372,0.0007,136643.0,0.0121,0.0021,0.4511,0.0053,,,,,,,,
-l_mp,PyG,TU_IMDB,graph,False,,,32,1,4,3,skipconcat,True,relu,0.3,add,adam,0.001,99,1.0398,0.002,134705.0,0.0149,0.0003,0.4556,0.01,,,,,,,,
-l_mp,PyG,TU_IMDB,graph,False,,,32,1,6,3,skipconcat,True,relu,0.3,add,adam,0.001,99,1.0405,0.0036,139743.0,0.0201,0.0023,0.4522,0.0034,,,,,,,,
-l_mp,PyG,TU_IMDB,graph,False,,,32,1,8,3,skipconcat,True,relu,0.3,add,adam,0.001,99,1.0362,0.0066,135983.0,0.0242,0.0012,0.4653,0.0096,,,,,,,,
-l_mp,PyG,TU_IMDB,graph,False,,,64,3,2,2,stack,True,relu,0.0,add,adam,0.1,199,1.0323,0.007,133815.0,0.0148,0.0003,0.4681,0.0034,,,,,,,,
-l_mp,PyG,TU_IMDB,graph,False,,,64,3,4,2,stack,True,relu,0.0,add,adam,0.1,199,1.0181,0.0062,134126.0,0.0303,0.0023,0.4805,0.0085,,,,,,,,
-l_mp,PyG,TU_IMDB,graph,False,,,64,3,6,2,stack,True,relu,0.0,add,adam,0.1,199,1.0249,0.0144,134676.0,0.0328,0.0012,0.4633,0.0053,,,,,,,,
-l_mp,PyG,TU_IMDB,graph,False,,,64,3,8,2,stack,True,relu,0.0,add,adam,0.1,199,1.0176,0.0048,133746.0,0.0213,0.0006,0.4772,0.0079,,,,,,,,
-l_mp,PyG,TU_PROTEINS,graph,False,,,32,1,2,2,stack,False,prelu,0.3,max,sgd,0.001,399,0.5412,0.038,133982.0,0.0106,0.0007,0.7485,0.0232,0.6951,0.0195,0.6457,0.058,0.6688,0.0407,0.7961,0.0327
-l_mp,PyG,TU_PROTEINS,graph,False,,,32,1,4,2,stack,False,prelu,0.3,max,sgd,0.001,399,0.5207,0.0067,134477.0,0.0138,0.0019,0.7614,0.0116,0.7065,0.0227,0.6801,0.0014,0.6928,0.0106,0.8137,0.0051
-l_mp,PyG,TU_PROTEINS,graph,False,,,32,1,6,2,stack,False,prelu,0.3,max,sgd,0.001,399,0.5265,0.0077,134966.0,0.0162,0.0028,0.7523,0.0111,0.6955,0.0178,0.6647,0.0108,0.6798,0.0141,0.8102,0.0054
-l_mp,PyG,TU_PROTEINS,graph,False,,,32,1,8,2,stack,False,prelu,0.3,max,sgd,0.001,399,0.5493,0.0048,133465.0,0.0212,0.0008,0.7337,0.0054,0.678,0.0123,0.6226,0.0012,0.649,0.005,0.79,0.0061
-l_mp,PyG,TU_PROTEINS,graph,False,,,32,2,2,3,skipsum,True,prelu,0.0,add,adam,0.1,399,0.478,0.0148,133814.0,0.0154,0.0006,0.7822,0.0176,0.762,0.0152,0.6523,0.0398,0.7026,0.0296,0.8409,0.0117
-l_mp,PyG,TU_PROTEINS,graph,False,,,32,2,4,3,skipsum,True,prelu,0.0,add,adam,0.1,399,0.5047,0.0088,134125.0,0.0482,0.0026,0.7705,0.007,0.7618,0.0103,0.6101,0.0133,0.6776,0.0123,0.8147,0.0073
-l_mp,PyG,TU_PROTEINS,graph,False,,,32,2,6,3,skipsum,True,prelu,0.0,add,adam,0.1,399,0.4852,0.005,134675.0,0.0236,0.0014,0.7735,0.0023,0.7464,0.0103,0.6475,0.0102,0.6933,0.0037,0.8323,0.0041
-l_mp,PyG,TU_PROTEINS,graph,False,,,32,2,8,3,skipsum,True,prelu,0.0,add,adam,0.1,399,0.493,0.0182,133745.0,0.0219,0.0008,0.769,0.0084,0.7477,0.0044,0.6273,0.0319,0.6818,0.0193,0.8287,0.0146
-l_mp,PyG,TU_PROTEINS,graph,False,,,64,1,2,1,stack,True,relu,0.3,max,sgd,0.1,99,0.5315,0.0124,133633.0,0.0281,0.0002,0.7473,0.0113,0.6791,0.0162,0.6848,0.0168,0.6819,0.0149,0.8071,0.0091
-l_mp,PyG,TU_PROTEINS,graph,False,,,64,1,4,1,stack,True,relu,0.3,max,sgd,0.1,99,0.5266,0.0045,133579.0,0.0156,0.0003,0.7474,0.0078,0.6809,0.0106,0.6801,0.0098,0.6805,0.0086,0.8086,0.0041
-l_mp,PyG,TU_PROTEINS,graph,False,,,64,1,6,1,stack,True,relu,0.3,max,sgd,0.1,99,0.5436,0.0119,134089.0,0.0181,0.0008,0.7216,0.0107,0.6457,0.0145,0.6561,0.0102,0.6509,0.0123,0.7907,0.0084
-l_mp,PyG,TU_PROTEINS,graph,False,,,64,1,8,1,stack,True,relu,0.3,max,sgd,0.1,99,0.544,0.0097,133889.0,0.0372,0.0001,0.7322,0.0181,0.6515,0.0199,0.6935,0.0284,0.6718,0.0237,0.7913,0.0083
-l_mp,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,16,3,2,2,skipsum,False,relu,0.6,mean,sgd,0.001,199,0.9843,0.02,134789.0,0.009,0.0009,0.5343,0.0183,,,,,,,,
-l_mp,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,16,3,4,2,skipsum,False,relu,0.6,mean,sgd,0.001,199,1.0302,0.1052,134676.0,0.0132,0.0004,0.4787,0.0856,,,,,,,,
-l_mp,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,16,3,6,2,skipsum,False,relu,0.6,mean,sgd,0.001,199,1.2249,0.1832,134920.0,0.0361,0.0011,0.4118,0.0905,,,,,,,,
-l_mp,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,16,3,8,2,skipsum,False,relu,0.6,mean,sgd,0.001,199,1.5567,0.0728,133748.0,0.0141,0.0006,0.2631,0.0566,,,,,,,,
-l_mp,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,64,1,2,3,skipconcat,True,prelu,0.3,mean,sgd,0.1,399,0.2518,0.0317,134543.0,0.0216,0.0015,0.8938,0.0197,,,,,,,,
-l_mp,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,64,1,4,3,skipconcat,True,prelu,0.3,mean,sgd,0.1,399,0.3107,0.0459,135648.0,0.0286,0.0028,0.8709,0.0311,,,,,,,,
-l_mp,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,64,1,6,3,skipconcat,True,prelu,0.3,mean,sgd,0.1,399,0.3628,0.028,140562.0,0.0267,0.0022,0.8464,0.0129,,,,,,,,
-l_mp,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,64,1,8,3,skipconcat,True,prelu,0.3,mean,sgd,0.1,399,0.3462,0.0372,136714.0,0.0334,0.0026,0.8611,0.0198,,,,,,,,
-l_mp,nx,scalefree,graph,True,node_const,graph_path_len,16,2,2,1,skipsum,False,swish,0.6,max,adam,0.01,399,0.5953,0.02,133957.0,0.0134,0.0002,0.7271,0.022,,,,,,,,
-l_mp,nx,scalefree,graph,True,node_const,graph_path_len,16,2,4,1,skipsum,False,swish,0.6,max,adam,0.01,399,0.6299,0.0504,134789.0,0.0364,0.0022,0.6765,0.0243,,,,,,,,
-l_mp,nx,scalefree,graph,True,node_const,graph_path_len,16,2,6,1,skipsum,False,swish,0.6,max,adam,0.01,399,0.6081,0.0347,134676.0,0.0363,0.0005,0.6765,0.0318,,,,,,,,
-l_mp,nx,scalefree,graph,True,node_const,graph_path_len,16,2,8,1,skipsum,False,swish,0.6,max,adam,0.01,399,0.623,0.0245,134920.0,0.0163,0.0018,0.6896,0.0189,,,,,,,,
-l_mp,nx,scalefree,graph,True,node_const,graph_path_len,16,3,2,2,skipsum,False,prelu,0.0,max,adam,0.01,199,1.6073,0.0013,134790.0,0.0447,0.0016,0.2157,0.0069,,,,,,,,
-l_mp,nx,scalefree,graph,True,node_const,graph_path_len,16,3,4,2,skipsum,False,prelu,0.0,max,adam,0.01,199,1.6073,0.0013,134677.0,0.0137,0.0012,0.2157,0.0069,,,,,,,,
-l_mp,nx,scalefree,graph,True,node_const,graph_path_len,16,3,6,2,skipsum,False,prelu,0.0,max,adam,0.01,199,1.6073,0.0013,134921.0,0.0154,0.0005,0.2157,0.0069,,,,,,,,
-l_mp,nx,scalefree,graph,True,node_const,graph_path_len,16,3,8,2,skipsum,False,prelu,0.0,max,adam,0.01,199,1.6073,0.0013,133749.0,0.0713,0.0019,0.2157,0.0069,,,,,,,,
-l_mp,nx,scalefree,graph,True,node_onehot,graph_path_len,16,3,2,2,skipsum,False,prelu,0.3,add,sgd,0.01,99,,,134790.0,0.0134,0.0016,0.1896,0.0101,,,,,,,,
-l_mp,nx,scalefree,graph,True,node_onehot,graph_path_len,16,3,4,2,skipsum,False,prelu,0.3,add,sgd,0.01,99,,,134677.0,0.0134,0.0004,0.1896,0.0101,,,,,,,,
-l_mp,nx,scalefree,graph,True,node_onehot,graph_path_len,16,3,6,2,skipsum,False,prelu,0.3,add,sgd,0.01,99,,,134921.0,0.0154,0.0019,0.1896,0.0101,,,,,,,,
-l_mp,nx,scalefree,graph,True,node_onehot,graph_path_len,16,3,8,2,skipsum,False,prelu,0.3,add,sgd,0.01,99,,,133749.0,0.0157,0.0005,0.1896,0.0101,,,,,,,,
-l_mp,nx,scalefree,graph,True,node_onehot,graph_path_len,64,1,2,2,skipconcat,False,swish,0.6,add,adam,0.1,199,1.6074,0.0013,135665.0,0.0154,0.0018,0.2141,0.0092,,,,,,,,
-l_mp,nx,scalefree,graph,True,node_onehot,graph_path_len,64,1,4,2,skipconcat,False,swish,0.6,add,adam,0.1,199,1.6073,0.0013,137397.0,0.0502,0.0026,0.2157,0.0069,,,,,,,,
-l_mp,nx,scalefree,graph,True,node_onehot,graph_path_len,64,1,6,2,skipconcat,False,swish,0.6,add,adam,0.1,199,1.6066,0.0024,138165.0,0.0223,0.0029,0.2141,0.0092,,,,,,,,
-l_mp,nx,scalefree,graph,True,node_onehot,graph_path_len,64,1,8,2,skipconcat,False,swish,0.6,add,adam,0.1,199,1.6073,0.0013,137773.0,0.0255,0.0009,0.2141,0.0061,,,,,,,,
-l_mp,nx,scalefree,graph,True,node_pagerank,graph_path_len,16,2,2,2,stack,False,swish,0.0,mean,adam,0.001,399,0.4828,0.0085,134850.0,0.0337,0.0033,0.799,0.0069,,,,,,,,
-l_mp,nx,scalefree,graph,True,node_pagerank,graph_path_len,16,2,4,2,stack,False,swish,0.0,mean,adam,0.001,399,0.4529,0.0193,134833.0,0.0311,0.0021,0.8006,0.0205,,,,,,,,
-l_mp,nx,scalefree,graph,True,node_pagerank,graph_path_len,16,2,6,2,stack,False,swish,0.0,mean,adam,0.001,399,0.5165,0.01,134277.0,0.0175,0.0006,0.7598,0.0144,,,,,,,,
-l_mp,nx,scalefree,graph,True,node_pagerank,graph_path_len,16,2,8,2,stack,False,swish,0.0,mean,adam,0.001,399,0.5294,0.0467,135360.0,0.0472,0.0058,0.7565,0.0336,,,,,,,,
-l_mp,nx,scalefree,graph,True,node_pagerank,graph_path_len,16,3,2,1,skipconcat,False,relu,0.3,mean,sgd,0.1,399,2.2394,0.3559,136247.0,0.0092,0.001,0.4755,0.0446,,,,,,,,
-l_mp,nx,scalefree,graph,True,node_pagerank,graph_path_len,16,3,4,1,skipconcat,False,relu,0.3,mean,sgd,0.1,399,2.3134,0.986,136820.0,0.015,0.0019,0.433,0.0101,,,,,,,,
-l_mp,nx,scalefree,graph,True,node_pagerank,graph_path_len,16,3,6,1,skipconcat,False,relu,0.3,mean,sgd,0.1,399,3.5002,0.4905,137033.0,0.0139,0.001,0.3758,0.0389,,,,,,,,
-l_mp,nx,scalefree,graph,True,node_pagerank,graph_path_len,16,3,8,1,skipconcat,False,relu,0.3,mean,sgd,0.1,399,3.5601,0.4713,136236.0,0.0606,0.0012,0.3775,0.0382,,,,,,,,
-l_mp,nx,scalefree,graph,True,node_pagerank,graph_path_len,64,1,2,2,stack,True,relu,0.3,add,sgd,0.1,199,0.3774,0.0309,134789.0,0.0203,0.0009,0.8513,0.0023,,,,,,,,
-l_mp,nx,scalefree,graph,True,node_pagerank,graph_path_len,64,1,4,2,stack,True,relu,0.3,add,sgd,0.1,199,0.4641,0.0669,134118.0,0.0224,0.0014,0.8072,0.0409,,,,,,,,
-l_mp,nx,scalefree,graph,True,node_pagerank,graph_path_len,64,1,6,2,stack,True,relu,0.3,add,sgd,0.1,199,0.4883,0.0549,133829.0,0.022,0.001,0.781,0.0234,,,,,,,,
-l_mp,nx,scalefree,graph,True,node_pagerank,graph_path_len,64,1,8,2,stack,True,relu,0.3,add,sgd,0.1,199,0.4394,0.0139,133925.0,0.0239,0.0019,0.8039,0.004,,,,,,,,
-l_mp,nx,scalefree,graph,True,node_pagerank,graph_path_len,64,3,2,1,skipconcat,True,prelu,0.0,add,sgd,0.01,99,0.388,0.0599,135407.0,0.0214,0.0012,0.8317,0.0189,,,,,,,,
-l_mp,nx,scalefree,graph,True,node_pagerank,graph_path_len,64,3,4,1,skipconcat,True,prelu,0.0,add,sgd,0.01,99,0.3108,0.0483,137556.0,0.0341,0.0116,0.8775,0.004,,,,,,,,
-l_mp,nx,scalefree,graph,True,node_pagerank,graph_path_len,64,3,6,1,skipconcat,True,prelu,0.0,add,sgd,0.01,99,0.3604,0.0485,137718.0,0.0345,0.0021,0.8709,0.0206,,,,,,,,
-l_mp,nx,scalefree,graph,True,node_pagerank,graph_path_len,64,3,8,1,skipconcat,True,prelu,0.0,add,sgd,0.01,99,0.3625,0.0134,136886.0,0.0278,0.0027,0.8562,0.0141,,,,,,,,
-l_mp,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,32,1,2,1,skipsum,False,swish,0.0,add,adam,0.1,199,0.6662,0.0887,134900.0,0.0143,0.0023,0.776,0.0576,,,,,,,,
-l_mp,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,32,1,2,2,stack,True,prelu,0.3,mean,sgd,0.01,199,1.1464,0.0062,134790.0,0.0146,0.001,0.5056,0.0036,,,,,,,,
-l_mp,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,32,1,4,1,skipsum,False,swish,0.0,add,adam,0.1,199,1.3794,0.1901,134850.0,0.0174,0.0051,0.4009,0.1197,,,,,,,,
-l_mp,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,32,1,4,2,stack,True,prelu,0.3,mean,sgd,0.01,199,1.2735,0.0059,134119.0,0.0527,0.0037,0.4424,0.0029,,,,,,,,
-l_mp,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,32,1,6,1,skipsum,False,swish,0.0,add,adam,0.1,199,1.5179,0.0108,134833.0,0.0174,0.0015,0.3128,0.0108,,,,,,,,
-l_mp,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,32,1,6,2,stack,True,prelu,0.3,mean,sgd,0.01,199,1.4,0.0063,133830.0,0.0202,0.0018,0.3875,0.0022,,,,,,,,
-l_mp,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,32,1,8,1,skipsum,False,swish,0.0,add,adam,0.1,199,1.5205,0.0029,134277.0,0.018,0.0016,0.3086,0.0052,,,,,,,,
-l_mp,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,32,1,8,2,stack,True,prelu,0.3,mean,sgd,0.01,199,1.4511,0.0077,133926.0,0.0295,0.0009,0.3592,0.005,,,,,,,,
-l_mp,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,32,3,2,1,stack,True,relu,0.6,mean,adam,0.1,99,1.1327,0.0147,134285.0,0.019,0.0018,0.5224,0.0083,,,,,,,,
-l_mp,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,32,3,4,1,stack,True,relu,0.6,mean,adam,0.1,99,1.1656,0.0089,134069.0,0.0183,0.0012,0.5045,0.0036,,,,,,,,
-l_mp,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,32,3,6,1,stack,True,relu,0.6,mean,adam,0.1,99,1.2039,0.0054,135429.0,0.0237,0.0023,0.4784,0.0043,,,,,,,,
-l_mp,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,32,3,8,1,stack,True,relu,0.6,mean,adam,0.1,99,1.2161,0.003,134297.0,0.0252,0.0022,0.4782,0.0048,,,,,,,,
-l_mp,nx,scalefree,node,True,node_const,node_clustering_coefficient,16,2,2,2,stack,True,relu,0.6,add,sgd,0.01,99,1.2112,0.0039,134285.0,0.0096,0.0002,0.4623,0.0017,,,,,,,,
-l_mp,nx,scalefree,node,True,node_const,node_clustering_coefficient,16,2,4,2,stack,True,relu,0.6,add,sgd,0.01,99,1.2389,0.0032,134069.0,0.034,0.0013,0.4484,0.0004,,,,,,,,
-l_mp,nx,scalefree,node,True,node_const,node_clustering_coefficient,16,2,6,2,stack,True,relu,0.6,add,sgd,0.01,99,1.2501,0.011,135429.0,0.0164,0.0021,0.4387,0.0043,,,,,,,,
-l_mp,nx,scalefree,node,True,node_const,node_clustering_coefficient,16,2,8,2,stack,True,relu,0.6,add,sgd,0.01,99,1.253,0.0067,134297.0,0.0156,0.0002,0.4407,0.0026,,,,,,,,
-l_mp,nx,scalefree,node,True,node_const,node_pagerank,16,3,2,3,stack,True,swish,0.0,max,adam,0.001,199,1.6094,0.0,134069.0,0.0139,0.0002,0.203,0.0007,,,,,,,,
-l_mp,nx,scalefree,node,True,node_const,node_pagerank,16,3,4,3,stack,True,swish,0.0,max,adam,0.001,199,1.6094,0.0,135429.0,0.0163,0.0007,0.203,0.0007,,,,,,,,
-l_mp,nx,scalefree,node,True,node_const,node_pagerank,16,3,6,3,stack,True,swish,0.0,max,adam,0.001,199,1.6094,0.0,134297.0,0.0204,0.0002,0.203,0.0007,,,,,,,,
-l_mp,nx,scalefree,node,True,node_const,node_pagerank,16,3,8,3,stack,True,swish,0.0,max,adam,0.001,199,1.6094,0.0,134165.0,0.0245,0.0027,0.203,0.0007,,,,,,,,
-l_mp,nx,scalefree,node,True,node_const,node_pagerank,32,3,2,2,skipsum,False,relu,0.3,max,sgd,0.001,399,1.556,0.0006,134789.0,0.0151,0.0017,0.3306,0.004,,,,,,,,
-l_mp,nx,scalefree,node,True,node_const,node_pagerank,32,3,4,2,skipsum,False,relu,0.3,max,sgd,0.001,399,1.52,0.0035,134676.0,0.0165,0.001,0.3713,0.0067,,,,,,,,
-l_mp,nx,scalefree,node,True,node_const,node_pagerank,32,3,6,2,skipsum,False,relu,0.3,max,sgd,0.001,399,1.5143,0.0088,134920.0,0.0187,0.0016,0.3811,0.0113,,,,,,,,
-l_mp,nx,scalefree,node,True,node_const,node_pagerank,32,3,8,2,skipsum,False,relu,0.3,max,sgd,0.001,399,1.5468,0.0211,133748.0,0.0386,0.0011,0.3336,0.0293,,,,,,,,
-l_mp,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,16,1,2,1,stack,False,relu,0.3,mean,adam,0.01,399,1.5119,0.0203,134900.0,0.0327,0.0005,0.3295,0.012,,,,,,,,
-l_mp,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,16,1,2,2,skipsum,True,swish,0.6,max,sgd,0.01,199,1.2531,0.0065,134789.0,0.0121,0.0014,0.4447,0.003,,,,,,,,
-l_mp,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,16,1,4,1,stack,False,relu,0.3,mean,adam,0.01,399,1.5092,0.0156,134850.0,0.0341,0.0011,0.3372,0.0095,,,,,,,,
-l_mp,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,16,1,4,2,skipsum,True,swish,0.6,max,sgd,0.01,199,1.1967,0.0096,134118.0,0.0126,0.0008,0.4635,0.0049,,,,,,,,
-l_mp,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,16,1,6,1,stack,False,relu,0.3,mean,adam,0.01,399,1.5173,0.0018,134833.0,0.0167,0.0012,0.3265,0.0014,,,,,,,,
-l_mp,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,16,1,6,2,skipsum,True,swish,0.6,max,sgd,0.01,199,1.206,0.0057,133829.0,0.0158,0.0007,0.4654,0.0044,,,,,,,,
-l_mp,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,16,1,8,1,stack,False,relu,0.3,mean,adam,0.01,399,1.5169,0.0114,134277.0,0.0174,0.0027,0.3208,0.0109,,,,,,,,
-l_mp,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,16,1,8,2,skipsum,True,swish,0.6,max,sgd,0.01,199,1.201,0.0038,133925.0,0.0186,0.0009,0.4645,0.0018,,,,,,,,
-l_mp,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,16,2,2,1,skipsum,False,swish,0.3,mean,adam,0.01,99,1.4354,0.1003,133957.0,0.0124,0.001,0.3727,0.0734,,,,,,,,
-l_mp,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,16,2,4,1,skipsum,False,swish,0.3,mean,adam,0.01,99,1.2544,0.0118,134789.0,0.0161,0.0025,0.4691,0.0038,,,,,,,,
-l_mp,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,16,2,6,1,skipsum,False,swish,0.3,mean,adam,0.01,99,1.2008,0.0176,134676.0,0.0173,0.0017,0.496,0.0095,,,,,,,,
-l_mp,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,16,2,8,1,skipsum,False,swish,0.3,mean,adam,0.01,99,1.4514,0.1708,134920.0,0.0366,0.0037,0.3406,0.103,,,,,,,,
-l_mp,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,32,1,2,3,skipsum,True,relu,0.0,max,adam,0.01,99,0.0044,0.0006,134285.0,0.0383,0.0006,1.0,0.0,,,,,,,,
-l_mp,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,32,1,4,3,skipsum,True,relu,0.0,max,adam,0.01,99,0.0025,0.0005,134069.0,0.035,0.003,1.0,0.0,,,,,,,,
-l_mp,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,32,1,6,3,skipsum,True,relu,0.0,max,adam,0.01,99,0.002,0.0003,135429.0,0.0229,0.0014,1.0,0.0,,,,,,,,
-l_mp,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,32,1,8,3,skipsum,True,relu,0.0,max,adam,0.01,99,0.0022,0.0001,134297.0,0.0231,0.0011,1.0,0.0,,,,,,,,
-l_mp,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,32,2,2,3,skipsum,True,swish,0.0,add,sgd,0.1,199,0.0749,0.006,134118.0,0.0343,0.0032,0.991,0.0005,,,,,,,,
-l_mp,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,32,2,4,3,skipsum,True,swish,0.0,add,sgd,0.1,199,0.0962,0.0041,133829.0,0.018,0.0025,0.9792,0.0016,,,,,,,,
-l_mp,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,32,2,6,3,skipsum,True,swish,0.0,add,sgd,0.1,199,0.152,0.0182,133925.0,0.0198,0.0008,0.9578,0.0076,,,,,,,,
-l_mp,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,32,2,8,3,skipsum,True,swish,0.0,add,sgd,0.1,199,0.3064,0.0349,135056.0,0.0198,0.0016,0.887,0.0146,,,,,,,,
-l_mp,nx,scalefree,node,True,node_onehot,node_pagerank,16,3,2,1,stack,True,relu,0.6,add,sgd,0.001,199,1.4621,0.0044,134285.0,0.0115,0.0018,0.428,0.0057,,,,,,,,
-l_mp,nx,scalefree,node,True,node_onehot,node_pagerank,16,3,4,1,stack,True,relu,0.6,add,sgd,0.001,199,1.454,0.0049,134069.0,0.0123,0.001,0.4292,0.0059,,,,,,,,
-l_mp,nx,scalefree,node,True,node_onehot,node_pagerank,16,3,6,1,stack,True,relu,0.6,add,sgd,0.001,199,1.4455,0.0069,135429.0,0.0142,0.0011,0.4257,0.0039,,,,,,,,
-l_mp,nx,scalefree,node,True,node_onehot,node_pagerank,16,3,8,1,stack,True,relu,0.6,add,sgd,0.001,199,1.4319,0.0053,134297.0,0.017,0.0009,0.4318,0.0086,,,,,,,,
-l_mp,nx,scalefree,node,True,node_onehot,node_pagerank,64,3,2,1,skipconcat,True,prelu,0.6,max,sgd,0.01,99,1.4936,0.0088,135407.0,0.027,0.0018,0.431,0.001,,,,,,,,
-l_mp,nx,scalefree,node,True,node_onehot,node_pagerank,64,3,4,1,skipconcat,True,prelu,0.6,max,sgd,0.01,99,1.4852,0.0231,137556.0,0.0312,0.0033,0.4517,0.0152,,,,,,,,
-l_mp,nx,scalefree,node,True,node_onehot,node_pagerank,64,3,6,1,skipconcat,True,prelu,0.6,max,sgd,0.01,99,1.4829,0.0261,137718.0,0.0337,0.0009,0.4551,0.0145,,,,,,,,
-l_mp,nx,scalefree,node,True,node_onehot,node_pagerank,64,3,8,1,skipconcat,True,prelu,0.6,max,sgd,0.01,99,1.5058,0.0464,136886.0,0.0348,0.0085,0.4229,0.0486,,,,,,,,
-l_mp,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,16,2,2,3,stack,False,swish,0.0,mean,sgd,0.1,99,1.2581,0.0144,134789.0,0.0332,0.0045,0.4529,0.0031,,,,,,,,
-l_mp,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,16,2,4,3,stack,False,swish,0.0,mean,sgd,0.1,99,1.5617,0.0204,134676.0,0.0142,0.0021,0.2903,0.0297,,,,,,,,
-l_mp,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,16,2,6,3,stack,False,swish,0.0,mean,sgd,0.1,99,1.5759,0.0006,134920.0,0.0131,0.0022,0.269,0.0005,,,,,,,,
-l_mp,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,16,2,8,3,stack,False,swish,0.0,mean,sgd,0.1,99,1.5759,0.0006,133748.0,0.0156,0.0009,0.269,0.0005,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,32,3,2,2,skipsum,False,prelu,0.6,add,adam,0.01,199,1.6044,0.0014,134790.0,0.0143,0.0004,0.219,0.0234,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,32,3,4,2,skipsum,False,prelu,0.6,add,adam,0.01,199,1.4096,0.277,134677.0,0.049,0.0021,0.3039,0.1079,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,32,3,6,2,skipsum,False,prelu,0.6,add,adam,0.01,199,1.1632,0.3155,134921.0,0.0196,0.0018,0.4395,0.1415,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,32,3,8,2,skipsum,False,prelu,0.6,add,adam,0.01,199,1.2958,0.2511,133749.0,0.0664,0.0045,0.3889,0.1227,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,1,2,2,skipsum,True,prelu,0.0,add,sgd,0.001,399,0.2682,0.0456,134790.0,0.0437,0.0005,0.9151,0.0122,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,1,4,2,skipsum,True,prelu,0.0,add,sgd,0.001,399,0.245,0.0357,134119.0,0.0569,0.0022,0.9118,0.012,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,1,6,2,skipsum,True,prelu,0.0,add,sgd,0.001,399,0.2304,0.0411,133830.0,0.0332,0.0043,0.9314,0.0212,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,1,8,2,skipsum,True,prelu,0.0,add,sgd,0.001,399,0.2367,0.0462,133926.0,0.0322,0.0042,0.9232,0.0241,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_const,graph_path_len,16,1,2,1,stack,True,prelu,0.6,mean,sgd,0.1,399,1.0399,0.0619,134626.0,0.0095,0.0012,0.5278,0.0257,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_const,graph_path_len,16,1,4,1,stack,True,prelu,0.6,mean,sgd,0.1,399,0.9643,0.0586,134286.0,0.0139,0.0016,0.5523,0.0372,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_const,graph_path_len,16,1,6,1,stack,True,prelu,0.6,mean,sgd,0.1,399,1.0094,0.0344,134070.0,0.0188,0.0036,0.5474,0.034,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_const,graph_path_len,16,1,8,1,stack,True,prelu,0.6,mean,sgd,0.1,399,1.0159,0.0367,135430.0,0.0189,0.001,0.5408,0.0083,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_const,graph_path_len,32,1,2,1,skipsum,False,prelu,0.6,max,sgd,0.001,99,1.0907,0.0595,134901.0,0.0173,0.0027,0.4771,0.0446,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_const,graph_path_len,32,1,2,2,stack,True,swish,0.3,max,adam,0.001,199,0.8085,0.0507,134789.0,0.0325,0.0019,0.6242,0.0273,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_const,graph_path_len,32,1,4,1,skipsum,False,prelu,0.6,max,sgd,0.001,99,1.1139,0.0405,134851.0,0.0445,0.0013,0.4935,0.018,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_const,graph_path_len,32,1,4,2,stack,True,swish,0.3,max,adam,0.001,199,0.9115,0.0376,134118.0,0.022,0.0018,0.5686,0.0433,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_const,graph_path_len,32,1,6,1,skipsum,False,prelu,0.6,max,sgd,0.001,99,1.1564,0.0534,134834.0,0.0172,0.0012,0.4657,0.044,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_const,graph_path_len,32,1,6,2,stack,True,swish,0.3,max,adam,0.001,199,0.9514,0.0214,133829.0,0.0228,0.0036,0.5817,0.0151,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_const,graph_path_len,32,1,8,1,skipsum,False,prelu,0.6,max,sgd,0.001,99,1.1333,0.0553,134278.0,0.0186,0.0021,0.5049,0.0212,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_const,graph_path_len,32,1,8,2,stack,True,swish,0.3,max,adam,0.001,199,0.9344,0.0166,133925.0,0.0277,0.0004,0.5898,0.0197,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_const,graph_path_len,32,3,2,3,skipsum,False,relu,0.6,add,sgd,0.001,399,1.5658,0.0564,134833.0,0.0311,0.0017,0.2451,0.0451,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_const,graph_path_len,32,3,4,3,skipsum,False,relu,0.6,add,sgd,0.001,399,1.6052,0.0009,134277.0,0.0195,0.0023,0.2173,0.0023,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_const,graph_path_len,32,3,6,3,skipsum,False,relu,0.6,add,sgd,0.001,399,1.6056,0.0017,135360.0,0.019,0.0016,0.2157,0.012,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_const,graph_path_len,32,3,8,3,skipsum,False,relu,0.6,add,sgd,0.001,399,1.5633,0.06,135350.0,0.0169,0.001,0.2386,0.0289,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_const,graph_path_len,64,1,2,1,skipsum,True,relu,0.0,mean,sgd,0.001,399,1.6074,0.002,134625.0,0.0233,0.0026,0.2108,0.0183,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_const,graph_path_len,64,1,4,1,skipsum,True,relu,0.0,mean,sgd,0.001,399,1.6226,0.0209,134285.0,0.024,0.0018,0.2059,0.0223,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_const,graph_path_len,64,1,6,1,skipsum,True,relu,0.0,mean,sgd,0.001,399,1.6425,0.0393,134069.0,0.0262,0.002,0.1928,0.0185,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_const,graph_path_len,64,1,8,1,skipsum,True,relu,0.0,mean,sgd,0.001,399,1.5994,0.0125,135429.0,0.0268,0.0029,0.1912,0.0349,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_onehot,graph_path_len,16,3,2,1,stack,True,relu,0.0,mean,adam,0.1,99,0.2957,0.0983,134285.0,0.0138,0.0017,0.8987,0.0455,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_onehot,graph_path_len,16,3,4,1,stack,True,relu,0.0,mean,adam,0.1,99,0.3667,0.0876,134069.0,0.0163,0.0041,0.8611,0.0439,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_onehot,graph_path_len,16,3,6,1,stack,True,relu,0.0,mean,adam,0.1,99,0.3857,0.0492,135429.0,0.0193,0.0014,0.8366,0.0122,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_onehot,graph_path_len,16,3,8,1,stack,True,relu,0.0,mean,adam,0.1,99,0.4062,0.0793,134297.0,0.0206,0.0022,0.853,0.0416,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_onehot,graph_path_len,32,2,2,3,stack,False,prelu,0.0,mean,sgd,0.1,99,,,134790.0,0.0148,0.0018,0.1912,0.0212,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_onehot,graph_path_len,32,2,4,3,stack,False,prelu,0.0,mean,sgd,0.1,99,,,134677.0,0.0503,0.0012,0.1912,0.0212,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_onehot,graph_path_len,32,2,6,3,stack,False,prelu,0.0,mean,sgd,0.1,99,,,134921.0,0.0183,0.0022,0.1912,0.0212,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_onehot,graph_path_len,32,2,8,3,stack,False,prelu,0.0,mean,sgd,0.1,99,,,133749.0,0.0193,0.0013,0.1912,0.0212,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_onehot,graph_path_len,64,1,2,1,skipconcat,True,prelu,0.6,add,sgd,0.01,99,0.9594,0.0519,136454.0,0.0197,0.0016,0.5539,0.0223,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_onehot,graph_path_len,64,1,4,1,skipconcat,True,prelu,0.6,add,sgd,0.01,99,0.8523,0.0396,137546.0,0.066,0.0034,0.5882,0.0327,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_onehot,graph_path_len,64,1,6,1,skipconcat,True,prelu,0.6,add,sgd,0.01,99,0.7946,0.0486,135807.0,0.0257,0.0042,0.6078,0.0263,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_onehot,graph_path_len,64,1,8,1,skipconcat,True,prelu,0.6,add,sgd,0.01,99,0.7654,0.0584,138476.0,0.0288,0.0007,0.6291,0.0424,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_pagerank,graph_path_len,16,3,2,1,skipsum,True,relu,0.3,max,adam,0.01,199,0.229,0.0257,134285.0,0.0133,0.0016,0.9085,0.0162,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_pagerank,graph_path_len,16,3,4,1,skipsum,True,relu,0.3,max,adam,0.01,199,0.1886,0.0194,134069.0,0.0364,0.0012,0.9265,0.008,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_pagerank,graph_path_len,16,3,6,1,skipsum,True,relu,0.3,max,adam,0.01,199,0.1912,0.0573,135429.0,0.0496,0.001,0.9281,0.0162,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_pagerank,graph_path_len,16,3,8,1,skipsum,True,relu,0.3,max,adam,0.01,199,0.2131,0.0103,134297.0,0.0219,0.0023,0.9281,0.0023,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_pagerank,graph_path_len,32,1,2,3,skipsum,False,relu,0.0,mean,adam,0.1,399,1.6052,0.0013,134850.0,0.0183,0.0044,0.219,0.0023,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_pagerank,graph_path_len,32,1,4,3,skipsum,False,relu,0.0,mean,adam,0.1,399,1.6052,0.0012,134833.0,0.0157,0.0018,0.219,0.0023,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_pagerank,graph_path_len,32,1,6,3,skipsum,False,relu,0.0,mean,adam,0.1,399,1.6052,0.0013,134277.0,0.0185,0.0019,0.219,0.0023,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_pagerank,graph_path_len,32,1,8,3,skipsum,False,relu,0.0,mean,adam,0.1,399,1.6052,0.0012,135360.0,0.0183,0.0007,0.219,0.0023,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_pagerank,graph_path_len,32,3,2,1,skipconcat,True,prelu,0.6,mean,adam,0.1,199,0.6733,0.0465,135407.0,0.0185,0.0023,0.6814,0.0346,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_pagerank,graph_path_len,32,3,4,1,skipconcat,True,prelu,0.6,mean,adam,0.1,199,0.7759,0.0221,137556.0,0.0269,0.0039,0.6455,0.0101,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_pagerank,graph_path_len,32,3,6,1,skipconcat,True,prelu,0.6,mean,adam,0.1,199,0.6947,0.0267,137718.0,0.0245,0.0023,0.6732,0.018,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_pagerank,graph_path_len,32,3,8,1,skipconcat,True,prelu,0.6,mean,adam,0.1,199,0.7296,0.0257,136886.0,0.0317,0.004,0.6602,0.0129,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_pagerank,graph_path_len,64,3,2,1,stack,False,prelu,0.0,max,adam,0.1,399,1.6056,0.0014,134851.0,0.0459,0.0039,0.2173,0.0023,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_pagerank,graph_path_len,64,3,4,1,stack,False,prelu,0.0,max,adam,0.1,399,1.6056,0.0012,134834.0,0.0239,0.003,0.2173,0.0023,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_pagerank,graph_path_len,64,3,6,1,stack,False,prelu,0.0,max,adam,0.1,399,1.6056,0.0014,134278.0,0.0211,0.0009,0.219,0.0023,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_pagerank,graph_path_len,64,3,8,1,stack,False,prelu,0.0,max,adam,0.1,399,1.5798,0.0356,135361.0,0.0354,0.0053,0.2745,0.0763,,,,,,,,
-l_mp,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,16,1,2,3,stack,False,prelu,0.3,mean,adam,0.1,399,1.6094,0.0,134851.0,0.0169,0.0021,0.2025,0.0005,,,,,,,,
-l_mp,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,16,1,4,3,stack,False,prelu,0.3,mean,adam,0.1,399,1.6094,0.0,134834.0,0.0568,0.002,0.2025,0.0005,,,,,,,,
-l_mp,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,16,1,6,3,stack,False,prelu,0.3,mean,adam,0.1,399,1.6094,0.0,134278.0,0.016,0.001,0.2025,0.0005,,,,,,,,
-l_mp,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,16,1,8,3,stack,False,prelu,0.3,mean,adam,0.1,399,1.6094,0.0,135361.0,0.0836,0.0118,0.2025,0.0005,,,,,,,,
-l_mp,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,16,3,2,2,skipsum,False,swish,0.3,max,sgd,0.001,399,1.5243,0.0076,134789.0,0.0154,0.0011,0.3178,0.0045,,,,,,,,
-l_mp,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,16,3,4,2,skipsum,False,swish,0.3,max,sgd,0.001,399,1.5471,0.0056,134676.0,0.0135,0.0027,0.3066,0.0071,,,,,,,,
-l_mp,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,16,3,6,2,skipsum,False,swish,0.3,max,sgd,0.001,399,1.6012,0.0021,134920.0,0.0365,0.0017,0.2411,0.0054,,,,,,,,
-l_mp,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,16,3,8,2,skipsum,False,swish,0.3,max,sgd,0.001,399,1.6042,0.0024,133748.0,0.0204,0.0021,0.2288,0.0063,,,,,,,,
-l_mp,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,64,2,2,3,skipsum,True,relu,0.3,mean,sgd,0.1,99,1.3819,0.0026,134118.0,0.0281,0.0026,0.402,0.0032,,,,,,,,
-l_mp,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,64,2,4,3,skipsum,True,relu,0.3,mean,sgd,0.1,99,1.3869,0.0012,133829.0,0.0295,0.0032,0.4009,0.0024,,,,,,,,
-l_mp,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,64,2,6,3,skipsum,True,relu,0.3,mean,sgd,0.1,99,1.3941,0.0044,133925.0,0.0277,0.0014,0.3952,0.004,,,,,,,,
-l_mp,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,64,2,8,3,skipsum,True,relu,0.3,mean,sgd,0.1,99,1.4012,0.0041,135056.0,0.0342,0.0047,0.3883,0.0039,,,,,,,,
-l_mp,nx,smallworld,node,True,node_const,node_clustering_coefficient,16,2,2,2,skipconcat,False,relu,0.0,mean,adam,0.001,199,1.6048,0.0003,135951.0,0.0152,0.0023,0.233,0.0015,,,,,,,,
-l_mp,nx,smallworld,node,True,node_const,node_clustering_coefficient,16,2,4,2,skipconcat,False,relu,0.0,mean,adam,0.001,199,1.6048,0.0003,136828.0,0.0187,0.0033,0.233,0.0015,,,,,,,,
-l_mp,nx,smallworld,node,True,node_const,node_clustering_coefficient,16,2,6,2,skipconcat,False,relu,0.0,mean,adam,0.001,199,1.6048,0.0003,140145.0,0.0536,0.0074,0.233,0.0015,,,,,,,,
-l_mp,nx,smallworld,node,True,node_const,node_clustering_coefficient,16,2,8,2,skipconcat,False,relu,0.0,mean,adam,0.001,199,1.6048,0.0003,138963.0,0.0703,0.007,0.233,0.0015,,,,,,,,
-l_mp,nx,smallworld,node,True,node_const,node_clustering_coefficient,32,2,2,2,stack,False,swish,0.0,max,sgd,0.001,99,1.6048,0.0003,134850.0,0.0295,0.0004,0.233,0.0015,,,,,,,,
-l_mp,nx,smallworld,node,True,node_const,node_clustering_coefficient,32,2,4,2,stack,False,swish,0.0,max,sgd,0.001,99,1.6048,0.0003,134833.0,0.0226,0.003,0.233,0.0015,,,,,,,,
-l_mp,nx,smallworld,node,True,node_const,node_clustering_coefficient,32,2,6,2,stack,False,swish,0.0,max,sgd,0.001,99,1.6048,0.0003,134277.0,0.0189,0.0006,0.233,0.0015,,,,,,,,
-l_mp,nx,smallworld,node,True,node_const,node_clustering_coefficient,32,2,8,2,stack,False,swish,0.0,max,sgd,0.001,99,1.6048,0.0003,135360.0,0.02,0.0038,0.233,0.0015,,,,,,,,
-l_mp,nx,smallworld,node,True,node_const,node_clustering_coefficient,64,1,2,3,skipsum,True,relu,0.6,max,sgd,0.01,199,1.5992,0.0007,134285.0,0.0293,0.0018,0.2436,0.003,,,,,,,,
-l_mp,nx,smallworld,node,True,node_const,node_clustering_coefficient,64,1,4,3,skipsum,True,relu,0.6,max,sgd,0.01,199,1.5914,0.0005,134069.0,0.0277,0.0028,0.2583,0.0019,,,,,,,,
-l_mp,nx,smallworld,node,True,node_const,node_clustering_coefficient,64,1,6,3,skipsum,True,relu,0.6,max,sgd,0.01,199,1.5905,0.0012,135429.0,0.0433,0.0071,0.2558,0.0032,,,,,,,,
-l_mp,nx,smallworld,node,True,node_const,node_clustering_coefficient,64,1,8,3,skipsum,True,relu,0.6,max,sgd,0.01,199,1.587,0.0008,134297.0,0.0314,0.0006,0.2634,0.0018,,,,,,,,
-l_mp,nx,smallworld,node,True,node_const,node_clustering_coefficient,64,2,2,2,skipsum,True,prelu,0.6,mean,adam,0.01,199,1.4682,0.0104,134286.0,0.0583,0.0291,0.3497,0.0043,,,,,,,,
-l_mp,nx,smallworld,node,True,node_const,node_clustering_coefficient,64,2,4,2,skipsum,True,prelu,0.6,mean,adam,0.01,199,1.3051,0.0054,134070.0,0.0426,0.0054,0.4232,0.0039,,,,,,,,
-l_mp,nx,smallworld,node,True,node_const,node_clustering_coefficient,64,2,6,2,skipsum,True,prelu,0.6,mean,adam,0.01,199,1.2889,0.0026,135430.0,0.0878,0.0132,0.4305,0.0047,,,,,,,,
-l_mp,nx,smallworld,node,True,node_const,node_clustering_coefficient,64,2,8,2,skipsum,True,prelu,0.6,mean,adam,0.01,199,1.2851,0.0094,134298.0,0.0383,0.0047,0.4355,0.0047,,,,,,,,
-l_mp,nx,smallworld,node,True,node_const,node_clustering_coefficient,64,3,2,1,skipsum,True,swish,0.0,max,sgd,0.01,399,1.6048,0.0003,134285.0,0.0324,0.0065,0.233,0.0015,,,,,,,,
-l_mp,nx,smallworld,node,True,node_const,node_clustering_coefficient,64,3,4,1,skipsum,True,swish,0.0,max,sgd,0.01,399,1.6048,0.0003,134069.0,0.0278,0.0016,0.233,0.0015,,,,,,,,
-l_mp,nx,smallworld,node,True,node_const,node_clustering_coefficient,64,3,6,1,skipsum,True,swish,0.0,max,sgd,0.01,399,,,135429.0,0.0669,0.0037,0.1992,0.0013,,,,,,,,
-l_mp,nx,smallworld,node,True,node_const,node_clustering_coefficient,64,3,8,1,skipsum,True,swish,0.0,max,sgd,0.01,399,,,134297.0,0.0673,0.0036,0.1992,0.0013,,,,,,,,
-l_mp,nx,smallworld,node,True,node_const,node_pagerank,16,2,2,3,skipsum,False,relu,0.3,max,sgd,0.001,399,1.6083,0.0007,134789.0,0.0314,0.0025,0.2163,0.0055,,,,,,,,
-l_mp,nx,smallworld,node,True,node_const,node_pagerank,16,2,4,3,skipsum,False,relu,0.3,max,sgd,0.001,399,1.6061,0.0005,134676.0,0.0352,0.002,0.219,0.0023,,,,,,,,
-l_mp,nx,smallworld,node,True,node_const,node_pagerank,16,2,6,3,skipsum,False,relu,0.3,max,sgd,0.001,399,1.6072,0.0014,134920.0,0.0135,0.0012,0.2171,0.0053,,,,,,,,
-l_mp,nx,smallworld,node,True,node_const,node_pagerank,16,2,8,3,skipsum,False,relu,0.3,max,sgd,0.001,399,1.6082,0.0011,133748.0,0.0159,0.0005,0.2118,0.0031,,,,,,,,
-l_mp,nx,smallworld,node,True,node_const,node_pagerank,64,3,2,1,skipconcat,False,swish,0.0,mean,adam,0.001,99,1.6094,0.0,136247.0,0.0238,0.0024,0.2025,0.0005,,,,,,,,
-l_mp,nx,smallworld,node,True,node_const,node_pagerank,64,3,4,1,skipconcat,False,swish,0.0,mean,adam,0.001,99,1.6094,0.0,136820.0,0.0268,0.0047,0.2025,0.0005,,,,,,,,
-l_mp,nx,smallworld,node,True,node_const,node_pagerank,64,3,6,1,skipconcat,False,swish,0.0,mean,adam,0.001,99,1.6094,0.0,137033.0,0.0711,0.0027,0.2025,0.0005,,,,,,,,
-l_mp,nx,smallworld,node,True,node_const,node_pagerank,64,3,8,1,skipconcat,False,swish,0.0,mean,adam,0.001,99,1.6094,0.0,136236.0,0.083,0.0015,0.2025,0.0005,,,,,,,,
-l_mp,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,16,1,2,2,stack,True,swish,0.0,add,sgd,0.1,199,1.1447,0.0198,134789.0,0.0112,0.0039,0.5095,0.0081,,,,,,,,
-l_mp,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,16,1,4,2,stack,True,swish,0.0,add,sgd,0.1,199,0.9876,0.057,134118.0,0.0124,0.0017,0.5713,0.0265,,,,,,,,
-l_mp,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,16,1,6,2,stack,True,swish,0.0,add,sgd,0.1,199,1.1215,0.0866,133829.0,0.015,0.0021,0.5062,0.0379,,,,,,,,
-l_mp,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,16,1,8,2,stack,True,swish,0.0,add,sgd,0.1,199,1.3313,0.0155,133925.0,0.0163,0.001,0.3998,0.0182,,,,,,,,
-l_mp,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,16,3,2,1,skipconcat,False,swish,0.3,mean,adam,0.1,99,1.5896,0.0214,136247.0,0.0124,0.0012,0.2545,0.0291,,,,,,,,
-l_mp,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,16,3,4,1,skipconcat,False,swish,0.3,mean,adam,0.1,99,1.6048,0.0004,136820.0,0.0141,0.0008,0.233,0.0015,,,,,,,,
-l_mp,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,16,3,6,1,skipconcat,False,swish,0.3,mean,adam,0.1,99,1.6048,0.0003,137033.0,0.0152,0.001,0.233,0.0015,,,,,,,,
-l_mp,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,16,3,8,1,skipconcat,False,swish,0.3,mean,adam,0.1,99,1.6048,0.0003,136236.0,0.0616,0.0038,0.233,0.0015,,,,,,,,
-l_mp,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,64,3,2,1,skipconcat,True,prelu,0.0,mean,sgd,0.001,99,1.6046,0.0017,135407.0,0.0262,0.0011,0.2311,0.0108,,,,,,,,
-l_mp,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,64,3,4,1,skipconcat,True,prelu,0.0,mean,sgd,0.001,99,1.5988,0.0016,137556.0,0.0293,0.0014,0.2444,0.0041,,,,,,,,
-l_mp,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,64,3,6,1,skipconcat,True,prelu,0.0,mean,sgd,0.001,99,1.5961,0.0022,137718.0,0.0914,0.0037,0.2695,0.0101,,,,,,,,
-l_mp,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,64,3,8,1,skipconcat,True,prelu,0.0,mean,sgd,0.001,99,1.5946,0.0017,136886.0,0.1009,0.0022,0.273,0.0129,,,,,,,,
-l_mp,nx,smallworld,node,True,node_onehot,node_pagerank,16,2,2,3,skipsum,False,prelu,0.3,max,adam,0.01,99,1.6094,0.0,134790.0,0.0125,0.0005,0.2025,0.0005,,,,,,,,
-l_mp,nx,smallworld,node,True,node_onehot,node_pagerank,16,2,4,3,skipsum,False,prelu,0.3,max,adam,0.01,99,1.6094,0.0,134677.0,0.0153,0.0,0.2025,0.0005,,,,,,,,
-l_mp,nx,smallworld,node,True,node_onehot,node_pagerank,16,2,6,3,skipsum,False,prelu,0.3,max,adam,0.01,99,1.6094,0.0,134921.0,0.0166,0.0004,0.2025,0.0005,,,,,,,,
-l_mp,nx,smallworld,node,True,node_onehot,node_pagerank,16,2,8,3,skipsum,False,prelu,0.3,max,adam,0.01,99,1.6094,0.0,133749.0,0.0198,0.0003,0.2025,0.0005,,,,,,,,
-l_mp,nx,smallworld,node,True,node_onehot,node_pagerank,16,3,2,1,skipsum,False,prelu,0.0,add,sgd,0.1,399,0.8799,0.0952,134851.0,0.0475,0.005,0.7203,0.0426,,,,,,,,
-l_mp,nx,smallworld,node,True,node_onehot,node_pagerank,16,3,2,1,skipsum,True,prelu,0.3,max,adam,0.001,99,1.3351,0.0088,134286.0,0.0146,0.0007,0.4279,0.0024,,,,,,,,
-l_mp,nx,smallworld,node,True,node_onehot,node_pagerank,16,3,4,1,skipsum,False,prelu,0.0,add,sgd,0.1,399,1.2358,0.2466,134834.0,0.0112,0.0006,0.502,0.1813,,,,,,,,
-l_mp,nx,smallworld,node,True,node_onehot,node_pagerank,16,3,4,1,skipsum,True,prelu,0.3,max,adam,0.001,99,1.2264,0.0131,134070.0,0.0169,0.0008,0.4816,0.0076,,,,,,,,
-l_mp,nx,smallworld,node,True,node_onehot,node_pagerank,16,3,6,1,skipsum,False,prelu,0.0,add,sgd,0.1,399,1.4635,0.0829,134278.0,0.0119,0.0006,0.3551,0.0716,,,,,,,,
-l_mp,nx,smallworld,node,True,node_onehot,node_pagerank,16,3,6,1,skipsum,True,prelu,0.3,max,adam,0.001,99,1.1892,0.0264,135430.0,0.0229,0.0009,0.4962,0.0107,,,,,,,,
-l_mp,nx,smallworld,node,True,node_onehot,node_pagerank,16,3,8,1,skipsum,False,prelu,0.0,add,sgd,0.1,399,1.4761,0.1311,135361.0,0.0687,0.0009,0.3497,0.1031,,,,,,,,
-l_mp,nx,smallworld,node,True,node_onehot,node_pagerank,16,3,8,1,skipsum,True,prelu,0.3,max,adam,0.001,99,1.1682,0.0342,134298.0,0.0805,0.0016,0.5048,0.0163,,,,,,,,
-l_mp,nx,smallworld,node,True,node_onehot,node_pagerank,32,2,2,1,skipconcat,False,relu,0.0,max,adam,0.1,399,1.5765,0.0011,136479.0,0.0171,0.0023,0.2705,0.0012,,,,,,,,
-l_mp,nx,smallworld,node,True,node_onehot,node_pagerank,32,2,4,1,skipconcat,False,relu,0.0,max,adam,0.1,399,1.5562,0.0377,137725.0,0.0161,0.0008,0.2794,0.0549,,,,,,,,
-l_mp,nx,smallworld,node,True,node_onehot,node_pagerank,32,2,6,1,skipconcat,False,relu,0.0,max,adam,0.1,399,1.6094,0.0,138065.0,0.0175,0.0015,0.2025,0.0005,,,,,,,,
-l_mp,nx,smallworld,node,True,node_onehot,node_pagerank,32,2,8,1,skipconcat,False,relu,0.0,max,adam,0.1,399,1.6094,0.0,137165.0,0.0605,0.0063,0.2025,0.0005,,,,,,,,
-l_mp,nx,smallworld,node,True,node_onehot,node_pagerank,32,3,2,2,stack,True,relu,0.0,add,sgd,0.01,99,0.6312,0.0144,134118.0,0.0434,0.0009,0.7585,0.0073,,,,,,,,
-l_mp,nx,smallworld,node,True,node_onehot,node_pagerank,32,3,4,2,stack,True,relu,0.0,add,sgd,0.01,99,0.6455,0.0122,133829.0,0.0209,0.0046,0.7406,0.0093,,,,,,,,
-l_mp,nx,smallworld,node,True,node_onehot,node_pagerank,32,3,6,2,stack,True,relu,0.0,add,sgd,0.01,99,0.6373,0.0245,133925.0,0.0423,0.0011,0.7432,0.012,,,,,,,,
-l_mp,nx,smallworld,node,True,node_onehot,node_pagerank,32,3,8,2,stack,True,relu,0.0,add,sgd,0.01,99,0.674,0.0336,135056.0,0.05,0.0015,0.7183,0.022,,,,,,,,
-l_mp,nx,smallworld,node,True,node_onehot,node_pagerank,64,2,2,1,stack,True,relu,0.0,mean,adam,0.01,399,0.3952,0.004,134789.0,0.0281,0.0053,0.9036,0.0024,,,,,,,,
-l_mp,nx,smallworld,node,True,node_onehot,node_pagerank,64,2,4,1,stack,True,relu,0.0,mean,adam,0.01,399,0.5232,0.0126,134118.0,0.0314,0.0069,0.8193,0.0037,,,,,,,,
-l_mp,nx,smallworld,node,True,node_onehot,node_pagerank,64,2,6,1,stack,True,relu,0.0,mean,adam,0.01,399,0.7814,0.0239,133829.0,0.0551,0.0004,0.6944,0.0118,,,,,,,,
-l_mp,nx,smallworld,node,True,node_onehot,node_pagerank,64,2,8,1,stack,True,relu,0.0,mean,adam,0.01,399,1.0394,0.0131,133925.0,0.0771,0.0037,0.5664,0.0076,,,,,,,,
-l_mp,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,16,1,2,2,skipconcat,True,relu,0.0,add,sgd,0.001,399,0.9837,0.0243,136295.0,0.0361,0.0019,0.5788,0.0082,,,,,,,,
-l_mp,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,16,1,4,2,skipconcat,True,relu,0.0,add,sgd,0.001,399,0.9611,0.0095,138017.0,0.0475,0.0055,0.5875,0.0056,,,,,,,,
-l_mp,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,16,1,6,2,skipconcat,True,relu,0.0,add,sgd,0.001,399,0.9834,0.0298,138781.0,0.0136,0.001,0.5818,0.0083,,,,,,,,
-l_mp,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,16,1,8,2,skipconcat,True,relu,0.0,add,sgd,0.001,399,0.9762,0.0075,138385.0,0.0172,0.0007,0.5799,0.0052,,,,,,,,
-l_mp,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,16,3,2,1,skipconcat,True,swish,0.3,add,sgd,0.1,399,1.0493,0.0137,135406.0,0.0109,0.0009,0.5489,0.0036,,,,,,,,
-l_mp,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,16,3,4,1,skipconcat,True,swish,0.3,add,sgd,0.1,399,0.9939,0.0035,137555.0,0.0162,0.0037,0.5701,0.0044,,,,,,,,
-l_mp,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,16,3,6,1,skipconcat,True,swish,0.3,add,sgd,0.1,399,0.9957,0.0046,137717.0,0.0162,0.0022,0.5706,0.0027,,,,,,,,
-l_mp,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,16,3,8,1,skipconcat,True,swish,0.3,add,sgd,0.1,399,1.0009,0.0073,136885.0,0.0567,0.0026,0.5703,0.002,,,,,,,,
-l_mp,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,32,2,2,3,skipsum,True,swish,0.6,mean,adam,0.01,99,1.1338,0.0185,134118.0,0.0177,0.0022,0.5072,0.0095,,,,,,,,
-l_mp,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,32,2,4,3,skipsum,True,swish,0.6,mean,adam,0.01,99,1.0977,0.0268,133829.0,0.02,0.0018,0.5214,0.0151,,,,,,,,
-l_mp,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,32,2,6,3,skipsum,True,swish,0.6,mean,adam,0.01,99,1.0761,0.0035,133925.0,0.0288,0.0038,0.5329,0.0042,,,,,,,,
-l_mp,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,32,2,8,3,skipsum,True,swish,0.6,mean,adam,0.01,99,1.0803,0.0144,135056.0,0.0296,0.0032,0.5273,0.0077,,,,,,,,
-l_post,PyG,AmazonPhoto,node,True,,,16,1,2,1,skipconcat,False,prelu,0.3,mean,sgd,0.1,99,1.012,0.0284,294429.0,0.0814,0.014,0.7444,0.0268,,,,,,,,
-l_post,PyG,AmazonPhoto,node,True,,,16,1,2,2,skipconcat,False,prelu,0.3,mean,sgd,0.1,99,0.2286,0.0559,213684.0,0.0362,0.0023,0.937,0.0108,,,,,,,,
-l_post,PyG,AmazonPhoto,node,True,,,16,1,2,3,skipconcat,False,prelu,0.3,mean,sgd,0.1,99,0.4018,0.1254,196649.0,0.0455,0.0129,0.883,0.0377,,,,,,,,
-l_post,PyG,AmazonPhoto,node,True,,,16,1,6,1,skipconcat,False,relu,0.0,max,sgd,0.001,399,1.9458,0.0053,199048.0,0.053,0.0103,0.2553,0.0014,,,,,,,,
-l_post,PyG,AmazonPhoto,node,True,,,16,1,6,2,skipconcat,False,relu,0.0,max,sgd,0.001,399,1.9004,0.0062,171388.0,0.0383,0.0032,0.3227,0.0455,,,,,,,,
-l_post,PyG,AmazonPhoto,node,True,,,16,1,6,3,skipconcat,False,relu,0.0,max,sgd,0.001,399,1.8805,0.0066,165520.0,0.0364,0.0027,0.356,0.0355,,,,,,,,
-l_post,PyG,AmazonPhoto,node,True,,,16,2,2,1,stack,False,relu,0.3,add,adam,0.001,99,1.1672,0.0251,291278.0,0.0689,0.0017,0.864,0.0051,,,,,,,,
-l_post,PyG,AmazonPhoto,node,True,,,16,2,2,2,stack,False,relu,0.3,add,adam,0.001,99,0.5766,0.0134,270460.0,0.0386,0.0042,0.8628,0.0021,,,,,,,,
-l_post,PyG,AmazonPhoto,node,True,,,16,2,2,3,stack,False,relu,0.3,add,adam,0.001,99,0.4823,0.0009,256570.0,0.0691,0.0067,0.8605,0.0011,,,,,,,,
-l_post,PyG,AmazonPhoto,node,True,,,16,3,6,1,skipsum,True,relu,0.3,max,adam,0.001,199,0.9534,0.0077,229768.0,0.0703,0.0058,0.8711,0.0073,,,,,,,,
-l_post,PyG,AmazonPhoto,node,True,,,16,3,6,2,skipsum,True,relu,0.3,max,adam,0.001,199,0.4004,0.0198,225310.0,0.0727,0.0056,0.8741,0.0082,,,,,,,,
-l_post,PyG,AmazonPhoto,node,True,,,16,3,6,3,skipsum,True,relu,0.3,max,adam,0.001,199,0.444,0.0217,221383.0,0.1487,0.0135,0.8598,0.0094,,,,,,,,
-l_post,PyG,AmazonPhoto,node,True,,,32,2,6,1,skipsum,False,prelu,0.6,add,sgd,0.1,99,1.4828,0.1835,238335.0,0.0965,0.0142,0.5017,0.1046,,,,,,,,
-l_post,PyG,AmazonPhoto,node,True,,,32,2,6,2,skipsum,False,prelu,0.6,add,sgd,0.1,99,1.4416,0.3402,231435.0,0.0675,0.0128,0.4796,0.1393,,,,,,,,
-l_post,PyG,AmazonPhoto,node,True,,,32,2,6,3,skipsum,False,prelu,0.6,add,sgd,0.1,99,1.8229,0.1431,224101.0,0.0534,0.0028,0.3062,0.0655,,,,,,,,
-l_post,PyG,AmazonPhoto,node,True,,,64,1,4,1,skipconcat,True,prelu,0.6,max,adam,0.001,99,1.4237,0.0092,223684.0,0.1194,0.0114,0.7956,0.0096,,,,,,,,
-l_post,PyG,AmazonPhoto,node,True,,,64,1,4,2,skipconcat,True,prelu,0.6,max,adam,0.001,99,0.6263,0.0191,184459.0,0.0483,0.0008,0.8071,0.0068,,,,,,,,
-l_post,PyG,AmazonPhoto,node,True,,,64,1,4,3,skipconcat,True,prelu,0.6,max,adam,0.001,99,0.8869,0.015,170854.0,0.0523,0.0031,0.7188,0.0084,,,,,,,,
-l_post,PyG,CoauthorCS,node,True,,,32,3,8,1,skipconcat,False,prelu,0.6,mean,adam,0.1,399,1.3927,0.1474,542403.0,0.7913,0.0582,0.5046,0.0823,,,,,,,,
-l_post,PyG,CoauthorCS,node,True,,,32,3,8,2,skipconcat,False,prelu,0.6,mean,adam,0.1,399,2.1914,0.3076,374220.0,0.8001,0.0301,0.2725,0.0675,,,,,,,,
-l_post,PyG,CoauthorCS,node,True,,,32,3,8,3,skipconcat,False,prelu,0.6,mean,adam,0.1,399,2.4097,0.001,316410.0,0.8889,0.0119,0.2249,0.0003,,,,,,,,
-l_post,PyG,CoauthorCS,node,True,,,64,1,8,1,skipsum,False,relu,0.3,add,adam,0.001,99,1.9077,0.0035,1014084.0,0.8735,0.0124,0.7177,0.0177,,,,,,,,
-l_post,PyG,CoauthorCS,node,True,,,64,1,8,2,skipsum,False,relu,0.3,add,adam,0.001,99,1.3675,0.0385,958214.0,0.9025,0.0692,0.6624,0.026,,,,,,,,
-l_post,PyG,CoauthorCS,node,True,,,64,1,8,3,skipsum,False,relu,0.3,add,adam,0.001,99,1.2728,0.0506,917830.0,0.8841,0.0654,0.6169,0.0325,,,,,,,,
-l_post,PyG,CoauthorCS,node,True,,,64,2,6,1,skipconcat,True,relu,0.6,add,sgd,0.01,399,2.2886,0.0069,674091.0,1.0865,0.0417,0.225,0.0003,,,,,,,,
-l_post,PyG,CoauthorCS,node,True,,,64,2,6,2,skipconcat,True,relu,0.6,add,sgd,0.01,399,0.7769,0.0145,442831.0,0.8732,0.0886,0.7681,0.0036,,,,,,,,
-l_post,PyG,CoauthorCS,node,True,,,64,2,6,3,skipconcat,True,relu,0.6,add,sgd,0.01,399,1.293,0.0195,375171.0,0.9005,0.0858,0.5881,0.013,,,,,,,,
-l_post,PyG,CoauthorPhysics,node,True,,,16,2,2,1,skipconcat,True,prelu,0.3,mean,sgd,0.1,399,0.12,0.0003,1658328.0,2.4924,0.2609,0.9699,0.0002,,,,,,,,
-l_post,PyG,CoauthorPhysics,node,True,,,16,2,2,2,skipconcat,True,prelu,0.3,mean,sgd,0.1,399,0.0336,0.0029,985463.0,2.0558,0.175,0.9886,0.0012,,,,,,,,
-l_post,PyG,CoauthorPhysics,node,True,,,16,2,2,3,skipconcat,True,prelu,0.3,mean,sgd,0.1,399,0.0455,0.0034,792954.0,2.2524,0.2192,0.9841,0.0013,,,,,,,,
-l_post,PyG,CoauthorPhysics,node,True,,,16,2,8,1,skipsum,True,swish,0.6,add,adam,0.01,399,0.0253,0.0011,1153014.0,1.7356,0.0401,0.9984,0.0003,,,,,,,,
-l_post,PyG,CoauthorPhysics,node,True,,,16,2,8,2,skipsum,True,swish,0.6,add,adam,0.01,399,0.0059,0.0002,1103085.0,1.6852,0.0407,0.9989,0.0001,,,,,,,,
-l_post,PyG,CoauthorPhysics,node,True,,,16,2,8,3,skipsum,True,swish,0.6,add,adam,0.01,399,0.007,0.0003,1051092.0,2.3523,0.279,0.9986,0.0001,,,,,,,,
-l_post,PyG,CoauthorPhysics,node,True,,,32,3,6,1,stack,True,relu,0.6,mean,adam,0.001,399,0.4645,0.0058,1211141.0,2.2429,0.2755,0.9613,0.0005,,,,,,,,
-l_post,PyG,CoauthorPhysics,node,True,,,32,3,6,2,stack,True,relu,0.6,mean,adam,0.001,399,0.2037,0.0056,1153014.0,1.6898,0.0799,0.9457,0.0014,,,,,,,,
-l_post,PyG,CoauthorPhysics,node,True,,,32,3,6,3,stack,True,relu,0.6,mean,adam,0.001,399,0.2281,0.0031,1103085.0,2.2806,0.1966,0.9438,0.0004,,,,,,,,
-l_post,PyG,CoauthorPhysics,node,True,,,64,3,2,1,skipsum,False,swish,0.6,mean,adam,0.01,99,0.0699,0.0024,1665851.0,1.6973,0.0074,0.9887,0.0008,,,,,,,,
-l_post,PyG,CoauthorPhysics,node,True,,,64,3,2,2,skipsum,False,swish,0.6,mean,adam,0.01,99,0.0299,0.0033,1506288.0,1.6852,0.0132,0.9921,0.0011,,,,,,,,
-l_post,PyG,CoauthorPhysics,node,True,,,64,3,2,3,skipsum,False,swish,0.6,mean,adam,0.01,99,0.036,0.0035,1388834.0,2.0073,0.1296,0.9906,0.0008,,,,,,,,
-l_post,PyG,Cora,node,True,,,16,2,6,1,skipsum,True,relu,0.3,add,adam,0.01,199,0.0351,0.0006,330862.0,0.0432,0.0014,1.0,0.0,,,,,,,,
-l_post,PyG,Cora,node,True,,,16,2,6,2,skipsum,True,relu,0.3,add,adam,0.01,199,0.0051,0.001,317703.0,0.0283,0.0024,0.9989,0.0005,,,,,,,,
-l_post,PyG,Cora,node,True,,,16,2,6,3,skipsum,True,relu,0.3,add,adam,0.01,199,0.0061,0.0021,308436.0,0.0413,0.0018,0.9992,0.0004,,,,,,,,
-l_post,PyG,Cora,node,True,,,16,3,6,1,stack,True,prelu,0.0,max,adam,0.001,399,0.1774,0.006,317704.0,0.0642,0.0018,0.9917,0.0023,,,,,,,,
-l_post,PyG,Cora,node,True,,,16,3,6,2,stack,True,prelu,0.0,max,adam,0.001,399,0.0084,0.0009,308437.0,0.0803,0.0098,0.996,0.0004,,,,,,,,
-l_post,PyG,Cora,node,True,,,16,3,6,3,stack,True,prelu,0.0,max,adam,0.001,399,0.008,0.0009,300388.0,0.0799,0.0082,0.996,0.0004,,,,,,,,
-l_post,PyG,Cora,node,True,,,64,1,4,1,skipsum,False,swish,0.6,add,sgd,0.01,399,1.6016,0.0139,395493.0,0.0317,0.0018,0.3908,0.0142,,,,,,,,
-l_post,PyG,Cora,node,True,,,64,1,4,2,skipsum,False,swish,0.6,add,sgd,0.01,399,1.6478,0.0225,368550.0,0.049,0.009,0.3657,0.0171,,,,,,,,
-l_post,PyG,Cora,node,True,,,64,1,4,3,skipsum,False,swish,0.6,add,sgd,0.01,399,1.7363,0.0223,348816.0,0.0226,0.0029,0.3218,0.0094,,,,,,,,
-l_post,PyG,Cora,node,True,,,64,1,8,1,stack,False,swish,0.3,mean,sgd,0.001,99,1.8419,0.0026,320056.0,0.0365,0.0055,0.3041,0.0029,,,,,,,,
-l_post,PyG,Cora,node,True,,,64,1,8,2,stack,False,swish,0.3,mean,sgd,0.001,99,1.8409,0.0028,307226.0,0.0345,0.0041,0.3041,0.0029,,,,,,,,
-l_post,PyG,Cora,node,True,,,64,1,8,3,stack,False,swish,0.3,mean,sgd,0.001,99,1.8479,0.0024,299122.0,0.0262,0.0037,0.3036,0.0032,,,,,,,,
-l_post,PyG,Cora,node,True,,,64,3,4,1,skipsum,True,prelu,0.6,mean,adam,0.001,399,0.3422,0.0292,346624.0,0.0282,0.003,0.9601,0.003,,,,,,,,
-l_post,PyG,Cora,node,True,,,64,3,4,2,skipsum,True,prelu,0.6,mean,adam,0.001,399,0.3031,0.0265,330863.0,0.0288,0.0028,0.9068,0.0074,,,,,,,,
-l_post,PyG,Cora,node,True,,,64,3,4,3,skipsum,True,prelu,0.6,mean,adam,0.001,399,0.4223,0.0423,317704.0,0.0317,0.0009,0.8721,0.0103,,,,,,,,
-l_post,PyG,TU_COX2,graph,False,,,16,3,6,1,stack,False,swish,0.3,mean,adam,0.001,199,0.5121,0.0071,138934.0,0.0198,0.0023,0.7837,0.0033,0.0,0.0,0.0,0.0,0.0,0.0,0.5999,0.0502
-l_post,PyG,TU_COX2,graph,False,,,16,3,6,2,stack,False,swish,0.3,mean,adam,0.001,199,0.519,0.0082,137336.0,0.0328,0.0019,0.7837,0.0033,0.0,0.0,0.0,0.0,0.0,0.0,0.5601,0.0304
-l_post,PyG,TU_COX2,graph,False,,,16,3,6,3,stack,False,swish,0.3,mean,adam,0.001,199,0.5187,0.0065,137656.0,0.0195,0.0016,0.7837,0.0033,0.0,0.0,0.0,0.0,0.0,0.0,0.5669,0.0405
-l_post,PyG,TU_COX2,graph,False,,,16,3,8,1,stack,True,swish,0.6,add,adam,0.001,399,0.4958,0.0052,138921.0,0.0215,0.0019,0.7846,0.0033,0.3333,0.4714,0.0041,0.0058,0.0081,0.0115,0.6597,0.0178
-l_post,PyG,TU_COX2,graph,False,,,16,3,8,2,stack,True,swish,0.6,add,adam,0.001,399,0.5066,0.0088,137232.0,0.0521,0.0012,0.7837,0.0033,0.0,0.0,0.0,0.0,0.0,0.0,0.6265,0.0185
-l_post,PyG,TU_COX2,graph,False,,,16,3,8,3,stack,True,swish,0.6,add,adam,0.001,399,0.5099,0.008,138811.0,0.0455,0.0018,0.7837,0.0033,0.0,0.0,0.0,0.0,0.0,0.0,0.6188,0.0289
-l_post,PyG,TU_COX2,graph,False,,,32,1,2,1,skipsum,False,relu,0.6,max,adam,0.001,399,0.4116,0.0057,142122.0,0.0311,0.0036,0.8097,0.011,0.6687,0.0444,0.2359,0.0299,0.3485,0.0387,0.8067,0.0075
-l_post,PyG,TU_COX2,graph,False,,,32,1,2,2,skipsum,False,relu,0.6,max,adam,0.001,399,0.4752,0.0066,140701.0,0.0294,0.0052,0.7891,0.0034,0.7455,0.1806,0.0492,0.026,0.0899,0.0437,0.7109,0.0246
-l_post,PyG,TU_COX2,graph,False,,,32,1,2,3,skipsum,False,relu,0.6,max,adam,0.001,399,0.5213,0.0029,139959.0,0.0146,0.0023,0.7837,0.0033,0.0,0.0,0.0,0.0,0.0,0.0,0.5273,0.0527
-l_post,PyG,TU_DD,graph,False,,,16,2,2,1,stack,True,swish,0.3,add,sgd,0.1,399,5.2551,1.3774,151526.0,0.0348,0.0015,0.7265,0.0055,0.6342,0.0043,0.7829,0.0051,0.7007,0.0047,0.7957,0.0055
-l_post,PyG,TU_DD,graph,False,,,16,2,2,2,stack,True,swish,0.3,add,sgd,0.1,399,0.2809,0.0306,149145.0,0.0179,0.0014,0.8825,0.0161,0.8655,0.0116,0.8432,0.0337,0.8541,0.023,0.9501,0.0117
-l_post,PyG,TU_DD,graph,False,,,16,2,2,3,stack,True,swish,0.3,add,sgd,0.1,399,0.2786,0.0197,147745.0,0.0317,0.0007,0.8782,0.0092,0.8446,0.0075,0.8608,0.0148,0.8526,0.0109,0.9505,0.0068
-l_post,PyG,TU_DD,graph,False,,,32,2,2,1,stack,False,swish,0.0,add,sgd,0.001,99,0.5516,0.0057,152041.0,0.0344,0.0011,0.7523,0.0053,0.6963,0.0123,0.7007,0.012,0.6983,0.0004,0.8044,0.0017
-l_post,PyG,TU_DD,graph,False,,,32,2,2,2,stack,False,swish,0.0,add,sgd,0.001,99,0.5245,0.002,149787.0,0.018,0.0013,0.7608,0.0033,0.7479,0.0056,0.6263,0.0061,0.6817,0.0057,0.8035,0.0011
-l_post,PyG,TU_DD,graph,False,,,32,2,2,3,stack,False,swish,0.0,add,sgd,0.001,99,0.5195,0.0021,148494.0,0.0157,0.0026,0.7576,0.003,0.7476,0.0058,0.615,0.0099,0.6748,0.0072,0.8032,0.0009
-l_post,PyG,TU_DD,graph,False,,,64,2,4,1,skipsum,True,relu,0.3,add,sgd,0.001,399,0.3716,0.0064,147745.0,0.1143,0.0295,0.8362,0.0052,0.8055,0.0076,0.7907,0.0208,0.7978,0.0084,0.9131,0.0028
-l_post,PyG,TU_DD,graph,False,,,64,2,4,2,skipsum,True,relu,0.3,add,sgd,0.001,399,0.428,0.007,146817.0,0.0649,0.0055,0.7969,0.0104,0.7548,0.0151,0.7456,0.0142,0.7501,0.0142,0.8792,0.0048
-l_post,PyG,TU_DD,graph,False,,,64,2,4,3,skipsum,True,relu,0.3,add,sgd,0.001,399,0.4358,0.01,145906.0,0.12,0.0439,0.8026,0.011,0.7601,0.0155,0.7561,0.0171,0.758,0.0135,0.8753,0.0061
-l_post,PyG,TU_DD,graph,False,,,64,3,6,1,skipsum,True,relu,0.6,mean,adam,0.1,199,0.5405,0.0077,144897.0,0.1964,0.0007,0.7565,0.0143,0.7061,0.0169,0.6939,0.0191,0.6999,0.0168,0.809,0.0082
-l_post,PyG,TU_DD,graph,False,,,64,3,6,2,skipsum,True,relu,0.6,mean,adam,0.1,199,0.5715,0.0065,145080.0,0.0797,0.0023,0.7091,0.0039,0.7194,0.0092,0.474,0.0239,0.571,0.0159,0.76,0.0101
-l_post,PyG,TU_DD,graph,False,,,64,3,6,3,skipsum,True,relu,0.6,mean,adam,0.1,199,0.5993,0.0053,145131.0,0.1856,0.0189,0.6928,0.0133,0.7401,0.0211,0.3841,0.0329,0.505,0.0302,0.7156,0.0135
-l_post,PyG,TU_ENZYMES,graph,False,,,16,1,4,1,stack,True,swish,0.0,mean,sgd,0.001,199,1.4238,0.0272,134489.0,0.0096,0.0001,0.4612,0.0178,,,,,,,,
-l_post,PyG,TU_ENZYMES,graph,False,,,16,1,4,2,stack,True,swish,0.0,mean,sgd,0.001,199,1.172,0.0226,134628.0,0.0268,0.0016,0.5625,0.0114,,,,,,,,
-l_post,PyG,TU_ENZYMES,graph,False,,,16,1,4,3,stack,True,swish,0.0,mean,sgd,0.001,199,0.9992,0.018,134834.0,0.0373,0.0018,0.6331,0.0062,,,,,,,,
-l_post,PyG,TU_IMDB,graph,False,,,32,1,4,1,skipconcat,False,swish,0.3,mean,adam,0.01,399,1.091,0.0021,134668.0,0.0157,0.0007,0.3781,0.0062,,,,,,,,
-l_post,PyG,TU_IMDB,graph,False,,,32,1,4,2,skipconcat,False,swish,0.3,mean,adam,0.01,399,1.0904,0.0002,136155.0,0.014,0.0011,0.3792,0.0067,,,,,,,,
-l_post,PyG,TU_IMDB,graph,False,,,32,1,4,3,skipconcat,False,swish,0.3,mean,adam,0.01,399,1.0923,0.0018,134000.0,0.0449,0.003,0.3703,0.0032,,,,,,,,
-l_post,PyG,TU_IMDB,graph,False,,,64,1,6,1,skipsum,True,prelu,0.6,max,sgd,0.001,199,1.0834,0.0041,134092.0,0.0199,0.0026,0.4042,0.0062,,,,,,,,
-l_post,PyG,TU_IMDB,graph,False,,,64,1,6,2,skipsum,True,prelu,0.6,max,sgd,0.001,199,1.0723,0.0069,134127.0,0.0705,0.0042,0.4155,0.0188,,,,,,,,
-l_post,PyG,TU_IMDB,graph,False,,,64,1,6,3,skipsum,True,prelu,0.6,max,sgd,0.001,199,1.0879,0.0015,133892.0,0.0625,0.0035,0.3958,0.0051,,,,,,,,
-l_post,PyG,TU_IMDB,graph,False,,,64,1,8,1,skipsum,False,prelu,0.3,mean,adam,0.01,199,1.0961,0.0003,134809.0,0.0592,0.0023,0.3472,0.0091,,,,,,,,
-l_post,PyG,TU_IMDB,graph,False,,,64,1,8,2,skipsum,False,prelu,0.3,mean,adam,0.01,199,1.0964,0.0005,133467.0,0.0276,0.0051,0.3517,0.0095,,,,,,,,
-l_post,PyG,TU_IMDB,graph,False,,,64,1,8,3,skipsum,False,prelu,0.3,mean,adam,0.01,199,1.093,0.0014,133979.0,0.0252,0.0023,0.3622,0.0076,,,,,,,,
-l_post,PyG,TU_IMDB,graph,False,,,64,2,2,1,stack,True,prelu,0.0,add,adam,0.1,399,1.0067,0.0055,133555.0,0.0388,0.0028,0.4819,0.0046,,,,,,,,
-l_post,PyG,TU_IMDB,graph,False,,,64,2,2,2,stack,True,prelu,0.0,add,adam,0.1,399,1.005,0.0032,133582.0,0.0517,0.0039,0.492,0.0113,,,,,,,,
-l_post,PyG,TU_IMDB,graph,False,,,64,2,2,3,stack,True,prelu,0.0,add,adam,0.1,399,1.0117,0.0024,133816.0,0.0513,0.0064,0.4805,0.0077,,,,,,,,
-l_post,PyG,TU_IMDB,graph,False,,,64,2,6,1,stack,True,prelu,0.3,mean,sgd,0.1,199,1.0852,0.0074,134127.0,0.0535,0.0012,0.3814,0.0146,,,,,,,,
-l_post,PyG,TU_IMDB,graph,False,,,64,2,6,2,stack,True,prelu,0.3,mean,sgd,0.1,199,1.0482,0.0077,133892.0,0.0678,0.0065,0.4497,0.0141,,,,,,,,
-l_post,PyG,TU_IMDB,graph,False,,,64,2,6,3,stack,True,prelu,0.3,mean,sgd,0.1,199,1.0378,0.008,134677.0,0.0565,0.0028,0.4533,0.0092,,,,,,,,
-l_post,PyG,TU_PROTEINS,graph,False,,,32,1,2,1,skipsum,True,relu,0.0,add,adam,0.001,199,0.4698,0.0046,133633.0,0.0126,0.0011,0.7932,0.0019,0.7551,0.0037,0.7059,0.0035,0.7297,0.0034,0.8577,0.0023
-l_post,PyG,TU_PROTEINS,graph,False,,,32,1,2,2,skipsum,True,relu,0.0,add,adam,0.001,199,0.375,0.0088,133552.0,0.0155,0.0005,0.8348,0.0067,0.8005,0.0108,0.7758,0.0094,0.7879,0.0089,0.9105,0.0056
-l_post,PyG,TU_PROTEINS,graph,False,,,32,1,2,3,skipsum,True,relu,0.0,add,adam,0.001,199,0.2917,0.0174,133579.0,0.0138,0.0017,0.8746,0.0134,0.8344,0.0199,0.8525,0.0116,0.8433,0.0155,0.9473,0.0079
-l_post,PyG,TU_PROTEINS,graph,False,,,32,1,6,1,stack,True,relu,0.6,max,sgd,0.001,199,0.5868,0.0018,134089.0,0.0162,0.0019,0.6943,0.0028,0.6169,0.0062,0.5996,0.0059,0.608,0.0014,0.7502,0.0042
-l_post,PyG,TU_PROTEINS,graph,False,,,32,1,6,2,stack,True,relu,0.6,max,sgd,0.001,199,0.5714,0.0083,134124.0,0.022,0.0079,0.7015,0.0006,0.641,0.0086,0.5585,0.0183,0.5966,0.0065,0.7555,0.0048
-l_post,PyG,TU_PROTEINS,graph,False,,,32,1,6,3,stack,True,relu,0.6,max,sgd,0.001,199,0.5938,0.0028,133889.0,0.0188,0.0022,0.6864,0.0037,0.629,0.0085,0.5048,0.003,0.5601,0.0023,0.725,0.0056
-l_post,PyG,TU_PROTEINS,graph,False,,,64,1,6,1,skipconcat,False,swish,0.3,add,sgd,0.01,399,0.445,0.0051,135761.0,0.0588,0.0029,0.789,0.0111,0.7265,0.0146,0.748,0.0162,0.7371,0.015,0.8674,0.0033
-l_post,PyG,TU_PROTEINS,graph,False,,,64,1,6,2,skipconcat,False,swish,0.3,add,sgd,0.01,399,0.4384,0.0061,136577.0,0.019,0.0022,0.7936,0.0062,0.756,0.0113,0.706,0.0061,0.7301,0.0067,0.8681,0.0041
-l_post,PyG,TU_PROTEINS,graph,False,,,64,1,6,3,skipconcat,False,swish,0.3,add,sgd,0.01,399,0.4548,0.0029,138619.0,0.0182,0.0024,0.7833,0.0078,0.7483,0.0147,0.682,0.007,0.7135,0.0071,0.8567,0.0024
-l_post,PyG,TU_PROTEINS,graph,False,,,64,2,8,1,skipconcat,True,prelu,0.6,add,adam,0.01,399,0.5011,0.0105,135122.0,0.0323,0.0019,0.7659,0.0089,0.7057,0.0122,0.7002,0.0073,0.7029,0.0094,0.8286,0.0097
-l_post,PyG,TU_PROTEINS,graph,False,,,64,2,8,2,skipconcat,True,prelu,0.6,add,adam,0.01,399,0.4978,0.0067,138110.0,0.0325,0.001,0.7621,0.0099,0.7203,0.0125,0.6513,0.019,0.6839,0.0155,0.8249,0.0054
-l_post,PyG,TU_PROTEINS,graph,False,,,64,2,8,3,skipconcat,True,prelu,0.6,add,adam,0.01,399,0.4988,0.005,136294.0,0.0322,0.003,0.7568,0.0041,0.7136,0.0044,0.6436,0.03,0.6763,0.015,0.8236,0.0045
-l_post,PyG,TU_PROTEINS,graph,False,,,64,3,8,1,skipsum,False,swish,0.6,mean,sgd,0.001,199,0.5684,0.0124,133976.0,0.0204,0.0005,0.7125,0.01,0.6745,0.0103,0.5268,0.0252,0.5915,0.0199,0.767,0.0085
-l_post,PyG,TU_PROTEINS,graph,False,,,64,3,8,2,skipsum,False,swish,0.6,mean,sgd,0.001,199,0.563,0.0023,134861.0,0.0256,0.0035,0.7273,0.0043,0.692,0.0083,0.5594,0.0138,0.6185,0.0095,0.7734,0.0052
-l_post,PyG,TU_PROTEINS,graph,False,,,64,3,8,3,skipsum,False,swish,0.6,mean,sgd,0.001,199,0.6007,0.0076,134086.0,0.0262,0.0017,0.6871,0.0092,0.6588,0.0247,0.4408,0.0602,0.5245,0.0396,0.7254,0.006
-l_post,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,16,2,8,1,skipsum,False,swish,0.0,mean,adam,0.001,199,0.3838,0.0338,134920.0,0.0147,0.0012,0.8464,0.0151,,,,,,,,
-l_post,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,16,2,8,2,skipsum,False,swish,0.0,mean,adam,0.001,199,0.3561,0.036,135360.0,0.0405,0.0008,0.8447,0.0141,,,,,,,,
-l_post,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,16,2,8,3,skipsum,False,swish,0.0,mean,adam,0.001,199,0.3189,0.0334,133748.0,0.0333,0.0006,0.8611,0.0202,,,,,,,,
-l_post,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,64,2,2,1,skipconcat,False,relu,0.6,add,sgd,0.001,199,0.5701,0.0375,136479.0,0.0378,0.0008,0.7696,0.0318,,,,,,,,
-l_post,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,64,2,2,2,skipconcat,False,relu,0.6,add,sgd,0.001,199,0.7849,0.0184,135951.0,0.013,0.0008,0.634,0.0162,,,,,,,,
-l_post,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,64,2,2,3,skipconcat,False,relu,0.6,add,sgd,0.001,199,1.3471,0.0959,136661.0,0.0213,0.0027,0.3873,0.0524,,,,,,,,
-l_post,nx,scalefree,graph,True,node_const,graph_path_len,16,2,8,1,stack,False,relu,0.0,max,sgd,0.1,99,1.6406,0.0105,134920.0,0.0149,0.0006,0.1928,0.0197,,,,,,,,
-l_post,nx,scalefree,graph,True,node_const,graph_path_len,16,2,8,2,stack,False,relu,0.0,max,sgd,0.1,99,1.6073,0.0014,135360.0,0.0124,0.0002,0.2157,0.0069,,,,,,,,
-l_post,nx,scalefree,graph,True,node_const,graph_path_len,16,2,8,3,stack,False,relu,0.0,max,sgd,0.1,99,,,133748.0,0.013,0.001,0.201,0.0183,,,,,,,,
-l_post,nx,scalefree,graph,True,node_const,graph_path_len,16,3,6,1,skipsum,True,swish,0.3,add,adam,0.001,199,0.5966,0.0575,135429.0,0.0198,0.001,0.75,0.0312,,,,,,,,
-l_post,nx,scalefree,graph,True,node_const,graph_path_len,16,3,6,2,skipsum,True,swish,0.3,add,adam,0.001,199,0.5984,0.0747,133925.0,0.0344,0.0023,0.7549,0.0212,,,,,,,,
-l_post,nx,scalefree,graph,True,node_const,graph_path_len,16,3,6,3,skipsum,True,swish,0.3,add,adam,0.001,199,0.599,0.0245,134297.0,0.0165,0.0002,0.7418,0.0115,,,,,,,,
-l_post,nx,scalefree,graph,True,node_const,graph_path_len,32,1,6,1,skipsum,False,prelu,0.0,add,adam,0.1,399,0.4218,0.0072,134834.0,0.0498,0.0015,0.8088,0.008,,,,,,,,
-l_post,nx,scalefree,graph,True,node_const,graph_path_len,32,1,6,2,skipsum,False,prelu,0.0,add,adam,0.1,399,1.2906,0.4451,134677.0,0.0141,0.0007,0.3628,0.2011,,,,,,,,
-l_post,nx,scalefree,graph,True,node_const,graph_path_len,32,1,6,3,skipsum,False,prelu,0.0,add,adam,0.1,399,1.607,0.0015,134278.0,0.0198,0.0027,0.2157,0.0069,,,,,,,,
-l_post,nx,scalefree,graph,True,node_const,graph_path_len,64,1,6,1,skipconcat,True,prelu,0.0,mean,sgd,0.1,99,,,135807.0,0.0292,0.0023,0.2092,0.0189,,,,,,,,
-l_post,nx,scalefree,graph,True,node_const,graph_path_len,64,1,6,2,skipconcat,True,prelu,0.0,mean,sgd,0.1,99,,,138782.0,0.0221,0.0022,0.1896,0.0101,,,,,,,,
-l_post,nx,scalefree,graph,True,node_const,graph_path_len,64,1,6,3,skipconcat,True,prelu,0.0,mean,sgd,0.1,99,,,140562.0,0.0711,0.0005,0.1896,0.0101,,,,,,,,
-l_post,nx,scalefree,graph,True,node_const,graph_path_len,64,2,8,1,skipsum,False,swish,0.3,add,adam,0.01,399,0.5123,0.0475,134920.0,0.0204,0.0009,0.7549,0.025,,,,,,,,
-l_post,nx,scalefree,graph,True,node_const,graph_path_len,64,2,8,1,stack,True,prelu,0.6,mean,adam,0.01,199,0.6212,0.0147,133926.0,0.0282,0.0008,0.6977,0.0122,,,,,,,,
-l_post,nx,scalefree,graph,True,node_const,graph_path_len,64,2,8,2,skipsum,False,swish,0.3,add,adam,0.01,399,1.1129,0.321,135360.0,0.0271,0.0009,0.5474,0.0823,,,,,,,,
-l_post,nx,scalefree,graph,True,node_const,graph_path_len,64,2,8,2,stack,True,prelu,0.6,mean,adam,0.01,199,0.6522,0.018,134298.0,0.0372,0.0037,0.6732,0.0227,,,,,,,,
-l_post,nx,scalefree,graph,True,node_const,graph_path_len,64,2,8,3,skipsum,False,swish,0.3,add,adam,0.01,399,0.8782,0.2039,133748.0,0.0249,0.0022,0.6258,0.0817,,,,,,,,
-l_post,nx,scalefree,graph,True,node_const,graph_path_len,64,2,8,3,stack,True,prelu,0.6,mean,adam,0.01,199,0.6904,0.0121,135057.0,0.0311,0.0016,0.6618,0.0174,,,,,,,,
-l_post,nx,scalefree,graph,True,node_onehot,graph_path_len,16,1,8,1,stack,True,swish,0.0,add,sgd,0.1,99,1.3339,0.1239,135429.0,0.0136,0.0,0.7614,0.0129,,,,,,,,
-l_post,nx,scalefree,graph,True,node_onehot,graph_path_len,16,1,8,2,stack,True,swish,0.0,add,sgd,0.1,99,0.531,0.0386,133925.0,0.0129,0.0005,0.7843,0.0212,,,,,,,,
-l_post,nx,scalefree,graph,True,node_onehot,graph_path_len,16,1,8,3,stack,True,swish,0.0,add,sgd,0.1,99,0.6114,0.0044,134297.0,0.0314,0.0002,0.7239,0.0141,,,,,,,,
-l_post,nx,scalefree,graph,True,node_onehot,graph_path_len,16,2,8,1,skipconcat,True,prelu,0.6,add,sgd,0.1,399,0.8856,0.1779,137766.0,0.0172,0.0009,0.6601,0.0544,,,,,,,,
-l_post,nx,scalefree,graph,True,node_onehot,graph_path_len,16,2,8,2,skipconcat,True,prelu,0.6,add,sgd,0.1,399,,,139610.0,0.0161,0.0012,0.1896,0.0101,,,,,,,,
-l_post,nx,scalefree,graph,True,node_onehot,graph_path_len,16,2,8,3,skipconcat,True,prelu,0.6,add,sgd,0.1,399,,,137442.0,0.0151,0.0011,0.1896,0.0101,,,,,,,,
-l_post,nx,scalefree,graph,True,node_onehot,graph_path_len,32,1,8,1,skipconcat,True,relu,0.0,mean,adam,0.01,99,0.041,0.0173,138475.0,0.0217,0.0034,0.9918,0.0046,,,,,,,,
-l_post,nx,scalefree,graph,True,node_onehot,graph_path_len,32,1,8,2,skipconcat,True,relu,0.0,mean,adam,0.01,99,0.0126,0.004,138385.0,0.0215,0.0015,1.0,0.0,,,,,,,,
-l_post,nx,scalefree,graph,True,node_onehot,graph_path_len,32,1,8,3,skipconcat,True,relu,0.0,mean,adam,0.01,99,0.0175,0.0061,136713.0,0.0213,0.0015,0.9967,0.0046,,,,,,,,
-l_post,nx,scalefree,graph,True,node_onehot,graph_path_len,32,3,6,1,stack,True,prelu,0.0,max,adam,0.001,199,0.0012,0.001,135430.0,0.057,0.0018,1.0,0.0,,,,,,,,
-l_post,nx,scalefree,graph,True,node_onehot,graph_path_len,32,3,6,2,stack,True,prelu,0.0,max,adam,0.001,199,0.003,0.0012,133926.0,0.0247,0.0011,1.0,0.0,,,,,,,,
-l_post,nx,scalefree,graph,True,node_onehot,graph_path_len,32,3,6,3,stack,True,prelu,0.0,max,adam,0.001,199,0.0035,0.0019,134298.0,0.0245,0.0007,1.0,0.0,,,,,,,,
-l_post,nx,scalefree,graph,True,node_pagerank,graph_path_len,16,3,6,1,skipsum,True,swish,0.3,add,sgd,0.1,99,0.6993,0.0085,135429.0,0.0119,0.0005,0.7337,0.0185,,,,,,,,
-l_post,nx,scalefree,graph,True,node_pagerank,graph_path_len,16,3,6,2,skipsum,True,swish,0.3,add,sgd,0.1,99,0.5562,0.0531,133925.0,0.0183,0.0027,0.7712,0.022,,,,,,,,
-l_post,nx,scalefree,graph,True,node_pagerank,graph_path_len,16,3,6,3,skipsum,True,swish,0.3,add,sgd,0.1,99,0.5324,0.0264,134297.0,0.0177,0.001,0.7941,0.008,,,,,,,,
-l_post,nx,scalefree,graph,True,node_pagerank,graph_path_len,32,1,4,1,skipsum,False,relu,0.0,mean,adam,0.001,399,0.4804,0.0388,134850.0,0.0117,0.0009,0.799,0.0144,,,,,,,,
-l_post,nx,scalefree,graph,True,node_pagerank,graph_path_len,32,1,4,2,skipsum,False,relu,0.0,mean,adam,0.001,399,0.3248,0.0481,134789.0,0.0284,0.0022,0.8595,0.0181,,,,,,,,
-l_post,nx,scalefree,graph,True,node_pagerank,graph_path_len,32,1,4,3,skipsum,False,relu,0.0,mean,adam,0.001,399,0.2239,0.0175,134833.0,0.0143,0.0018,0.9118,0.0208,,,,,,,,
-l_post,nx,scalefree,graph,True,node_pagerank,graph_path_len,64,3,8,1,skipconcat,True,swish,0.3,max,sgd,0.001,399,0.8697,0.0381,136885.0,0.0257,0.002,0.6291,0.0341,,,,,,,,
-l_post,nx,scalefree,graph,True,node_pagerank,graph_path_len,64,3,8,2,skipconcat,True,swish,0.3,max,sgd,0.001,399,1.0013,0.043,140833.0,0.0273,0.0029,0.58,0.0162,,,,,,,,
-l_post,nx,scalefree,graph,True,node_pagerank,graph_path_len,64,3,8,3,skipconcat,True,swish,0.3,max,sgd,0.001,399,1.0654,0.0316,138169.0,0.0314,0.0017,0.5359,0.0295,,,,,,,,
-l_post,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,64,1,8,1,skipconcat,False,relu,0.0,mean,adam,0.001,399,0.792,0.0007,137926.0,0.0298,0.0047,0.6775,0.0006,,,,,,,,
-l_post,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,64,1,8,2,skipconcat,False,relu,0.0,mean,adam,0.001,399,0.6908,0.0051,137773.0,0.0533,0.0007,0.7081,0.0018,,,,,,,,
-l_post,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,64,1,8,3,skipconcat,False,relu,0.0,mean,adam,0.001,399,0.6534,0.0048,136011.0,0.0273,0.0028,0.7241,0.0022,,,,,,,,
-l_post,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,64,2,2,1,skipsum,True,swish,0.3,max,sgd,0.001,399,1.492,0.0068,134789.0,0.0463,0.0016,0.4617,0.002,,,,,,,,
-l_post,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,64,2,2,2,skipsum,True,swish,0.3,max,sgd,0.001,399,0.9383,0.0021,134285.0,0.0198,0.0005,0.595,0.0014,,,,,,,,
-l_post,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,64,2,2,3,skipsum,True,swish,0.3,max,sgd,0.001,399,1.0074,0.0115,134118.0,0.0214,0.0006,0.5612,0.0052,,,,,,,,
-l_post,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,64,2,4,1,stack,True,relu,0.0,add,adam,0.001,99,0.5817,0.0218,134118.0,0.0208,0.0004,0.8659,0.0051,,,,,,,,
-l_post,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,64,2,4,2,stack,True,relu,0.0,add,adam,0.001,99,0.1978,0.0104,134069.0,0.0259,0.0042,0.933,0.0068,,,,,,,,
-l_post,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,64,2,4,3,stack,True,relu,0.0,add,adam,0.001,99,0.1695,0.0032,133829.0,0.0568,0.0006,0.9406,0.0005,,,,,,,,
-l_post,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,64,2,6,1,skipconcat,False,prelu,0.3,max,sgd,0.01,399,1.0069,0.0516,138066.0,0.0759,0.0023,0.6206,0.0194,,,,,,,,
-l_post,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,64,2,6,2,skipconcat,False,prelu,0.3,max,sgd,0.01,399,0.6005,0.0117,140146.0,0.073,0.0015,0.7478,0.0022,,,,,,,,
-l_post,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,64,2,6,3,skipconcat,False,prelu,0.3,max,sgd,0.01,399,0.5447,0.0119,141038.0,0.0844,0.0079,0.7619,0.0067,,,,,,,,
-l_post,nx,scalefree,node,True,node_const,node_clustering_coefficient,64,3,8,1,skipsum,False,swish,0.3,max,adam,0.01,99,1.119,0.0127,135360.0,0.024,0.0018,0.5091,0.0012,,,,,,,,
-l_post,nx,scalefree,node,True,node_const,node_clustering_coefficient,64,3,8,2,skipsum,False,swish,0.3,max,adam,0.01,99,1.0714,0.0072,133748.0,0.032,0.0004,0.5112,0.0036,,,,,,,,
-l_post,nx,scalefree,node,True,node_const,node_clustering_coefficient,64,3,8,3,skipsum,False,swish,0.3,max,adam,0.01,99,1.0405,0.0046,135350.0,0.0259,0.0013,0.5167,0.0058,,,,,,,,
-l_post,nx,scalefree,node,True,node_const,node_pagerank,16,1,4,1,skipconcat,False,swish,0.3,add,adam,0.1,399,0.393,0.0585,136970.0,0.0131,0.0005,0.8686,0.0176,,,,,,,,
-l_post,nx,scalefree,node,True,node_const,node_pagerank,16,1,4,2,skipconcat,False,swish,0.3,add,adam,0.1,399,0.2942,0.0232,137397.0,0.0465,0.0004,0.8809,0.0108,,,,,,,,
-l_post,nx,scalefree,node,True,node_const,node_pagerank,16,1,4,3,skipconcat,False,swish,0.3,add,adam,0.1,399,0.2911,0.0237,134942.0,0.0182,0.002,0.8816,0.0091,,,,,,,,
-l_post,nx,scalefree,node,True,node_const,node_pagerank,16,3,2,1,stack,True,swish,0.0,mean,sgd,0.1,99,1.6094,0.0,134285.0,0.0349,0.0032,0.203,0.0007,,,,,,,,
-l_post,nx,scalefree,node,True,node_const,node_pagerank,16,3,2,2,stack,True,swish,0.0,mean,sgd,0.1,99,1.6094,0.0,134118.0,0.0127,0.0013,0.203,0.0007,,,,,,,,
-l_post,nx,scalefree,node,True,node_const,node_pagerank,16,3,2,3,stack,True,swish,0.0,mean,sgd,0.1,99,1.6094,0.0,134069.0,0.0123,0.0012,0.203,0.0007,,,,,,,,
-l_post,nx,scalefree,node,True,node_const,node_pagerank,32,1,6,1,skipsum,False,prelu,0.3,add,sgd,0.01,199,1.507,0.0038,134834.0,0.0199,0.0017,0.328,0.0098,,,,,,,,
-l_post,nx,scalefree,node,True,node_const,node_pagerank,32,1,6,2,skipsum,False,prelu,0.3,add,sgd,0.01,199,1.4781,0.0145,134677.0,0.0149,0.0022,0.3575,0.0166,,,,,,,,
-l_post,nx,scalefree,node,True,node_const,node_pagerank,32,1,6,3,skipsum,False,prelu,0.3,add,sgd,0.01,199,1.4874,0.042,134278.0,0.0696,0.0111,0.3406,0.0327,,,,,,,,
-l_post,nx,scalefree,node,True,node_const,node_pagerank,32,2,8,1,stack,True,prelu,0.6,add,adam,0.01,399,0.3729,0.0052,133926.0,0.0683,0.0057,0.8559,0.0028,,,,,,,,
-l_post,nx,scalefree,node,True,node_const,node_pagerank,32,2,8,2,stack,True,prelu,0.6,add,adam,0.01,399,0.3486,0.0103,134298.0,0.0302,0.0017,0.8601,0.0045,,,,,,,,
-l_post,nx,scalefree,node,True,node_const,node_pagerank,32,2,8,3,stack,True,prelu,0.6,add,adam,0.01,399,0.3902,0.0079,135057.0,0.0751,0.0055,0.8463,0.0013,,,,,,,,
-l_post,nx,scalefree,node,True,node_const,node_pagerank,32,3,2,1,stack,False,swish,0.6,mean,sgd,0.1,199,1.1185,0.003,134850.0,0.0145,0.0039,0.5198,0.0029,,,,,,,,
-l_post,nx,scalefree,node,True,node_const,node_pagerank,32,3,2,2,stack,False,swish,0.6,mean,sgd,0.1,199,1.1025,0.0089,134789.0,0.014,0.0008,0.5154,0.0045,,,,,,,,
-l_post,nx,scalefree,node,True,node_const,node_pagerank,32,3,2,3,stack,False,swish,0.6,mean,sgd,0.1,199,1.1116,0.0032,134833.0,0.0336,0.0024,0.5104,0.0042,,,,,,,,
-l_post,nx,scalefree,node,True,node_const,node_pagerank,64,3,4,1,skipconcat,False,prelu,0.6,mean,sgd,0.1,99,1.5243,0.0191,136821.0,0.0691,0.0013,0.3905,0.0242,,,,,,,,
-l_post,nx,scalefree,node,True,node_const,node_pagerank,64,3,4,2,skipconcat,False,prelu,0.6,mean,sgd,0.1,99,1.3563,0.0257,136086.0,0.0296,0.0085,0.4031,0.0102,,,,,,,,
-l_post,nx,scalefree,node,True,node_const,node_pagerank,64,3,4,3,skipconcat,False,prelu,0.6,mean,sgd,0.1,99,1.39,0.0184,139455.0,0.0821,0.0054,0.3751,0.0094,,,,,,,,
-l_post,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,16,1,4,1,skipsum,True,prelu,0.3,add,adam,0.01,399,0.9068,0.0088,134286.0,0.015,0.0004,0.5966,0.0075,,,,,,,,
-l_post,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,16,1,4,1,skipsum,True,swish,0.0,max,adam,0.1,199,0.6097,0.0068,134285.0,0.0144,0.0008,0.769,0.0034,,,,,,,,
-l_post,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,16,1,4,2,skipsum,True,prelu,0.3,add,adam,0.01,399,0.8474,0.0115,134119.0,0.0536,0.0019,0.6113,0.0066,,,,,,,,
-l_post,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,16,1,4,2,skipsum,True,swish,0.0,max,adam,0.1,199,0.4415,0.0116,134118.0,0.0336,0.0011,0.8261,0.0042,,,,,,,,
-l_post,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,16,1,4,3,skipsum,True,prelu,0.3,add,adam,0.01,399,0.8693,0.019,134070.0,0.016,0.0026,0.6009,0.0072,,,,,,,,
-l_post,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,16,1,4,3,skipsum,True,swish,0.0,max,adam,0.1,199,0.5,0.0206,134069.0,0.0147,0.0008,0.7959,0.01,,,,,,,,
-l_post,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,16,1,6,1,stack,False,swish,0.6,add,adam,0.1,99,1.5064,0.0147,134833.0,0.0175,0.0052,0.3311,0.013,,,,,,,,
-l_post,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,16,1,6,2,stack,False,swish,0.6,add,adam,0.1,99,1.5373,0.005,134676.0,0.0232,0.0038,0.2995,0.0066,,,,,,,,
-l_post,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,16,1,6,3,stack,False,swish,0.6,add,adam,0.1,99,1.5436,0.0117,134277.0,0.0144,0.0021,0.2994,0.0175,,,,,,,,
-l_post,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,64,1,8,1,stack,True,swish,0.6,max,sgd,0.01,199,1.5007,0.0041,135429.0,0.0356,0.0052,0.3392,0.0056,,,,,,,,
-l_post,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,64,1,8,2,stack,True,swish,0.6,max,sgd,0.01,199,1.4205,0.0104,133925.0,0.0356,0.0014,0.3724,0.0033,,,,,,,,
-l_post,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,64,1,8,3,stack,True,swish,0.6,max,sgd,0.01,199,1.4901,0.0056,134297.0,0.0324,0.0009,0.3296,0.0041,,,,,,,,
-l_post,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,64,2,6,1,skipconcat,True,relu,0.6,add,adam,0.1,399,1.056,0.0051,138689.0,0.0693,0.0031,0.5237,0.0027,,,,,,,,
-l_post,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,64,2,6,2,skipconcat,True,relu,0.6,add,adam,0.1,399,1.0108,0.0045,134552.0,0.0348,0.0042,0.5322,0.0024,,,,,,,,
-l_post,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,64,2,6,3,skipconcat,True,relu,0.6,add,adam,0.1,399,1.0381,0.0023,141785.0,0.0303,0.0009,0.5253,0.0025,,,,,,,,
-l_post,nx,scalefree,node,True,node_onehot,node_pagerank,16,1,8,1,stack,True,swish,0.6,add,adam,0.1,399,0.4086,0.0155,135429.0,0.0232,0.0015,0.8439,0.0079,,,,,,,,
-l_post,nx,scalefree,node,True,node_onehot,node_pagerank,16,1,8,2,stack,True,swish,0.6,add,adam,0.1,399,0.3843,0.0056,133925.0,0.0232,0.0008,0.8425,0.003,,,,,,,,
-l_post,nx,scalefree,node,True,node_onehot,node_pagerank,16,1,8,3,stack,True,swish,0.6,add,adam,0.1,399,0.4179,0.0174,134297.0,0.0227,0.0024,0.8357,0.0073,,,,,,,,
-l_post,nx,scalefree,node,True,node_onehot,node_pagerank,64,1,2,1,skipconcat,False,prelu,0.3,mean,sgd,0.001,99,1.6102,0.0007,135830.0,0.0264,0.0088,0.2024,0.0052,,,,,,,,
-l_post,nx,scalefree,node,True,node_onehot,node_pagerank,64,1,2,2,skipconcat,False,prelu,0.3,mean,sgd,0.001,99,1.6112,0.0009,135666.0,0.0589,0.0064,0.2051,0.0048,,,,,,,,
-l_post,nx,scalefree,node,True,node_onehot,node_pagerank,64,1,2,3,skipconcat,False,prelu,0.3,mean,sgd,0.001,99,1.6155,0.0009,137206.0,0.0282,0.0069,0.2015,0.0017,,,,,,,,
-l_post,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,64,1,8,1,skipconcat,False,prelu,0.3,mean,adam,0.001,99,1.1968,0.0246,137927.0,0.0243,0.0012,0.4972,0.009,,,,,,,,
-l_post,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,64,1,8,2,skipconcat,False,prelu,0.3,mean,adam,0.001,99,1.0987,0.008,137774.0,0.0905,0.0124,0.5108,0.002,,,,,,,,
-l_post,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,64,1,8,3,skipconcat,False,prelu,0.3,mean,adam,0.001,99,1.0966,0.0034,136012.0,0.1135,0.0184,0.5129,0.0007,,,,,,,,
-l_post,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,64,2,8,1,skipsum,False,relu,0.3,mean,adam,0.1,99,1.3156,0.1835,134920.0,0.0586,0.0049,0.419,0.1066,,,,,,,,
-l_post,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,64,2,8,1,stack,False,prelu,0.6,add,adam,0.001,99,1.4472,0.0026,134921.0,0.03,0.0042,0.3478,0.0028,,,,,,,,
-l_post,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,64,2,8,2,skipsum,False,relu,0.3,mean,adam,0.1,99,1.5759,0.0006,135360.0,0.041,0.0013,0.269,0.0005,,,,,,,,
-l_post,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,64,2,8,2,stack,False,prelu,0.6,add,adam,0.001,99,1.4443,0.0031,135361.0,0.0317,0.0027,0.3487,0.0028,,,,,,,,
-l_post,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,64,2,8,3,skipsum,False,relu,0.3,mean,adam,0.1,99,1.5759,0.0006,133748.0,0.0288,0.0035,0.269,0.0005,,,,,,,,
-l_post,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,64,2,8,3,stack,False,prelu,0.6,add,adam,0.001,99,1.4589,0.0016,133749.0,0.0753,0.0041,0.3373,0.0035,,,,,,,,
-l_post,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,16,1,8,1,stack,True,swish,0.3,mean,sgd,0.1,399,1.4429,0.1934,135429.0,0.0223,0.0025,0.4788,0.0162,,,,,,,,
-l_post,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,16,1,8,2,stack,True,swish,0.3,mean,sgd,0.1,399,0.8679,0.1006,133925.0,0.0195,0.0011,0.6176,0.0446,,,,,,,,
-l_post,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,16,1,8,3,stack,True,swish,0.3,mean,sgd,0.1,399,0.8183,0.0271,134297.0,0.0213,0.0034,0.6487,0.0083,,,,,,,,
-l_post,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,32,3,6,1,skipconcat,True,relu,0.3,add,adam,0.001,199,0.3861,0.0742,137717.0,0.048,0.0009,0.8513,0.0432,,,,,,,,
-l_post,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,32,3,6,2,skipconcat,True,relu,0.3,add,adam,0.001,199,0.4159,0.1228,136487.0,0.047,0.0033,0.8268,0.0705,,,,,,,,
-l_post,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,32,3,6,3,skipconcat,True,relu,0.3,add,adam,0.001,199,0.3911,0.049,134810.0,0.0484,0.0025,0.8284,0.0174,,,,,,,,
-l_post,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,32,3,8,1,skipsum,False,swish,0.0,add,sgd,0.1,399,2.5666,1.5627,135360.0,0.0201,0.0016,0.433,0.037,,,,,,,,
-l_post,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,32,3,8,2,skipsum,False,swish,0.0,add,sgd,0.1,399,1.2179,0.0353,133748.0,0.0383,0.002,0.4265,0.0243,,,,,,,,
-l_post,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,32,3,8,3,skipsum,False,swish,0.0,add,sgd,0.1,399,,,135350.0,0.021,0.0019,0.1977,0.0257,,,,,,,,
-l_post,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,1,6,1,skipconcat,True,relu,0.3,max,adam,0.01,399,0.1875,0.015,135806.0,0.0591,0.0036,0.9379,0.0061,,,,,,,,
-l_post,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,1,6,2,skipconcat,True,relu,0.3,max,adam,0.01,399,0.2696,0.0088,138781.0,0.0279,0.0011,0.9036,0.0122,,,,,,,,
-l_post,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,1,6,3,skipconcat,True,relu,0.3,max,adam,0.01,399,0.3108,0.0584,140561.0,0.027,0.0039,0.8873,0.0302,,,,,,,,
-l_post,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,2,6,1,stack,True,relu,0.3,mean,adam,0.001,199,0.5176,0.039,133829.0,0.0287,0.0038,0.7876,0.0257,,,,,,,,
-l_post,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,2,6,2,stack,True,relu,0.3,mean,adam,0.001,199,0.467,0.0589,135429.0,0.0323,0.0055,0.8137,0.0423,,,,,,,,
-l_post,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,2,6,3,stack,True,relu,0.3,mean,adam,0.001,199,0.6523,0.0101,133925.0,0.0281,0.0018,0.7451,0.0106,,,,,,,,
-l_post,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,2,8,1,skipconcat,True,relu,0.6,max,sgd,0.01,99,0.7191,0.056,137765.0,0.0314,0.0039,0.6553,0.0167,,,,,,,,
-l_post,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,2,8,2,skipconcat,True,relu,0.6,max,sgd,0.01,99,0.8597,0.0637,139609.0,0.0281,0.0009,0.598,0.0144,,,,,,,,
-l_post,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,2,8,3,skipconcat,True,relu,0.6,max,sgd,0.01,99,0.9911,0.0593,137441.0,0.0287,0.0023,0.5343,0.0451,,,,,,,,
-l_post,nx,smallworld,graph,True,node_const,graph_path_len,64,3,4,1,skipsum,False,swish,0.0,mean,sgd,0.001,99,1.6068,0.0004,134833.0,0.0416,0.0025,0.2092,0.0129,,,,,,,,
-l_post,nx,smallworld,graph,True,node_const,graph_path_len,64,3,4,1,stack,True,prelu,0.6,max,adam,0.001,199,1.3847,0.1473,134070.0,0.0349,0.0049,0.4494,0.026,,,,,,,,
-l_post,nx,smallworld,graph,True,node_const,graph_path_len,64,3,4,2,skipsum,False,swish,0.0,mean,sgd,0.001,99,1.6065,0.0015,134676.0,0.0346,0.0014,0.2157,0.0,,,,,,,,
-l_post,nx,smallworld,graph,True,node_const,graph_path_len,64,3,4,2,stack,True,prelu,0.6,max,adam,0.001,199,1.1945,0.1124,133830.0,0.0399,0.0096,0.4853,0.0538,,,,,,,,
-l_post,nx,smallworld,graph,True,node_const,graph_path_len,64,3,4,3,skipsum,False,swish,0.0,mean,sgd,0.001,99,1.6056,0.0012,134277.0,0.0394,0.0063,0.219,0.0023,,,,,,,,
-l_post,nx,smallworld,graph,True,node_const,graph_path_len,64,3,4,3,stack,True,prelu,0.6,max,adam,0.001,199,1.1751,0.0439,135430.0,0.0351,0.005,0.4837,0.0061,,,,,,,,
-l_post,nx,smallworld,graph,True,node_onehot,graph_path_len,64,3,8,1,skipconcat,True,relu,0.6,add,sgd,0.01,199,0.7928,0.0291,136885.0,0.0867,0.007,0.6127,0.0,,,,,,,,
-l_post,nx,smallworld,graph,True,node_onehot,graph_path_len,64,3,8,2,skipconcat,True,relu,0.6,add,sgd,0.01,199,0.9068,0.0413,140833.0,0.0817,0.0052,0.5784,0.0277,,,,,,,,
-l_post,nx,smallworld,graph,True,node_onehot,graph_path_len,64,3,8,3,skipconcat,True,relu,0.6,add,sgd,0.01,199,0.9853,0.0584,138169.0,0.0724,0.0053,0.5425,0.0378,,,,,,,,
-l_post,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,16,1,4,1,stack,True,prelu,0.0,add,sgd,0.001,99,1.4771,0.0065,134286.0,0.0122,0.0014,0.4078,0.0062,,,,,,,,
-l_post,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,16,1,4,2,stack,True,prelu,0.0,add,sgd,0.001,99,0.8829,0.0117,134119.0,0.0479,0.0029,0.6232,0.0139,,,,,,,,
-l_post,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,16,1,4,3,stack,True,prelu,0.0,add,sgd,0.001,99,0.8802,0.014,134070.0,0.0598,0.0032,0.6271,0.0097,,,,,,,,
-l_post,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,16,2,8,1,skipsum,False,prelu,0.0,max,sgd,0.01,99,1.3151,0.0223,134921.0,0.0692,0.0134,0.4666,0.0089,,,,,,,,
-l_post,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,16,2,8,2,skipsum,False,prelu,0.0,max,sgd,0.01,99,1.176,0.0401,135361.0,0.0652,0.0027,0.5185,0.0188,,,,,,,,
-l_post,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,16,2,8,3,skipsum,False,prelu,0.0,max,sgd,0.01,99,1.0296,0.1462,133749.0,0.0654,0.0045,0.5821,0.0636,,,,,,,,
-l_post,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,16,3,8,1,stack,True,swish,0.0,mean,adam,0.01,199,1.5103,0.0031,134297.0,0.0233,0.0011,0.3014,0.0016,,,,,,,,
-l_post,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,16,3,8,2,stack,True,swish,0.0,mean,adam,0.01,199,1.5056,0.0081,135056.0,0.042,0.001,0.3092,0.0069,,,,,,,,
-l_post,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,16,3,8,3,stack,True,swish,0.0,mean,adam,0.01,199,1.5007,0.0011,134165.0,0.0249,0.0026,0.3075,0.0021,,,,,,,,
-l_post,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,32,3,8,1,skipconcat,True,swish,0.6,add,adam,0.01,199,0.5971,0.0171,136885.0,0.0282,0.0042,0.7564,0.0084,,,,,,,,
-l_post,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,32,3,8,2,skipconcat,True,swish,0.6,add,adam,0.01,199,0.6088,0.0127,140833.0,0.0307,0.0046,0.7397,0.005,,,,,,,,
-l_post,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,32,3,8,3,skipconcat,True,swish,0.6,add,adam,0.01,199,0.6646,0.0122,138169.0,0.0684,0.0059,0.712,0.0051,,,,,,,,
-l_post,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,64,3,2,1,skipsum,True,swish,0.6,add,adam,0.01,99,0.8674,0.0074,134285.0,0.0266,0.0004,0.6336,0.0037,,,,,,,,
-l_post,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,64,3,2,2,skipsum,True,swish,0.6,add,adam,0.01,99,0.8487,0.0062,134118.0,0.057,0.0039,0.6276,0.0019,,,,,,,,
-l_post,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,64,3,2,3,skipsum,True,swish,0.6,add,adam,0.01,99,0.8844,0.0181,134069.0,0.0266,0.0029,0.616,0.0064,,,,,,,,
-l_post,nx,smallworld,node,True,node_const,node_clustering_coefficient,32,3,4,1,skipconcat,False,swish,0.3,mean,adam,0.001,399,1.6031,0.0027,136820.0,0.0189,0.0027,0.2398,0.0094,,,,,,,,
-l_post,nx,smallworld,node,True,node_const,node_clustering_coefficient,32,3,4,2,skipconcat,False,swish,0.3,mean,adam,0.001,399,1.4882,0.0148,136085.0,0.0196,0.0015,0.3337,0.006,,,,,,,,
-l_post,nx,smallworld,node,True,node_const,node_clustering_coefficient,32,3,4,3,skipconcat,False,swish,0.3,mean,adam,0.001,399,1.6048,0.0003,139454.0,0.0187,0.0014,0.233,0.0015,,,,,,,,
-l_post,nx,smallworld,node,True,node_const,node_clustering_coefficient,64,1,6,1,skipsum,False,relu,0.3,max,adam,0.01,199,1.5015,0.011,134833.0,0.0309,0.0035,0.3364,0.0071,,,,,,,,
-l_post,nx,smallworld,node,True,node_const,node_clustering_coefficient,64,1,6,2,skipsum,False,relu,0.3,max,adam,0.01,199,1.5861,0.0267,134676.0,0.0264,0.0025,0.2563,0.0331,,,,,,,,
-l_post,nx,smallworld,node,True,node_const,node_clustering_coefficient,64,1,6,3,skipsum,False,relu,0.3,max,adam,0.01,199,1.6048,0.0003,134277.0,0.0538,0.0039,0.233,0.0015,,,,,,,,
-l_post,nx,smallworld,node,True,node_const,node_pagerank,32,2,2,1,stack,False,relu,0.3,max,adam,0.001,399,1.5297,0.0006,133957.0,0.0327,0.0009,0.3222,0.0017,,,,,,,,
-l_post,nx,smallworld,node,True,node_const,node_pagerank,32,2,2,2,stack,False,relu,0.3,max,adam,0.001,399,1.4308,0.0043,134850.0,0.013,0.0016,0.3583,0.0042,,,,,,,,
-l_post,nx,smallworld,node,True,node_const,node_pagerank,32,2,2,3,stack,False,relu,0.3,max,adam,0.001,399,1.4361,0.0063,134789.0,0.0337,0.0019,0.3561,0.0025,,,,,,,,
-l_post,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,16,1,2,1,skipsum,False,swish,0.3,add,sgd,0.001,99,1.5963,0.0033,134900.0,0.0094,0.0023,0.2572,0.0062,,,,,,,,
-l_post,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,16,1,2,2,skipsum,False,swish,0.3,add,sgd,0.001,99,1.6012,0.0025,133957.0,0.0103,0.0008,0.2429,0.0064,,,,,,,,
-l_post,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,16,1,2,3,skipsum,False,swish,0.3,add,sgd,0.001,99,1.6049,0.0004,134850.0,0.0337,0.0015,0.2328,0.0034,,,,,,,,
-l_post,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,16,1,6,1,skipconcat,False,swish,0.0,add,adam,0.001,199,1.5029,0.0135,138645.0,0.0144,0.0008,0.3086,0.0075,,,,,,,,
-l_post,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,16,1,6,2,skipconcat,False,swish,0.0,add,adam,0.001,199,1.5163,0.0038,138165.0,0.0491,0.0045,0.3004,0.0088,,,,,,,,
-l_post,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,16,1,6,3,skipconcat,False,swish,0.0,add,adam,0.001,199,1.2744,0.2549,139847.0,0.0195,0.0033,0.4318,0.1228,,,,,,,,
-l_post,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,16,1,8,1,skipsum,False,relu,0.6,mean,sgd,0.001,399,1.607,0.0005,134277.0,0.0168,0.0016,0.2268,0.0015,,,,,,,,
-l_post,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,16,1,8,2,skipsum,False,relu,0.6,mean,sgd,0.001,399,1.6067,0.0008,134920.0,0.0154,0.0013,0.2286,0.0013,,,,,,,,
-l_post,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,16,1,8,3,skipsum,False,relu,0.6,mean,sgd,0.001,399,1.6063,0.0009,135360.0,0.0367,0.0029,0.2307,0.0025,,,,,,,,
-l_post,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,32,2,8,1,skipconcat,False,relu,0.3,add,adam,0.01,99,1.5418,0.0022,137165.0,0.0627,0.0013,0.2916,0.0031,,,,,,,,
-l_post,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,32,2,8,1,skipsum,False,prelu,0.3,add,sgd,0.1,199,1.5382,0.0003,134921.0,0.0196,0.0007,0.2924,0.0033,,,,,,,,
-l_post,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,32,2,8,2,skipconcat,False,relu,0.3,add,adam,0.01,99,1.5379,0.0007,138963.0,0.0243,0.0037,0.2936,0.0006,,,,,,,,
-l_post,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,32,2,8,2,skipsum,False,prelu,0.3,add,sgd,0.1,199,1.5418,0.0031,135361.0,0.0603,0.0009,0.2897,0.0037,,,,,,,,
-l_post,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,32,2,8,3,skipconcat,False,relu,0.3,add,adam,0.01,99,1.543,0.0028,136713.0,0.0603,0.0038,0.2916,0.0025,,,,,,,,
-l_post,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,32,2,8,3,skipsum,False,prelu,0.3,add,sgd,0.1,199,1.5479,0.0006,133749.0,0.0698,0.008,0.2857,0.0024,,,,,,,,
-l_post,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,16,1,6,1,stack,False,prelu,0.3,max,sgd,0.1,99,1.1629,0.0091,134834.0,0.0152,0.0005,0.4854,0.0018,,,,,,,,
-l_post,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,16,1,6,2,stack,False,prelu,0.3,max,sgd,0.1,99,1.3168,0.1773,134677.0,0.0151,0.0011,0.4065,0.0861,,,,,,,,
-l_post,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,16,1,6,3,stack,False,prelu,0.3,max,sgd,0.1,99,1.4123,0.1206,134278.0,0.0553,0.0004,0.3673,0.059,,,,,,,,
-l_post,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,32,1,8,1,skipconcat,False,relu,0.6,add,adam,0.1,99,1.5686,0.0031,137926.0,0.0212,0.002,0.284,0.0079,,,,,,,,
-l_post,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,32,1,8,2,skipconcat,False,relu,0.6,add,adam,0.1,99,1.5979,0.0051,137773.0,0.0228,0.0026,0.2467,0.0108,,,,,,,,
-l_post,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,32,1,8,3,skipconcat,False,relu,0.6,add,adam,0.1,99,1.6048,0.0003,136011.0,0.0254,0.0039,0.233,0.0015,,,,,,,,
-l_pre,PyG,AmazonComputers,node,True,,,16,1,4,1,skipsum,False,swish,0.6,mean,adam,0.1,399,1.47,0.2836,274830.0,0.136,0.0136,0.5179,0.0986,,,,,,,,
-l_pre,PyG,AmazonComputers,node,True,,,16,1,4,3,skipconcat,False,relu,0.0,max,sgd,0.001,399,1.8522,0.0063,171654.0,0.1501,0.0129,0.3766,0.0019,,,,,,,,
-l_pre,PyG,AmazonComputers,node,True,,,16,2,4,1,skipsum,False,swish,0.6,mean,adam,0.1,399,1.4399,0.2974,260484.0,0.1267,0.0111,0.5159,0.1299,,,,,,,,
-l_pre,PyG,AmazonComputers,node,True,,,16,2,4,3,skipconcat,False,relu,0.0,max,sgd,0.001,399,1.8618,0.004,173910.0,0.0814,0.0174,0.3766,0.0019,,,,,,,,
-l_pre,PyG,AmazonComputers,node,True,,,16,3,4,1,skipsum,False,swish,0.6,mean,adam,0.1,399,1.5267,0.2442,250032.0,0.193,0.0068,0.4699,0.0706,,,,,,,,
-l_pre,PyG,AmazonComputers,node,True,,,16,3,4,3,skipconcat,False,relu,0.0,max,sgd,0.001,399,1.8724,0.0046,176166.0,0.1632,0.0069,0.3766,0.0019,,,,,,,,
-l_pre,PyG,AmazonComputers,node,True,,,32,1,2,1,skipsum,False,prelu,0.6,max,sgd,0.01,99,1.9349,0.0007,332569.0,0.3029,0.0395,0.3766,0.0019,,,,,,,,
-l_pre,PyG,AmazonComputers,node,True,,,32,1,6,1,skipconcat,True,prelu,0.0,mean,sgd,0.01,199,1.2521,0.0269,202491.0,0.1923,0.0287,0.7061,0.0106,,,,,,,,
-l_pre,PyG,AmazonComputers,node,True,,,32,2,2,1,skipsum,False,prelu,0.6,max,sgd,0.01,99,1.9443,0.0058,296321.0,0.2137,0.0058,0.3766,0.0019,,,,,,,,
-l_pre,PyG,AmazonComputers,node,True,,,32,2,6,1,skipconcat,True,prelu,0.0,mean,sgd,0.01,199,1.2314,0.0346,200393.0,0.1606,0.0236,0.7101,0.0056,,,,,,,,
-l_pre,PyG,AmazonComputers,node,True,,,32,3,2,1,skipsum,False,prelu,0.6,max,sgd,0.01,99,1.9451,0.0054,274831.0,0.2353,0.0186,0.3766,0.0019,,,,,,,,
-l_pre,PyG,AmazonComputers,node,True,,,32,3,6,1,skipconcat,True,prelu,0.0,mean,sgd,0.01,199,1.2162,0.0482,197839.0,0.1537,0.013,0.7245,0.009,,,,,,,,
-l_pre,PyG,AmazonComputers,node,True,,,64,1,4,2,skipconcat,False,relu,0.0,add,adam,0.01,99,1.499,0.0168,185824.0,0.1222,0.0318,0.4909,0.0048,,,,,,,,
-l_pre,PyG,AmazonComputers,node,True,,,64,2,4,2,skipconcat,False,relu,0.0,add,adam,0.01,99,1.4913,0.0321,184474.0,0.111,0.0126,0.494,0.0116,,,,,,,,
-l_pre,PyG,AmazonComputers,node,True,,,64,3,4,2,skipconcat,False,relu,0.0,add,adam,0.01,99,1.3619,0.0995,182950.0,0.1357,0.0401,0.524,0.0274,,,,,,,,
-l_pre,PyG,AmazonPhoto,node,True,,,32,1,4,2,skipsum,True,relu,0.6,mean,sgd,0.001,99,2.0809,0.0297,255158.0,0.051,0.0021,0.367,0.0037,,,,,,,,
-l_pre,PyG,AmazonPhoto,node,True,,,32,2,4,2,skipsum,True,relu,0.6,mean,sgd,0.001,99,2.5848,0.0445,244948.0,0.0628,0.0079,0.2657,0.011,,,,,,,,
-l_pre,PyG,AmazonPhoto,node,True,,,32,3,4,2,skipsum,True,relu,0.6,mean,sgd,0.001,99,2.9192,0.082,236744.0,0.1095,0.0158,0.1942,0.0197,,,,,,,,
-l_pre,PyG,AmazonPhoto,node,True,,,64,1,6,3,stack,False,relu,0.6,mean,sgd,0.001,399,1.9844,0.0108,231434.0,0.0464,0.0052,0.243,0.006,,,,,,,,
-l_pre,PyG,AmazonPhoto,node,True,,,64,2,6,3,stack,False,relu,0.6,mean,sgd,0.001,399,2.0003,0.0036,224100.0,0.05,0.0091,0.2293,0.0032,,,,,,,,
-l_pre,PyG,AmazonPhoto,node,True,,,64,3,6,3,stack,False,relu,0.6,mean,sgd,0.001,399,1.996,0.0051,220118.0,0.0433,0.0018,0.2259,0.0018,,,,,,,,
-l_pre,PyG,CiteSeer,node,True,,,16,1,4,3,skipconcat,True,prelu,0.0,max,sgd,0.001,99,0.9211,0.0154,309408.0,0.1049,0.008,0.6904,0.0034,,,,,,,,
-l_pre,PyG,CiteSeer,node,True,,,16,2,4,3,skipconcat,True,prelu,0.0,max,sgd,0.001,99,0.9345,0.0279,311711.0,0.1356,0.0344,0.6987,0.0176,,,,,,,,
-l_pre,PyG,CiteSeer,node,True,,,16,3,4,3,skipconcat,True,prelu,0.0,max,sgd,0.001,99,0.9028,0.0119,314014.0,0.1452,0.0086,0.7101,0.0043,,,,,,,,
-l_pre,PyG,CiteSeer,node,True,,,32,1,6,1,stack,True,relu,0.3,mean,adam,0.1,199,0.4218,0.0127,682434.0,0.1223,0.037,0.8829,0.0074,,,,,,,,
-l_pre,PyG,CiteSeer,node,True,,,32,1,8,1,stack,True,swish,0.0,max,adam,0.001,99,0.6,0.0107,608134.0,0.1642,0.0447,0.9038,0.0024,,,,,,,,
-l_pre,PyG,CiteSeer,node,True,,,32,2,6,1,stack,True,relu,0.3,mean,adam,0.1,199,0.4491,0.011,641714.0,0.1103,0.0089,0.872,0.0037,,,,,,,,
-l_pre,PyG,CiteSeer,node,True,,,32,2,8,1,stack,True,swish,0.0,max,adam,0.001,99,0.6253,0.0043,582984.0,0.0797,0.0215,0.9019,0.0023,,,,,,,,
-l_pre,PyG,CiteSeer,node,True,,,32,3,6,1,stack,True,relu,0.3,mean,adam,0.1,199,0.4783,0.0211,608134.0,0.1262,0.0327,0.8671,0.0071,,,,,,,,
-l_pre,PyG,CiteSeer,node,True,,,32,3,8,1,stack,True,swish,0.0,max,adam,0.001,99,0.6241,0.0136,561321.0,0.1075,0.0121,0.8985,0.0035,,,,,,,,
-l_pre,PyG,CiteSeer,node,True,,,64,1,4,2,skipsum,False,swish,0.3,add,adam,0.01,199,0.0902,0.0143,738396.0,0.1129,0.004,0.9677,0.0084,,,,,,,,
-l_pre,PyG,CiteSeer,node,True,,,64,2,4,2,skipsum,False,swish,0.3,add,adam,0.01,199,0.1563,0.0204,686896.0,0.0952,0.0118,0.9443,0.0079,,,,,,,,
-l_pre,PyG,CiteSeer,node,True,,,64,3,4,2,skipsum,False,swish,0.3,add,adam,0.01,199,0.2186,0.0185,646260.0,0.1085,0.0126,0.9235,0.0059,,,,,,,,
-l_pre,PyG,CoauthorPhysics,node,True,,,16,1,2,1,stack,False,relu,0.0,max,adam,0.01,99,0.081,0.0059,2296814.0,2.0329,0.1264,0.9905,0.0009,,,,,,,,
-l_pre,PyG,CoauthorPhysics,node,True,,,16,1,6,1,skipsum,True,swish,0.0,mean,sgd,0.1,399,0.0647,0.0028,1379661.0,2.0265,0.1661,0.9901,0.0008,,,,,,,,
-l_pre,PyG,CoauthorPhysics,node,True,,,16,2,2,1,stack,False,relu,0.0,max,adam,0.01,99,0.1265,0.0231,1901345.0,1.9949,0.1025,0.9858,0.0041,,,,,,,,
-l_pre,PyG,CoauthorPhysics,node,True,,,16,2,6,1,skipsum,True,swish,0.0,mean,sgd,0.1,399,0.0573,0.0005,1287120.0,1.5299,0.0132,0.9929,0.0002,,,,,,,,
-l_pre,PyG,CoauthorPhysics,node,True,,,16,3,2,1,stack,False,relu,0.0,max,adam,0.01,99,0.1665,0.0292,1665851.0,2.0974,0.172,0.9812,0.0029,,,,,,,,
-l_pre,PyG,CoauthorPhysics,node,True,,,16,3,6,1,skipsum,True,swish,0.0,mean,sgd,0.1,399,0.0524,0.0011,1211141.0,1.9906,0.0287,0.9945,0.0004,,,,,,,,
-l_pre,PyG,CoauthorPhysics,node,True,,,32,1,8,2,skipconcat,False,prelu,0.3,max,adam,0.1,199,0.3989,0.2365,423510.0,2.0325,0.1231,0.8539,0.0957,,,,,,,,
-l_pre,PyG,CoauthorPhysics,node,True,,,32,2,8,2,skipconcat,False,prelu,0.3,max,adam,0.1,199,0.6491,0.1227,424700.0,2.0084,0.0329,0.7469,0.0481,,,,,,,,
-l_pre,PyG,CoauthorPhysics,node,True,,,32,3,8,2,skipconcat,False,prelu,0.3,max,adam,0.1,199,0.8956,0.0713,425890.0,2.2021,0.1545,0.6594,0.0239,,,,,,,,
-l_pre,PyG,CoauthorPhysics,node,True,,,64,1,6,3,stack,True,swish,0.0,max,adam,0.1,399,0.0285,0.0323,1211141.0,2.116,0.1718,0.9927,0.0095,,,,,,,,
-l_pre,PyG,CoauthorPhysics,node,True,,,64,2,6,3,stack,True,swish,0.0,max,adam,0.1,399,0.0375,0.0248,1153014.0,2.3085,0.0585,0.9904,0.0067,,,,,,,,
-l_pre,PyG,CoauthorPhysics,node,True,,,64,3,6,3,stack,True,swish,0.0,max,adam,0.1,399,0.0278,0.0267,1103085.0,2.4544,0.2469,0.9928,0.0081,,,,,,,,
-l_pre,PyG,Cora,node,True,,,16,1,8,1,skipsum,True,swish,0.6,max,adam,0.1,199,0.0686,0.0046,317703.0,0.0347,0.0043,0.9898,0.0023,,,,,,,,
-l_pre,PyG,Cora,node,True,,,16,2,8,1,skipsum,True,swish,0.6,max,adam,0.1,199,0.0651,0.0039,308436.0,0.0311,0.004,0.9899,0.001,,,,,,,,
-l_pre,PyG,Cora,node,True,,,16,3,8,1,skipsum,True,swish,0.6,max,adam,0.1,199,0.0805,0.0014,300387.0,0.0331,0.0053,0.9872,0.0025,,,,,,,,
-l_pre,PyG,Cora,node,True,,,64,1,4,2,skipsum,False,swish,0.0,max,sgd,0.01,199,1.5753,0.0178,368550.0,0.0301,0.0097,0.4235,0.0093,,,,,,,,
-l_pre,PyG,Cora,node,True,,,64,1,6,2,skipsum,True,swish,0.6,max,sgd,0.001,399,2.3937,0.0608,330862.0,0.0262,0.0018,0.2434,0.0151,,,,,,,,
-l_pre,PyG,Cora,node,True,,,64,2,4,2,skipsum,False,swish,0.0,max,sgd,0.01,199,1.508,0.047,348816.0,0.0272,0.0081,0.4659,0.0322,,,,,,,,
-l_pre,PyG,Cora,node,True,,,64,2,6,2,skipsum,True,swish,0.6,max,sgd,0.001,399,2.4585,0.0195,317703.0,0.0387,0.0014,0.224,0.0089,,,,,,,,
-l_pre,PyG,Cora,node,True,,,64,3,4,2,skipsum,False,swish,0.0,max,sgd,0.01,199,1.4558,0.0594,333139.0,0.0217,0.0021,0.4833,0.0231,,,,,,,,
-l_pre,PyG,Cora,node,True,,,64,3,6,2,skipsum,True,swish,0.6,max,sgd,0.001,399,2.4798,0.078,308436.0,0.0286,0.0027,0.2216,0.0134,,,,,,,,
-l_pre,PyG,TU_BZR,graph,False,,,16,1,4,1,skipconcat,True,prelu,0.6,add,sgd,0.01,399,0.4054,0.0218,140072.0,0.0146,0.0014,0.822,0.0119,0.7102,0.0092,0.3044,0.0566,0.4232,0.0573,0.8101,0.0192
-l_pre,PyG,TU_BZR,graph,False,,,16,2,4,1,skipconcat,True,prelu,0.6,add,sgd,0.01,399,0.4072,0.0196,140802.0,0.0165,0.0005,0.8272,0.0153,0.8039,0.0677,0.2706,0.0335,0.4044,0.044,0.8052,0.0168
-l_pre,PyG,TU_BZR,graph,False,,,16,3,4,1,skipconcat,True,prelu,0.6,add,sgd,0.01,399,0.4326,0.0166,139862.0,0.0142,0.0017,0.8096,0.0015,0.6959,0.058,0.2225,0.0265,0.3357,0.031,0.7734,0.0223
-l_pre,PyG,TU_BZR,graph,False,,,32,1,6,3,skipsum,False,prelu,0.6,mean,adam,0.1,399,0.5184,0.0116,141257.0,0.0606,0.0029,0.7829,0.0063,0.0,0.0,0.0,0.0,0.0,0.0,0.5841,0.0364
-l_pre,PyG,TU_BZR,graph,False,,,32,1,8,2,stack,True,prelu,0.0,mean,adam,0.01,399,0.0646,0.006,140725.0,0.023,0.0025,0.9846,0.0044,0.9897,0.0145,0.9382,0.0083,0.9633,0.0112,0.9983,0.0011
-l_pre,PyG,TU_BZR,graph,False,,,32,2,6,3,skipsum,False,prelu,0.6,mean,adam,0.1,399,0.5206,0.0022,139515.0,0.0255,0.0012,0.7829,0.0063,0.0,0.0,0.0,0.0,0.0,0.0,0.5423,0.0432
-l_pre,PyG,TU_BZR,graph,False,,,32,2,8,2,stack,True,prelu,0.0,mean,adam,0.01,399,0.0819,0.0274,140992.0,0.0724,0.0061,0.9794,0.0162,0.9742,0.016,0.9284,0.0617,0.9501,0.0403,0.9926,0.0057
-l_pre,PyG,TU_BZR,graph,False,,,32,3,6,3,skipsum,False,prelu,0.6,mean,adam,0.1,399,0.5186,0.0079,139727.0,0.0692,0.0048,0.7829,0.0063,0.0,0.0,0.0,0.0,0.0,0.0,0.5846,0.0265
-l_pre,PyG,TU_BZR,graph,False,,,32,3,8,2,stack,True,prelu,0.0,mean,adam,0.01,399,0.1125,0.0312,139195.0,0.0283,0.0029,0.963,0.0116,0.9533,0.0013,0.8734,0.05,0.9109,0.0275,0.9892,0.0069
-l_pre,PyG,TU_BZR,graph,False,,,64,1,6,2,skipconcat,False,swish,0.0,max,sgd,0.1,99,0.492,0.0117,138777.0,0.0466,0.0023,0.7963,0.0091,1.0,0.0,0.062,0.0148,0.1164,0.0266,0.6197,0.0077
-l_pre,PyG,TU_BZR,graph,False,,,64,2,6,2,skipconcat,False,swish,0.0,max,sgd,0.1,99,0.4857,0.009,140757.0,0.0216,0.0037,0.7953,0.0058,0.7579,0.0779,0.0854,0.0025,0.1532,0.0036,0.6189,0.01
-l_pre,PyG,TU_BZR,graph,False,,,64,3,6,2,skipconcat,False,swish,0.0,max,sgd,0.1,99,0.4868,0.0096,136397.0,0.022,0.0001,0.7973,0.0039,0.7917,0.1559,0.1044,0.0273,0.1808,0.0367,0.6206,0.0093
-l_pre,PyG,TU_COX2,graph,False,,,16,1,2,3,skipconcat,True,prelu,0.3,mean,adam,0.01,99,0.3322,0.0201,138882.0,0.0152,0.0004,0.8507,0.0083,0.7449,0.0148,0.4715,0.0332,0.577,0.0275,0.8843,0.0172
-l_pre,PyG,TU_COX2,graph,False,,,16,2,2,3,skipconcat,True,prelu,0.3,mean,adam,0.01,99,0.362,0.0041,138374.0,0.0188,0.0014,0.8463,0.0034,0.743,0.026,0.442,0.0087,0.5542,0.0141,0.8578,0.0047
-l_pre,PyG,TU_COX2,graph,False,,,16,3,2,3,skipconcat,True,prelu,0.3,mean,adam,0.01,99,0.3885,0.0252,137410.0,0.0148,0.0014,0.824,0.0033,0.6776,0.023,0.3596,0.0371,0.4679,0.0257,0.8279,0.0393
-l_pre,PyG,TU_COX2,graph,False,,,64,1,4,2,skipconcat,True,swish,0.3,max,adam,0.01,199,0.1977,0.0137,138261.0,0.03,0.003,0.9196,0.0022,0.8728,0.0356,0.7396,0.0445,0.7986,0.01,0.9618,0.0066
-l_pre,PyG,TU_COX2,graph,False,,,64,2,4,2,skipconcat,True,swish,0.3,max,adam,0.01,199,0.234,0.0217,137739.0,0.0245,0.0016,0.899,0.0125,0.8416,0.0137,0.6577,0.0598,0.7368,0.0395,0.946,0.0104
-l_pre,PyG,TU_COX2,graph,False,,,64,3,4,2,skipconcat,True,swish,0.3,max,adam,0.01,199,0.2745,0.0034,137041.0,0.0511,0.0037,0.8856,0.0045,0.8209,0.0176,0.603,0.0399,0.6943,0.0246,0.9253,0.0011
-l_pre,PyG,TU_DD,graph,False,,,16,1,4,2,skipconcat,False,swish,0.3,mean,sgd,0.01,399,0.6691,0.0045,140989.0,0.0189,0.0035,0.5909,0.0027,0.0,0.0,0.0,0.0,0.0,0.0,0.7054,0.0309
-l_pre,PyG,TU_DD,graph,False,,,16,1,6,2,stack,False,prelu,0.3,add,adam,0.1,399,0.5558,0.009,146834.0,0.0218,0.0008,0.7555,0.0056,0.7134,0.0101,0.6729,0.0149,0.6924,0.0074,0.7973,0.0049
-l_pre,PyG,TU_DD,graph,False,,,16,2,4,2,skipconcat,False,swish,0.3,mean,sgd,0.01,399,0.6396,0.0201,140362.0,0.0171,0.0044,0.6405,0.0368,0.539,0.384,0.1669,0.1436,0.2447,0.1953,0.7727,0.0194
-l_pre,PyG,TU_DD,graph,False,,,16,2,6,2,stack,False,prelu,0.3,add,adam,0.1,399,0.5544,0.0045,145901.0,0.0216,0.002,0.7552,0.0035,0.7109,0.0039,0.6764,0.0119,0.6932,0.0071,0.8,0.0008
-l_pre,PyG,TU_DD,graph,False,,,16,3,4,2,skipconcat,False,swish,0.3,mean,sgd,0.01,399,0.649,0.0155,139561.0,0.0182,0.0021,0.6153,0.037,0.2519,0.3562,0.089,0.1259,0.1315,0.186,0.7394,0.0283
-l_pre,PyG,TU_DD,graph,False,,,16,3,6,2,stack,False,prelu,0.3,add,adam,0.1,399,0.5514,0.0049,143871.0,0.0208,0.0018,0.7544,0.0048,0.7145,0.0086,0.6661,0.0071,0.6894,0.002,0.8027,0.0018
-l_pre,PyG,TU_DD,graph,False,,,32,1,4,2,skipconcat,False,swish,0.3,max,sgd,0.001,199,0.5311,0.006,140989.0,0.0244,0.0017,0.7594,0.0073,0.7484,0.0106,0.6202,0.0112,0.6783,0.0106,0.7966,0.0044
-l_pre,PyG,TU_DD,graph,False,,,32,2,4,2,skipconcat,False,swish,0.3,max,sgd,0.001,199,0.5252,0.0074,140362.0,0.0437,0.0037,0.7562,0.0075,0.7426,0.0111,0.6185,0.0078,0.6748,0.0086,0.8013,0.0075
-l_pre,PyG,TU_DD,graph,False,,,32,3,4,2,skipconcat,False,swish,0.3,max,sgd,0.001,199,0.5321,0.0029,139561.0,0.0445,0.006,0.759,0.004,0.7462,0.0077,0.6228,0.0152,0.6788,0.0095,0.7937,0.0029
-l_pre,PyG,TU_DD,graph,False,,,64,1,2,1,stack,False,relu,0.0,add,sgd,0.001,399,0.4157,0.1654,156000.0,0.03,0.0039,0.827,0.0812,0.7638,0.1018,0.8421,0.0784,0.8007,0.0913,0.8905,0.0733
-l_pre,PyG,TU_DD,graph,False,,,64,1,2,2,skipsum,True,swish,0.6,mean,sgd,0.01,99,0.4544,0.0112,151526.0,0.046,0.0031,0.7887,0.004,0.7567,0.0049,0.7127,0.0181,0.7339,0.0095,0.8644,0.0045
-l_pre,PyG,TU_DD,graph,False,,,64,1,4,1,skipconcat,False,prelu,0.0,add,adam,0.01,199,0.5184,0.0327,143637.0,0.0467,0.0008,0.7679,0.0152,0.718,0.0204,0.7118,0.0205,0.7149,0.0205,0.8234,0.0244
-l_pre,PyG,TU_DD,graph,False,,,64,2,2,1,stack,False,relu,0.0,add,sgd,0.001,399,0.6032,0.0119,152041.0,0.0311,0.0066,0.7388,0.0015,0.6546,0.0014,0.7656,0.0039,0.7058,0.0016,0.8065,0.0039
-l_pre,PyG,TU_DD,graph,False,,,64,2,2,2,skipsum,True,swish,0.6,mean,sgd,0.01,99,0.4776,0.0057,149145.0,0.0749,0.0079,0.7803,0.0054,0.7594,0.0056,0.6773,0.0117,0.716,0.0086,0.8502,0.0031
-l_pre,PyG,TU_DD,graph,False,,,64,2,4,1,skipconcat,False,prelu,0.0,add,adam,0.01,199,0.5411,0.0013,144102.0,0.0357,0.0043,0.7516,0.0035,0.6978,0.0061,0.6929,0.0021,0.6953,0.0026,0.8062,0.0002
-l_pre,PyG,TU_DD,graph,False,,,64,3,2,1,stack,False,relu,0.0,add,sgd,0.001,399,0.6104,0.0066,149787.0,0.0336,0.0013,0.7382,0.0022,0.654,0.0033,0.7638,0.0078,0.7047,0.0046,0.8036,0.0012
-l_pre,PyG,TU_DD,graph,False,,,64,3,2,2,skipsum,True,swish,0.6,mean,sgd,0.01,99,0.4932,0.0018,147745.0,0.0704,0.0115,0.7735,0.008,0.7489,0.0118,0.6712,0.0142,0.7079,0.0129,0.8372,0.0014
-l_pre,PyG,TU_DD,graph,False,,,64,3,4,1,skipconcat,False,prelu,0.0,add,adam,0.01,199,0.5412,0.0011,142907.0,0.0747,0.0011,0.7519,0.0039,0.6974,0.007,0.6955,0.0021,0.6964,0.0031,0.8063,0.0001
-l_pre,PyG,TU_IMDB,graph,False,,,32,1,2,3,skipsum,False,swish,0.0,mean,sgd,0.01,99,1.0873,0.0015,134137.0,0.0148,0.0056,0.385,0.0077,,,,,,,,
-l_pre,PyG,TU_IMDB,graph,False,,,32,1,4,3,skipsum,False,swish,0.3,add,sgd,0.01,99,1.0575,0.0149,134848.0,0.031,0.0006,0.4436,0.0282,,,,,,,,
-l_pre,PyG,TU_IMDB,graph,False,,,32,2,2,3,skipsum,False,swish,0.0,mean,sgd,0.01,99,1.0874,0.0015,134478.0,0.0121,0.0024,0.3914,0.0075,,,,,,,,
-l_pre,PyG,TU_IMDB,graph,False,,,32,2,4,3,skipsum,False,swish,0.3,add,sgd,0.01,99,1.0683,0.0178,134967.0,0.0326,0.0041,0.4139,0.0209,,,,,,,,
-l_pre,PyG,TU_IMDB,graph,False,,,32,3,2,3,skipsum,False,swish,0.0,mean,sgd,0.01,99,1.0873,0.0016,134848.0,0.0293,0.0025,0.385,0.0077,,,,,,,,
-l_pre,PyG,TU_IMDB,graph,False,,,32,3,4,3,skipsum,False,swish,0.3,add,sgd,0.01,99,1.0697,0.0217,134808.0,0.0316,0.001,0.4125,0.0348,,,,,,,,
-l_pre,PyG,TU_IMDB,graph,False,,,64,1,2,3,skipconcat,True,prelu,0.0,max,sgd,0.001,199,1.0848,0.0022,136644.0,0.0154,0.0003,0.3975,0.0102,,,,,,,,
-l_pre,PyG,TU_IMDB,graph,False,,,64,1,6,1,skipconcat,True,relu,0.6,max,sgd,0.001,99,1.1045,0.0043,137283.0,0.0461,0.0023,0.3836,0.0065,,,,,,,,
-l_pre,PyG,TU_IMDB,graph,False,,,64,1,8,1,skipsum,False,relu,0.0,add,sgd,0.01,99,1.0742,0.0041,134808.0,0.0156,0.0012,0.4222,0.0269,,,,,,,,
-l_pre,PyG,TU_IMDB,graph,False,,,64,2,2,3,skipconcat,True,prelu,0.0,max,sgd,0.001,199,,,136192.0,0.0246,0.0012,0.3342,0.0049,,,,,,,,
-l_pre,PyG,TU_IMDB,graph,False,,,64,2,6,1,skipconcat,True,relu,0.6,max,sgd,0.001,99,1.1126,0.0015,136815.0,0.0246,0.0027,0.37,0.0119,,,,,,,,
-l_pre,PyG,TU_IMDB,graph,False,,,64,2,8,1,skipsum,False,relu,0.0,add,sgd,0.01,99,1.0807,0.0037,133466.0,0.0214,0.0018,0.4075,0.0236,,,,,,,,
-l_pre,PyG,TU_IMDB,graph,False,,,64,3,2,3,skipconcat,True,prelu,0.0,max,sgd,0.001,199,,,135284.0,0.0228,0.0009,0.3342,0.0049,,,,,,,,
-l_pre,PyG,TU_IMDB,graph,False,,,64,3,6,1,skipconcat,True,relu,0.6,max,sgd,0.001,99,1.1246,0.0097,135891.0,0.0208,0.0019,0.3561,0.0055,,,,,,,,
-l_pre,PyG,TU_IMDB,graph,False,,,64,3,8,1,skipsum,False,relu,0.0,add,sgd,0.01,99,1.0715,0.001,133978.0,0.0183,0.0003,0.4303,0.0153,,,,,,,,
-l_pre,PyG,TU_PROTEINS,graph,False,,,32,1,8,1,skipconcat,False,swish,0.0,max,adam,0.1,99,0.561,0.0213,135238.0,0.0199,0.0003,0.7379,0.018,0.6809,0.0252,0.634,0.0274,0.6565,0.0261,0.7847,0.0175
-l_pre,PyG,TU_PROTEINS,graph,False,,,32,2,8,1,skipconcat,False,swish,0.0,max,adam,0.1,99,0.566,0.0267,134521.0,0.0204,0.0012,0.7322,0.0169,0.6732,0.0193,0.6264,0.0338,0.6487,0.0264,0.7814,0.0205
-l_pre,PyG,TU_PROTEINS,graph,False,,,32,3,8,1,skipconcat,False,swish,0.0,max,adam,0.1,99,0.5423,0.0187,133636.0,0.0559,0.0039,0.7504,0.0135,0.7012,0.0206,0.6426,0.025,0.6704,0.0206,0.8013,0.0142
-l_pre,nx,scalefree,graph,True,node_const,graph_path_len,16,1,4,1,skipconcat,False,swish,0.3,add,adam,0.1,399,0.5746,0.0395,136970.0,0.043,0.0015,0.7239,0.0494,,,,,,,,
-l_pre,nx,scalefree,graph,True,node_const,graph_path_len,16,1,4,2,stack,True,relu,0.0,add,adam,0.001,399,0.344,0.0649,134118.0,0.0354,0.002,0.8529,0.0386,,,,,,,,
-l_pre,nx,scalefree,graph,True,node_const,graph_path_len,16,2,4,1,skipconcat,False,swish,0.3,add,adam,0.1,399,0.5905,0.0286,137725.0,0.0129,0.001,0.719,0.0083,,,,,,,,
-l_pre,nx,scalefree,graph,True,node_const,graph_path_len,16,2,4,2,stack,True,relu,0.0,add,adam,0.001,399,0.3544,0.0503,134069.0,0.0357,0.0027,0.8497,0.0235,,,,,,,,
-l_pre,nx,scalefree,graph,True,node_const,graph_path_len,16,3,4,1,skipconcat,False,swish,0.3,add,adam,0.1,399,0.5821,0.0526,136820.0,0.0433,0.0012,0.7222,0.0244,,,,,,,,
-l_pre,nx,scalefree,graph,True,node_const,graph_path_len,16,3,4,2,stack,True,relu,0.0,add,adam,0.001,399,0.3541,0.0394,133829.0,0.0129,0.0006,0.8464,0.0197,,,,,,,,
-l_pre,nx,scalefree,graph,True,node_const,graph_path_len,64,1,6,3,skipsum,True,swish,0.6,add,adam,0.1,199,0.6079,0.0197,135429.0,0.0266,0.0022,0.7255,0.0349,,,,,,,,
-l_pre,nx,scalefree,graph,True,node_const,graph_path_len,64,1,8,3,stack,False,swish,0.0,add,sgd,0.1,99,,,135360.0,0.047,0.0035,0.2108,0.0139,,,,,,,,
-l_pre,nx,scalefree,graph,True,node_const,graph_path_len,64,2,6,3,skipsum,True,swish,0.6,add,adam,0.1,199,0.666,0.0506,133925.0,0.0308,0.0016,0.7092,0.03,,,,,,,,
-l_pre,nx,scalefree,graph,True,node_const,graph_path_len,64,2,8,3,stack,False,swish,0.0,add,sgd,0.1,99,,,133748.0,0.0236,0.0044,0.2092,0.0083,,,,,,,,
-l_pre,nx,scalefree,graph,True,node_const,graph_path_len,64,3,6,3,skipsum,True,swish,0.6,add,adam,0.1,199,0.6348,0.0106,134297.0,0.0278,0.002,0.7124,0.0083,,,,,,,,
-l_pre,nx,scalefree,graph,True,node_const,graph_path_len,64,3,8,3,stack,False,swish,0.0,add,sgd,0.1,99,,,135350.0,0.0249,0.003,0.2108,0.0139,,,,,,,,
-l_pre,nx,scalefree,graph,True,node_onehot,graph_path_len,16,1,4,1,skipsum,False,prelu,0.0,max,adam,0.01,399,0.001,0.0004,134851.0,0.0559,0.0054,1.0,0.0,,,,,,,,
-l_pre,nx,scalefree,graph,True,node_onehot,graph_path_len,16,1,8,3,stack,False,swish,0.3,mean,adam,0.1,399,1.6165,0.0167,135360.0,0.0441,0.0063,0.183,0.0416,,,,,,,,
-l_pre,nx,scalefree,graph,True,node_onehot,graph_path_len,16,2,4,1,skipsum,False,prelu,0.0,max,adam,0.01,399,0.001,0.0003,134790.0,0.0172,0.0054,1.0,0.0,,,,,,,,
-l_pre,nx,scalefree,graph,True,node_onehot,graph_path_len,16,2,8,3,stack,False,swish,0.3,mean,adam,0.1,399,1.6232,0.0159,133748.0,0.0424,0.0028,0.201,0.0312,,,,,,,,
-l_pre,nx,scalefree,graph,True,node_onehot,graph_path_len,16,3,4,1,skipsum,False,prelu,0.0,max,adam,0.01,399,0.0017,0.0009,134834.0,0.0144,0.0002,1.0,0.0,,,,,,,,
-l_pre,nx,scalefree,graph,True,node_onehot,graph_path_len,16,3,8,3,stack,False,swish,0.3,mean,adam,0.1,399,1.6107,0.0032,135350.0,0.0203,0.002,0.2043,0.0306,,,,,,,,
-l_pre,nx,scalefree,graph,True,node_onehot,graph_path_len,32,1,2,1,skipconcat,False,relu,0.6,add,sgd,0.001,199,0.5194,0.0432,135829.0,0.0115,0.0012,0.7761,0.0167,,,,,,,,
-l_pre,nx,scalefree,graph,True,node_onehot,graph_path_len,32,2,2,1,skipconcat,False,relu,0.6,add,sgd,0.001,199,0.5663,0.0207,136479.0,0.0117,0.0011,0.7369,0.0046,,,,,,,,
-l_pre,nx,scalefree,graph,True,node_onehot,graph_path_len,32,3,2,1,skipconcat,False,relu,0.6,add,sgd,0.001,199,0.5653,0.0086,136247.0,0.0143,0.0048,0.7435,0.0141,,,,,,,,
-l_pre,nx,scalefree,graph,True,node_onehot,graph_path_len,64,1,2,2,skipconcat,True,relu,0.6,mean,sgd,0.01,399,0.6484,0.0366,136295.0,0.0184,0.003,0.6879,0.0284,,,,,,,,
-l_pre,nx,scalefree,graph,True,node_onehot,graph_path_len,64,2,2,2,skipconcat,True,relu,0.6,mean,sgd,0.01,399,0.6734,0.0348,136658.0,0.0235,0.0003,0.6863,0.0069,,,,,,,,
-l_pre,nx,scalefree,graph,True,node_onehot,graph_path_len,64,3,2,2,skipconcat,True,relu,0.6,mean,sgd,0.01,399,0.6295,0.0028,135805.0,0.0449,0.0034,0.7075,0.0266,,,,,,,,
-l_pre,nx,scalefree,graph,True,node_pagerank,graph_path_len,32,1,2,2,skipconcat,True,relu,0.3,max,adam,0.01,99,0.3906,0.0154,136295.0,0.0206,0.0033,0.8398,0.0151,,,,,,,,
-l_pre,nx,scalefree,graph,True,node_pagerank,graph_path_len,32,1,8,1,skipsum,False,relu,0.3,mean,sgd,0.01,399,1.0572,0.1451,134277.0,0.02,0.0054,0.4886,0.0561,,,,,,,,
-l_pre,nx,scalefree,graph,True,node_pagerank,graph_path_len,32,2,2,2,skipconcat,True,relu,0.3,max,adam,0.01,99,0.4006,0.0104,136658.0,0.0162,0.0001,0.8366,0.0083,,,,,,,,
-l_pre,nx,scalefree,graph,True,node_pagerank,graph_path_len,32,2,8,1,skipsum,False,relu,0.3,mean,sgd,0.01,399,1.0672,0.0647,134920.0,0.0203,0.0017,0.5016,0.0432,,,,,,,,
-l_pre,nx,scalefree,graph,True,node_pagerank,graph_path_len,32,3,2,2,skipconcat,True,relu,0.3,max,adam,0.01,99,0.4696,0.0575,135805.0,0.0232,0.0048,0.799,0.0394,,,,,,,,
-l_pre,nx,scalefree,graph,True,node_pagerank,graph_path_len,32,3,8,1,skipsum,False,relu,0.3,mean,sgd,0.01,399,1.0627,0.0614,135360.0,0.0191,0.0022,0.5016,0.0284,,,,,,,,
-l_pre,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,16,1,4,1,stack,False,prelu,0.6,mean,sgd,0.01,199,1.3297,0.0113,134851.0,0.0129,0.0009,0.4549,0.0026,,,,,,,,
-l_pre,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,16,1,8,2,skipsum,False,swish,0.6,max,adam,0.1,399,0.8011,0.0014,134920.0,0.0457,0.0067,0.6551,0.0037,,,,,,,,
-l_pre,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,16,2,4,1,stack,False,prelu,0.6,mean,sgd,0.01,199,1.3607,0.0158,134790.0,0.0505,0.003,0.4395,0.0069,,,,,,,,
-l_pre,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,16,2,8,2,skipsum,False,swish,0.6,max,adam,0.1,399,0.8135,0.0048,135360.0,0.0212,0.0015,0.6473,0.0006,,,,,,,,
-l_pre,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,16,3,4,1,stack,False,prelu,0.6,mean,sgd,0.01,199,1.3741,0.0095,134834.0,0.0159,0.0024,0.4303,0.0039,,,,,,,,
-l_pre,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,16,3,8,2,skipsum,False,swish,0.6,max,adam,0.1,399,0.8186,0.0064,133748.0,0.0201,0.0008,0.643,0.0045,,,,,,,,
-l_pre,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,32,1,6,1,skipsum,True,swish,0.0,add,adam,0.01,399,0.103,0.0023,134069.0,0.0181,0.0011,0.9737,0.0015,,,,,,,,
-l_pre,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,32,1,8,3,stack,True,prelu,0.0,mean,adam,0.01,99,1.2847,0.0077,134298.0,0.0829,0.0027,0.4211,0.0045,,,,,,,,
-l_pre,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,32,2,6,1,skipsum,True,swish,0.0,add,adam,0.01,399,0.1002,0.0027,133829.0,0.021,0.0017,0.9744,0.0015,,,,,,,,
-l_pre,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,32,2,8,3,stack,True,prelu,0.0,mean,adam,0.01,99,1.2436,0.0192,135057.0,0.0332,0.0025,0.4496,0.0081,,,,,,,,
-l_pre,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,32,3,6,1,skipsum,True,swish,0.0,add,adam,0.01,399,0.1018,0.001,135429.0,0.0188,0.0007,0.9735,0.0025,,,,,,,,
-l_pre,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,32,3,8,3,stack,True,prelu,0.0,mean,adam,0.01,99,1.2063,0.0242,134166.0,0.0364,0.0022,0.47,0.0119,,,,,,,,
-l_pre,nx,scalefree,node,True,node_const,node_clustering_coefficient,32,1,2,2,skipsum,True,prelu,0.0,add,adam,0.1,399,0.9315,0.0051,134790.0,0.0171,0.0021,0.5554,0.0028,,,,,,,,
-l_pre,nx,scalefree,node,True,node_const,node_clustering_coefficient,32,1,6,3,stack,False,relu,0.6,add,sgd,0.01,199,1.521,0.0163,134277.0,0.0157,0.0032,0.3161,0.0092,,,,,,,,
-l_pre,nx,scalefree,node,True,node_const,node_clustering_coefficient,32,2,2,2,skipsum,True,prelu,0.0,add,adam,0.1,399,0.9613,0.0177,134286.0,0.0222,0.0048,0.5423,0.0065,,,,,,,,
-l_pre,nx,scalefree,node,True,node_const,node_clustering_coefficient,32,2,6,3,stack,False,relu,0.6,add,sgd,0.01,199,1.5168,0.0125,134920.0,0.0371,0.0042,0.3185,0.0056,,,,,,,,
-l_pre,nx,scalefree,node,True,node_const,node_clustering_coefficient,32,3,2,2,skipsum,True,prelu,0.0,add,adam,0.1,399,0.96,0.0032,134119.0,0.0238,0.006,0.5422,0.0013,,,,,,,,
-l_pre,nx,scalefree,node,True,node_const,node_clustering_coefficient,32,3,6,3,stack,False,relu,0.6,add,sgd,0.01,199,1.5216,0.0119,135360.0,0.0476,0.0045,0.3131,0.0072,,,,,,,,
-l_pre,nx,scalefree,node,True,node_const,node_clustering_coefficient,64,1,2,2,skipsum,False,swish,0.0,max,sgd,0.01,199,1.5759,0.0006,133957.0,0.0276,0.0046,0.269,0.0005,,,,,,,,
-l_pre,nx,scalefree,node,True,node_const,node_clustering_coefficient,64,2,2,2,skipsum,False,swish,0.0,max,sgd,0.01,199,1.5759,0.0006,134850.0,0.0376,0.0011,0.269,0.0005,,,,,,,,
-l_pre,nx,scalefree,node,True,node_const,node_clustering_coefficient,64,3,2,2,skipsum,False,swish,0.0,max,sgd,0.01,199,1.5759,0.0006,134789.0,0.0191,0.0006,0.269,0.0005,,,,,,,,
-l_pre,nx,scalefree,node,True,node_const,node_pagerank,16,1,2,2,skipsum,True,swish,0.6,mean,adam,0.1,199,0.8892,0.0066,134789.0,0.0343,0.0031,0.6019,0.0013,,,,,,,,
-l_pre,nx,scalefree,node,True,node_const,node_pagerank,16,2,2,2,skipsum,True,swish,0.6,mean,adam,0.1,199,0.9523,0.0076,134285.0,0.0131,0.0008,0.5748,0.0061,,,,,,,,
-l_pre,nx,scalefree,node,True,node_const,node_pagerank,16,3,2,2,skipsum,True,swish,0.6,mean,adam,0.1,199,0.9669,0.0005,134118.0,0.0147,0.0024,0.5681,0.001,,,,,,,,
-l_pre,nx,scalefree,node,True,node_const,node_pagerank,32,1,2,2,stack,True,swish,0.3,max,adam,0.001,399,0.5273,0.0024,134789.0,0.0165,0.0028,0.7797,0.0005,,,,,,,,
-l_pre,nx,scalefree,node,True,node_const,node_pagerank,32,2,2,2,stack,True,swish,0.3,max,adam,0.001,399,0.5526,0.0022,134285.0,0.0168,0.0018,0.7685,0.0031,,,,,,,,
-l_pre,nx,scalefree,node,True,node_const,node_pagerank,32,3,2,2,stack,True,swish,0.3,max,adam,0.001,399,0.5808,0.0039,134118.0,0.0166,0.002,0.7517,0.0004,,,,,,,,
-l_pre,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,16,1,4,3,skipconcat,False,swish,0.0,add,adam,0.01,99,0.9437,0.0066,134942.0,0.0143,0.0016,0.5618,0.0058,,,,,,,,
-l_pre,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,16,2,4,3,skipconcat,False,swish,0.0,add,adam,0.01,99,0.9364,0.0465,137198.0,0.0157,0.0016,0.5646,0.0233,,,,,,,,
-l_pre,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,16,3,4,3,skipconcat,False,swish,0.0,add,adam,0.01,99,0.9134,0.0246,139454.0,0.0186,0.0032,0.5764,0.0121,,,,,,,,
-l_pre,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,64,1,6,2,skipconcat,False,relu,0.0,max,adam,0.1,99,1.304,0.1928,138165.0,0.0685,0.0115,0.4245,0.1099,,,,,,,,
-l_pre,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,64,2,6,2,skipconcat,False,relu,0.0,max,adam,0.1,99,1.5759,0.0006,140145.0,0.0305,0.0009,0.269,0.0005,,,,,,,,
-l_pre,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,64,3,6,2,skipconcat,False,relu,0.0,max,adam,0.1,99,1.5759,0.0006,135799.0,0.062,0.002,0.269,0.0005,,,,,,,,
-l_pre,nx,scalefree,node,True,node_onehot,node_pagerank,64,1,2,3,skipsum,False,prelu,0.0,max,adam,0.01,399,0.1965,0.1052,134851.0,0.0254,0.0015,0.9357,0.0439,,,,,,,,
-l_pre,nx,scalefree,node,True,node_onehot,node_pagerank,64,2,2,3,skipsum,False,prelu,0.0,max,adam,0.01,399,0.105,0.0452,134790.0,0.0351,0.0054,0.9769,0.0161,,,,,,,,
-l_pre,nx,scalefree,node,True,node_onehot,node_pagerank,64,3,2,3,skipsum,False,prelu,0.0,max,adam,0.01,399,0.0665,0.0187,134834.0,0.06,0.0042,0.9904,0.005,,,,,,,,
-l_pre,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,32,1,2,1,skipconcat,True,relu,0.6,mean,sgd,0.001,99,1.5548,0.0057,136453.0,0.0186,0.0023,0.3369,0.0087,,,,,,,,
-l_pre,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,32,1,2,1,skipsum,False,swish,0.0,add,sgd,0.001,99,1.4835,0.0214,134900.0,0.0269,0.0015,0.3905,0.0229,,,,,,,,
-l_pre,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,32,1,2,1,skipsum,True,relu,0.6,mean,adam,0.1,99,1.0927,0.0049,134625.0,0.0157,0.0014,0.5258,0.0035,,,,,,,,
-l_pre,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,32,2,2,1,skipconcat,True,relu,0.6,mean,sgd,0.001,99,1.5693,0.0021,135725.0,0.0424,0.0017,0.2982,0.0074,,,,,,,,
-l_pre,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,32,2,2,1,skipsum,False,swish,0.0,add,sgd,0.001,99,1.4663,0.0311,133957.0,0.0229,0.0053,0.3795,0.0404,,,,,,,,
-l_pre,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,32,2,2,1,skipsum,True,relu,0.6,mean,adam,0.1,99,1.1122,0.0033,134789.0,0.0154,0.0022,0.515,0.0006,,,,,,,,
-l_pre,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,32,3,2,1,skipconcat,True,relu,0.6,mean,sgd,0.001,99,1.573,0.0027,135406.0,0.0168,0.0007,0.2915,0.0086,,,,,,,,
-l_pre,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,32,3,2,1,skipsum,False,swish,0.0,add,sgd,0.001,99,1.3667,0.0287,134850.0,0.0186,0.0032,0.4465,0.0238,,,,,,,,
-l_pre,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,32,3,2,1,skipsum,True,relu,0.6,mean,adam,0.1,99,1.127,0.0046,134285.0,0.0173,0.0017,0.5097,0.0029,,,,,,,,
-l_pre,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,16,1,8,2,skipsum,True,swish,0.6,max,adam,0.1,99,0.7537,0.017,133925.0,0.0528,0.0018,0.6814,0.0106,,,,,,,,
-l_pre,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,16,2,8,2,skipsum,True,swish,0.6,max,adam,0.1,99,0.7176,0.0598,134297.0,0.0278,0.0026,0.683,0.0403,,,,,,,,
-l_pre,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,16,3,8,2,skipsum,True,swish,0.6,max,adam,0.1,99,0.7521,0.0225,135056.0,0.0421,0.0021,0.7059,0.0069,,,,,,,,
-l_pre,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,32,1,4,2,skipsum,False,prelu,0.0,add,adam,0.001,399,0.0661,0.0095,134790.0,0.0198,0.0017,0.9837,0.0023,,,,,,,,
-l_pre,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,32,1,4,2,stack,True,relu,0.6,max,sgd,0.1,99,0.6505,0.0485,134118.0,0.018,0.0016,0.7353,0.0212,,,,,,,,
-l_pre,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,32,2,4,2,skipsum,False,prelu,0.0,add,adam,0.001,399,0.0683,0.0055,134834.0,0.0153,0.0023,0.982,0.0023,,,,,,,,
-l_pre,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,32,2,4,2,stack,True,relu,0.6,max,sgd,0.1,99,0.7072,0.0139,134069.0,0.017,0.0013,0.6667,0.0174,,,,,,,,
-l_pre,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,32,3,4,2,skipsum,False,prelu,0.0,add,adam,0.001,399,0.0728,0.0083,134677.0,0.0219,0.0036,0.982,0.0023,,,,,,,,
-l_pre,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,32,3,4,2,stack,True,relu,0.6,max,sgd,0.1,99,0.7125,0.0429,133829.0,0.0196,0.0016,0.6651,0.022,,,,,,,,
-l_pre,nx,smallworld,graph,True,node_const,graph_path_len,32,1,4,3,skipconcat,True,prelu,0.0,max,adam,0.01,99,1.6052,0.0012,135648.0,0.0696,0.0011,0.219,0.0023,,,,,,,,
-l_pre,nx,smallworld,graph,True,node_const,graph_path_len,32,1,6,2,skipsum,True,prelu,0.6,max,adam,0.1,399,0.7923,0.0412,133830.0,0.0261,0.0023,0.6536,0.0061,,,,,,,,
-l_pre,nx,smallworld,graph,True,node_const,graph_path_len,32,2,4,3,skipconcat,True,prelu,0.0,max,adam,0.01,99,1.6052,0.0013,137951.0,0.0252,0.0014,0.219,0.0023,,,,,,,,
-l_pre,nx,smallworld,graph,True,node_const,graph_path_len,32,2,6,2,skipsum,True,prelu,0.6,max,adam,0.1,399,0.7963,0.0606,135430.0,0.0659,0.0013,0.6291,0.0324,,,,,,,,
-l_pre,nx,smallworld,graph,True,node_const,graph_path_len,32,3,4,3,skipconcat,True,prelu,0.0,max,adam,0.01,99,1.6052,0.0013,134418.0,0.0259,0.0014,0.219,0.0023,,,,,,,,
-l_pre,nx,smallworld,graph,True,node_const,graph_path_len,32,3,6,2,skipsum,True,prelu,0.6,max,adam,0.1,399,0.7513,0.0754,133926.0,0.0255,0.0009,0.6503,0.037,,,,,,,,
-l_pre,nx,smallworld,graph,True,node_onehot,graph_path_len,16,1,4,1,skipsum,True,relu,0.6,add,adam,0.001,399,0.4542,0.0532,134285.0,0.0391,0.0042,0.8055,0.034,,,,,,,,
-l_pre,nx,smallworld,graph,True,node_onehot,graph_path_len,16,1,4,3,skipconcat,False,prelu,0.6,mean,adam,0.001,399,0.9016,0.0526,134943.0,0.0213,0.0033,0.5719,0.022,,,,,,,,
-l_pre,nx,smallworld,graph,True,node_onehot,graph_path_len,16,2,4,1,skipsum,True,relu,0.6,add,adam,0.001,399,0.4871,0.0069,134118.0,0.0163,0.0015,0.7843,0.0243,,,,,,,,
-l_pre,nx,smallworld,graph,True,node_onehot,graph_path_len,16,2,4,3,skipconcat,False,prelu,0.6,mean,adam,0.001,399,0.8886,0.0297,137199.0,0.0224,0.0024,0.5996,0.0141,,,,,,,,
-l_pre,nx,smallworld,graph,True,node_onehot,graph_path_len,16,3,4,1,skipsum,True,relu,0.6,add,adam,0.001,399,0.5481,0.0455,134069.0,0.0193,0.0035,0.7598,0.0302,,,,,,,,
-l_pre,nx,smallworld,graph,True,node_onehot,graph_path_len,16,3,4,3,skipconcat,False,prelu,0.6,mean,adam,0.001,399,0.8818,0.0272,139455.0,0.0186,0.0016,0.5751,0.0359,,,,,,,,
-l_pre,nx,smallworld,graph,True,node_onehot,graph_path_len,32,1,2,1,skipsum,False,swish,0.3,mean,sgd,0.001,399,1.5866,0.0123,134900.0,0.013,0.0028,0.2549,0.008,,,,,,,,
-l_pre,nx,smallworld,graph,True,node_onehot,graph_path_len,32,1,4,2,skipconcat,True,prelu,0.6,mean,adam,0.1,399,0.9373,0.035,138018.0,0.0288,0.0022,0.5882,0.0243,,,,,,,,
-l_pre,nx,smallworld,graph,True,node_onehot,graph_path_len,32,2,2,1,skipsum,False,swish,0.3,mean,sgd,0.001,399,1.5224,0.0098,133957.0,0.014,0.0046,0.3595,0.0141,,,,,,,,
-l_pre,nx,smallworld,graph,True,node_onehot,graph_path_len,32,2,4,2,skipconcat,True,prelu,0.6,mean,adam,0.1,399,0.984,0.0298,137500.0,0.0267,0.0044,0.5376,0.034,,,,,,,,
-l_pre,nx,smallworld,graph,True,node_onehot,graph_path_len,32,3,2,1,skipsum,False,swish,0.3,mean,sgd,0.001,399,1.3187,0.0881,134850.0,0.034,0.0026,0.4232,0.0461,,,,,,,,
-l_pre,nx,smallworld,graph,True,node_onehot,graph_path_len,32,3,4,2,skipconcat,True,prelu,0.6,mean,adam,0.1,399,0.989,0.047,136806.0,0.0249,0.0014,0.5539,0.008,,,,,,,,
-l_pre,nx,smallworld,graph,True,node_pagerank,graph_path_len,16,1,8,1,stack,True,prelu,0.3,mean,sgd,0.01,199,0.7617,0.012,135430.0,0.02,0.0009,0.6732,0.0272,,,,,,,,
-l_pre,nx,smallworld,graph,True,node_pagerank,graph_path_len,16,2,8,1,stack,True,prelu,0.3,mean,sgd,0.01,199,0.6941,0.0638,133926.0,0.0239,0.0049,0.7043,0.0141,,,,,,,,
-l_pre,nx,smallworld,graph,True,node_pagerank,graph_path_len,16,3,8,1,stack,True,prelu,0.3,mean,sgd,0.01,199,0.6583,0.1376,134298.0,0.0698,0.0061,0.7255,0.0711,,,,,,,,
-l_pre,nx,smallworld,graph,True,node_pagerank,graph_path_len,32,1,4,3,skipconcat,False,swish,0.3,max,adam,0.001,399,0.4476,0.0217,134942.0,0.0192,0.0018,0.7974,0.0241,,,,,,,,
-l_pre,nx,smallworld,graph,True,node_pagerank,graph_path_len,32,1,8,3,stack,True,relu,0.6,max,sgd,0.01,199,0.8862,0.0238,134297.0,0.0487,0.0076,0.5849,0.0023,,,,,,,,
-l_pre,nx,smallworld,graph,True,node_pagerank,graph_path_len,32,2,4,3,skipconcat,False,swish,0.3,max,adam,0.001,399,0.4538,0.0534,137198.0,0.0234,0.0036,0.8153,0.0326,,,,,,,,
-l_pre,nx,smallworld,graph,True,node_pagerank,graph_path_len,32,2,8,3,stack,True,relu,0.6,max,sgd,0.01,199,0.9367,0.0184,135056.0,0.0251,0.0013,0.5768,0.0046,,,,,,,,
-l_pre,nx,smallworld,graph,True,node_pagerank,graph_path_len,32,3,4,3,skipconcat,False,swish,0.3,max,adam,0.001,399,0.4642,0.0173,139454.0,0.0227,0.0022,0.799,0.025,,,,,,,,
-l_pre,nx,smallworld,graph,True,node_pagerank,graph_path_len,32,3,8,3,stack,True,relu,0.6,max,sgd,0.01,199,0.9413,0.0174,134165.0,0.0212,0.0012,0.5849,0.0395,,,,,,,,
-l_pre,nx,smallworld,graph,True,node_pagerank,graph_path_len,64,1,4,2,skipsum,False,relu,0.3,max,adam,0.01,199,1.6053,0.0012,134789.0,0.0638,0.0097,0.219,0.0023,,,,,,,,
-l_pre,nx,smallworld,graph,True,node_pagerank,graph_path_len,64,1,8,1,stack,True,relu,0.6,add,sgd,0.1,399,0.7559,0.2637,135429.0,0.0634,0.0028,0.8202,0.0393,,,,,,,,
-l_pre,nx,smallworld,graph,True,node_pagerank,graph_path_len,64,2,4,2,skipsum,False,relu,0.3,max,adam,0.01,199,1.6054,0.0012,134833.0,0.0226,0.0013,0.2173,0.0023,,,,,,,,
-l_pre,nx,smallworld,graph,True,node_pagerank,graph_path_len,64,2,8,1,stack,True,relu,0.6,add,sgd,0.1,399,0.5987,0.2116,133925.0,0.0708,0.0089,0.8268,0.0234,,,,,,,,
-l_pre,nx,smallworld,graph,True,node_pagerank,graph_path_len,64,3,4,2,skipsum,False,relu,0.3,max,adam,0.01,199,1.6052,0.0012,134676.0,0.0426,0.0031,0.219,0.0023,,,,,,,,
-l_pre,nx,smallworld,graph,True,node_pagerank,graph_path_len,64,3,8,1,stack,True,relu,0.6,add,sgd,0.1,399,0.8417,0.1144,134297.0,0.0318,0.0047,0.7778,0.0266,,,,,,,,
-l_pre,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,16,1,2,3,skipsum,True,relu,0.0,mean,adam,0.1,399,1.3425,0.0086,134285.0,0.0378,0.0069,0.4257,0.0049,,,,,,,,
-l_pre,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,16,2,2,3,skipsum,True,relu,0.0,mean,adam,0.1,399,1.3517,0.0063,134118.0,0.0146,0.0015,0.4193,0.0051,,,,,,,,
-l_pre,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,16,3,2,3,skipsum,True,relu,0.0,mean,adam,0.1,399,1.3528,0.0033,134069.0,0.0137,0.0004,0.4163,0.0008,,,,,,,,
-l_pre,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,32,1,2,2,stack,False,swish,0.6,mean,adam,0.001,399,1.4961,0.0013,133957.0,0.0355,0.0016,0.3085,0.0018,,,,,,,,
-l_pre,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,32,2,2,2,stack,False,swish,0.6,mean,adam,0.001,399,1.4967,0.0004,134850.0,0.0362,0.0022,0.3076,0.0032,,,,,,,,
-l_pre,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,32,3,2,2,stack,False,swish,0.6,mean,adam,0.001,399,1.4967,0.0005,134789.0,0.0395,0.0082,0.3059,0.0043,,,,,,,,
-l_pre,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,64,1,4,1,skipconcat,True,swish,0.3,add,adam,0.001,399,0.6143,0.0095,137545.0,0.0685,0.0082,0.7526,0.0069,,,,,,,,
-l_pre,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,64,2,4,1,skipconcat,True,swish,0.3,add,adam,0.001,399,0.6207,0.0097,135928.0,0.0277,0.0007,0.7507,0.0054,,,,,,,,
-l_pre,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,64,3,4,1,skipconcat,True,swish,0.3,add,adam,0.001,399,0.6099,0.0088,137555.0,0.034,0.0074,0.7557,0.0072,,,,,,,,
-l_pre,nx,smallworld,node,True,node_const,node_clustering_coefficient,32,1,8,3,skipsum,False,prelu,0.6,mean,sgd,0.001,399,1.6092,0.0008,135361.0,0.0203,0.0009,0.2233,0.001,,,,,,,,
-l_pre,nx,smallworld,node,True,node_const,node_clustering_coefficient,32,2,8,3,skipsum,False,prelu,0.6,mean,sgd,0.001,399,1.6087,0.0005,133749.0,0.0757,0.0088,0.2262,0.0003,,,,,,,,
-l_pre,nx,smallworld,node,True,node_const,node_clustering_coefficient,32,3,8,3,skipsum,False,prelu,0.6,mean,sgd,0.001,399,1.6092,0.0007,135351.0,0.0259,0.0069,0.2243,0.0012,,,,,,,,
-l_pre,nx,smallworld,node,True,node_const,node_pagerank,64,1,8,1,skipconcat,True,relu,0.3,add,adam,0.001,199,0.743,0.0099,138475.0,0.0432,0.0053,0.7499,0.0043,,,,,,,,
-l_pre,nx,smallworld,node,True,node_const,node_pagerank,64,2,8,1,skipconcat,True,relu,0.3,add,adam,0.001,199,0.6978,0.008,137765.0,0.04,0.0055,0.763,0.0008,,,,,,,,
-l_pre,nx,smallworld,node,True,node_const,node_pagerank,64,3,8,1,skipconcat,True,relu,0.3,add,adam,0.001,199,0.6922,0.014,136885.0,0.0384,0.0048,0.7666,0.0058,,,,,,,,
-l_pre,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,16,1,2,1,skipsum,False,swish,0.6,max,adam,0.1,99,1.601,0.0023,134900.0,0.0131,0.0003,0.2426,0.0041,,,,,,,,
-l_pre,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,16,1,4,3,skipsum,True,prelu,0.6,mean,adam,0.01,399,1.2671,0.0106,134070.0,0.0172,0.0006,0.4529,0.0025,,,,,,,,
-l_pre,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,16,2,2,1,skipsum,False,swish,0.6,max,adam,0.1,99,1.5974,0.004,133957.0,0.0133,0.0005,0.2507,0.0069,,,,,,,,
-l_pre,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,16,2,4,3,skipsum,True,prelu,0.6,mean,adam,0.01,399,1.3107,0.0056,133830.0,0.0192,0.0009,0.422,0.0036,,,,,,,,
-l_pre,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,16,3,2,1,skipsum,False,swish,0.6,max,adam,0.1,99,1.5955,0.0027,134850.0,0.0379,0.0,0.2527,0.0047,,,,,,,,
-l_pre,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,16,3,4,3,skipsum,True,prelu,0.6,mean,adam,0.01,399,1.351,0.0135,135430.0,0.0205,0.0024,0.4031,0.0093,,,,,,,,
-l_pre,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,32,1,8,3,skipsum,True,prelu,0.3,mean,adam,0.001,399,0.9997,0.0023,134298.0,0.0276,0.0019,0.5579,0.0003,,,,,,,,
-l_pre,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,32,2,8,3,skipsum,True,prelu,0.3,mean,adam,0.001,399,1.0362,0.0094,135057.0,0.0419,0.0062,0.5439,0.0054,,,,,,,,
-l_pre,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,32,3,8,3,skipsum,True,prelu,0.3,mean,adam,0.001,399,1.072,0.007,134166.0,0.0837,0.0016,0.529,0.0033,,,,,,,,
-l_pre,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,64,1,6,1,stack,True,relu,0.0,mean,adam,0.01,99,0.8913,0.0142,134069.0,0.0284,0.0034,0.6303,0.0075,,,,,,,,
-l_pre,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,64,2,6,1,stack,True,relu,0.0,mean,adam,0.01,99,0.8709,0.0042,133829.0,0.0348,0.003,0.6433,0.0025,,,,,,,,
-l_pre,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,64,3,6,1,stack,True,relu,0.0,mean,adam,0.01,99,0.8433,0.0138,135429.0,0.0566,0.0033,0.6538,0.0069,,,,,,,,
-l_pre,nx,smallworld,node,True,node_onehot,node_pagerank,16,1,6,1,skipsum,True,relu,0.6,add,adam,0.01,199,0.5403,0.0064,134069.0,0.0203,0.0041,0.7842,0.0038,,,,,,,,
-l_pre,nx,smallworld,node,True,node_onehot,node_pagerank,16,1,8,2,stack,False,relu,0.3,max,sgd,0.1,99,1.5156,0.0062,134920.0,0.0361,0.0005,0.3182,0.0048,,,,,,,,
-l_pre,nx,smallworld,node,True,node_onehot,node_pagerank,16,2,6,1,skipsum,True,relu,0.6,add,adam,0.01,199,0.5432,0.007,133829.0,0.039,0.0029,0.7835,0.0027,,,,,,,,
-l_pre,nx,smallworld,node,True,node_onehot,node_pagerank,16,2,8,2,stack,False,relu,0.3,max,sgd,0.1,99,1.5205,0.0047,135360.0,0.0355,0.0021,0.315,0.0043,,,,,,,,
-l_pre,nx,smallworld,node,True,node_onehot,node_pagerank,16,3,6,1,skipsum,True,relu,0.6,add,adam,0.01,199,0.5661,0.0077,135429.0,0.0249,0.0029,0.7714,0.0043,,,,,,,,
-l_pre,nx,smallworld,node,True,node_onehot,node_pagerank,16,3,8,2,stack,False,relu,0.3,max,sgd,0.1,99,1.528,0.0033,133748.0,0.0191,0.0004,0.3098,0.0017,,,,,,,,
-l_pre,nx,smallworld,node,True,node_onehot,node_pagerank,32,1,2,1,stack,False,prelu,0.6,mean,sgd,0.1,199,1.5825,0.0012,134901.0,0.0479,0.0047,0.25,0.0027,,,,,,,,
-l_pre,nx,smallworld,node,True,node_onehot,node_pagerank,32,1,6,1,skipsum,False,prelu,0.3,mean,adam,0.01,399,1.5917,0.0233,134834.0,0.0198,0.0058,0.2358,0.0371,,,,,,,,
-l_pre,nx,smallworld,node,True,node_onehot,node_pagerank,32,2,2,1,stack,False,prelu,0.6,mean,sgd,0.1,199,1.5778,0.0034,133958.0,0.0162,0.0023,0.2711,0.0056,,,,,,,,
-l_pre,nx,smallworld,node,True,node_onehot,node_pagerank,32,2,6,1,skipsum,False,prelu,0.3,mean,adam,0.01,399,1.6094,0.0,134677.0,0.0263,0.0015,0.2024,0.0006,,,,,,,,
-l_pre,nx,smallworld,node,True,node_onehot,node_pagerank,32,3,2,1,stack,False,prelu,0.6,mean,sgd,0.1,199,1.5782,0.0029,134851.0,0.0158,0.0021,0.275,0.0037,,,,,,,,
-l_pre,nx,smallworld,node,True,node_onehot,node_pagerank,32,3,6,1,skipsum,False,prelu,0.3,mean,adam,0.01,399,1.6094,0.0,134278.0,0.0242,0.0072,0.2023,0.0008,,,,,,,,
-l_pre,nx,smallworld,node,True,node_onehot,node_pagerank,64,1,4,1,skipsum,True,swish,0.3,mean,adam,0.01,199,1.3738,0.0175,134285.0,0.0314,0.0058,0.4263,0.0092,,,,,,,,
-l_pre,nx,smallworld,node,True,node_onehot,node_pagerank,64,1,4,1,stack,True,prelu,0.0,max,adam,0.001,199,0.6918,0.0101,134286.0,0.0775,0.004,0.7759,0.0061,,,,,,,,
-l_pre,nx,smallworld,node,True,node_onehot,node_pagerank,64,1,8,2,skipsum,True,swish,0.0,mean,sgd,0.1,399,0.038,0.0012,133925.0,0.0385,0.0087,0.9976,0.0003,,,,,,,,
-l_pre,nx,smallworld,node,True,node_onehot,node_pagerank,64,2,4,1,skipsum,True,swish,0.3,mean,adam,0.01,199,1.3836,0.0098,134118.0,0.0566,0.0003,0.4178,0.0069,,,,,,,,
-l_pre,nx,smallworld,node,True,node_onehot,node_pagerank,64,2,4,1,stack,True,prelu,0.0,max,adam,0.001,199,0.7037,0.0162,134119.0,0.0448,0.0012,0.7709,0.0063,,,,,,,,
-l_pre,nx,smallworld,node,True,node_onehot,node_pagerank,64,2,8,2,skipsum,True,swish,0.0,mean,sgd,0.1,399,0.0219,0.0024,134297.0,0.0411,0.0101,0.9995,0.0002,,,,,,,,
-l_pre,nx,smallworld,node,True,node_onehot,node_pagerank,64,3,4,1,skipsum,True,swish,0.3,mean,adam,0.01,199,1.4069,0.0077,134069.0,0.0616,0.0021,0.4072,0.0056,,,,,,,,
-l_pre,nx,smallworld,node,True,node_onehot,node_pagerank,64,3,4,1,stack,True,prelu,0.0,max,adam,0.001,199,0.7231,0.0134,134070.0,0.072,0.0052,0.7605,0.0044,,,,,,,,
-l_pre,nx,smallworld,node,True,node_onehot,node_pagerank,64,3,8,2,skipsum,True,swish,0.0,mean,sgd,0.1,399,0.0178,0.002,135056.0,0.0406,0.0074,0.9998,0.0001,,,,,,,,
-l_pre,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,16,1,8,2,skipconcat,False,relu,0.3,max,adam,0.1,199,1.6048,0.0003,137773.0,0.0248,0.0029,0.233,0.0015,,,,,,,,
-l_pre,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,16,2,8,2,skipconcat,False,relu,0.3,max,adam,0.1,199,1.6048,0.0003,138963.0,0.023,0.0031,0.233,0.0015,,,,,,,,
-l_pre,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,16,3,8,2,skipconcat,False,relu,0.3,max,adam,0.1,199,1.6048,0.0003,140153.0,0.0217,0.0006,0.233,0.0015,,,,,,,,
-l_pre,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,32,1,6,2,skipsum,False,swish,0.0,max,adam,0.1,399,1.6048,0.0003,134676.0,0.0477,0.0022,0.233,0.0015,,,,,,,,
-l_pre,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,32,2,6,2,skipsum,False,swish,0.0,max,adam,0.1,399,1.6048,0.0003,134277.0,0.0307,0.0098,0.233,0.0015,,,,,,,,
-l_pre,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,32,3,6,2,skipsum,False,swish,0.0,max,adam,0.1,399,1.6048,0.0003,134920.0,0.0446,0.0066,0.233,0.0015,,,,,,,,
-l_pre,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,64,1,2,1,skipsum,False,prelu,0.0,add,adam,0.1,199,1.4939,0.0797,134901.0,0.0253,0.0012,0.3406,0.0428,,,,,,,,
-l_pre,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,64,1,4,2,skipconcat,False,swish,0.3,add,sgd,0.01,99,1.5702,0.0066,137397.0,0.0345,0.001,0.2924,0.0113,,,,,,,,
-l_pre,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,64,1,6,3,skipconcat,False,prelu,0.3,mean,adam,0.1,99,1.6048,0.0003,139848.0,0.0314,0.0051,0.233,0.0015,,,,,,,,
-l_pre,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,64,2,2,1,skipsum,False,prelu,0.0,add,adam,0.1,199,1.5602,0.0035,133958.0,0.0281,0.0083,0.2973,0.0061,,,,,,,,
-l_pre,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,64,2,4,2,skipconcat,False,swish,0.3,add,sgd,0.01,99,1.579,0.0066,136828.0,0.0486,0.0036,0.2878,0.0048,,,,,,,,
-l_pre,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,64,2,6,3,skipconcat,False,prelu,0.3,mean,adam,0.1,99,1.6048,0.0003,141038.0,0.0404,0.009,0.233,0.0015,,,,,,,,
-l_pre,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,64,3,2,1,skipsum,False,prelu,0.0,add,adam,0.1,199,1.5573,0.0069,134851.0,0.0757,0.0077,0.2878,0.0065,,,,,,,,
-l_pre,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,64,3,4,2,skipconcat,False,swish,0.3,add,sgd,0.01,99,1.5805,0.0077,136085.0,0.0582,0.0033,0.2834,0.0093,,,,,,,,
-l_pre,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,64,3,6,3,skipconcat,False,prelu,0.3,mean,adam,0.1,99,1.6048,0.0003,134052.0,0.033,0.0045,0.233,0.0015,,,,,,,,
-lr,PyG,AmazonComputers,node,True,,,32,2,6,2,stack,True,relu,0.0,mean,sgd,0.001,99,0.5135,0.0279,232842.0,0.2707,0.0309,0.8664,0.008,,,,,,,,
-lr,PyG,AmazonComputers,node,True,,,32,2,6,2,stack,True,relu,0.0,mean,sgd,0.01,99,0.3086,0.0119,232842.0,0.1763,0.0282,0.9056,0.0038,,,,,,,,
-lr,PyG,AmazonComputers,node,True,,,32,2,6,2,stack,True,relu,0.0,mean,sgd,0.1,99,0.2655,0.0131,232842.0,0.1424,0.0165,0.9172,0.0043,,,,,,,,
-lr,PyG,AmazonComputers,node,True,,,64,1,4,1,stack,False,prelu,0.0,mean,sgd,0.001,99,1.9736,0.015,274831.0,0.1261,0.0071,0.3766,0.0019,,,,,,,,
-lr,PyG,AmazonComputers,node,True,,,64,1,4,1,stack,False,prelu,0.0,mean,sgd,0.01,99,1.9006,0.006,274831.0,0.1363,0.0023,0.3766,0.0019,,,,,,,,
-lr,PyG,AmazonComputers,node,True,,,64,1,4,1,stack,False,prelu,0.0,mean,sgd,0.1,99,1.8674,0.0016,274831.0,0.1897,0.0105,0.3766,0.0019,,,,,,,,
-lr,PyG,AmazonComputers,node,True,,,64,2,2,2,skipsum,False,swish,0.0,max,sgd,0.001,399,1.9197,0.0101,274830.0,0.1499,0.0302,0.3766,0.0019,,,,,,,,
-lr,PyG,AmazonComputers,node,True,,,64,2,2,2,skipsum,False,swish,0.0,max,sgd,0.01,399,1.5186,0.1023,274830.0,0.1628,0.0376,0.4811,0.0724,,,,,,,,
-lr,PyG,AmazonComputers,node,True,,,64,2,2,2,skipsum,False,swish,0.0,max,sgd,0.1,399,0.1922,0.0303,274830.0,0.1516,0.0364,0.9568,0.0067,,,,,,,,
-lr,PyG,AmazonComputers,node,True,,,64,2,8,2,skipconcat,False,prelu,0.6,mean,sgd,0.001,399,1.9359,0.0021,166203.0,0.1902,0.0148,0.3765,0.0017,,,,,,,,
-lr,PyG,AmazonComputers,node,True,,,64,2,8,2,skipconcat,False,prelu,0.6,mean,sgd,0.01,399,1.1966,0.2493,166203.0,0.1411,0.0295,0.6203,0.0834,,,,,,,,
-lr,PyG,AmazonComputers,node,True,,,64,2,8,2,skipconcat,False,prelu,0.6,mean,sgd,0.1,399,1.0949,0.5566,166203.0,0.1558,0.0527,0.6387,0.1933,,,,,,,,
-lr,PyG,AmazonPhoto,node,True,,,32,1,6,2,skipsum,False,swish,0.6,add,sgd,0.001,99,2.0316,0.0055,238334.0,0.0439,0.0018,0.212,0.0151,,,,,,,,
-lr,PyG,AmazonPhoto,node,True,,,32,1,6,2,skipsum,False,swish,0.6,add,sgd,0.01,99,1.9288,0.0066,238334.0,0.0879,0.0172,0.2705,0.0053,,,,,,,,
-lr,PyG,AmazonPhoto,node,True,,,32,1,6,2,skipsum,False,swish,0.6,add,sgd,0.1,99,1.4675,0.0439,238334.0,0.0979,0.0128,0.5014,0.0477,,,,,,,,
-lr,PyG,AmazonPhoto,node,True,,,32,1,8,1,skipsum,False,prelu,0.6,mean,adam,0.001,199,0.7411,0.0137,231435.0,0.0727,0.0166,0.8934,0.0041,,,,,,,,
-lr,PyG,AmazonPhoto,node,True,,,32,1,8,1,skipsum,False,prelu,0.6,mean,adam,0.01,199,1.7421,0.2572,231435.0,0.1371,0.0282,0.3623,0.1509,,,,,,,,
-lr,PyG,AmazonPhoto,node,True,,,32,1,8,1,skipsum,False,prelu,0.6,mean,adam,0.1,199,1.8598,0.089,231435.0,0.0755,0.0226,0.3173,0.0817,,,,,,,,
-lr,PyG,AmazonPhoto,node,True,,,64,2,2,2,skipsum,True,swish,0.3,max,sgd,0.001,399,1.0813,0.029,269155.0,0.0534,0.0012,0.6513,0.0119,,,,,,,,
-lr,PyG,AmazonPhoto,node,True,,,64,2,2,2,skipsum,True,swish,0.3,max,sgd,0.01,399,0.2899,0.0033,269155.0,0.1133,0.0285,0.9105,0.001,,,,,,,,
-lr,PyG,AmazonPhoto,node,True,,,64,2,2,2,skipsum,True,swish,0.3,max,sgd,0.1,399,0.0714,0.0027,269155.0,0.074,0.0117,0.9773,0.0017,,,,,,,,
-lr,PyG,CiteSeer,node,True,,,16,2,6,2,stack,True,prelu,0.3,mean,sgd,0.001,399,1.2274,0.0251,608135.0,0.0999,0.0042,0.6104,0.0087,,,,,,,,
-lr,PyG,CiteSeer,node,True,,,16,2,6,2,stack,True,prelu,0.3,mean,sgd,0.01,399,0.6044,0.0297,608135.0,0.1406,0.0088,0.7978,0.0103,,,,,,,,
-lr,PyG,CiteSeer,node,True,,,16,2,6,2,stack,True,prelu,0.3,mean,sgd,0.1,399,0.28,0.0082,608135.0,0.1398,0.0069,0.8894,0.0031,,,,,,,,
-lr,PyG,CiteSeer,node,True,,,32,1,4,3,skipsum,False,prelu,0.6,mean,sgd,0.001,199,1.8096,0.0039,686897.0,0.1517,0.0316,0.1933,0.0053,,,,,,,,
-lr,PyG,CiteSeer,node,True,,,32,1,4,3,skipsum,False,prelu,0.6,mean,sgd,0.01,199,1.7501,0.0072,686897.0,0.1055,0.0112,0.2262,0.0106,,,,,,,,
-lr,PyG,CiteSeer,node,True,,,32,1,4,3,skipsum,False,prelu,0.6,mean,sgd,0.1,199,0.5829,0.0412,686897.0,0.0945,0.0127,0.8092,0.0112,,,,,,,,
-lr,PyG,CoauthorCS,node,True,,,16,2,4,2,stack,True,relu,0.3,add,adam,0.001,99,0.655,0.0156,1142871.0,0.8422,0.0435,0.8224,0.0034,,,,,,,,
-lr,PyG,CoauthorCS,node,True,,,16,2,4,2,stack,True,relu,0.3,add,adam,0.01,99,0.4788,0.0116,1142871.0,1.1523,0.0931,0.8664,0.0027,,,,,,,,
-lr,PyG,CoauthorCS,node,True,,,16,2,4,2,stack,True,relu,0.3,add,adam,0.1,99,0.9568,0.0689,1142871.0,1.2103,0.0394,0.6948,0.0373,,,,,,,,
-lr,PyG,CoauthorCS,node,True,,,16,2,4,3,skipsum,True,relu,0.0,mean,adam,0.001,399,0.0025,0.0001,1067930.0,1.1428,0.0945,1.0,0.0,,,,,,,,
-lr,PyG,CoauthorCS,node,True,,,16,2,4,3,skipsum,True,relu,0.0,mean,adam,0.01,399,0.0018,0.0003,1067930.0,0.9372,0.0779,1.0,0.0,,,,,,,,
-lr,PyG,CoauthorCS,node,True,,,16,2,4,3,skipsum,True,relu,0.0,mean,adam,0.1,399,0.0024,0.0011,1067930.0,1.0705,0.0385,1.0,0.0,,,,,,,,
-lr,PyG,CoauthorCS,node,True,,,16,2,8,3,skipconcat,False,prelu,0.6,mean,sgd,0.001,99,2.6653,0.0281,315708.0,1.0563,0.1736,0.1219,0.0239,,,,,,,,
-lr,PyG,CoauthorCS,node,True,,,16,2,8,3,skipconcat,False,prelu,0.6,mean,sgd,0.01,99,2.3732,0.0635,315708.0,0.9198,0.0432,0.2444,0.0234,,,,,,,,
-lr,PyG,CoauthorCS,node,True,,,16,2,8,3,skipconcat,False,prelu,0.6,mean,sgd,0.1,99,0.7446,0.064,315708.0,0.9666,0.0727,0.7785,0.0174,,,,,,,,
-lr,PyG,CoauthorCS,node,True,,,32,2,8,3,skipsum,False,relu,0.0,max,sgd,0.001,199,2.5042,0.0364,884635.0,1.1337,0.2715,0.2249,0.0003,,,,,,,,
-lr,PyG,CoauthorCS,node,True,,,32,2,8,3,skipsum,False,relu,0.0,max,sgd,0.01,199,1.914,0.2826,884635.0,0.9024,0.036,0.376,0.1235,,,,,,,,
-lr,PyG,CoauthorCS,node,True,,,32,2,8,3,skipsum,False,relu,0.0,max,sgd,0.1,199,2.0841,0.4469,884635.0,0.8796,0.0416,0.3133,0.1247,,,,,,,,
-lr,PyG,CoauthorCS,node,True,,,32,3,8,1,skipsum,True,relu,0.3,mean,sgd,0.001,199,2.5341,0.0131,919095.0,0.9064,0.0308,0.3342,0.0413,,,,,,,,
-lr,PyG,CoauthorCS,node,True,,,32,3,8,1,skipsum,True,relu,0.3,mean,sgd,0.01,199,1.8912,0.0156,919095.0,0.8826,0.0533,0.5383,0.0372,,,,,,,,
-lr,PyG,CoauthorCS,node,True,,,32,3,8,1,skipsum,True,relu,0.3,mean,sgd,0.1,199,0.8017,0.0062,919095.0,0.9395,0.1326,0.8484,0.0076,,,,,,,,
-lr,PyG,CoauthorCS,node,True,,,64,1,6,2,stack,True,prelu,0.0,add,adam,0.001,399,0.2775,0.0149,1067931.0,1.0455,0.2152,0.9173,0.0051,,,,,,,,
-lr,PyG,CoauthorCS,node,True,,,64,1,6,2,stack,True,prelu,0.0,add,adam,0.01,399,0.1269,0.0371,1067931.0,0.9304,0.0674,0.9638,0.0125,,,,,,,,
-lr,PyG,CoauthorCS,node,True,,,64,1,6,2,stack,True,prelu,0.0,add,adam,0.1,399,0.2323,0.0734,1067931.0,0.9009,0.0609,0.9351,0.0217,,,,,,,,
-lr,PyG,CoauthorCS,node,True,,,64,2,2,1,skipconcat,True,relu,0.3,mean,adam,0.001,99,1.3853,0.0007,1372357.0,0.8636,0.0279,0.9367,0.0016,,,,,,,,
-lr,PyG,CoauthorCS,node,True,,,64,2,2,1,skipconcat,True,relu,0.3,mean,adam,0.01,99,0.1264,0.0014,1372357.0,0.8889,0.0682,0.9992,0.0002,,,,,,,,
-lr,PyG,CoauthorCS,node,True,,,64,2,2,1,skipconcat,True,relu,0.3,mean,adam,0.1,99,0.0683,0.0011,1372357.0,0.9408,0.1098,0.9991,0.0003,,,,,,,,
-lr,PyG,CoauthorPhysics,node,True,,,32,3,2,3,stack,False,swish,0.0,max,adam,0.001,99,0.0426,0.0011,1388834.0,2.0908,0.1272,0.9912,0.0008,,,,,,,,
-lr,PyG,CoauthorPhysics,node,True,,,32,3,2,3,stack,False,swish,0.0,max,adam,0.01,99,0.0389,0.0007,1388834.0,1.6034,0.0254,0.989,0.0005,,,,,,,,
-lr,PyG,CoauthorPhysics,node,True,,,32,3,2,3,stack,False,swish,0.0,max,adam,0.1,99,1.3044,0.0774,1388834.0,1.6387,0.0242,0.5217,0.023,,,,,,,,
-lr,PyG,Cora,node,True,,,64,3,8,2,stack,True,swish,0.3,max,sgd,0.001,399,1.8758,0.0204,290274.0,0.0276,0.0013,0.3221,0.0085,,,,,,,,
-lr,PyG,Cora,node,True,,,64,3,8,2,stack,True,swish,0.3,max,sgd,0.01,399,1.2074,0.0779,290274.0,0.0485,0.0081,0.5632,0.036,,,,,,,,
-lr,PyG,Cora,node,True,,,64,3,8,2,stack,True,swish,0.3,max,sgd,0.1,399,0.5197,0.0244,290274.0,0.0537,0.0118,0.8334,0.011,,,,,,,,
-lr,PyG,TU_BZR,graph,False,,,16,1,2,1,skipsum,True,swish,0.0,mean,sgd,0.001,199,0.3324,0.0219,146433.0,0.0247,0.001,0.856,0.0105,0.7888,0.0199,0.4606,0.0308,0.5811,0.0272,0.8888,0.0145
-lr,PyG,TU_BZR,graph,False,,,16,1,2,1,skipsum,True,swish,0.0,mean,sgd,0.01,199,0.2509,0.019,146433.0,0.0099,0.0026,0.894,0.0081,0.8706,0.0209,0.6022,0.0118,0.7118,0.0132,0.9378,0.0096
-lr,PyG,TU_BZR,graph,False,,,16,1,2,1,skipsum,True,swish,0.0,mean,sgd,0.1,199,0.2293,0.0059,146433.0,0.008,0.0002,0.9074,0.0025,0.8765,0.0181,0.6679,0.0121,0.7579,0.0057,0.9478,0.0029
-lr,PyG,TU_BZR,graph,False,,,16,1,6,2,skipsum,False,swish,0.6,mean,adam,0.001,99,0.5131,0.0143,141865.0,0.0326,0.001,0.785,0.0038,0.6667,0.4714,0.0187,0.0132,0.0363,0.0257,0.6031,0.0276
-lr,PyG,TU_BZR,graph,False,,,16,1,6,2,skipsum,False,swish,0.6,mean,adam,0.01,99,0.5168,0.0065,141865.0,0.0158,0.0025,0.7829,0.0063,0.0,0.0,0.0,0.0,0.0,0.0,0.576,0.0079
-lr,PyG,TU_BZR,graph,False,,,16,1,6,2,skipsum,False,swish,0.6,mean,adam,0.1,99,0.522,0.0087,141865.0,0.0136,0.0002,0.7829,0.0063,0.0,0.0,0.0,0.0,0.0,0.0,0.5585,0.0277
-lr,PyG,TU_BZR,graph,False,,,16,3,8,3,stack,False,relu,0.6,mean,sgd,0.001,399,0.5222,0.0074,139336.0,0.0178,0.0032,0.7829,0.0063,0.0,0.0,0.0,0.0,0.0,0.0,0.5397,0.0099
-lr,PyG,TU_BZR,graph,False,,,16,3,8,3,stack,False,relu,0.6,mean,sgd,0.01,399,0.5234,0.0076,139336.0,0.0336,0.001,0.7829,0.0063,0.0,0.0,0.0,0.0,0.0,0.0,0.4847,0.0676
-lr,PyG,TU_BZR,graph,False,,,32,3,4,2,skipsum,True,relu,0.3,add,sgd,0.001,99,0.5331,0.0318,140974.0,0.0172,0.0021,0.7829,0.0191,0.5078,0.068,0.209,0.0189,0.2954,0.0278,0.6262,0.0402
-lr,PyG,TU_BZR,graph,False,,,32,3,4,2,skipsum,True,relu,0.3,add,sgd,0.01,99,0.4069,0.0139,140974.0,0.0142,0.0016,0.8303,0.0206,0.7332,0.088,0.3467,0.0347,0.4707,0.0499,0.8028,0.0065
-lr,PyG,TU_BZR,graph,False,,,32,3,4,2,skipsum,True,relu,0.3,add,sgd,0.1,99,0.3091,0.0349,140974.0,0.0174,0.0019,0.8776,0.0204,0.817,0.0658,0.5651,0.0477,0.6674,0.0511,0.8981,0.0228
-lr,PyG,TU_BZR,graph,False,,,64,1,8,2,stack,False,swish,0.0,mean,sgd,0.001,199,0.5006,0.0094,139514.0,0.0178,0.0028,0.7829,0.0063,0.0,0.0,0.0,0.0,0.0,0.0,0.6156,0.0122
-lr,PyG,TU_BZR,graph,False,,,64,1,8,2,stack,False,swish,0.0,mean,sgd,0.01,199,0.4898,0.0081,139514.0,0.0216,0.0009,0.7973,0.0053,0.869,0.1024,0.0806,0.007,0.1471,0.0103,0.6196,0.0094
-lr,PyG,TU_BZR,graph,False,,,64,1,8,2,stack,False,swish,0.0,mean,sgd,0.1,199,0.5036,0.0128,139514.0,0.0173,0.0013,0.7881,0.0058,0.6667,0.4714,0.0235,0.0173,0.0453,0.0333,0.6169,0.0117
-lr,PyG,TU_COX2,graph,False,,,16,1,2,1,skipconcat,True,prelu,0.6,mean,sgd,0.001,99,0.5023,0.0018,140241.0,0.0098,0.0008,0.7855,0.0076,0.75,0.3536,0.0206,0.0116,0.0399,0.0223,0.6442,0.0174
-lr,PyG,TU_COX2,graph,False,,,16,1,2,1,skipconcat,True,prelu,0.6,mean,sgd,0.01,99,0.4811,0.013,140241.0,0.0109,0.0004,0.8016,0.0038,0.9444,0.0786,0.0904,0.0375,0.162,0.0632,0.6866,0.0371
-lr,PyG,TU_COX2,graph,False,,,16,1,2,1,skipconcat,True,prelu,0.6,mean,sgd,0.1,99,0.4758,0.0082,140241.0,0.0092,0.0007,0.7918,0.0128,0.5424,0.0745,0.1899,0.0578,0.2799,0.0726,0.7183,0.0023
-lr,PyG,TU_DD,graph,False,,,16,1,2,1,skipsum,True,swish,0.3,mean,sgd,0.001,399,0.1977,0.017,155649.0,0.0165,0.0029,0.9229,0.013,0.9042,0.0144,0.9074,0.0183,0.9058,0.0162,0.9764,0.0038
-lr,PyG,TU_DD,graph,False,,,16,1,2,1,skipsum,True,swish,0.3,mean,sgd,0.01,399,0.0429,0.0096,155649.0,0.0143,0.0015,0.9869,0.0036,0.9819,0.0022,0.9862,0.0085,0.984,0.0045,0.9991,0.0008
-lr,PyG,TU_DD,graph,False,,,16,1,2,1,skipsum,True,swish,0.3,mean,sgd,0.1,399,0.4696,0.0141,155649.0,0.0161,0.0007,0.7895,0.0078,0.7269,0.012,0.7777,0.0033,0.7514,0.0079,0.8626,0.0078
-lr,PyG,TU_DD,graph,False,,,16,2,8,2,stack,True,relu,0.6,add,sgd,0.001,99,0.5317,0.0007,145131.0,0.0225,0.0005,0.7544,0.0013,0.7261,0.0029,0.6419,0.0039,0.6814,0.0012,0.8004,0.0038
-lr,PyG,TU_DD,graph,False,,,16,2,8,2,stack,True,relu,0.6,add,sgd,0.01,99,0.4725,0.0067,145131.0,0.0494,0.0053,0.7781,0.0023,0.7491,0.0108,0.6886,0.0108,0.7174,0.0037,0.8504,0.0051
-lr,PyG,TU_DD,graph,False,,,16,2,8,2,stack,True,relu,0.6,add,sgd,0.1,99,0.4737,0.0058,145131.0,0.0232,0.0008,0.7895,0.0055,0.7617,0.0137,0.7067,0.0038,0.7331,0.0048,0.8516,0.0061
-lr,PyG,TU_ENZYMES,graph,False,,,32,1,8,3,skipsum,True,swish,0.3,add,adam,0.001,199,0.9323,0.0182,135821.0,0.0207,0.0003,0.6478,0.0134,,,,,,,,
-lr,PyG,TU_ENZYMES,graph,False,,,32,1,8,3,skipsum,True,swish,0.3,add,adam,0.01,199,0.4668,0.0178,135821.0,0.047,0.0011,0.8232,0.0079,,,,,,,,
-lr,PyG,TU_ENZYMES,graph,False,,,32,1,8,3,skipsum,True,swish,0.3,add,adam,0.1,199,1.4153,0.0155,135821.0,0.0304,0.0052,0.434,0.009,,,,,,,,
-lr,PyG,TU_ENZYMES,graph,False,,,64,2,4,2,skipsum,False,relu,0.0,max,adam,0.001,199,1.1951,0.0168,135596.0,0.0243,0.0038,0.5549,0.0043,,,,,,,,
-lr,PyG,TU_ENZYMES,graph,False,,,64,2,4,2,skipsum,False,relu,0.0,max,adam,0.01,199,1.577,0.1845,135596.0,0.0294,0.0015,0.3466,0.0979,,,,,,,,
-lr,PyG,TU_ENZYMES,graph,False,,,64,2,4,2,skipsum,False,relu,0.0,max,adam,0.1,199,1.7907,0.0005,135596.0,0.0164,0.0009,0.1775,0.0043,,,,,,,,
-lr,PyG,TU_ENZYMES,graph,False,,,64,2,8,3,stack,False,swish,0.6,mean,sgd,0.001,99,1.7995,0.0025,135416.0,0.0451,0.0031,0.1705,0.0232,,,,,,,,
-lr,PyG,TU_ENZYMES,graph,False,,,64,2,8,3,stack,False,swish,0.6,mean,sgd,0.01,99,1.7803,0.0028,135416.0,0.0227,0.0016,0.2055,0.0085,,,,,,,,
-lr,PyG,TU_ENZYMES,graph,False,,,64,2,8,3,stack,False,swish,0.6,mean,sgd,0.1,99,1.7862,0.0071,135416.0,0.0222,0.0002,0.1747,0.0224,,,,,,,,
-lr,PyG,TU_IMDB,graph,False,,,32,1,8,2,stack,False,prelu,0.0,add,sgd,0.001,199,1.0964,0.0003,133467.0,0.0157,0.0005,0.35,0.0103,,,,,,,,
-lr,PyG,TU_IMDB,graph,False,,,32,1,8,2,stack,False,prelu,0.0,add,sgd,0.01,199,1.0964,0.0003,133467.0,0.0153,0.0014,0.3584,0.0031,,,,,,,,
-lr,PyG,TU_IMDB,graph,False,,,32,1,8,2,stack,False,prelu,0.0,add,sgd,0.1,199,,,133467.0,0.0631,0.0102,0.3342,0.0049,,,,,,,,
-lr,PyG,TU_IMDB,graph,False,,,32,2,8,1,stack,False,relu,0.6,add,sgd,0.001,99,1.09,0.0022,133466.0,0.0144,0.0002,0.3766,0.0031,,,,,,,,
-lr,PyG,TU_IMDB,graph,False,,,32,2,8,1,stack,False,relu,0.6,add,sgd,0.01,99,1.0824,0.0014,133466.0,0.0146,0.0001,0.3928,0.0045,,,,,,,,
-lr,PyG,TU_IMDB,graph,False,,,32,2,8,1,stack,False,relu,0.6,add,sgd,0.1,99,1.093,0.0002,133466.0,0.0178,0.0012,0.3692,0.0045,,,,,,,,
-lr,PyG,TU_IMDB,graph,False,,,64,3,8,2,stack,False,relu,0.0,mean,sgd,0.001,399,1.0964,0.0003,134863.0,0.02,0.0021,0.3522,0.0072,,,,,,,,
-lr,PyG,TU_IMDB,graph,False,,,64,3,8,2,stack,False,relu,0.0,mean,sgd,0.01,399,1.0964,0.0003,134863.0,0.0213,0.0016,0.35,0.0103,,,,,,,,
-lr,PyG,TU_IMDB,graph,False,,,64,3,8,2,stack,False,relu,0.0,mean,sgd,0.1,399,1.0984,0.0001,134863.0,0.0206,0.0009,0.3397,0.0008,,,,,,,,
-lr,PyG,TU_PROTEINS,graph,False,,,16,3,2,3,skipconcat,True,prelu,0.0,add,adam,0.001,199,0.38,0.0131,134978.0,0.0143,0.0007,0.8171,0.0076,0.7791,0.0068,0.7501,0.0146,0.7642,0.0102,0.9049,0.0065
-lr,PyG,TU_PROTEINS,graph,False,,,16,3,2,3,skipconcat,True,prelu,0.0,add,adam,0.01,199,0.4694,0.0135,134978.0,0.0174,0.0007,0.781,0.0127,0.7472,0.0147,0.6743,0.0221,0.7088,0.0187,0.8472,0.0102
-lr,PyG,TU_PROTEINS,graph,False,,,16,3,2,3,skipconcat,True,prelu,0.0,add,adam,0.1,199,0.5059,0.0124,134978.0,0.0149,0.0004,0.7557,0.0089,0.7171,0.0207,0.6331,0.0082,0.6722,0.0048,0.8184,0.0105
-lr,PyG,TU_PROTEINS,graph,False,,,16,3,4,3,stack,False,prelu,0.0,add,sgd,0.001,99,0.5051,0.006,134807.0,0.0511,0.0027,0.7792,0.0056,0.7218,0.0049,0.7183,0.0151,0.72,0.01,0.8294,0.0053
-lr,PyG,TU_PROTEINS,graph,False,,,64,1,4,3,stack,True,swish,0.3,max,adam,0.001,99,0.5123,0.0126,134089.0,0.0262,0.001,0.7538,0.0121,0.7049,0.0214,0.6504,0.0164,0.6764,0.0142,0.8158,0.0076
-lr,PyG,TU_PROTEINS,graph,False,,,64,1,4,3,stack,True,swish,0.3,max,adam,0.01,99,0.4926,0.009,134089.0,0.0352,0.0013,0.7663,0.0051,0.727,0.0092,0.6552,0.0072,0.6892,0.0053,0.8302,0.0063
-lr,PyG,TU_PROTEINS,graph,False,,,64,1,4,3,stack,True,swish,0.3,max,adam,0.1,99,0.5102,0.0053,134089.0,0.0372,0.0022,0.7561,0.0068,0.7207,0.0089,0.6254,0.0175,0.6696,0.0132,0.8151,0.0007
-lr,nx,scalefree,graph,True,node_const,graph_path_len,64,1,4,1,stack,True,prelu,0.3,mean,adam,0.001,399,0.6069,0.0329,134286.0,0.0257,0.0024,0.7059,0.0183,,,,,,,,
-lr,nx,scalefree,graph,True,node_const,graph_path_len,64,1,4,1,stack,True,prelu,0.3,mean,adam,0.01,399,0.5093,0.0139,134286.0,0.0259,0.0023,0.7663,0.0101,,,,,,,,
-lr,nx,scalefree,graph,True,node_const,graph_path_len,64,1,4,1,stack,True,prelu,0.3,mean,adam,0.1,399,0.56,0.0345,134286.0,0.0363,0.0127,0.7337,0.0205,,,,,,,,
-lr,nx,scalefree,graph,True,node_const,graph_path_len,64,3,4,2,skipsum,True,relu,0.6,max,adam,0.001,199,0.897,0.0675,133829.0,0.0258,0.0024,0.5915,0.026,,,,,,,,
-lr,nx,scalefree,graph,True,node_const,graph_path_len,64,3,4,2,skipsum,True,relu,0.6,max,adam,0.01,199,0.6059,0.0169,133829.0,0.0306,0.0056,0.719,0.0129,,,,,,,,
-lr,nx,scalefree,graph,True,node_const,graph_path_len,64,3,4,2,skipsum,True,relu,0.6,max,adam,0.1,199,0.7149,0.0206,133829.0,0.0477,0.0042,0.6569,0.0069,,,,,,,,
-lr,nx,scalefree,graph,True,node_onehot,graph_path_len,16,1,4,3,skipconcat,True,swish,0.0,max,adam,0.001,399,0.0012,0.0004,135647.0,0.02,0.0025,1.0,0.0,,,,,,,,
-lr,nx,scalefree,graph,True,node_onehot,graph_path_len,16,1,4,3,skipconcat,True,swish,0.0,max,adam,0.01,399,0.0017,0.0,135647.0,0.0187,0.0006,1.0,0.0,,,,,,,,
-lr,nx,scalefree,graph,True,node_onehot,graph_path_len,16,1,4,3,skipconcat,True,swish,0.0,max,adam,0.1,399,0.042,0.0244,135647.0,0.0186,0.0015,0.9902,0.008,,,,,,,,
-lr,nx,scalefree,graph,True,node_onehot,graph_path_len,16,2,2,3,skipsum,True,relu,0.0,add,adam,0.001,99,0.0437,0.0206,134118.0,0.0177,0.0023,0.9935,0.0092,,,,,,,,
-lr,nx,scalefree,graph,True,node_onehot,graph_path_len,16,2,2,3,skipsum,True,relu,0.0,add,adam,0.01,99,0.0757,0.0228,134118.0,0.014,0.0019,0.9804,0.004,,,,,,,,
-lr,nx,scalefree,graph,True,node_onehot,graph_path_len,16,2,2,3,skipsum,True,relu,0.0,add,adam,0.1,99,0.5193,0.0288,134118.0,0.0151,0.0036,0.7859,0.0266,,,,,,,,
-lr,nx,scalefree,graph,True,node_onehot,graph_path_len,32,1,2,1,skipconcat,True,prelu,0.0,max,sgd,0.001,199,0.0498,0.0024,136454.0,0.018,0.0007,1.0,0.0,,,,,,,,
-lr,nx,scalefree,graph,True,node_onehot,graph_path_len,32,1,2,1,skipconcat,True,prelu,0.0,max,sgd,0.01,199,0.0206,0.0037,136454.0,0.0188,0.0026,1.0,0.0,,,,,,,,
-lr,nx,scalefree,graph,True,node_onehot,graph_path_len,32,1,2,1,skipconcat,True,prelu,0.0,max,sgd,0.1,199,0.4859,0.4225,136454.0,0.0131,0.0015,0.8824,0.0813,,,,,,,,
-lr,nx,scalefree,graph,True,node_onehot,graph_path_len,64,1,6,2,skipconcat,True,relu,0.3,max,sgd,0.001,199,0.8284,0.062,138781.0,0.0258,0.0075,0.6226,0.025,,,,,,,,
-lr,nx,scalefree,graph,True,node_onehot,graph_path_len,64,1,6,2,skipconcat,True,relu,0.3,max,sgd,0.01,199,0.5129,0.033,138781.0,0.0529,0.0013,0.7827,0.0083,,,,,,,,
-lr,nx,scalefree,graph,True,node_onehot,graph_path_len,64,1,6,2,skipconcat,True,relu,0.3,max,sgd,0.1,199,0.3846,0.0239,138781.0,0.0261,0.0006,0.8398,0.0129,,,,,,,,
-lr,nx,scalefree,graph,True,node_pagerank,graph_path_len,16,2,6,2,stack,False,swish,0.0,max,sgd,0.001,399,1.6037,0.005,134277.0,0.0355,0.0031,0.2157,0.0069,,,,,,,,
-lr,nx,scalefree,graph,True,node_pagerank,graph_path_len,16,2,6,2,stack,False,swish,0.0,max,sgd,0.01,399,1.6073,0.0013,134277.0,0.0147,0.0007,0.2157,0.0069,,,,,,,,
-lr,nx,scalefree,graph,True,node_pagerank,graph_path_len,16,2,6,2,stack,False,swish,0.0,max,sgd,0.1,399,1.6073,0.0013,134277.0,0.0318,0.0008,0.2157,0.0069,,,,,,,,
-lr,nx,scalefree,graph,True,node_pagerank,graph_path_len,64,1,2,3,skipsum,False,swish,0.0,max,adam,0.001,99,0.7562,0.089,134850.0,0.0437,0.0108,0.7141,0.0303,,,,,,,,
-lr,nx,scalefree,graph,True,node_pagerank,graph_path_len,64,1,2,3,skipsum,False,swish,0.0,max,adam,0.01,99,1.3556,0.1619,134850.0,0.0214,0.0057,0.3856,0.0769,,,,,,,,
-lr,nx,scalefree,graph,True,node_pagerank,graph_path_len,64,1,2,3,skipsum,False,swish,0.0,max,adam,0.1,99,1.6076,0.0013,134850.0,0.0389,0.0033,0.2157,0.0069,,,,,,,,
-lr,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,16,1,6,3,stack,True,swish,0.3,add,sgd,0.001,399,0.6329,0.0116,135429.0,0.0154,0.0008,0.7279,0.0059,,,,,,,,
-lr,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,16,1,6,3,stack,True,swish,0.3,add,sgd,0.01,399,0.3692,0.0097,135429.0,0.0148,0.0001,0.8444,0.0046,,,,,,,,
-lr,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,16,1,6,3,stack,True,swish,0.3,add,sgd,0.1,399,0.2036,0.0056,135429.0,0.0226,0.0046,0.9158,0.003,,,,,,,,
-lr,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,16,2,8,2,skipconcat,False,relu,0.0,add,sgd,0.001,399,1.5006,0.0061,138963.0,0.0496,0.0031,0.3255,0.0024,,,,,,,,
-lr,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,16,2,8,2,skipconcat,False,relu,0.0,add,sgd,0.01,399,0.2294,0.0345,138963.0,0.0142,0.0009,0.9368,0.0089,,,,,,,,
-lr,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,16,2,8,2,skipconcat,False,relu,0.0,add,sgd,0.1,399,1.0694,0.4946,138963.0,0.018,0.0007,0.536,0.2312,,,,,,,,
-lr,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,32,2,6,1,skipconcat,False,swish,0.6,max,adam,0.001,99,0.7886,0.0042,138065.0,0.0235,0.0045,0.7012,0.0057,,,,,,,,
-lr,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,32,2,6,1,skipconcat,False,swish,0.6,max,adam,0.01,99,0.673,0.0023,138065.0,0.0204,0.0023,0.7333,0.0012,,,,,,,,
-lr,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,32,2,6,1,skipconcat,False,swish,0.6,max,adam,0.1,99,1.0557,0.046,138065.0,0.0489,0.0005,0.5597,0.019,,,,,,,,
-lr,nx,scalefree,node,True,node_const,node_clustering_coefficient,16,1,8,2,skipsum,False,prelu,0.3,max,sgd,0.001,99,1.5504,0.0058,134921.0,0.0165,0.0006,0.309,0.0105,,,,,,,,
-lr,nx,scalefree,node,True,node_const,node_clustering_coefficient,16,1,8,2,skipsum,False,prelu,0.3,max,sgd,0.01,99,1.1304,0.0185,134921.0,0.0582,0.0029,0.4855,0.0042,,,,,,,,
-lr,nx,scalefree,node,True,node_const,node_clustering_coefficient,16,1,8,2,skipsum,False,prelu,0.3,max,sgd,0.1,99,1.02,0.0051,134921.0,0.0245,0.0029,0.5333,0.004,,,,,,,,
-lr,nx,scalefree,node,True,node_const,node_clustering_coefficient,16,2,6,2,stack,True,relu,0.6,add,adam,0.001,399,1.0509,0.0102,135429.0,0.0195,0.0025,0.5182,0.0039,,,,,,,,
-lr,nx,scalefree,node,True,node_const,node_clustering_coefficient,16,2,6,2,stack,True,relu,0.6,add,adam,0.01,399,1.0087,0.013,135429.0,0.0225,0.0007,0.5331,0.0041,,,,,,,,
-lr,nx,scalefree,node,True,node_const,node_clustering_coefficient,16,2,6,2,stack,True,relu,0.6,add,adam,0.1,399,1.2542,0.0182,135429.0,0.0198,0.0023,0.4482,0.0082,,,,,,,,
-lr,nx,scalefree,node,True,node_const,node_clustering_coefficient,32,2,2,1,skipsum,False,prelu,0.3,mean,adam,0.001,199,1.3675,0.0069,133958.0,0.015,0.0014,0.4198,0.0044,,,,,,,,
-lr,nx,scalefree,node,True,node_const,node_clustering_coefficient,32,2,2,1,skipsum,False,prelu,0.3,mean,adam,0.01,199,1.4849,0.0768,133958.0,0.0436,0.0026,0.3409,0.0576,,,,,,,,
-lr,nx,scalefree,node,True,node_const,node_clustering_coefficient,32,2,2,1,skipsum,False,prelu,0.3,mean,adam,0.1,199,1.4751,0.0412,133958.0,0.0169,0.0018,0.3533,0.0305,,,,,,,,
-lr,nx,scalefree,node,True,node_const,node_clustering_coefficient,32,2,4,1,skipconcat,True,prelu,0.6,mean,adam,0.001,199,1.2599,0.0079,135929.0,0.0198,0.001,0.4626,0.0052,,,,,,,,
-lr,nx,scalefree,node,True,node_const,node_clustering_coefficient,32,2,4,1,skipconcat,True,prelu,0.6,mean,adam,0.01,199,1.2365,0.0026,135929.0,0.0217,0.0032,0.4733,0.0019,,,,,,,,
-lr,nx,scalefree,node,True,node_const,node_clustering_coefficient,32,2,4,1,skipconcat,True,prelu,0.6,mean,adam,0.1,199,1.2927,0.005,135929.0,0.0204,0.0007,0.4422,0.0005,,,,,,,,
-lr,nx,scalefree,node,True,node_const,node_clustering_coefficient,64,1,2,1,skipconcat,True,swish,0.3,mean,sgd,0.001,99,1.5888,0.0031,136453.0,0.0305,0.0088,0.2603,0.0019,,,,,,,,
-lr,nx,scalefree,node,True,node_const,node_clustering_coefficient,64,1,2,1,skipconcat,True,swish,0.3,mean,sgd,0.01,99,1.5376,0.0036,136453.0,0.0322,0.01,0.3162,0.0073,,,,,,,,
-lr,nx,scalefree,node,True,node_const,node_clustering_coefficient,64,1,2,1,skipconcat,True,swish,0.3,mean,sgd,0.1,99,1.4196,0.0018,136453.0,0.0255,0.0035,0.4004,0.0029,,,,,,,,
-lr,nx,scalefree,node,True,node_const,node_clustering_coefficient,64,1,4,3,stack,True,swish,0.3,max,sgd,0.001,399,1.4852,0.0071,134069.0,0.0335,0.0073,0.3567,0.0054,,,,,,,,
-lr,nx,scalefree,node,True,node_const,node_clustering_coefficient,64,1,4,3,stack,True,swish,0.3,max,sgd,0.01,399,1.1726,0.0013,134069.0,0.03,0.0019,0.4736,0.0002,,,,,,,,
-lr,nx,scalefree,node,True,node_const,node_clustering_coefficient,64,1,4,3,stack,True,swish,0.3,max,sgd,0.1,399,1.0313,0.0007,134069.0,0.0304,0.0045,0.5256,0.0033,,,,,,,,
-lr,nx,scalefree,node,True,node_const,node_pagerank,16,1,8,2,skipsum,False,prelu,0.0,max,sgd,0.001,199,1.6094,0.0,134921.0,0.0222,0.0009,0.203,0.0007,,,,,,,,
-lr,nx,scalefree,node,True,node_const,node_pagerank,16,1,8,2,skipsum,False,prelu,0.0,max,sgd,0.01,199,1.6094,0.0,134921.0,0.0185,0.0048,0.203,0.0007,,,,,,,,
-lr,nx,scalefree,node,True,node_const,node_pagerank,16,1,8,2,skipsum,False,prelu,0.0,max,sgd,0.1,199,1.6094,0.0,134921.0,0.0219,0.0024,0.203,0.0007,,,,,,,,
-lr,nx,scalefree,node,True,node_const,node_pagerank,64,1,8,3,skipconcat,False,relu,0.0,mean,sgd,0.001,99,1.6094,0.0,136011.0,0.0312,0.0052,0.2028,0.0009,,,,,,,,
-lr,nx,scalefree,node,True,node_const,node_pagerank,64,1,8,3,skipconcat,False,relu,0.0,mean,sgd,0.01,99,1.6094,0.0,136011.0,0.0341,0.0012,0.203,0.0007,,,,,,,,
-lr,nx,scalefree,node,True,node_const,node_pagerank,64,1,8,3,skipconcat,False,relu,0.0,mean,sgd,0.1,99,1.6094,0.0,136011.0,0.09,0.0119,0.203,0.0007,,,,,,,,
-lr,nx,scalefree,node,True,node_const,node_pagerank,64,2,8,2,skipsum,True,relu,0.6,add,adam,0.001,199,0.3977,0.0135,134297.0,0.0379,0.0024,0.8403,0.0056,,,,,,,,
-lr,nx,scalefree,node,True,node_const,node_pagerank,64,2,8,2,skipsum,True,relu,0.6,add,adam,0.01,199,0.1782,0.0044,134297.0,0.0621,0.0018,0.9313,0.0027,,,,,,,,
-lr,nx,scalefree,node,True,node_const,node_pagerank,64,2,8,2,skipsum,True,relu,0.6,add,adam,0.1,199,0.2508,0.005,134297.0,0.0415,0.0054,0.9046,0.0026,,,,,,,,
-lr,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,16,1,4,1,stack,True,prelu,0.0,max,adam,0.001,399,0.1507,0.0038,134286.0,0.0515,0.0057,0.9757,0.0013,,,,,,,,
-lr,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,16,1,4,1,stack,True,prelu,0.0,max,adam,0.01,399,0.2854,0.0154,134286.0,0.0212,0.0026,0.9268,0.0072,,,,,,,,
-lr,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,16,1,4,1,stack,True,prelu,0.0,max,adam,0.1,399,1.0373,0.0157,134286.0,0.0508,0.0023,0.5502,0.0011,,,,,,,,
-lr,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,32,1,8,2,skipsum,False,prelu,0.6,add,adam,0.001,199,1.3314,0.0145,134921.0,0.0275,0.003,0.4242,0.01,,,,,,,,
-lr,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,32,1,8,2,skipsum,False,prelu,0.6,add,adam,0.01,199,1.2868,0.0563,134921.0,0.0217,0.0017,0.4365,0.02,,,,,,,,
-lr,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,32,1,8,2,skipsum,False,prelu,0.6,add,adam,0.1,199,1.4335,0.0103,134921.0,0.0755,0.0044,0.3606,0.013,,,,,,,,
-lr,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,32,3,8,3,skipsum,True,relu,0.0,mean,adam,0.001,199,0.0767,0.0065,134165.0,0.0259,0.0028,0.9887,0.0013,,,,,,,,
-lr,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,32,3,8,3,skipsum,True,relu,0.0,mean,adam,0.01,199,0.0029,0.0004,134165.0,0.0258,0.0031,1.0,0.0,,,,,,,,
-lr,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,32,3,8,3,skipsum,True,relu,0.0,mean,adam,0.1,199,0.7087,0.0262,134165.0,0.0516,0.0043,0.6997,0.0123,,,,,,,,
-lr,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,64,1,8,3,skipsum,False,swish,0.0,max,adam,0.001,199,0.506,0.0234,135360.0,0.0293,0.005,0.7962,0.0136,,,,,,,,
-lr,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,64,1,8,3,skipsum,False,swish,0.0,max,adam,0.01,199,0.5611,0.7175,135360.0,0.0454,0.0043,0.7503,0.3409,,,,,,,,
-lr,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,64,1,8,3,skipsum,False,swish,0.0,max,adam,0.1,199,1.5029,0.1027,135360.0,0.054,0.0027,0.3106,0.059,,,,,,,,
-lr,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,64,2,6,1,stack,False,relu,0.0,mean,adam,0.001,199,1.4129,0.017,134676.0,0.0296,0.0046,0.367,0.0144,,,,,,,,
-lr,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,64,2,6,1,stack,False,relu,0.0,mean,adam,0.01,199,1.5759,0.0006,134676.0,0.0312,0.0076,0.269,0.0005,,,,,,,,
-lr,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,64,2,6,1,stack,False,relu,0.0,mean,adam,0.1,199,1.5759,0.0006,134676.0,0.0249,0.0031,0.269,0.0005,,,,,,,,
-lr,nx,scalefree,node,True,node_onehot,node_pagerank,16,1,4,2,skipconcat,True,swish,0.3,add,adam,0.001,99,0.3107,0.0013,138017.0,0.0142,0.0005,0.8687,0.0021,,,,,,,,
-lr,nx,scalefree,node,True,node_onehot,node_pagerank,16,1,4,2,skipconcat,True,swish,0.3,add,adam,0.01,99,0.2319,0.0025,138017.0,0.0489,0.006,0.9036,0.0003,,,,,,,,
-lr,nx,scalefree,node,True,node_onehot,node_pagerank,16,1,4,2,skipconcat,True,swish,0.3,add,adam,0.1,99,0.2785,0.0013,138017.0,0.0133,0.0004,0.8861,0.0024,,,,,,,,
-lr,nx,scalefree,node,True,node_onehot,node_pagerank,32,1,4,1,skipconcat,False,swish,0.0,max,sgd,0.001,399,1.5614,0.0177,136970.0,0.0137,0.0006,0.429,0.0265,,,,,,,,
-lr,nx,scalefree,node,True,node_onehot,node_pagerank,32,1,4,1,skipconcat,False,swish,0.0,max,sgd,0.01,399,0.8877,0.0038,136970.0,0.0153,0.0024,0.6535,0.0015,,,,,,,,
-lr,nx,scalefree,node,True,node_onehot,node_pagerank,32,1,4,1,skipconcat,False,swish,0.0,max,sgd,0.1,399,0.4747,0.0023,136970.0,0.0505,0.002,0.8555,0.0025,,,,,,,,
-lr,nx,scalefree,node,True,node_onehot,node_pagerank,32,3,2,1,skipsum,False,relu,0.6,mean,sgd,0.001,99,1.6109,0.0022,134850.0,0.0183,0.0021,0.2122,0.0068,,,,,,,,
-lr,nx,scalefree,node,True,node_onehot,node_pagerank,32,3,2,1,skipsum,False,relu,0.6,mean,sgd,0.01,99,1.593,0.0027,134850.0,0.0126,0.0012,0.255,0.0044,,,,,,,,
-lr,nx,scalefree,node,True,node_onehot,node_pagerank,32,3,2,1,skipsum,False,relu,0.6,mean,sgd,0.1,99,1.476,0.0112,134850.0,0.012,0.0008,0.3767,0.0055,,,,,,,,
-lr,nx,scalefree,node,True,node_onehot,node_pagerank,64,3,8,1,skipconcat,True,relu,0.3,add,sgd,0.001,199,1.5665,0.0036,136885.0,0.0906,0.0044,0.3397,0.0053,,,,,,,,
-lr,nx,scalefree,node,True,node_onehot,node_pagerank,64,3,8,1,skipconcat,True,relu,0.3,add,sgd,0.01,199,1.3157,0.0085,136885.0,0.0456,0.0073,0.4961,0.0087,,,,,,,,
-lr,nx,scalefree,node,True,node_onehot,node_pagerank,64,3,8,1,skipconcat,True,relu,0.3,add,sgd,0.1,199,0.621,0.0032,136885.0,0.0867,0.0064,0.8166,0.0027,,,,,,,,
-lr,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,32,2,6,3,stack,True,relu,0.6,add,adam,0.001,199,1.1447,0.0034,133925.0,0.025,0.0031,0.4822,0.0045,,,,,,,,
-lr,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,32,2,6,3,stack,True,relu,0.6,add,adam,0.01,199,1.004,0.0057,133925.0,0.0201,0.0006,0.5358,0.003,,,,,,,,
-lr,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,32,2,6,3,stack,True,relu,0.6,add,adam,0.1,199,1.1656,0.0027,133925.0,0.0215,0.0006,0.4839,0.0042,,,,,,,,
-lr,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,16,2,4,1,stack,True,swish,0.3,mean,sgd,0.001,399,0.5331,0.1187,134118.0,0.016,0.0015,0.781,0.034,,,,,,,,
-lr,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,16,2,4,1,stack,True,swish,0.3,mean,sgd,0.01,399,0.7031,0.0804,134118.0,0.0143,0.0011,0.7173,0.0306,,,,,,,,
-lr,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,16,2,4,1,stack,True,swish,0.3,mean,sgd,0.1,399,1.1531,0.1846,134118.0,0.015,0.0003,0.5147,0.0661,,,,,,,,
-lr,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,16,3,6,1,skipconcat,False,prelu,0.6,max,sgd,0.001,399,0.3534,0.0472,137034.0,0.0743,0.0058,0.8431,0.0183,,,,,,,,
-lr,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,16,3,6,1,skipconcat,False,prelu,0.6,max,sgd,0.01,399,0.2569,0.0329,137034.0,0.0152,0.0004,0.8873,0.0328,,,,,,,,
-lr,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,16,3,6,1,skipconcat,False,prelu,0.6,max,sgd,0.1,399,1.0492,0.0182,137034.0,0.0645,0.0052,0.5621,0.0311,,,,,,,,
-lr,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,32,1,6,2,stack,False,relu,0.0,mean,sgd,0.001,199,1.6049,0.0013,134676.0,0.0157,0.0031,0.219,0.0023,,,,,,,,
-lr,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,32,1,6,2,stack,False,relu,0.0,mean,sgd,0.01,199,1.6052,0.0012,134676.0,0.0167,0.0044,0.219,0.0023,,,,,,,,
-lr,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,32,1,6,2,stack,False,relu,0.0,mean,sgd,0.1,199,1.6052,0.0012,134676.0,0.0153,0.0029,0.219,0.0023,,,,,,,,
-lr,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,32,2,6,3,stack,False,swish,0.0,max,adam,0.001,399,0.0048,0.0005,134920.0,0.0217,0.0031,1.0,0.0,,,,,,,,
-lr,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,32,2,6,3,stack,False,swish,0.0,max,adam,0.01,399,1.6052,0.0013,134920.0,0.0214,0.0021,0.219,0.0023,,,,,,,,
-lr,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,32,2,6,3,stack,False,swish,0.0,max,adam,0.1,399,1.6052,0.0013,134920.0,0.024,0.0022,0.219,0.0023,,,,,,,,
-lr,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,1,2,1,skipsum,True,prelu,0.0,add,sgd,0.001,199,0.3632,0.0667,134626.0,0.0211,0.0005,0.8955,0.0061,,,,,,,,
-lr,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,1,2,1,skipsum,True,prelu,0.0,add,sgd,0.01,199,0.5866,0.1644,134626.0,0.032,0.0026,0.8906,0.0061,,,,,,,,
-lr,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,1,2,1,skipsum,True,prelu,0.0,add,sgd,0.1,199,5.1805,1.9553,134626.0,0.0281,0.0046,0.8513,0.0273,,,,,,,,
-lr,nx,smallworld,graph,True,node_const,graph_path_len,16,2,8,3,skipsum,True,swish,0.0,max,adam,0.001,199,1.6052,0.0012,135056.0,0.0212,0.0012,0.219,0.0023,,,,,,,,
-lr,nx,smallworld,graph,True,node_const,graph_path_len,16,2,8,3,skipsum,True,swish,0.0,max,adam,0.01,199,1.6052,0.0012,135056.0,0.0538,0.0045,0.219,0.0023,,,,,,,,
-lr,nx,smallworld,graph,True,node_const,graph_path_len,16,2,8,3,skipsum,True,swish,0.0,max,adam,0.1,199,1.6052,0.0012,135056.0,0.0239,0.0016,0.219,0.0023,,,,,,,,
-lr,nx,smallworld,graph,True,node_const,graph_path_len,16,3,6,3,skipsum,False,prelu,0.0,add,sgd,0.001,399,0.8201,0.0334,135361.0,0.0167,0.0007,0.6078,0.0144,,,,,,,,
-lr,nx,smallworld,graph,True,node_const,graph_path_len,16,3,6,3,skipsum,False,prelu,0.0,add,sgd,0.01,399,,,135361.0,0.0151,0.0024,0.1912,0.0212,,,,,,,,
-lr,nx,smallworld,graph,True,node_const,graph_path_len,16,3,6,3,skipsum,False,prelu,0.0,add,sgd,0.1,399,,,135361.0,0.013,0.001,0.1912,0.0212,,,,,,,,
-lr,nx,smallworld,graph,True,node_const,graph_path_len,64,2,8,2,stack,False,relu,0.3,max,adam,0.001,399,0.8564,0.0056,135360.0,0.0264,0.0005,0.5719,0.0083,,,,,,,,
-lr,nx,smallworld,graph,True,node_const,graph_path_len,64,2,8,2,stack,False,relu,0.3,max,adam,0.01,399,1.443,0.2283,135360.0,0.0288,0.0072,0.3121,0.1294,,,,,,,,
-lr,nx,smallworld,graph,True,node_const,graph_path_len,64,2,8,2,stack,False,relu,0.3,max,adam,0.1,399,1.6053,0.0012,135360.0,0.027,0.0052,0.2157,0.0,,,,,,,,
-lr,nx,smallworld,graph,True,node_onehot,graph_path_len,16,3,4,2,stack,False,swish,0.3,add,sgd,0.001,99,1.499,0.0919,134676.0,0.0121,0.0003,0.335,0.0984,,,,,,,,
-lr,nx,smallworld,graph,True,node_onehot,graph_path_len,16,3,4,2,stack,False,swish,0.3,add,sgd,0.01,99,1.6051,0.0012,134676.0,0.0152,0.0011,0.219,0.0023,,,,,,,,
-lr,nx,smallworld,graph,True,node_onehot,graph_path_len,16,3,4,2,stack,False,swish,0.3,add,sgd,0.1,99,1.6052,0.0012,134676.0,0.0126,0.0017,0.219,0.0023,,,,,,,,
-lr,nx,smallworld,graph,True,node_onehot,graph_path_len,16,3,8,1,stack,True,swish,0.6,add,sgd,0.001,99,1.0817,0.0352,134297.0,0.0174,0.0004,0.5082,0.0201,,,,,,,,
-lr,nx,smallworld,graph,True,node_onehot,graph_path_len,16,3,8,1,stack,True,swish,0.6,add,sgd,0.01,99,1.0658,0.0678,134297.0,0.0406,0.0033,0.4951,0.0289,,,,,,,,
-lr,nx,smallworld,graph,True,node_onehot,graph_path_len,16,3,8,1,stack,True,swish,0.6,add,sgd,0.1,99,1.491,0.018,134297.0,0.0385,0.0012,0.5212,0.0359,,,,,,,,
-lr,nx,smallworld,graph,True,node_onehot,graph_path_len,64,1,2,1,stack,False,swish,0.3,add,adam,0.001,99,0.9502,0.0541,134900.0,0.0162,0.0021,0.5457,0.0323,,,,,,,,
-lr,nx,smallworld,graph,True,node_onehot,graph_path_len,64,1,2,1,stack,False,swish,0.3,add,adam,0.01,99,1.4556,0.1128,134900.0,0.015,0.0007,0.3676,0.0659,,,,,,,,
-lr,nx,smallworld,graph,True,node_onehot,graph_path_len,64,1,2,1,stack,False,swish,0.3,add,adam,0.1,99,1.6424,0.0225,134900.0,0.0156,0.0004,0.1879,0.0092,,,,,,,,
-lr,nx,smallworld,graph,True,node_pagerank,graph_path_len,16,2,6,3,skipsum,False,swish,0.0,add,sgd,0.001,399,0.4858,0.268,134920.0,0.0385,0.0047,0.7925,0.1377,,,,,,,,
-lr,nx,smallworld,graph,True,node_pagerank,graph_path_len,16,2,6,3,skipsum,False,swish,0.0,add,sgd,0.01,399,1.5984,0.0042,134920.0,0.0157,0.0019,0.2696,0.0356,,,,,,,,
-lr,nx,smallworld,graph,True,node_pagerank,graph_path_len,16,2,6,3,skipsum,False,swish,0.0,add,sgd,0.1,399,,,134920.0,0.0131,0.0017,0.1912,0.0212,,,,,,,,
-lr,nx,smallworld,graph,True,node_pagerank,graph_path_len,64,1,6,1,skipconcat,False,relu,0.0,max,adam,0.001,199,0.7167,0.0568,138645.0,0.0594,0.0102,0.732,0.042,,,,,,,,
-lr,nx,smallworld,graph,True,node_pagerank,graph_path_len,64,1,6,1,skipconcat,False,relu,0.0,max,adam,0.01,199,1.2611,0.4794,138645.0,0.023,0.0004,0.4118,0.2534,,,,,,,,
-lr,nx,smallworld,graph,True,node_pagerank,graph_path_len,64,1,6,1,skipconcat,False,relu,0.0,max,adam,0.1,199,1.6056,0.0012,138645.0,0.0219,0.0018,0.2173,0.0046,,,,,,,,
-lr,nx,smallworld,graph,True,node_pagerank,graph_path_len,64,1,6,2,skipconcat,False,relu,0.3,mean,adam,0.001,99,0.7997,0.0137,138165.0,0.0618,0.0025,0.6438,0.0092,,,,,,,,
-lr,nx,smallworld,graph,True,node_pagerank,graph_path_len,64,1,6,2,skipconcat,False,relu,0.3,mean,adam,0.01,99,1.6053,0.0012,138165.0,0.0215,0.0027,0.219,0.0023,,,,,,,,
-lr,nx,smallworld,graph,True,node_pagerank,graph_path_len,64,1,6,2,skipconcat,False,relu,0.3,mean,adam,0.1,99,1.6055,0.0011,138165.0,0.0228,0.0025,0.2173,0.0023,,,,,,,,
-lr,nx,smallworld,graph,True,node_pagerank,graph_path_len,64,2,2,1,skipsum,False,prelu,0.0,max,adam,0.001,399,0.3216,0.0943,133958.0,0.0185,0.001,0.9134,0.0363,,,,,,,,
-lr,nx,smallworld,graph,True,node_pagerank,graph_path_len,64,2,2,1,skipsum,False,prelu,0.0,max,adam,0.01,399,0.7424,0.611,133958.0,0.0514,0.0062,0.6683,0.3168,,,,,,,,
-lr,nx,smallworld,graph,True,node_pagerank,graph_path_len,64,2,2,1,skipsum,False,prelu,0.0,max,adam,0.1,399,1.6055,0.0014,133958.0,0.0494,0.0046,0.2173,0.0046,,,,,,,,
-lr,nx,smallworld,graph,True,node_pagerank,graph_path_len,64,2,6,3,stack,False,relu,0.6,max,sgd,0.001,99,1.6095,0.0011,134920.0,0.0398,0.0032,0.2173,0.0046,,,,,,,,
-lr,nx,smallworld,graph,True,node_pagerank,graph_path_len,64,2,6,3,stack,False,relu,0.6,max,sgd,0.01,99,1.6056,0.0015,134920.0,0.0228,0.0023,0.2092,0.0101,,,,,,,,
-lr,nx,smallworld,graph,True,node_pagerank,graph_path_len,64,2,6,3,stack,False,relu,0.6,max,sgd,0.1,99,1.6054,0.0012,134920.0,0.0228,0.0015,0.219,0.0023,,,,,,,,
-lr,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,32,1,2,1,stack,False,swish,0.3,mean,sgd,0.001,199,1.5207,0.003,134900.0,0.015,0.0016,0.3034,0.0023,,,,,,,,
-lr,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,32,1,2,1,stack,False,swish,0.3,mean,sgd,0.01,199,1.502,0.0011,134900.0,0.0152,0.0032,0.3085,0.0016,,,,,,,,
-lr,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,32,1,2,1,stack,False,swish,0.3,mean,sgd,0.1,199,1.4953,0.0011,134900.0,0.0216,0.0006,0.3084,0.0009,,,,,,,,
-lr,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,64,1,2,2,skipsum,False,swish,0.0,add,sgd,0.001,399,1.5217,0.0038,133957.0,0.0405,0.0034,0.3152,0.0061,,,,,,,,
-lr,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,64,1,2,2,skipsum,False,swish,0.0,add,sgd,0.01,399,1.2216,0.0162,133957.0,0.0342,0.0123,0.5365,0.0128,,,,,,,,
-lr,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,64,1,2,2,skipsum,False,swish,0.0,add,sgd,0.1,399,0.7591,0.0487,133957.0,0.0205,0.0021,0.744,0.0191,,,,,,,,
-lr,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,64,3,4,3,stack,False,relu,0.6,add,adam,0.001,199,1.503,0.0005,134277.0,0.0294,0.0058,0.3048,0.0033,,,,,,,,
-lr,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,64,3,4,3,stack,False,relu,0.6,add,adam,0.01,199,1.6094,0.0,134277.0,0.0257,0.0025,0.2025,0.0005,,,,,,,,
-lr,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,64,3,4,3,stack,False,relu,0.6,add,adam,0.1,199,1.6094,0.0,134277.0,0.023,0.0006,0.2025,0.0005,,,,,,,,
-lr,nx,smallworld,node,True,node_const,node_clustering_coefficient,16,3,8,2,skipconcat,False,prelu,0.0,max,adam,0.001,399,1.6048,0.0003,140154.0,0.0907,0.0079,0.233,0.0015,,,,,,,,
-lr,nx,smallworld,node,True,node_const,node_clustering_coefficient,16,3,8,2,skipconcat,False,prelu,0.0,max,adam,0.01,399,1.6048,0.0003,140154.0,0.0199,0.0023,0.233,0.0015,,,,,,,,
-lr,nx,smallworld,node,True,node_const,node_clustering_coefficient,16,3,8,2,skipconcat,False,prelu,0.0,max,adam,0.1,399,1.6048,0.0003,140154.0,0.0866,0.0062,0.233,0.0015,,,,,,,,
-lr,nx,smallworld,node,True,node_const,node_pagerank,32,1,2,2,stack,False,swish,0.0,mean,adam,0.001,99,1.6094,0.0,133957.0,0.0379,0.0023,0.2025,0.0005,,,,,,,,
-lr,nx,smallworld,node,True,node_const,node_pagerank,32,1,2,2,stack,False,swish,0.0,mean,adam,0.01,99,1.6094,0.0,133957.0,0.0123,0.0007,0.2025,0.0005,,,,,,,,
-lr,nx,smallworld,node,True,node_const,node_pagerank,32,1,2,2,stack,False,swish,0.0,mean,adam,0.1,99,1.6094,0.0,133957.0,0.0157,0.0024,0.2025,0.0005,,,,,,,,
-lr,nx,smallworld,node,True,node_const,node_pagerank,64,2,8,1,skipconcat,True,relu,0.6,max,sgd,0.001,99,1.6124,0.0012,137765.0,0.0291,0.0016,0.1987,0.0007,,,,,,,,
-lr,nx,smallworld,node,True,node_const,node_pagerank,64,2,8,1,skipconcat,True,relu,0.6,max,sgd,0.01,99,1.6089,0.0008,137765.0,0.0937,0.0053,0.2127,0.0022,,,,,,,,
-lr,nx,smallworld,node,True,node_const,node_pagerank,64,2,8,1,skipconcat,True,relu,0.6,max,sgd,0.1,99,1.5935,0.0014,137765.0,0.0327,0.0061,0.254,0.0036,,,,,,,,
-lr,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,32,3,6,1,stack,True,swish,0.0,mean,sgd,0.001,199,1.2734,0.0061,135429.0,0.044,0.0042,0.4879,0.0013,,,,,,,,
-lr,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,32,3,6,1,stack,True,swish,0.0,mean,sgd,0.01,199,1.0419,0.0146,135429.0,0.0178,0.0006,0.5657,0.0044,,,,,,,,
-lr,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,32,3,6,1,stack,True,swish,0.0,mean,sgd,0.1,199,0.8036,0.0114,135429.0,0.026,0.002,0.6649,0.0036,,,,,,,,
-lr,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,64,1,4,1,skipsum,False,relu,0.3,max,sgd,0.001,399,1.6055,0.0005,134850.0,0.0444,0.0043,0.2326,0.0023,,,,,,,,
-lr,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,64,1,4,1,skipsum,False,relu,0.3,max,sgd,0.01,399,1.5971,0.0008,134850.0,0.0498,0.0038,0.2565,0.0014,,,,,,,,
-lr,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,64,1,4,1,skipsum,False,relu,0.3,max,sgd,0.1,399,1.5199,0.0359,134850.0,0.0536,0.0037,0.3179,0.0243,,,,,,,,
-lr,nx,smallworld,node,True,node_onehot,node_pagerank,16,1,2,1,stack,True,relu,0.3,max,adam,0.001,199,1.5219,0.0043,134625.0,0.0128,0.0006,0.3324,0.0021,,,,,,,,
-lr,nx,smallworld,node,True,node_onehot,node_pagerank,16,1,2,1,stack,True,relu,0.3,max,adam,0.01,199,1.4449,0.0014,134625.0,0.0093,0.001,0.3598,0.0022,,,,,,,,
-lr,nx,smallworld,node,True,node_onehot,node_pagerank,16,1,2,1,stack,True,relu,0.3,max,adam,0.1,199,1.4004,0.0022,134625.0,0.0132,0.0017,0.3764,0.002,,,,,,,,
-lr,nx,smallworld,node,True,node_onehot,node_pagerank,16,1,6,3,skipconcat,True,prelu,0.6,add,adam,0.001,199,0.8409,0.0042,140562.0,0.0193,0.0004,0.6309,0.0029,,,,,,,,
-lr,nx,smallworld,node,True,node_onehot,node_pagerank,16,1,6,3,skipconcat,True,prelu,0.6,add,adam,0.01,199,0.7018,0.0085,140562.0,0.0194,0.0014,0.6981,0.004,,,,,,,,
-lr,nx,smallworld,node,True,node_onehot,node_pagerank,16,1,6,3,skipconcat,True,prelu,0.6,add,adam,0.1,199,0.9167,0.0174,140562.0,0.0207,0.0018,0.6015,0.008,,,,,,,,
-lr,nx,smallworld,node,True,node_onehot,node_pagerank,32,3,8,2,skipsum,True,relu,0.3,mean,sgd,0.001,199,1.7511,0.0057,135056.0,0.0231,0.0007,0.212,0.0038,,,,,,,,
-lr,nx,smallworld,node,True,node_onehot,node_pagerank,32,3,8,2,skipsum,True,relu,0.3,mean,sgd,0.01,199,1.5692,0.0021,135056.0,0.0476,0.0042,0.2691,0.0018,,,,,,,,
-lr,nx,smallworld,node,True,node_onehot,node_pagerank,32,3,8,2,skipsum,True,relu,0.3,mean,sgd,0.1,199,1.4918,0.004,135056.0,0.0236,0.0009,0.3429,0.0045,,,,,,,,
-lr,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,16,3,6,1,stack,False,prelu,0.3,add,sgd,0.001,99,1.5793,0.0235,134278.0,0.0163,0.0023,0.2782,0.0354,,,,,,,,
-lr,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,16,3,6,1,stack,False,prelu,0.3,add,sgd,0.01,99,1.211,0.0099,134278.0,0.0154,0.0011,0.4871,0.0031,,,,,,,,
-lr,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,16,3,6,1,stack,False,prelu,0.3,add,sgd,0.1,99,1.5942,0.0116,134278.0,0.0133,0.0007,0.253,0.02,,,,,,,,
-lr,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,32,1,4,1,skipconcat,False,prelu,0.6,add,sgd,0.001,199,1.6018,0.001,136971.0,0.0164,0.0018,0.2406,0.0037,,,,,,,,
-lr,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,32,1,4,1,skipconcat,False,prelu,0.6,add,sgd,0.01,199,1.3558,0.0342,136971.0,0.0223,0.0055,0.4289,0.0146,,,,,,,,
-lr,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,32,1,4,1,skipconcat,False,prelu,0.6,add,sgd,0.1,199,1.3009,0.0176,136971.0,0.0168,0.0003,0.4414,0.0032,,,,,,,,
-lr,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,32,3,2,2,skipsum,False,swish,0.6,mean,adam,0.001,99,1.1598,0.0048,134789.0,0.0241,0.0045,0.4914,0.0049,,,,,,,,
-lr,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,32,3,2,2,skipsum,False,swish,0.6,mean,adam,0.01,99,1.6048,0.0003,134789.0,0.0191,0.0055,0.233,0.0015,,,,,,,,
-lr,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,32,3,2,2,skipsum,False,swish,0.6,mean,adam,0.1,99,1.6048,0.0002,134789.0,0.0312,0.0012,0.233,0.0015,,,,,,,,
-optim,PyG,AmazonComputers,node,True,,,16,2,4,3,stack,False,prelu,0.3,mean,adam,0.001,199,0.5228,0.0135,241649.0,0.1332,0.005,0.8389,0.0065,,,,,,,,
-optim,PyG,AmazonComputers,node,True,,,16,2,4,3,stack,False,prelu,0.3,mean,sgd,0.001,199,1.9277,0.0024,241649.0,0.119,0.0046,0.3741,0.0029,,,,,,,,
-optim,PyG,AmazonComputers,node,True,,,64,3,4,3,skipconcat,True,swish,0.6,max,adam,0.001,99,2.0579,0.0122,176965.0,0.1362,0.0087,0.3531,0.0094,,,,,,,,
-optim,PyG,AmazonComputers,node,True,,,64,3,4,3,skipconcat,True,swish,0.6,max,sgd,0.001,99,3.0315,0.0136,176965.0,0.2142,0.0337,0.2074,0.0061,,,,,,,,
-optim,PyG,AmazonComputers,node,True,,,64,3,8,2,skipconcat,True,relu,0.6,max,adam,0.01,399,0.3207,0.0154,168072.0,0.1516,0.0182,0.8973,0.0043,,,,,,,,
-optim,PyG,AmazonComputers,node,True,,,64,3,8,2,skipconcat,True,relu,0.6,max,sgd,0.01,399,1.5125,0.021,168072.0,0.1885,0.0063,0.487,0.0049,,,,,,,,
-optim,PyG,AmazonPhoto,node,True,,,32,1,6,3,stack,False,prelu,0.0,add,adam,0.001,399,0.4487,0.0074,231435.0,0.084,0.0049,0.8606,0.0034,,,,,,,,
-optim,PyG,AmazonPhoto,node,True,,,32,1,6,3,stack,False,prelu,0.0,add,sgd,0.001,399,1.2003,0.1211,231435.0,0.0761,0.0201,0.6505,0.0449,,,,,,,,
-optim,PyG,AmazonPhoto,node,True,,,32,2,8,2,stack,True,swish,0.6,max,adam,0.1,99,1.0764,0.0781,221383.0,0.1147,0.0199,0.5911,0.0264,,,,,,,,
-optim,PyG,AmazonPhoto,node,True,,,32,2,8,2,stack,True,swish,0.6,max,sgd,0.1,99,1.5208,0.0207,221383.0,0.0939,0.0137,0.3998,0.0079,,,,,,,,
-optim,PyG,AmazonPhoto,node,True,,,32,3,2,1,skipsum,False,prelu,0.3,mean,adam,0.01,99,0.9374,0.3503,270461.0,0.0751,0.0138,0.6971,0.1488,,,,,,,,
-optim,PyG,AmazonPhoto,node,True,,,32,3,2,1,skipsum,False,prelu,0.3,mean,sgd,0.01,99,1.9006,0.0034,270461.0,0.0489,0.0095,0.3035,0.0106,,,,,,,,
-optim,PyG,AmazonPhoto,node,True,,,32,3,2,1,stack,False,prelu,0.0,max,adam,0.01,199,0.3167,0.0542,270461.0,0.045,0.0011,0.9222,0.0183,,,,,,,,
-optim,PyG,AmazonPhoto,node,True,,,32,3,2,1,stack,False,prelu,0.0,max,sgd,0.01,199,1.9255,0.0033,270461.0,0.0602,0.0053,0.2538,0.0013,,,,,,,,
-optim,PyG,AmazonPhoto,node,True,,,32,3,2,1,stack,False,swish,0.6,add,adam,0.1,199,1.7088,0.1658,270460.0,0.0852,0.0171,0.3868,0.0818,,,,,,,,
-optim,PyG,AmazonPhoto,node,True,,,32,3,2,1,stack,False,swish,0.6,add,sgd,0.1,199,1.9268,0.0031,270460.0,0.0535,0.018,0.2501,0.002,,,,,,,,
-optim,PyG,AmazonPhoto,node,True,,,32,3,2,1,stack,True,swish,0.3,max,adam,0.01,99,0.2935,0.0064,269155.0,0.0825,0.0013,0.9375,0.0002,,,,,,,,
-optim,PyG,AmazonPhoto,node,True,,,32,3,2,1,stack,True,swish,0.3,max,sgd,0.01,99,1.7832,0.0232,269155.0,0.0621,0.0133,0.4467,0.0318,,,,,,,,
-optim,PyG,CiteSeer,node,True,,,64,1,2,3,skipconcat,False,relu,0.6,mean,adam,0.001,99,0.7064,0.0483,432806.0,0.097,0.0017,0.7808,0.012,,,,,,,,
-optim,PyG,CiteSeer,node,True,,,64,1,2,3,skipconcat,False,relu,0.6,mean,sgd,0.001,99,1.8052,0.0063,432806.0,0.0919,0.0063,0.1849,0.0098,,,,,,,,
-optim,PyG,CiteSeer,node,True,,,64,1,6,2,skipconcat,True,swish,0.3,add,adam,0.1,399,0.0119,0.0024,301538.0,0.1324,0.0226,0.9972,0.0006,,,,,,,,
-optim,PyG,CiteSeer,node,True,,,64,1,6,2,skipconcat,True,swish,0.3,add,sgd,0.1,399,0.0301,0.0025,301538.0,0.1041,0.0106,0.9903,0.0014,,,,,,,,
-optim,PyG,CoauthorCS,node,True,,,32,1,2,1,skipconcat,False,swish,0.3,max,adam,0.01,99,0.1053,0.0032,1571445.0,0.9144,0.0423,0.9985,0.0002,,,,,,,,
-optim,PyG,CoauthorCS,node,True,,,32,1,2,1,skipconcat,False,swish,0.3,max,sgd,0.01,99,2.4147,0.0051,1571445.0,0.755,0.0331,0.225,0.0003,,,,,,,,
-optim,PyG,CoauthorCS,node,True,,,64,2,8,2,stack,False,relu,0.6,mean,adam,0.1,199,2.4094,0.0006,917830.0,0.8034,0.0585,0.2249,0.0003,,,,,,,,
-optim,PyG,CoauthorCS,node,True,,,64,2,8,2,stack,False,relu,0.6,mean,sgd,0.1,199,2.2263,0.191,917830.0,0.9453,0.0955,0.2836,0.0568,,,,,,,,
-optim,PyG,CoauthorPhysics,node,True,,,16,3,4,1,skipconcat,False,relu,0.6,add,adam,0.1,99,0.9275,0.0666,1019240.0,1.7389,0.0477,0.6498,0.0044,,,,,,,,
-optim,PyG,CoauthorPhysics,node,True,,,16,3,4,1,skipconcat,False,relu,0.6,add,sgd,0.1,99,0.9943,0.0351,1019240.0,2.1879,0.1466,0.6222,0.0184,,,,,,,,
-optim,PyG,CoauthorPhysics,node,True,,,32,2,4,2,stack,True,prelu,0.6,add,adam,0.01,99,0.3253,0.0146,1379662.0,2.1681,0.2084,0.8966,0.006,,,,,,,,
-optim,PyG,CoauthorPhysics,node,True,,,32,2,4,2,stack,True,prelu,0.6,add,sgd,0.01,99,0.7222,0.011,1379662.0,2.3038,0.1228,0.7495,0.0024,,,,,,,,
-optim,PyG,CoauthorPhysics,node,True,,,32,2,6,2,skipconcat,True,relu,0.3,add,adam,0.01,399,0.0041,0.0002,510581.0,1.8393,0.079,0.999,0.0,,,,,,,,
-optim,PyG,CoauthorPhysics,node,True,,,32,2,6,2,skipconcat,True,relu,0.3,add,sgd,0.01,399,0.1275,0.0022,510581.0,1.9716,0.3323,0.9588,0.0011,,,,,,,,
-optim,PyG,CoauthorPhysics,node,True,,,64,1,8,3,skipsum,False,swish,0.3,max,adam,0.01,199,0.0961,0.0169,1101820.0,2.0934,0.1381,0.9698,0.0042,,,,,,,,
-optim,PyG,CoauthorPhysics,node,True,,,64,1,8,3,skipsum,False,swish,0.3,max,sgd,0.01,199,1.3484,0.0033,1101820.0,2.0154,0.0715,0.5056,0.0003,,,,,,,,
-optim,PyG,Cora,node,True,,,16,3,2,3,stack,True,relu,0.0,max,adam,0.001,399,0.0079,0.0008,346623.0,0.0257,0.0084,0.996,0.0004,,,,,,,,
-optim,PyG,Cora,node,True,,,16,3,2,3,stack,True,relu,0.0,max,sgd,0.001,399,0.1561,0.0101,346623.0,0.0246,0.0034,0.9845,0.0031,,,,,,,,
-optim,PyG,TU_BZR,graph,False,,,32,1,8,2,stack,True,swish,0.0,mean,adam,0.001,99,0.0652,0.0122,140724.0,0.0208,0.0013,0.9918,0.0038,0.9949,0.0072,0.9664,0.0141,0.9804,0.0095,0.9992,0.0009
-optim,PyG,TU_BZR,graph,False,,,32,1,8,2,stack,True,swish,0.0,mean,sgd,0.001,99,0.1545,0.0139,140724.0,0.034,0.002,0.9599,0.0067,0.9736,0.0125,0.8381,0.0427,0.8999,0.0203,0.987,0.0044
-optim,PyG,TU_BZR,graph,False,,,32,3,2,1,skipconcat,True,swish,0.0,add,adam,0.001,399,0.2299,0.0056,141913.0,0.013,0.0011,0.9146,0.0039,0.8971,0.0308,0.6864,0.0283,0.7769,0.0149,0.9514,0.0023
-optim,PyG,TU_BZR,graph,False,,,32,3,2,1,skipconcat,True,swish,0.0,add,sgd,0.001,399,0.316,0.0077,141913.0,0.0308,0.0012,0.8714,0.0038,0.842,0.0233,0.5019,0.0144,0.6287,0.0125,0.9059,0.0046
-optim,PyG,TU_BZR,graph,False,,,32,3,4,3,stack,False,relu,0.3,max,adam,0.01,399,0.5237,0.0084,141256.0,0.0159,0.0002,0.7829,0.0063,0.0,0.0,0.0,0.0,0.0,0.0,0.489,0.0129
-optim,PyG,TU_BZR,graph,False,,,32,3,4,3,stack,False,relu,0.3,max,sgd,0.01,399,0.5235,0.0088,141256.0,0.0162,0.0026,0.7829,0.0063,0.0,0.0,0.0,0.0,0.0,0.0,0.4709,0.045
-optim,PyG,TU_COX2,graph,False,,,16,3,4,1,stack,False,prelu,0.6,max,adam,0.01,99,0.5197,0.0036,139615.0,0.0152,0.001,0.7837,0.0033,0.0,0.0,0.0,0.0,0.0,0.0,0.5603,0.0222
-optim,PyG,TU_COX2,graph,False,,,16,3,4,1,stack,False,prelu,0.6,max,sgd,0.01,99,0.5203,0.0084,139615.0,0.0125,0.0001,0.7837,0.0033,0.0,0.0,0.0,0.0,0.0,0.0,0.5486,0.0403
-optim,PyG,TU_COX2,graph,False,,,32,3,6,3,skipsum,True,swish,0.6,mean,adam,0.1,99,0.5216,0.0046,138921.0,0.0245,0.001,0.7837,0.0033,0.0,0.0,0.0,0.0,0.0,0.0,0.5256,0.0166
-optim,PyG,TU_COX2,graph,False,,,32,3,6,3,skipsum,True,swish,0.6,mean,sgd,0.1,99,0.5099,0.0105,138921.0,0.0245,0.0015,0.7837,0.0013,0.2222,0.3143,0.0081,0.0115,0.0157,0.0222,0.6147,0.0374
-optim,PyG,TU_COX2,graph,False,,,32,3,6,3,stack,False,swish,0.3,max,adam,0.001,199,0.5221,0.0037,137656.0,0.0185,0.0001,0.7837,0.0033,0.0,0.0,0.0,0.0,0.0,0.0,0.5172,0.014
-optim,PyG,TU_COX2,graph,False,,,32,3,6,3,stack,False,swish,0.3,max,sgd,0.001,199,0.5263,0.0022,137656.0,0.019,0.0005,0.7837,0.0033,0.0,0.0,0.0,0.0,0.0,0.0,0.517,0.0043
-optim,PyG,TU_COX2,graph,False,,,32,3,8,3,skipsum,False,swish,0.6,mean,adam,0.1,399,0.522,0.0065,137446.0,0.0205,0.001,0.7837,0.0033,0.0,0.0,0.0,0.0,0.0,0.0,0.5369,0.01
-optim,PyG,TU_COX2,graph,False,,,32,3,8,3,skipsum,False,swish,0.6,mean,sgd,0.1,399,0.5346,0.0105,137446.0,0.0204,0.0014,0.7837,0.0033,0.0,0.0,0.0,0.0,0.0,0.0,0.4801,0.0239
-optim,PyG,TU_DD,graph,False,,,16,2,2,1,skipconcat,False,relu,0.3,add,adam,0.001,199,0.2438,0.0599,149969.0,0.0137,0.0012,0.9041,0.0407,0.8834,0.0464,0.8814,0.0543,0.8824,0.0502,0.9639,0.0217
-optim,PyG,TU_DD,graph,False,,,16,2,2,1,skipconcat,False,relu,0.3,add,sgd,0.001,199,0.4944,0.1453,149969.0,0.0132,0.0018,0.7972,0.041,0.7344,0.0593,0.8001,0.0157,0.7649,0.038,0.8769,0.0392
-optim,PyG,TU_DD,graph,False,,,64,3,6,2,skipsum,False,prelu,0.6,add,adam,0.001,199,0.5704,0.0081,143871.0,0.038,0.0025,0.7378,0.0126,0.7473,0.0189,0.5424,0.0158,0.6286,0.0172,0.7847,0.0096
-optim,PyG,TU_DD,graph,False,,,64,3,6,2,skipsum,False,prelu,0.6,add,sgd,0.001,199,0.5847,0.0008,143871.0,0.0402,0.0017,0.7123,0.0106,0.7315,0.0229,0.4688,0.012,0.5714,0.0158,0.7672,0.0048
-optim,PyG,TU_ENZYMES,graph,False,,,16,2,4,2,skipconcat,False,swish,0.6,mean,adam,0.1,399,1.7605,0.0007,136646.0,0.0155,0.0005,0.2201,0.0059,,,,,,,,
-optim,PyG,TU_ENZYMES,graph,False,,,16,2,4,2,skipconcat,False,swish,0.6,mean,sgd,0.1,399,1.7361,0.0211,136646.0,0.0376,0.0019,0.2292,0.0263,,,,,,,,
-optim,PyG,TU_ENZYMES,graph,False,,,64,2,8,2,skipsum,False,prelu,0.3,max,adam,0.1,199,1.78,0.0073,134557.0,0.0252,0.0026,0.1782,0.0045,,,,,,,,
-optim,PyG,TU_ENZYMES,graph,False,,,64,2,8,2,skipsum,False,prelu,0.3,max,sgd,0.1,199,,,134557.0,0.0624,0.0015,0.1712,0.0094,,,,,,,,
-optim,PyG,TU_ENZYMES,graph,False,,,64,3,2,1,skipconcat,True,prelu,0.0,add,adam,0.001,99,1.4227,0.0411,136249.0,0.0505,0.0011,0.4682,0.019,,,,,,,,
-optim,PyG,TU_ENZYMES,graph,False,,,64,3,2,1,skipconcat,True,prelu,0.0,add,sgd,0.001,99,1.5206,0.0194,136249.0,0.0161,0.0008,0.4102,0.0055,,,,,,,,
-optim,PyG,TU_IMDB,graph,False,,,16,1,2,2,skipconcat,False,swish,0.6,add,adam,0.1,99,1.0958,0.0012,133983.0,0.0127,0.0022,0.3619,0.01,,,,,,,,
-optim,PyG,TU_IMDB,graph,False,,,16,1,2,2,skipconcat,False,swish,0.6,add,sgd,0.1,99,1.0722,0.0162,133983.0,0.0093,0.0007,0.4256,0.0327,,,,,,,,
-optim,PyG,TU_IMDB,graph,False,,,16,3,8,1,skipsum,True,relu,0.6,mean,adam,0.01,199,1.0521,0.0088,135243.0,0.0196,0.0007,0.4322,0.012,,,,,,,,
-optim,PyG,TU_IMDB,graph,False,,,16,3,8,1,skipsum,True,relu,0.6,mean,sgd,0.01,199,1.0607,0.0021,135243.0,0.0174,0.0002,0.4264,0.0034,,,,,,,,
-optim,PyG,TU_IMDB,graph,False,,,32,1,8,1,stack,False,relu,0.0,add,adam,0.1,199,1.0844,0.0168,134808.0,0.0143,0.0014,0.3839,0.0387,,,,,,,,
-optim,PyG,TU_IMDB,graph,False,,,32,1,8,1,stack,False,relu,0.0,add,sgd,0.1,199,1.0965,0.0003,134808.0,0.0123,0.0001,0.35,0.0118,,,,,,,,
-optim,PyG,TU_IMDB,graph,False,,,64,2,2,2,skipconcat,False,swish,0.3,max,adam,0.1,399,1.0882,0.0048,134333.0,0.0192,0.0034,0.3897,0.0104,,,,,,,,
-optim,PyG,TU_IMDB,graph,False,,,64,2,2,2,skipconcat,False,swish,0.3,max,sgd,0.1,399,1.055,0.0074,134333.0,0.0191,0.0032,0.4342,0.0061,,,,,,,,
-optim,PyG,TU_PROTEINS,graph,False,,,16,3,8,2,skipconcat,True,relu,0.3,mean,adam,0.001,99,0.5251,0.0071,139333.0,0.0583,0.0027,0.7466,0.0052,0.6988,0.0045,0.6312,0.0152,0.6632,0.01,0.8072,0.0058
-optim,PyG,TU_PROTEINS,graph,False,,,16,3,8,2,skipconcat,True,relu,0.3,mean,sgd,0.001,99,0.5491,0.0081,139333.0,0.0524,0.0011,0.7224,0.0117,0.6563,0.0171,0.6254,0.0157,0.6405,0.0159,0.782,0.0083
-optim,PyG,TU_PROTEINS,graph,False,,,32,2,2,3,skipconcat,False,swish,0.6,add,adam,0.01,199,0.5272,0.0072,135097.0,0.0145,0.0002,0.7436,0.0079,0.722,0.0118,0.5719,0.0126,0.6381,0.0104,0.8013,0.008
-optim,PyG,TU_PROTEINS,graph,False,,,32,2,2,3,skipconcat,False,swish,0.6,add,sgd,0.01,199,0.5323,0.0039,135097.0,0.0139,0.0018,0.7371,0.0051,0.7171,0.0049,0.5536,0.0178,0.6247,0.0118,0.7946,0.0042
-optim,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,16,1,2,1,stack,True,relu,0.6,mean,adam,0.1,399,0.9734,0.0654,134625.0,0.0323,0.0043,0.5114,0.0439,,,,,,,,
-optim,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,16,1,2,1,stack,True,relu,0.6,mean,sgd,0.1,399,0.6644,0.0314,134625.0,0.0358,0.0028,0.6732,0.037,,,,,,,,
-optim,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,16,3,6,1,skipsum,False,swish,0.3,max,adam,0.001,399,0.2824,0.0082,134277.0,0.0172,0.0019,0.8758,0.0101,,,,,,,,
-optim,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,16,3,6,1,skipsum,False,swish,0.3,max,sgd,0.001,399,0.3433,0.0324,134277.0,0.0143,0.0006,0.8447,0.0167,,,,,,,,
-optim,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,16,3,8,3,skipsum,False,relu,0.6,add,adam,0.001,399,0.8586,0.0463,135350.0,0.0186,0.0009,0.5899,0.0363,,,,,,,,
-optim,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,16,3,8,3,skipsum,False,relu,0.6,add,sgd,0.001,399,1.6075,0.0013,135350.0,0.0351,0.002,0.2141,0.0061,,,,,,,,
-optim,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,32,2,4,2,skipsum,False,prelu,0.0,add,adam,0.1,399,1.2081,0.5648,134834.0,0.0151,0.0011,0.4755,0.2464,,,,,,,,
-optim,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,32,2,4,2,skipsum,False,prelu,0.0,add,sgd,0.1,399,,,134834.0,0.0145,0.0016,0.1896,0.0101,,,,,,,,
-optim,nx,scalefree,graph,True,node_const,graph_path_len,64,2,4,2,skipconcat,True,relu,0.0,max,adam,0.01,199,1.6074,0.0014,137499.0,0.0529,0.0007,0.2157,0.0069,,,,,,,,
-optim,nx,scalefree,graph,True,node_const,graph_path_len,64,2,4,2,skipconcat,True,relu,0.0,max,sgd,0.01,199,1.6074,0.0014,137499.0,0.0296,0.001,0.2157,0.0069,,,,,,,,
-optim,nx,scalefree,graph,True,node_onehot,graph_path_len,32,2,4,2,skipconcat,True,swish,0.3,mean,adam,0.1,99,0.5661,0.0246,137499.0,0.0272,0.0018,0.7435,0.0201,,,,,,,,
-optim,nx,scalefree,graph,True,node_onehot,graph_path_len,32,2,4,2,skipconcat,True,swish,0.3,mean,sgd,0.1,99,0.4611,0.0168,137499.0,0.0207,0.0005,0.8153,0.0115,,,,,,,,
-optim,nx,scalefree,graph,True,node_pagerank,graph_path_len,16,3,6,3,skipsum,True,prelu,0.0,mean,adam,0.001,199,0.0226,0.0042,134298.0,0.0693,0.0041,0.9951,0.004,,,,,,,,
-optim,nx,scalefree,graph,True,node_pagerank,graph_path_len,16,3,6,3,skipsum,True,prelu,0.0,mean,sgd,0.001,199,0.0904,0.0046,134298.0,0.0599,0.0013,0.982,0.0083,,,,,,,,
-optim,nx,scalefree,graph,True,node_pagerank,graph_path_len,32,3,2,1,stack,True,relu,0.6,add,adam,0.001,99,0.7683,0.0927,134285.0,0.0144,0.0006,0.6634,0.0441,,,,,,,,
-optim,nx,scalefree,graph,True,node_pagerank,graph_path_len,32,3,2,1,stack,True,relu,0.6,add,sgd,0.001,99,0.7957,0.0967,134285.0,0.0124,0.0004,0.683,0.0389,,,,,,,,
-optim,nx,scalefree,graph,True,node_pagerank,graph_path_len,64,2,8,2,skipsum,False,relu,0.0,add,adam,0.1,99,0.9678,0.0821,135360.0,0.021,0.0015,0.4755,0.08,,,,,,,,
-optim,nx,scalefree,graph,True,node_pagerank,graph_path_len,64,2,8,2,skipsum,False,relu,0.0,add,sgd,0.1,99,1.6076,0.0013,135360.0,0.0282,0.0014,0.2141,0.0092,,,,,,,,
-optim,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,16,1,4,1,skipsum,False,prelu,0.0,mean,adam,0.001,399,0.358,0.0089,134851.0,0.0491,0.0081,0.8872,0.0052,,,,,,,,
-optim,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,16,1,4,1,skipsum,False,prelu,0.0,mean,sgd,0.001,399,0.9906,0.0056,134851.0,0.0103,0.0005,0.6223,0.0005,,,,,,,,
-optim,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,32,3,2,1,skipconcat,False,relu,0.3,mean,adam,0.001,99,0.9086,0.0022,136247.0,0.0162,0.0035,0.6254,0.0011,,,,,,,,
-optim,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,32,3,2,1,skipconcat,False,relu,0.3,mean,sgd,0.001,99,1.5935,0.0012,136247.0,0.0129,0.0015,0.2728,0.0136,,,,,,,,
-optim,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,64,1,6,1,skipsum,False,prelu,0.0,max,adam,0.001,199,0.5196,0.009,134834.0,0.0302,0.003,0.8257,0.004,,,,,,,,
-optim,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,64,1,6,1,skipsum,False,prelu,0.0,max,sgd,0.001,199,1.5685,0.0129,134834.0,0.0593,0.0032,0.3737,0.0624,,,,,,,,
-optim,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,64,2,4,1,skipconcat,True,relu,0.3,add,adam,0.001,199,0.4123,0.0072,135928.0,0.035,0.0065,0.8851,0.0058,,,,,,,,
-optim,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,64,2,4,1,skipconcat,True,relu,0.3,add,sgd,0.001,199,1.5365,0.0051,135928.0,0.0251,0.002,0.4312,0.0108,,,,,,,,
-optim,nx,scalefree,node,True,node_const,node_clustering_coefficient,16,2,2,1,stack,True,prelu,0.6,max,adam,0.1,99,1.2288,0.0019,134790.0,0.0143,0.0021,0.4634,0.003,,,,,,,,
-optim,nx,scalefree,node,True,node_const,node_clustering_coefficient,16,2,2,1,stack,True,prelu,0.6,max,sgd,0.1,99,1.2555,0.0074,134790.0,0.0113,0.0008,0.4549,0.003,,,,,,,,
-optim,nx,scalefree,node,True,node_const,node_clustering_coefficient,16,2,2,2,skipconcat,False,prelu,0.0,mean,adam,0.001,199,1.5759,0.0006,135952.0,0.012,0.0002,0.269,0.0005,,,,,,,,
-optim,nx,scalefree,node,True,node_const,node_clustering_coefficient,16,2,2,2,skipconcat,False,prelu,0.0,mean,sgd,0.001,199,1.5759,0.0006,135952.0,0.009,0.0008,0.269,0.0005,,,,,,,,
-optim,nx,scalefree,node,True,node_const,node_clustering_coefficient,16,2,2,3,skipsum,True,prelu,0.3,add,adam,0.1,199,1.0596,0.0026,134119.0,0.0175,0.0024,0.5058,0.0046,,,,,,,,
-optim,nx,scalefree,node,True,node_const,node_clustering_coefficient,16,2,2,3,skipsum,True,prelu,0.3,add,sgd,0.1,199,1.0086,0.0071,134119.0,0.0141,0.0021,0.5269,0.0026,,,,,,,,
-optim,nx,scalefree,node,True,node_const,node_clustering_coefficient,16,2,4,3,skipconcat,False,relu,0.6,max,adam,0.001,399,1.1716,0.0045,137198.0,0.0156,0.0017,0.469,0.0013,,,,,,,,
-optim,nx,scalefree,node,True,node_const,node_clustering_coefficient,16,2,4,3,skipconcat,False,relu,0.6,max,sgd,0.001,399,1.5747,0.0024,137198.0,0.0151,0.0035,0.2737,0.0049,,,,,,,,
-optim,nx,scalefree,node,True,node_const,node_clustering_coefficient,16,2,4,3,skipsum,True,swish,0.0,mean,adam,0.001,399,1.5131,0.0077,133829.0,0.0163,0.0004,0.3312,0.0056,,,,,,,,
-optim,nx,scalefree,node,True,node_const,node_clustering_coefficient,16,2,4,3,skipsum,True,swish,0.0,mean,sgd,0.001,399,1.4607,0.0189,133829.0,0.0423,0.0032,0.3673,0.0087,,,,,,,,
-optim,nx,scalefree,node,True,node_const,node_pagerank,32,2,8,1,skipconcat,True,prelu,0.0,max,adam,0.1,99,1.6094,0.0,137766.0,0.0293,0.0005,0.203,0.0007,,,,,,,,
-optim,nx,scalefree,node,True,node_const,node_pagerank,32,2,8,1,skipconcat,True,prelu,0.0,max,sgd,0.1,99,,,137766.0,0.0222,0.0004,0.2001,0.0015,,,,,,,,
-optim,nx,scalefree,node,True,node_const,node_pagerank,64,2,6,2,stack,False,swish,0.6,mean,adam,0.1,199,1.4266,0.0121,134277.0,0.0293,0.0018,0.3639,0.01,,,,,,,,
-optim,nx,scalefree,node,True,node_const,node_pagerank,64,2,6,2,stack,False,swish,0.6,mean,sgd,0.1,199,1.1534,0.0105,134277.0,0.0332,0.0023,0.4993,0.0073,,,,,,,,
-optim,nx,scalefree,node,True,node_const,node_pagerank,64,3,2,3,skipsum,True,swish,0.6,max,adam,0.1,399,0.606,0.0079,134069.0,0.0297,0.0002,0.7442,0.0046,,,,,,,,
-optim,nx,scalefree,node,True,node_const,node_pagerank,64,3,2,3,skipsum,True,swish,0.6,max,sgd,0.1,399,0.7728,0.0064,134069.0,0.0301,0.0051,0.6606,0.0038,,,,,,,,
-optim,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,32,1,2,1,skipconcat,False,swish,0.0,max,adam,0.01,199,1.123,0.0051,135829.0,0.0167,0.0011,0.5256,0.0051,,,,,,,,
-optim,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,32,1,2,1,skipconcat,False,swish,0.0,max,sgd,0.01,199,1.3629,0.0022,135829.0,0.0444,0.0049,0.42,0.0019,,,,,,,,
-optim,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,32,3,4,1,stack,True,prelu,0.6,mean,adam,0.001,99,1.3767,0.0026,134070.0,0.0246,0.0047,0.4057,0.0018,,,,,,,,
-optim,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,32,3,4,1,stack,True,prelu,0.6,mean,sgd,0.001,99,1.5705,0.0019,134070.0,0.0198,0.0017,0.2838,0.0088,,,,,,,,
-optim,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,32,3,8,2,stack,True,prelu,0.0,add,adam,0.001,99,0.9366,0.0156,135057.0,0.0296,0.002,0.5619,0.0089,,,,,,,,
-optim,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,32,3,8,2,stack,True,prelu,0.0,add,sgd,0.001,99,1.1012,0.012,135057.0,0.0252,0.0027,0.4929,0.0031,,,,,,,,
-optim,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,64,2,4,3,stack,False,prelu,0.3,mean,adam,0.01,199,1.4875,0.0152,134677.0,0.0246,0.0019,0.3504,0.0012,,,,,,,,
-optim,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,64,2,4,3,stack,False,prelu,0.3,mean,sgd,0.01,199,1.4543,0.003,134677.0,0.0248,0.0042,0.3462,0.0033,,,,,,,,
-optim,nx,scalefree,node,True,node_onehot,node_pagerank,32,2,2,3,skipsum,True,swish,0.6,max,adam,0.01,199,0.6041,0.0006,134118.0,0.0441,0.0044,0.7447,0.0018,,,,,,,,
-optim,nx,scalefree,node,True,node_onehot,node_pagerank,32,2,2,3,skipsum,True,swish,0.6,max,sgd,0.01,199,1.0901,0.0058,134118.0,0.0418,0.0018,0.5095,0.0032,,,,,,,,
-optim,nx,scalefree,node,True,node_onehot,node_pagerank,32,2,8,3,stack,False,relu,0.3,max,adam,0.1,99,1.446,0.231,133748.0,0.0433,0.0009,0.3011,0.1394,,,,,,,,
-optim,nx,scalefree,node,True,node_onehot,node_pagerank,32,2,8,3,stack,False,relu,0.3,max,sgd,0.1,99,0.9026,0.005,133748.0,0.0209,0.0037,0.5944,0.0026,,,,,,,,
-optim,nx,scalefree,node,True,node_onehot,node_pagerank,64,1,6,1,stack,True,swish,0.3,max,adam,0.1,199,0.5726,0.0037,134069.0,0.0608,0.0044,0.7836,0.0021,,,,,,,,
-optim,nx,scalefree,node,True,node_onehot,node_pagerank,64,1,6,1,stack,True,swish,0.3,max,sgd,0.1,199,0.8248,0.0031,134069.0,0.0603,0.0059,0.6723,0.0015,,,,,,,,
-optim,nx,scalefree,node,True,node_onehot,node_pagerank,64,3,6,2,skipsum,True,prelu,0.3,add,adam,0.1,99,0.1852,0.0102,133926.0,0.0375,0.003,0.9256,0.0046,,,,,,,,
-optim,nx,scalefree,node,True,node_onehot,node_pagerank,64,3,6,2,skipsum,True,prelu,0.3,add,sgd,0.1,99,0.3193,0.0095,133926.0,0.0362,0.0073,0.8671,0.0051,,,,,,,,
-optim,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,16,2,4,1,stack,True,swish,0.6,mean,adam,0.1,199,1.3075,0.0159,134118.0,0.0153,0.0018,0.4297,0.0038,,,,,,,,
-optim,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,16,2,4,1,stack,True,swish,0.6,mean,sgd,0.1,199,1.2148,0.0017,134118.0,0.0126,0.0007,0.4673,0.0027,,,,,,,,
-optim,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,64,2,8,2,stack,False,relu,0.6,mean,adam,0.01,199,1.4569,0.0071,135360.0,0.0265,0.0023,0.3555,0.002,,,,,,,,
-optim,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,64,2,8,2,stack,False,relu,0.6,mean,sgd,0.01,199,1.4752,0.0038,135360.0,0.0323,0.0049,0.3384,0.0013,,,,,,,,
-optim,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,16,3,8,2,skipsum,False,swish,0.6,max,adam,0.001,99,1.3189,0.1115,133748.0,0.0379,0.0054,0.3464,0.0562,,,,,,,,
-optim,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,16,3,8,2,skipsum,False,swish,0.6,max,sgd,0.001,99,1.4987,0.0375,133748.0,0.0161,0.0004,0.2745,0.0208,,,,,,,,
-optim,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,32,2,8,2,skipsum,False,prelu,0.6,mean,adam,0.1,199,1.6048,0.0012,135361.0,0.0864,0.0063,0.2255,0.0144,,,,,,,,
-optim,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,32,2,8,2,skipsum,False,prelu,0.6,mean,sgd,0.1,199,,,135361.0,0.0248,0.0043,0.1912,0.0212,,,,,,,,
-optim,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,32,3,8,1,skipsum,False,prelu,0.6,max,adam,0.001,199,0.4186,0.0969,135361.0,0.0805,0.0059,0.8235,0.0565,,,,,,,,
-optim,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,32,3,8,1,skipsum,False,prelu,0.6,max,sgd,0.001,199,1.0658,0.0631,135361.0,0.0836,0.0056,0.518,0.018,,,,,,,,
-optim,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,32,3,8,1,stack,True,prelu,0.0,mean,adam,0.001,399,0.2397,0.0446,134298.0,0.0311,0.0031,0.9216,0.02,,,,,,,,
-optim,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,32,3,8,1,stack,True,prelu,0.0,mean,sgd,0.001,399,0.4165,0.1133,134298.0,0.0644,0.001,0.8284,0.0487,,,,,,,,
-optim,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,1,8,3,stack,True,relu,0.3,max,adam,0.01,399,0.4842,0.04,134297.0,0.0311,0.0039,0.8023,0.0205,,,,,,,,
-optim,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,1,8,3,stack,True,relu,0.3,max,sgd,0.01,399,0.5969,0.0158,134297.0,0.0693,0.0084,0.7418,0.0185,,,,,,,,
-optim,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,3,8,2,skipsum,True,swish,0.3,add,adam,0.001,199,0.3013,0.0351,135056.0,0.0299,0.0027,0.8889,0.0221,,,,,,,,
-optim,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,3,8,2,skipsum,True,swish,0.3,add,sgd,0.001,199,0.458,0.0254,135056.0,0.0397,0.0068,0.8366,0.0244,,,,,,,,
-optim,nx,smallworld,graph,True,node_const,graph_path_len,32,1,4,1,stack,True,relu,0.0,max,adam,0.1,199,1.6106,0.0024,134285.0,0.0232,0.0018,0.2108,0.0144,,,,,,,,
-optim,nx,smallworld,graph,True,node_const,graph_path_len,32,1,4,1,stack,True,relu,0.0,max,sgd,0.1,199,1.6095,0.0035,134285.0,0.0189,0.0045,0.2173,0.0023,,,,,,,,
-optim,nx,smallworld,graph,True,node_const,graph_path_len,32,3,2,2,skipconcat,True,prelu,0.6,mean,adam,0.1,199,1.012,0.0169,135806.0,0.023,0.0018,0.5653,0.0231,,,,,,,,
-optim,nx,smallworld,graph,True,node_const,graph_path_len,32,3,2,2,skipconcat,True,prelu,0.6,mean,sgd,0.1,199,0.8765,0.0403,135806.0,0.0188,0.0016,0.6242,0.0141,,,,,,,,
-optim,nx,smallworld,graph,True,node_const,graph_path_len,64,3,2,1,skipconcat,True,swish,0.6,mean,adam,0.001,199,0.9414,0.0666,135406.0,0.0294,0.0023,0.5752,0.0428,,,,,,,,
-optim,nx,smallworld,graph,True,node_const,graph_path_len,64,3,2,1,skipconcat,True,swish,0.6,mean,sgd,0.001,199,1.0232,0.0525,135406.0,0.028,0.0026,0.5196,0.0302,,,,,,,,
-optim,nx,smallworld,graph,True,node_onehot,graph_path_len,16,1,2,2,skipconcat,True,swish,0.6,mean,adam,0.1,99,0.9518,0.0422,136295.0,0.0124,0.001,0.58,0.0289,,,,,,,,
-optim,nx,smallworld,graph,True,node_onehot,graph_path_len,16,1,2,2,skipconcat,True,swish,0.6,mean,sgd,0.1,99,0.8732,0.0527,136295.0,0.0149,0.0027,0.6095,0.0267,,,,,,,,
-optim,nx,smallworld,graph,True,node_onehot,graph_path_len,32,2,6,2,stack,True,swish,0.3,max,adam,0.01,199,0.5008,0.0206,135429.0,0.0189,0.0025,0.7974,0.0092,,,,,,,,
-optim,nx,smallworld,graph,True,node_onehot,graph_path_len,32,2,6,2,stack,True,swish,0.3,max,sgd,0.01,199,0.8289,0.015,135429.0,0.0214,0.0036,0.6389,0.0083,,,,,,,,
-optim,nx,smallworld,graph,True,node_onehot,graph_path_len,32,2,6,3,skipconcat,True,relu,0.3,mean,adam,0.01,399,0.3876,0.0251,141785.0,0.0282,0.005,0.8513,0.0162,,,,,,,,
-optim,nx,smallworld,graph,True,node_onehot,graph_path_len,32,2,6,3,skipconcat,True,relu,0.3,mean,sgd,0.01,399,0.6246,0.0223,141785.0,0.0209,0.0027,0.7418,0.0046,,,,,,,,
-optim,nx,smallworld,graph,True,node_onehot,graph_path_len,32,2,8,2,stack,False,swish,0.0,max,adam,0.001,99,0.8759,0.1561,135360.0,0.0197,0.0019,0.6242,0.0981,,,,,,,,
-optim,nx,smallworld,graph,True,node_onehot,graph_path_len,32,2,8,2,stack,False,swish,0.0,max,sgd,0.001,99,1.6053,0.0014,135360.0,0.0185,0.0012,0.219,0.0023,,,,,,,,
-optim,nx,smallworld,graph,True,node_pagerank,graph_path_len,16,3,8,3,skipsum,False,prelu,0.3,mean,adam,0.01,399,1.6052,0.0011,135351.0,0.0229,0.003,0.219,0.0023,,,,,,,,
-optim,nx,smallworld,graph,True,node_pagerank,graph_path_len,16,3,8,3,skipsum,False,prelu,0.3,mean,sgd,0.01,399,,,135351.0,0.0662,0.0017,0.1912,0.0212,,,,,,,,
-optim,nx,smallworld,graph,True,node_pagerank,graph_path_len,64,1,6,1,skipsum,True,prelu,0.6,add,adam,0.1,99,0.5257,0.0402,134070.0,0.0288,0.0013,0.7843,0.0262,,,,,,,,
-optim,nx,smallworld,graph,True,node_pagerank,graph_path_len,64,1,6,1,skipsum,True,prelu,0.6,add,sgd,0.1,99,2.2305,0.7217,134070.0,0.0714,0.0014,0.7631,0.0484,,,,,,,,
-optim,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,64,1,8,2,skipconcat,False,prelu,0.0,add,adam,0.001,399,1.3476,0.1111,137774.0,0.0929,0.0104,0.407,0.0647,,,,,,,,
-optim,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,64,1,8,2,skipconcat,False,prelu,0.0,add,sgd,0.001,399,1.5057,0.0012,137774.0,0.0299,0.0008,0.3149,0.0003,,,,,,,,
-optim,nx,smallworld,node,True,node_const,node_clustering_coefficient,16,1,4,1,skipconcat,False,swish,0.3,mean,adam,0.001,99,1.6051,0.0002,136970.0,0.0118,0.0009,0.2328,0.0016,,,,,,,,
-optim,nx,smallworld,node,True,node_const,node_clustering_coefficient,16,1,4,1,skipconcat,False,swish,0.3,mean,sgd,0.001,99,1.6057,0.0003,136970.0,0.0112,0.0002,0.2311,0.0013,,,,,,,,
-optim,nx,smallworld,node,True,node_const,node_clustering_coefficient,16,2,8,2,stack,True,relu,0.0,mean,adam,0.001,99,1.5967,0.0095,134297.0,0.0518,0.0063,0.2649,0.0047,,,,,,,,
-optim,nx,smallworld,node,True,node_const,node_clustering_coefficient,16,2,8,2,stack,True,relu,0.0,mean,sgd,0.001,99,,,134297.0,0.047,0.0052,0.2212,0.0153,,,,,,,,
-optim,nx,smallworld,node,True,node_const,node_clustering_coefficient,16,3,6,1,skipsum,True,swish,0.3,max,adam,0.001,99,1.3542,0.0052,135429.0,0.0198,0.0007,0.4105,0.008,,,,,,,,
-optim,nx,smallworld,node,True,node_const,node_clustering_coefficient,16,3,6,1,skipsum,True,swish,0.3,max,sgd,0.001,99,1.5982,0.0023,135429.0,0.0449,0.0067,0.2453,0.0029,,,,,,,,
-optim,nx,smallworld,node,True,node_const,node_clustering_coefficient,64,2,2,1,stack,False,swish,0.6,mean,adam,0.001,99,1.5748,0.0011,133957.0,0.0243,0.006,0.2785,0.0026,,,,,,,,
-optim,nx,smallworld,node,True,node_const,node_clustering_coefficient,64,2,2,1,stack,False,swish,0.6,mean,sgd,0.001,99,1.6108,0.0013,133957.0,0.022,0.0067,0.2185,0.0047,,,,,,,,
-optim,nx,smallworld,node,True,node_const,node_pagerank,32,1,8,1,skipsum,True,relu,0.6,add,adam,0.1,99,0.6151,0.003,135429.0,0.0225,0.0002,0.7532,0.0044,,,,,,,,
-optim,nx,smallworld,node,True,node_const,node_pagerank,32,1,8,1,skipsum,True,relu,0.6,add,sgd,0.1,99,0.9107,0.0072,135429.0,0.0201,0.0026,0.6391,0.0018,,,,,,,,
-optim,nx,smallworld,node,True,node_const,node_pagerank,32,2,2,3,skipconcat,True,relu,0.3,max,adam,0.01,99,1.3876,0.0079,137441.0,0.0505,0.0083,0.3833,0.003,,,,,,,,
-optim,nx,smallworld,node,True,node_const,node_pagerank,32,2,2,3,skipconcat,True,relu,0.3,max,sgd,0.01,99,1.5884,0.0013,137441.0,0.0594,0.0043,0.2536,0.0026,,,,,,,,
-optim,nx,smallworld,node,True,node_const,node_pagerank,64,3,8,1,skipsum,True,prelu,0.6,max,adam,0.01,99,1.172,0.004,134298.0,0.1069,0.008,0.4902,0.0039,,,,,,,,
-optim,nx,smallworld,node,True,node_const,node_pagerank,64,3,8,1,skipsum,True,prelu,0.6,max,sgd,0.01,99,1.5996,0.0034,134298.0,0.0356,0.0016,0.2383,0.0046,,,,,,,,
-optim,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,16,3,8,1,skipconcat,True,prelu,0.3,add,adam,0.001,399,1.0176,0.0073,136886.0,0.0285,0.003,0.5705,0.0034,,,,,,,,
-optim,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,16,3,8,1,skipconcat,True,prelu,0.3,add,sgd,0.001,399,1.5747,0.0012,136886.0,0.0241,0.0021,0.2916,0.0058,,,,,,,,
-optim,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,32,3,4,1,stack,True,prelu,0.0,mean,adam,0.1,199,1.2372,0.0088,134070.0,0.021,0.0019,0.4645,0.0053,,,,,,,,
-optim,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,32,3,4,1,stack,True,prelu,0.0,mean,sgd,0.1,199,0.6739,0.0207,134070.0,0.0176,0.0007,0.7397,0.0099,,,,,,,,
-optim,nx,smallworld,node,True,node_onehot,node_pagerank,16,1,2,1,stack,False,swish,0.0,max,adam,0.1,399,1.5985,0.0102,134900.0,0.0194,0.0112,0.2333,0.0216,,,,,,,,
-optim,nx,smallworld,node,True,node_onehot,node_pagerank,16,1,2,1,stack,False,swish,0.0,max,sgd,0.1,399,1.4144,0.0084,134900.0,0.0082,0.0004,0.3936,0.0083,,,,,,,,
-optim,nx,smallworld,node,True,node_onehot,node_pagerank,32,3,8,3,skipsum,False,swish,0.6,max,adam,0.01,199,1.2991,0.0609,135350.0,0.0236,0.001,0.4182,0.0287,,,,,,,,
-optim,nx,smallworld,node,True,node_onehot,node_pagerank,32,3,8,3,skipsum,False,swish,0.6,max,sgd,0.01,199,1.6137,0.0007,135350.0,0.0408,0.0034,0.2043,0.0022,,,,,,,,
-optim,nx,smallworld,node,True,node_onehot,node_pagerank,64,1,6,1,skipsum,False,swish,0.3,add,adam,0.1,199,1.5874,0.0022,134833.0,0.0263,0.0012,0.245,0.0045,,,,,,,,
-optim,nx,smallworld,node,True,node_onehot,node_pagerank,64,1,6,1,skipsum,False,swish,0.3,add,sgd,0.1,199,1.5515,0.0099,134833.0,0.0496,0.0005,0.2905,0.0087,,,,,,,,
-optim,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,32,3,6,2,skipsum,True,relu,0.0,add,adam,0.001,399,0.4562,0.0072,133925.0,0.0287,0.0046,0.8292,0.0044,,,,,,,,
-optim,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,32,3,6,2,skipsum,True,relu,0.0,add,sgd,0.001,399,0.9618,0.0097,133925.0,0.0218,0.0005,0.5834,0.0043,,,,,,,,
-stage,PyG,AmazonComputers,node,True,,,16,3,4,3,skipconcat,False,prelu,0.0,mean,sgd,0.001,199,1.8972,0.0221,176167.0,0.1762,0.0409,0.3766,0.0019,,,,,,,,
-stage,PyG,AmazonComputers,node,True,,,16,3,4,3,skipconcat,True,prelu,0.6,add,adam,0.01,199,0.3642,0.0206,176966.0,0.1447,0.0138,0.8853,0.0055,,,,,,,,
-stage,PyG,AmazonComputers,node,True,,,16,3,4,3,skipsum,False,prelu,0.0,mean,sgd,0.001,199,1.8442,0.0302,234533.0,0.1239,0.016,0.3752,0.0015,,,,,,,,
-stage,PyG,AmazonComputers,node,True,,,16,3,4,3,skipsum,True,prelu,0.6,add,adam,0.01,199,0.2632,0.0194,232843.0,0.2577,0.0345,0.9259,0.0054,,,,,,,,
-stage,PyG,AmazonComputers,node,True,,,16,3,4,3,stack,False,prelu,0.0,mean,sgd,0.001,199,1.8849,0.0063,234533.0,0.1241,0.0058,0.3766,0.0019,,,,,,,,
-stage,PyG,AmazonComputers,node,True,,,16,3,4,3,stack,True,prelu,0.6,add,adam,0.01,199,1.0063,0.0372,232843.0,0.2859,0.045,0.6422,0.0205,,,,,,,,
-stage,PyG,AmazonComputers,node,True,,,16,3,6,3,skipconcat,True,relu,0.3,mean,sgd,0.1,399,0.2696,0.0048,160918.0,0.1819,0.0134,0.9194,0.0016,,,,,,,,
-stage,PyG,AmazonComputers,node,True,,,16,3,6,3,skipsum,True,relu,0.3,mean,sgd,0.1,399,0.2724,0.0066,224145.0,0.1804,0.0187,0.9204,0.0027,,,,,,,,
-stage,PyG,AmazonComputers,node,True,,,16,3,6,3,stack,True,relu,0.3,mean,sgd,0.1,399,0.3519,0.0015,224145.0,0.1758,0.0073,0.8956,0.0014,,,,,,,,
-stage,PyG,AmazonPhoto,node,True,,,16,1,2,3,skipconcat,False,prelu,0.6,max,adam,0.1,399,1.4539,0.6674,196649.0,0.0647,0.0137,0.4503,0.2786,,,,,,,,
-stage,PyG,AmazonPhoto,node,True,,,16,1,2,3,skipsum,False,prelu,0.6,max,adam,0.1,399,1.8181,0.1499,270461.0,0.0589,0.0096,0.308,0.075,,,,,,,,
-stage,PyG,AmazonPhoto,node,True,,,16,1,2,3,stack,False,prelu,0.6,max,adam,0.1,399,1.8046,0.0886,270461.0,0.0868,0.0135,0.3542,0.0756,,,,,,,,
-stage,PyG,AmazonPhoto,node,True,,,32,1,6,2,skipconcat,True,prelu,0.0,max,sgd,0.01,199,0.0903,0.0074,172005.0,0.0557,0.0083,0.9775,0.0023,,,,,,,,
-stage,PyG,AmazonPhoto,node,True,,,32,1,6,2,skipsum,True,prelu,0.0,max,sgd,0.01,199,0.121,0.009,236745.0,0.1136,0.0321,0.9699,0.0024,,,,,,,,
-stage,PyG,AmazonPhoto,node,True,,,32,1,6,2,stack,True,prelu,0.0,max,sgd,0.01,199,0.0706,0.0024,236745.0,0.0762,0.0062,0.9841,0.0008,,,,,,,,
-stage,PyG,AmazonPhoto,node,True,,,32,1,8,1,skipconcat,False,prelu,0.3,max,adam,0.01,99,0.5832,0.0961,184351.0,0.0713,0.0154,0.8745,0.032,,,,,,,,
-stage,PyG,AmazonPhoto,node,True,,,32,1,8,1,skipsum,False,prelu,0.3,max,adam,0.01,99,1.1794,0.1873,231435.0,0.0919,0.0105,0.5746,0.0747,,,,,,,,
-stage,PyG,AmazonPhoto,node,True,,,32,1,8,1,stack,False,prelu,0.3,max,adam,0.01,99,1.5208,0.0654,231435.0,0.0757,0.0099,0.4569,0.0213,,,,,,,,
-stage,PyG,AmazonPhoto,node,True,,,32,3,2,1,skipconcat,True,swish,0.0,mean,adam,0.1,399,0.0255,0.0017,257426.0,0.0539,0.0054,0.9994,0.0003,,,,,,,,
-stage,PyG,AmazonPhoto,node,True,,,32,3,2,1,skipsum,True,swish,0.0,mean,adam,0.1,399,0.0217,0.0014,269155.0,0.0816,0.0083,0.9994,0.0002,,,,,,,,
-stage,PyG,AmazonPhoto,node,True,,,32,3,2,1,stack,True,swish,0.0,mean,adam,0.1,399,0.0794,0.0054,269155.0,0.0816,0.0327,0.9841,0.0012,,,,,,,,
-stage,PyG,AmazonPhoto,node,True,,,32,3,4,3,skipconcat,True,prelu,0.0,mean,sgd,0.01,199,0.1296,0.0044,175460.0,0.1217,0.0062,0.9614,0.0017,,,,,,,,
-stage,PyG,AmazonPhoto,node,True,,,32,3,4,3,skipsum,True,prelu,0.0,mean,sgd,0.01,199,0.1302,0.0036,229769.0,0.0822,0.0228,0.963,0.0007,,,,,,,,
-stage,PyG,AmazonPhoto,node,True,,,32,3,4,3,stack,True,prelu,0.0,mean,sgd,0.01,199,0.1845,0.0051,229769.0,0.0601,0.0103,0.9415,0.0017,,,,,,,,
-stage,PyG,AmazonPhoto,node,True,,,64,2,8,2,skipconcat,True,relu,0.0,add,adam,0.001,99,0.1769,0.0019,165486.0,0.0575,0.0048,0.9494,0.0013,,,,,,,,
-stage,PyG,AmazonPhoto,node,True,,,64,2,8,2,skipsum,True,relu,0.0,add,adam,0.001,99,0.1498,0.0137,221383.0,0.0744,0.0093,0.9615,0.0047,,,,,,,,
-stage,PyG,AmazonPhoto,node,True,,,64,2,8,2,stack,True,relu,0.0,add,adam,0.001,99,0.5115,0.0176,221383.0,0.0847,0.0131,0.8282,0.007,,,,,,,,
-stage,PyG,AmazonPhoto,node,True,,,64,3,8,2,skipconcat,True,prelu,0.0,mean,sgd,0.01,399,0.0956,0.0068,166711.0,0.1166,0.0017,0.9725,0.0028,,,,,,,,
-stage,PyG,AmazonPhoto,node,True,,,64,3,8,2,skipsum,True,prelu,0.0,mean,sgd,0.01,399,0.1072,0.0058,215393.0,0.0887,0.0098,0.9688,0.0027,,,,,,,,
-stage,PyG,AmazonPhoto,node,True,,,64,3,8,2,stack,True,prelu,0.0,mean,sgd,0.01,399,0.1818,0.0032,215393.0,0.0876,0.0254,0.9413,0.0008,,,,,,,,
-stage,PyG,CiteSeer,node,True,,,16,1,4,2,skipconcat,True,swish,0.6,mean,sgd,0.01,99,1.4631,0.0321,367232.0,0.1019,0.0092,0.4988,0.0144,,,,,,,,
-stage,PyG,CiteSeer,node,True,,,16,1,4,2,skipsum,True,swish,0.6,mean,sgd,0.01,99,1.4773,0.0205,734028.0,0.05,0.0038,0.47,0.0129,,,,,,,,
-stage,PyG,CiteSeer,node,True,,,16,1,4,2,stack,True,swish,0.6,mean,sgd,0.01,99,1.8337,0.0358,734028.0,0.1037,0.0115,0.3404,0.0154,,,,,,,,
-stage,PyG,CiteSeer,node,True,,,64,1,2,2,skipconcat,False,relu,0.0,max,sgd,0.01,399,0.8514,0.0195,523641.0,0.0814,0.0126,0.7811,0.0017,,,,,,,,
-stage,PyG,CiteSeer,node,True,,,64,1,2,2,skipsum,False,relu,0.0,max,sgd,0.01,399,0.7493,0.0029,912036.0,0.1134,0.0108,0.8043,0.0025,,,,,,,,
-stage,PyG,CiteSeer,node,True,,,64,1,2,2,stack,False,relu,0.0,max,sgd,0.01,399,0.5251,0.0236,912036.0,0.0487,0.0125,0.8591,0.0086,,,,,,,,
-stage,PyG,CoauthorPhysics,node,True,,,16,2,2,2,skipconcat,False,swish,0.3,add,adam,0.01,399,0.0183,0.0002,984755.0,1.8434,0.1749,0.9956,0.0001,,,,,,,,
-stage,PyG,CoauthorPhysics,node,True,,,16,2,2,2,skipsum,False,swish,0.3,add,adam,0.01,399,0.0403,0.0097,1665851.0,1.4798,0.0221,0.9879,0.0029,,,,,,,,
-stage,PyG,CoauthorPhysics,node,True,,,16,2,2,2,stack,False,swish,0.3,add,adam,0.01,399,0.0406,0.0088,1665851.0,1.9969,0.1807,0.988,0.0028,,,,,,,,
-stage,PyG,CoauthorPhysics,node,True,,,64,3,4,1,skipconcat,False,swish,0.0,add,adam,0.01,199,0.1622,0.0142,1019240.0,2.0436,0.1436,0.9574,0.0038,,,,,,,,
-stage,PyG,CoauthorPhysics,node,True,,,64,3,4,1,skipsum,False,swish,0.0,add,adam,0.01,199,0.1785,0.0107,1388834.0,2.1061,0.0663,0.9503,0.003,,,,,,,,
-stage,PyG,CoauthorPhysics,node,True,,,64,3,4,1,stack,False,swish,0.0,add,adam,0.01,199,0.2206,0.0048,1388834.0,1.9695,0.1034,0.9344,0.0025,,,,,,,,
-stage,PyG,CoauthorPhysics,node,True,,,64,3,8,3,skipconcat,True,swish,0.6,add,adam,0.1,199,0.1272,0.0042,356673.0,1.9553,0.122,0.9617,0.0021,,,,,,,,
-stage,PyG,CoauthorPhysics,node,True,,,64,3,8,3,skipsum,True,swish,0.6,add,adam,0.1,199,0.0334,0.0008,1019135.0,2.0835,0.2612,0.9925,0.0005,,,,,,,,
-stage,PyG,CoauthorPhysics,node,True,,,64,3,8,3,stack,True,swish,0.6,add,adam,0.1,199,0.5649,0.0479,1019135.0,1.8694,0.0201,0.7925,0.0207,,,,,,,,
-stage,PyG,Cora,node,True,,,32,1,4,1,skipconcat,False,swish,0.0,mean,sgd,0.01,199,1.5384,0.0246,301652.0,0.0255,0.0082,0.4594,0.0137,,,,,,,,
-stage,PyG,Cora,node,True,,,32,1,4,1,skipsum,False,swish,0.0,mean,sgd,0.01,199,0.9691,0.0205,395493.0,0.0324,0.0046,0.8057,0.0123,,,,,,,,
-stage,PyG,Cora,node,True,,,32,1,4,1,stack,False,swish,0.0,mean,sgd,0.01,199,1.205,0.2276,395493.0,0.0285,0.003,0.7055,0.1259,,,,,,,,
-stage,PyG,Cora,node,True,,,32,1,8,1,skipconcat,False,prelu,0.3,max,sgd,0.1,199,0.8339,0.0789,225769.0,0.074,0.003,0.7784,0.021,,,,,,,,
-stage,PyG,Cora,node,True,,,32,1,8,1,skipsum,False,prelu,0.3,max,sgd,0.1,199,1.5831,0.2223,320057.0,0.0633,0.0104,0.3968,0.0932,,,,,,,,
-stage,PyG,Cora,node,True,,,32,1,8,1,stack,False,prelu,0.3,max,sgd,0.1,199,1.4432,0.1091,320057.0,0.0279,0.007,0.4796,0.0385,,,,,,,,
-stage,PyG,Cora,node,True,,,64,3,8,1,skipconcat,False,swish,0.6,add,adam,0.001,199,1.6415,0.0063,221198.0,0.0358,0.0127,0.4605,0.017,,,,,,,,
-stage,PyG,Cora,node,True,,,64,3,8,1,skipsum,False,swish,0.6,add,adam,0.001,199,1.6553,0.0071,299122.0,0.0283,0.0024,0.4154,0.0036,,,,,,,,
-stage,PyG,Cora,node,True,,,64,3,8,1,stack,False,swish,0.6,add,adam,0.001,199,1.6996,0.0503,299122.0,0.0347,0.003,0.388,0.0454,,,,,,,,
-stage,PyG,TU_BZR,graph,False,,,32,3,2,3,skipconcat,True,swish,0.0,max,sgd,0.001,99,0.2164,0.0075,138777.0,0.0163,0.0006,0.9136,0.0088,0.8753,0.0163,0.7014,0.0415,0.7781,0.0288,0.9665,0.0059
-stage,PyG,TU_BZR,graph,False,,,32,3,2,3,skipsum,True,swish,0.0,max,sgd,0.001,99,0.1992,0.0205,141489.0,0.0154,0.0004,0.9259,0.0116,0.893,0.0304,0.7496,0.0315,0.8147,0.0271,0.9701,0.0092
-stage,PyG,TU_BZR,graph,False,,,32,3,2,3,stack,True,swish,0.0,max,sgd,0.001,99,0.2599,0.0221,141489.0,0.0137,0.0006,0.8961,0.0168,0.8622,0.0416,0.6218,0.0389,0.7225,0.0405,0.9372,0.0089
-stage,PyG,TU_BZR,graph,False,,,64,1,4,3,skipconcat,True,swish,0.6,add,adam,0.001,199,0.5615,0.0296,136677.0,0.0447,0.0017,0.7675,0.0124,0.431,0.0265,0.2182,0.0096,0.2897,0.0144,0.6244,0.0302
-stage,PyG,TU_BZR,graph,False,,,64,1,4,3,skipsum,True,swish,0.6,add,adam,0.001,199,0.522,0.0234,141489.0,0.0365,0.0025,0.7788,0.0015,0.4791,0.0386,0.2457,0.0399,0.3237,0.0414,0.6704,0.0278
-stage,PyG,TU_BZR,graph,False,,,64,1,4,3,stack,True,swish,0.6,add,adam,0.001,199,0.5766,0.0043,141489.0,0.0368,0.0022,0.7654,0.0067,0.3984,0.0499,0.1658,0.0351,0.2336,0.0427,0.6026,0.0029
-stage,PyG,TU_BZR,graph,False,,,64,2,4,1,skipconcat,False,relu,0.0,add,sgd,0.001,399,0.3493,0.0166,140141.0,0.0362,0.0017,0.8642,0.0067,0.8539,0.0236,0.4491,0.0414,0.588,0.0403,0.8744,0.0167
-stage,PyG,TU_BZR,graph,False,,,64,2,4,1,skipsum,False,relu,0.0,add,sgd,0.001,399,0.472,0.0293,142626.0,0.0151,0.0018,0.7891,0.0114,0.2917,0.4125,0.0333,0.0471,0.0598,0.0846,0.7136,0.0459
-stage,PyG,TU_BZR,graph,False,,,64,2,4,1,stack,False,relu,0.0,add,sgd,0.001,399,0.4939,0.0065,142626.0,0.0347,0.0058,0.7829,0.0063,0.0,0.0,0.0,0.0,0.0,0.0,0.6703,0.0109
-stage,PyG,TU_COX2,graph,False,,,64,2,6,1,skipconcat,True,swish,0.3,max,adam,0.1,199,0.4506,0.0051,138373.0,0.0548,0.0025,0.8007,0.011,0.7183,0.1425,0.1406,0.0157,0.2337,0.0233,0.7525,0.011
-stage,PyG,TU_COX2,graph,False,,,64,2,6,1,skipsum,True,swish,0.3,max,adam,0.1,199,0.4048,0.0134,138508.0,0.0393,0.0042,0.8284,0.0095,0.723,0.0443,0.3348,0.037,0.4568,0.0404,0.8099,0.0141
-stage,PyG,TU_COX2,graph,False,,,64,2,6,1,stack,True,swish,0.3,max,adam,0.1,199,0.4919,0.0022,138508.0,0.0246,0.0027,0.7837,0.0033,0.0,0.0,0.0,0.0,0.0,0.0,0.6781,0.0145
-stage,PyG,TU_COX2,graph,False,,,64,3,8,3,skipconcat,True,swish,0.6,mean,adam,0.001,199,0.562,0.0021,137853.0,0.0323,0.0035,0.7721,0.0079,0.2381,0.2428,0.0204,0.0207,0.0375,0.0382,0.5093,0.016
-stage,PyG,TU_COX2,graph,False,,,64,3,8,3,skipsum,True,swish,0.6,mean,adam,0.001,199,0.5569,0.0263,138811.0,0.0378,0.0008,0.773,0.0051,0.3162,0.1169,0.0494,0.0265,0.0851,0.0437,0.5636,0.0346
-stage,PyG,TU_COX2,graph,False,,,64,3,8,3,stack,True,swish,0.6,mean,adam,0.001,199,0.559,0.0059,138811.0,0.0553,0.0065,0.7685,0.0055,0.2256,0.0372,0.0289,0.0057,0.0512,0.0099,0.5324,0.004
-stage,PyG,TU_DD,graph,False,,,16,1,2,1,skipconcat,True,relu,0.0,add,sgd,0.001,99,0.1317,0.012,151526.0,0.0493,0.0046,0.9582,0.007,0.9376,0.0111,0.962,0.0061,0.9496,0.0083,0.9903,0.0021
-stage,PyG,TU_DD,graph,False,,,16,1,2,1,skipsum,True,relu,0.0,add,sgd,0.001,99,0.1223,0.0108,155649.0,0.0135,0.0001,0.9557,0.0056,0.9448,0.0082,0.9472,0.0103,0.946,0.007,0.9913,0.0018
-stage,PyG,TU_DD,graph,False,,,16,1,2,1,stack,True,relu,0.0,add,sgd,0.001,99,0.0298,0.0016,155649.0,0.0392,0.0022,0.9972,0.0013,0.9957,0.0032,0.9974,0.0,0.9966,0.0016,0.9999,0.0001
-stage,PyG,TU_DD,graph,False,,,32,1,4,3,skipconcat,True,prelu,0.3,max,adam,0.01,199,0.2652,0.0197,138370.0,0.0291,0.0014,0.8907,0.0039,0.8563,0.0107,0.8807,0.0093,0.8682,0.005,0.9554,0.0074
-stage,PyG,TU_DD,graph,False,,,32,1,4,3,skipsum,True,prelu,0.3,max,adam,0.01,199,0.1703,0.0132,146818.0,0.0898,0.0114,0.9289,0.0069,0.9051,0.0131,0.923,0.0097,0.9139,0.0086,0.9817,0.0028
-stage,PyG,TU_DD,graph,False,,,32,1,4,3,stack,True,prelu,0.3,max,adam,0.01,199,0.3201,0.0315,146818.0,0.0785,0.0105,0.8613,0.0164,0.8253,0.0238,0.8392,0.012,0.8321,0.0178,0.9339,0.0132
-stage,PyG,TU_DD,graph,False,,,64,2,4,3,skipconcat,False,swish,0.0,mean,adam,0.1,199,0.6349,0.0598,139920.0,0.065,0.0042,0.6454,0.0796,0.2376,0.336,0.2251,0.3184,0.2312,0.3269,0.5754,0.1609
-stage,PyG,TU_DD,graph,False,,,64,2,4,3,skipsum,False,swish,0.0,mean,adam,0.1,199,0.6765,0.001,146833.0,0.0667,0.0056,0.5909,0.0027,0.0,0.0,0.0,0.0,0.0,0.0,0.4603,0.0176
-stage,PyG,TU_DD,graph,False,,,64,2,4,3,stack,False,swish,0.0,mean,adam,0.1,199,0.6347,0.0589,146833.0,0.0604,0.0059,0.65,0.0831,0.2442,0.3454,0.2271,0.3212,0.2353,0.3328,0.5919,0.1505
-stage,PyG,TU_DD,graph,False,,,64,3,2,3,skipconcat,True,prelu,0.0,max,sgd,0.1,99,0.0035,0.0026,141514.0,0.0544,0.0035,0.9996,0.0005,0.9991,0.0012,1.0,0.0,0.9996,0.0006,1.0,0.0
-stage,PyG,TU_DD,graph,False,,,64,3,2,3,skipsum,True,prelu,0.0,max,sgd,0.1,99,0.001,0.0007,146818.0,0.0536,0.0021,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-stage,PyG,TU_DD,graph,False,,,64,3,2,3,stack,True,prelu,0.0,max,sgd,0.1,99,0.0014,0.0003,146818.0,0.056,0.0023,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-stage,PyG,TU_DD,graph,False,,,64,3,6,1,skipconcat,False,relu,0.3,add,sgd,0.1,99,11.2781,1.5804,140829.0,0.0435,0.0063,0.7038,0.0094,0.6151,0.0137,0.7387,0.0228,0.671,0.0118,0.7533,0.0131
-stage,PyG,TU_DD,graph,False,,,64,3,6,1,skipsum,False,relu,0.3,add,sgd,0.1,99,9.2714,0.3374,145900.0,0.0316,0.0035,0.7077,0.0025,0.615,0.0042,0.7639,0.0208,0.6813,0.0059,0.7671,0.0023
-stage,PyG,TU_DD,graph,False,,,64,3,6,1,stack,False,relu,0.3,add,sgd,0.1,99,8.8605,0.0844,145900.0,0.0309,0.0014,0.7152,0.0056,0.619,0.0062,0.7898,0.0008,0.6941,0.004,0.7748,0.0024
-stage,PyG,TU_ENZYMES,graph,False,,,16,1,8,2,skipconcat,True,swish,0.6,add,adam,0.01,399,1.2942,0.0069,138420.0,0.0196,0.001,0.5157,0.0059,,,,,,,,
-stage,PyG,TU_ENZYMES,graph,False,,,16,1,8,2,skipsum,True,swish,0.6,add,adam,0.01,399,1.2593,0.0413,135284.0,0.0191,0.0013,0.5171,0.0302,,,,,,,,
-stage,PyG,TU_ENZYMES,graph,False,,,16,1,8,2,stack,True,swish,0.6,add,adam,0.01,399,1.4832,0.0198,135284.0,0.0188,0.0009,0.413,0.0301,,,,,,,,
-stage,PyG,TU_ENZYMES,graph,False,,,64,2,8,1,skipconcat,False,prelu,0.0,add,adam,0.001,399,0.0533,0.0209,137227.0,0.0935,0.0046,0.9944,0.001,,,,,,,,
-stage,PyG,TU_ENZYMES,graph,False,,,64,2,8,1,skipsum,False,prelu,0.0,add,adam,0.001,399,0.0277,0.0147,134075.0,0.0539,0.0024,0.9972,0.0026,,,,,,,,
-stage,PyG,TU_ENZYMES,graph,False,,,64,2,8,1,stack,False,prelu,0.0,add,adam,0.001,399,0.2076,0.2162,134075.0,0.0195,0.0005,0.9455,0.0667,,,,,,,,
-stage,PyG,TU_ENZYMES,graph,False,,,64,3,2,2,skipconcat,True,relu,0.6,add,adam,0.001,99,1.8464,0.018,135321.0,0.0205,0.0026,0.2537,0.0051,,,,,,,,
-stage,PyG,TU_ENZYMES,graph,False,,,64,3,2,2,skipsum,True,relu,0.6,add,adam,0.001,99,1.8147,0.0385,134628.0,0.0225,0.0053,0.2642,0.0129,,,,,,,,
-stage,PyG,TU_ENZYMES,graph,False,,,64,3,2,2,stack,True,relu,0.6,add,adam,0.001,99,1.8565,0.0111,134628.0,0.0381,0.0004,0.246,0.0088,,,,,,,,
-stage,PyG,TU_IMDB,graph,False,,,32,1,4,3,skipconcat,False,relu,0.3,add,sgd,0.1,99,1.0984,0.0001,134000.0,0.0148,0.0019,0.3397,0.0008,,,,,,,,
-stage,PyG,TU_IMDB,graph,False,,,32,1,4,3,skipsum,False,relu,0.3,add,sgd,0.1,99,1.0984,0.0001,134848.0,0.0126,0.0007,0.3397,0.0008,,,,,,,,
-stage,PyG,TU_IMDB,graph,False,,,32,1,4,3,stack,False,relu,0.3,add,sgd,0.1,99,1.0984,0.0001,134848.0,0.0109,0.0004,0.3397,0.0008,,,,,,,,
-stage,PyG,TU_IMDB,graph,False,,,32,3,2,2,skipconcat,True,swish,0.6,add,adam,0.001,99,1.0506,0.0017,134251.0,0.0156,0.0006,0.4303,0.0051,,,,,,,,
-stage,PyG,TU_IMDB,graph,False,,,32,3,2,2,skipsum,True,swish,0.6,add,adam,0.001,99,1.0611,0.0064,133815.0,0.0391,0.0023,0.4278,0.0074,,,,,,,,
-stage,PyG,TU_IMDB,graph,False,,,32,3,2,2,stack,True,swish,0.6,add,adam,0.001,99,1.0574,0.01,133815.0,0.0394,0.0034,0.4331,0.0072,,,,,,,,
-stage,PyG,TU_IMDB,graph,False,,,64,1,4,3,skipconcat,True,swish,0.6,max,sgd,0.1,99,1.0932,0.0022,134705.0,0.0524,0.0009,0.3725,0.0168,,,,,,,,
-stage,PyG,TU_IMDB,graph,False,,,64,1,4,3,skipsum,True,swish,0.6,max,sgd,0.1,99,1.0911,0.0026,134091.0,0.0199,0.0024,0.3781,0.0087,,,,,,,,
-stage,PyG,TU_IMDB,graph,False,,,64,1,4,3,stack,True,swish,0.6,max,sgd,0.1,99,1.068,0.004,134091.0,0.0408,0.0014,0.4117,0.0018,,,,,,,,
-stage,PyG,TU_PROTEINS,graph,False,,,32,1,6,2,skipconcat,True,swish,0.3,add,adam,0.001,199,0.4448,0.0075,137193.0,0.0521,0.0068,0.7848,0.0165,0.7352,0.0236,0.7126,0.0194,0.7237,0.0214,0.8655,0.0065
-stage,PyG,TU_PROTEINS,graph,False,,,32,1,6,2,skipsum,True,swish,0.3,add,adam,0.001,199,0.4154,0.0071,134124.0,0.0205,0.0007,0.8084,0.0079,0.77,0.0073,0.7347,0.0132,0.7519,0.0104,0.8857,0.0055
-stage,PyG,TU_PROTEINS,graph,False,,,32,1,6,2,stack,True,swish,0.3,add,adam,0.001,199,0.4544,0.0095,134124.0,0.0225,0.0026,0.7826,0.0038,0.7358,0.0117,0.7031,0.0118,0.7189,0.0037,0.8587,0.0062
-stage,PyG,TU_PROTEINS,graph,False,,,64,2,6,2,skipconcat,True,swish,0.0,max,adam,0.1,199,0.5026,0.0144,139217.0,0.0287,0.0014,0.7587,0.0151,0.7137,0.0204,0.6514,0.0172,0.6811,0.0187,0.8224,0.0104
-stage,PyG,TU_PROTEINS,graph,False,,,64,2,6,2,skipsum,True,swish,0.0,max,adam,0.1,199,0.4879,0.0169,133889.0,0.0255,0.0013,0.7621,0.0126,0.7263,0.0261,0.6408,0.0037,0.6807,0.0136,0.8337,0.0108
-stage,PyG,TU_PROTEINS,graph,False,,,64,2,6,2,stack,True,swish,0.0,max,adam,0.1,199,0.5076,0.0053,133889.0,0.0276,0.0004,0.7489,0.0085,0.7069,0.0175,0.6245,0.0207,0.6628,0.0129,0.8175,0.0068
-stage,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,16,1,8,2,skipconcat,False,swish,0.3,add,sgd,0.01,99,1.5657,0.0294,137773.0,0.0165,0.0003,0.281,0.0378,,,,,,,,
-stage,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,16,1,8,2,skipsum,False,swish,0.3,add,sgd,0.01,99,1.607,0.0012,134920.0,0.0157,0.0015,0.2157,0.0069,,,,,,,,
-stage,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,16,1,8,2,stack,False,swish,0.3,add,sgd,0.01,99,1.6074,0.0014,134920.0,0.0301,0.0005,0.2157,0.0069,,,,,,,,
-stage,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,64,2,4,2,skipconcat,False,prelu,0.0,mean,adam,0.1,399,1.6074,0.0013,136829.0,0.0196,0.0002,0.2157,0.0069,,,,,,,,
-stage,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,64,2,4,2,skipconcat,True,prelu,0.3,mean,sgd,0.1,399,0.2681,0.0451,137500.0,0.0673,0.0055,0.8824,0.0184,,,,,,,,
-stage,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,64,2,4,2,skipsum,False,prelu,0.0,mean,adam,0.1,399,1.6074,0.0013,134834.0,0.0288,0.0072,0.2124,0.0083,,,,,,,,
-stage,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,64,2,4,2,skipsum,True,prelu,0.3,mean,sgd,0.1,399,0.2306,0.0234,134070.0,0.0346,0.0096,0.9085,0.0151,,,,,,,,
-stage,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,64,2,4,2,stack,False,prelu,0.0,mean,adam,0.1,399,1.405,0.2865,134834.0,0.059,0.008,0.3072,0.1399,,,,,,,,
-stage,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,64,2,4,2,stack,True,prelu,0.3,mean,sgd,0.1,399,0.2783,0.019,134070.0,0.0285,0.0009,0.8955,0.0083,,,,,,,,
-stage,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,64,3,6,3,skipconcat,True,swish,0.6,mean,adam,0.1,199,0.7279,0.0298,134810.0,0.0313,0.0024,0.6324,0.02,,,,,,,,
-stage,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,64,3,6,3,skipsum,True,swish,0.6,mean,adam,0.1,199,0.7451,0.0132,134297.0,0.0284,0.0037,0.6389,0.0206,,,,,,,,
-stage,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,64,3,6,3,stack,True,swish,0.6,mean,adam,0.1,199,0.7675,0.0095,134297.0,0.0315,0.0045,0.5997,0.0267,,,,,,,,
-stage,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,64,3,8,2,skipconcat,True,prelu,0.0,add,sgd,0.01,399,0.0288,0.0023,140834.0,0.0989,0.0104,0.9984,0.0023,,,,,,,,
-stage,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,64,3,8,2,skipsum,True,prelu,0.0,add,sgd,0.01,399,0.0344,0.0071,135057.0,0.0299,0.0006,0.9984,0.0023,,,,,,,,
-stage,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,64,3,8,2,stack,True,prelu,0.0,add,sgd,0.01,399,0.2514,0.0103,135057.0,0.0295,0.0013,0.9004,0.0122,,,,,,,,
-stage,nx,scalefree,graph,True,node_const,graph_path_len,32,3,2,3,skipconcat,True,swish,0.3,add,adam,0.01,99,0.6081,0.0572,136501.0,0.0193,0.0035,0.7402,0.0262,,,,,,,,
-stage,nx,scalefree,graph,True,node_const,graph_path_len,32,3,2,3,skipsum,True,swish,0.3,add,adam,0.01,99,0.5453,0.0313,134069.0,0.0198,0.0007,0.7598,0.004,,,,,,,,
-stage,nx,scalefree,graph,True,node_const,graph_path_len,32,3,2,3,stack,True,swish,0.3,add,adam,0.01,99,0.5552,0.051,134069.0,0.0212,0.0003,0.7435,0.0101,,,,,,,,
-stage,nx,scalefree,graph,True,node_const,graph_path_len,64,2,6,3,skipconcat,False,relu,0.6,add,sgd,0.001,399,1.0467,0.0581,141037.0,0.0312,0.0103,0.5343,0.0492,,,,,,,,
-stage,nx,scalefree,graph,True,node_const,graph_path_len,64,2,6,3,skipsum,False,relu,0.6,add,sgd,0.001,399,1.5863,0.0307,134920.0,0.0257,0.0027,0.2092,0.0083,,,,,,,,
-stage,nx,scalefree,graph,True,node_const,graph_path_len,64,2,6,3,stack,False,relu,0.6,add,sgd,0.001,399,1.6,0.0022,134920.0,0.0402,0.0057,0.2173,0.0122,,,,,,,,
-stage,nx,scalefree,graph,True,node_const,graph_path_len,64,3,4,1,skipconcat,True,prelu,0.3,add,sgd,0.001,399,0.5501,0.0152,137556.0,0.0261,0.0005,0.7761,0.0266,,,,,,,,
-stage,nx,scalefree,graph,True,node_const,graph_path_len,64,3,4,1,skipsum,True,prelu,0.3,add,sgd,0.001,399,0.5113,0.0042,134070.0,0.0268,0.0023,0.7598,0.02,,,,,,,,
-stage,nx,scalefree,graph,True,node_const,graph_path_len,64,3,4,1,stack,True,prelu,0.3,add,sgd,0.001,399,0.4904,0.0146,134070.0,0.0273,0.0039,0.7582,0.0234,,,,,,,,
-stage,nx,scalefree,graph,True,node_onehot,graph_path_len,16,3,6,3,skipconcat,True,prelu,0.0,add,adam,0.1,99,0.5768,0.0434,134811.0,0.0236,0.0013,0.7647,0.008,,,,,,,,
-stage,nx,scalefree,graph,True,node_onehot,graph_path_len,16,3,6,3,skipsum,True,prelu,0.0,add,adam,0.1,99,0.5447,0.0302,134298.0,0.0212,0.0009,0.7614,0.0378,,,,,,,,
-stage,nx,scalefree,graph,True,node_onehot,graph_path_len,16,3,6,3,stack,True,prelu,0.0,add,adam,0.1,99,0.5342,0.0077,134298.0,0.0219,0.0029,0.7876,0.0141,,,,,,,,
-stage,nx,scalefree,graph,True,node_onehot,graph_path_len,32,2,6,3,skipconcat,False,swish,0.6,add,adam,0.1,399,1.6166,0.0193,141037.0,0.0588,0.0026,0.2353,0.0342,,,,,,,,
-stage,nx,scalefree,graph,True,node_onehot,graph_path_len,32,2,6,3,skipsum,False,swish,0.6,add,adam,0.1,399,1.6086,0.0135,134920.0,0.0367,0.0027,0.2206,0.012,,,,,,,,
-stage,nx,scalefree,graph,True,node_onehot,graph_path_len,32,2,6,3,stack,False,swish,0.6,add,adam,0.1,399,1.6157,0.0054,134920.0,0.0225,0.0064,0.2092,0.0244,,,,,,,,
-stage,nx,scalefree,graph,True,node_pagerank,graph_path_len,16,2,2,1,skipconcat,True,relu,0.0,max,sgd,0.01,399,0.0093,0.0056,135725.0,0.0099,0.0008,0.9967,0.0023,,,,,,,,
-stage,nx,scalefree,graph,True,node_pagerank,graph_path_len,16,2,2,1,skipsum,True,relu,0.0,max,sgd,0.01,399,0.0006,0.0006,134789.0,0.0344,0.0052,1.0,0.0,,,,,,,,
-stage,nx,scalefree,graph,True,node_pagerank,graph_path_len,16,2,2,1,stack,True,relu,0.0,max,sgd,0.01,399,0.0017,0.0011,134789.0,0.0133,0.0031,1.0,0.0,,,,,,,,
-stage,nx,scalefree,graph,True,node_pagerank,graph_path_len,16,2,4,1,skipconcat,True,swish,0.6,max,sgd,0.001,399,0.7713,0.0212,135928.0,0.0459,0.0054,0.6945,0.0257,,,,,,,,
-stage,nx,scalefree,graph,True,node_pagerank,graph_path_len,16,2,4,1,skipsum,True,swish,0.6,max,sgd,0.001,399,0.7901,0.0682,134118.0,0.0128,0.0035,0.6651,0.0254,,,,,,,,
-stage,nx,scalefree,graph,True,node_pagerank,graph_path_len,16,2,4,1,stack,True,swish,0.6,max,sgd,0.001,399,0.8983,0.0697,134118.0,0.0115,0.001,0.6176,0.0223,,,,,,,,
-stage,nx,scalefree,graph,True,node_pagerank,graph_path_len,16,2,8,3,skipconcat,False,relu,0.0,mean,adam,0.1,99,1.6073,0.0014,136713.0,0.018,0.0014,0.2157,0.0069,,,,,,,,
-stage,nx,scalefree,graph,True,node_pagerank,graph_path_len,16,2,8,3,skipsum,False,relu,0.0,mean,adam,0.1,99,1.6073,0.0014,133748.0,0.0177,0.0005,0.2157,0.0069,,,,,,,,
-stage,nx,scalefree,graph,True,node_pagerank,graph_path_len,16,2,8,3,stack,False,relu,0.0,mean,adam,0.1,99,1.6073,0.0014,133748.0,0.0156,0.0009,0.2157,0.0069,,,,,,,,
-stage,nx,scalefree,graph,True,node_pagerank,graph_path_len,32,3,4,1,skipconcat,False,prelu,0.0,max,adam,0.001,99,0.4985,0.0562,136821.0,0.026,0.0021,0.8137,0.0212,,,,,,,,
-stage,nx,scalefree,graph,True,node_pagerank,graph_path_len,32,3,4,1,skipsum,False,prelu,0.0,max,adam,0.001,99,0.5546,0.0745,134834.0,0.0563,0.0016,0.7908,0.0326,,,,,,,,
-stage,nx,scalefree,graph,True,node_pagerank,graph_path_len,32,3,4,1,stack,False,prelu,0.0,max,adam,0.001,99,0.6904,0.045,134834.0,0.0181,0.0052,0.7157,0.025,,,,,,,,
-stage,nx,scalefree,graph,True,node_pagerank,graph_path_len,64,3,4,3,skipconcat,False,swish,0.0,max,adam,0.1,399,1.6075,0.0015,139454.0,0.0227,0.0024,0.2157,0.0069,,,,,,,,
-stage,nx,scalefree,graph,True,node_pagerank,graph_path_len,64,3,4,3,skipsum,False,swish,0.0,max,adam,0.1,399,1.6075,0.0014,134277.0,0.0198,0.0014,0.2141,0.0092,,,,,,,,
-stage,nx,scalefree,graph,True,node_pagerank,graph_path_len,64,3,4,3,stack,False,swish,0.0,max,adam,0.1,399,1.6074,0.0014,134277.0,0.0221,0.0027,0.2157,0.0069,,,,,,,,
-stage,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,16,1,2,2,skipconcat,True,prelu,0.6,mean,sgd,0.1,199,0.77,0.0036,136296.0,0.0108,0.001,0.6679,0.0016,,,,,,,,
-stage,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,16,1,2,2,skipsum,True,prelu,0.6,mean,sgd,0.1,199,0.7553,0.0053,134790.0,0.0464,0.0033,0.6725,0.0028,,,,,,,,
-stage,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,16,1,2,2,stack,True,prelu,0.6,mean,sgd,0.1,199,0.981,0.0007,134790.0,0.0114,0.0014,0.5746,0.0026,,,,,,,,
-stage,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,16,3,4,2,skipconcat,False,swish,0.6,mean,sgd,0.001,399,1.5838,0.0017,136085.0,0.046,0.0023,0.2782,0.0041,,,,,,,,
-stage,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,16,3,4,2,skipsum,False,swish,0.6,mean,sgd,0.001,399,1.5331,0.0198,134676.0,0.0164,0.0029,0.3304,0.0235,,,,,,,,
-stage,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,16,3,4,2,stack,False,swish,0.6,mean,sgd,0.001,399,1.5492,0.0096,134676.0,0.0116,0.0011,0.2899,0.0056,,,,,,,,
-stage,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,32,3,8,1,skipconcat,False,swish,0.3,mean,adam,0.001,199,0.9233,0.0045,136236.0,0.0531,0.0014,0.6138,0.0018,,,,,,,,
-stage,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,32,3,8,1,skipsum,False,swish,0.3,mean,adam,0.001,199,0.8445,0.0053,135360.0,0.0451,0.0049,0.6491,0.0021,,,,,,,,
-stage,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,32,3,8,1,stack,False,swish,0.3,mean,adam,0.001,199,1.5228,0.0013,135360.0,0.0215,0.003,0.3025,0.0031,,,,,,,,
-stage,nx,scalefree,node,True,node_const,node_clustering_coefficient,16,3,2,1,skipconcat,True,prelu,0.6,mean,sgd,0.01,99,1.5483,0.0045,135407.0,0.0541,0.0026,0.3143,0.0055,,,,,,,,
-stage,nx,scalefree,node,True,node_const,node_clustering_coefficient,16,3,2,1,skipsum,True,prelu,0.6,mean,sgd,0.01,99,1.5599,0.0014,134286.0,0.0117,0.0011,0.2804,0.002,,,,,,,,
-stage,nx,scalefree,node,True,node_const,node_clustering_coefficient,16,3,2,1,stack,True,prelu,0.6,mean,sgd,0.01,99,1.5107,0.001,134286.0,0.0127,0.0009,0.3342,0.0018,,,,,,,,
-stage,nx,scalefree,node,True,node_const,node_clustering_coefficient,32,1,4,1,skipconcat,True,relu,0.3,max,adam,0.1,399,1.119,0.0075,137545.0,0.0169,0.0018,0.5087,0.0044,,,,,,,,
-stage,nx,scalefree,node,True,node_const,node_clustering_coefficient,32,1,4,1,skipsum,True,relu,0.3,max,adam,0.1,399,1.0332,0.0023,134285.0,0.0177,0.0016,0.5462,0.0017,,,,,,,,
-stage,nx,scalefree,node,True,node_const,node_clustering_coefficient,32,1,4,1,stack,True,relu,0.3,max,adam,0.1,399,1.1225,0.0044,134285.0,0.0402,0.0009,0.5058,0.0029,,,,,,,,
-stage,nx,scalefree,node,True,node_const,node_clustering_coefficient,64,3,2,1,skipconcat,True,swish,0.0,mean,sgd,0.01,399,1.5759,0.0006,135406.0,0.0236,0.0009,0.269,0.0005,,,,,,,,
-stage,nx,scalefree,node,True,node_const,node_clustering_coefficient,64,3,2,1,skipsum,True,swish,0.0,mean,sgd,0.01,399,1.5759,0.0006,134285.0,0.0259,0.0036,0.269,0.0005,,,,,,,,
-stage,nx,scalefree,node,True,node_const,node_clustering_coefficient,64,3,2,1,stack,True,swish,0.0,mean,sgd,0.01,399,1.5759,0.0006,134285.0,0.0224,0.0013,0.269,0.0005,,,,,,,,
-stage,nx,scalefree,node,True,node_const,node_pagerank,32,1,6,2,skipconcat,False,relu,0.0,mean,adam,0.01,99,1.6094,0.0,138165.0,0.0522,0.0027,0.203,0.0007,,,,,,,,
-stage,nx,scalefree,node,True,node_const,node_pagerank,32,1,6,2,skipsum,False,relu,0.0,mean,adam,0.01,99,1.6094,0.0,134676.0,0.0182,0.0016,0.203,0.0007,,,,,,,,
-stage,nx,scalefree,node,True,node_const,node_pagerank,32,1,6,2,stack,False,relu,0.0,mean,adam,0.01,99,1.6094,0.0,134676.0,0.0199,0.0002,0.203,0.0007,,,,,,,,
-stage,nx,scalefree,node,True,node_const,node_pagerank,32,3,8,3,skipconcat,False,prelu,0.6,mean,sgd,0.01,99,1.6014,0.0012,137416.0,0.0265,0.0049,0.2308,0.0014,,,,,,,,
-stage,nx,scalefree,node,True,node_const,node_pagerank,32,3,8,3,skipsum,False,prelu,0.6,mean,sgd,0.01,99,1.607,0.0013,135351.0,0.0317,0.0024,0.2151,0.0076,,,,,,,,
-stage,nx,scalefree,node,True,node_const,node_pagerank,32,3,8,3,stack,False,prelu,0.6,mean,sgd,0.01,99,1.5844,0.0077,135351.0,0.0264,0.0057,0.2537,0.0115,,,,,,,,
-stage,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,16,3,4,1,skipconcat,True,relu,0.0,mean,sgd,0.01,399,0.9566,0.0134,137555.0,0.0123,0.0005,0.6275,0.0044,,,,,,,,
-stage,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,16,3,4,1,skipsum,True,relu,0.0,mean,sgd,0.01,399,0.8743,0.0026,134069.0,0.0179,0.0062,0.6603,0.004,,,,,,,,
-stage,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,16,3,4,1,stack,True,relu,0.0,mean,sgd,0.01,399,0.8857,0.0084,134069.0,0.033,0.0027,0.6564,0.0044,,,,,,,,
-stage,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,64,2,4,2,skipconcat,False,relu,0.6,add,adam,0.01,199,1.044,0.0059,136828.0,0.0356,0.0037,0.5219,0.0019,,,,,,,,
-stage,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,64,2,4,2,skipsum,False,relu,0.6,add,adam,0.01,199,1.0568,0.0084,134833.0,0.0314,0.0074,0.5171,0.0033,,,,,,,,
-stage,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,64,2,4,2,stack,False,relu,0.6,add,adam,0.01,199,1.1314,0.0165,134833.0,0.026,0.008,0.4842,0.0062,,,,,,,,
-stage,nx,scalefree,node,True,node_onehot,node_pagerank,64,2,2,3,skipconcat,True,relu,0.6,mean,sgd,0.1,399,1.0658,0.0029,137441.0,0.026,0.0015,0.5281,0.0008,,,,,,,,
-stage,nx,scalefree,node,True,node_onehot,node_pagerank,64,2,2,3,skipsum,True,relu,0.6,mean,sgd,0.1,399,1.0721,0.0037,134118.0,0.0273,0.0028,0.5199,0.0026,,,,,,,,
-stage,nx,scalefree,node,True,node_onehot,node_pagerank,64,2,2,3,stack,True,relu,0.6,mean,sgd,0.1,399,1.2208,0.0056,134118.0,0.0238,0.002,0.4631,0.0038,,,,,,,,
-stage,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,16,1,2,1,skipconcat,False,prelu,0.3,mean,sgd,0.01,99,1.293,0.0123,135830.0,0.0126,0.0014,0.4765,0.0043,,,,,,,,
-stage,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,16,1,2,1,skipsum,False,prelu,0.3,mean,sgd,0.01,99,1.2577,0.0004,134901.0,0.0094,0.0011,0.4817,0.0023,,,,,,,,
-stage,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,16,1,2,1,stack,False,prelu,0.3,mean,sgd,0.01,99,1.3619,0.0013,134901.0,0.0128,0.0008,0.4298,0.0014,,,,,,,,
-stage,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,32,2,2,1,skipconcat,False,swish,0.3,add,adam,0.001,99,1.0344,0.0017,136479.0,0.042,0.0054,0.5415,0.0015,,,,,,,,
-stage,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,32,2,2,1,skipsum,False,swish,0.3,add,adam,0.001,99,1.0412,0.0014,133957.0,0.0211,0.0028,0.5362,0.0018,,,,,,,,
-stage,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,32,2,2,1,stack,False,swish,0.3,add,adam,0.001,99,1.0528,0.0029,133957.0,0.0402,0.0064,0.5332,0.0019,,,,,,,,
-stage,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,32,2,2,2,skipconcat,True,prelu,0.3,max,sgd,0.1,399,0.8525,0.0055,136659.0,0.0251,0.0029,0.6236,0.0016,,,,,,,,
-stage,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,32,2,2,2,skipsum,True,prelu,0.3,max,sgd,0.1,399,0.8488,0.0093,134286.0,0.0567,0.0052,0.6231,0.0016,,,,,,,,
-stage,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,32,2,2,2,stack,True,prelu,0.3,max,sgd,0.1,399,0.9553,0.0039,134286.0,0.02,0.0023,0.5662,0.0029,,,,,,,,
-stage,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,64,3,4,3,skipconcat,False,relu,0.6,mean,adam,0.01,399,1.1358,0.0288,139454.0,0.0301,0.009,0.4964,0.0107,,,,,,,,
-stage,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,64,3,4,3,skipsum,False,relu,0.6,mean,adam,0.01,399,1.5759,0.0006,134277.0,0.0241,0.002,0.269,0.0005,,,,,,,,
-stage,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,64,3,4,3,stack,False,relu,0.6,mean,adam,0.01,399,1.5334,0.0172,134277.0,0.0389,0.0034,0.3023,0.0257,,,,,,,,
-stage,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,16,1,8,1,skipconcat,True,relu,0.0,add,sgd,0.001,199,0.3932,0.1092,138475.0,0.057,0.0028,0.8317,0.0409,,,,,,,,
-stage,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,16,1,8,1,skipsum,True,relu,0.0,add,sgd,0.001,199,0.4238,0.0647,135429.0,0.0166,0.0015,0.8088,0.0394,,,,,,,,
-stage,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,16,1,8,1,stack,True,relu,0.0,add,sgd,0.001,199,0.6478,0.0754,135429.0,0.0346,0.0016,0.7222,0.0141,,,,,,,,
-stage,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,32,1,2,1,skipconcat,True,relu,0.6,mean,sgd,0.1,99,1.6982,0.1532,136453.0,0.012,0.0003,0.6095,0.0421,,,,,,,,
-stage,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,32,1,2,1,skipsum,True,relu,0.6,mean,sgd,0.1,99,1.1742,0.057,134625.0,0.0152,0.0012,0.5523,0.0389,,,,,,,,
-stage,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,32,1,2,1,stack,True,relu,0.6,mean,sgd,0.1,99,1.3939,0.1027,134625.0,0.0332,0.0011,0.6373,0.0289,,,,,,,,
-stage,nx,smallworld,graph,True,node_const,graph_path_len,16,2,4,1,skipconcat,True,prelu,0.6,max,sgd,0.001,199,1.0524,0.0094,135929.0,0.0138,0.0005,0.5294,0.0069,,,,,,,,
-stage,nx,smallworld,graph,True,node_const,graph_path_len,16,2,4,1,skipsum,True,prelu,0.6,max,sgd,0.001,199,0.9975,0.0536,134119.0,0.0173,0.0031,0.5621,0.0372,,,,,,,,
-stage,nx,smallworld,graph,True,node_const,graph_path_len,16,2,4,1,stack,True,prelu,0.6,max,sgd,0.001,199,0.9301,0.0962,134119.0,0.0139,0.0001,0.5915,0.0546,,,,,,,,
-stage,nx,smallworld,graph,True,node_const,graph_path_len,32,1,6,1,skipconcat,True,prelu,0.0,add,adam,0.01,399,0.5492,0.0928,135807.0,0.075,0.0065,0.7647,0.0433,,,,,,,,
-stage,nx,smallworld,graph,True,node_const,graph_path_len,32,1,6,1,skipsum,True,prelu,0.0,add,adam,0.01,399,0.3578,0.0259,134070.0,0.026,0.0041,0.8562,0.0122,,,,,,,,
-stage,nx,smallworld,graph,True,node_const,graph_path_len,32,1,6,1,stack,True,prelu,0.0,add,adam,0.01,399,0.6284,0.1112,134070.0,0.0242,0.0044,0.7239,0.0441,,,,,,,,
-stage,nx,smallworld,graph,True,node_const,graph_path_len,32,2,4,1,skipconcat,True,prelu,0.3,max,sgd,0.01,199,0.6689,0.0342,135929.0,0.0272,0.0018,0.6977,0.0244,,,,,,,,
-stage,nx,smallworld,graph,True,node_const,graph_path_len,32,2,4,1,skipsum,True,prelu,0.3,max,sgd,0.01,199,0.7142,0.0428,134119.0,0.0183,0.0018,0.6749,0.0321,,,,,,,,
-stage,nx,smallworld,graph,True,node_const,graph_path_len,32,2,4,1,stack,True,prelu,0.3,max,sgd,0.01,199,0.6213,0.0318,134119.0,0.0174,0.0021,0.7369,0.0141,,,,,,,,
-stage,nx,smallworld,graph,True,node_const,graph_path_len,32,2,8,1,skipconcat,False,swish,0.3,add,sgd,0.01,99,1.0424,0.0702,137165.0,0.0207,0.0015,0.5163,0.0326,,,,,,,,
-stage,nx,smallworld,graph,True,node_const,graph_path_len,32,2,8,1,skipsum,False,swish,0.3,add,sgd,0.01,99,1.2204,0.1032,134920.0,0.0252,0.0024,0.4706,0.0312,,,,,,,,
-stage,nx,smallworld,graph,True,node_const,graph_path_len,32,2,8,1,stack,False,swish,0.3,add,sgd,0.01,99,1.5956,0.0041,134920.0,0.0169,0.0007,0.2369,0.034,,,,,,,,
-stage,nx,smallworld,graph,True,node_onehot,graph_path_len,16,1,6,2,skipconcat,True,swish,0.0,max,sgd,0.001,99,0.0321,0.015,138781.0,0.05,0.0011,0.9951,0.004,,,,,,,,
-stage,nx,smallworld,graph,True,node_onehot,graph_path_len,16,1,6,2,skipsum,True,swish,0.0,max,sgd,0.001,99,0.0339,0.0057,133829.0,0.0158,0.002,0.9967,0.0023,,,,,,,,
-stage,nx,smallworld,graph,True,node_onehot,graph_path_len,16,1,6,2,stack,True,swish,0.0,max,sgd,0.001,99,0.0329,0.0024,133829.0,0.0142,0.0008,1.0,0.0,,,,,,,,
-stage,nx,smallworld,graph,True,node_onehot,graph_path_len,32,1,6,2,skipconcat,True,relu,0.3,mean,sgd,0.01,199,0.5079,0.0528,138781.0,0.0489,0.0035,0.8006,0.0061,,,,,,,,
-stage,nx,smallworld,graph,True,node_onehot,graph_path_len,32,1,6,2,skipsum,True,relu,0.3,mean,sgd,0.01,199,0.41,0.0584,133829.0,0.0211,0.002,0.8529,0.0318,,,,,,,,
-stage,nx,smallworld,graph,True,node_onehot,graph_path_len,32,1,6,2,stack,True,relu,0.3,mean,sgd,0.01,199,0.344,0.0616,133829.0,0.0194,0.0005,0.8823,0.025,,,,,,,,
-stage,nx,smallworld,graph,True,node_onehot,graph_path_len,64,2,8,2,skipconcat,True,relu,0.0,max,sgd,0.1,199,0.0016,0.0002,139609.0,0.0316,0.0012,1.0,0.0,,,,,,,,
-stage,nx,smallworld,graph,True,node_onehot,graph_path_len,64,2,8,2,skipsum,True,relu,0.0,max,sgd,0.1,199,0.0043,0.0019,134297.0,0.0332,0.0029,1.0,0.0,,,,,,,,
-stage,nx,smallworld,graph,True,node_onehot,graph_path_len,64,2,8,2,stack,True,relu,0.0,max,sgd,0.1,199,0.0233,0.0079,134297.0,0.0307,0.0039,0.9935,0.0046,,,,,,,,
-stage,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,16,1,2,2,skipconcat,False,relu,0.6,max,sgd,0.01,199,1.4885,0.0029,135665.0,0.0095,0.0009,0.337,0.0028,,,,,,,,
-stage,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,16,1,2,2,skipsum,False,relu,0.6,max,sgd,0.01,199,1.4989,0.002,133957.0,0.0104,0.0013,0.3293,0.0027,,,,,,,,
-stage,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,16,1,2,2,stack,False,relu,0.6,max,sgd,0.01,199,1.5223,0.0033,133957.0,0.0099,0.0012,0.3037,0.0011,,,,,,,,
-stage,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,16,3,8,1,skipconcat,True,prelu,0.0,mean,sgd,0.1,199,1.1986,0.0083,136886.0,0.026,0.0008,0.513,0.0047,,,,,,,,
-stage,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,16,3,8,1,skipsum,True,prelu,0.0,mean,sgd,0.1,199,1.119,0.0043,134298.0,0.0197,0.0023,0.5468,0.002,,,,,,,,
-stage,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,16,3,8,1,stack,True,prelu,0.0,mean,sgd,0.1,199,1.4499,0.0017,134298.0,0.0192,0.0016,0.3546,0.001,,,,,,,,
-stage,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,32,2,8,1,skipconcat,True,prelu,0.6,add,adam,0.1,399,0.78,0.0074,137766.0,0.0361,0.0037,0.6737,0.0024,,,,,,,,
-stage,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,32,2,8,1,skipsum,True,prelu,0.6,add,adam,0.1,399,0.5957,0.0018,133926.0,0.0317,0.0017,0.7612,0.0006,,,,,,,,
-stage,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,32,2,8,1,stack,True,prelu,0.6,add,adam,0.1,399,1.0449,0.017,133926.0,0.0718,0.0036,0.5406,0.0159,,,,,,,,
-stage,nx,smallworld,node,True,node_const,node_clustering_coefficient,16,1,4,1,skipconcat,False,relu,0.0,add,adam,0.001,199,1.5331,0.001,136970.0,0.05,0.0015,0.2985,0.0041,,,,,,,,
-stage,nx,smallworld,node,True,node_const,node_clustering_coefficient,16,1,4,1,skipsum,False,relu,0.0,add,adam,0.001,199,1.5264,0.0051,134850.0,0.0133,0.0018,0.3085,0.0049,,,,,,,,
-stage,nx,smallworld,node,True,node_const,node_clustering_coefficient,16,1,4,1,stack,False,relu,0.0,add,adam,0.001,199,1.4707,0.0358,134850.0,0.0115,0.0018,0.3443,0.0341,,,,,,,,
-stage,nx,smallworld,node,True,node_const,node_clustering_coefficient,16,2,8,2,skipconcat,True,prelu,0.3,max,sgd,0.1,399,1.1289,0.0216,139610.0,0.02,0.0027,0.5038,0.01,,,,,,,,
-stage,nx,smallworld,node,True,node_const,node_clustering_coefficient,16,2,8,2,skipsum,True,prelu,0.3,max,sgd,0.1,399,1.054,0.0095,134298.0,0.0661,0.0045,0.537,0.0021,,,,,,,,
-stage,nx,smallworld,node,True,node_const,node_clustering_coefficient,16,2,8,2,stack,True,prelu,0.3,max,sgd,0.1,399,1.1564,0.0126,134298.0,0.0208,0.0018,0.4856,0.0053,,,,,,,,
-stage,nx,smallworld,node,True,node_const,node_clustering_coefficient,32,1,8,1,skipconcat,True,prelu,0.6,max,sgd,0.01,399,1.5782,0.002,138476.0,0.0884,0.0046,0.2767,0.0044,,,,,,,,
-stage,nx,smallworld,node,True,node_const,node_clustering_coefficient,32,1,8,1,skipsum,True,prelu,0.6,max,sgd,0.01,399,1.5766,0.0008,135430.0,0.0244,0.0013,0.2753,0.0012,,,,,,,,
-stage,nx,smallworld,node,True,node_const,node_clustering_coefficient,32,1,8,1,stack,True,prelu,0.6,max,sgd,0.01,399,1.5885,0.0053,135430.0,0.0658,0.0028,0.2649,0.0066,,,,,,,,
-stage,nx,smallworld,node,True,node_const,node_clustering_coefficient,64,3,6,2,skipconcat,False,relu,0.6,add,adam,0.01,399,1.5072,0.0314,135799.0,0.0287,0.0022,0.317,0.0204,,,,,,,,
-stage,nx,smallworld,node,True,node_const,node_clustering_coefficient,64,3,6,2,skipsum,False,relu,0.6,add,adam,0.01,399,1.4346,0.0243,134920.0,0.0248,0.001,0.3734,0.0133,,,,,,,,
-stage,nx,smallworld,node,True,node_const,node_clustering_coefficient,64,3,6,2,stack,False,relu,0.6,add,adam,0.01,399,1.5609,0.0167,134920.0,0.0312,0.0036,0.2767,0.0174,,,,,,,,
-stage,nx,smallworld,node,True,node_const,node_pagerank,16,1,2,2,skipconcat,False,swish,0.6,mean,adam,0.001,399,1.6013,0.0004,135665.0,0.0355,0.0004,0.2289,0.0009,,,,,,,,
-stage,nx,smallworld,node,True,node_const,node_pagerank,16,1,2,2,skipconcat,True,prelu,0.6,mean,adam,0.1,399,1.6094,0.0,136296.0,0.0474,0.0027,0.2025,0.0005,,,,,,,,
-stage,nx,smallworld,node,True,node_const,node_pagerank,16,1,2,2,skipsum,False,swish,0.6,mean,adam,0.001,399,1.6094,0.0,133957.0,0.0112,0.0017,0.2025,0.0005,,,,,,,,
-stage,nx,smallworld,node,True,node_const,node_pagerank,16,1,2,2,skipsum,True,prelu,0.6,mean,adam,0.1,399,1.6094,0.0,134790.0,0.0445,0.0026,0.2025,0.0005,,,,,,,,
-stage,nx,smallworld,node,True,node_const,node_pagerank,16,1,2,2,stack,False,swish,0.6,mean,adam,0.001,399,1.5946,0.0078,133957.0,0.0302,0.0008,0.2299,0.0131,,,,,,,,
-stage,nx,smallworld,node,True,node_const,node_pagerank,16,1,2,2,stack,True,prelu,0.6,mean,adam,0.1,399,1.6094,0.0,134790.0,0.0123,0.0006,0.2025,0.0005,,,,,,,,
-stage,nx,smallworld,node,True,node_const,node_pagerank,16,1,2,3,skipconcat,True,prelu,0.6,add,sgd,0.1,99,1.1684,0.0206,134543.0,0.0527,0.0031,0.4827,0.0061,,,,,,,,
-stage,nx,smallworld,node,True,node_const,node_pagerank,16,1,2,3,skipsum,True,prelu,0.6,add,sgd,0.1,99,1.1078,0.0108,134286.0,0.0123,0.0005,0.5171,0.0041,,,,,,,,
-stage,nx,smallworld,node,True,node_const,node_pagerank,16,1,2,3,stack,True,prelu,0.6,add,sgd,0.1,99,1.0883,0.0085,134286.0,0.012,0.0011,0.518,0.0075,,,,,,,,
-stage,nx,smallworld,node,True,node_const,node_pagerank,16,1,4,1,skipconcat,False,swish,0.6,add,sgd,0.1,99,1.5712,0.0027,136970.0,0.0143,0.0008,0.2839,0.0055,,,,,,,,
-stage,nx,smallworld,node,True,node_const,node_pagerank,16,1,4,1,skipsum,False,swish,0.6,add,sgd,0.1,99,1.5804,0.0006,134850.0,0.0361,0.0041,0.272,0.0032,,,,,,,,
-stage,nx,smallworld,node,True,node_const,node_pagerank,16,1,4,1,stack,False,swish,0.6,add,sgd,0.1,99,1.5918,0.0005,134850.0,0.0114,0.0021,0.2467,0.0004,,,,,,,,
-stage,nx,smallworld,node,True,node_const,node_pagerank,16,2,4,2,skipconcat,True,swish,0.0,mean,sgd,0.001,399,1.6044,0.0006,137499.0,0.012,0.0003,0.2197,0.0084,,,,,,,,
-stage,nx,smallworld,node,True,node_const,node_pagerank,16,2,4,2,skipsum,True,swish,0.0,mean,sgd,0.001,399,1.6124,0.002,134069.0,0.014,0.0009,0.2146,0.0051,,,,,,,,
-stage,nx,smallworld,node,True,node_const,node_pagerank,16,2,4,2,stack,True,swish,0.0,mean,sgd,0.001,399,1.6152,0.0079,134069.0,0.0147,0.0028,0.2205,0.0108,,,,,,,,
-stage,nx,smallworld,node,True,node_const,node_pagerank,16,3,6,3,skipconcat,False,prelu,0.3,mean,adam,0.001,399,1.4965,0.0114,134052.0,0.0181,0.0012,0.3397,0.0052,,,,,,,,
-stage,nx,smallworld,node,True,node_const,node_pagerank,16,3,6,3,skipsum,False,prelu,0.3,mean,adam,0.001,399,1.6094,0.0,135361.0,0.0219,0.0005,0.2025,0.0005,,,,,,,,
-stage,nx,smallworld,node,True,node_const,node_pagerank,16,3,6,3,stack,False,prelu,0.3,mean,adam,0.001,399,1.6094,0.0,135361.0,0.0252,0.0039,0.2025,0.0005,,,,,,,,
-stage,nx,smallworld,node,True,node_const,node_pagerank,32,1,2,1,skipconcat,True,swish,0.3,max,adam,0.1,99,1.2754,0.0027,136453.0,0.0449,0.0013,0.4581,0.005,,,,,,,,
-stage,nx,smallworld,node,True,node_const,node_pagerank,32,1,2,1,skipsum,True,swish,0.3,max,adam,0.1,99,1.2401,0.0051,134625.0,0.0166,0.0028,0.4631,0.0027,,,,,,,,
-stage,nx,smallworld,node,True,node_const,node_pagerank,32,1,2,1,stack,True,swish,0.3,max,adam,0.1,99,1.3094,0.0019,134625.0,0.034,0.0007,0.4238,0.0004,,,,,,,,
-stage,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,32,1,8,2,skipconcat,False,relu,0.3,max,adam,0.01,99,1.5938,0.0156,137773.0,0.0206,0.0004,0.2477,0.0221,,,,,,,,
-stage,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,32,1,8,2,skipsum,False,relu,0.3,max,adam,0.01,99,1.6048,0.0003,134920.0,0.021,0.0021,0.233,0.0015,,,,,,,,
-stage,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,32,1,8,2,stack,False,relu,0.3,max,adam,0.01,99,1.6048,0.0003,134920.0,0.02,0.0003,0.233,0.0015,,,,,,,,
-stage,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,64,3,2,3,skipconcat,False,swish,0.0,add,sgd,0.001,199,1.6031,0.0008,135665.0,0.043,0.0014,0.233,0.0015,,,,,,,,
-stage,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,64,3,2,3,skipsum,False,swish,0.0,add,sgd,0.001,199,1.5962,0.0023,134833.0,0.0201,0.0026,0.2495,0.016,,,,,,,,
-stage,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,64,3,2,3,stack,False,swish,0.0,add,sgd,0.001,199,1.5956,0.002,134833.0,0.0194,0.0021,0.2533,0.0167,,,,,,,,
-stage,nx,smallworld,node,True,node_onehot,node_pagerank,16,2,8,2,skipconcat,False,prelu,0.3,add,sgd,0.001,399,1.586,0.0008,138964.0,0.0197,0.002,0.2471,0.0029,,,,,,,,
-stage,nx,smallworld,node,True,node_onehot,node_pagerank,16,2,8,2,skipsum,False,prelu,0.3,add,sgd,0.001,399,1.5933,0.0026,135361.0,0.0191,0.0034,0.2373,0.0029,,,,,,,,
-stage,nx,smallworld,node,True,node_onehot,node_pagerank,16,2,8,2,stack,False,prelu,0.3,add,sgd,0.001,399,1.6096,0.0007,135361.0,0.0177,0.0028,0.2083,0.0058,,,,,,,,
-stage,nx,smallworld,node,True,node_onehot,node_pagerank,64,3,2,3,skipconcat,False,swish,0.3,add,adam,0.1,99,1.6182,0.0044,135665.0,0.028,0.0043,0.1985,0.0018,,,,,,,,
-stage,nx,smallworld,node,True,node_onehot,node_pagerank,64,3,2,3,skipsum,False,swish,0.3,add,adam,0.1,99,1.5838,0.025,134833.0,0.0236,0.0006,0.2539,0.0403,,,,,,,,
-stage,nx,smallworld,node,True,node_onehot,node_pagerank,64,3,2,3,stack,False,swish,0.3,add,adam,0.1,99,1.6162,0.0021,134833.0,0.0477,0.0037,0.2021,0.0013,,,,,,,,
-stage,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,16,3,2,1,skipconcat,False,prelu,0.0,add,sgd,0.01,199,1.0907,0.003,136248.0,0.0106,0.001,0.5366,0.0015,,,,,,,,
-stage,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,16,3,2,1,skipsum,False,prelu,0.0,add,sgd,0.01,199,1.0847,0.0069,134851.0,0.0098,0.0007,0.5381,0.0025,,,,,,,,
-stage,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,16,3,2,1,stack,False,prelu,0.0,add,sgd,0.01,199,1.1235,0.006,134851.0,0.0442,0.0047,0.5181,0.0023,,,,,,,,
-stage,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,16,3,6,2,skipconcat,False,prelu,0.0,mean,adam,0.01,399,1.6048,0.0003,135800.0,0.0963,0.0222,0.233,0.0015,,,,,,,,
-stage,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,16,3,6,2,skipsum,False,prelu,0.0,mean,adam,0.01,399,1.6048,0.0003,134921.0,0.0864,0.012,0.233,0.0015,,,,,,,,
-stage,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,16,3,6,2,stack,False,prelu,0.0,mean,adam,0.01,399,1.6048,0.0003,134921.0,0.0235,0.0003,0.233,0.0015,,,,,,,,
-stage,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,32,2,4,1,skipconcat,True,prelu,0.6,add,sgd,0.1,399,1.09,0.0151,135929.0,0.0191,0.0001,0.5362,0.0058,,,,,,,,
-stage,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,32,2,4,1,skipsum,True,prelu,0.6,add,sgd,0.1,399,1.0559,0.0099,134119.0,0.0256,0.0067,0.5436,0.0056,,,,,,,,
-stage,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,32,2,4,1,stack,True,prelu,0.6,add,sgd,0.1,399,1.1149,0.009,134119.0,0.0181,0.001,0.5089,0.0052,,,,,,,,
diff --git a/run/results/design_v1_grid_round1/agg/val.csv b/run/results/design_v1_grid_round1/agg/val.csv
deleted file mode 100644
index 638ee6b8..00000000
--- a/run/results/design_v1_grid_round1/agg/val.csv
+++ /dev/null
@@ -1,3324 +0,0 @@
-sample,format,dataset,task,trans,feature,label,batch,l_pre,l_mp,l_post,stage,bn,act,drop,agg,optim,lr,epoch,loss,loss_std,params,time_iter,time_iter_std,accuracy,accuracy_std,precision,precision_std,recall,recall_std,f1,f1_std,auc,auc_std
-act,PyG,AmazonComputers,node,True,,,32,2,2,1,skipconcat,False,prelu,0.6,max,sgd,0.1,99,1.8852,0.0103,278289.0,0.1451,0.024,0.3692,0.0075,,,,,,,,
-act,PyG,AmazonComputers,node,True,,,32,2,2,1,skipconcat,False,relu,0.6,max,sgd,0.1,99,1.8865,0.0105,278288.0,0.1192,0.003,0.3692,0.0075,,,,,,,,
-act,PyG,AmazonComputers,node,True,,,32,2,2,1,skipconcat,False,swish,0.6,max,sgd,0.1,99,1.8848,0.0117,278288.0,0.1307,0.0166,0.3692,0.0075,,,,,,,,
-act,PyG,AmazonPhoto,node,True,,,16,1,6,2,skipconcat,True,prelu,0.0,max,adam,0.01,99,0.2022,0.0239,172005.0,0.0318,0.0029,0.9484,0.0047,,,,,,,,
-act,PyG,AmazonPhoto,node,True,,,16,1,6,2,skipconcat,True,relu,0.0,max,adam,0.01,99,0.2072,0.0221,172004.0,0.0348,0.0027,0.948,0.0047,,,,,,,,
-act,PyG,AmazonPhoto,node,True,,,16,1,6,2,skipconcat,True,swish,0.0,max,adam,0.01,99,0.2462,0.0241,172004.0,0.0396,0.0036,0.9382,0.0036,,,,,,,,
-act,PyG,AmazonPhoto,node,True,,,16,1,8,1,skipconcat,True,prelu,0.3,mean,sgd,0.1,399,0.2284,0.0142,184900.0,0.042,0.0041,0.9362,0.0061,,,,,,,,
-act,PyG,AmazonPhoto,node,True,,,16,1,8,1,skipconcat,True,relu,0.3,mean,sgd,0.1,399,0.2567,0.015,184899.0,0.0674,0.0097,0.9323,0.0036,,,,,,,,
-act,PyG,AmazonPhoto,node,True,,,16,1,8,1,skipconcat,True,swish,0.3,mean,sgd,0.1,399,0.3751,0.0755,184899.0,0.0403,0.0096,0.8879,0.0291,,,,,,,,
-act,PyG,AmazonPhoto,node,True,,,32,2,2,1,skipsum,True,prelu,0.3,max,adam,0.1,399,0.2085,0.011,290101.0,0.0452,0.0099,0.9501,0.0034,,,,,,,,
-act,PyG,AmazonPhoto,node,True,,,32,2,2,1,skipsum,True,relu,0.3,max,adam,0.1,399,0.2265,0.0126,290100.0,0.0447,0.0032,0.9475,0.0014,,,,,,,,
-act,PyG,AmazonPhoto,node,True,,,32,2,2,1,skipsum,True,swish,0.3,max,adam,0.1,399,0.1884,0.0148,290100.0,0.0627,0.0185,0.9521,0.0027,,,,,,,,
-act,PyG,CiteSeer,node,True,,,16,1,2,1,skipconcat,True,prelu,0.6,mean,sgd,0.01,199,1.6685,0.0115,909993.0,0.0853,0.0055,0.4244,0.0252,,,,,,,,
-act,PyG,CiteSeer,node,True,,,16,1,2,1,skipconcat,True,relu,0.6,mean,sgd,0.01,199,1.697,0.0056,909992.0,0.1326,0.0317,0.3373,0.0182,,,,,,,,
-act,PyG,CiteSeer,node,True,,,16,1,2,1,skipconcat,True,swish,0.6,mean,sgd,0.01,199,1.6897,0.004,909992.0,0.106,0.0295,0.3664,0.0256,,,,,,,,
-act,PyG,CiteSeer,node,True,,,16,2,2,2,stack,True,prelu,0.0,add,adam,0.001,199,1.8193,0.0942,804190.0,0.1008,0.0167,0.6837,0.0129,,,,,,,,
-act,PyG,CiteSeer,node,True,,,16,2,2,2,stack,True,relu,0.0,add,adam,0.001,199,1.5906,0.1275,804189.0,0.086,0.0143,0.6832,0.02,,,,,,,,
-act,PyG,CiteSeer,node,True,,,16,2,2,2,stack,True,swish,0.0,add,adam,0.001,199,1.8746,0.1259,804189.0,0.1387,0.067,0.6852,0.0134,,,,,,,,
-act,PyG,CiteSeer,node,True,,,32,2,8,1,skipsum,True,prelu,0.3,max,adam,0.1,199,1.4193,0.0477,582985.0,0.0909,0.0063,0.7167,0.0071,,,,,,,,
-act,PyG,CiteSeer,node,True,,,32,2,8,1,skipsum,True,relu,0.3,max,adam,0.1,199,1.2269,0.0706,582984.0,0.0909,0.0056,0.7532,0.01,,,,,,,,
-act,PyG,CiteSeer,node,True,,,32,2,8,1,skipsum,True,swish,0.3,max,adam,0.1,199,1.1975,0.0648,582984.0,0.0975,0.0096,0.7472,0.0062,,,,,,,,
-act,PyG,CoauthorCS,node,True,,,16,2,6,2,stack,True,prelu,0.3,max,adam,0.1,199,0.5484,0.0408,1006352.0,0.807,0.0403,0.8345,0.0152,,,,,,,,
-act,PyG,CoauthorCS,node,True,,,16,2,6,2,stack,True,relu,0.3,max,adam,0.1,199,0.8874,0.0422,1006351.0,0.874,0.1057,0.7096,0.0268,,,,,,,,
-act,PyG,CoauthorCS,node,True,,,16,2,6,2,stack,True,swish,0.3,max,adam,0.1,199,1.2746,0.191,1006351.0,0.8486,0.0636,0.6138,0.0555,,,,,,,,
-act,PyG,CoauthorCS,node,True,,,16,3,6,1,skipconcat,True,prelu,0.6,mean,adam,0.01,199,0.2497,0.0155,659392.0,1.0702,0.1042,0.9317,0.0082,,,,,,,,
-act,PyG,CoauthorCS,node,True,,,16,3,6,1,skipconcat,True,relu,0.6,mean,adam,0.01,199,0.2975,0.0116,659391.0,0.838,0.1321,0.9247,0.0015,,,,,,,,
-act,PyG,CoauthorCS,node,True,,,16,3,6,1,skipconcat,True,swish,0.6,mean,adam,0.01,199,0.4907,0.1315,659391.0,0.909,0.1196,0.8461,0.0541,,,,,,,,
-act,PyG,CoauthorCS,node,True,,,64,1,6,3,stack,True,prelu,0.3,add,sgd,0.001,199,0.977,0.0302,1006352.0,0.758,0.0591,0.7367,0.0097,,,,,,,,
-act,PyG,CoauthorCS,node,True,,,64,1,6,3,stack,True,relu,0.3,add,sgd,0.001,199,1.3274,0.0362,1006351.0,0.8056,0.1175,0.6306,0.0114,,,,,,,,
-act,PyG,CoauthorCS,node,True,,,64,1,6,3,stack,True,swish,0.3,add,sgd,0.001,199,1.3194,0.0463,1006351.0,0.7868,0.067,0.6322,0.0139,,,,,,,,
-act,PyG,CoauthorPhysics,node,True,,,16,3,6,1,skipsum,True,prelu,0.0,mean,sgd,0.1,399,0.1336,0.0019,1211142.0,1.8991,0.1624,0.9625,0.0004,,,,,,,,
-act,PyG,CoauthorPhysics,node,True,,,16,3,6,1,skipsum,True,relu,0.0,mean,sgd,0.1,399,0.1438,0.002,1211141.0,1.8342,0.0206,0.9623,0.0007,,,,,,,,
-act,PyG,CoauthorPhysics,node,True,,,16,3,6,1,skipsum,True,swish,0.0,mean,sgd,0.1,399,0.145,0.0037,1211141.0,1.9311,0.0828,0.9617,0.0009,,,,,,,,
-act,PyG,Cora,node,True,,,16,2,6,1,stack,True,prelu,0.3,add,sgd,0.001,99,1.859,0.0167,330863.0,0.0207,0.0029,0.3124,0.0432,,,,,,,,
-act,PyG,Cora,node,True,,,16,2,6,1,stack,True,relu,0.3,add,sgd,0.001,99,1.8939,0.0206,330862.0,0.0163,0.0013,0.2407,0.0747,,,,,,,,
-act,PyG,Cora,node,True,,,16,2,6,1,stack,True,swish,0.3,add,sgd,0.001,99,1.8839,0.0229,330862.0,0.0178,0.0028,0.3051,0.0156,,,,,,,,
-act,PyG,Cora,node,True,,,16,2,8,1,skipsum,True,prelu,0.3,mean,sgd,0.1,99,0.5354,0.0299,308437.0,0.0254,0.0029,0.8742,0.0115,,,,,,,,
-act,PyG,Cora,node,True,,,16,2,8,1,skipsum,True,relu,0.3,mean,sgd,0.1,99,0.8005,0.0172,308436.0,0.0251,0.0069,0.8115,0.0063,,,,,,,,
-act,PyG,Cora,node,True,,,16,2,8,1,skipsum,True,swish,0.3,mean,sgd,0.1,99,0.786,0.0061,308436.0,0.0268,0.0045,0.7981,0.0061,,,,,,,,
-act,PyG,Cora,node,True,,,16,3,4,3,skipconcat,True,prelu,0.6,mean,adam,0.01,99,0.6178,0.1231,207560.0,0.0183,0.002,0.8637,0.0182,,,,,,,,
-act,PyG,Cora,node,True,,,16,3,4,3,skipconcat,True,relu,0.6,mean,adam,0.01,99,1.7704,0.5084,207559.0,0.0379,0.0074,0.5236,0.0909,,,,,,,,
-act,PyG,Cora,node,True,,,16,3,4,3,skipconcat,True,swish,0.6,mean,adam,0.01,99,3.3648,1.0425,207559.0,0.0317,0.0039,0.3671,0.1373,,,,,,,,
-act,PyG,Cora,node,True,,,16,3,8,1,stack,True,prelu,0.3,mean,sgd,0.001,99,1.843,0.025,300388.0,0.0244,0.0006,0.3677,0.0249,,,,,,,,
-act,PyG,Cora,node,True,,,16,3,8,1,stack,True,relu,0.3,mean,sgd,0.001,99,1.9016,0.0163,300387.0,0.0242,0.0094,0.2468,0.0574,,,,,,,,
-act,PyG,Cora,node,True,,,16,3,8,1,stack,True,swish,0.3,mean,sgd,0.001,99,1.8796,0.0165,300387.0,0.0274,0.0126,0.3278,0.0391,,,,,,,,
-act,PyG,Cora,node,True,,,32,1,8,1,skipsum,False,prelu,0.3,max,adam,0.001,199,0.652,0.0334,320057.0,0.0192,0.0017,0.8606,0.0087,,,,,,,,
-act,PyG,Cora,node,True,,,32,1,8,1,skipsum,False,relu,0.3,max,adam,0.001,199,0.8725,0.0223,320056.0,0.0205,0.0028,0.857,0.0035,,,,,,,,
-act,PyG,Cora,node,True,,,32,1,8,1,skipsum,False,swish,0.3,max,adam,0.001,199,0.6107,0.0302,320056.0,0.0178,0.0021,0.8588,0.0053,,,,,,,,
-act,PyG,Cora,node,True,,,32,3,8,1,skipsum,False,prelu,0.6,max,sgd,0.1,99,1.8643,0.0093,299123.0,0.0184,0.002,0.294,0.0117,,,,,,,,
-act,PyG,Cora,node,True,,,32,3,8,1,skipsum,False,relu,0.6,max,sgd,0.1,99,1.8611,0.0074,299122.0,0.0235,0.0084,0.294,0.0117,,,,,,,,
-act,PyG,Cora,node,True,,,32,3,8,1,skipsum,False,swish,0.6,max,sgd,0.1,99,1.935,0.0264,299122.0,0.0178,0.0027,0.294,0.0117,,,,,,,,
-act,PyG,Cora,node,True,,,64,2,8,2,skipconcat,False,prelu,0.6,max,sgd,0.01,199,1.8443,0.0098,187926.0,0.0494,0.0007,0.294,0.0117,,,,,,,,
-act,PyG,Cora,node,True,,,64,2,8,2,skipconcat,False,relu,0.6,max,sgd,0.01,199,1.8446,0.0084,187925.0,0.0613,0.0255,0.294,0.0117,,,,,,,,
-act,PyG,Cora,node,True,,,64,2,8,2,skipconcat,False,swish,0.6,max,sgd,0.01,199,1.88,0.0125,187925.0,0.0493,0.005,0.294,0.0117,,,,,,,,
-act,PyG,TU_BZR,graph,False,,,16,2,6,1,skipconcat,False,prelu,0.3,max,sgd,0.1,399,0.4789,0.0339,139154.0,0.0404,0.0024,0.8148,0.0202,0.5821,0.1737,0.2343,0.0116,0.3289,0.0394,0.6396,0.0387
-act,PyG,TU_BZR,graph,False,,,16,2,6,1,skipconcat,False,relu,0.3,max,sgd,0.1,399,0.5167,0.0751,139153.0,0.0083,0.0007,0.8107,0.0154,0.6667,0.2494,0.1277,0.0464,0.2002,0.0605,0.6613,0.0411
-act,PyG,TU_BZR,graph,False,,,16,2,6,1,skipconcat,False,swish,0.3,max,sgd,0.1,399,0.5419,0.0696,139153.0,0.0078,0.0014,0.8107,0.0058,0.7917,0.2946,0.1348,0.0707,0.2011,0.0686,0.6463,0.0377
-act,PyG,TU_BZR,graph,False,,,16,2,8,1,stack,True,prelu,0.0,add,sgd,0.01,399,0.9659,0.4088,140725.0,0.0107,0.0024,0.8519,0.0101,0.6111,0.0454,0.6708,0.088,0.6328,0.0189,0.8524,0.0759
-act,PyG,TU_BZR,graph,False,,,16,2,8,1,stack,True,relu,0.0,add,sgd,0.01,399,1.0611,0.3197,140724.0,0.0124,0.0043,0.8519,0.0101,0.6074,0.0608,0.7173,0.1209,0.6463,0.0325,0.8521,0.0689
-act,PyG,TU_BZR,graph,False,,,16,2,8,1,stack,True,swish,0.0,add,sgd,0.01,399,0.9259,0.367,140724.0,0.0098,0.0008,0.8519,0.0303,0.6172,0.1126,0.7358,0.0965,0.6563,0.0546,0.875,0.0818
-act,PyG,TU_BZR,graph,False,,,32,2,2,3,stack,True,prelu,0.0,add,sgd,0.001,99,0.3661,0.0758,141914.0,0.0082,0.0013,0.8683,0.021,0.6597,0.026,0.6708,0.088,0.6611,0.0389,0.8833,0.0667
-act,PyG,TU_BZR,graph,False,,,32,2,2,3,stack,True,relu,0.0,add,sgd,0.001,99,0.3361,0.0777,141913.0,0.028,0.0106,0.8765,0.0267,0.6694,0.0269,0.7452,0.1792,0.6912,0.0782,0.9048,0.0639
-act,PyG,TU_BZR,graph,False,,,32,2,2,3,stack,True,swish,0.0,add,sgd,0.001,99,0.3792,0.0915,141913.0,0.0078,0.0011,0.8601,0.0454,0.6443,0.0584,0.6337,0.1379,0.6358,0.1007,0.8599,0.0892
-act,PyG,TU_DD,graph,False,,,16,1,6,3,skipconcat,True,relu,0.6,add,sgd,0.1,399,0.5897,0.0953,142257.0,0.0127,0.002,0.7175,0.0563,0.8677,0.0677,0.4234,0.159,0.546,0.1369,0.8355,0.0372
-act,PyG,TU_DD,graph,False,,,16,1,6,3,skipconcat,True,swish,0.6,add,sgd,0.1,399,1.8219,0.9189,142257.0,0.0122,0.0023,0.5042,0.0857,0.5885,0.2321,0.5512,0.3589,0.4242,0.1667,0.5231,0.2113
-act,PyG,TU_DD,graph,False,,,16,2,6,2,stack,True,prelu,0.3,max,sgd,0.001,99,0.6254,0.1173,144898.0,0.0295,0.0063,0.7387,0.0294,0.8638,0.0606,0.4761,0.1184,0.6004,0.0967,0.8189,0.0076
-act,PyG,TU_DD,graph,False,,,16,2,6,2,stack,True,relu,0.3,max,sgd,0.001,99,0.6767,0.0975,144897.0,0.0152,0.0056,0.7203,0.0261,0.8957,0.0477,0.4041,0.1126,0.5445,0.0909,0.8099,0.0034
-act,PyG,TU_DD,graph,False,,,16,2,6,2,stack,True,swish,0.3,max,sgd,0.001,99,0.5597,0.0115,144897.0,0.0335,0.0005,0.7274,0.0208,0.648,0.0306,0.8159,0.0354,0.7208,0.0074,0.8135,0.0029
-act,PyG,TU_DD,graph,False,,,64,1,4,1,skipsum,True,prelu,0.3,mean,sgd,0.1,199,2.6734,1.006,149146.0,0.0401,0.0042,0.7599,0.0538,0.7173,0.0925,0.7806,0.0572,0.7401,0.0294,0.833,0.0089
-act,PyG,TU_DD,graph,False,,,64,1,4,1,skipsum,True,relu,0.3,mean,sgd,0.1,199,1.1928,0.6702,149145.0,0.0314,0.0049,0.6921,0.0649,0.6586,0.1226,0.738,0.12,0.6749,0.0235,0.8149,0.0165
-act,PyG,TU_DD,graph,False,,,64,1,4,1,skipsum,True,swish,0.3,mean,sgd,0.1,199,3.1406,0.6128,149145.0,0.0257,0.0007,0.7345,0.0209,0.8694,0.0792,0.4709,0.1232,0.5935,0.0888,0.834,0.0082
-act,PyG,TU_DD,graph,False,,,64,2,4,3,skipconcat,False,prelu,0.3,max,sgd,0.001,399,0.6683,0.072,139921.0,0.0403,0.0028,0.6949,0.038,0.8883,0.0431,0.3434,0.1063,0.4828,0.1004,0.8068,0.0088
-act,PyG,TU_DD,graph,False,,,64,2,4,3,skipconcat,False,relu,0.3,max,sgd,0.001,399,0.6181,0.0335,139920.0,0.0313,0.0043,0.6935,0.0623,0.6611,0.1016,0.6922,0.1099,0.6605,0.0399,0.7631,0.0261
-act,PyG,TU_DD,graph,False,,,64,2,4,3,skipconcat,False,swish,0.3,max,sgd,0.001,399,0.7632,0.2651,139920.0,0.0382,0.0073,0.6709,0.073,0.7565,0.1745,0.5591,0.37,0.5001,0.3018,0.8063,0.0018
-act,PyG,TU_DD,graph,False,,,64,3,2,2,skipconcat,False,relu,0.6,add,sgd,0.01,99,0.6846,0.0042,144257.0,0.0243,0.0016,0.5692,0.0106,0.0,0.0,0.0,0.0,0.0,0.0,0.5,0.0
-act,PyG,TU_DD,graph,False,,,64,3,2,2,skipconcat,False,swish,0.6,add,sgd,0.01,99,0.6527,0.0035,144257.0,0.0259,0.0024,0.6568,0.0681,0.9531,0.0663,0.2282,0.2117,0.3144,0.2447,0.8101,0.0029
-act,PyG,TU_ENZYMES,graph,False,,,16,1,8,3,skipsum,True,prelu,0.6,add,sgd,0.001,99,1.8121,0.0315,135822.0,0.0407,0.0062,0.1667,0.0581,,,,,,,,
-act,PyG,TU_ENZYMES,graph,False,,,16,1,8,3,skipsum,True,relu,0.6,add,sgd,0.001,99,1.8031,0.0219,135821.0,0.0287,0.0021,0.1861,0.0578,,,,,,,,
-act,PyG,TU_ENZYMES,graph,False,,,16,1,8,3,skipsum,True,swish,0.6,add,sgd,0.001,99,1.8586,0.0298,135821.0,0.009,0.002,0.175,0.0068,,,,,,,,
-act,PyG,TU_ENZYMES,graph,False,,,32,1,6,3,stack,True,prelu,0.3,add,adam,0.01,399,1.9654,0.3725,134535.0,0.0304,0.0005,0.5361,0.0322,,,,,,,,
-act,PyG,TU_ENZYMES,graph,False,,,32,1,6,3,stack,True,relu,0.3,add,adam,0.01,399,2.0914,0.4382,134534.0,0.0099,0.0009,0.5278,0.0387,,,,,,,,
-act,PyG,TU_ENZYMES,graph,False,,,32,1,6,3,stack,True,swish,0.3,add,adam,0.01,399,2.7002,0.612,134534.0,0.0105,0.0004,0.4611,0.0239,,,,,,,,
-act,PyG,TU_ENZYMES,graph,False,,,32,2,2,1,stack,False,prelu,0.0,mean,sgd,0.001,199,1.8172,0.0797,135037.0,0.009,0.0028,0.2611,0.0142,,,,,,,,
-act,PyG,TU_ENZYMES,graph,False,,,32,2,2,1,stack,False,relu,0.0,mean,sgd,0.001,199,1.808,0.0852,135036.0,0.0088,0.0018,0.2695,0.0208,,,,,,,,
-act,PyG,TU_ENZYMES,graph,False,,,32,2,2,1,stack,False,swish,0.0,mean,sgd,0.001,199,1.8449,0.0479,135036.0,0.0064,0.0008,0.1889,0.0219,,,,,,,,
-act,PyG,TU_ENZYMES,graph,False,,,64,1,8,2,skipconcat,False,prelu,0.3,max,sgd,0.01,199,1.9831,0.0723,137809.0,0.0149,0.003,0.1833,0.0272,,,,,,,,
-act,PyG,TU_ENZYMES,graph,False,,,64,1,8,2,skipconcat,False,relu,0.3,max,sgd,0.01,199,1.8421,0.049,137808.0,0.0177,0.0027,0.1611,0.0336,,,,,,,,
-act,PyG,TU_ENZYMES,graph,False,,,64,1,8,2,skipconcat,False,swish,0.3,max,sgd,0.01,199,1.7865,0.0114,137808.0,0.0182,0.0024,0.2166,0.0312,,,,,,,,
-act,PyG,TU_ENZYMES,graph,False,,,64,1,8,3,skipsum,True,prelu,0.3,max,sgd,0.1,399,3.4466,0.3136,135822.0,0.0162,0.0032,0.3083,0.0476,,,,,,,,
-act,PyG,TU_ENZYMES,graph,False,,,64,1,8,3,skipsum,True,relu,0.3,max,sgd,0.1,399,3.4411,0.2732,135821.0,0.0166,0.0026,0.3083,0.0204,,,,,,,,
-act,PyG,TU_ENZYMES,graph,False,,,64,1,8,3,skipsum,True,swish,0.3,max,sgd,0.1,399,4.8331,0.2803,135821.0,0.0123,0.0003,0.2472,0.0502,,,,,,,,
-act,PyG,TU_ENZYMES,graph,False,,,64,3,2,3,stack,False,prelu,0.3,max,sgd,0.01,199,1.7888,0.0039,135597.0,0.0134,0.0009,0.1611,0.0342,,,,,,,,
-act,PyG,TU_ENZYMES,graph,False,,,64,3,2,3,stack,False,relu,0.3,max,sgd,0.01,199,1.8037,0.0065,135596.0,0.0136,0.0019,0.1278,0.0171,,,,,,,,
-act,PyG,TU_ENZYMES,graph,False,,,64,3,2,3,stack,False,swish,0.3,max,sgd,0.01,199,1.8103,0.0276,135596.0,0.0297,0.0017,0.2305,0.0171,,,,,,,,
-act,PyG,TU_IMDB,graph,False,,,16,2,8,3,skipsum,True,prelu,0.3,add,sgd,0.1,199,1.0287,0.0104,133747.0,0.0085,0.0009,0.4622,0.0264,,,,,,,,
-act,PyG,TU_IMDB,graph,False,,,16,2,8,3,skipsum,True,relu,0.3,add,sgd,0.1,199,1.0353,0.0063,133746.0,0.0095,0.0021,0.4611,0.0087,,,,,,,,
-act,PyG,TU_IMDB,graph,False,,,16,2,8,3,skipsum,True,swish,0.3,add,sgd,0.1,199,1.0309,0.0132,133746.0,0.0106,0.0008,0.4578,0.0181,,,,,,,,
-act,PyG,TU_IMDB,graph,False,,,16,3,4,2,stack,True,prelu,0.6,add,adam,0.001,99,1.1652,0.0627,134127.0,0.0051,0.0006,0.4078,0.035,,,,,,,,
-act,PyG,TU_IMDB,graph,False,,,16,3,4,2,stack,True,relu,0.6,add,adam,0.001,99,1.1457,0.0506,134126.0,0.0076,0.0004,0.4044,0.0253,,,,,,,,
-act,PyG,TU_IMDB,graph,False,,,16,3,4,2,stack,True,swish,0.6,add,adam,0.001,99,1.241,0.0497,134126.0,0.0083,0.0017,0.3756,0.0283,,,,,,,,
-act,PyG,TU_IMDB,graph,False,,,64,2,2,2,stack,False,prelu,0.6,mean,sgd,0.001,399,1.101,0.0021,134138.0,0.0136,0.0025,0.34,0.0268,,,,,,,,
-act,PyG,TU_IMDB,graph,False,,,64,2,2,2,stack,False,relu,0.6,mean,sgd,0.001,399,1.1013,0.0019,134137.0,0.0109,0.0006,0.3422,0.0253,,,,,,,,
-act,PyG,TU_IMDB,graph,False,,,64,2,2,2,stack,False,swish,0.6,mean,sgd,0.001,399,1.1168,0.0181,134137.0,0.0121,0.0014,0.3944,0.0259,,,,,,,,
-act,PyG,TU_PROTEINS,graph,False,,,64,2,2,1,skipsum,True,prelu,0.0,max,sgd,0.1,199,0.5559,0.029,133553.0,0.0251,0.0041,0.7273,0.0197,0.6499,0.024,0.7219,0.027,0.684,0.0249,0.7955,0.0169
-act,PyG,TU_PROTEINS,graph,False,,,64,2,2,1,skipsum,True,relu,0.0,max,sgd,0.1,199,0.5572,0.0318,133552.0,0.0122,0.002,0.7182,0.0197,0.6435,0.0235,0.696,0.0324,0.6686,0.0271,0.7915,0.0175
-act,PyG,TU_PROTEINS,graph,False,,,64,2,2,1,skipsum,True,swish,0.0,max,sgd,0.1,199,0.5471,0.0281,133552.0,0.0112,0.0005,0.7137,0.026,0.6392,0.0293,0.6848,0.0473,0.6611,0.0378,0.7977,0.0182
-act,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,32,3,4,3,skipsum,True,prelu,0.3,mean,sgd,0.001,199,2.215,0.5724,135430.0,0.0159,0.0034,0.4103,0.0654,,,,,,,,
-act,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,32,3,4,3,skipsum,True,relu,0.3,mean,sgd,0.001,199,2.7762,0.8739,135429.0,0.0499,0.0048,0.3654,0.0544,,,,,,,,
-act,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,32,3,4,3,skipsum,True,swish,0.3,mean,sgd,0.001,199,4.4807,0.8674,135429.0,0.0104,0.002,0.2821,0.0091,,,,,,,,
-act,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,64,1,4,3,stack,True,prelu,0.0,mean,adam,0.01,399,0.7856,0.0791,134070.0,0.033,0.0029,0.7628,0.0453,,,,,,,,
-act,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,64,1,4,3,stack,True,relu,0.0,mean,adam,0.01,399,0.7836,0.164,134069.0,0.0245,0.0084,0.75,0.0685,,,,,,,,
-act,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,64,1,4,3,stack,True,swish,0.0,mean,adam,0.01,399,0.6463,0.117,134069.0,0.0384,0.0027,0.7564,0.0505,,,,,,,,
-act,nx,scalefree,graph,True,node_onehot,graph_path_len,32,1,2,1,skipconcat,True,prelu,0.0,max,adam,0.001,99,0.6951,0.0729,136454.0,0.0445,0.0167,0.7115,0.0416,,,,,,,,
-act,nx,scalefree,graph,True,node_onehot,graph_path_len,32,1,2,1,skipconcat,True,relu,0.0,max,adam,0.001,99,0.8191,0.0339,136453.0,0.0097,0.0013,0.6474,0.0395,,,,,,,,
-act,nx,scalefree,graph,True,node_onehot,graph_path_len,32,1,2,1,skipconcat,True,swish,0.0,max,adam,0.001,99,0.8304,0.0509,136453.0,0.0088,0.0011,0.6474,0.0181,,,,,,,,
-act,nx,scalefree,graph,True,node_onehot,graph_path_len,32,2,2,2,skipsum,False,prelu,0.3,add,sgd,0.1,199,,,134851.0,0.0332,0.0017,0.2372,0.0395,,,,,,,,
-act,nx,scalefree,graph,True,node_onehot,graph_path_len,32,2,2,2,skipsum,False,relu,0.3,add,sgd,0.1,199,1.6289,0.0123,134850.0,0.0439,0.0091,0.1346,0.0272,,,,,,,,
-act,nx,scalefree,graph,True,node_onehot,graph_path_len,32,2,2,2,skipsum,False,swish,0.3,add,sgd,0.1,199,1.6293,0.0121,134850.0,0.0098,0.0019,0.1346,0.0272,,,,,,,,
-act,nx,scalefree,graph,True,node_onehot,graph_path_len,64,1,6,2,stack,False,prelu,0.3,mean,adam,0.001,199,11.4425,1.4549,134677.0,0.0219,0.006,0.2372,0.0395,,,,,,,,
-act,nx,scalefree,graph,True,node_onehot,graph_path_len,64,1,6,2,stack,False,relu,0.3,mean,adam,0.001,199,11.6535,0.6366,134676.0,0.0393,0.012,0.2372,0.0395,,,,,,,,
-act,nx,scalefree,graph,True,node_onehot,graph_path_len,64,1,6,2,stack,False,swish,0.3,mean,adam,0.001,199,1.6347,0.0166,134676.0,0.0315,0.02,0.1346,0.0272,,,,,,,,
-act,nx,scalefree,graph,True,node_pagerank,graph_path_len,16,3,6,2,skipsum,True,prelu,0.0,mean,sgd,0.001,199,0.672,0.1363,133926.0,0.0355,0.0041,0.7692,0.0471,,,,,,,,
-act,nx,scalefree,graph,True,node_pagerank,graph_path_len,16,3,6,2,skipsum,True,relu,0.0,mean,sgd,0.001,199,0.6507,0.2267,133925.0,0.036,0.0015,0.75,0.0955,,,,,,,,
-act,nx,scalefree,graph,True,node_pagerank,graph_path_len,16,3,6,2,skipsum,True,swish,0.0,mean,sgd,0.001,199,0.7817,0.0512,133925.0,0.0099,0.0038,0.7115,0.0416,,,,,,,,
-act,nx,scalefree,graph,True,node_pagerank,graph_path_len,32,1,2,3,skipconcat,True,prelu,0.3,add,sgd,0.001,99,0.5538,0.1445,134543.0,0.0094,0.0032,0.7436,0.0505,,,,,,,,
-act,nx,scalefree,graph,True,node_pagerank,graph_path_len,32,1,2,3,skipconcat,True,relu,0.3,add,sgd,0.001,99,0.5911,0.209,134542.0,0.0158,0.0045,0.7372,0.0635,,,,,,,,
-act,nx,scalefree,graph,True,node_pagerank,graph_path_len,32,1,2,3,skipconcat,True,swish,0.3,add,sgd,0.001,99,0.9466,0.3356,134542.0,0.0086,0.0011,0.6731,0.0544,,,,,,,,
-act,nx,scalefree,graph,True,node_pagerank,graph_path_len,64,1,8,1,skipconcat,False,prelu,0.6,add,adam,0.01,199,0.535,0.0687,137927.0,0.0133,0.0004,0.7372,0.024,,,,,,,,
-act,nx,scalefree,graph,True,node_pagerank,graph_path_len,64,1,8,1,skipconcat,False,relu,0.6,add,adam,0.01,199,0.5981,0.1335,137926.0,0.0173,0.0014,0.75,0.0314,,,,,,,,
-act,nx,scalefree,graph,True,node_pagerank,graph_path_len,64,1,8,1,skipconcat,False,swish,0.6,add,adam,0.01,199,0.6311,0.1382,137926.0,0.0525,0.0023,0.7564,0.024,,,,,,,,
-act,nx,scalefree,graph,True,node_pagerank,graph_path_len,64,2,2,2,skipsum,True,prelu,0.6,max,adam,0.001,399,34.3151,1.2414,134286.0,0.0142,0.0016,0.2628,0.0395,,,,,,,,
-act,nx,scalefree,graph,True,node_pagerank,graph_path_len,64,2,2,2,skipsum,True,relu,0.6,max,adam,0.001,399,18.7816,4.9111,134285.0,0.0187,0.0037,0.2692,0.0416,,,,,,,,
-act,nx,scalefree,graph,True,node_pagerank,graph_path_len,64,2,2,2,skipsum,True,swish,0.6,max,adam,0.001,399,30.8531,2.7983,134285.0,0.0217,0.0067,0.2628,0.0395,,,,,,,,
-act,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,64,3,8,2,stack,False,prelu,0.0,add,adam,0.01,199,0.464,0.2405,133749.0,0.0156,0.0009,0.8767,0.0638,,,,,,,,
-act,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,64,3,8,2,stack,False,relu,0.0,add,adam,0.01,199,0.2653,0.0513,133748.0,0.023,0.0105,0.9008,0.0198,,,,,,,,
-act,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,64,3,8,2,stack,False,swish,0.0,add,adam,0.01,199,1.4053,0.2891,133748.0,0.0438,0.0038,0.3055,0.1604,,,,,,,,
-act,nx,scalefree,node,True,node_const,node_clustering_coefficient,16,1,2,2,stack,True,prelu,0.6,add,sgd,0.01,199,3.0441,0.0645,134790.0,0.0072,0.0007,0.3563,0.0036,,,,,,,,
-act,nx,scalefree,node,True,node_const,node_clustering_coefficient,16,1,2,2,stack,True,relu,0.6,add,sgd,0.01,199,2.9483,0.0523,134789.0,0.0259,0.0024,0.3457,0.0022,,,,,,,,
-act,nx,scalefree,node,True,node_const,node_clustering_coefficient,16,1,2,2,stack,True,swish,0.6,add,sgd,0.01,199,3.3733,0.0761,134789.0,0.0268,0.0034,0.327,0.0051,,,,,,,,
-act,nx,scalefree,node,True,node_const,node_clustering_coefficient,32,1,8,1,skipsum,False,prelu,0.3,mean,sgd,0.01,199,1.6955,0.0275,134278.0,0.0123,0.0016,0.2423,0.0071,,,,,,,,
-act,nx,scalefree,node,True,node_const,node_clustering_coefficient,32,1,8,1,skipsum,False,relu,0.3,mean,sgd,0.01,199,1.7119,0.0181,134277.0,0.0144,0.0015,0.2423,0.0071,,,,,,,,
-act,nx,scalefree,node,True,node_const,node_clustering_coefficient,32,1,8,1,skipsum,False,swish,0.3,mean,sgd,0.01,199,1.5945,0.0144,134277.0,0.0149,0.0005,0.2513,0.0129,,,,,,,,
-act,nx,scalefree,node,True,node_const,node_clustering_coefficient,32,3,8,2,skipconcat,True,prelu,0.3,add,sgd,0.001,399,1.1699,0.0404,140834.0,0.0134,0.0022,0.4529,0.0068,,,,,,,,
-act,nx,scalefree,node,True,node_const,node_clustering_coefficient,32,3,8,2,skipconcat,True,relu,0.3,add,sgd,0.001,399,1.1671,0.0367,140833.0,0.0138,0.0007,0.4567,0.0053,,,,,,,,
-act,nx,scalefree,node,True,node_const,node_clustering_coefficient,32,3,8,2,skipconcat,True,swish,0.3,add,sgd,0.001,399,1.2382,0.0431,140833.0,0.0133,0.0022,0.4443,0.012,,,,,,,,
-act,nx,scalefree,node,True,node_const,node_clustering_coefficient,64,1,2,3,skipsum,True,prelu,0.6,max,sgd,0.001,399,3.5858,0.0698,134286.0,0.0317,0.0059,0.1976,0.0055,,,,,,,,
-act,nx,scalefree,node,True,node_const,node_clustering_coefficient,64,1,2,3,skipsum,True,relu,0.6,max,sgd,0.001,399,1.8662,0.0456,134285.0,0.0212,0.0026,0.223,0.0323,,,,,,,,
-act,nx,scalefree,node,True,node_const,node_clustering_coefficient,64,1,2,3,skipsum,True,swish,0.6,max,sgd,0.001,399,3.0424,0.1316,134285.0,0.0406,0.0049,0.2436,0.0339,,,,,,,,
-act,nx,scalefree,node,True,node_const,node_clustering_coefficient,64,2,4,3,skipconcat,False,prelu,0.6,max,adam,0.001,99,4.458,0.1365,137199.0,0.0207,0.0007,0.1976,0.0055,,,,,,,,
-act,nx,scalefree,node,True,node_const,node_clustering_coefficient,64,2,4,3,skipconcat,False,relu,0.6,max,adam,0.001,99,3.1463,0.1768,137198.0,0.0528,0.0067,0.2181,0.0344,,,,,,,,
-act,nx,scalefree,node,True,node_const,node_clustering_coefficient,64,2,4,3,skipconcat,False,swish,0.6,max,adam,0.001,99,4.1549,0.1282,137198.0,0.0189,0.0015,0.1976,0.0055,,,,,,,,
-act,nx,scalefree,node,True,node_const,node_pagerank,16,1,2,1,skipsum,True,prelu,0.6,add,adam,0.1,99,1.0394,0.1822,134626.0,0.005,0.0005,0.6414,0.0378,,,,,,,,
-act,nx,scalefree,node,True,node_const,node_pagerank,16,1,2,1,skipsum,True,relu,0.6,add,adam,0.1,99,0.9339,0.1167,134625.0,0.0059,0.0009,0.6586,0.0261,,,,,,,,
-act,nx,scalefree,node,True,node_const,node_pagerank,16,1,2,1,skipsum,True,swish,0.6,add,adam,0.1,99,2.2462,0.2977,134625.0,0.0065,0.0011,0.3861,0.0216,,,,,,,,
-act,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,64,2,4,1,skipsum,True,prelu,0.6,add,adam,0.001,199,1.2217,0.0138,134119.0,0.0176,0.0023,0.4777,0.0051,,,,,,,,
-act,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,64,2,4,1,skipsum,True,relu,0.6,add,adam,0.001,199,1.537,0.023,134118.0,0.0464,0.01,0.3874,0.0062,,,,,,,,
-act,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,64,2,4,1,skipsum,True,swish,0.6,add,adam,0.001,199,1.6929,0.0424,134118.0,0.0348,0.0037,0.4011,0.0147,,,,,,,,
-act,nx,scalefree,node,True,node_onehot,node_pagerank,16,2,6,1,stack,True,prelu,0.3,mean,sgd,0.001,199,1.6468,0.0184,133830.0,0.0077,0.0005,0.2035,0.008,,,,,,,,
-act,nx,scalefree,node,True,node_onehot,node_pagerank,16,2,6,1,stack,True,relu,0.3,mean,sgd,0.001,199,1.6141,0.0086,133829.0,0.007,0.0009,0.2111,0.0094,,,,,,,,
-act,nx,scalefree,node,True,node_onehot,node_pagerank,16,2,6,1,stack,True,swish,0.3,mean,sgd,0.001,199,1.612,0.0093,133829.0,0.0085,0.0013,0.2301,0.0195,,,,,,,,
-act,nx,scalefree,node,True,node_onehot,node_pagerank,16,2,6,3,stack,False,prelu,0.3,mean,adam,0.01,199,1.6099,0.0002,134921.0,0.0085,0.0006,0.1893,0.0025,,,,,,,,
-act,nx,scalefree,node,True,node_onehot,node_pagerank,16,2,6,3,stack,False,relu,0.3,mean,adam,0.01,199,1.6099,0.0002,134920.0,0.0079,0.0012,0.1893,0.0025,,,,,,,,
-act,nx,scalefree,node,True,node_onehot,node_pagerank,16,2,6,3,stack,False,swish,0.3,mean,adam,0.01,199,1.6099,0.0002,134920.0,0.0137,0.0046,0.1893,0.0025,,,,,,,,
-act,nx,scalefree,node,True,node_onehot,node_pagerank,16,3,6,1,skipconcat,False,prelu,0.6,max,sgd,0.1,99,2.4812,0.0413,137034.0,0.0095,0.0007,0.1988,0.0088,,,,,,,,
-act,nx,scalefree,node,True,node_onehot,node_pagerank,16,3,6,1,skipconcat,False,relu,0.6,max,sgd,0.1,99,2.0447,0.033,137033.0,0.0363,0.0033,0.1996,0.0053,,,,,,,,
-act,nx,scalefree,node,True,node_onehot,node_pagerank,16,3,6,1,skipconcat,False,swish,0.6,max,sgd,0.1,99,2.667,0.0033,137033.0,0.0357,0.004,0.2091,0.0238,,,,,,,,
-act,nx,scalefree,node,True,node_onehot,node_pagerank,32,1,6,1,skipsum,True,prelu,0.3,max,sgd,0.001,399,1.4441,0.0326,134070.0,0.028,0.005,0.3132,0.0308,,,,,,,,
-act,nx,scalefree,node,True,node_onehot,node_pagerank,32,1,6,1,skipsum,True,relu,0.3,max,sgd,0.001,399,1.5888,0.006,134069.0,0.0274,0.002,0.2573,0.0353,,,,,,,,
-act,nx,scalefree,node,True,node_onehot,node_pagerank,32,1,6,1,skipsum,True,swish,0.3,max,sgd,0.001,399,1.6743,0.0584,134069.0,0.0119,0.0017,0.1996,0.0053,,,,,,,,
-act,nx,scalefree,node,True,node_onehot,node_pagerank,32,2,6,3,stack,True,prelu,0.0,add,sgd,0.001,399,0.1969,0.003,133926.0,0.0115,0.0008,0.936,0.0019,,,,,,,,
-act,nx,scalefree,node,True,node_onehot,node_pagerank,32,2,6,3,stack,True,relu,0.0,add,sgd,0.001,399,0.1783,0.0067,133925.0,0.0118,0.0026,0.9437,0.0017,,,,,,,,
-act,nx,scalefree,node,True,node_onehot,node_pagerank,32,2,6,3,stack,True,swish,0.0,add,sgd,0.001,399,0.2649,0.0063,133925.0,0.0164,0.004,0.9057,0.0044,,,,,,,,
-act,nx,scalefree,node,True,node_onehot,node_pagerank,64,3,8,1,skipsum,False,prelu,0.0,max,adam,0.001,399,0.6237,0.0153,135361.0,0.018,0.0007,0.7492,0.0101,,,,,,,,
-act,nx,scalefree,node,True,node_onehot,node_pagerank,64,3,8,1,skipsum,False,relu,0.0,max,adam,0.001,399,0.7239,0.0144,135360.0,0.03,0.0023,0.7134,0.0073,,,,,,,,
-act,nx,scalefree,node,True,node_onehot,node_pagerank,64,3,8,1,skipsum,False,swish,0.0,max,adam,0.001,399,0.6359,0.0151,135360.0,0.0248,0.0043,0.7399,0.0093,,,,,,,,
-act,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,16,3,6,1,skipconcat,False,prelu,0.6,max,sgd,0.1,199,2.2395,0.0774,137034.0,0.0111,0.0024,0.289,0.023,,,,,,,,
-act,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,16,3,6,1,skipconcat,False,relu,0.6,max,sgd,0.1,199,1.6979,0.038,137033.0,0.0135,0.0037,0.2375,0.0116,,,,,,,,
-act,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,16,3,6,1,skipconcat,False,swish,0.6,max,sgd,0.1,199,2.1051,0.052,137033.0,0.0153,0.0088,0.2605,0.0565,,,,,,,,
-act,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,32,2,6,3,stack,False,prelu,0.6,max,sgd,0.01,199,1.6045,0.021,134921.0,0.0133,0.0012,0.2688,0.0019,,,,,,,,
-act,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,32,2,6,3,stack,False,relu,0.6,max,sgd,0.01,199,1.5906,0.0074,134920.0,0.0125,0.0043,0.2688,0.0019,,,,,,,,
-act,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,32,2,6,3,stack,False,swish,0.6,max,sgd,0.01,199,1.652,0.0328,134920.0,0.0114,0.0016,0.2688,0.0019,,,,,,,,
-act,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,32,2,8,2,stack,True,prelu,0.6,mean,adam,0.001,199,2.2293,0.009,134298.0,0.026,0.0023,0.1933,0.0036,,,,,,,,
-act,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,32,2,8,2,stack,True,relu,0.6,mean,adam,0.001,199,2.3439,0.0798,134297.0,0.0146,0.0023,0.206,0.0087,,,,,,,,
-act,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,32,2,8,2,stack,True,swish,0.6,mean,adam,0.001,199,2.616,0.0505,134297.0,0.034,0.0021,0.2004,0.0062,,,,,,,,
-act,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,64,2,8,2,skipsum,False,prelu,0.6,max,sgd,0.001,99,1.5822,0.0012,135361.0,0.0507,0.0095,0.2688,0.0019,,,,,,,,
-act,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,64,2,8,2,skipsum,False,relu,0.6,max,sgd,0.001,99,1.5815,0.002,135360.0,0.0165,0.0008,0.2688,0.0019,,,,,,,,
-act,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,64,2,8,2,skipsum,False,swish,0.6,max,sgd,0.001,99,1.5828,0.004,135360.0,0.0331,0.0042,0.2559,0.0185,,,,,,,,
-act,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,16,3,4,2,stack,False,prelu,0.3,mean,adam,0.01,99,1.6432,0.0116,134677.0,0.0098,0.0028,0.1346,0.0157,,,,,,,,
-act,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,16,3,4,2,stack,False,relu,0.3,mean,adam,0.01,99,1.6433,0.0122,134676.0,0.034,0.0022,0.1346,0.0157,,,,,,,,
-act,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,16,3,4,2,stack,False,swish,0.3,mean,adam,0.01,99,1.6422,0.0117,134676.0,0.035,0.0033,0.1346,0.0157,,,,,,,,
-act,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,1,2,3,skipsum,True,prelu,0.0,max,sgd,0.01,399,0.9896,0.3005,134286.0,0.0133,0.0008,0.6795,0.0654,,,,,,,,
-act,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,1,2,3,skipsum,True,relu,0.0,max,sgd,0.01,399,1.1549,0.2739,134285.0,0.0297,0.0013,0.6603,0.092,,,,,,,,
-act,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,1,2,3,skipsum,True,swish,0.0,max,sgd,0.01,399,1.3078,0.3549,134285.0,0.0215,0.0049,0.6538,0.0874,,,,,,,,
-act,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,1,4,2,stack,False,prelu,0.6,max,adam,0.001,199,39.4582,13.5418,134790.0,0.0153,0.0015,0.1666,0.0181,,,,,,,,
-act,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,1,4,2,stack,False,relu,0.6,max,adam,0.001,199,22.6363,3.6727,134789.0,0.0199,0.0014,0.1666,0.0181,,,,,,,,
-act,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,1,4,2,stack,False,swish,0.6,max,adam,0.001,199,41.3632,6.0942,134789.0,0.0443,0.0029,0.1666,0.0181,,,,,,,,
-act,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,2,6,2,skipsum,False,prelu,0.0,mean,sgd,0.1,199,,,134278.0,0.0197,0.0007,0.2308,0.0831,,,,,,,,
-act,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,2,6,2,skipsum,False,relu,0.0,mean,sgd,0.1,199,1.6456,0.0117,134277.0,0.025,0.0126,0.1474,0.0091,,,,,,,,
-act,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,2,6,2,skipsum,False,swish,0.0,mean,sgd,0.1,199,1.6456,0.0117,134277.0,0.0375,0.0057,0.1474,0.0091,,,,,,,,
-act,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,2,6,2,stack,True,prelu,0.6,add,adam,0.01,199,0.3617,0.1804,135430.0,0.0261,0.0021,0.8654,0.0785,,,,,,,,
-act,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,2,6,2,stack,True,relu,0.6,add,adam,0.01,199,0.4083,0.2054,135429.0,0.0256,0.0066,0.859,0.079,,,,,,,,
-act,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,2,6,2,stack,True,swish,0.6,add,adam,0.01,199,1.7404,0.3587,135429.0,0.014,0.0005,0.5449,0.0327,,,,,,,,
-act,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,2,6,3,skipsum,True,prelu,0.0,mean,sgd,0.1,199,0.6431,0.1392,133926.0,0.0161,0.0013,0.7372,0.1158,,,,,,,,
-act,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,2,6,3,skipsum,True,relu,0.0,mean,sgd,0.1,199,0.6709,0.1247,133925.0,0.0219,0.0023,0.7051,0.0595,,,,,,,,
-act,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,2,6,3,skipsum,True,swish,0.0,mean,sgd,0.1,199,0.6057,0.0793,133925.0,0.0396,0.0175,0.7436,0.0091,,,,,,,,
-act,nx,smallworld,graph,True,node_const,graph_path_len,16,1,4,3,stack,False,prelu,0.3,max,sgd,0.1,199,,,134834.0,0.0286,0.0043,0.2308,0.0831,,,,,,,,
-act,nx,smallworld,graph,True,node_const,graph_path_len,16,1,4,3,stack,False,relu,0.3,max,sgd,0.1,199,,,134833.0,0.0117,0.0027,0.1538,0.0314,,,,,,,,
-act,nx,smallworld,graph,True,node_const,graph_path_len,16,1,4,3,stack,False,swish,0.3,max,sgd,0.1,199,,,134833.0,0.0071,0.0005,0.2308,0.0831,,,,,,,,
-act,nx,smallworld,graph,True,node_const,graph_path_len,16,2,4,2,skipconcat,False,prelu,0.3,mean,adam,0.1,399,1.6424,0.0123,136829.0,0.006,0.0007,0.1346,0.0157,,,,,,,,
-act,nx,smallworld,graph,True,node_const,graph_path_len,16,2,4,2,skipconcat,False,relu,0.3,mean,adam,0.1,399,1.6429,0.0122,136828.0,0.0086,0.0016,0.1346,0.0157,,,,,,,,
-act,nx,smallworld,graph,True,node_const,graph_path_len,16,2,4,2,skipconcat,False,swish,0.3,mean,adam,0.1,399,1.6448,0.0145,136828.0,0.0087,0.0022,0.1474,0.0327,,,,,,,,
-act,nx,smallworld,graph,True,node_const,graph_path_len,32,3,8,2,skipsum,True,prelu,0.6,mean,sgd,0.1,399,2.5439,0.888,135057.0,0.0146,0.0017,0.2756,0.0552,,,,,,,,
-act,nx,smallworld,graph,True,node_const,graph_path_len,32,3,8,2,skipsum,True,relu,0.6,mean,sgd,0.1,399,6.4067,2.4287,135056.0,0.0152,0.0032,0.1602,0.024,,,,,,,,
-act,nx,smallworld,graph,True,node_const,graph_path_len,32,3,8,2,skipsum,True,swish,0.6,mean,sgd,0.1,399,4.1417,1.5232,135056.0,0.0161,0.0055,0.1602,0.0091,,,,,,,,
-act,nx,smallworld,graph,True,node_const,graph_path_len,64,2,8,3,skipsum,False,prelu,0.3,mean,sgd,0.1,199,,,133749.0,0.0176,0.0024,0.2308,0.0831,,,,,,,,
-act,nx,smallworld,graph,True,node_const,graph_path_len,64,2,8,3,skipsum,False,relu,0.3,mean,sgd,0.1,199,1.6459,0.0141,133748.0,0.0313,0.0037,0.1474,0.0091,,,,,,,,
-act,nx,smallworld,graph,True,node_const,graph_path_len,64,2,8,3,skipsum,False,swish,0.3,mean,sgd,0.1,199,,,133748.0,0.0273,0.0066,0.2308,0.0831,,,,,,,,
-act,nx,smallworld,graph,True,node_const,graph_path_len,64,3,8,1,skipconcat,False,prelu,0.6,max,sgd,0.01,99,37.4514,20.2311,136237.0,0.0227,0.0039,0.1795,0.0181,,,,,,,,
-act,nx,smallworld,graph,True,node_const,graph_path_len,64,3,8,1,skipconcat,False,relu,0.6,max,sgd,0.01,99,59.9776,5.9394,136236.0,0.0167,0.0031,0.1666,0.0181,,,,,,,,
-act,nx,smallworld,graph,True,node_const,graph_path_len,64,3,8,1,skipconcat,False,swish,0.6,max,sgd,0.01,99,38.5285,4.6078,136236.0,0.021,0.0013,0.1666,0.0181,,,,,,,,
-act,nx,smallworld,graph,True,node_onehot,graph_path_len,16,3,2,2,skipconcat,False,prelu,0.0,max,sgd,0.01,99,,,135030.0,0.0093,0.0022,0.2308,0.0831,,,,,,,,
-act,nx,smallworld,graph,True,node_onehot,graph_path_len,16,3,2,2,skipconcat,False,relu,0.0,max,sgd,0.01,99,1.6432,0.0123,135029.0,0.0312,0.003,0.1346,0.0157,,,,,,,,
-act,nx,smallworld,graph,True,node_onehot,graph_path_len,16,3,2,2,skipconcat,False,swish,0.0,max,sgd,0.01,99,1.6434,0.0123,135029.0,0.0067,0.0009,0.1346,0.0157,,,,,,,,
-act,nx,smallworld,graph,True,node_onehot,graph_path_len,16,3,8,2,skipsum,True,prelu,0.3,mean,adam,0.1,199,4.1944,1.1577,135057.0,0.0129,0.0012,0.2308,0.0831,,,,,,,,
-act,nx,smallworld,graph,True,node_onehot,graph_path_len,16,3,8,2,skipsum,True,relu,0.3,mean,adam,0.1,199,2.2333,0.859,135056.0,0.0151,0.0016,0.2564,0.0654,,,,,,,,
-act,nx,smallworld,graph,True,node_onehot,graph_path_len,16,3,8,2,skipsum,True,swish,0.3,mean,adam,0.1,199,2.2319,0.2744,135056.0,0.0336,0.0013,0.2628,0.0742,,,,,,,,
-act,nx,smallworld,graph,True,node_onehot,graph_path_len,32,1,6,3,skipconcat,False,prelu,0.0,max,sgd,0.001,199,0.8729,0.1214,139848.0,0.017,0.002,0.6411,0.0635,,,,,,,,
-act,nx,smallworld,graph,True,node_onehot,graph_path_len,32,1,6,3,skipconcat,False,relu,0.0,max,sgd,0.001,199,0.843,0.1622,139847.0,0.049,0.0067,0.641,0.0634,,,,,,,,
-act,nx,smallworld,graph,True,node_onehot,graph_path_len,32,1,6,3,skipconcat,False,swish,0.0,max,sgd,0.001,199,0.9283,0.1554,139847.0,0.0134,0.0043,0.6026,0.0654,,,,,,,,
-act,nx,smallworld,graph,True,node_pagerank,graph_path_len,32,3,6,3,stack,True,prelu,0.3,add,sgd,0.001,199,1.1836,0.3021,134298.0,0.0412,0.0128,0.5064,0.1046,,,,,,,,
-act,nx,smallworld,graph,True,node_pagerank,graph_path_len,32,3,6,3,stack,True,relu,0.3,add,sgd,0.001,199,1.3178,0.2403,134297.0,0.011,0.0018,0.4295,0.0453,,,,,,,,
-act,nx,smallworld,graph,True,node_pagerank,graph_path_len,32,3,6,3,stack,True,swish,0.3,add,sgd,0.001,199,1.4173,0.1481,134297.0,0.0116,0.0019,0.4167,0.0594,,,,,,,,
-act,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,16,1,4,3,skipconcat,True,prelu,0.6,add,sgd,0.1,99,0.6808,0.0303,135648.0,0.0312,0.0036,0.6818,0.0162,,,,,,,,
-act,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,16,1,4,3,skipconcat,True,relu,0.6,add,sgd,0.1,99,0.6422,0.0198,135647.0,0.0093,0.0006,0.7056,0.0136,,,,,,,,
-act,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,16,1,4,3,skipconcat,True,swish,0.6,add,sgd,0.1,99,4.3679,0.2591,135647.0,0.0368,0.0055,0.2745,0.0063,,,,,,,,
-act,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,16,3,2,3,stack,True,prelu,0.3,mean,adam,0.001,399,1.4144,0.0083,134070.0,0.0064,0.0008,0.3863,0.0049,,,,,,,,
-act,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,16,3,2,3,stack,True,relu,0.3,mean,adam,0.001,399,1.4211,0.0061,134069.0,0.0061,0.0005,0.3808,0.0021,,,,,,,,
-act,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,16,3,2,3,stack,True,swish,0.3,mean,adam,0.001,399,1.5158,0.0137,134069.0,0.0103,0.0051,0.3274,0.0065,,,,,,,,
-act,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,64,1,8,3,stack,True,prelu,0.3,max,adam,0.01,199,6.7019,0.2247,134298.0,0.0167,0.0003,0.2401,0.0048,,,,,,,,
-act,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,64,1,8,3,stack,True,relu,0.3,max,adam,0.01,199,8.0047,0.3299,134297.0,0.0371,0.0027,0.199,0.0042,,,,,,,,
-act,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,64,1,8,3,stack,True,swish,0.3,max,adam,0.01,199,3.8021,0.032,134297.0,0.0235,0.005,0.2295,0.0035,,,,,,,,
-act,nx,smallworld,node,True,node_const,node_clustering_coefficient,16,1,2,1,stack,True,prelu,0.3,max,sgd,0.001,99,1.6797,0.0107,134626.0,0.0055,0.0006,0.2018,0.0045,,,,,,,,
-act,nx,smallworld,node,True,node_const,node_clustering_coefficient,16,1,2,1,stack,True,relu,0.3,max,sgd,0.001,99,1.6202,0.0026,134625.0,0.0232,0.0039,0.1998,0.0059,,,,,,,,
-act,nx,smallworld,node,True,node_const,node_clustering_coefficient,16,1,2,1,stack,True,swish,0.3,max,sgd,0.001,99,1.6303,0.0069,134625.0,0.0217,0.0014,0.2018,0.0045,,,,,,,,
-act,nx,smallworld,node,True,node_const,node_clustering_coefficient,64,1,2,1,skipsum,True,prelu,0.0,max,sgd,0.01,99,1.6125,0.0041,134626.0,0.0222,0.0044,0.2071,0.0118,,,,,,,,
-act,nx,smallworld,node,True,node_const,node_clustering_coefficient,64,1,2,1,skipsum,True,relu,0.0,max,sgd,0.01,99,1.6182,0.0023,134625.0,0.0376,0.0039,0.1967,0.0211,,,,,,,,
-act,nx,smallworld,node,True,node_const,node_clustering_coefficient,64,1,2,1,skipsum,True,swish,0.0,max,sgd,0.01,99,1.7029,0.0151,134625.0,0.0198,0.006,0.1975,0.0155,,,,,,,,
-act,nx,smallworld,node,True,node_const,node_pagerank,16,2,6,3,skipsum,False,prelu,0.3,add,sgd,0.001,99,1.6058,0.0027,134921.0,0.0272,0.0015,0.2151,0.0077,,,,,,,,
-act,nx,smallworld,node,True,node_const,node_pagerank,16,2,6,3,skipsum,False,relu,0.3,add,sgd,0.001,99,1.6062,0.0017,134920.0,0.0088,0.0017,0.2115,0.0107,,,,,,,,
-act,nx,smallworld,node,True,node_const,node_pagerank,16,2,6,3,skipsum,False,swish,0.3,add,sgd,0.001,99,1.6056,0.0015,134920.0,0.0088,0.0007,0.2285,0.0081,,,,,,,,
-act,nx,smallworld,node,True,node_const,node_pagerank,16,3,8,3,skipconcat,False,prelu,0.0,mean,sgd,0.1,99,1.6097,0.0,137416.0,0.0431,0.0028,0.1911,0.0017,,,,,,,,
-act,nx,smallworld,node,True,node_const,node_pagerank,16,3,8,3,skipconcat,False,relu,0.0,mean,sgd,0.1,99,1.6097,0.0,137415.0,0.0082,0.0009,0.1911,0.0017,,,,,,,,
-act,nx,smallworld,node,True,node_const,node_pagerank,16,3,8,3,skipconcat,False,swish,0.0,mean,sgd,0.1,99,1.6097,0.0,137415.0,0.013,0.001,0.1911,0.0017,,,,,,,,
-act,nx,smallworld,node,True,node_const,node_pagerank,64,1,2,3,skipsum,False,prelu,0.3,add,adam,0.1,399,1.3417,0.4038,134851.0,0.0204,0.0078,0.4709,0.162,,,,,,,,
-act,nx,smallworld,node,True,node_const,node_pagerank,64,1,2,3,skipsum,False,relu,0.3,add,adam,0.1,399,1.6097,0.0,134850.0,0.0184,0.0026,0.1911,0.0017,,,,,,,,
-act,nx,smallworld,node,True,node_const,node_pagerank,64,1,2,3,skipsum,False,swish,0.3,add,adam,0.1,399,1.8731,0.5811,134850.0,0.0158,0.0036,0.2935,0.0676,,,,,,,,
-act,nx,smallworld,node,True,node_const,node_pagerank,64,3,2,2,skipconcat,True,prelu,0.0,mean,adam,0.001,199,18.0211,13.8769,135806.0,0.0203,0.0079,0.1939,0.0032,,,,,,,,
-act,nx,smallworld,node,True,node_const,node_pagerank,64,3,2,2,skipconcat,True,relu,0.0,mean,adam,0.001,199,23.5097,5.7765,135805.0,0.023,0.0025,0.2005,0.0039,,,,,,,,
-act,nx,smallworld,node,True,node_const,node_pagerank,64,3,2,2,skipconcat,True,swish,0.0,mean,adam,0.001,199,12.1042,7.4214,135805.0,0.0238,0.0067,0.2034,0.0055,,,,,,,,
-act,nx,smallworld,node,True,node_const,node_pagerank,64,3,6,3,skipsum,False,prelu,0.3,add,sgd,0.01,399,1.5916,0.0071,135361.0,0.0212,0.0055,0.2336,0.005,,,,,,,,
-act,nx,smallworld,node,True,node_const,node_pagerank,64,3,6,3,skipsum,False,relu,0.3,add,sgd,0.01,399,1.593,0.0052,135360.0,0.0235,0.0088,0.2372,0.0012,,,,,,,,
-act,nx,smallworld,node,True,node_const,node_pagerank,64,3,6,3,skipsum,False,swish,0.3,add,sgd,0.01,399,1.6032,0.0018,135360.0,0.0341,0.0021,0.2311,0.0017,,,,,,,,
-act,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,64,2,6,2,stack,True,prelu,0.6,max,sgd,0.001,399,1.6141,0.0036,135430.0,0.0377,0.0022,0.2018,0.0045,,,,,,,,
-act,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,64,2,6,2,stack,True,relu,0.6,max,sgd,0.001,399,1.6124,0.0025,135429.0,0.022,0.0017,0.2018,0.0045,,,,,,,,
-act,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,64,2,6,2,stack,True,swish,0.6,max,sgd,0.001,399,1.6518,0.0073,135429.0,0.0392,0.0052,0.2018,0.0045,,,,,,,,
-act,nx,smallworld,node,True,node_onehot,node_pagerank,16,1,2,2,skipsum,True,prelu,0.6,mean,sgd,0.01,199,1.6506,0.0038,134790.0,0.0079,0.0018,0.2008,0.0023,,,,,,,,
-act,nx,smallworld,node,True,node_onehot,node_pagerank,16,1,2,2,skipsum,True,relu,0.6,mean,sgd,0.01,199,1.6524,0.0041,134789.0,0.0257,0.0019,0.2015,0.0019,,,,,,,,
-act,nx,smallworld,node,True,node_onehot,node_pagerank,16,1,2,2,skipsum,True,swish,0.6,mean,sgd,0.01,199,1.717,0.0128,134789.0,0.0056,0.0003,0.1979,0.0026,,,,,,,,
-act,nx,smallworld,node,True,node_onehot,node_pagerank,64,1,4,2,skipconcat,False,prelu,0.3,mean,sgd,0.01,199,1.6102,0.0002,137398.0,0.0241,0.0053,0.1939,0.006,,,,,,,,
-act,nx,smallworld,node,True,node_onehot,node_pagerank,64,1,4,2,skipconcat,False,relu,0.3,mean,sgd,0.01,199,1.6103,0.0002,137397.0,0.0266,0.009,0.1946,0.0049,,,,,,,,
-act,nx,smallworld,node,True,node_onehot,node_pagerank,64,1,4,2,skipconcat,False,swish,0.3,mean,sgd,0.01,199,1.61,0.0002,137397.0,0.0212,0.0056,0.1916,0.0017,,,,,,,,
-act,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,16,1,2,1,skipconcat,True,prelu,0.6,add,sgd,0.001,199,1.3442,0.0059,136454.0,0.0374,0.0056,0.4212,0.0067,,,,,,,,
-act,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,16,1,2,1,skipconcat,True,relu,0.6,add,sgd,0.001,199,1.4114,0.0077,136453.0,0.008,0.0003,0.4289,0.0074,,,,,,,,
-act,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,16,1,2,1,skipconcat,True,swish,0.6,add,sgd,0.001,199,1.4414,0.0106,136453.0,0.0076,0.002,0.3743,0.001,,,,,,,,
-act,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,16,3,8,1,stack,False,prelu,0.0,max,sgd,0.01,399,1.072,0.007,135361.0,0.0263,0.003,0.523,0.003,,,,,,,,
-act,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,16,3,8,1,stack,False,relu,0.0,max,sgd,0.01,399,1.0906,0.0132,135360.0,0.0271,0.0071,0.5171,0.0044,,,,,,,,
-act,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,16,3,8,1,stack,False,swish,0.0,max,sgd,0.01,399,1.6049,0.001,135360.0,0.0092,0.0013,0.2305,0.0055,,,,,,,,
-act,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,32,2,4,1,skipsum,False,prelu,0.6,max,adam,0.1,199,1.7986,0.1376,134790.0,0.0254,0.0013,0.2018,0.0045,,,,,,,,
-act,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,32,2,4,1,skipsum,False,relu,0.6,max,adam,0.1,199,1.6629,0.0264,134789.0,0.0126,0.0018,0.2018,0.0045,,,,,,,,
-act,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,32,2,4,1,skipsum,False,swish,0.6,max,adam,0.1,199,1.9823,0.1259,134789.0,0.0295,0.0022,0.2018,0.0045,,,,,,,,
-act,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,32,3,2,1,stack,True,prelu,0.0,mean,sgd,0.1,199,1.0655,0.0072,134286.0,0.0098,0.0013,0.541,0.0028,,,,,,,,
-act,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,32,3,2,1,stack,True,relu,0.0,mean,sgd,0.1,199,1.0583,0.0077,134285.0,0.0148,0.0058,0.5404,0.0081,,,,,,,,
-act,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,32,3,2,1,stack,True,swish,0.0,mean,sgd,0.1,199,1.1091,0.0084,134285.0,0.0105,0.0017,0.5249,0.0047,,,,,,,,
-act,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,64,2,2,2,stack,True,prelu,0.0,mean,sgd,0.001,199,1.1115,0.0112,134286.0,0.0172,0.002,0.5112,0.0063,,,,,,,,
-act,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,64,2,2,2,stack,True,relu,0.0,mean,sgd,0.001,199,1.1031,0.0075,134285.0,0.0174,0.0023,0.5123,0.0072,,,,,,,,
-act,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,64,2,2,2,stack,True,swish,0.0,mean,sgd,0.001,199,1.1264,0.0052,134285.0,0.0429,0.0097,0.5122,0.0014,,,,,,,,
-agg,PyG,AmazonComputers,node,True,,,64,1,4,3,skipsum,True,prelu,0.0,add,sgd,0.1,99,0.3559,0.0064,248503.0,0.1039,0.0206,0.891,0.0036,,,,,,,,
-agg,PyG,AmazonComputers,node,True,,,64,1,4,3,skipsum,True,prelu,0.0,max,sgd,0.1,99,0.3269,0.0077,248503.0,0.1484,0.021,0.9085,0.0016,,,,,,,,
-agg,PyG,AmazonComputers,node,True,,,64,1,4,3,skipsum,True,prelu,0.0,mean,sgd,0.1,99,0.2875,0.0038,248503.0,0.1364,0.0068,0.9115,0.0006,,,,,,,,
-agg,PyG,AmazonComputers,node,True,,,64,3,4,1,skipsum,False,prelu,0.3,add,adam,0.001,399,1.1575,0.0342,250033.0,0.1176,0.0022,0.7013,0.0083,,,,,,,,
-agg,PyG,AmazonComputers,node,True,,,64,3,4,1,skipsum,False,prelu,0.3,max,adam,0.001,399,0.6043,0.0059,250033.0,0.1309,0.0296,0.8897,0.004,,,,,,,,
-agg,PyG,AmazonComputers,node,True,,,64,3,4,1,skipsum,False,prelu,0.3,mean,adam,0.001,399,0.4605,0.0031,250033.0,0.1193,0.0124,0.9025,0.0045,,,,,,,,
-agg,PyG,AmazonComputers,node,True,,,64,3,4,3,skipsum,False,relu,0.3,add,sgd,0.01,199,1.827,0.0404,234532.0,0.0971,0.0064,0.3692,0.0075,,,,,,,,
-agg,PyG,AmazonComputers,node,True,,,64,3,4,3,skipsum,False,relu,0.3,max,sgd,0.01,199,1.8911,0.0087,234532.0,0.1907,0.0457,0.3692,0.0075,,,,,,,,
-agg,PyG,AmazonComputers,node,True,,,64,3,4,3,skipsum,False,relu,0.3,mean,sgd,0.01,199,1.8682,0.0143,234532.0,0.0801,0.0145,0.3692,0.0075,,,,,,,,
-agg,PyG,AmazonComputers,node,True,,,64,3,6,1,skipsum,True,relu,0.0,add,sgd,0.01,99,1.7153,0.0089,232842.0,0.1855,0.0368,0.4278,0.0084,,,,,,,,
-agg,PyG,AmazonComputers,node,True,,,64,3,6,1,skipsum,True,relu,0.0,max,sgd,0.01,99,1.5534,0.007,232842.0,0.189,0.012,0.5192,0.0048,,,,,,,,
-agg,PyG,AmazonComputers,node,True,,,64,3,6,1,skipsum,True,relu,0.0,mean,sgd,0.01,99,1.4242,0.0153,232842.0,0.172,0.0296,0.6504,0.0102,,,,,,,,
-agg,PyG,AmazonComputers,node,True,,,64,3,6,3,skipconcat,False,relu,0.3,add,adam,0.001,399,1.7341,0.3268,169126.0,0.1546,0.0327,0.4786,0.0451,,,,,,,,
-agg,PyG,AmazonComputers,node,True,,,64,3,6,3,skipconcat,False,relu,0.3,max,adam,0.001,399,1.2618,0.4619,169126.0,0.1696,0.0399,0.5556,0.1609,,,,,,,,
-agg,PyG,AmazonComputers,node,True,,,64,3,6,3,skipconcat,False,relu,0.3,mean,adam,0.001,399,0.3536,0.0171,169126.0,0.1584,0.0435,0.8992,0.0032,,,,,,,,
-agg,PyG,AmazonPhoto,node,True,,,16,1,2,1,skipsum,False,swish,0.6,add,sgd,0.001,399,1.8937,0.0196,326398.0,0.0677,0.0152,0.3007,0.0517,,,,,,,,
-agg,PyG,AmazonPhoto,node,True,,,16,1,2,1,skipsum,False,swish,0.6,max,sgd,0.001,399,1.9765,0.0047,326398.0,0.0638,0.0035,0.2578,0.0078,,,,,,,,
-agg,PyG,AmazonPhoto,node,True,,,16,1,2,1,skipsum,False,swish,0.6,mean,sgd,0.001,399,1.9361,0.0037,326398.0,0.0486,0.0148,0.2586,0.0065,,,,,,,,
-agg,PyG,AmazonPhoto,node,True,,,16,1,6,3,skipconcat,True,prelu,0.6,add,sgd,0.1,399,0.2217,0.0273,166235.0,0.0504,0.0059,0.9491,0.0033,,,,,,,,
-agg,PyG,AmazonPhoto,node,True,,,16,1,6,3,skipconcat,True,prelu,0.6,max,sgd,0.1,399,0.354,0.0182,166235.0,0.0357,0.0041,0.904,0.0092,,,,,,,,
-agg,PyG,AmazonPhoto,node,True,,,16,1,6,3,skipconcat,True,prelu,0.6,mean,sgd,0.1,399,0.2153,0.0273,166235.0,0.0743,0.0119,0.956,0.0019,,,,,,,,
-agg,PyG,AmazonPhoto,node,True,,,32,2,4,3,stack,True,swish,0.3,add,sgd,0.1,399,2.0431,0.1399,236744.0,0.0612,0.0116,0.6873,0.0249,,,,,,,,
-agg,PyG,AmazonPhoto,node,True,,,32,2,4,3,stack,True,swish,0.3,max,sgd,0.1,399,1.0507,0.087,236744.0,0.0728,0.0219,0.6782,0.0378,,,,,,,,
-agg,PyG,AmazonPhoto,node,True,,,32,2,4,3,stack,True,swish,0.3,mean,sgd,0.1,399,0.4358,0.1373,236744.0,0.0336,0.002,0.8677,0.0466,,,,,,,,
-agg,PyG,CiteSeer,node,True,,,16,3,6,1,stack,True,swish,0.6,add,adam,0.01,199,1.3856,0.1192,608134.0,0.0417,0.0032,0.543,0.0154,,,,,,,,
-agg,PyG,CiteSeer,node,True,,,16,3,6,1,stack,True,swish,0.6,max,adam,0.01,199,1.8719,0.1074,608134.0,0.1525,0.0576,0.4395,0.0536,,,,,,,,
-agg,PyG,CiteSeer,node,True,,,16,3,6,1,stack,True,swish,0.6,mean,adam,0.01,199,1.5062,0.0888,608134.0,0.1275,0.0351,0.6561,0.0234,,,,,,,,
-agg,PyG,CoauthorPhysics,node,True,,,16,2,6,1,skipconcat,True,relu,0.6,add,adam,0.001,99,0.5203,0.0098,794201.0,2.1624,0.2436,0.9132,0.0059,,,,,,,,
-agg,PyG,CoauthorPhysics,node,True,,,16,2,6,1,skipconcat,True,relu,0.6,max,adam,0.001,99,0.9643,0.0106,794201.0,1.9946,0.1432,0.9281,0.0056,,,,,,,,
-agg,PyG,CoauthorPhysics,node,True,,,16,2,6,1,skipconcat,True,relu,0.6,mean,adam,0.001,99,0.4439,0.003,794201.0,1.9894,0.1555,0.9535,0.0017,,,,,,,,
-agg,PyG,CoauthorPhysics,node,True,,,16,3,2,3,skipsum,False,relu,0.6,add,adam,0.1,199,1.3599,0.0005,1388834.0,1.736,0.1443,0.5035,0.0012,,,,,,,,
-agg,PyG,CoauthorPhysics,node,True,,,16,3,2,3,skipsum,False,relu,0.6,max,adam,0.1,199,1.0673,0.2144,1388834.0,1.995,0.126,0.553,0.07,,,,,,,,
-agg,PyG,CoauthorPhysics,node,True,,,16,3,2,3,skipsum,False,relu,0.6,mean,adam,0.1,199,1.36,0.0005,1388834.0,1.7276,0.0734,0.5035,0.0012,,,,,,,,
-agg,PyG,CoauthorPhysics,node,True,,,32,1,8,3,skipsum,False,relu,0.0,add,adam,0.01,99,1.3563,0.0037,1101820.0,1.8307,0.0782,0.5035,0.0012,,,,,,,,
-agg,PyG,CoauthorPhysics,node,True,,,32,1,8,3,skipsum,False,relu,0.0,max,adam,0.01,99,0.5125,0.0415,1101820.0,1.9514,0.1395,0.7902,0.0224,,,,,,,,
-agg,PyG,CoauthorPhysics,node,True,,,32,1,8,3,skipsum,False,relu,0.0,mean,adam,0.01,99,0.4243,0.1847,1101820.0,1.8146,0.1189,0.8593,0.093,,,,,,,,
-agg,PyG,CoauthorPhysics,node,True,,,64,1,8,3,skipconcat,True,relu,0.0,add,adam,0.001,99,0.1145,0.0039,355217.0,1.7506,0.0914,0.9649,0.0004,,,,,,,,
-agg,PyG,CoauthorPhysics,node,True,,,64,1,8,3,skipconcat,True,relu,0.0,max,adam,0.001,99,0.1463,0.0083,355217.0,1.8086,0.1243,0.9558,0.0022,,,,,,,,
-agg,PyG,CoauthorPhysics,node,True,,,64,1,8,3,skipconcat,True,relu,0.0,mean,adam,0.001,99,0.1291,0.0066,355217.0,1.9519,0.1286,0.9622,0.0015,,,,,,,,
-agg,PyG,CoauthorPhysics,node,True,,,64,1,8,3,skipconcat,True,swish,0.0,add,adam,0.01,99,0.1489,0.0064,355217.0,1.4887,0.0305,0.9614,0.0006,,,,,,,,
-agg,PyG,CoauthorPhysics,node,True,,,64,1,8,3,skipconcat,True,swish,0.0,max,adam,0.01,99,0.1732,0.0026,355217.0,1.8815,0.1581,0.9483,0.0005,,,,,,,,
-agg,PyG,CoauthorPhysics,node,True,,,64,1,8,3,skipconcat,True,swish,0.0,mean,adam,0.01,99,0.1482,0.0049,355217.0,1.8397,0.2283,0.9539,0.0002,,,,,,,,
-agg,PyG,CoauthorPhysics,node,True,,,64,2,2,2,stack,False,swish,0.0,add,sgd,0.01,199,0.4217,0.006,1665851.0,2.1023,0.2321,0.9253,0.0014,,,,,,,,
-agg,PyG,CoauthorPhysics,node,True,,,64,2,2,2,stack,False,swish,0.0,max,sgd,0.01,199,0.4687,0.0096,1665851.0,1.8427,0.0344,0.9002,0.0007,,,,,,,,
-agg,PyG,CoauthorPhysics,node,True,,,64,2,2,2,stack,False,swish,0.0,mean,sgd,0.01,199,0.3464,0.0045,1665851.0,1.9318,0.0803,0.9322,0.0019,,,,,,,,
-agg,PyG,Cora,node,True,,,16,2,8,1,stack,False,relu,0.6,add,sgd,0.01,99,1.8541,0.0134,307226.0,0.0154,0.0012,0.294,0.0117,,,,,,,,
-agg,PyG,Cora,node,True,,,16,2,8,1,stack,False,relu,0.6,max,sgd,0.01,99,1.8556,0.0164,307226.0,0.0176,0.0006,0.294,0.0117,,,,,,,,
-agg,PyG,Cora,node,True,,,16,2,8,1,stack,False,relu,0.6,mean,sgd,0.01,99,1.8491,0.0085,307226.0,0.0179,0.003,0.294,0.0117,,,,,,,,
-agg,PyG,Cora,node,True,,,16,3,8,2,skipsum,False,swish,0.3,add,sgd,0.01,99,1.7933,0.0184,292827.0,0.0187,0.0021,0.294,0.0117,,,,,,,,
-agg,PyG,Cora,node,True,,,16,3,8,2,skipsum,False,swish,0.3,max,sgd,0.01,99,1.8901,0.0228,292827.0,0.0245,0.0104,0.294,0.0117,,,,,,,,
-agg,PyG,Cora,node,True,,,16,3,8,2,skipsum,False,swish,0.3,mean,sgd,0.01,99,1.8389,0.0062,292827.0,0.0217,0.0024,0.294,0.0117,,,,,,,,
-agg,PyG,Cora,node,True,,,32,2,4,1,stack,False,swish,0.6,add,adam,0.01,199,0.7306,0.0653,368550.0,0.0259,0.0023,0.8269,0.0138,,,,,,,,
-agg,PyG,Cora,node,True,,,32,2,4,1,stack,False,swish,0.6,max,adam,0.01,199,0.6914,0.067,368550.0,0.0387,0.0164,0.8165,0.0117,,,,,,,,
-agg,PyG,Cora,node,True,,,32,2,4,1,stack,False,swish,0.6,mean,adam,0.01,199,0.6923,0.0544,368550.0,0.015,0.0004,0.8441,0.014,,,,,,,,
-agg,PyG,TU_BZR,graph,False,,,64,3,8,1,skipconcat,True,swish,0.3,add,sgd,0.01,399,0.411,0.0694,137235.0,0.0129,0.0017,0.8477,0.0254,0.8381,0.1197,0.2785,0.0236,0.4148,0.0209,0.8204,0.0239
-agg,PyG,TU_BZR,graph,False,,,64,3,8,1,skipconcat,True,swish,0.3,max,sgd,0.01,399,0.4534,0.0108,137235.0,0.0177,0.0013,0.8231,0.0154,0.5556,0.4157,0.1157,0.0909,0.1852,0.1386,0.7833,0.0249
-agg,PyG,TU_BZR,graph,False,,,64,3,8,1,skipconcat,True,swish,0.3,mean,sgd,0.01,399,0.4127,0.0708,137235.0,0.0138,0.0023,0.8436,0.021,0.7381,0.0701,0.2993,0.0154,0.4252,0.0224,0.8055,0.0714
-agg,PyG,TU_COX2,graph,False,,,16,1,6,2,skipsum,False,prelu,0.0,add,adam,0.1,399,0.5362,0.0174,139382.0,0.0065,0.001,0.773,0.0133,0.0,0.0,0.0,0.0,0.0,0.0,0.5256,0.0086
-agg,PyG,TU_COX2,graph,False,,,16,1,6,2,skipsum,False,prelu,0.0,max,adam,0.1,399,0.5313,0.0247,139382.0,0.0087,0.0012,0.773,0.0133,0.0,0.0,0.0,0.0,0.0,0.0,0.5405,0.0619
-agg,PyG,TU_COX2,graph,False,,,16,1,6,2,skipsum,False,prelu,0.0,mean,adam,0.1,399,0.5362,0.0173,139382.0,0.0312,0.0049,0.773,0.0133,0.0,0.0,0.0,0.0,0.0,0.0,0.5107,0.0211
-agg,PyG,TU_COX2,graph,False,,,16,1,6,3,stack,False,relu,0.6,add,adam,0.001,99,0.536,0.0172,138934.0,0.0261,0.0018,0.773,0.0133,0.0,0.0,0.0,0.0,0.0,0.0,0.5105,0.0148
-agg,PyG,TU_COX2,graph,False,,,16,1,6,3,stack,False,relu,0.6,max,adam,0.001,99,0.5352,0.0161,138934.0,0.0282,0.0043,0.773,0.0133,0.0,0.0,0.0,0.0,0.0,0.0,0.4741,0.0367
-agg,PyG,TU_COX2,graph,False,,,16,1,6,3,stack,False,relu,0.6,mean,adam,0.001,99,0.5359,0.017,138934.0,0.0056,0.0006,0.773,0.0133,0.0,0.0,0.0,0.0,0.0,0.0,0.5099,0.014
-agg,PyG,TU_COX2,graph,False,,,16,3,8,1,skipconcat,False,relu,0.0,add,adam,0.001,99,0.4722,0.0181,135524.0,0.0084,0.001,0.7979,0.0087,0.7333,0.1886,0.2056,0.0679,0.309,0.0697,0.7407,0.016
-agg,PyG,TU_COX2,graph,False,,,16,3,8,1,skipconcat,False,relu,0.0,max,adam,0.001,99,0.483,0.0816,135524.0,0.0076,0.0011,0.7979,0.0434,0.5959,0.121,0.3336,0.095,0.4269,0.1096,0.7587,0.0474
-agg,PyG,TU_COX2,graph,False,,,16,3,8,1,skipconcat,False,relu,0.0,mean,adam,0.001,99,0.4253,0.0281,135524.0,0.0079,0.0009,0.8156,0.0617,0.6873,0.2272,0.3212,0.1511,0.4351,0.1858,0.793,0.0141
-agg,PyG,TU_COX2,graph,False,,,32,2,4,2,skipconcat,False,prelu,0.6,add,adam,0.001,99,0.66,0.0331,137069.0,0.0081,0.0011,0.773,0.0133,0.0,0.0,0.0,0.0,0.0,0.0,0.5103,0.0089
-agg,PyG,TU_COX2,graph,False,,,32,2,4,2,skipconcat,False,prelu,0.6,max,adam,0.001,99,0.6354,0.0536,137069.0,0.0081,0.0003,0.773,0.0133,0.0,0.0,0.0,0.0,0.0,0.0,0.517,0.0165
-agg,PyG,TU_COX2,graph,False,,,32,2,4,2,skipconcat,False,prelu,0.6,mean,adam,0.001,99,0.6635,0.0292,137069.0,0.0117,0.0011,0.773,0.0133,0.0,0.0,0.0,0.0,0.0,0.0,0.5254,0.01
-agg,PyG,TU_COX2,graph,False,,,64,3,6,3,stack,False,prelu,0.3,add,adam,0.1,199,0.5364,0.0171,137657.0,0.0386,0.009,0.773,0.0133,0.0,0.0,0.0,0.0,0.0,0.0,0.5068,0.0169
-agg,PyG,TU_COX2,graph,False,,,64,3,6,3,stack,False,prelu,0.3,max,adam,0.1,199,0.5363,0.0174,137657.0,0.0137,0.0018,0.773,0.0133,0.0,0.0,0.0,0.0,0.0,0.0,0.5065,0.0192
-agg,PyG,TU_COX2,graph,False,,,64,3,6,3,stack,False,prelu,0.3,mean,adam,0.1,199,0.5366,0.0169,137657.0,0.0138,0.002,0.773,0.0133,0.0,0.0,0.0,0.0,0.0,0.0,0.5064,0.0191
-agg,PyG,TU_DD,graph,False,,,16,3,4,1,skipconcat,False,prelu,0.6,add,adam,0.01,399,0.7589,0.0488,142907.0,0.009,0.0024,0.6949,0.0125,0.855,0.056,0.3539,0.0078,0.5,0.0083,0.8114,0.0059
-agg,PyG,TU_DD,graph,False,,,16,3,4,1,skipconcat,False,prelu,0.6,max,adam,0.01,399,0.8636,0.1108,142907.0,0.0111,0.0013,0.5452,0.1105,0.5965,0.2068,0.7645,0.3123,0.5701,0.0679,0.801,0.0237
-agg,PyG,TU_DD,graph,False,,,16,3,4,1,skipconcat,False,prelu,0.6,mean,adam,0.01,399,0.7526,0.0458,142907.0,0.0101,0.0009,0.7034,0.0151,0.8859,0.0139,0.3576,0.0196,0.5094,0.0222,0.8108,0.0025
-agg,PyG,TU_DD,graph,False,,,64,2,6,1,skipsum,True,prelu,0.3,add,sgd,0.001,99,0.5889,0.0306,145907.0,0.0413,0.0007,0.7203,0.027,0.7055,0.0502,0.6091,0.0295,0.6525,0.0276,0.801,0.0336
-agg,PyG,TU_DD,graph,False,,,64,2,6,1,skipsum,True,prelu,0.3,max,sgd,0.001,99,0.6163,0.0533,145907.0,0.0521,0.0069,0.6978,0.0264,0.868,0.0518,0.3513,0.0401,0.4996,0.0476,0.8411,0.0226
-agg,PyG,TU_DD,graph,False,,,64,2,6,1,skipsum,True,prelu,0.3,mean,sgd,0.001,99,0.7321,0.105,145907.0,0.0391,0.0041,0.685,0.0111,0.8664,0.0681,0.3265,0.0738,0.4657,0.0745,0.828,0.0269
-agg,PyG,TU_ENZYMES,graph,False,,,16,3,4,2,skipconcat,False,relu,0.3,add,adam,0.001,199,1.9689,0.3292,135906.0,0.0114,0.0029,0.3945,0.0336,,,,,,,,
-agg,PyG,TU_ENZYMES,graph,False,,,16,3,4,2,skipconcat,False,relu,0.3,max,adam,0.001,199,1.8817,0.1271,135906.0,0.0065,0.002,0.2389,0.0275,,,,,,,,
-agg,PyG,TU_ENZYMES,graph,False,,,16,3,4,2,skipconcat,False,relu,0.3,mean,adam,0.001,199,1.7214,0.1626,135906.0,0.0505,0.0119,0.3611,0.0258,,,,,,,,
-agg,PyG,TU_ENZYMES,graph,False,,,32,2,4,3,skipconcat,True,relu,0.0,add,sgd,0.01,199,2.0723,0.2326,137810.0,0.0069,0.0002,0.5972,0.0142,,,,,,,,
-agg,PyG,TU_ENZYMES,graph,False,,,32,2,4,3,skipconcat,True,relu,0.0,max,sgd,0.01,199,2.0795,0.2115,137810.0,0.0103,0.0026,0.5694,0.0104,,,,,,,,
-agg,PyG,TU_ENZYMES,graph,False,,,32,2,4,3,skipconcat,True,relu,0.0,mean,sgd,0.01,199,1.8479,0.2281,137810.0,0.0106,0.0025,0.5806,0.0387,,,,,,,,
-agg,PyG,TU_IMDB,graph,False,,,16,2,6,1,skipsum,False,prelu,0.0,add,sgd,0.01,199,1.0455,0.0143,134968.0,0.0264,0.0011,0.4634,0.0094,,,,,,,,
-agg,PyG,TU_IMDB,graph,False,,,16,2,6,1,skipsum,False,prelu,0.0,max,sgd,0.01,199,1.101,0.0019,134968.0,0.0073,0.0006,0.3255,0.0304,,,,,,,,
-agg,PyG,TU_IMDB,graph,False,,,16,2,6,1,skipsum,False,prelu,0.0,mean,sgd,0.01,199,1.101,0.0019,134968.0,0.0264,0.0018,0.3255,0.0304,,,,,,,,
-agg,PyG,TU_IMDB,graph,False,,,16,2,8,3,stack,True,relu,0.6,add,adam,0.001,199,1.0628,0.0128,133746.0,0.0304,0.0025,0.4467,0.0216,,,,,,,,
-agg,PyG,TU_IMDB,graph,False,,,16,2,8,3,stack,True,relu,0.6,max,adam,0.001,199,1.5979,0.1132,133746.0,0.0083,0.0012,0.3744,0.0157,,,,,,,,
-agg,PyG,TU_IMDB,graph,False,,,16,2,8,3,stack,True,relu,0.6,mean,adam,0.001,199,1.5778,0.1331,133746.0,0.0085,0.0019,0.3478,0.0134,,,,,,,,
-agg,PyG,TU_IMDB,graph,False,,,16,3,2,1,skipsum,True,prelu,0.0,add,adam,0.01,99,1.0391,0.004,133582.0,0.0056,0.0005,0.4611,0.0095,,,,,,,,
-agg,PyG,TU_IMDB,graph,False,,,16,3,2,1,skipsum,True,prelu,0.0,max,adam,0.01,99,1.1052,0.0044,133582.0,0.0053,0.0006,0.3233,0.0294,,,,,,,,
-agg,PyG,TU_IMDB,graph,False,,,16,3,2,1,skipsum,True,prelu,0.0,mean,adam,0.01,99,1.1011,0.0021,133582.0,0.0056,0.0006,0.3333,0.0072,,,,,,,,
-agg,PyG,TU_IMDB,graph,False,,,64,1,4,1,skipsum,False,prelu,0.0,add,sgd,0.001,99,1.0679,0.0086,134138.0,0.012,0.0001,0.4311,0.0069,,,,,,,,
-agg,PyG,TU_IMDB,graph,False,,,64,1,4,1,skipsum,False,prelu,0.0,max,sgd,0.001,99,1.1004,0.0017,134138.0,0.0119,0.0014,0.3411,0.0159,,,,,,,,
-agg,PyG,TU_IMDB,graph,False,,,64,1,4,1,skipsum,False,prelu,0.0,mean,sgd,0.001,99,1.1004,0.0017,134138.0,0.0277,0.0019,0.3411,0.0159,,,,,,,,
-agg,PyG,TU_PROTEINS,graph,False,,,16,1,4,1,skipconcat,True,prelu,0.0,add,adam,0.001,399,0.8104,0.1505,134322.0,0.0352,0.0034,0.7046,0.0134,0.6471,0.0224,0.611,0.0462,0.6276,0.0289,0.7634,0.0125
-agg,PyG,TU_PROTEINS,graph,False,,,16,1,4,1,skipconcat,True,prelu,0.0,max,adam,0.001,399,0.6353,0.0523,134322.0,0.0065,0.0016,0.7182,0.0098,0.6441,0.0221,0.7002,0.0213,0.6703,0.0029,0.7733,0.0088
-agg,PyG,TU_PROTEINS,graph,False,,,16,1,4,1,skipconcat,True,prelu,0.0,mean,adam,0.001,399,0.5621,0.021,134322.0,0.0076,0.0007,0.7288,0.0093,0.6765,0.0113,0.644,0.032,0.6597,0.0219,0.7916,0.0119
-agg,PyG,TU_PROTEINS,graph,False,,,32,1,6,3,skipconcat,True,relu,0.3,add,sgd,0.001,99,0.5813,0.018,139333.0,0.0382,0.0015,0.7136,0.0207,0.6918,0.0549,0.5482,0.0277,0.6103,0.026,0.7823,0.0137
-agg,PyG,TU_PROTEINS,graph,False,,,32,1,6,3,skipconcat,True,relu,0.3,max,sgd,0.001,99,0.8308,0.0343,139333.0,0.0106,0.0013,0.45,0.0243,0.4232,0.0126,0.9413,0.0354,0.5834,0.0071,0.661,0.0214
-agg,PyG,TU_PROTEINS,graph,False,,,32,1,6,3,skipconcat,True,relu,0.3,mean,sgd,0.001,99,0.6014,0.0422,139333.0,0.0113,0.0013,0.7167,0.0119,0.7597,0.0417,0.4521,0.0301,0.5657,0.0243,0.7994,0.0125
-agg,PyG,TU_PROTEINS,graph,False,,,32,3,8,3,stack,True,relu,0.6,add,adam,0.01,399,0.6192,0.0129,135451.0,0.0113,0.0018,0.6894,0.0113,0.8017,0.0559,0.3265,0.039,0.4609,0.0338,0.7763,0.0077
-agg,PyG,TU_PROTEINS,graph,False,,,32,3,8,3,stack,True,relu,0.6,max,adam,0.01,399,3.3169,1.0602,135451.0,0.0284,0.0016,0.4091,0.0065,0.4091,0.0065,1.0,0.0,0.5806,0.0064,0.2554,0.0107
-agg,PyG,TU_PROTEINS,graph,False,,,32,3,8,3,stack,True,relu,0.6,mean,adam,0.01,399,0.6303,0.0203,135451.0,0.0133,0.0039,0.6727,0.0129,0.8438,0.0401,0.2486,0.035,0.3818,0.038,0.7842,0.0068
-agg,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,16,2,8,1,skipsum,True,prelu,0.6,add,sgd,0.01,199,8.203,1.4506,133926.0,0.0113,0.0027,0.3974,0.0505,,,,,,,,
-agg,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,16,2,8,1,skipsum,True,prelu,0.6,max,sgd,0.01,199,33.3095,11.7607,133926.0,0.0114,0.0005,0.282,0.0635,,,,,,,,
-agg,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,16,2,8,1,skipsum,True,prelu,0.6,mean,sgd,0.01,199,59.6252,7.8976,133926.0,0.0099,0.0007,0.2372,0.0395,,,,,,,,
-agg,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,64,1,8,3,stack,True,prelu,0.0,add,sgd,0.01,99,0.3279,0.0514,134298.0,0.0336,0.0021,0.8654,0.0415,,,,,,,,
-agg,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,64,1,8,3,stack,True,prelu,0.0,max,sgd,0.01,99,0.9248,0.044,134298.0,0.018,0.0017,0.7179,0.048,,,,,,,,
-agg,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,64,1,8,3,stack,True,prelu,0.0,mean,sgd,0.01,99,0.7463,0.1978,134298.0,0.0162,0.0009,0.7372,0.0551,,,,,,,,
-agg,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,64,2,4,2,stack,True,prelu,0.0,add,adam,0.1,99,0.2313,0.0437,134070.0,0.0167,0.0018,0.9359,0.0551,,,,,,,,
-agg,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,64,2,4,2,stack,True,prelu,0.0,max,adam,0.1,99,0.7017,0.1322,134070.0,0.025,0.0098,0.7436,0.0395,,,,,,,,
-agg,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,64,2,4,2,stack,True,prelu,0.0,mean,adam,0.1,99,0.5653,0.0383,134070.0,0.0343,0.0038,0.718,0.0327,,,,,,,,
-agg,nx,scalefree,graph,True,node_onehot,graph_path_len,16,1,6,1,stack,False,relu,0.0,add,adam,0.1,399,1.6296,0.013,134833.0,0.006,0.0007,0.1346,0.0272,,,,,,,,
-agg,nx,scalefree,graph,True,node_onehot,graph_path_len,16,1,6,1,stack,False,relu,0.0,max,adam,0.1,399,1.6296,0.013,134833.0,0.0074,0.0016,0.1346,0.0272,,,,,,,,
-agg,nx,scalefree,graph,True,node_onehot,graph_path_len,16,1,6,1,stack,False,relu,0.0,mean,adam,0.1,399,1.6296,0.013,134833.0,0.0064,0.0006,0.1346,0.0272,,,,,,,,
-agg,nx,scalefree,graph,True,node_onehot,graph_path_len,16,1,8,2,stack,True,relu,0.0,add,adam,0.001,199,0.4546,0.0168,133925.0,0.0294,0.001,0.8077,0.0157,,,,,,,,
-agg,nx,scalefree,graph,True,node_onehot,graph_path_len,16,1,8,2,stack,True,relu,0.0,max,adam,0.001,199,1.2897,0.1959,133925.0,0.0265,0.0011,0.6859,0.0395,,,,,,,,
-agg,nx,scalefree,graph,True,node_onehot,graph_path_len,16,1,8,2,stack,True,relu,0.0,mean,adam,0.001,199,1.8642,0.1829,133925.0,0.0094,0.0009,0.532,0.0327,,,,,,,,
-agg,nx,scalefree,graph,True,node_onehot,graph_path_len,16,2,2,3,stack,False,prelu,0.0,add,adam,0.01,99,1.6296,0.0129,134790.0,0.0263,0.0005,0.1346,0.0272,,,,,,,,
-agg,nx,scalefree,graph,True,node_onehot,graph_path_len,16,2,2,3,stack,False,prelu,0.0,max,adam,0.01,99,1.6287,0.0126,134790.0,0.0067,0.0005,0.1346,0.0272,,,,,,,,
-agg,nx,scalefree,graph,True,node_onehot,graph_path_len,16,2,2,3,stack,False,prelu,0.0,mean,adam,0.01,99,1.629,0.0127,134790.0,0.0354,0.0077,0.1346,0.0272,,,,,,,,
-agg,nx,scalefree,graph,True,node_pagerank,graph_path_len,16,3,4,2,stack,False,relu,0.6,add,adam,0.001,399,67.7268,9.1667,134676.0,0.0068,0.0003,0.2628,0.0395,,,,,,,,
-agg,nx,scalefree,graph,True,node_pagerank,graph_path_len,16,3,4,2,stack,False,relu,0.6,max,adam,0.001,399,28.2266,2.4556,134676.0,0.0273,0.002,0.2628,0.0395,,,,,,,,
-agg,nx,scalefree,graph,True,node_pagerank,graph_path_len,16,3,4,2,stack,False,relu,0.6,mean,adam,0.001,399,28.7172,11.7596,134676.0,0.009,0.0032,0.2244,0.0453,,,,,,,,
-agg,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,16,2,4,1,skipconcat,False,relu,0.3,add,adam,0.001,99,0.2225,0.0056,137725.0,0.0373,0.0012,0.9329,0.004,,,,,,,,
-agg,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,16,2,4,1,skipconcat,False,relu,0.3,max,adam,0.001,99,1.0781,0.0268,137725.0,0.0384,0.0037,0.4917,0.0219,,,,,,,,
-agg,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,16,2,4,1,skipconcat,False,relu,0.3,mean,adam,0.001,99,0.8307,0.0067,137725.0,0.0096,0.0028,0.6484,0.0059,,,,,,,,
-agg,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,64,3,2,2,skipsum,False,swish,0.0,add,sgd,0.001,399,1.3762,0.0155,134789.0,0.0176,0.0025,0.4875,0.0223,,,,,,,,
-agg,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,64,3,2,2,skipsum,False,swish,0.0,max,sgd,0.001,399,1.1641,0.0121,134789.0,0.0253,0.0066,0.5685,0.0042,,,,,,,,
-agg,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,64,3,2,2,skipsum,False,swish,0.0,mean,sgd,0.001,399,1.1984,0.0056,134789.0,0.0175,0.0019,0.5477,0.0093,,,,,,,,
-agg,nx,scalefree,node,True,node_const,node_clustering_coefficient,16,1,4,1,stack,True,relu,0.3,add,adam,0.1,199,0.9475,0.002,134285.0,0.0061,0.0005,0.5515,0.005,,,,,,,,
-agg,nx,scalefree,node,True,node_const,node_clustering_coefficient,16,1,4,1,stack,True,relu,0.3,max,adam,0.1,199,2.2736,0.056,134285.0,0.0121,0.0012,0.2436,0.0339,,,,,,,,
-agg,nx,scalefree,node,True,node_const,node_clustering_coefficient,16,1,4,1,stack,True,relu,0.3,mean,adam,0.1,199,1.8553,0.02,134285.0,0.008,0.0009,0.2423,0.0071,,,,,,,,
-agg,nx,scalefree,node,True,node_const,node_clustering_coefficient,16,3,2,1,skipconcat,False,relu,0.0,add,sgd,0.1,199,1.1007,0.0312,136247.0,0.0061,0.0006,0.4927,0.0187,,,,,,,,
-agg,nx,scalefree,node,True,node_const,node_clustering_coefficient,16,3,2,1,skipconcat,False,relu,0.0,max,sgd,0.1,199,1.5778,0.0023,136247.0,0.0071,0.0004,0.2688,0.0019,,,,,,,,
-agg,nx,scalefree,node,True,node_const,node_clustering_coefficient,16,3,2,1,skipconcat,False,relu,0.0,mean,sgd,0.1,199,1.5778,0.0023,136247.0,0.0063,0.0008,0.2688,0.0019,,,,,,,,
-agg,nx,scalefree,node,True,node_const,node_clustering_coefficient,32,1,4,2,skipconcat,False,relu,0.6,add,adam,0.001,399,0.9298,0.0039,137397.0,0.0113,0.0014,0.5571,0.0032,,,,,,,,
-agg,nx,scalefree,node,True,node_const,node_clustering_coefficient,32,1,4,2,skipconcat,False,relu,0.6,max,adam,0.001,399,2.3654,0.0533,137397.0,0.0363,0.0027,0.1976,0.0055,,,,,,,,
-agg,nx,scalefree,node,True,node_const,node_clustering_coefficient,32,1,4,2,skipconcat,False,relu,0.6,mean,adam,0.001,399,2.6768,0.079,137397.0,0.0094,0.0004,0.2688,0.0019,,,,,,,,
-agg,nx,scalefree,node,True,node_const,node_clustering_coefficient,32,2,2,2,skipsum,True,swish,0.6,add,adam,0.001,199,4.2777,0.2032,134285.0,0.0102,0.0012,0.2371,0.0052,,,,,,,,
-agg,nx,scalefree,node,True,node_const,node_clustering_coefficient,32,2,2,2,skipsum,True,swish,0.6,max,adam,0.001,199,8.3326,0.17,134285.0,0.011,0.0013,0.1976,0.0055,,,,,,,,
-agg,nx,scalefree,node,True,node_const,node_clustering_coefficient,32,2,2,2,skipsum,True,swish,0.6,mean,adam,0.001,199,1.7535,0.1553,134285.0,0.011,0.0008,0.2688,0.0019,,,,,,,,
-agg,nx,scalefree,node,True,node_const,node_pagerank,16,1,4,2,stack,False,prelu,0.6,add,sgd,0.01,199,3.2144,0.107,134790.0,0.0275,0.0016,0.1958,0.0071,,,,,,,,
-agg,nx,scalefree,node,True,node_const,node_pagerank,16,1,4,2,stack,False,prelu,0.6,max,sgd,0.01,199,4.8888,0.5003,134790.0,0.0066,0.0015,0.2079,0.002,,,,,,,,
-agg,nx,scalefree,node,True,node_const,node_pagerank,16,1,4,2,stack,False,prelu,0.6,mean,sgd,0.01,199,4.1313,0.5978,134790.0,0.0115,0.0038,0.1958,0.0071,,,,,,,,
-agg,nx,scalefree,node,True,node_const,node_pagerank,16,3,8,2,skipconcat,False,relu,0.3,add,sgd,0.1,99,1.6061,0.0241,140153.0,0.0418,0.0015,0.3044,0.0091,,,,,,,,
-agg,nx,scalefree,node,True,node_const,node_pagerank,16,3,8,2,skipconcat,False,relu,0.3,max,sgd,0.1,99,3.5075,0.032,140153.0,0.0106,0.0016,0.1986,0.0089,,,,,,,,
-agg,nx,scalefree,node,True,node_const,node_pagerank,16,3,8,2,skipconcat,False,relu,0.3,mean,sgd,0.1,99,2.339,0.1515,140153.0,0.0101,0.0013,0.2079,0.002,,,,,,,,
-agg,nx,scalefree,node,True,node_const,node_pagerank,64,2,2,2,skipconcat,False,prelu,0.0,add,adam,0.1,399,0.6883,0.0348,135952.0,0.0143,0.0009,0.7033,0.0216,,,,,,,,
-agg,nx,scalefree,node,True,node_const,node_pagerank,64,2,2,2,skipconcat,False,prelu,0.0,max,adam,0.1,399,1.6099,0.0001,135952.0,0.0158,0.0023,0.1893,0.0025,,,,,,,,
-agg,nx,scalefree,node,True,node_const,node_pagerank,64,2,2,2,skipconcat,False,prelu,0.0,mean,adam,0.1,399,1.6099,0.0002,135952.0,0.0399,0.0031,0.1893,0.0025,,,,,,,,
-agg,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,16,1,4,3,skipsum,False,relu,0.0,add,adam,0.001,99,1.0713,0.1309,134833.0,0.0075,0.0008,0.5334,0.0496,,,,,,,,
-agg,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,16,1,4,3,skipsum,False,relu,0.0,max,adam,0.001,99,1.0052,0.0179,134833.0,0.0076,0.0006,0.6361,0.0036,,,,,,,,
-agg,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,16,1,4,3,skipsum,False,relu,0.0,mean,adam,0.001,99,1.1214,0.0168,134833.0,0.0249,0.0019,0.5205,0.0085,,,,,,,,
-agg,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,16,2,8,1,stack,False,relu,0.0,add,adam,0.1,199,1.3269,0.2245,134920.0,0.0255,0.0045,0.4113,0.1052,,,,,,,,
-agg,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,16,2,8,1,stack,False,relu,0.0,max,adam,0.1,199,1.5778,0.0023,134920.0,0.0082,0.0006,0.2688,0.0019,,,,,,,,
-agg,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,16,2,8,1,stack,False,relu,0.0,mean,adam,0.1,199,1.5778,0.0023,134920.0,0.0082,0.0012,0.2688,0.0019,,,,,,,,
-agg,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,32,3,8,1,stack,False,relu,0.3,add,adam,0.01,99,1.2323,0.1398,135360.0,0.0117,0.0014,0.4624,0.0641,,,,,,,,
-agg,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,32,3,8,1,stack,False,relu,0.3,max,adam,0.01,99,2.3091,0.1867,135360.0,0.0102,0.001,0.2688,0.0019,,,,,,,,
-agg,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,32,3,8,1,stack,False,relu,0.3,mean,adam,0.01,99,1.6446,0.0107,135360.0,0.013,0.0013,0.2423,0.0071,,,,,,,,
-agg,nx,scalefree,node,True,node_onehot,node_pagerank,16,1,2,2,skipsum,True,relu,0.6,add,sgd,0.01,99,2.9313,0.0475,134789.0,0.006,0.0008,0.4063,0.004,,,,,,,,
-agg,nx,scalefree,node,True,node_onehot,node_pagerank,16,1,2,2,skipsum,True,relu,0.6,max,sgd,0.01,99,13.0464,0.5241,134789.0,0.0056,0.0006,0.1958,0.0071,,,,,,,,
-agg,nx,scalefree,node,True,node_onehot,node_pagerank,16,1,2,2,skipsum,True,relu,0.6,mean,sgd,0.01,99,1.5091,0.0042,134789.0,0.024,0.002,0.3108,0.0058,,,,,,,,
-agg,nx,scalefree,node,True,node_onehot,node_pagerank,16,1,4,2,stack,True,relu,0.0,add,sgd,0.01,199,0.1432,0.0035,134118.0,0.0058,0.0011,0.954,0.0024,,,,,,,,
-agg,nx,scalefree,node,True,node_onehot,node_pagerank,16,1,4,2,stack,True,relu,0.0,max,sgd,0.01,199,0.8927,0.0351,134118.0,0.025,0.002,0.7016,0.0049,,,,,,,,
-agg,nx,scalefree,node,True,node_onehot,node_pagerank,16,1,4,2,stack,True,relu,0.0,mean,sgd,0.01,199,1.3525,0.015,134118.0,0.0271,0.0017,0.4528,0.0052,,,,,,,,
-agg,nx,scalefree,node,True,node_onehot,node_pagerank,16,1,6,1,stack,True,relu,0.6,add,sgd,0.1,399,0.2005,0.0169,134069.0,0.0242,0.0012,0.9271,0.006,,,,,,,,
-agg,nx,scalefree,node,True,node_onehot,node_pagerank,16,1,6,1,stack,True,relu,0.6,max,sgd,0.1,399,2.5473,0.0643,134069.0,0.0078,0.0007,0.2205,0.0149,,,,,,,,
-agg,nx,scalefree,node,True,node_onehot,node_pagerank,16,1,6,1,stack,True,relu,0.6,mean,sgd,0.1,399,1.8113,0.0648,134069.0,0.0335,0.0027,0.1938,0.0327,,,,,,,,
-agg,nx,scalefree,node,True,node_onehot,node_pagerank,16,2,6,1,skipconcat,True,relu,0.6,add,adam,0.01,199,0.1552,0.0023,138689.0,0.0413,0.005,0.9406,0.0026,,,,,,,,
-agg,nx,scalefree,node,True,node_onehot,node_pagerank,16,2,6,1,skipconcat,True,relu,0.6,max,adam,0.01,199,2.7925,0.0259,138689.0,0.0122,0.0018,0.1981,0.0056,,,,,,,,
-agg,nx,scalefree,node,True,node_onehot,node_pagerank,16,2,6,1,skipconcat,True,relu,0.6,mean,adam,0.01,199,2.4711,0.2367,138689.0,0.0109,0.0008,0.2272,0.0143,,,,,,,,
-agg,nx,scalefree,node,True,node_onehot,node_pagerank,32,1,8,1,stack,False,relu,0.6,add,adam,0.001,399,2.0927,0.0303,134277.0,0.0256,0.002,0.2079,0.002,,,,,,,,
-agg,nx,scalefree,node,True,node_onehot,node_pagerank,32,1,8,1,stack,False,relu,0.6,max,adam,0.001,399,2.1581,0.0476,134277.0,0.027,0.0018,0.1981,0.0056,,,,,,,,
-agg,nx,scalefree,node,True,node_onehot,node_pagerank,32,1,8,1,stack,False,relu,0.6,mean,adam,0.001,399,2.1537,0.0284,134277.0,0.013,0.0022,0.1996,0.0053,,,,,,,,
-agg,nx,scalefree,node,True,node_onehot,node_pagerank,64,3,2,3,stack,True,swish,0.6,add,adam,0.01,399,3.3883,0.1027,134069.0,0.018,0.0041,0.4923,0.0069,,,,,,,,
-agg,nx,scalefree,node,True,node_onehot,node_pagerank,64,3,2,3,stack,True,swish,0.6,max,adam,0.01,399,3.3204,0.4339,134069.0,0.0174,0.0038,0.2394,0.0157,,,,,,,,
-agg,nx,scalefree,node,True,node_onehot,node_pagerank,64,3,2,3,stack,True,swish,0.6,mean,adam,0.01,399,9.9533,1.3484,134069.0,0.0241,0.0063,0.2002,0.0061,,,,,,,,
-agg,nx,scalefree,node,True,node_onehot,node_pagerank,64,3,4,1,stack,False,swish,0.6,add,adam,0.01,199,1.7201,0.066,134833.0,0.0178,0.0018,0.2037,0.0042,,,,,,,,
-agg,nx,scalefree,node,True,node_onehot,node_pagerank,64,3,4,1,stack,False,swish,0.6,max,adam,0.01,199,2.9701,0.2726,134833.0,0.0356,0.0023,0.2046,0.0078,,,,,,,,
-agg,nx,scalefree,node,True,node_onehot,node_pagerank,64,3,4,1,stack,False,swish,0.6,mean,adam,0.01,199,3.0148,0.318,134833.0,0.0176,0.0019,0.1996,0.0053,,,,,,,,
-agg,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,16,1,6,3,skipconcat,True,swish,0.6,add,sgd,0.01,399,1.4744,0.0668,140561.0,0.0081,0.001,0.4132,0.0045,,,,,,,,
-agg,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,16,1,6,3,skipconcat,True,swish,0.6,max,sgd,0.01,399,1.911,0.1198,140561.0,0.0107,0.0023,0.2871,0.0465,,,,,,,,
-agg,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,16,1,6,3,skipconcat,True,swish,0.6,mean,sgd,0.01,399,2.2379,0.055,140561.0,0.0081,0.0009,0.2861,0.0088,,,,,,,,
-agg,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,32,3,4,2,skipsum,True,swish,0.0,add,adam,0.001,199,0.6545,0.0033,133829.0,0.0091,0.001,0.7156,0.0042,,,,,,,,
-agg,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,32,3,4,2,skipsum,True,swish,0.0,max,adam,0.001,199,1.0848,0.0164,133829.0,0.0241,0.0031,0.67,0.0034,,,,,,,,
-agg,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,32,3,4,2,skipsum,True,swish,0.0,mean,adam,0.001,199,0.7389,0.0108,133829.0,0.029,0.0006,0.7121,0.0031,,,,,,,,
-agg,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,32,3,6,2,skipsum,False,prelu,0.0,add,sgd,0.01,199,1.3649,0.0045,134921.0,0.0087,0.0001,0.3951,0.0033,,,,,,,,
-agg,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,32,3,6,2,skipsum,False,prelu,0.0,max,sgd,0.01,199,0.9057,0.0012,134921.0,0.0113,0.0009,0.6069,0.0024,,,,,,,,
-agg,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,32,3,6,2,skipsum,False,prelu,0.0,mean,sgd,0.01,199,0.9372,0.0057,134921.0,0.0164,0.0047,0.5906,0.0022,,,,,,,,
-agg,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,64,1,6,1,skipconcat,True,swish,0.0,add,adam,0.01,199,0.7524,0.0039,135806.0,0.0221,0.0016,0.6752,0.0015,,,,,,,,
-agg,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,64,1,6,1,skipconcat,True,swish,0.0,max,adam,0.01,199,1.2182,0.016,135806.0,0.0227,0.0027,0.5959,0.0053,,,,,,,,
-agg,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,64,1,6,1,skipconcat,True,swish,0.0,mean,adam,0.01,199,0.7316,0.0071,135806.0,0.0172,0.0021,0.6977,0.0072,,,,,,,,
-agg,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,16,2,6,1,skipsum,True,prelu,0.0,add,sgd,0.1,99,2.2243,0.4863,133830.0,0.0295,0.0031,0.2115,0.0684,,,,,,,,
-agg,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,16,2,6,1,skipsum,True,prelu,0.0,max,sgd,0.1,99,2.5182,0.2317,133830.0,0.0112,0.0037,0.532,0.0327,,,,,,,,
-agg,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,16,2,6,1,skipsum,True,prelu,0.0,mean,sgd,0.1,99,2.0884,0.3964,133830.0,0.008,0.0004,0.4616,0.0831,,,,,,,,
-agg,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,32,1,6,2,skipsum,True,prelu,0.6,add,sgd,0.1,399,,,133830.0,0.0135,0.0025,0.2308,0.0831,,,,,,,,
-agg,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,32,1,6,2,skipsum,True,prelu,0.6,max,sgd,0.1,399,82.1633,12.2957,133830.0,0.04,0.0047,0.1666,0.0181,,,,,,,,
-agg,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,32,1,6,2,skipsum,True,prelu,0.6,mean,sgd,0.1,399,9.7887,1.4992,133830.0,0.0199,0.0081,0.2115,0.0831,,,,,,,,
-agg,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,1,2,2,stack,True,prelu,0.6,add,sgd,0.1,399,0.2767,0.081,134790.0,0.0503,0.0087,0.8526,0.0479,,,,,,,,
-agg,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,1,2,2,stack,True,prelu,0.6,max,sgd,0.1,399,62.9961,7.2179,134790.0,0.0345,0.0055,0.1666,0.0181,,,,,,,,
-agg,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,1,2,2,stack,True,prelu,0.6,mean,sgd,0.1,399,2.0778,0.3693,134790.0,0.0206,0.0041,0.468,0.0505,,,,,,,,
-agg,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,1,4,2,skipsum,False,relu,0.6,add,sgd,0.01,399,1.6424,0.0114,134789.0,0.0129,0.0017,0.1346,0.0157,,,,,,,,
-agg,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,1,4,2,skipsum,False,relu,0.6,max,sgd,0.01,399,1.7137,0.1101,134789.0,0.0206,0.0072,0.1474,0.0091,,,,,,,,
-agg,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,1,4,2,skipsum,False,relu,0.6,mean,sgd,0.01,399,1.6424,0.0114,134789.0,0.0159,0.0041,0.1346,0.0157,,,,,,,,
-agg,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,2,6,1,skipconcat,True,relu,0.6,add,adam,0.001,199,2.2511,0.2672,138689.0,0.0187,0.0011,0.5128,0.0595,,,,,,,,
-agg,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,2,6,1,skipconcat,True,relu,0.6,max,adam,0.001,199,21.817,1.6918,138689.0,0.0206,0.0041,0.1666,0.0181,,,,,,,,
-agg,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,2,6,1,skipconcat,True,relu,0.6,mean,adam,0.001,199,10.1055,2.2257,138689.0,0.0168,0.0008,0.1731,0.0684,,,,,,,,
-agg,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,2,8,1,skipconcat,False,swish,0.3,add,sgd,0.001,99,0.33,0.1297,137165.0,0.0258,0.0087,0.8846,0.0566,,,,,,,,
-agg,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,2,8,1,skipconcat,False,swish,0.3,max,sgd,0.001,99,45.9081,2.5988,137165.0,0.0215,0.0058,0.1666,0.0181,,,,,,,,
-agg,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,2,8,1,skipconcat,False,swish,0.3,mean,sgd,0.001,99,2.4079,0.7393,137165.0,0.0159,0.0006,0.2564,0.0363,,,,,,,,
-agg,nx,smallworld,graph,True,node_const,graph_path_len,32,2,4,1,stack,False,prelu,0.6,add,sgd,0.01,399,2.7924,0.4287,134790.0,0.0145,0.003,0.2308,0.0831,,,,,,,,
-agg,nx,smallworld,graph,True,node_const,graph_path_len,32,2,4,1,stack,False,prelu,0.6,max,sgd,0.01,399,46.8918,1.9778,134790.0,0.0114,0.0007,0.1666,0.0181,,,,,,,,
-agg,nx,smallworld,graph,True,node_const,graph_path_len,32,2,4,1,stack,False,prelu,0.6,mean,sgd,0.01,399,2.5335,0.2423,134790.0,0.0086,0.0012,0.2308,0.0831,,,,,,,,
-agg,nx,smallworld,graph,True,node_const,graph_path_len,32,3,4,2,skipconcat,False,swish,0.0,add,adam,0.01,399,0.8765,0.1432,136085.0,0.0089,0.0011,0.5833,0.092,,,,,,,,
-agg,nx,smallworld,graph,True,node_const,graph_path_len,32,3,4,2,skipconcat,False,swish,0.0,max,adam,0.01,399,1.6442,0.0128,136085.0,0.0121,0.0012,0.1346,0.0157,,,,,,,,
-agg,nx,smallworld,graph,True,node_const,graph_path_len,32,3,4,2,skipconcat,False,swish,0.0,mean,adam,0.01,399,1.6442,0.0128,136085.0,0.0094,0.0011,0.1346,0.0157,,,,,,,,
-agg,nx,smallworld,graph,True,node_onehot,graph_path_len,16,2,4,3,skipconcat,True,prelu,0.0,add,sgd,0.01,99,1.0858,0.0899,137951.0,0.007,0.0009,0.6282,0.0181,,,,,,,,
-agg,nx,smallworld,graph,True,node_onehot,graph_path_len,16,2,4,3,skipconcat,True,prelu,0.0,max,sgd,0.01,99,1.908,0.4305,137951.0,0.0384,0.0048,0.5577,0.0157,,,,,,,,
-agg,nx,smallworld,graph,True,node_onehot,graph_path_len,16,2,4,3,skipconcat,True,prelu,0.0,mean,sgd,0.01,99,1.5723,0.186,137951.0,0.0453,0.0029,0.5577,0.0684,,,,,,,,
-agg,nx,smallworld,graph,True,node_onehot,graph_path_len,32,1,6,2,skipsum,False,prelu,0.0,add,adam,0.01,99,1.0094,0.0127,134677.0,0.0092,0.0014,0.5513,0.048,,,,,,,,
-agg,nx,smallworld,graph,True,node_onehot,graph_path_len,32,1,6,2,skipsum,False,prelu,0.0,max,adam,0.01,99,1.6404,0.0119,134677.0,0.0121,0.0033,0.1346,0.0157,,,,,,,,
-agg,nx,smallworld,graph,True,node_onehot,graph_path_len,32,1,6,2,skipsum,False,prelu,0.0,mean,adam,0.01,99,1.6394,0.0127,134677.0,0.0349,0.009,0.1346,0.0157,,,,,,,,
-agg,nx,smallworld,graph,True,node_onehot,graph_path_len,32,2,8,1,skipconcat,False,swish,0.0,add,sgd,0.01,199,1.0858,0.1985,137165.0,0.0529,0.0004,0.5577,0.0566,,,,,,,,
-agg,nx,smallworld,graph,True,node_onehot,graph_path_len,32,2,8,1,skipconcat,False,swish,0.0,max,sgd,0.01,199,1.6451,0.0126,137165.0,0.0133,0.0033,0.1859,0.0742,,,,,,,,
-agg,nx,smallworld,graph,True,node_onehot,graph_path_len,32,2,8,1,skipconcat,False,swish,0.0,mean,sgd,0.01,199,1.6466,0.011,137165.0,0.0606,0.0132,0.141,0.0181,,,,,,,,
-agg,nx,smallworld,graph,True,node_onehot,graph_path_len,32,3,2,3,stack,True,relu,0.0,add,sgd,0.1,199,1.0266,0.1651,134069.0,0.008,0.0008,0.6795,0.0395,,,,,,,,
-agg,nx,smallworld,graph,True,node_onehot,graph_path_len,32,3,2,3,stack,True,relu,0.0,max,sgd,0.1,199,1.7855,0.3342,134069.0,0.0255,0.0021,0.5256,0.0453,,,,,,,,
-agg,nx,smallworld,graph,True,node_onehot,graph_path_len,32,3,2,3,stack,True,relu,0.0,mean,sgd,0.1,199,2.0788,0.0031,134069.0,0.0358,0.0039,0.5449,0.048,,,,,,,,
-agg,nx,smallworld,graph,True,node_onehot,graph_path_len,64,1,4,1,skipsum,True,relu,0.6,add,sgd,0.01,399,12.5283,8.6344,134285.0,0.0162,0.0005,0.2949,0.1335,,,,,,,,
-agg,nx,smallworld,graph,True,node_onehot,graph_path_len,64,1,4,1,skipsum,True,relu,0.6,max,sgd,0.01,399,59.2171,4.0589,134285.0,0.0158,0.0033,0.1666,0.0181,,,,,,,,
-agg,nx,smallworld,graph,True,node_onehot,graph_path_len,64,1,4,1,skipsum,True,relu,0.6,mean,sgd,0.01,399,19.108,2.7929,134285.0,0.026,0.0119,0.2308,0.0831,,,,,,,,
-agg,nx,smallworld,graph,True,node_onehot,graph_path_len,64,1,6,2,stack,True,relu,0.0,add,adam,0.001,99,0.6832,0.1187,133829.0,0.03,0.0007,0.7372,0.0775,,,,,,,,
-agg,nx,smallworld,graph,True,node_onehot,graph_path_len,64,1,6,2,stack,True,relu,0.0,max,adam,0.001,99,1.3383,0.2139,133829.0,0.0165,0.0021,0.5897,0.0327,,,,,,,,
-agg,nx,smallworld,graph,True,node_onehot,graph_path_len,64,1,6,2,stack,True,relu,0.0,mean,adam,0.001,99,1.3575,0.1704,133829.0,0.0343,0.0019,0.5641,0.0551,,,,,,,,
-agg,nx,smallworld,graph,True,node_pagerank,graph_path_len,16,2,2,2,stack,False,prelu,0.6,add,sgd,0.1,199,,,134851.0,0.0065,0.0016,0.2308,0.0831,,,,,,,,
-agg,nx,smallworld,graph,True,node_pagerank,graph_path_len,16,2,2,2,stack,False,prelu,0.6,max,sgd,0.1,199,,,134851.0,0.0094,0.0031,0.2308,0.0831,,,,,,,,
-agg,nx,smallworld,graph,True,node_pagerank,graph_path_len,16,2,2,2,stack,False,prelu,0.6,mean,sgd,0.1,199,,,134851.0,0.0064,0.0015,0.2308,0.0831,,,,,,,,
-agg,nx,smallworld,graph,True,node_pagerank,graph_path_len,32,1,6,3,skipsum,False,relu,0.6,add,sgd,0.001,399,1.6411,0.0122,134277.0,0.0106,0.0024,0.1346,0.0157,,,,,,,,
-agg,nx,smallworld,graph,True,node_pagerank,graph_path_len,32,1,6,3,skipsum,False,relu,0.6,max,sgd,0.001,399,1.848,0.3144,134277.0,0.0109,0.0029,0.2244,0.0552,,,,,,,,
-agg,nx,smallworld,graph,True,node_pagerank,graph_path_len,32,1,6,3,skipsum,False,relu,0.6,mean,sgd,0.001,399,1.6417,0.0124,134277.0,0.0271,0.0016,0.1346,0.0157,,,,,,,,
-agg,nx,smallworld,graph,True,node_pagerank,graph_path_len,64,2,2,3,stack,False,swish,0.0,add,sgd,0.01,199,1.6466,0.0149,134789.0,0.0214,0.0123,0.1474,0.0327,,,,,,,,
-agg,nx,smallworld,graph,True,node_pagerank,graph_path_len,64,2,2,3,stack,False,swish,0.0,max,sgd,0.01,199,1.6477,0.0136,134789.0,0.0191,0.0034,0.1474,0.0091,,,,,,,,
-agg,nx,smallworld,graph,True,node_pagerank,graph_path_len,64,2,2,3,stack,False,swish,0.0,mean,sgd,0.01,199,1.6477,0.0135,134789.0,0.0233,0.014,0.1474,0.0327,,,,,,,,
-agg,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,64,3,6,1,skipsum,True,swish,0.0,add,adam,0.01,99,0.3303,0.0135,135429.0,0.0189,0.0032,0.8886,0.0037,,,,,,,,
-agg,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,64,3,6,1,skipsum,True,swish,0.0,max,adam,0.01,99,1.2127,0.0113,135429.0,0.0291,0.0006,0.5443,0.0008,,,,,,,,
-agg,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,64,3,6,1,skipsum,True,swish,0.0,mean,adam,0.01,99,1.2379,0.0036,135429.0,0.0344,0.0031,0.4844,0.0035,,,,,,,,
-agg,nx,smallworld,node,True,node_const,node_clustering_coefficient,32,3,8,2,stack,False,prelu,0.0,add,adam,0.001,99,1.536,0.0021,133749.0,0.0271,0.0026,0.2966,0.0043,,,,,,,,
-agg,nx,smallworld,node,True,node_const,node_clustering_coefficient,32,3,8,2,stack,False,prelu,0.0,max,adam,0.001,99,1.6049,0.001,133749.0,0.029,0.0029,0.2305,0.0055,,,,,,,,
-agg,nx,smallworld,node,True,node_const,node_clustering_coefficient,32,3,8,2,stack,False,prelu,0.0,mean,adam,0.001,99,1.6049,0.001,133749.0,0.0126,0.0017,0.2305,0.0055,,,,,,,,
-agg,nx,smallworld,node,True,node_const,node_pagerank,16,3,6,1,stack,False,swish,0.6,add,adam,0.1,99,1.6076,0.0038,134277.0,0.008,0.0007,0.2144,0.0215,,,,,,,,
-agg,nx,smallworld,node,True,node_const,node_pagerank,16,3,6,1,stack,False,swish,0.6,max,adam,0.1,99,2.9804,0.4617,134277.0,0.0091,0.0011,0.199,0.0042,,,,,,,,
-agg,nx,smallworld,node,True,node_const,node_pagerank,16,3,6,1,stack,False,swish,0.6,mean,adam,0.1,99,1.6184,0.0019,134277.0,0.0083,0.0008,0.206,0.0029,,,,,,,,
-agg,nx,smallworld,node,True,node_const,node_pagerank,32,2,6,2,skipsum,False,prelu,0.6,add,sgd,0.01,99,1.609,0.0006,134278.0,0.0102,0.0013,0.1972,0.0076,,,,,,,,
-agg,nx,smallworld,node,True,node_const,node_pagerank,32,2,6,2,skipsum,False,prelu,0.6,max,sgd,0.01,99,1.6109,0.001,134278.0,0.0287,0.0028,0.1968,0.0028,,,,,,,,
-agg,nx,smallworld,node,True,node_const,node_pagerank,32,2,6,2,skipsum,False,prelu,0.6,mean,sgd,0.01,99,1.61,0.0001,134278.0,0.0343,0.0054,0.1938,0.0031,,,,,,,,
-agg,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,16,1,2,2,stack,False,relu,0.3,add,adam,0.1,399,1.6049,0.001,133957.0,0.0075,0.0013,0.2305,0.0055,,,,,,,,
-agg,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,16,1,2,2,stack,False,relu,0.3,max,adam,0.1,399,1.6049,0.001,133957.0,0.0063,0.0006,0.2305,0.0055,,,,,,,,
-agg,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,16,1,2,2,stack,False,relu,0.3,mean,adam,0.1,399,1.6049,0.001,133957.0,0.0202,0.003,0.2305,0.0055,,,,,,,,
-agg,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,32,2,8,3,stack,True,swish,0.0,add,sgd,0.1,399,1.1201,0.0529,135056.0,0.0137,0.0024,0.5037,0.0308,,,,,,,,
-agg,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,32,2,8,3,stack,True,swish,0.0,max,sgd,0.1,399,1.7213,0.0435,135056.0,0.0294,0.0004,0.6472,0.0058,,,,,,,,
-agg,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,32,2,8,3,stack,True,swish,0.0,mean,sgd,0.1,399,0.8995,0.005,135056.0,0.0125,0.0018,0.6596,0.0022,,,,,,,,
-agg,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,32,3,8,1,skipconcat,False,relu,0.3,add,adam,0.01,99,1.5395,0.0011,136236.0,0.0112,0.0004,0.2969,0.0017,,,,,,,,
-agg,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,32,3,8,1,skipconcat,False,relu,0.3,max,adam,0.01,99,1.7294,0.0131,136236.0,0.0125,0.0022,0.2018,0.0045,,,,,,,,
-agg,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,32,3,8,1,skipconcat,False,relu,0.3,mean,adam,0.01,99,1.605,0.0012,136236.0,0.0172,0.0022,0.2305,0.0055,,,,,,,,
-agg,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,64,1,6,2,skipsum,True,relu,0.3,add,adam,0.001,199,1.4682,0.2111,133829.0,0.015,0.0009,0.4476,0.0087,,,,,,,,
-agg,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,64,1,6,2,skipsum,True,relu,0.3,max,adam,0.001,199,2.1551,0.0466,133829.0,0.0209,0.0038,0.2323,0.0131,,,,,,,,
-agg,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,64,1,6,2,skipsum,True,relu,0.3,mean,adam,0.001,199,1.5131,0.0487,133829.0,0.0327,0.0042,0.4284,0.0038,,,,,,,,
-agg,nx,smallworld,node,True,node_onehot,node_pagerank,16,2,4,1,skipconcat,True,relu,0.6,add,adam,0.1,99,0.6538,0.0217,135928.0,0.0455,0.0061,0.7531,0.0108,,,,,,,,
-agg,nx,smallworld,node,True,node_onehot,node_pagerank,16,2,4,1,skipconcat,True,relu,0.6,max,adam,0.1,99,2.3105,0.0469,135928.0,0.0099,0.0011,0.199,0.0042,,,,,,,,
-agg,nx,smallworld,node,True,node_onehot,node_pagerank,16,2,4,1,skipconcat,True,relu,0.6,mean,adam,0.1,99,1.6796,0.0234,135928.0,0.0087,0.0008,0.1991,0.0022,,,,,,,,
-agg,nx,smallworld,node,True,node_onehot,node_pagerank,16,3,4,3,stack,True,relu,0.0,add,sgd,0.1,99,0.3949,0.026,135429.0,0.0063,0.0008,0.8416,0.019,,,,,,,,
-agg,nx,smallworld,node,True,node_onehot,node_pagerank,16,3,4,3,stack,True,relu,0.0,max,sgd,0.1,99,1.9041,0.0166,135429.0,0.0112,0.0037,0.4959,0.0021,,,,,,,,
-agg,nx,smallworld,node,True,node_onehot,node_pagerank,16,3,4,3,stack,True,relu,0.0,mean,sgd,0.1,99,1.799,0.046,135429.0,0.0263,0.0033,0.3886,0.0045,,,,,,,,
-agg,nx,smallworld,node,True,node_onehot,node_pagerank,16,3,8,3,skipsum,False,swish,0.6,add,adam,0.01,199,1.9247,0.4614,135350.0,0.0082,0.001,0.2409,0.015,,,,,,,,
-agg,nx,smallworld,node,True,node_onehot,node_pagerank,16,3,8,3,skipsum,False,swish,0.6,max,adam,0.01,199,2.8778,1.2145,135350.0,0.0115,0.0008,0.1963,0.005,,,,,,,,
-agg,nx,smallworld,node,True,node_onehot,node_pagerank,16,3,8,3,skipsum,False,swish,0.6,mean,adam,0.01,199,1.6097,0.0,135350.0,0.0092,0.0008,0.1911,0.0017,,,,,,,,
-agg,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,32,1,4,3,skipsum,False,relu,0.0,add,adam,0.001,199,1.0902,0.0023,134833.0,0.0093,0.0007,0.5191,0.0009,,,,,,,,
-agg,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,32,1,4,3,skipsum,False,relu,0.0,max,adam,0.001,199,0.9431,0.0064,134833.0,0.0101,0.0014,0.5873,0.0045,,,,,,,,
-agg,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,32,1,4,3,skipsum,False,relu,0.0,mean,adam,0.001,199,0.9934,0.0059,134833.0,0.0104,0.0005,0.5683,0.0056,,,,,,,,
-agg,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,64,3,8,3,skipconcat,False,swish,0.3,add,sgd,0.1,399,1.6788,0.1967,137415.0,0.0519,0.0032,0.2647,0.0364,,,,,,,,
-agg,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,64,3,8,3,skipconcat,False,swish,0.3,max,sgd,0.1,399,1.6857,0.177,137415.0,0.02,0.0013,0.2568,0.0662,,,,,,,,
-agg,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,64,3,8,3,skipconcat,False,swish,0.3,mean,sgd,0.1,399,1.4189,0.0641,137415.0,0.0616,0.014,0.4201,0.015,,,,,,,,
-batch,PyG,AmazonComputers,node,True,,,16,2,2,2,stack,False,prelu,0.0,mean,sgd,0.001,99,1.9569,0.0084,274831.0,0.1595,0.0249,0.3692,0.0075,,,,,,,,
-batch,PyG,AmazonComputers,node,True,,,16,2,6,3,skipsum,False,relu,0.3,mean,adam,0.001,399,0.3279,0.0015,227006.0,0.1172,0.0035,0.9166,0.001,,,,,,,,
-batch,PyG,AmazonComputers,node,True,,,16,3,2,2,skipconcat,False,relu,0.3,add,adam,0.1,99,1.7771,0.0793,213356.0,0.1026,0.0073,0.3692,0.0075,,,,,,,,
-batch,PyG,AmazonComputers,node,True,,,16,3,8,2,skipconcat,False,swish,0.0,max,adam,0.1,199,1.8835,0.0067,167392.0,0.1035,0.0144,0.3692,0.0075,,,,,,,,
-batch,PyG,AmazonComputers,node,True,,,32,2,2,2,stack,False,prelu,0.0,mean,sgd,0.001,99,1.9569,0.0084,274831.0,0.0549,0.0028,0.3692,0.0075,,,,,,,,
-batch,PyG,AmazonComputers,node,True,,,32,2,6,3,skipsum,False,relu,0.3,mean,adam,0.001,399,0.3276,0.003,227006.0,0.1416,0.0378,0.9164,0.0008,,,,,,,,
-batch,PyG,AmazonComputers,node,True,,,32,3,2,2,skipconcat,False,relu,0.3,add,adam,0.1,99,1.6904,0.1443,213356.0,0.1221,0.0221,0.4185,0.0416,,,,,,,,
-batch,PyG,AmazonComputers,node,True,,,32,3,8,2,skipconcat,False,swish,0.0,max,adam,0.1,199,1.6575,0.1668,167392.0,0.159,0.0287,0.446,0.0529,,,,,,,,
-batch,PyG,AmazonComputers,node,True,,,64,2,2,2,stack,False,prelu,0.0,mean,sgd,0.001,99,1.9569,0.0084,274831.0,0.1456,0.0084,0.3692,0.0075,,,,,,,,
-batch,PyG,AmazonComputers,node,True,,,64,2,6,3,skipsum,False,relu,0.3,mean,adam,0.001,399,0.3234,0.003,227006.0,0.1128,0.0271,0.9172,0.0022,,,,,,,,
-batch,PyG,AmazonComputers,node,True,,,64,3,2,2,skipconcat,False,relu,0.3,add,adam,0.1,99,1.7808,0.1466,213356.0,0.1098,0.0103,0.4056,0.0536,,,,,,,,
-batch,PyG,AmazonComputers,node,True,,,64,3,8,2,skipconcat,False,swish,0.0,max,adam,0.1,199,1.6119,0.202,167392.0,0.1086,0.0091,0.4402,0.0677,,,,,,,,
-batch,PyG,AmazonPhoto,node,True,,,16,2,2,2,skipconcat,True,swish,0.6,mean,sgd,0.001,399,2.1552,0.4022,211704.0,0.0337,0.0059,0.4176,0.0687,,,,,,,,
-batch,PyG,AmazonPhoto,node,True,,,16,2,2,2,skipsum,True,prelu,0.0,max,adam,0.001,399,0.2109,0.01,269156.0,0.0377,0.003,0.9497,0.0021,,,,,,,,
-batch,PyG,AmazonPhoto,node,True,,,16,2,4,3,stack,False,prelu,0.0,mean,adam,0.1,399,1.9326,0.0134,238335.0,0.0642,0.0151,0.2526,0.0057,,,,,,,,
-batch,PyG,AmazonPhoto,node,True,,,16,3,8,3,skipsum,False,prelu,0.3,mean,sgd,0.1,199,1.524,0.586,212739.0,0.0383,0.0014,0.4265,0.2517,,,,,,,,
-batch,PyG,AmazonPhoto,node,True,,,32,2,2,2,skipconcat,True,swish,0.6,mean,sgd,0.001,399,2.1552,0.4022,211704.0,0.0392,0.0104,0.4176,0.0687,,,,,,,,
-batch,PyG,AmazonPhoto,node,True,,,32,2,2,2,skipsum,True,prelu,0.0,max,adam,0.001,399,0.2117,0.0117,269156.0,0.0477,0.0109,0.9497,0.0005,,,,,,,,
-batch,PyG,AmazonPhoto,node,True,,,32,2,4,3,stack,False,prelu,0.0,mean,adam,0.1,399,1.8495,0.1151,238335.0,0.0411,0.0049,0.32,0.0901,,,,,,,,
-batch,PyG,AmazonPhoto,node,True,,,32,3,8,3,skipsum,False,prelu,0.3,mean,sgd,0.1,199,1.6696,0.3697,212739.0,0.0476,0.005,0.3492,0.1309,,,,,,,,
-batch,PyG,AmazonPhoto,node,True,,,64,2,2,2,skipconcat,True,swish,0.6,mean,sgd,0.001,399,2.1552,0.4022,211704.0,0.0366,0.0076,0.4176,0.0687,,,,,,,,
-batch,PyG,AmazonPhoto,node,True,,,64,2,2,2,skipsum,True,prelu,0.0,max,adam,0.001,399,0.2119,0.0119,269156.0,0.0553,0.0038,0.9491,0.0024,,,,,,,,
-batch,PyG,AmazonPhoto,node,True,,,64,2,4,3,stack,False,prelu,0.0,mean,adam,0.1,399,1.8232,0.1451,238335.0,0.0462,0.005,0.3155,0.087,,,,,,,,
-batch,PyG,AmazonPhoto,node,True,,,64,3,8,3,skipsum,False,prelu,0.3,mean,sgd,0.1,199,1.7441,0.2776,212739.0,0.078,0.0217,0.3255,0.1066,,,,,,,,
-batch,PyG,CiteSeer,node,True,,,16,2,2,2,skipconcat,False,relu,0.0,max,sgd,0.01,399,0.8833,0.0292,509147.0,0.092,0.0093,0.7578,0.014,,,,,,,,
-batch,PyG,CiteSeer,node,True,,,16,2,4,1,skipsum,True,swish,0.0,add,adam,0.1,99,1.4153,0.0746,734028.0,0.0453,0.0085,0.6717,0.0131,,,,,,,,
-batch,PyG,CiteSeer,node,True,,,16,2,8,2,skipsum,False,relu,0.3,mean,sgd,0.001,199,1.7621,0.0027,560056.0,0.0532,0.0066,0.2157,0.0375,,,,,,,,
-batch,PyG,CiteSeer,node,True,,,32,2,2,2,skipconcat,False,relu,0.0,max,sgd,0.01,399,0.8833,0.0292,509147.0,0.1298,0.0343,0.7578,0.014,,,,,,,,
-batch,PyG,CiteSeer,node,True,,,32,2,4,1,skipsum,True,swish,0.0,add,adam,0.1,99,1.3519,0.1088,734028.0,0.1116,0.0075,0.6762,0.023,,,,,,,,
-batch,PyG,CiteSeer,node,True,,,32,2,8,2,skipsum,False,relu,0.3,mean,sgd,0.001,199,1.7621,0.0027,560056.0,0.1103,0.0239,0.2157,0.0375,,,,,,,,
-batch,PyG,CiteSeer,node,True,,,64,2,2,2,skipconcat,False,relu,0.0,max,sgd,0.01,399,0.8833,0.0292,509147.0,0.1002,0.0109,0.7578,0.014,,,,,,,,
-batch,PyG,CiteSeer,node,True,,,64,2,4,1,skipsum,True,swish,0.0,add,adam,0.1,99,1.3603,0.0824,734028.0,0.1419,0.0325,0.6847,0.0109,,,,,,,,
-batch,PyG,CiteSeer,node,True,,,64,2,8,2,skipsum,False,relu,0.3,mean,sgd,0.001,199,1.7621,0.0027,560056.0,0.1126,0.0277,0.2157,0.0375,,,,,,,,
-batch,PyG,CoauthorCS,node,True,,,16,1,6,3,skipsum,False,prelu,0.6,add,adam,0.1,199,2.3819,0.029,1014085.0,0.7246,0.0004,0.2283,0.0014,,,,,,,,
-batch,PyG,CoauthorCS,node,True,,,16,2,6,3,skipconcat,True,relu,0.3,mean,sgd,0.1,199,0.2363,0.0058,375171.0,0.7661,0.0202,0.9389,0.0031,,,,,,,,
-batch,PyG,CoauthorCS,node,True,,,32,1,6,3,skipsum,False,prelu,0.6,add,adam,0.1,199,2.293,0.1592,1014085.0,0.7567,0.0106,0.2626,0.0484,,,,,,,,
-batch,PyG,CoauthorCS,node,True,,,32,2,6,3,skipconcat,True,relu,0.3,mean,sgd,0.1,199,0.2362,0.006,375171.0,0.8191,0.0722,0.9388,0.003,,,,,,,,
-batch,PyG,CoauthorCS,node,True,,,64,1,6,3,skipsum,False,prelu,0.6,add,adam,0.1,199,2.4054,0.0021,1014085.0,0.7631,0.0136,0.2283,0.0014,,,,,,,,
-batch,PyG,CoauthorCS,node,True,,,64,2,6,3,skipconcat,True,relu,0.3,mean,sgd,0.1,199,0.2363,0.006,375171.0,0.8351,0.1156,0.939,0.003,,,,,,,,
-batch,PyG,CoauthorPhysics,node,True,,,16,3,4,1,stack,True,swish,0.6,max,sgd,0.1,99,2.5814,0.0526,1379661.0,1.5307,0.0271,0.1684,0.0029,,,,,,,,
-batch,PyG,CoauthorPhysics,node,True,,,16,3,6,2,stack,True,swish,0.6,max,adam,0.01,99,3.4158,0.1856,1153014.0,1.5407,0.0212,0.147,0.0324,,,,,,,,
-batch,PyG,CoauthorPhysics,node,True,,,32,3,4,1,stack,True,swish,0.6,max,sgd,0.1,99,2.5815,0.0528,1379661.0,1.8258,0.0496,0.1684,0.0029,,,,,,,,
-batch,PyG,CoauthorPhysics,node,True,,,32,3,6,2,stack,True,swish,0.6,max,adam,0.01,99,3.4119,0.1289,1153014.0,1.7671,0.0447,0.147,0.0324,,,,,,,,
-batch,PyG,CoauthorPhysics,node,True,,,64,3,4,1,stack,True,swish,0.6,max,sgd,0.1,99,2.5809,0.0534,1379661.0,1.7229,0.0295,0.1684,0.0029,,,,,,,,
-batch,PyG,CoauthorPhysics,node,True,,,64,3,6,2,stack,True,swish,0.6,max,adam,0.01,99,3.5469,0.1557,1153014.0,1.9721,0.2097,0.147,0.0324,,,,,,,,
-batch,PyG,Cora,node,True,,,16,3,2,1,skipconcat,False,relu,0.6,max,sgd,0.001,399,1.87,0.0086,370669.0,0.0148,0.0006,0.294,0.0117,,,,,,,,
-batch,PyG,Cora,node,True,,,16,3,6,2,stack,False,prelu,0.3,max,sgd,0.001,399,1.8453,0.0158,307227.0,0.0198,0.0024,0.294,0.0117,,,,,,,,
-batch,PyG,Cora,node,True,,,16,3,6,2,stack,True,swish,0.0,mean,adam,0.01,199,1.3411,0.038,308436.0,0.0198,0.0005,0.8115,0.0061,,,,,,,,
-batch,PyG,Cora,node,True,,,32,3,2,1,skipconcat,False,relu,0.6,max,sgd,0.001,399,1.87,0.0086,370669.0,0.0159,0.0042,0.294,0.0117,,,,,,,,
-batch,PyG,Cora,node,True,,,32,3,6,2,stack,False,prelu,0.3,max,sgd,0.001,399,1.8453,0.0158,307227.0,0.0259,0.0139,0.294,0.0117,,,,,,,,
-batch,PyG,Cora,node,True,,,32,3,6,2,stack,True,swish,0.0,mean,adam,0.01,199,1.3274,0.0135,308436.0,0.0232,0.0052,0.8128,0.0068,,,,,,,,
-batch,PyG,Cora,node,True,,,64,3,2,1,skipconcat,False,relu,0.6,max,sgd,0.001,399,1.87,0.0086,370669.0,0.0144,0.0012,0.294,0.0117,,,,,,,,
-batch,PyG,Cora,node,True,,,64,3,6,2,stack,False,prelu,0.3,max,sgd,0.001,399,1.8453,0.0158,307227.0,0.0178,0.0021,0.294,0.0117,,,,,,,,
-batch,PyG,Cora,node,True,,,64,3,6,2,stack,True,swish,0.0,mean,adam,0.01,199,1.3438,0.0369,308436.0,0.0276,0.006,0.8103,0.0069,,,,,,,,
-batch,PyG,TU_BZR,graph,False,,,16,1,8,1,skipconcat,True,swish,0.3,mean,adam,0.001,399,0.6315,0.2458,138837.0,0.009,0.0011,0.7654,0.0861,0.4492,0.0826,0.7406,0.1328,0.5586,0.1005,0.8321,0.0844
-batch,PyG,TU_BZR,graph,False,,,16,2,6,1,stack,False,prelu,0.6,mean,adam,0.01,199,0.5163,0.082,141866.0,0.0221,0.0015,0.8066,0.0254,0.0,0.0,0.0,0.0,0.0,0.0,0.6408,0.0351
-batch,PyG,TU_BZR,graph,False,,,16,2,6,3,skipconcat,True,relu,0.6,mean,adam,0.01,99,0.7158,0.2589,142257.0,0.0367,0.002,0.6502,0.1865,0.495,0.3578,0.4265,0.1555,0.3424,0.0238,0.5835,0.0958
-batch,PyG,TU_BZR,graph,False,,,16,2,6,3,skipsum,True,swish,0.0,max,sgd,0.1,399,0.5873,0.2206,140724.0,0.0132,0.0063,0.8601,0.021,0.6125,0.0677,0.8008,0.105,0.6861,0.0409,0.8978,0.0567
-batch,PyG,TU_BZR,graph,False,,,16,3,4,1,skipconcat,True,prelu,0.0,max,adam,0.1,399,0.42,0.0444,139862.0,0.0095,0.0017,0.8436,0.0354,0.7468,0.1791,0.3618,0.0985,0.469,0.0682,0.7809,0.0295
-batch,PyG,TU_BZR,graph,False,,,32,1,8,1,skipconcat,True,swish,0.3,mean,adam,0.001,399,0.5496,0.2157,138837.0,0.0131,0.0005,0.8066,0.077,0.5185,0.0858,0.7383,0.1318,0.6052,0.0936,0.8416,0.0692
-batch,PyG,TU_BZR,graph,False,,,32,2,6,1,stack,False,prelu,0.6,mean,adam,0.01,199,0.521,0.075,141866.0,0.0095,0.0019,0.8066,0.0254,0.0,0.0,0.0,0.0,0.0,0.0,0.6395,0.0394
-batch,PyG,TU_BZR,graph,False,,,32,2,6,3,skipconcat,True,relu,0.6,mean,adam,0.01,99,0.6694,0.2577,142257.0,0.0095,0.0009,0.679,0.1792,0.505,0.3554,0.2571,0.1501,0.2289,0.0618,0.5557,0.0853
-batch,PyG,TU_BZR,graph,False,,,32,2,6,3,skipsum,True,swish,0.0,max,sgd,0.1,399,0.4726,0.2,140724.0,0.0121,0.0015,0.8848,0.0308,0.678,0.1004,0.8193,0.0822,0.7342,0.0561,0.9064,0.0595
-batch,PyG,TU_BZR,graph,False,,,32,3,4,1,skipconcat,True,prelu,0.0,max,adam,0.1,399,0.3889,0.0895,139862.0,0.0327,0.003,0.8724,0.0354,0.6852,0.0962,0.6684,0.0715,0.6721,0.0632,0.841,0.0641
-batch,PyG,TU_BZR,graph,False,,,64,1,8,1,skipconcat,True,swish,0.3,mean,adam,0.001,399,0.574,0.0448,138837.0,0.013,0.0021,0.7572,0.0308,0.4384,0.0605,0.8146,0.0971,0.5623,0.0415,0.8278,0.0477
-batch,PyG,TU_BZR,graph,False,,,64,2,6,1,stack,False,prelu,0.6,mean,adam,0.01,199,0.5051,0.0601,141866.0,0.0093,0.0002,0.8066,0.0254,0.0,0.0,0.0,0.0,0.0,0.0,0.6421,0.0375
-batch,PyG,TU_BZR,graph,False,,,64,2,6,3,skipconcat,True,relu,0.6,mean,adam,0.01,99,0.5401,0.0871,142257.0,0.0148,0.0022,0.7407,0.1163,0.7396,0.3683,0.19,0.1752,0.18,0.0805,0.578,0.0884
-batch,PyG,TU_BZR,graph,False,,,64,2,6,3,skipsum,True,swish,0.0,max,sgd,0.1,399,0.4666,0.2016,140724.0,0.013,0.0023,0.8766,0.0561,0.6578,0.1189,0.8031,0.1372,0.7182,0.1103,0.8983,0.0607
-batch,PyG,TU_BZR,graph,False,,,64,3,4,1,skipconcat,True,prelu,0.0,max,adam,0.1,399,0.3323,0.052,139862.0,0.0133,0.0018,0.8848,0.021,0.7175,0.085,0.7173,0.1209,0.7037,0.0396,0.8836,0.0456
-batch,PyG,TU_COX2,graph,False,,,16,3,6,2,skipsum,False,relu,0.6,add,adam,0.001,99,0.5731,0.0334,137336.0,0.0081,0.002,0.773,0.0133,0.0,0.0,0.0,0.0,0.0,0.0,0.5165,0.0144
-batch,PyG,TU_COX2,graph,False,,,32,3,6,2,skipsum,False,relu,0.6,add,adam,0.001,99,0.5821,0.0386,137336.0,0.0137,0.0034,0.773,0.0133,0.0,0.0,0.0,0.0,0.0,0.0,0.5005,0.0282
-batch,PyG,TU_COX2,graph,False,,,64,3,6,2,skipsum,False,relu,0.6,add,adam,0.001,99,0.588,0.0466,137336.0,0.0115,0.0011,0.773,0.0133,0.0,0.0,0.0,0.0,0.0,0.0,0.5145,0.0174
-batch,PyG,TU_DD,graph,False,,,16,1,8,2,skipconcat,True,relu,0.3,mean,sgd,0.01,199,0.7288,0.0979,139809.0,0.0142,0.002,0.75,0.0173,0.7781,0.0228,0.5869,0.023,0.6691,0.0234,0.8341,0.0238
-batch,PyG,TU_DD,graph,False,,,16,3,2,3,skipsum,False,prelu,0.6,max,adam,0.1,99,2.8362,2.1111,147661.0,0.0171,0.0022,0.5692,0.0106,0.0,0.0,0.0,0.0,0.0,0.0,0.8104,0.0035
-batch,PyG,TU_DD,graph,False,,,32,1,8,2,skipconcat,True,relu,0.3,mean,sgd,0.01,199,0.8237,0.1187,139809.0,0.0264,0.0049,0.7415,0.0283,0.7616,0.0561,0.5878,0.0486,0.6616,0.0372,0.8245,0.0179
-batch,PyG,TU_DD,graph,False,,,32,3,2,3,skipsum,False,prelu,0.6,max,adam,0.1,99,0.6171,0.0147,147661.0,0.0141,0.002,0.7288,0.0069,0.8615,0.0198,0.4418,0.0408,0.5826,0.0328,0.8101,0.0033
-batch,PyG,TU_DD,graph,False,,,64,1,8,2,skipconcat,True,relu,0.3,mean,sgd,0.01,199,0.8592,0.1576,139809.0,0.0321,0.0012,0.75,0.033,0.8029,0.0348,0.5548,0.0623,0.6552,0.0529,0.833,0.0249
-batch,PyG,TU_DD,graph,False,,,64,3,2,3,skipsum,False,prelu,0.6,max,adam,0.1,99,0.6013,0.0145,147661.0,0.0358,0.0035,0.7316,0.0131,0.8572,0.0133,0.4513,0.0518,0.5896,0.0435,0.8102,0.0033
-batch,PyG,TU_ENZYMES,graph,False,,,16,3,2,1,skipsum,True,relu,0.0,mean,sgd,0.001,199,1.7264,0.0477,134489.0,0.0048,0.0005,0.3278,0.0208,,,,,,,,
-batch,PyG,TU_ENZYMES,graph,False,,,32,3,2,1,skipsum,True,relu,0.0,mean,sgd,0.001,199,1.7283,0.0833,134489.0,0.0294,0.004,0.3472,0.0171,,,,,,,,
-batch,PyG,TU_ENZYMES,graph,False,,,64,3,2,1,skipsum,True,relu,0.0,mean,sgd,0.001,199,1.7296,0.0888,134489.0,0.0114,0.0005,0.3472,0.0275,,,,,,,,
-batch,PyG,TU_IMDB,graph,False,,,16,1,2,1,skipsum,False,swish,0.3,add,adam,0.001,399,1.1982,0.0235,133900.0,0.0094,0.0062,0.3856,0.0123,,,,,,,,
-batch,PyG,TU_IMDB,graph,False,,,16,1,2,1,skipsum,True,relu,0.3,mean,sgd,0.01,199,1.1585,0.033,133635.0,0.0245,0.0012,0.3567,0.0152,,,,,,,,
-batch,PyG,TU_IMDB,graph,False,,,16,1,2,2,stack,False,prelu,0.0,mean,adam,0.01,199,1.1012,0.002,133984.0,0.0043,0.0002,0.3456,0.0042,,,,,,,,
-batch,PyG,TU_IMDB,graph,False,,,16,1,6,1,skipsum,False,relu,0.0,mean,adam,0.1,199,1.1009,0.0016,134848.0,0.0102,0.002,0.3311,0.0294,,,,,,,,
-batch,PyG,TU_IMDB,graph,False,,,16,1,8,3,stack,True,relu,0.3,max,sgd,0.001,199,1.3193,0.0305,135243.0,0.0127,0.0019,0.3567,0.0119,,,,,,,,
-batch,PyG,TU_IMDB,graph,False,,,16,2,4,3,skipsum,False,swish,0.0,mean,sgd,0.01,99,1.0919,0.0038,134967.0,0.0064,0.0001,0.3922,0.0201,,,,,,,,
-batch,PyG,TU_IMDB,graph,False,,,16,2,6,2,skipconcat,True,relu,0.6,max,adam,0.01,199,2.3747,0.1252,139747.0,0.0108,0.0035,0.3511,0.0329,,,,,,,,
-batch,PyG,TU_IMDB,graph,False,,,32,1,2,1,skipsum,False,swish,0.3,add,adam,0.001,399,1.2047,0.0205,133900.0,0.0066,0.0011,0.38,0.0125,,,,,,,,
-batch,PyG,TU_IMDB,graph,False,,,32,1,2,1,skipsum,True,relu,0.3,mean,sgd,0.01,199,1.2451,0.0683,133635.0,0.0065,0.0002,0.3567,0.0152,,,,,,,,
-batch,PyG,TU_IMDB,graph,False,,,32,1,2,2,stack,False,prelu,0.0,mean,adam,0.01,199,1.1009,0.0016,133984.0,0.0248,0.0015,0.3211,0.0186,,,,,,,,
-batch,PyG,TU_IMDB,graph,False,,,32,1,6,1,skipsum,False,relu,0.0,mean,adam,0.1,199,1.1009,0.0017,134848.0,0.026,0.001,0.3311,0.0294,,,,,,,,
-batch,PyG,TU_IMDB,graph,False,,,32,1,8,3,stack,True,relu,0.3,max,sgd,0.001,199,1.2644,0.0533,135243.0,0.0216,0.006,0.3478,0.0069,,,,,,,,
-batch,PyG,TU_IMDB,graph,False,,,32,2,4,3,skipsum,False,swish,0.0,mean,sgd,0.01,99,1.0922,0.0049,134967.0,0.0094,0.0024,0.3911,0.0206,,,,,,,,
-batch,PyG,TU_IMDB,graph,False,,,32,2,6,2,skipconcat,True,relu,0.6,max,adam,0.01,199,2.9544,0.2045,139747.0,0.0446,0.0035,0.3178,0.0057,,,,,,,,
-batch,PyG,TU_IMDB,graph,False,,,64,1,2,1,skipsum,False,swish,0.3,add,adam,0.001,399,1.2217,0.0456,133900.0,0.0255,0.0015,0.3833,0.0152,,,,,,,,
-batch,PyG,TU_IMDB,graph,False,,,64,1,2,1,skipsum,True,relu,0.3,mean,sgd,0.01,199,1.4777,0.1711,133635.0,0.0106,0.0002,0.3133,0.0047,,,,,,,,
-batch,PyG,TU_IMDB,graph,False,,,64,1,2,2,stack,False,prelu,0.0,mean,adam,0.01,199,1.1008,0.0016,133984.0,0.0102,0.001,0.33,0.0136,,,,,,,,
-batch,PyG,TU_IMDB,graph,False,,,64,1,6,1,skipsum,False,relu,0.0,mean,adam,0.1,199,1.1009,0.0016,134848.0,0.0265,0.0033,0.3289,0.0325,,,,,,,,
-batch,PyG,TU_IMDB,graph,False,,,64,1,8,3,stack,True,relu,0.3,max,sgd,0.001,199,1.2778,0.0331,135243.0,0.0158,0.0024,0.3333,0.0094,,,,,,,,
-batch,PyG,TU_IMDB,graph,False,,,64,2,4,3,skipsum,False,swish,0.0,mean,sgd,0.01,99,1.0927,0.0051,134967.0,0.0125,0.0025,0.3878,0.0231,,,,,,,,
-batch,PyG,TU_IMDB,graph,False,,,64,2,6,2,skipconcat,True,relu,0.6,max,adam,0.01,199,3.5323,0.05,139747.0,0.0172,0.0004,0.3133,0.0047,,,,,,,,
-batch,PyG,TU_PROTEINS,graph,False,,,16,1,6,2,stack,False,relu,0.3,max,adam,0.001,199,0.7231,0.0551,134965.0,0.0254,0.0018,0.6061,0.0787,0.5236,0.0578,0.8553,0.1025,0.6419,0.0286,0.7671,0.0164
-batch,PyG,TU_PROTEINS,graph,False,,,16,2,4,3,skipconcat,True,swish,0.6,add,sgd,0.1,199,0.6941,0.0194,136630.0,0.0068,0.0017,0.6424,0.0433,0.7425,0.0591,0.179,0.1153,0.2745,0.1495,0.7688,0.0168
-batch,PyG,TU_PROTEINS,graph,False,,,32,1,6,2,stack,False,relu,0.3,max,adam,0.001,199,1.2361,0.3931,134965.0,0.0077,0.0005,0.4773,0.0804,0.4424,0.0386,0.9663,0.0477,0.6044,0.0253,0.661,0.0633
-batch,PyG,TU_PROTEINS,graph,False,,,32,2,4,3,skipconcat,True,swish,0.6,add,sgd,0.1,199,0.8245,0.1409,136630.0,0.0082,0.0,0.6773,0.0037,0.6557,0.0395,0.4562,0.0393,0.5353,0.0163,0.7433,0.0154
-batch,PyG,TU_PROTEINS,graph,False,,,64,1,6,2,stack,False,relu,0.3,max,adam,0.001,199,2.4426,1.1205,134965.0,0.0132,0.0007,0.4515,0.0571,0.4282,0.0245,0.985,0.0212,0.5962,0.0196,0.4869,0.1338
-batch,PyG,TU_PROTEINS,graph,False,,,64,2,4,3,skipconcat,True,swish,0.6,add,sgd,0.1,199,0.7522,0.1225,136630.0,0.0186,0.0088,0.7182,0.0074,0.6846,0.0429,0.6023,0.1279,0.6284,0.0625,0.7649,0.0099
-batch,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,16,1,2,3,stack,False,prelu,0.3,mean,sgd,0.1,99,,,134851.0,0.0051,0.0002,0.2372,0.0395,,,,,,,,
-batch,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,32,1,2,3,stack,False,prelu,0.3,mean,sgd,0.1,99,,,134851.0,0.0093,0.0004,0.2372,0.0395,,,,,,,,
-batch,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,64,1,2,3,stack,False,prelu,0.3,mean,sgd,0.1,99,,,134851.0,0.0154,0.0007,0.2372,0.0395,,,,,,,,
-batch,nx,scalefree,graph,True,node_const,graph_path_len,16,1,2,1,skipsum,True,relu,0.0,mean,adam,0.01,199,1.6299,0.0134,134625.0,0.0293,0.0005,0.1346,0.0272,,,,,,,,
-batch,nx,scalefree,graph,True,node_const,graph_path_len,16,1,8,1,skipsum,False,prelu,0.6,add,sgd,0.1,99,1.6298,0.0127,134278.0,0.0097,0.0008,0.1346,0.0272,,,,,,,,
-batch,nx,scalefree,graph,True,node_const,graph_path_len,16,1,8,3,skipconcat,True,prelu,0.3,add,sgd,0.1,99,1.4856,0.5551,136714.0,0.0102,0.0011,0.4808,0.0566,,,,,,,,
-batch,nx,scalefree,graph,True,node_const,graph_path_len,16,2,2,1,skipsum,True,relu,0.3,add,adam,0.01,199,5.2121,1.0203,134789.0,0.0072,0.001,0.3526,0.0395,,,,,,,,
-batch,nx,scalefree,graph,True,node_const,graph_path_len,16,2,4,1,skipconcat,False,swish,0.3,max,sgd,0.01,199,160.7608,26.7741,137725.0,0.0075,0.0009,0.2628,0.0395,,,,,,,,
-batch,nx,scalefree,graph,True,node_const,graph_path_len,32,1,2,1,skipsum,True,relu,0.0,mean,adam,0.01,199,1.6317,0.015,134625.0,0.0095,0.001,0.1795,0.0327,,,,,,,,
-batch,nx,scalefree,graph,True,node_const,graph_path_len,32,1,8,1,skipsum,False,prelu,0.6,add,sgd,0.1,99,1.6303,0.0122,134278.0,0.0099,0.0015,0.1346,0.0272,,,,,,,,
-batch,nx,scalefree,graph,True,node_const,graph_path_len,32,1,8,3,skipconcat,True,prelu,0.3,add,sgd,0.1,99,1.773,0.1875,136714.0,0.0453,0.0014,0.5128,0.0395,,,,,,,,
-batch,nx,scalefree,graph,True,node_const,graph_path_len,32,2,2,1,skipsum,True,relu,0.3,add,adam,0.01,199,9.222,1.153,134789.0,0.0083,0.0013,0.2628,0.0395,,,,,,,,
-batch,nx,scalefree,graph,True,node_const,graph_path_len,32,2,4,1,skipconcat,False,swish,0.3,max,sgd,0.01,199,111.5841,8.1101,137725.0,0.0408,0.0028,0.2628,0.0395,,,,,,,,
-batch,nx,scalefree,graph,True,node_const,graph_path_len,64,1,2,1,skipsum,True,relu,0.0,mean,adam,0.01,199,11.5426,9.2393,134625.0,0.0294,0.002,0.2628,0.0395,,,,,,,,
-batch,nx,scalefree,graph,True,node_const,graph_path_len,64,1,8,1,skipsum,False,prelu,0.6,add,sgd,0.1,99,1.6308,0.012,134278.0,0.0158,0.0025,0.1474,0.0327,,,,,,,,
-batch,nx,scalefree,graph,True,node_const,graph_path_len,64,1,8,3,skipconcat,True,prelu,0.3,add,sgd,0.1,99,1.8694,0.1399,136714.0,0.0197,0.0059,0.5064,0.0505,,,,,,,,
-batch,nx,scalefree,graph,True,node_const,graph_path_len,64,2,2,1,skipsum,True,relu,0.3,add,adam,0.01,199,11.666,1.5655,134789.0,0.0118,0.0007,0.2628,0.0395,,,,,,,,
-batch,nx,scalefree,graph,True,node_const,graph_path_len,64,2,4,1,skipconcat,False,swish,0.3,max,sgd,0.01,199,100.8316,4.7616,137725.0,0.0205,0.0059,0.2628,0.0395,,,,,,,,
-batch,nx,scalefree,graph,True,node_onehot,graph_path_len,16,1,2,1,skipconcat,True,relu,0.3,mean,sgd,0.01,199,1.9543,0.0162,136453.0,0.0071,0.0004,0.5449,0.024,,,,,,,,
-batch,nx,scalefree,graph,True,node_onehot,graph_path_len,16,2,6,1,skipsum,True,swish,0.3,max,adam,0.1,199,17.7142,2.168,133829.0,0.0083,0.0012,0.2949,0.0635,,,,,,,,
-batch,nx,scalefree,graph,True,node_onehot,graph_path_len,16,3,8,1,skipsum,True,prelu,0.6,mean,adam,0.01,399,18.6086,2.1755,134298.0,0.0416,0.006,0.2372,0.0395,,,,,,,,
-batch,nx,scalefree,graph,True,node_onehot,graph_path_len,32,1,2,1,skipconcat,True,relu,0.3,mean,sgd,0.01,199,3.0994,0.0748,136453.0,0.009,0.0013,0.4359,0.0594,,,,,,,,
-batch,nx,scalefree,graph,True,node_onehot,graph_path_len,32,2,6,1,skipsum,True,swish,0.3,max,adam,0.1,199,18.0563,3.03,133829.0,0.0129,0.0028,0.2628,0.0395,,,,,,,,
-batch,nx,scalefree,graph,True,node_onehot,graph_path_len,32,3,8,1,skipsum,True,prelu,0.6,mean,adam,0.01,399,8.5404,2.3381,134298.0,0.0449,0.009,0.2308,0.0416,,,,,,,,
-batch,nx,scalefree,graph,True,node_onehot,graph_path_len,64,1,2,1,skipconcat,True,relu,0.3,mean,sgd,0.01,199,5.2725,0.2803,136453.0,0.0126,0.0025,0.3205,0.0327,,,,,,,,
-batch,nx,scalefree,graph,True,node_onehot,graph_path_len,64,2,6,1,skipsum,True,swish,0.3,max,adam,0.1,199,24.6365,4.8967,133829.0,0.0162,0.0019,0.2628,0.0395,,,,,,,,
-batch,nx,scalefree,graph,True,node_onehot,graph_path_len,64,3,8,1,skipsum,True,prelu,0.6,mean,adam,0.01,399,10.2408,2.3367,134298.0,0.0399,0.0024,0.2244,0.0453,,,,,,,,
-batch,nx,scalefree,graph,True,node_pagerank,graph_path_len,16,1,2,1,skipsum,False,swish,0.3,add,adam,0.01,99,0.4672,0.0865,134900.0,0.0068,0.0009,0.7885,0.0415,,,,,,,,
-batch,nx,scalefree,graph,True,node_pagerank,graph_path_len,16,2,4,1,skipsum,True,prelu,0.3,mean,sgd,0.001,199,14.9096,2.1867,134119.0,0.0314,0.0024,0.2372,0.0395,,,,,,,,
-batch,nx,scalefree,graph,True,node_pagerank,graph_path_len,16,3,2,1,stack,True,swish,0.6,add,sgd,0.1,99,46.124,5.6644,134285.0,0.0058,0.0009,0.3205,0.0395,,,,,,,,
-batch,nx,scalefree,graph,True,node_pagerank,graph_path_len,32,1,2,1,skipsum,False,swish,0.3,add,adam,0.01,99,0.6531,0.2964,134900.0,0.0141,0.0067,0.7372,0.1508,,,,,,,,
-batch,nx,scalefree,graph,True,node_pagerank,graph_path_len,32,2,4,1,skipsum,True,prelu,0.3,mean,sgd,0.001,199,13.5925,1.4363,134119.0,0.0127,0.0017,0.2372,0.0395,,,,,,,,
-batch,nx,scalefree,graph,True,node_pagerank,graph_path_len,32,3,2,1,stack,True,swish,0.6,add,sgd,0.1,99,38.4392,12.0163,134285.0,0.0073,0.0002,0.1795,0.048,,,,,,,,
-batch,nx,scalefree,graph,True,node_pagerank,graph_path_len,64,1,2,1,skipsum,False,swish,0.3,add,adam,0.01,99,1.3643,0.2982,134900.0,0.0126,0.0013,0.3782,0.1407,,,,,,,,
-batch,nx,scalefree,graph,True,node_pagerank,graph_path_len,64,2,4,1,skipsum,True,prelu,0.3,mean,sgd,0.001,199,12.1349,1.3838,134119.0,0.0145,0.0021,0.2372,0.0395,,,,,,,,
-batch,nx,scalefree,graph,True,node_pagerank,graph_path_len,64,3,2,1,stack,True,swish,0.6,add,sgd,0.1,99,35.8429,15.1476,134285.0,0.0149,0.0021,0.2885,0.2313,,,,,,,,
-batch,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,16,2,2,3,stack,True,relu,0.3,add,adam,0.01,399,0.2351,0.0063,134118.0,0.0059,0.001,0.8993,0.0008,,,,,,,,
-batch,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,16,2,4,2,skipconcat,False,prelu,0.3,max,adam,0.001,399,3.6732,0.3429,136829.0,0.007,0.001,0.2498,0.0399,,,,,,,,
-batch,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,16,3,4,2,skipsum,False,relu,0.6,mean,adam,0.01,399,1.1788,0.3051,134676.0,0.0306,0.0021,0.4479,0.1817,,,,,,,,
-batch,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,16,3,6,3,skipsum,True,relu,0.0,mean,sgd,0.1,399,1.3071,0.0243,134297.0,0.0317,0.0033,0.7226,0.0039,,,,,,,,
-batch,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,32,2,2,3,stack,True,relu,0.3,add,adam,0.01,399,0.1823,0.0044,134118.0,0.0093,0.001,0.9258,0.0022,,,,,,,,
-batch,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,32,2,4,2,skipconcat,False,prelu,0.3,max,adam,0.001,399,3.5587,0.226,136829.0,0.0129,0.001,0.2462,0.0334,,,,,,,,
-batch,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,32,3,4,2,skipsum,False,relu,0.6,mean,adam,0.01,399,1.2479,0.2659,134676.0,0.0099,0.001,0.4293,0.1694,,,,,,,,
-batch,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,32,3,6,3,skipsum,True,relu,0.0,mean,sgd,0.1,399,1.3495,0.0133,134297.0,0.0159,0.0042,0.711,0.0048,,,,,,,,
-batch,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,64,2,2,3,stack,True,relu,0.3,add,adam,0.01,399,0.1722,0.0071,134118.0,0.0389,0.0044,0.9293,0.0033,,,,,,,,
-batch,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,64,2,4,2,skipconcat,False,prelu,0.3,max,adam,0.001,399,3.3911,0.2125,136829.0,0.0152,0.001,0.2507,0.0378,,,,,,,,
-batch,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,64,3,4,2,skipsum,False,relu,0.6,mean,adam,0.01,399,1.1357,0.3353,134676.0,0.0188,0.0045,0.4669,0.195,,,,,,,,
-batch,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,64,3,6,3,skipsum,True,relu,0.0,mean,sgd,0.1,399,1.1833,0.0197,134297.0,0.0212,0.0043,0.7077,0.004,,,,,,,,
-batch,nx,scalefree,node,True,node_const,node_clustering_coefficient,16,1,6,3,skipconcat,True,relu,0.3,add,adam,0.1,199,0.9414,0.0093,140561.0,0.0078,0.0006,0.5491,0.0023,,,,,,,,
-batch,nx,scalefree,node,True,node_const,node_clustering_coefficient,16,1,8,2,stack,True,prelu,0.6,mean,sgd,0.1,399,2.0951,0.3009,133926.0,0.0284,0.0047,0.1922,0.0413,,,,,,,,
-batch,nx,scalefree,node,True,node_const,node_clustering_coefficient,16,2,8,3,skipconcat,True,relu,0.6,mean,sgd,0.1,399,2.9876,0.6289,137441.0,0.0086,0.0006,0.2688,0.0019,,,,,,,,
-batch,nx,scalefree,node,True,node_const,node_clustering_coefficient,16,3,6,1,skipsum,True,prelu,0.6,max,sgd,0.1,399,3.4388,0.1038,135430.0,0.0089,0.0024,0.1976,0.0055,,,,,,,,
-batch,nx,scalefree,node,True,node_const,node_clustering_coefficient,32,1,6,3,skipconcat,True,relu,0.3,add,adam,0.1,199,0.8991,0.0026,140561.0,0.0125,0.0025,0.5604,0.0086,,,,,,,,
-batch,nx,scalefree,node,True,node_const,node_clustering_coefficient,32,1,8,2,stack,True,prelu,0.6,mean,sgd,0.1,399,1.8806,0.0294,133926.0,0.0103,0.0005,0.1976,0.0055,,,,,,,,
-batch,nx,scalefree,node,True,node_const,node_clustering_coefficient,32,2,8,3,skipconcat,True,relu,0.6,mean,sgd,0.1,399,1.722,0.0501,137441.0,0.013,0.0022,0.2436,0.0339,,,,,,,,
-batch,nx,scalefree,node,True,node_const,node_clustering_coefficient,32,3,6,1,skipsum,True,prelu,0.6,max,sgd,0.1,399,3.242,0.0937,135430.0,0.0237,0.0004,0.1976,0.0055,,,,,,,,
-batch,nx,scalefree,node,True,node_const,node_clustering_coefficient,64,1,6,3,skipconcat,True,relu,0.3,add,adam,0.1,199,0.8497,0.0041,140561.0,0.0612,0.005,0.5953,0.0059,,,,,,,,
-batch,nx,scalefree,node,True,node_const,node_clustering_coefficient,64,1,8,2,stack,True,prelu,0.6,mean,sgd,0.1,399,2.377,0.3103,133926.0,0.0222,0.0045,0.2482,0.0305,,,,,,,,
-batch,nx,scalefree,node,True,node_const,node_clustering_coefficient,64,2,8,3,skipconcat,True,relu,0.6,mean,sgd,0.1,399,1.7394,0.0295,137441.0,0.067,0.007,0.1976,0.0055,,,,,,,,
-batch,nx,scalefree,node,True,node_const,node_clustering_coefficient,64,3,6,1,skipsum,True,prelu,0.6,max,sgd,0.1,399,2.6967,0.0478,135430.0,0.0385,0.0028,0.1976,0.0055,,,,,,,,
-batch,nx,scalefree,node,True,node_const,node_pagerank,16,1,2,2,stack,True,swish,0.0,mean,adam,0.01,399,1.6099,0.0002,134789.0,0.0074,0.0003,0.1893,0.0025,,,,,,,,
-batch,nx,scalefree,node,True,node_const,node_pagerank,16,1,8,1,stack,True,swish,0.6,mean,adam,0.1,99,4.9356,0.3145,135429.0,0.0097,0.0012,0.1996,0.0053,,,,,,,,
-batch,nx,scalefree,node,True,node_const,node_pagerank,32,1,2,2,stack,True,swish,0.0,mean,adam,0.01,399,77.5905,16.3126,134789.0,0.0088,0.001,0.1996,0.0053,,,,,,,,
-batch,nx,scalefree,node,True,node_const,node_pagerank,32,1,8,1,stack,True,swish,0.6,mean,adam,0.1,99,4.7891,0.4903,135429.0,0.012,0.0013,0.1996,0.0053,,,,,,,,
-batch,nx,scalefree,node,True,node_const,node_pagerank,64,1,2,2,stack,True,swish,0.0,mean,adam,0.01,399,121.8747,43.7875,134789.0,0.031,0.0012,0.1996,0.0053,,,,,,,,
-batch,nx,scalefree,node,True,node_const,node_pagerank,64,1,8,1,stack,True,swish,0.6,mean,adam,0.1,99,2.5323,0.2606,135429.0,0.026,0.0031,0.2009,0.0028,,,,,,,,
-batch,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,16,2,8,3,skipsum,False,prelu,0.6,add,sgd,0.001,399,1.6756,0.0762,133749.0,0.0113,0.0054,0.2423,0.0071,,,,,,,,
-batch,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,16,3,4,3,skipsum,True,prelu,0.3,add,sgd,0.1,199,0.9229,0.0449,135430.0,0.0068,0.0002,0.5796,0.0221,,,,,,,,
-batch,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,16,3,6,1,skipsum,False,swish,0.6,max,sgd,0.01,199,2.0193,0.0579,134277.0,0.0229,0.003,0.3322,0.0131,,,,,,,,
-batch,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,32,2,8,3,skipsum,False,prelu,0.6,add,sgd,0.001,399,1.5806,0.004,133749.0,0.0148,0.0017,0.2668,0.0336,,,,,,,,
-batch,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,32,3,4,3,skipsum,True,prelu,0.3,add,sgd,0.1,199,1.0848,0.0259,135430.0,0.0109,0.0021,0.5136,0.0067,,,,,,,,
-batch,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,32,3,6,1,skipsum,False,swish,0.6,max,sgd,0.01,199,1.6826,0.0343,134277.0,0.0131,0.0012,0.2702,0.0008,,,,,,,,
-batch,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,64,2,8,3,skipsum,False,prelu,0.6,add,sgd,0.001,399,1.5812,0.0042,133749.0,0.016,0.0013,0.2513,0.0129,,,,,,,,
-batch,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,64,3,4,3,skipsum,True,prelu,0.3,add,sgd,0.1,199,1.1945,0.023,135430.0,0.0196,0.0028,0.4768,0.0059,,,,,,,,
-batch,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,64,3,6,1,skipsum,False,swish,0.6,max,sgd,0.01,199,1.6095,0.0193,134277.0,0.0216,0.0025,0.2688,0.0019,,,,,,,,
-batch,nx,scalefree,node,True,node_onehot,node_pagerank,16,2,2,3,skipsum,False,swish,0.0,max,adam,0.01,99,0.5917,0.0324,134789.0,0.0052,0.0004,0.7706,0.003,,,,,,,,
-batch,nx,scalefree,node,True,node_onehot,node_pagerank,32,2,2,3,skipsum,False,swish,0.0,max,adam,0.01,99,0.5527,0.0079,134789.0,0.0112,0.0019,0.7687,0.0094,,,,,,,,
-batch,nx,scalefree,node,True,node_onehot,node_pagerank,64,2,2,3,skipsum,False,swish,0.0,max,adam,0.01,99,0.5623,0.015,134789.0,0.0198,0.0025,0.7566,0.0075,,,,,,,,
-batch,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,16,1,6,2,stack,False,prelu,0.0,max,adam,0.001,399,1.4956,0.0328,134677.0,0.008,0.0011,0.5979,0.0039,,,,,,,,
-batch,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,16,2,8,1,stack,True,relu,0.3,mean,adam,0.1,399,1.7318,0.1281,133925.0,0.0116,0.0001,0.2669,0.0301,,,,,,,,
-batch,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,32,1,6,2,stack,False,prelu,0.0,max,adam,0.001,399,1.2376,0.0192,134677.0,0.0098,0.0016,0.5981,0.0036,,,,,,,,
-batch,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,32,2,8,1,stack,True,relu,0.3,mean,adam,0.1,399,1.7066,0.2121,133925.0,0.0118,0.0014,0.2649,0.0259,,,,,,,,
-batch,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,64,1,6,2,stack,False,prelu,0.0,max,adam,0.001,399,0.9738,0.0155,134677.0,0.0182,0.0019,0.6017,0.0084,,,,,,,,
-batch,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,64,2,8,1,stack,True,relu,0.3,mean,adam,0.1,399,1.5201,0.0098,133925.0,0.019,0.0028,0.3135,0.0066,,,,,,,,
-batch,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,16,1,4,1,skipconcat,False,relu,0.3,add,sgd,0.001,99,0.2226,0.0699,136970.0,0.0077,0.001,0.8974,0.0395,,,,,,,,
-batch,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,16,2,6,1,skipconcat,True,relu,0.3,max,adam,0.001,399,23.8864,1.8348,138689.0,0.0108,0.0019,0.1666,0.0181,,,,,,,,
-batch,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,32,1,4,1,skipconcat,False,relu,0.3,add,sgd,0.001,99,0.2361,0.0656,136970.0,0.0103,0.0011,0.8846,0.0471,,,,,,,,
-batch,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,32,2,6,1,skipconcat,True,relu,0.3,max,adam,0.001,399,26.2092,2.8513,138689.0,0.0165,0.0037,0.1666,0.0181,,,,,,,,
-batch,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,1,4,1,skipconcat,False,relu,0.3,add,sgd,0.001,99,0.286,0.0824,136970.0,0.0438,0.0013,0.8718,0.0395,,,,,,,,
-batch,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,2,6,1,skipconcat,True,relu,0.3,max,adam,0.001,399,26.5743,2.2942,138689.0,0.0203,0.0039,0.1666,0.0181,,,,,,,,
-batch,nx,smallworld,graph,True,node_const,graph_path_len,16,2,4,2,skipsum,True,relu,0.3,mean,sgd,0.1,99,12.0581,1.0234,134069.0,0.0097,0.0004,0.1666,0.0181,,,,,,,,
-batch,nx,smallworld,graph,True,node_const,graph_path_len,16,2,6,3,skipconcat,True,relu,0.0,add,sgd,0.001,199,32.6471,20.5464,141785.0,0.0473,0.0016,0.173,0.0272,,,,,,,,
-batch,nx,smallworld,graph,True,node_const,graph_path_len,16,3,4,2,stack,True,relu,0.3,mean,adam,0.1,99,2.1395,0.5945,133829.0,0.007,0.001,0.1795,0.048,,,,,,,,
-batch,nx,smallworld,graph,True,node_const,graph_path_len,32,2,4,2,skipsum,True,relu,0.3,mean,sgd,0.1,99,14.6641,1.3355,134069.0,0.0358,0.0098,0.1666,0.0181,,,,,,,,
-batch,nx,smallworld,graph,True,node_const,graph_path_len,32,2,6,3,skipconcat,True,relu,0.0,add,sgd,0.001,199,15.1604,4.7122,141785.0,0.0378,0.0005,0.1987,0.0327,,,,,,,,
-batch,nx,smallworld,graph,True,node_const,graph_path_len,32,3,4,2,stack,True,relu,0.3,mean,adam,0.1,99,2.6302,1.1657,133829.0,0.0109,0.0018,0.141,0.0181,,,,,,,,
-batch,nx,smallworld,graph,True,node_const,graph_path_len,64,2,4,2,skipsum,True,relu,0.3,mean,sgd,0.1,99,14.9151,1.2209,134069.0,0.0155,0.0018,0.1666,0.0181,,,,,,,,
-batch,nx,smallworld,graph,True,node_const,graph_path_len,64,2,6,3,skipconcat,True,relu,0.0,add,sgd,0.001,199,3.8036,2.1349,141785.0,0.0273,0.0167,0.3462,0.191,,,,,,,,
-batch,nx,smallworld,graph,True,node_const,graph_path_len,64,3,4,2,stack,True,relu,0.3,mean,adam,0.1,99,2.603,0.4268,133829.0,0.0209,0.004,0.1667,0.024,,,,,,,,
-batch,nx,smallworld,graph,True,node_onehot,graph_path_len,16,1,4,1,stack,False,relu,0.0,mean,adam,0.1,99,1.6447,0.0133,134850.0,0.0109,0.0055,0.1346,0.0157,,,,,,,,
-batch,nx,smallworld,graph,True,node_onehot,graph_path_len,16,1,8,2,skipconcat,True,relu,0.0,max,sgd,0.001,199,1.6775,0.2933,138385.0,0.0105,0.0014,0.5577,0.0314,,,,,,,,
-batch,nx,smallworld,graph,True,node_onehot,graph_path_len,16,2,6,2,skipsum,False,swish,0.6,max,adam,0.001,99,11.802,2.6371,134277.0,0.0087,0.0016,0.1795,0.0327,,,,,,,,
-batch,nx,smallworld,graph,True,node_onehot,graph_path_len,16,2,8,1,stack,False,prelu,0.6,add,sgd,0.1,99,1.5964,0.0779,134921.0,0.0131,0.0017,0.1603,0.0505,,,,,,,,
-batch,nx,smallworld,graph,True,node_onehot,graph_path_len,16,3,6,2,skipconcat,True,prelu,0.0,max,adam,0.001,99,2.0597,0.2712,136488.0,0.0145,0.0073,0.4936,0.0551,,,,,,,,
-batch,nx,smallworld,graph,True,node_onehot,graph_path_len,32,1,4,1,stack,False,relu,0.0,mean,adam,0.1,99,1.6447,0.0119,134850.0,0.0085,0.0011,0.1346,0.0157,,,,,,,,
-batch,nx,smallworld,graph,True,node_onehot,graph_path_len,32,1,8,2,skipconcat,True,relu,0.0,max,sgd,0.001,199,1.351,0.2764,138385.0,0.0184,0.0083,0.5064,0.1178,,,,,,,,
-batch,nx,smallworld,graph,True,node_onehot,graph_path_len,32,2,6,2,skipsum,False,swish,0.6,max,adam,0.001,99,12.6346,2.2988,134277.0,0.0133,0.0011,0.1602,0.024,,,,,,,,
-batch,nx,smallworld,graph,True,node_onehot,graph_path_len,32,2,8,1,stack,False,prelu,0.6,add,sgd,0.1,99,1.5617,0.0721,134921.0,0.012,0.0032,0.1795,0.048,,,,,,,,
-batch,nx,smallworld,graph,True,node_onehot,graph_path_len,32,3,6,2,skipconcat,True,prelu,0.0,max,adam,0.001,99,1.5598,0.2268,136488.0,0.0112,0.0021,0.5641,0.024,,,,,,,,
-batch,nx,smallworld,graph,True,node_onehot,graph_path_len,64,1,4,1,stack,False,relu,0.0,mean,adam,0.1,99,1.6442,0.017,134850.0,0.0149,0.0024,0.1602,0.0091,,,,,,,,
-batch,nx,smallworld,graph,True,node_onehot,graph_path_len,64,1,8,2,skipconcat,True,relu,0.0,max,sgd,0.001,199,1.099,0.219,138385.0,0.0683,0.0126,0.5449,0.0505,,,,,,,,
-batch,nx,smallworld,graph,True,node_onehot,graph_path_len,64,2,6,2,skipsum,False,swish,0.6,max,adam,0.001,99,13.0475,0.4832,134277.0,0.0158,0.0013,0.1666,0.0181,,,,,,,,
-batch,nx,smallworld,graph,True,node_onehot,graph_path_len,64,2,8,1,stack,False,prelu,0.6,add,sgd,0.1,99,1.5983,0.0804,134921.0,0.0136,0.0011,0.1603,0.0505,,,,,,,,
-batch,nx,smallworld,graph,True,node_onehot,graph_path_len,64,3,6,2,skipconcat,True,prelu,0.0,max,adam,0.001,99,1.6851,0.2417,136488.0,0.0169,0.0029,0.5257,0.0327,,,,,,,,
-batch,nx,smallworld,graph,True,node_pagerank,graph_path_len,16,1,4,2,skipsum,True,swish,0.0,max,sgd,0.01,99,1.0135,0.1963,134118.0,0.0313,0.0005,0.6474,0.0479,,,,,,,,
-batch,nx,smallworld,graph,True,node_pagerank,graph_path_len,16,3,4,3,stack,True,swish,0.3,mean,sgd,0.01,399,1.3097,0.1947,135429.0,0.0106,0.0014,0.4295,0.1009,,,,,,,,
-batch,nx,smallworld,graph,True,node_pagerank,graph_path_len,32,1,4,2,skipsum,True,swish,0.0,max,sgd,0.01,99,0.7841,0.1032,134118.0,0.0148,0.0026,0.7051,0.0708,,,,,,,,
-batch,nx,smallworld,graph,True,node_pagerank,graph_path_len,32,3,4,3,stack,True,swish,0.3,mean,sgd,0.01,399,1.3783,0.174,135429.0,0.0374,0.006,0.3975,0.0594,,,,,,,,
-batch,nx,smallworld,graph,True,node_pagerank,graph_path_len,64,1,4,2,skipsum,True,swish,0.0,max,sgd,0.01,99,0.7692,0.1541,134118.0,0.0182,0.0005,0.7115,0.0157,,,,,,,,
-batch,nx,smallworld,graph,True,node_pagerank,graph_path_len,64,3,4,3,stack,True,swish,0.3,mean,sgd,0.01,399,1.4862,0.2846,135429.0,0.026,0.008,0.3654,0.0942,,,,,,,,
-batch,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,16,1,2,3,skipconcat,True,relu,0.6,max,adam,0.1,199,1.4921,0.0044,134542.0,0.0291,0.0018,0.3306,0.0112,,,,,,,,
-batch,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,16,2,6,1,stack,False,prelu,0.6,add,sgd,0.1,99,1.5353,0.0044,134677.0,0.0246,0.001,0.2989,0.0092,,,,,,,,
-batch,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,16,2,8,1,stack,True,swish,0.0,add,sgd,0.01,399,0.8263,0.0103,133925.0,0.0103,0.0022,0.6979,0.0086,,,,,,,,
-batch,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,16,2,8,2,stack,False,prelu,0.0,add,sgd,0.1,399,1.4862,0.0036,135361.0,0.0069,0.0008,0.3068,0.0037,,,,,,,,
-batch,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,16,2,8,3,skipconcat,True,prelu,0.0,mean,sgd,0.01,99,1.2867,0.0051,137442.0,0.042,0.0035,0.4553,0.0053,,,,,,,,
-batch,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,16,3,4,2,skipsum,False,swish,0.0,mean,adam,0.1,99,1.6097,0.0,134676.0,0.0077,0.0016,0.1911,0.0017,,,,,,,,
-batch,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,32,1,2,3,skipconcat,True,relu,0.6,max,adam,0.1,199,1.6165,0.0592,134542.0,0.0128,0.004,0.3375,0.0199,,,,,,,,
-batch,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,32,2,6,1,stack,False,prelu,0.6,add,sgd,0.1,99,1.5366,0.0046,134677.0,0.024,0.0025,0.2972,0.0063,,,,,,,,
-batch,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,32,2,8,1,stack,True,swish,0.0,add,sgd,0.01,399,0.7829,0.0086,133925.0,0.0155,0.0031,0.7057,0.0069,,,,,,,,
-batch,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,32,2,8,2,stack,False,prelu,0.0,add,sgd,0.1,399,1.4763,0.0056,135361.0,0.0297,0.0077,0.313,0.0057,,,,,,,,
-batch,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,32,2,8,3,skipconcat,True,prelu,0.0,mean,sgd,0.01,99,1.2904,0.0075,137442.0,0.0147,0.0027,0.4531,0.0041,,,,,,,,
-batch,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,32,3,4,2,skipsum,False,swish,0.0,mean,adam,0.1,99,1.5218,0.1244,134676.0,0.0092,0.0011,0.2707,0.112,,,,,,,,
-batch,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,64,1,2,3,skipconcat,True,relu,0.6,max,adam,0.1,199,2.0309,0.0579,134542.0,0.021,0.0013,0.3119,0.0157,,,,,,,,
-batch,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,64,2,6,1,stack,False,prelu,0.6,add,sgd,0.1,99,1.5367,0.0047,134677.0,0.021,0.0031,0.2986,0.0089,,,,,,,,
-batch,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,64,2,8,1,stack,True,swish,0.0,add,sgd,0.01,399,0.938,0.026,133925.0,0.0155,0.0015,0.6491,0.0116,,,,,,,,
-batch,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,64,2,8,2,stack,False,prelu,0.0,add,sgd,0.1,399,1.4717,0.0039,135361.0,0.0208,0.0016,0.3185,0.0045,,,,,,,,
-batch,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,64,2,8,3,skipconcat,True,prelu,0.0,mean,sgd,0.01,99,1.3011,0.005,137442.0,0.0647,0.0083,0.4492,0.0057,,,,,,,,
-batch,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,64,3,4,2,skipsum,False,swish,0.0,mean,adam,0.1,99,1.6097,0.0,134676.0,0.0193,0.0022,0.1911,0.0017,,,,,,,,
-batch,nx,smallworld,node,True,node_const,node_clustering_coefficient,16,1,6,1,skipconcat,False,prelu,0.3,add,adam,0.001,199,1.5344,0.0029,138646.0,0.007,0.0005,0.2928,0.0051,,,,,,,,
-batch,nx,smallworld,node,True,node_const,node_clustering_coefficient,16,2,4,3,skipconcat,False,prelu,0.6,add,adam,0.1,199,1.6049,0.001,137199.0,0.0084,0.0015,0.2305,0.0055,,,,,,,,
-batch,nx,smallworld,node,True,node_const,node_clustering_coefficient,16,3,4,2,stack,True,relu,0.3,mean,sgd,0.01,399,1.7935,0.0783,133829.0,0.0076,0.001,0.2046,0.0083,,,,,,,,
-batch,nx,smallworld,node,True,node_const,node_clustering_coefficient,16,3,8,2,skipconcat,True,swish,0.0,max,sgd,0.01,399,,,140833.0,0.0138,0.0031,0.2018,0.0045,,,,,,,,
-batch,nx,smallworld,node,True,node_const,node_clustering_coefficient,32,1,6,1,skipconcat,False,prelu,0.3,add,adam,0.001,199,1.5358,0.0025,138646.0,0.01,0.0004,0.2861,0.0134,,,,,,,,
-batch,nx,smallworld,node,True,node_const,node_clustering_coefficient,32,2,4,3,skipconcat,False,prelu,0.6,add,adam,0.1,199,1.6049,0.001,137199.0,0.0121,0.0011,0.2305,0.0055,,,,,,,,
-batch,nx,smallworld,node,True,node_const,node_clustering_coefficient,32,3,4,2,stack,True,relu,0.3,mean,sgd,0.01,399,1.8049,0.1094,133829.0,0.0119,0.0024,0.2057,0.0039,,,,,,,,
-batch,nx,smallworld,node,True,node_const,node_clustering_coefficient,32,3,8,2,skipconcat,True,swish,0.0,max,sgd,0.01,399,,,140833.0,0.0139,0.002,0.2018,0.0045,,,,,,,,
-batch,nx,smallworld,node,True,node_const,node_clustering_coefficient,64,1,6,1,skipconcat,False,prelu,0.3,add,adam,0.001,199,1.5732,0.0145,138646.0,0.0216,0.0012,0.2585,0.0185,,,,,,,,
-batch,nx,smallworld,node,True,node_const,node_clustering_coefficient,64,2,4,3,skipconcat,False,prelu,0.6,add,adam,0.1,199,1.6049,0.001,137199.0,0.0283,0.0077,0.2305,0.0055,,,,,,,,
-batch,nx,smallworld,node,True,node_const,node_clustering_coefficient,64,3,4,2,stack,True,relu,0.3,mean,sgd,0.01,399,1.78,0.1112,133829.0,0.0252,0.0077,0.2018,0.0045,,,,,,,,
-batch,nx,smallworld,node,True,node_const,node_clustering_coefficient,64,3,8,2,skipconcat,True,swish,0.0,max,sgd,0.01,399,,,140833.0,0.0217,0.0033,0.2018,0.0045,,,,,,,,
-batch,nx,smallworld,node,True,node_const,node_pagerank,16,2,2,3,skipconcat,True,relu,0.3,mean,adam,0.001,399,1.9237,0.0386,137441.0,0.0085,0.0014,0.199,0.0042,,,,,,,,
-batch,nx,smallworld,node,True,node_const,node_pagerank,16,2,6,3,stack,False,relu,0.3,max,adam,0.1,199,1.6097,0.0,134920.0,0.0317,0.0006,0.1911,0.0017,,,,,,,,
-batch,nx,smallworld,node,True,node_const,node_pagerank,16,3,8,3,skipconcat,False,relu,0.3,max,adam,0.1,399,1.6097,0.0,137415.0,0.0118,0.0012,0.1911,0.0017,,,,,,,,
-batch,nx,smallworld,node,True,node_const,node_pagerank,32,2,2,3,skipconcat,True,relu,0.3,mean,adam,0.001,399,1.8417,0.003,137441.0,0.0119,0.0008,0.205,0.0011,,,,,,,,
-batch,nx,smallworld,node,True,node_const,node_pagerank,32,2,6,3,stack,False,relu,0.3,max,adam,0.1,199,1.6097,0.0,134920.0,0.0301,0.0042,0.1911,0.0017,,,,,,,,
-batch,nx,smallworld,node,True,node_const,node_pagerank,32,3,8,3,skipconcat,False,relu,0.3,max,adam,0.1,399,1.6097,0.0,137415.0,0.0588,0.0128,0.1911,0.0017,,,,,,,,
-batch,nx,smallworld,node,True,node_const,node_pagerank,64,2,2,3,skipconcat,True,relu,0.3,mean,adam,0.001,399,1.7696,0.0221,137441.0,0.0192,0.0011,0.2006,0.0073,,,,,,,,
-batch,nx,smallworld,node,True,node_const,node_pagerank,64,2,6,3,stack,False,relu,0.3,max,adam,0.1,199,1.6097,0.0,134920.0,0.0354,0.0027,0.1911,0.0017,,,,,,,,
-batch,nx,smallworld,node,True,node_const,node_pagerank,64,3,8,3,skipconcat,False,relu,0.3,max,adam,0.1,399,1.6097,0.0,137415.0,0.0223,0.0059,0.1911,0.0017,,,,,,,,
-batch,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,16,1,2,2,skipconcat,True,prelu,0.6,add,adam,0.001,199,1.3524,0.0104,136296.0,0.0287,0.0015,0.3997,0.0056,,,,,,,,
-batch,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,16,1,4,2,skipconcat,False,relu,0.3,mean,sgd,0.01,399,1.6054,0.0016,137397.0,0.007,0.0008,0.2307,0.0053,,,,,,,,
-batch,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,16,1,8,2,stack,True,swish,0.3,max,sgd,0.001,99,1.6499,0.0093,133925.0,0.01,0.0013,0.2018,0.0045,,,,,,,,
-batch,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,16,2,8,3,skipsum,False,prelu,0.0,mean,adam,0.01,99,1.6049,0.001,133749.0,0.0278,0.001,0.2305,0.0055,,,,,,,,
-batch,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,32,1,2,2,skipconcat,True,prelu,0.6,add,adam,0.001,199,1.3914,0.0126,136296.0,0.0094,0.0018,0.3784,0.0067,,,,,,,,
-batch,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,32,1,4,2,skipconcat,False,relu,0.3,mean,sgd,0.01,399,1.6058,0.0012,137397.0,0.0105,0.001,0.2305,0.0055,,,,,,,,
-batch,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,32,1,8,2,stack,True,swish,0.3,max,sgd,0.001,99,1.641,0.0072,133925.0,0.0296,0.0032,0.2018,0.0045,,,,,,,,
-batch,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,32,2,8,3,skipsum,False,prelu,0.0,mean,adam,0.01,99,1.6049,0.001,133749.0,0.0287,0.0033,0.2305,0.0055,,,,,,,,
-batch,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,64,1,2,2,skipconcat,True,prelu,0.6,add,adam,0.001,199,1.4333,0.0051,136296.0,0.0176,0.0013,0.3644,0.0033,,,,,,,,
-batch,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,64,1,4,2,skipconcat,False,relu,0.3,mean,sgd,0.01,399,1.6055,0.0012,137397.0,0.0166,0.0016,0.2305,0.0055,,,,,,,,
-batch,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,64,1,8,2,stack,True,swish,0.3,max,sgd,0.001,99,1.6334,0.004,133925.0,0.0222,0.0004,0.2018,0.0045,,,,,,,,
-batch,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,64,2,8,3,skipsum,False,prelu,0.0,mean,adam,0.01,99,1.6049,0.001,133749.0,0.0189,0.0014,0.2305,0.0055,,,,,,,,
-batch,nx,smallworld,node,True,node_onehot,node_pagerank,16,3,4,2,skipsum,True,prelu,0.3,max,sgd,0.1,399,4.4894,0.1535,133830.0,0.0075,0.0012,0.1989,0.0043,,,,,,,,
-batch,nx,smallworld,node,True,node_onehot,node_pagerank,16,3,4,3,stack,True,relu,0.0,max,adam,0.01,399,2.9581,0.0262,135429.0,0.0146,0.0015,0.5148,0.0015,,,,,,,,
-batch,nx,smallworld,node,True,node_onehot,node_pagerank,32,3,4,2,skipsum,True,prelu,0.3,max,sgd,0.1,399,4.1358,0.0669,133830.0,0.0188,0.0009,0.1989,0.0043,,,,,,,,
-batch,nx,smallworld,node,True,node_onehot,node_pagerank,32,3,4,3,stack,True,relu,0.0,max,adam,0.01,399,3.1504,0.0496,135429.0,0.0197,0.0029,0.4955,0.006,,,,,,,,
-batch,nx,smallworld,node,True,node_onehot,node_pagerank,64,3,4,2,skipsum,True,prelu,0.3,max,sgd,0.1,399,2.8528,0.1074,133830.0,0.0226,0.0038,0.203,0.0069,,,,,,,,
-batch,nx,smallworld,node,True,node_onehot,node_pagerank,64,3,4,3,stack,True,relu,0.0,max,adam,0.01,399,3.2761,0.0827,135429.0,0.0327,0.004,0.4918,0.0037,,,,,,,,
-batch,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,16,3,4,2,stack,True,relu,0.3,add,sgd,0.1,199,1.0022,0.0125,133829.0,0.009,0.0007,0.552,0.0048,,,,,,,,
-batch,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,32,3,4,2,stack,True,relu,0.3,add,sgd,0.1,199,1.0155,0.0192,133829.0,0.0126,0.0046,0.552,0.009,,,,,,,,
-batch,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,64,3,4,2,stack,True,relu,0.3,add,sgd,0.1,199,1.0395,0.014,133829.0,0.0177,0.0022,0.5422,0.0074,,,,,,,,
-bn,PyG,AmazonComputers,node,True,,,64,1,8,2,skipsum,False,swish,0.6,max,sgd,0.01,399,1.8916,0.0069,227006.0,0.1343,0.0111,0.3692,0.0075,,,,,,,,
-bn,PyG,AmazonComputers,node,True,,,64,1,8,2,skipsum,True,swish,0.6,max,sgd,0.01,399,2.5738,0.02,228216.0,0.1404,0.01,0.1505,0.0073,,,,,,,,
-bn,PyG,AmazonComputers,node,True,,,64,2,2,1,skipsum,False,prelu,0.0,max,sgd,0.01,199,1.8543,0.0051,296321.0,0.128,0.0164,0.3692,0.0075,,,,,,,,
-bn,PyG,AmazonComputers,node,True,,,64,2,2,1,skipsum,True,prelu,0.0,max,sgd,0.01,199,1.4586,0.0084,295119.0,0.2394,0.0494,0.5649,0.0154,,,,,,,,
-bn,PyG,AmazonComputers,node,True,,,64,2,2,3,stack,False,relu,0.6,add,sgd,0.001,399,1.9153,0.0134,260484.0,0.1056,0.0052,0.3692,0.0075,,,,,,,,
-bn,PyG,AmazonComputers,node,True,,,64,2,2,3,stack,True,relu,0.6,add,sgd,0.001,399,1.8483,0.0437,259048.0,0.1145,0.0079,0.3415,0.0228,,,,,,,,
-bn,PyG,AmazonComputers,node,True,,,64,2,6,2,skipsum,False,swish,0.3,mean,adam,0.01,199,1.889,0.0072,234532.0,0.197,0.0336,0.3692,0.0075,,,,,,,,
-bn,PyG,AmazonComputers,node,True,,,64,2,6,2,skipsum,True,swish,0.3,mean,adam,0.01,199,0.3697,0.0331,232842.0,0.1408,0.0155,0.9099,0.004,,,,,,,,
-bn,PyG,AmazonPhoto,node,True,,,16,1,4,2,skipconcat,False,prelu,0.0,max,sgd,0.01,399,0.5053,0.2367,183839.0,0.0411,0.0056,0.87,0.0681,,,,,,,,
-bn,PyG,AmazonPhoto,node,True,,,16,1,4,2,skipconcat,True,prelu,0.0,max,sgd,0.01,399,0.2078,0.0145,184459.0,0.0417,0.0139,0.9412,0.0014,,,,,,,,
-bn,PyG,AmazonPhoto,node,True,,,32,2,4,2,skipconcat,False,prelu,0.3,mean,adam,0.01,399,0.1648,0.0081,182521.0,0.0368,0.0063,0.9624,0.0016,,,,,,,,
-bn,PyG,AmazonPhoto,node,True,,,32,2,4,2,skipconcat,True,prelu,0.3,mean,adam,0.01,399,0.2475,0.0231,183192.0,0.0381,0.0059,0.9591,0.0016,,,,,,,,
-bn,PyG,AmazonPhoto,node,True,,,64,1,8,1,skipsum,False,swish,0.6,max,adam,0.001,99,1.9537,0.0197,231434.0,0.0909,0.0084,0.221,0.0118,,,,,,,,
-bn,PyG,AmazonPhoto,node,True,,,64,1,8,1,skipsum,True,swish,0.6,max,adam,0.001,99,2.2779,0.0311,229768.0,0.0465,0.0021,0.1753,0.0609,,,,,,,,
-bn,PyG,AmazonPhoto,node,True,,,64,3,6,3,skipconcat,False,relu,0.6,add,adam,0.001,199,1.3548,0.1293,167900.0,0.0359,0.0054,0.4936,0.0609,,,,,,,,
-bn,PyG,AmazonPhoto,node,True,,,64,3,6,3,skipconcat,True,relu,0.6,add,adam,0.001,199,2.8713,1.4257,159728.0,0.0456,0.0074,0.5173,0.1176,,,,,,,,
-bn,PyG,AmazonPhoto,node,True,,,64,3,8,3,stack,False,swish,0.6,mean,adam,0.1,199,2.4431,0.4971,212738.0,0.037,0.0031,0.172,0.0902,,,,,,,,
-bn,PyG,AmazonPhoto,node,True,,,64,3,8,3,stack,True,swish,0.6,mean,adam,0.1,199,4.9948,1.487,214103.0,0.0367,0.0013,0.1803,0.0505,,,,,,,,
-bn,PyG,CiteSeer,node,True,,,32,3,8,2,skipsum,False,relu,0.3,mean,sgd,0.1,99,1.2685,0.097,542416.0,0.0977,0.0098,0.543,0.0014,,,,,,,,
-bn,PyG,CiteSeer,node,True,,,32,3,8,2,skipsum,True,relu,0.3,mean,sgd,0.1,99,0.8892,0.0071,537594.0,0.1095,0.025,0.7543,0.01,,,,,,,,
-bn,PyG,CiteSeer,node,True,,,64,3,4,1,skipsum,False,relu,0.6,mean,sgd,0.1,399,0.8889,0.0654,686896.0,0.0907,0.0124,0.7527,0.0143,,,,,,,,
-bn,PyG,CiteSeer,node,True,,,64,3,4,1,skipsum,True,relu,0.6,mean,sgd,0.1,399,0.972,0.0412,682434.0,0.0872,0.015,0.7107,0.0197,,,,,,,,
-bn,PyG,CoauthorCS,node,True,,,16,1,4,3,skipsum,False,relu,0.3,max,sgd,0.001,399,2.4371,0.0072,1150444.0,0.943,0.0811,0.2283,0.0014,,,,,,,,
-bn,PyG,CoauthorCS,node,True,,,16,1,4,3,skipsum,True,relu,0.3,max,sgd,0.001,399,1.0576,0.0379,1142871.0,0.8896,0.0755,0.702,0.0142,,,,,,,,
-bn,PyG,CoauthorCS,node,True,,,64,1,4,1,stack,False,prelu,0.6,add,sgd,0.01,399,1.1637,0.0264,1374662.0,1.1188,0.1141,0.7671,0.0133,,,,,,,,
-bn,PyG,CoauthorCS,node,True,,,64,1,4,1,stack,True,prelu,0.6,add,sgd,0.01,399,1.2424,0.0205,1367290.0,0.8705,0.1125,0.7448,0.0157,,,,,,,,
-bn,PyG,CoauthorPhysics,node,True,,,16,1,2,1,stack,False,relu,0.0,add,sgd,0.01,199,0.5604,0.0133,2296814.0,2.0151,0.1219,0.9191,0.0035,,,,,,,,
-bn,PyG,CoauthorPhysics,node,True,,,16,1,2,1,stack,True,relu,0.0,add,sgd,0.01,199,0.7372,0.014,2288133.0,2.6309,0.7,0.8162,0.0089,,,,,,,,
-bn,PyG,CoauthorPhysics,node,True,,,16,3,8,2,skipconcat,False,swish,0.6,add,adam,0.1,399,1.776,0.7039,425889.0,1.945,0.0771,0.5343,0.0446,,,,,,,,
-bn,PyG,CoauthorPhysics,node,True,,,16,3,8,2,skipconcat,True,swish,0.6,add,adam,0.1,399,0.5157,0.2515,426569.0,2.4514,0.1594,0.8059,0.1029,,,,,,,,
-bn,PyG,CoauthorPhysics,node,True,,,32,2,4,2,skipsum,False,relu,0.6,max,sgd,0.01,399,1.3508,0.0009,1388834.0,1.9706,0.1897,0.5035,0.0012,,,,,,,,
-bn,PyG,CoauthorPhysics,node,True,,,32,2,4,2,skipsum,True,relu,0.6,max,sgd,0.01,399,2.0575,0.2669,1379661.0,1.8757,0.1903,0.292,0.0806,,,,,,,,
-bn,PyG,CoauthorPhysics,node,True,,,64,1,8,2,stack,False,relu,0.0,mean,sgd,0.01,399,0.8156,0.255,1151804.0,2.1461,0.2968,0.6869,0.1297,,,,,,,,
-bn,PyG,CoauthorPhysics,node,True,,,64,1,8,2,stack,True,relu,0.0,mean,sgd,0.01,399,0.1594,0.0012,1153014.0,1.506,0.0144,0.9515,0.0004,,,,,,,,
-bn,PyG,Cora,node,True,,,64,1,2,2,stack,False,prelu,0.3,mean,adam,0.1,199,1.5029,0.4691,435548.0,0.0158,0.0012,0.4856,0.2596,,,,,,,,
-bn,PyG,Cora,node,True,,,64,1,2,2,stack,True,prelu,0.3,mean,adam,0.1,199,1.1515,0.1239,433683.0,0.0232,0.0025,0.8361,0.0182,,,,,,,,
-bn,PyG,TU_BZR,graph,False,,,32,1,2,1,skipconcat,False,relu,0.0,mean,adam,0.1,399,0.3682,0.0223,144691.0,0.0073,0.001,0.856,0.0154,0.701,0.0711,0.4478,0.0101,0.5451,0.0216,0.8394,0.028
-bn,PyG,TU_BZR,graph,False,,,32,1,2,1,skipconcat,True,relu,0.0,mean,adam,0.1,399,0.3801,0.0295,144002.0,0.0076,0.0015,0.856,0.0354,0.6768,0.0378,0.5014,0.0925,0.5736,0.0751,0.8324,0.0218
-bn,PyG,TU_BZR,graph,False,,,64,1,4,3,stack,False,prelu,0.0,add,adam,0.01,199,0.4683,0.0367,142297.0,0.0224,0.0029,0.8066,0.0254,0.0,0.0,0.0,0.0,0.0,0.0,0.6438,0.0399
-bn,PyG,TU_BZR,graph,False,,,64,1,4,3,stack,True,prelu,0.0,add,adam,0.01,199,0.4375,0.1142,141490.0,0.0245,0.0006,0.8807,0.021,0.6839,0.0372,0.7429,0.1501,0.7008,0.0544,0.8821,0.0689
-bn,PyG,TU_BZR,graph,False,,,64,2,2,1,skipconcat,False,relu,0.6,max,adam,0.001,99,0.4615,0.011,143417.0,0.0158,0.0068,0.8107,0.0233,0.6481,0.2498,0.1628,0.1063,0.2286,0.1077,0.7538,0.0324
-bn,PyG,TU_BZR,graph,False,,,64,2,2,1,skipconcat,True,relu,0.6,max,adam,0.001,99,2.499,1.0157,142629.0,0.0104,0.0021,0.2428,0.0915,0.2014,0.0351,0.963,0.0524,0.3307,0.0445,0.578,0.0633
-bn,PyG,TU_BZR,graph,False,,,64,2,8,2,stack,False,swish,0.3,max,sgd,0.001,199,0.471,0.0468,139726.0,0.0099,0.0005,0.8107,0.0308,0.3333,0.4714,0.0256,0.0363,0.0476,0.0674,0.6449,0.0358
-bn,PyG,TU_BZR,graph,False,,,64,2,8,2,stack,True,swish,0.3,max,sgd,0.001,199,0.4813,0.0411,140991.0,0.0133,0.0029,0.8148,0.0202,0.6905,0.2208,0.1718,0.0774,0.2511,0.0944,0.6455,0.0355
-bn,PyG,TU_COX2,graph,False,,,16,1,2,2,stack,False,relu,0.0,mean,sgd,0.1,399,0.5361,0.0174,140701.0,0.0265,0.0007,0.773,0.0133,0.0,0.0,0.0,0.0,0.0,0.0,0.5,0.0
-bn,PyG,TU_COX2,graph,False,,,16,1,2,2,stack,True,relu,0.0,mean,sgd,0.1,399,0.8371,0.0464,140240.0,0.0074,0.0023,0.766,0.0174,0.4945,0.0774,0.4082,0.0691,0.439,0.0363,0.7586,0.0139
-bn,PyG,TU_COX2,graph,False,,,16,2,6,1,skipconcat,False,swish,0.3,add,sgd,0.1,199,0.5856,0.0271,137749.0,0.0435,0.0028,0.773,0.0133,0.0,0.0,0.0,0.0,0.0,0.0,0.5057,0.02
-bn,PyG,TU_COX2,graph,False,,,16,2,6,1,skipconcat,True,swish,0.3,add,sgd,0.1,199,0.624,0.0402,138373.0,0.0079,0.0005,0.6879,0.0968,0.4506,0.1326,0.5304,0.2583,0.4127,0.0643,0.7542,0.0486
-bn,PyG,TU_DD,graph,False,,,16,1,2,3,stack,False,prelu,0.3,max,adam,0.1,199,0.5685,0.0125,149788.0,0.0142,0.0012,0.7514,0.0163,0.7593,0.0405,0.6238,0.0446,0.6831,0.0245,0.8075,0.0031
-bn,PyG,TU_DD,graph,False,,,16,1,2,3,stack,True,prelu,0.3,max,adam,0.1,199,0.5635,0.0504,149146.0,0.0184,0.0023,0.702,0.0555,0.8772,0.0121,0.3604,0.1251,0.4983,0.1317,0.8393,0.0219
-bn,PyG,TU_DD,graph,False,,,32,2,4,2,skipsum,False,swish,0.3,max,adam,0.001,399,0.5867,0.0816,147660.0,0.016,0.0016,0.7726,0.029,0.7309,0.053,0.7608,0.0292,0.7435,0.0177,0.8329,0.02
-bn,PyG,TU_DD,graph,False,,,32,2,4,2,skipsum,True,swish,0.3,max,adam,0.001,399,1.7393,0.2249,146817.0,0.0175,0.0029,0.7246,0.0159,0.7195,0.0102,0.5886,0.0688,0.6456,0.0427,0.7944,0.0083
-bn,PyG,TU_DD,graph,False,,,64,3,6,1,skipconcat,False,prelu,0.3,add,sgd,0.1,199,0.6773,0.0065,140830.0,0.0233,0.0009,0.5734,0.0053,0.3333,0.4714,0.0095,0.0135,0.0185,0.0262,0.5405,0.0573
-bn,PyG,TU_DD,graph,False,,,64,3,6,1,skipconcat,True,prelu,0.3,add,sgd,0.1,199,11.4444,5.2438,141514.0,0.0283,0.005,0.7274,0.051,0.7946,0.1204,0.5801,0.2666,0.6045,0.186,0.7967,0.0123
-bn,PyG,TU_ENZYMES,graph,False,,,16,2,2,2,stack,False,swish,0.6,add,adam,0.1,199,1.8222,0.0263,135050.0,0.0059,0.0006,0.1305,0.0375,,,,,,,,
-bn,PyG,TU_ENZYMES,graph,False,,,16,2,2,2,stack,True,swish,0.6,add,adam,0.1,199,2.8552,0.251,134489.0,0.0059,0.0019,0.1445,0.0208,,,,,,,,
-bn,PyG,TU_ENZYMES,graph,False,,,32,1,8,1,stack,False,swish,0.6,mean,adam,0.001,99,2.339,0.2757,135456.0,0.0086,0.0015,0.1861,0.0643,,,,,,,,
-bn,PyG,TU_ENZYMES,graph,False,,,32,1,8,1,stack,True,swish,0.6,mean,adam,0.001,99,2.1709,0.2179,134534.0,0.0102,0.0014,0.1583,0.034,,,,,,,,
-bn,PyG,TU_ENZYMES,graph,False,,,64,1,8,1,skipconcat,False,prelu,0.3,max,adam,0.01,399,3.285,0.5807,137989.0,0.0518,0.0035,0.2556,0.0511,,,,,,,,
-bn,PyG,TU_ENZYMES,graph,False,,,64,1,8,1,skipconcat,True,prelu,0.3,max,adam,0.01,399,4.9541,0.7917,138538.0,0.0137,0.0017,0.2195,0.0375,,,,,,,,
-bn,PyG,TU_IMDB,graph,False,,,16,1,4,1,skipsum,False,relu,0.3,max,sgd,0.001,99,1.7192,0.0597,134137.0,0.0068,0.0008,0.3489,0.0291,,,,,,,,
-bn,PyG,TU_IMDB,graph,False,,,16,1,4,1,skipsum,True,relu,0.3,max,sgd,0.001,99,1.4099,0.0781,133581.0,0.0072,0.0005,0.3689,0.0181,,,,,,,,
-bn,PyG,TU_IMDB,graph,False,,,16,1,4,3,skipsum,False,relu,0.3,mean,adam,0.1,99,1.1,0.0008,134848.0,0.0075,0.0008,0.3078,0.0032,,,,,,,,
-bn,PyG,TU_IMDB,graph,False,,,16,1,4,3,skipsum,True,relu,0.3,mean,adam,0.1,99,1.0999,0.0008,134091.0,0.0066,0.0012,0.3078,0.0032,,,,,,,,
-bn,PyG,TU_IMDB,graph,False,,,16,2,2,3,skipconcat,False,relu,0.3,add,adam,0.1,399,1.0853,0.0129,135411.0,0.0037,0.0004,0.3467,0.0567,,,,,,,,
-bn,PyG,TU_IMDB,graph,False,,,16,2,2,3,skipconcat,True,relu,0.3,add,adam,0.1,399,1.0451,0.0151,136191.0,0.0053,0.0005,0.4556,0.0068,,,,,,,,
-bn,PyG,TU_IMDB,graph,False,,,64,1,2,2,skipconcat,False,prelu,0.6,max,sgd,0.001,399,2.5461,0.111,133984.0,0.0394,0.0083,0.3389,0.0083,,,,,,,,
-bn,PyG,TU_IMDB,graph,False,,,64,1,2,2,skipconcat,True,prelu,0.6,max,sgd,0.001,399,1.8795,0.0879,134614.0,0.0102,0.0017,0.3589,0.0301,,,,,,,,
-bn,PyG,TU_PROTEINS,graph,False,,,64,2,8,1,skipconcat,False,prelu,0.6,max,adam,0.1,99,8.0075,3.6233,134522.0,0.0573,0.0049,0.4091,0.0065,0.4091,0.0065,1.0,0.0,0.5806,0.0064,0.2637,0.0107
-bn,PyG,TU_PROTEINS,graph,False,,,64,2,8,1,skipconcat,True,prelu,0.6,max,adam,0.1,99,1.357,0.5564,135122.0,0.0549,0.0043,0.5606,0.0965,0.4979,0.0706,0.7896,0.1355,0.5976,0.0189,0.6169,0.0872
-bn,PyG,TU_PROTEINS,graph,False,,,64,3,8,2,skipconcat,False,relu,0.0,add,adam,0.001,399,1.1783,0.2318,138653.0,0.0103,0.0019,0.7121,0.0057,0.6444,0.0116,0.6631,0.051,0.6524,0.0217,0.7665,0.0197
-bn,PyG,TU_PROTEINS,graph,False,,,64,3,8,2,skipconcat,True,relu,0.0,add,adam,0.001,399,1.442,0.0441,139333.0,0.05,0.0066,0.694,0.0175,0.621,0.0218,0.6436,0.059,0.631,0.0358,0.742,0.0136
-bn,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,32,1,4,1,stack,False,prelu,0.3,add,sgd,0.01,399,2.783,1.6656,134851.0,0.0125,0.0006,0.359,0.2091,,,,,,,,
-bn,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,32,1,4,1,stack,True,prelu,0.3,add,sgd,0.01,399,0.3486,0.1991,134286.0,0.0088,0.0007,0.891,0.0395,,,,,,,,
-bn,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,32,2,2,2,skipsum,False,prelu,0.3,mean,adam,0.001,399,0.9182,0.1277,134851.0,0.0082,0.0013,0.7308,0.0314,,,,,,,,
-bn,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,32,2,2,2,skipsum,True,prelu,0.3,mean,adam,0.001,399,1.4884,0.3214,134286.0,0.0094,0.0008,0.6603,0.0479,,,,,,,,
-bn,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,32,2,8,3,skipconcat,False,relu,0.6,max,adam,0.1,199,1.6291,0.0125,136713.0,0.0466,0.001,0.1346,0.0272,,,,,,,,
-bn,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,32,2,8,3,skipconcat,True,relu,0.6,max,adam,0.1,199,24.0447,7.2525,137441.0,0.0132,0.0029,0.2628,0.0395,,,,,,,,
-bn,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,64,3,6,1,skipsum,False,swish,0.0,add,sgd,0.001,399,0.2358,0.0895,134277.0,0.0387,0.009,0.9103,0.0551,,,,,,,,
-bn,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,64,3,6,1,skipsum,True,swish,0.0,add,sgd,0.001,399,0.312,0.0302,135429.0,0.0433,0.0033,0.8974,0.0091,,,,,,,,
-bn,nx,scalefree,graph,True,node_const,graph_path_len,16,1,2,2,skipsum,False,swish,0.0,max,sgd,0.1,399,1.6296,0.013,133957.0,0.0086,0.0011,0.1346,0.0272,,,,,,,,
-bn,nx,scalefree,graph,True,node_const,graph_path_len,16,1,2,2,skipsum,True,swish,0.0,max,sgd,0.1,399,15.5381,3.2446,134789.0,0.0057,0.0012,0.2179,0.0363,,,,,,,,
-bn,nx,scalefree,graph,True,node_const,graph_path_len,32,1,6,3,skipsum,False,relu,0.3,add,adam,0.001,99,3.6101,0.5608,134277.0,0.0118,0.0004,0.2372,0.0395,,,,,,,,
-bn,nx,scalefree,graph,True,node_const,graph_path_len,32,1,6,3,skipsum,True,relu,0.3,add,adam,0.001,99,0.427,0.0392,135429.0,0.0297,0.0003,0.8141,0.0091,,,,,,,,
-bn,nx,scalefree,graph,True,node_const,graph_path_len,32,2,8,2,skipsum,False,swish,0.0,max,adam,0.1,399,1.6302,0.0129,135360.0,0.0125,0.0011,0.1346,0.0272,,,,,,,,
-bn,nx,scalefree,graph,True,node_const,graph_path_len,32,2,8,2,skipsum,True,swish,0.0,max,adam,0.1,399,1.6301,0.013,134297.0,0.0321,0.0025,0.1346,0.0272,,,,,,,,
-bn,nx,scalefree,graph,True,node_onehot,graph_path_len,16,1,8,3,skipconcat,False,relu,0.3,mean,adam,0.1,199,1.6298,0.0133,136011.0,0.0477,0.0057,0.1346,0.0272,,,,,,,,
-bn,nx,scalefree,graph,True,node_onehot,graph_path_len,16,1,8,3,skipconcat,True,relu,0.3,mean,adam,0.1,199,1.9928,0.2828,136713.0,0.0093,0.0016,0.2756,0.0453,,,,,,,,
-bn,nx,scalefree,graph,True,node_onehot,graph_path_len,16,3,4,2,skipconcat,False,prelu,0.3,max,adam,0.001,199,51.5304,4.3134,136086.0,0.0098,0.0005,0.2628,0.0395,,,,,,,,
-bn,nx,scalefree,graph,True,node_onehot,graph_path_len,16,3,4,2,skipconcat,True,prelu,0.3,max,adam,0.001,199,11.51,1.0324,136806.0,0.0084,0.0024,0.2628,0.0395,,,,,,,,
-bn,nx,scalefree,graph,True,node_onehot,graph_path_len,32,2,6,3,skipsum,False,relu,0.3,mean,adam,0.01,99,1.6296,0.0126,134920.0,0.0097,0.0009,0.1346,0.0272,,,,,,,,
-bn,nx,scalefree,graph,True,node_onehot,graph_path_len,32,2,6,3,skipsum,True,relu,0.3,mean,adam,0.01,99,1.4462,0.15,133925.0,0.0115,0.0008,0.5128,0.0551,,,,,,,,
-bn,nx,scalefree,graph,True,node_onehot,graph_path_len,32,3,2,3,skipconcat,False,relu,0.6,add,adam,0.001,399,1.1661,0.2159,135665.0,0.0126,0.0027,0.5256,0.1179,,,,,,,,
-bn,nx,scalefree,graph,True,node_onehot,graph_path_len,32,3,2,3,skipconcat,True,relu,0.6,add,adam,0.001,399,9.0518,1.696,136501.0,0.0288,0.0021,0.282,0.0505,,,,,,,,
-bn,nx,scalefree,graph,True,node_onehot,graph_path_len,32,3,6,3,skipconcat,False,relu,0.6,mean,sgd,0.1,399,,,134051.0,0.0167,0.0092,0.218,0.0505,,,,,,,,
-bn,nx,scalefree,graph,True,node_onehot,graph_path_len,32,3,6,3,skipconcat,True,relu,0.6,mean,sgd,0.1,399,51.8993,3.968,134810.0,0.0109,0.0009,0.2372,0.0395,,,,,,,,
-bn,nx,scalefree,graph,True,node_onehot,graph_path_len,64,3,8,2,skipconcat,False,relu,0.3,mean,sgd,0.01,99,1.6318,0.013,140153.0,0.0189,0.0024,0.141,0.0363,,,,,,,,
-bn,nx,scalefree,graph,True,node_onehot,graph_path_len,64,3,8,2,skipconcat,True,relu,0.3,mean,sgd,0.01,99,2.6006,0.2723,140833.0,0.0186,0.002,0.3526,0.0742,,,,,,,,
-bn,nx,scalefree,graph,True,node_pagerank,graph_path_len,64,2,4,2,skipconcat,False,relu,0.6,add,adam,0.01,199,0.5025,0.0579,136828.0,0.0123,0.0005,0.7372,0.0327,,,,,,,,
-bn,nx,scalefree,graph,True,node_pagerank,graph_path_len,64,2,4,2,skipconcat,True,relu,0.6,add,adam,0.01,199,0.7352,0.1167,137499.0,0.0178,0.0002,0.7885,0.0415,,,,,,,,
-bn,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,16,1,2,3,skipconcat,False,swish,0.6,max,sgd,0.01,99,1.0477,0.0235,137205.0,0.0076,0.0004,0.5409,0.0195,,,,,,,,
-bn,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,16,1,2,3,skipconcat,True,swish,0.6,max,sgd,0.01,99,1.5247,0.2027,134542.0,0.0312,0.0018,0.4317,0.0543,,,,,,,,
-bn,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,16,1,4,3,stack,False,relu,0.0,mean,adam,0.01,99,1.4594,0.2127,134833.0,0.0073,0.0015,0.287,0.1356,,,,,,,,
-bn,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,16,1,4,3,stack,True,relu,0.0,mean,adam,0.01,99,0.9544,0.008,134069.0,0.006,0.0,0.5843,0.0054,,,,,,,,
-bn,nx,scalefree,node,True,node_const,node_clustering_coefficient,32,2,2,2,skipconcat,False,relu,0.6,max,adam,0.1,199,2.1426,0.1822,135951.0,0.0114,0.001,0.2688,0.0019,,,,,,,,
-bn,nx,scalefree,node,True,node_const,node_clustering_coefficient,32,2,2,2,skipconcat,True,relu,0.6,max,adam,0.1,199,5.6882,0.1121,136658.0,0.0106,0.0012,0.1976,0.0055,,,,,,,,
-bn,nx,scalefree,node,True,node_const,node_clustering_coefficient,32,2,4,1,stack,False,swish,0.0,mean,sgd,0.01,99,1.5778,0.0023,134789.0,0.0287,0.0038,0.2688,0.0019,,,,,,,,
-bn,nx,scalefree,node,True,node_const,node_clustering_coefficient,32,2,4,1,stack,True,swish,0.0,mean,sgd,0.01,99,1.6814,0.0129,134118.0,0.0234,0.0015,0.1357,0.003,,,,,,,,
-bn,nx,scalefree,node,True,node_const,node_clustering_coefficient,32,2,4,2,skipsum,False,prelu,0.6,mean,sgd,0.001,399,1.5865,0.0023,134834.0,0.0154,0.0048,0.2423,0.0071,,,,,,,,
-bn,nx,scalefree,node,True,node_const,node_clustering_coefficient,32,2,4,2,skipsum,True,prelu,0.6,mean,sgd,0.001,399,2.2933,0.1421,134070.0,0.0274,0.002,0.2423,0.0071,,,,,,,,
-bn,nx,scalefree,node,True,node_const,node_clustering_coefficient,32,3,6,3,stack,False,swish,0.3,add,sgd,0.1,199,1.6527,0.0558,135360.0,0.0109,0.0009,0.2733,0.0105,,,,,,,,
-bn,nx,scalefree,node,True,node_const,node_clustering_coefficient,32,3,6,3,stack,True,swish,0.3,add,sgd,0.1,199,1.1996,0.0975,134297.0,0.025,0.0025,0.4417,0.0485,,,,,,,,
-bn,nx,scalefree,node,True,node_const,node_clustering_coefficient,64,1,4,1,skipconcat,False,prelu,0.6,max,adam,0.01,199,3.2005,0.1707,136971.0,0.0177,0.0027,0.1976,0.0055,,,,,,,,
-bn,nx,scalefree,node,True,node_const,node_clustering_coefficient,64,1,4,1,skipconcat,True,prelu,0.6,max,adam,0.01,199,2.8266,0.0888,137546.0,0.0249,0.0034,0.1976,0.0055,,,,,,,,
-bn,nx,scalefree,node,True,node_const,node_clustering_coefficient,64,1,4,1,skipsum,False,relu,0.3,mean,sgd,0.001,399,1.579,0.0027,134850.0,0.0275,0.0022,0.2688,0.0019,,,,,,,,
-bn,nx,scalefree,node,True,node_const,node_clustering_coefficient,64,1,4,1,skipsum,True,relu,0.3,mean,sgd,0.001,399,1.6311,0.006,134285.0,0.0211,0.0005,0.2423,0.0071,,,,,,,,
-bn,nx,scalefree,node,True,node_const,node_pagerank,32,2,2,3,stack,False,swish,0.6,add,sgd,0.001,399,1.6177,0.0028,134789.0,0.0119,0.0014,0.2025,0.0138,,,,,,,,
-bn,nx,scalefree,node,True,node_const,node_pagerank,32,2,2,3,stack,True,swish,0.6,add,sgd,0.001,399,5.3957,0.3776,134118.0,0.0138,0.007,0.3291,0.0049,,,,,,,,
-bn,nx,scalefree,node,True,node_const,node_pagerank,32,2,4,3,stack,False,relu,0.6,max,sgd,0.01,199,1.6953,0.0181,134676.0,0.0095,0.0011,0.1996,0.0053,,,,,,,,
-bn,nx,scalefree,node,True,node_const,node_pagerank,32,2,4,3,stack,True,relu,0.6,max,sgd,0.01,199,1.7964,0.1155,133829.0,0.0111,0.0011,0.1996,0.0053,,,,,,,,
-bn,nx,scalefree,node,True,node_const,node_pagerank,64,1,8,1,skipconcat,False,prelu,0.0,add,sgd,0.001,99,1.5627,0.0089,137927.0,0.021,0.0015,0.3017,0.0262,,,,,,,,
-bn,nx,scalefree,node,True,node_const,node_pagerank,64,1,8,1,skipconcat,False,swish,0.0,mean,sgd,0.001,99,1.6099,0.0002,137926.0,0.0326,0.01,0.1893,0.0025,,,,,,,,
-bn,nx,scalefree,node,True,node_const,node_pagerank,64,1,8,1,skipconcat,True,prelu,0.0,add,sgd,0.001,99,1.4976,0.0129,138476.0,0.018,0.0015,0.4493,0.0183,,,,,,,,
-bn,nx,scalefree,node,True,node_const,node_pagerank,64,1,8,1,skipconcat,True,swish,0.0,mean,sgd,0.001,99,1.612,0.001,138475.0,0.0216,0.0026,0.1979,0.0079,,,,,,,,
-bn,nx,scalefree,node,True,node_const,node_pagerank,64,3,2,2,skipsum,False,relu,0.0,add,sgd,0.1,199,1.5822,0.0186,134789.0,0.0208,0.0066,0.2822,0.0607,,,,,,,,
-bn,nx,scalefree,node,True,node_const,node_pagerank,64,3,2,2,skipsum,True,relu,0.0,add,sgd,0.1,199,141.6245,52.0585,134118.0,0.0149,0.0021,0.2014,0.0034,,,,,,,,
-bn,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,16,1,6,1,skipconcat,False,relu,0.0,add,adam,0.001,399,0.7909,0.0152,138645.0,0.0066,0.0009,0.6553,0.0054,,,,,,,,
-bn,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,16,1,6,1,skipconcat,True,relu,0.0,add,adam,0.001,399,0.7771,0.0069,135806.0,0.0393,0.0074,0.6653,0.004,,,,,,,,
-bn,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,16,1,8,2,stack,False,swish,0.6,add,adam,0.01,99,1.6521,0.0156,134920.0,0.0102,0.0009,0.2423,0.0071,,,,,,,,
-bn,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,16,1,8,2,stack,True,swish,0.6,add,adam,0.01,99,1.2561,0.0396,133925.0,0.0121,0.0023,0.4205,0.0123,,,,,,,,
-bn,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,64,3,6,1,skipsum,False,prelu,0.3,max,adam,0.001,99,1.9757,0.0468,134278.0,0.0161,0.0004,0.1976,0.0055,,,,,,,,
-bn,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,64,3,6,1,skipsum,True,prelu,0.3,max,adam,0.001,99,1.8239,0.0587,135430.0,0.0205,0.0037,0.1976,0.0055,,,,,,,,
-bn,nx,scalefree,node,True,node_onehot,node_pagerank,16,1,4,2,skipconcat,False,relu,0.0,mean,adam,0.1,199,1.6099,0.0002,137397.0,0.0073,0.001,0.1893,0.0025,,,,,,,,
-bn,nx,scalefree,node,True,node_onehot,node_pagerank,16,1,4,2,skipconcat,True,relu,0.0,mean,adam,0.1,199,0.8519,0.023,138017.0,0.0067,0.0009,0.6318,0.0013,,,,,,,,
-bn,nx,scalefree,node,True,node_onehot,node_pagerank,32,1,6,3,stack,False,prelu,0.3,add,sgd,0.01,399,4.7854,0.4926,134278.0,0.0138,0.0027,0.1958,0.0071,,,,,,,,
-bn,nx,scalefree,node,True,node_onehot,node_pagerank,32,1,6,3,stack,True,prelu,0.3,add,sgd,0.01,399,0.2452,0.0138,135430.0,0.0132,0.0014,0.8956,0.0058,,,,,,,,
-bn,nx,scalefree,node,True,node_onehot,node_pagerank,32,1,8,2,skipconcat,False,relu,0.0,max,sgd,0.001,199,1.5963,0.0009,137773.0,0.0548,0.0019,0.3266,0.0088,,,,,,,,
-bn,nx,scalefree,node,True,node_onehot,node_pagerank,32,1,8,2,skipconcat,True,relu,0.0,max,sgd,0.001,199,0.8019,0.021,138385.0,0.0533,0.0071,0.6514,0.0159,,,,,,,,
-bn,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,16,2,8,3,skipconcat,False,prelu,0.6,add,adam,0.01,399,1.1054,0.2219,136714.0,0.044,0.0036,0.4879,0.0892,,,,,,,,
-bn,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,16,2,8,3,skipconcat,True,prelu,0.6,add,adam,0.01,399,0.8334,0.0086,137442.0,0.0095,0.0018,0.614,0.0052,,,,,,,,
-bn,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,32,2,6,3,skipsum,False,relu,0.3,max,sgd,0.1,99,,,134920.0,0.0341,0.0008,0.2115,0.0955,,,,,,,,
-bn,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,32,2,6,3,skipsum,True,relu,0.3,max,sgd,0.1,99,17.9946,2.5642,133925.0,0.0147,0.0035,0.1666,0.0181,,,,,,,,
-bn,nx,smallworld,graph,True,node_const,graph_path_len,16,1,2,3,stack,False,prelu,0.6,max,adam,0.1,399,1.6457,0.0136,134851.0,0.007,0.0014,0.1346,0.0157,,,,,,,,
-bn,nx,smallworld,graph,True,node_const,graph_path_len,16,1,2,3,stack,True,prelu,0.6,max,adam,0.1,399,26.8874,2.2167,134286.0,0.0415,0.0094,0.1666,0.0181,,,,,,,,
-bn,nx,smallworld,graph,True,node_const,graph_path_len,64,3,2,3,stack,False,relu,0.0,mean,sgd,0.001,99,1.6404,0.011,134833.0,0.0357,0.0028,0.1346,0.0157,,,,,,,,
-bn,nx,smallworld,graph,True,node_const,graph_path_len,64,3,2,3,stack,True,relu,0.0,mean,sgd,0.001,99,824422.7604,242635.3883,134069.0,0.0306,0.0016,0.2243,0.0327,,,,,,,,
-bn,nx,smallworld,graph,True,node_onehot,graph_path_len,16,2,4,3,skipsum,False,relu,0.6,add,sgd,0.1,199,,,134676.0,0.0071,0.0008,0.2115,0.0955,,,,,,,,
-bn,nx,smallworld,graph,True,node_onehot,graph_path_len,16,2,4,3,skipsum,True,relu,0.6,add,sgd,0.1,199,1.9567,0.4356,133829.0,0.0075,0.0006,0.3846,0.0831,,,,,,,,
-bn,nx,smallworld,graph,True,node_onehot,graph_path_len,16,3,6,1,stack,False,prelu,0.0,add,adam,0.1,99,1.6441,0.0122,134278.0,0.0078,0.0027,0.1346,0.0157,,,,,,,,
-bn,nx,smallworld,graph,True,node_onehot,graph_path_len,16,3,6,1,stack,True,prelu,0.0,add,adam,0.1,99,0.8388,0.1104,135430.0,0.0082,0.0028,0.6346,0.0831,,,,,,,,
-bn,nx,smallworld,graph,True,node_onehot,graph_path_len,64,2,2,2,stack,False,relu,0.3,mean,sgd,0.01,99,1.6452,0.0119,134850.0,0.0356,0.0027,0.1474,0.0091,,,,,,,,
-bn,nx,smallworld,graph,True,node_onehot,graph_path_len,64,2,2,2,stack,True,relu,0.3,mean,sgd,0.01,99,2.9679,0.7829,134285.0,0.0139,0.001,0.25,0.0816,,,,,,,,
-bn,nx,smallworld,graph,True,node_onehot,graph_path_len,64,3,8,2,stack,False,prelu,0.3,mean,sgd,0.001,199,1.6351,0.0066,133749.0,0.0234,0.012,0.1538,0.0314,,,,,,,,
-bn,nx,smallworld,graph,True,node_onehot,graph_path_len,64,3,8,2,stack,True,prelu,0.3,mean,sgd,0.001,199,2.1637,0.4182,135057.0,0.0172,0.0023,0.1923,0.0544,,,,,,,,
-bn,nx,smallworld,graph,True,node_pagerank,graph_path_len,16,3,4,3,stack,False,swish,0.6,max,sgd,0.01,399,2.7716,0.9948,134277.0,0.0095,0.0038,0.1859,0.0181,,,,,,,,
-bn,nx,smallworld,graph,True,node_pagerank,graph_path_len,16,3,4,3,stack,True,swish,0.6,max,sgd,0.01,399,23.2693,3.8921,135429.0,0.0086,0.0019,0.1666,0.0181,,,,,,,,
-bn,nx,smallworld,graph,True,node_pagerank,graph_path_len,32,1,4,1,skipsum,False,swish,0.0,max,sgd,0.1,399,1.6442,0.019,134850.0,0.0398,0.0095,0.1474,0.0091,,,,,,,,
-bn,nx,smallworld,graph,True,node_pagerank,graph_path_len,32,1,4,1,skipsum,True,swish,0.0,max,sgd,0.1,399,14.9148,6.3047,134285.0,0.0158,0.0031,0.7179,0.0775,,,,,,,,
-bn,nx,smallworld,graph,True,node_pagerank,graph_path_len,64,2,6,3,skipsum,False,relu,0.3,add,sgd,0.001,399,0.9738,0.0699,134920.0,0.0259,0.0059,0.5449,0.101,,,,,,,,
-bn,nx,smallworld,graph,True,node_pagerank,graph_path_len,64,2,6,3,skipsum,True,relu,0.3,add,sgd,0.001,399,1.105,0.201,133925.0,0.0174,0.0044,0.6089,0.0635,,,,,,,,
-bn,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,16,1,6,1,skipconcat,False,prelu,0.3,add,adam,0.001,199,0.7815,0.1044,138646.0,0.0099,0.002,0.7298,0.0447,,,,,,,,
-bn,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,16,1,6,1,skipconcat,True,prelu,0.3,add,adam,0.001,199,0.408,0.0087,135807.0,0.0089,0.0019,0.8668,0.0066,,,,,,,,
-bn,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,32,3,6,1,skipsum,False,prelu,0.0,mean,adam,0.001,399,1.2274,0.0054,134278.0,0.0132,0.0008,0.4915,0.0044,,,,,,,,
-bn,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,32,3,6,1,skipsum,True,prelu,0.0,mean,adam,0.001,399,1.1941,0.0125,135430.0,0.0133,0.0012,0.5035,0.0036,,,,,,,,
-bn,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,64,2,8,2,skipconcat,False,relu,0.3,add,sgd,0.001,99,1.5973,0.0042,138963.0,0.0186,0.0011,0.2467,0.0322,,,,,,,,
-bn,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,64,2,8,2,skipconcat,True,relu,0.3,add,sgd,0.001,99,1.371,0.0365,139609.0,0.0206,0.0057,0.4331,0.0151,,,,,,,,
-bn,nx,smallworld,node,True,node_const,node_clustering_coefficient,16,2,4,1,stack,False,swish,0.0,add,adam,0.1,399,1.5594,0.0065,134789.0,0.0073,0.0005,0.282,0.0084,,,,,,,,
-bn,nx,smallworld,node,True,node_const,node_clustering_coefficient,16,2,4,1,stack,True,swish,0.0,add,adam,0.1,399,1.1684,0.005,134118.0,0.0064,0.0014,0.4836,0.0026,,,,,,,,
-bn,nx,smallworld,node,True,node_const,node_clustering_coefficient,64,3,6,1,skipconcat,False,swish,0.0,add,adam,0.001,99,1.5337,0.0035,137033.0,0.0195,0.0037,0.2965,0.0056,,,,,,,,
-bn,nx,smallworld,node,True,node_const,node_clustering_coefficient,64,3,6,1,skipconcat,True,swish,0.0,add,adam,0.001,99,1.8058,0.0277,137717.0,0.0292,0.0142,0.1912,0.0072,,,,,,,,
-bn,nx,smallworld,node,True,node_const,node_pagerank,16,1,4,3,skipsum,False,prelu,0.0,max,adam,0.1,399,1.6097,0.0,134834.0,0.0258,0.0047,0.1911,0.0017,,,,,,,,
-bn,nx,smallworld,node,True,node_const,node_pagerank,16,1,4,3,skipsum,True,prelu,0.0,max,adam,0.1,399,1.6097,0.0,134070.0,0.01,0.0026,0.1911,0.0017,,,,,,,,
-bn,nx,smallworld,node,True,node_const,node_pagerank,32,3,4,2,stack,False,prelu,0.6,mean,adam,0.01,199,1.6097,0.0,134677.0,0.0123,0.0054,0.1911,0.0017,,,,,,,,
-bn,nx,smallworld,node,True,node_const,node_pagerank,32,3,4,2,stack,True,prelu,0.6,mean,adam,0.01,199,1.7915,0.018,133830.0,0.0141,0.0034,0.1976,0.0024,,,,,,,,
-bn,nx,smallworld,node,True,node_const,node_pagerank,64,1,6,3,stack,False,relu,0.3,mean,adam,0.001,399,1.6354,0.0184,134277.0,0.0339,0.0049,0.1938,0.0031,,,,,,,,
-bn,nx,smallworld,node,True,node_const,node_pagerank,64,1,6,3,stack,True,relu,0.3,mean,adam,0.001,399,2.1634,0.0069,135429.0,0.0209,0.0029,0.1976,0.0024,,,,,,,,
-bn,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,16,1,2,1,stack,False,prelu,0.6,mean,adam,0.01,399,1.6049,0.0011,134901.0,0.0072,0.0009,0.2305,0.0055,,,,,,,,
-bn,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,16,1,2,1,stack,True,prelu,0.6,mean,adam,0.01,399,1.5292,0.0456,134626.0,0.0077,0.0027,0.3336,0.015,,,,,,,,
-bn,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,16,1,4,3,skipsum,False,swish,0.0,add,adam,0.1,99,1.5958,0.0126,134833.0,0.0125,0.0022,0.2495,0.0223,,,,,,,,
-bn,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,16,1,4,3,skipsum,True,swish,0.0,add,adam,0.1,99,1.0686,0.0207,134069.0,0.0278,0.0037,0.5265,0.0087,,,,,,,,
-bn,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,16,3,8,2,skipsum,False,prelu,0.3,max,adam,0.1,399,1.6049,0.001,133749.0,0.009,0.0019,0.2305,0.0055,,,,,,,,
-bn,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,16,3,8,2,skipsum,True,prelu,0.3,max,adam,0.1,399,1.9943,0.1113,135057.0,0.0127,0.0013,0.2237,0.0128,,,,,,,,
-bn,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,32,3,2,3,stack,False,swish,0.6,mean,sgd,0.1,199,1.6667,0.0407,134833.0,0.0114,0.0018,0.2305,0.0055,,,,,,,,
-bn,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,32,3,2,3,stack,True,swish,0.6,mean,sgd,0.1,199,1.6232,0.0156,134069.0,0.0111,0.0013,0.2209,0.024,,,,,,,,
-bn,nx,smallworld,node,True,node_onehot,node_pagerank,16,3,8,1,skipsum,False,relu,0.6,max,adam,0.001,399,1.9006,0.028,135360.0,0.0127,0.0027,0.199,0.0042,,,,,,,,
-bn,nx,smallworld,node,True,node_onehot,node_pagerank,16,3,8,1,skipsum,True,relu,0.6,max,adam,0.001,399,2.395,0.1687,134297.0,0.0102,0.0013,0.1991,0.0042,,,,,,,,
-bn,nx,smallworld,node,True,node_onehot,node_pagerank,64,2,8,1,skipconcat,False,relu,0.3,max,sgd,0.1,99,1.6587,0.0025,137165.0,0.0557,0.0068,0.199,0.0042,,,,,,,,
-bn,nx,smallworld,node,True,node_onehot,node_pagerank,64,2,8,1,skipconcat,True,relu,0.3,max,sgd,0.1,99,1.6691,0.0032,137765.0,0.0228,0.002,0.199,0.0042,,,,,,,,
-bn,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,16,3,2,3,skipconcat,False,relu,0.0,mean,adam,0.01,399,1.6049,0.001,135665.0,0.0305,0.0064,0.2305,0.0055,,,,,,,,
-bn,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,16,3,2,3,skipconcat,True,relu,0.0,mean,adam,0.01,399,1.4879,0.1051,136501.0,0.0132,0.0034,0.532,0.0269,,,,,,,,
-bn,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,64,3,6,3,skipsum,False,swish,0.0,add,sgd,0.001,199,1.5724,0.0026,135360.0,0.0391,0.0101,0.2972,0.0009,,,,,,,,
-bn,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,64,3,6,3,skipsum,True,swish,0.0,add,sgd,0.001,199,1.0092,0.009,134297.0,0.0193,0.0024,0.5572,0.0036,,,,,,,,
-drop,PyG,AmazonComputers,node,True,,,32,1,4,1,stack,False,prelu,0.0,mean,adam,0.001,399,0.5168,0.0042,274831.0,0.1141,0.0147,0.8734,0.0045,,,,,,,,
-drop,PyG,AmazonComputers,node,True,,,32,1,4,1,stack,False,prelu,0.3,mean,adam,0.001,399,0.4999,0.0078,274831.0,0.1214,0.0231,0.8696,0.0053,,,,,,,,
-drop,PyG,AmazonComputers,node,True,,,32,1,4,1,stack,False,prelu,0.6,mean,adam,0.001,399,0.5153,0.0032,274831.0,0.2054,0.0451,0.8617,0.0012,,,,,,,,
-drop,PyG,AmazonComputers,node,True,,,32,1,6,3,skipsum,False,prelu,0.0,max,adam,0.1,99,1.9262,0.0655,234533.0,0.2149,0.0225,0.3685,0.0082,,,,,,,,
-drop,PyG,AmazonComputers,node,True,,,32,1,6,3,skipsum,False,prelu,0.3,max,adam,0.1,99,1.9171,0.0335,234533.0,0.2204,0.039,0.3692,0.0075,,,,,,,,
-drop,PyG,AmazonComputers,node,True,,,32,1,6,3,skipsum,False,prelu,0.6,max,adam,0.1,99,1.8933,0.0041,234533.0,0.1823,0.023,0.3692,0.0075,,,,,,,,
-drop,PyG,AmazonComputers,node,True,,,32,1,8,2,skipconcat,True,relu,0.0,max,sgd,0.1,199,0.3316,0.0106,165624.0,0.1911,0.0493,0.9067,0.0045,,,,,,,,
-drop,PyG,AmazonComputers,node,True,,,32,1,8,2,skipconcat,True,relu,0.3,max,sgd,0.1,199,0.3467,0.0237,165624.0,0.124,0.0088,0.8879,0.0083,,,,,,,,
-drop,PyG,AmazonComputers,node,True,,,32,1,8,2,skipconcat,True,relu,0.6,max,sgd,0.1,199,0.5282,0.0511,165624.0,0.1448,0.0329,0.8265,0.0176,,,,,,,,
-drop,PyG,AmazonComputers,node,True,,,32,2,2,1,skipsum,False,relu,0.0,add,adam,0.01,99,1.6768,0.1392,296320.0,0.1093,0.0112,0.4476,0.0542,,,,,,,,
-drop,PyG,AmazonComputers,node,True,,,32,2,2,1,skipsum,False,relu,0.3,add,adam,0.01,99,1.5905,0.0981,296320.0,0.1111,0.0114,0.4379,0.0432,,,,,,,,
-drop,PyG,AmazonComputers,node,True,,,32,2,2,1,skipsum,False,relu,0.6,add,adam,0.01,99,1.5384,0.0363,296320.0,0.0697,0.0134,0.4643,0.0022,,,,,,,,
-drop,PyG,AmazonComputers,node,True,,,64,1,2,1,skipsum,True,prelu,0.0,mean,sgd,0.01,99,1.4784,0.0146,331531.0,0.107,0.0088,0.6757,0.0065,,,,,,,,
-drop,PyG,AmazonComputers,node,True,,,64,1,2,1,skipsum,True,prelu,0.3,mean,sgd,0.01,99,1.5563,0.0155,331531.0,0.1764,0.028,0.6233,0.0081,,,,,,,,
-drop,PyG,AmazonComputers,node,True,,,64,1,2,1,skipsum,True,prelu,0.6,mean,sgd,0.01,99,1.7052,0.021,331531.0,0.1371,0.0109,0.4423,0.0332,,,,,,,,
-drop,PyG,AmazonComputers,node,True,,,64,3,8,2,stack,True,prelu,0.0,max,sgd,0.01,399,0.3403,0.0039,218011.0,0.1645,0.0259,0.9031,0.0035,,,,,,,,
-drop,PyG,AmazonComputers,node,True,,,64,3,8,2,stack,True,prelu,0.3,max,sgd,0.01,399,2.6352,0.0327,218011.0,0.1612,0.0121,0.1574,0.0067,,,,,,,,
-drop,PyG,AmazonComputers,node,True,,,64,3,8,2,stack,True,prelu,0.6,max,sgd,0.01,399,2.2958,0.0312,218011.0,0.1424,0.0118,0.0603,0.0025,,,,,,,,
-drop,PyG,AmazonPhoto,node,True,,,32,1,6,2,skipconcat,True,relu,0.0,mean,adam,0.1,399,0.2225,0.0191,172004.0,0.0442,0.0098,0.9534,0.0052,,,,,,,,
-drop,PyG,AmazonPhoto,node,True,,,32,1,6,2,skipconcat,True,relu,0.3,mean,adam,0.1,399,0.2183,0.0165,172004.0,0.0491,0.0029,0.963,0.0026,,,,,,,,
-drop,PyG,AmazonPhoto,node,True,,,32,1,6,2,skipconcat,True,relu,0.6,mean,adam,0.1,399,0.2525,0.0352,172004.0,0.0347,0.0048,0.9617,0.003,,,,,,,,
-drop,PyG,AmazonPhoto,node,True,,,32,1,8,3,skipsum,True,swish,0.0,mean,adam,0.001,99,0.2254,0.0157,221383.0,0.0739,0.0141,0.9353,0.0056,,,,,,,,
-drop,PyG,AmazonPhoto,node,True,,,32,1,8,3,skipsum,True,swish,0.3,mean,adam,0.001,99,0.2681,0.0069,221383.0,0.0509,0.0172,0.9229,0.0023,,,,,,,,
-drop,PyG,AmazonPhoto,node,True,,,32,1,8,3,skipsum,True,swish,0.6,mean,adam,0.001,99,0.4131,0.0559,221383.0,0.0469,0.0133,0.8809,0.0179,,,,,,,,
-drop,PyG,AmazonPhoto,node,True,,,32,3,4,1,skipconcat,True,relu,0.0,mean,adam,0.01,99,0.1831,0.0134,216203.0,0.0554,0.008,0.9562,0.0014,,,,,,,,
-drop,PyG,AmazonPhoto,node,True,,,32,3,4,1,skipconcat,True,relu,0.3,mean,adam,0.01,99,0.1664,0.0167,216203.0,0.0358,0.0037,0.96,0.0041,,,,,,,,
-drop,PyG,AmazonPhoto,node,True,,,32,3,4,1,skipconcat,True,relu,0.6,mean,adam,0.01,99,0.1815,0.0225,216203.0,0.0344,0.0054,0.9591,0.0048,,,,,,,,
-drop,PyG,CiteSeer,node,True,,,32,3,8,1,stack,False,prelu,0.0,mean,sgd,0.001,99,1.851,0.054,560057.0,0.117,0.0156,0.1982,0.0132,,,,,,,,
-drop,PyG,CiteSeer,node,True,,,32,3,8,1,stack,False,prelu,0.3,mean,sgd,0.001,99,1.8849,0.0511,560057.0,0.0849,0.0009,0.2102,0.0118,,,,,,,,
-drop,PyG,CiteSeer,node,True,,,32,3,8,1,stack,False,prelu,0.6,mean,sgd,0.001,99,1.926,0.0409,560057.0,0.1086,0.022,0.2032,0.0095,,,,,,,,
-drop,PyG,CiteSeer,node,True,,,64,3,2,2,skipconcat,True,swish,0.0,mean,sgd,0.1,99,1.2735,0.077,494221.0,0.123,0.0312,0.7312,0.0088,,,,,,,,
-drop,PyG,CiteSeer,node,True,,,64,3,2,2,skipconcat,True,swish,0.3,mean,sgd,0.1,99,1.1644,0.15,494221.0,0.0414,0.0031,0.7588,0.0087,,,,,,,,
-drop,PyG,CiteSeer,node,True,,,64,3,2,2,skipconcat,True,swish,0.6,mean,sgd,0.1,99,4.1282,0.9032,494221.0,0.0808,0.0051,0.3078,0.0387,,,,,,,,
-drop,PyG,CoauthorCS,node,True,,,32,2,4,3,stack,True,relu,0.0,max,adam,0.01,399,0.4919,0.0193,1067930.0,0.8553,0.0262,0.8916,0.0016,,,,,,,,
-drop,PyG,CoauthorCS,node,True,,,32,2,4,3,stack,True,relu,0.3,max,adam,0.01,399,0.6357,0.0287,1067930.0,0.8138,0.0447,0.8856,0.0047,,,,,,,,
-drop,PyG,CoauthorCS,node,True,,,32,2,4,3,stack,True,relu,0.6,max,adam,0.01,399,0.8235,0.0292,1067930.0,0.9192,0.0983,0.8275,0.0065,,,,,,,,
-drop,PyG,CoauthorCS,node,True,,,32,3,8,3,stack,True,swish,0.0,add,adam,0.01,399,0.4386,0.0033,851145.0,0.9198,0.0219,0.8771,0.0021,,,,,,,,
-drop,PyG,CoauthorCS,node,True,,,32,3,8,3,stack,True,swish,0.3,add,adam,0.01,399,1.5561,0.4198,851145.0,0.8333,0.0473,0.593,0.0791,,,,,,,,
-drop,PyG,CoauthorCS,node,True,,,32,3,8,3,stack,True,swish,0.6,add,adam,0.01,399,5.9592,1.7459,851145.0,0.7878,0.0583,0.3205,0.1274,,,,,,,,
-drop,PyG,CoauthorCS,node,True,,,64,2,2,2,skipsum,True,relu,0.0,max,sgd,0.001,199,0.7592,0.0245,1367289.0,1.0424,0.1967,0.8073,0.006,,,,,,,,
-drop,PyG,CoauthorCS,node,True,,,64,2,2,2,skipsum,True,relu,0.3,max,sgd,0.001,199,1.3476,0.0974,1367289.0,0.9111,0.0467,0.607,0.0304,,,,,,,,
-drop,PyG,CoauthorCS,node,True,,,64,2,2,2,skipsum,True,relu,0.6,max,sgd,0.001,199,2.6996,0.3463,1367289.0,0.9119,0.1002,0.2476,0.0506,,,,,,,,
-drop,PyG,CoauthorCS,node,True,,,64,3,8,2,stack,False,swish,0.0,add,sgd,0.1,399,1.3539,0.7418,884635.0,1.0186,0.0898,0.5824,0.2515,,,,,,,,
-drop,PyG,CoauthorCS,node,True,,,64,3,8,2,stack,False,swish,0.3,add,sgd,0.1,399,0.9086,0.0396,884635.0,0.9027,0.0987,0.731,0.0198,,,,,,,,
-drop,PyG,CoauthorCS,node,True,,,64,3,8,2,stack,False,swish,0.6,add,sgd,0.1,399,1.3869,0.0266,884635.0,0.8906,0.1188,0.5467,0.0082,,,,,,,,
-drop,PyG,CoauthorPhysics,node,True,,,16,3,6,3,skipconcat,False,relu,0.0,mean,sgd,0.1,199,0.1083,0.0038,427963.0,2.1632,0.1336,0.9668,0.0018,,,,,,,,
-drop,PyG,CoauthorPhysics,node,True,,,16,3,6,3,skipconcat,False,relu,0.3,mean,sgd,0.1,199,0.1515,0.0082,427963.0,2.3137,0.2502,0.9601,0.0016,,,,,,,,
-drop,PyG,CoauthorPhysics,node,True,,,16,3,6,3,skipconcat,False,relu,0.6,mean,sgd,0.1,199,0.7587,0.0174,427963.0,1.6872,0.1196,0.6842,0.0244,,,,,,,,
-drop,PyG,Cora,node,True,,,16,2,4,2,skipconcat,True,relu,0.0,add,sgd,0.1,399,0.5658,0.0573,224853.0,0.0325,0.0038,0.857,0.0135,,,,,,,,
-drop,PyG,Cora,node,True,,,16,2,4,2,skipconcat,True,relu,0.3,add,sgd,0.1,399,0.8114,0.0727,224853.0,0.0192,0.0028,0.8748,0.0131,,,,,,,,
-drop,PyG,Cora,node,True,,,16,2,4,2,skipconcat,True,relu,0.6,add,sgd,0.1,399,0.7595,0.111,224853.0,0.032,0.0069,0.8858,0.0153,,,,,,,,
-drop,PyG,Cora,node,True,,,16,2,4,3,stack,True,relu,0.0,add,sgd,0.001,199,0.8435,0.0167,330862.0,0.0222,0.0012,0.7422,0.0079,,,,,,,,
-drop,PyG,Cora,node,True,,,16,2,4,3,stack,True,relu,0.3,add,sgd,0.001,199,1.4446,0.0365,330862.0,0.0194,0.003,0.4813,0.0335,,,,,,,,
-drop,PyG,Cora,node,True,,,16,2,4,3,stack,True,relu,0.6,add,sgd,0.001,199,1.7545,0.0242,330862.0,0.0173,0.0021,0.3333,0.0271,,,,,,,,
-drop,PyG,TU_COX2,graph,False,,,64,1,8,1,stack,False,relu,0.0,max,adam,0.01,99,0.5403,0.0192,138934.0,0.0263,0.0005,0.773,0.0133,0.0,0.0,0.0,0.0,0.0,0.0,0.5084,0.0198
-drop,PyG,TU_COX2,graph,False,,,64,1,8,1,stack,False,relu,0.3,max,adam,0.01,99,0.5469,0.0259,138934.0,0.0284,0.0018,0.773,0.0133,0.0,0.0,0.0,0.0,0.0,0.0,0.5094,0.0111
-drop,PyG,TU_COX2,graph,False,,,64,1,8,1,stack,False,relu,0.6,max,adam,0.01,99,0.5813,0.0666,138934.0,0.0255,0.0021,0.773,0.0133,0.0,0.0,0.0,0.0,0.0,0.0,0.5014,0.022
-drop,PyG,TU_COX2,graph,False,,,64,3,8,3,skipsum,False,swish,0.0,mean,adam,0.1,199,0.5376,0.0158,137446.0,0.0118,0.0004,0.773,0.0133,0.0,0.0,0.0,0.0,0.0,0.0,0.5101,0.0136
-drop,PyG,TU_COX2,graph,False,,,64,3,8,3,skipsum,False,swish,0.3,mean,adam,0.1,199,0.5363,0.0175,137446.0,0.0164,0.0011,0.773,0.0133,0.0,0.0,0.0,0.0,0.0,0.0,0.5298,0.0531
-drop,PyG,TU_COX2,graph,False,,,64,3,8,3,skipsum,False,swish,0.6,mean,adam,0.1,199,0.5547,0.0175,137446.0,0.0252,0.0023,0.773,0.0133,0.0,0.0,0.0,0.0,0.0,0.0,0.5051,0.0175
-drop,PyG,TU_DD,graph,False,,,16,2,2,2,skipconcat,False,relu,0.0,mean,adam,0.001,99,0.566,0.025,142613.0,0.0114,0.0015,0.7486,0.0174,0.7095,0.0333,0.7116,0.0219,0.7095,0.0073,0.8282,0.0054
-drop,PyG,TU_DD,graph,False,,,16,2,2,2,skipconcat,False,relu,0.3,mean,adam,0.001,99,0.5507,0.028,142613.0,0.028,0.003,0.7373,0.0159,0.8031,0.0252,0.5176,0.032,0.6289,0.0257,0.8407,0.0187
-drop,PyG,TU_DD,graph,False,,,16,2,2,2,skipconcat,False,relu,0.6,mean,adam,0.001,99,0.696,0.1001,142613.0,0.0161,0.0014,0.6893,0.0282,0.8433,0.067,0.3525,0.0935,0.4871,0.08,0.8331,0.0202
-drop,PyG,TU_DD,graph,False,,,32,1,2,1,skipsum,False,relu,0.0,max,adam,0.001,399,1.0592,0.0792,156000.0,0.028,0.0009,0.7274,0.0144,0.7099,0.0397,0.6289,0.0459,0.6646,0.0206,0.7866,0.016
-drop,PyG,TU_DD,graph,False,,,32,1,2,1,skipsum,False,relu,0.3,max,adam,0.001,399,0.9099,0.0939,156000.0,0.0138,0.0011,0.6963,0.0171,0.6677,0.0773,0.6439,0.1224,0.6419,0.0316,0.7623,0.0252
-drop,PyG,TU_DD,graph,False,,,32,1,2,1,skipsum,False,relu,0.6,max,adam,0.001,399,0.6264,0.0855,156000.0,0.0159,0.0033,0.7373,0.0484,0.7611,0.112,0.6454,0.1649,0.672,0.0702,0.8132,0.0398
-drop,PyG,TU_DD,graph,False,,,64,2,4,1,stack,True,swish,0.0,mean,adam,0.1,99,0.5308,0.0073,147745.0,0.0363,0.0083,0.7797,0.0302,0.7457,0.0618,0.7576,0.0315,0.7487,0.018,0.8367,0.0117
-drop,PyG,TU_DD,graph,False,,,64,2,4,1,stack,True,swish,0.3,mean,adam,0.1,99,0.6914,0.0976,147745.0,0.0409,0.0066,0.7514,0.0341,0.8591,0.0188,0.5067,0.1079,0.6298,0.0855,0.8434,0.0102
-drop,PyG,TU_DD,graph,False,,,64,2,4,1,stack,True,swish,0.6,mean,adam,0.1,99,4.7032,0.4153,147745.0,0.0419,0.0015,0.5692,0.0106,0.0,0.0,0.0,0.0,0.0,0.0,0.8241,0.0023
-drop,PyG,TU_ENZYMES,graph,False,,,64,2,8,3,skipconcat,False,swish,0.0,mean,adam,0.001,99,1.6794,0.0427,136740.0,0.0184,0.0063,0.3695,0.0239,,,,,,,,
-drop,PyG,TU_ENZYMES,graph,False,,,64,2,8,3,skipconcat,False,swish,0.3,mean,adam,0.001,99,1.8547,0.0719,136740.0,0.0539,0.0017,0.2695,0.0208,,,,,,,,
-drop,PyG,TU_ENZYMES,graph,False,,,64,2,8,3,skipconcat,False,swish,0.6,mean,adam,0.001,99,1.9019,0.0188,136740.0,0.0224,0.0067,0.1667,0.0236,,,,,,,,
-drop,PyG,TU_ENZYMES,graph,False,,,64,3,2,2,stack,False,relu,0.0,add,sgd,0.001,399,1.6728,0.132,135296.0,0.0132,0.0006,0.3611,0.0387,,,,,,,,
-drop,PyG,TU_ENZYMES,graph,False,,,64,3,2,2,stack,False,relu,0.3,add,sgd,0.001,399,1.8125,0.091,135296.0,0.0118,0.001,0.2833,0.0068,,,,,,,,
-drop,PyG,TU_ENZYMES,graph,False,,,64,3,2,2,stack,False,relu,0.6,add,sgd,0.001,399,1.8303,0.0429,135296.0,0.0325,0.0021,0.1472,0.0307,,,,,,,,
-drop,PyG,TU_IMDB,graph,False,,,32,2,8,3,skipsum,True,swish,0.0,mean,adam,0.001,199,1.1205,0.006,133746.0,0.0309,0.0013,0.3522,0.0083,,,,,,,,
-drop,PyG,TU_IMDB,graph,False,,,32,2,8,3,skipsum,True,swish,0.3,mean,adam,0.001,199,1.2811,0.0385,133746.0,0.0112,0.0016,0.3378,0.0032,,,,,,,,
-drop,PyG,TU_IMDB,graph,False,,,32,2,8,3,skipsum,True,swish,0.6,mean,adam,0.001,199,1.1737,0.0581,133746.0,0.0379,0.0022,0.3567,0.0136,,,,,,,,
-drop,PyG,TU_IMDB,graph,False,,,32,3,4,1,stack,False,prelu,0.0,add,adam,0.01,199,1.0363,0.0273,134849.0,0.0275,0.002,0.4689,0.0252,,,,,,,,
-drop,PyG,TU_IMDB,graph,False,,,32,3,4,1,stack,False,prelu,0.3,add,adam,0.01,199,1.0531,0.0109,134849.0,0.0075,0.0016,0.4622,0.0204,,,,,,,,
-drop,PyG,TU_IMDB,graph,False,,,32,3,4,1,stack,False,prelu,0.6,add,adam,0.01,199,1.0897,0.0079,134849.0,0.0077,0.0012,0.3922,0.022,,,,,,,,
-drop,PyG,TU_IMDB,graph,False,,,64,1,6,2,skipsum,True,relu,0.0,max,sgd,0.01,199,1.0971,0.0034,134126.0,0.0343,0.0011,0.3789,0.0193,,,,,,,,
-drop,PyG,TU_IMDB,graph,False,,,64,1,6,2,skipsum,True,relu,0.3,max,sgd,0.01,199,2.2376,0.141,134126.0,0.0317,0.0022,0.3133,0.0047,,,,,,,,
-drop,PyG,TU_IMDB,graph,False,,,64,1,6,2,skipsum,True,relu,0.6,max,sgd,0.01,199,1.8669,0.0752,134126.0,0.0135,0.0032,0.3378,0.0325,,,,,,,,
-drop,PyG,TU_IMDB,graph,False,,,64,3,2,1,skipconcat,False,relu,0.0,mean,adam,0.001,399,1.1009,0.0016,135293.0,0.0089,0.0004,0.3222,0.0238,,,,,,,,
-drop,PyG,TU_IMDB,graph,False,,,64,3,2,1,skipconcat,False,relu,0.3,mean,adam,0.001,399,1.1133,0.0134,135293.0,0.0298,0.0,0.3555,0.0137,,,,,,,,
-drop,PyG,TU_IMDB,graph,False,,,64,3,2,1,skipconcat,False,relu,0.6,mean,adam,0.001,399,1.1116,0.0095,135293.0,0.0292,0.0012,0.3467,0.017,,,,,,,,
-drop,PyG,TU_PROTEINS,graph,False,,,16,1,8,1,skipconcat,False,prelu,0.0,mean,adam,0.01,199,0.5538,0.0195,135239.0,0.0453,0.0015,0.7364,0.0196,0.6728,0.016,0.6886,0.0587,0.6799,0.0369,0.7925,0.0113
-drop,PyG,TU_PROTEINS,graph,False,,,16,1,8,1,skipconcat,False,prelu,0.3,mean,adam,0.01,199,0.574,0.0312,135239.0,0.0073,0.0011,0.7364,0.0162,0.7233,0.0164,0.5738,0.0489,0.6392,0.0361,0.7959,0.0074
-drop,PyG,TU_PROTEINS,graph,False,,,16,1,8,1,skipconcat,False,prelu,0.6,mean,adam,0.01,199,0.7478,0.0588,135239.0,0.0068,0.0005,0.7076,0.0077,0.8567,0.0446,0.3446,0.0106,0.4908,0.0048,0.788,0.0039
-drop,PyG,TU_PROTEINS,graph,False,,,32,2,4,3,skipconcat,True,relu,0.0,max,adam,0.01,399,0.5736,0.0268,136630.0,0.0085,0.0024,0.7227,0.0037,0.7524,0.0301,0.4855,0.0461,0.5877,0.0233,0.7893,0.0106
-drop,PyG,TU_PROTEINS,graph,False,,,32,2,4,3,skipconcat,True,relu,0.3,max,adam,0.01,399,0.5665,0.0169,136630.0,0.0072,0.0003,0.7121,0.0119,0.6962,0.0236,0.5332,0.092,0.5978,0.0535,0.7746,0.0148
-drop,PyG,TU_PROTEINS,graph,False,,,32,2,4,3,skipconcat,True,relu,0.6,max,adam,0.01,399,0.5927,0.0051,136630.0,0.0096,0.0021,0.7061,0.015,0.6584,0.0173,0.5882,0.0982,0.6161,0.0563,0.7561,0.0026
-drop,PyG,TU_PROTEINS,graph,False,,,32,3,2,2,stack,False,prelu,0.0,add,adam,0.01,399,0.5496,0.0131,134477.0,0.0073,0.0009,0.7212,0.0238,0.6735,0.0454,0.622,0.0349,0.6458,0.0322,0.7917,0.0115
-drop,PyG,TU_PROTEINS,graph,False,,,32,3,2,2,stack,False,prelu,0.3,add,adam,0.01,399,0.5637,0.0189,134477.0,0.009,0.0002,0.7182,0.0134,0.7432,0.0284,0.4737,0.0297,0.5784,0.0302,0.7896,0.0048
-drop,PyG,TU_PROTEINS,graph,False,,,32,3,2,2,stack,False,prelu,0.6,add,adam,0.01,399,0.6501,0.0378,134477.0,0.009,0.0008,0.6939,0.0077,0.8436,0.0503,0.3111,0.0054,0.454,0.005,0.7871,0.007
-drop,PyG,TU_PROTEINS,graph,False,,,32,3,4,1,skipsum,True,relu,0.0,mean,adam,0.1,199,0.5812,0.0156,134089.0,0.0071,0.0004,0.703,0.0268,0.635,0.0296,0.636,0.0654,0.635,0.0472,0.7731,0.0227
-drop,PyG,TU_PROTEINS,graph,False,,,32,3,4,1,skipsum,True,relu,0.3,mean,adam,0.1,199,0.6287,0.0458,134089.0,0.033,0.0042,0.6894,0.0191,0.6921,0.0524,0.4488,0.113,0.5339,0.0711,0.7652,0.0252
-drop,PyG,TU_PROTEINS,graph,False,,,32,3,4,1,skipsum,True,relu,0.6,mean,adam,0.1,199,0.7052,0.0721,134089.0,0.0268,0.0013,0.6985,0.0113,0.8287,0.03,0.3338,0.0366,0.474,0.0335,0.7431,0.011
-drop,PyG,TU_PROTEINS,graph,False,,,64,2,4,2,stack,False,swish,0.0,add,sgd,0.01,199,0.5657,0.0237,134846.0,0.0276,0.0007,0.6985,0.0227,0.6806,0.0492,0.5079,0.0541,0.5785,0.0304,0.7674,0.0203
-drop,PyG,TU_PROTEINS,graph,False,,,64,2,4,2,stack,False,swish,0.3,add,sgd,0.01,199,0.6145,0.0389,134846.0,0.0106,0.0001,0.6909,0.0111,0.6142,0.0106,0.6591,0.0139,0.6357,0.0075,0.763,0.024
-drop,PyG,TU_PROTEINS,graph,False,,,64,2,4,2,stack,False,swish,0.6,add,sgd,0.01,199,0.9406,0.0557,134846.0,0.0095,0.0004,0.6531,0.0236,0.5546,0.021,0.7898,0.065,0.65,0.0228,0.7606,0.0217
-drop,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,16,2,4,2,skipconcat,True,swish,0.0,max,adam,0.01,99,1.0796,0.2818,137499.0,0.0479,0.0015,0.7564,0.024,,,,,,,,
-drop,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,16,2,4,2,skipconcat,True,swish,0.3,max,adam,0.01,99,4.4653,1.2901,137499.0,0.007,0.0005,0.3397,0.0505,,,,,,,,
-drop,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,16,2,4,2,skipconcat,True,swish,0.6,max,adam,0.01,99,8.9976,0.5507,137499.0,0.0463,0.0021,0.282,0.0327,,,,,,,,
-drop,nx,scalefree,graph,True,node_const,graph_path_len,16,1,4,1,stack,True,prelu,0.0,max,sgd,0.001,99,,,134286.0,0.0065,0.001,0.2372,0.0395,,,,,,,,
-drop,nx,scalefree,graph,True,node_const,graph_path_len,16,1,4,1,stack,True,prelu,0.3,max,sgd,0.001,99,25.1396,3.8118,134286.0,0.007,0.0007,0.2628,0.0395,,,,,,,,
-drop,nx,scalefree,graph,True,node_const,graph_path_len,16,1,4,1,stack,True,prelu,0.6,max,sgd,0.001,99,27.4274,6.192,134286.0,0.008,0.003,0.2628,0.0395,,,,,,,,
-drop,nx,scalefree,graph,True,node_const,graph_path_len,32,1,2,1,skipconcat,True,prelu,0.0,mean,adam,0.1,99,114.9778,16.3066,136454.0,0.0084,0.0009,0.2308,0.0314,,,,,,,,
-drop,nx,scalefree,graph,True,node_const,graph_path_len,32,1,2,1,skipconcat,True,prelu,0.3,mean,adam,0.1,99,26.2013,4.2923,136454.0,0.0413,0.0018,0.2372,0.0395,,,,,,,,
-drop,nx,scalefree,graph,True,node_const,graph_path_len,32,1,2,1,skipconcat,True,prelu,0.6,mean,adam,0.1,99,24.0986,4.2856,136454.0,0.0412,0.0028,0.2372,0.0395,,,,,,,,
-drop,nx,scalefree,graph,True,node_const,graph_path_len,32,1,8,1,skipsum,False,relu,0.0,mean,sgd,0.1,199,1.644,0.0192,134277.0,0.0346,0.0018,0.1667,0.024,,,,,,,,
-drop,nx,scalefree,graph,True,node_const,graph_path_len,32,1,8,1,skipsum,False,relu,0.3,mean,sgd,0.1,199,14.2733,12.9773,134277.0,0.0321,0.0008,0.2244,0.0453,,,,,,,,
-drop,nx,scalefree,graph,True,node_const,graph_path_len,32,1,8,1,skipsum,False,relu,0.6,mean,sgd,0.1,199,4.5277,0.9568,134277.0,0.0126,0.003,0.2244,0.0453,,,,,,,,
-drop,nx,scalefree,graph,True,node_const,graph_path_len,32,3,4,2,skipconcat,False,prelu,0.0,add,sgd,0.01,199,,,136086.0,0.0129,0.0055,0.2372,0.0395,,,,,,,,
-drop,nx,scalefree,graph,True,node_const,graph_path_len,32,3,4,2,skipconcat,False,prelu,0.3,add,sgd,0.01,199,,,136086.0,0.0139,0.004,0.2372,0.0395,,,,,,,,
-drop,nx,scalefree,graph,True,node_const,graph_path_len,32,3,4,2,skipconcat,False,prelu,0.6,add,sgd,0.01,199,,,136086.0,0.0097,0.0018,0.2372,0.0395,,,,,,,,
-drop,nx,scalefree,graph,True,node_const,graph_path_len,32,3,8,2,skipsum,False,prelu,0.0,add,adam,0.001,99,0.4055,0.0323,133749.0,0.0117,0.0022,0.8013,0.0363,,,,,,,,
-drop,nx,scalefree,graph,True,node_const,graph_path_len,32,3,8,2,skipsum,False,prelu,0.3,add,adam,0.001,99,3.6097,0.3157,133749.0,0.0115,0.0017,0.25,0.0416,,,,,,,,
-drop,nx,scalefree,graph,True,node_const,graph_path_len,32,3,8,2,skipsum,False,prelu,0.6,add,adam,0.001,99,17.1403,0.8867,133749.0,0.0112,0.0013,0.2372,0.0395,,,,,,,,
-drop,nx,scalefree,graph,True,node_const,graph_path_len,64,1,6,1,skipconcat,True,relu,0.0,mean,sgd,0.001,99,11.279,4.4338,135806.0,0.0156,0.0029,0.2372,0.0395,,,,,,,,
-drop,nx,scalefree,graph,True,node_const,graph_path_len,64,1,6,1,skipconcat,True,relu,0.3,mean,sgd,0.001,99,21.0622,3.2301,135806.0,0.0157,0.0025,0.2372,0.0395,,,,,,,,
-drop,nx,scalefree,graph,True,node_const,graph_path_len,64,1,6,1,skipconcat,True,relu,0.6,mean,sgd,0.001,99,23.6657,2.9892,135806.0,0.0157,0.0012,0.2372,0.0395,,,,,,,,
-drop,nx,scalefree,graph,True,node_const,graph_path_len,64,3,2,1,stack,False,swish,0.0,max,adam,0.01,199,1.6244,0.0135,134850.0,0.0418,0.0061,0.1859,0.0091,,,,,,,,
-drop,nx,scalefree,graph,True,node_const,graph_path_len,64,3,2,1,stack,False,swish,0.3,max,adam,0.01,199,17.0086,2.4846,134850.0,0.0138,0.0023,0.2628,0.0395,,,,,,,,
-drop,nx,scalefree,graph,True,node_const,graph_path_len,64,3,2,1,stack,False,swish,0.6,max,adam,0.01,199,20.4551,2.625,134850.0,0.0365,0.0034,0.2628,0.0395,,,,,,,,
-drop,nx,scalefree,graph,True,node_onehot,graph_path_len,16,2,6,1,skipconcat,False,prelu,0.0,max,adam,0.1,99,1.3558,0.3976,138066.0,0.0078,0.0014,0.3013,0.2629,,,,,,,,
-drop,nx,scalefree,graph,True,node_onehot,graph_path_len,16,2,6,1,skipconcat,False,prelu,0.3,max,adam,0.1,99,44.0002,4.326,138066.0,0.0137,0.0049,0.2628,0.0395,,,,,,,,
-drop,nx,scalefree,graph,True,node_onehot,graph_path_len,16,2,6,1,skipconcat,False,prelu,0.6,max,adam,0.1,99,97.2637,33.5043,138066.0,0.009,0.0013,0.2243,0.0327,,,,,,,,
-drop,nx,scalefree,graph,True,node_onehot,graph_path_len,32,1,6,3,stack,False,prelu,0.0,max,sgd,0.001,99,1.6295,0.0128,134278.0,0.0113,0.0009,0.1346,0.0272,,,,,,,,
-drop,nx,scalefree,graph,True,node_onehot,graph_path_len,32,1,6,3,stack,False,prelu,0.3,max,sgd,0.001,99,7.8836,1.1248,134278.0,0.0114,0.0015,0.2436,0.024,,,,,,,,
-drop,nx,scalefree,graph,True,node_onehot,graph_path_len,32,1,6,3,stack,False,prelu,0.6,max,sgd,0.001,99,2.6507,1.2206,134278.0,0.0113,0.003,0.1731,0.0314,,,,,,,,
-drop,nx,scalefree,graph,True,node_onehot,graph_path_len,32,3,4,2,skipsum,True,swish,0.0,mean,adam,0.001,99,1.2243,0.0802,133829.0,0.0121,0.0026,0.5962,0.0157,,,,,,,,
-drop,nx,scalefree,graph,True,node_onehot,graph_path_len,32,3,4,2,skipsum,True,swish,0.3,mean,adam,0.001,99,2.7881,0.3875,133829.0,0.0112,0.0009,0.2692,0.0628,,,,,,,,
-drop,nx,scalefree,graph,True,node_onehot,graph_path_len,32,3,4,2,skipsum,True,swish,0.6,mean,adam,0.001,99,7.8435,1.3718,133829.0,0.0131,0.0015,0.2051,0.0091,,,,,,,,
-drop,nx,scalefree,graph,True,node_onehot,graph_path_len,32,3,8,3,skipsum,True,swish,0.0,max,sgd,0.1,399,1.3275,0.1486,134165.0,0.0213,0.0041,0.6474,0.024,,,,,,,,
-drop,nx,scalefree,graph,True,node_onehot,graph_path_len,32,3,8,3,skipsum,True,swish,0.3,max,sgd,0.1,399,6.8486,1.8408,134165.0,0.0133,0.002,0.3333,0.1022,,,,,,,,
-drop,nx,scalefree,graph,True,node_onehot,graph_path_len,32,3,8,3,skipsum,True,swish,0.6,max,sgd,0.1,399,86.7764,5.6015,134165.0,0.012,0.0007,0.2628,0.0395,,,,,,,,
-drop,nx,scalefree,graph,True,node_pagerank,graph_path_len,32,1,4,3,skipsum,False,relu,0.0,max,adam,0.01,399,1.6289,0.0125,134833.0,0.0276,0.003,0.1346,0.0272,,,,,,,,
-drop,nx,scalefree,graph,True,node_pagerank,graph_path_len,32,1,4,3,skipsum,False,relu,0.3,max,adam,0.01,399,1.6289,0.0124,134833.0,0.011,0.0039,0.1346,0.0272,,,,,,,,
-drop,nx,scalefree,graph,True,node_pagerank,graph_path_len,32,1,4,3,skipsum,False,relu,0.6,max,adam,0.01,399,1.6291,0.0126,134833.0,0.0435,0.0018,0.1346,0.0272,,,,,,,,
-drop,nx,scalefree,graph,True,node_pagerank,graph_path_len,32,2,6,1,skipconcat,False,swish,0.0,mean,adam,0.01,99,1.4594,0.2326,138065.0,0.0133,0.0029,0.2628,0.1693,,,,,,,,
-drop,nx,scalefree,graph,True,node_pagerank,graph_path_len,32,2,6,1,skipconcat,False,swish,0.3,mean,adam,0.01,99,3.2676,1.232,138065.0,0.011,0.0013,0.2757,0.0327,,,,,,,,
-drop,nx,scalefree,graph,True,node_pagerank,graph_path_len,32,2,6,1,skipconcat,False,swish,0.6,mean,adam,0.01,99,12.0085,1.729,138065.0,0.0108,0.0018,0.2372,0.0395,,,,,,,,
-drop,nx,scalefree,graph,True,node_pagerank,graph_path_len,64,3,8,2,stack,True,relu,0.0,mean,sgd,0.01,399,1.0779,0.1675,135056.0,0.0289,0.0043,0.6666,0.0327,,,,,,,,
-drop,nx,scalefree,graph,True,node_pagerank,graph_path_len,64,3,8,2,stack,True,relu,0.3,mean,sgd,0.01,399,4.7425,0.311,135056.0,0.0424,0.001,0.2564,0.0395,,,,,,,,
-drop,nx,scalefree,graph,True,node_pagerank,graph_path_len,64,3,8,2,stack,True,relu,0.6,mean,sgd,0.01,399,4.3806,1.7691,135056.0,0.0399,0.0036,0.1987,0.0865,,,,,,,,
-drop,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,16,1,6,3,skipsum,False,swish,0.0,max,adam,0.001,199,0.826,0.0316,134277.0,0.0075,0.0007,0.8029,0.0045,,,,,,,,
-drop,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,16,1,6,3,skipsum,False,swish,0.3,max,adam,0.001,199,3.8061,0.1536,134277.0,0.0078,0.0012,0.2125,0.0114,,,,,,,,
-drop,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,16,1,6,3,skipsum,False,swish,0.6,max,adam,0.001,199,4.7236,0.1159,134277.0,0.028,0.0041,0.2973,0.002,,,,,,,,
-drop,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,32,3,4,1,stack,False,swish,0.0,add,adam,0.001,399,0.1927,0.0047,134833.0,0.0121,0.0031,0.9532,0.0016,,,,,,,,
-drop,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,32,3,4,1,stack,False,swish,0.3,add,adam,0.001,399,2.7997,0.088,134833.0,0.0109,0.0022,0.3417,0.0052,,,,,,,,
-drop,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,32,3,4,1,stack,False,swish,0.6,add,adam,0.001,399,5.5666,0.1977,134833.0,0.012,0.0014,0.2029,0.0014,,,,,,,,
-drop,nx,scalefree,node,True,node_const,node_clustering_coefficient,64,2,6,2,skipconcat,False,relu,0.0,mean,sgd,0.01,399,1.5778,0.0023,140145.0,0.0181,0.0038,0.2688,0.0019,,,,,,,,
-drop,nx,scalefree,node,True,node_const,node_clustering_coefficient,64,2,6,2,skipconcat,False,relu,0.3,mean,sgd,0.01,399,1.6285,0.0168,140145.0,0.0145,0.001,0.2423,0.0071,,,,,,,,
-drop,nx,scalefree,node,True,node_const,node_clustering_coefficient,64,2,6,2,skipconcat,False,relu,0.6,mean,sgd,0.01,399,1.6914,0.0213,140145.0,0.0166,0.0005,0.2423,0.0071,,,,,,,,
-drop,nx,scalefree,node,True,node_const,node_clustering_coefficient,64,3,8,3,stack,False,relu,0.0,max,adam,0.001,99,1.5778,0.0023,135350.0,0.0187,0.0027,0.2688,0.0019,,,,,,,,
-drop,nx,scalefree,node,True,node_const,node_clustering_coefficient,64,3,8,3,stack,False,relu,0.3,max,adam,0.001,99,2.0906,0.0476,135350.0,0.0209,0.0029,0.1976,0.0055,,,,,,,,
-drop,nx,scalefree,node,True,node_const,node_clustering_coefficient,64,3,8,3,stack,False,relu,0.6,max,adam,0.001,99,2.1689,0.1016,135350.0,0.0217,0.0016,0.2688,0.0019,,,,,,,,
-drop,nx,scalefree,node,True,node_const,node_pagerank,16,3,2,2,stack,False,prelu,0.0,mean,sgd,0.01,99,1.6099,0.0002,134790.0,0.0071,0.0012,0.1893,0.0025,,,,,,,,
-drop,nx,scalefree,node,True,node_const,node_pagerank,16,3,2,2,stack,False,prelu,0.3,mean,sgd,0.01,99,3.0114,0.2071,134790.0,0.0059,0.0013,0.1958,0.0071,,,,,,,,
-drop,nx,scalefree,node,True,node_const,node_pagerank,16,3,2,2,stack,False,prelu,0.6,mean,sgd,0.01,99,2.1469,0.0518,134790.0,0.0074,0.0013,0.1958,0.0071,,,,,,,,
-drop,nx,scalefree,node,True,node_const,node_pagerank,32,1,4,1,skipsum,False,relu,0.0,mean,adam,0.01,99,1.6099,0.0002,134850.0,0.0273,0.0041,0.1893,0.0025,,,,,,,,
-drop,nx,scalefree,node,True,node_const,node_pagerank,32,1,4,1,skipsum,False,relu,0.3,mean,adam,0.01,99,1.8705,0.02,134850.0,0.0111,0.0032,0.2043,0.0046,,,,,,,,
-drop,nx,scalefree,node,True,node_const,node_pagerank,32,1,4,1,skipsum,False,relu,0.6,mean,adam,0.01,99,2.6886,0.3117,134850.0,0.0113,0.0017,0.1958,0.0071,,,,,,,,
-drop,nx,scalefree,node,True,node_const,node_pagerank,32,1,6,1,stack,False,prelu,0.0,mean,adam,0.1,99,1.6099,0.0002,134834.0,0.0111,0.0017,0.1893,0.0025,,,,,,,,
-drop,nx,scalefree,node,True,node_const,node_pagerank,32,1,6,1,stack,False,prelu,0.3,mean,adam,0.1,99,1.8216,0.2787,134834.0,0.0124,0.0012,0.1958,0.0071,,,,,,,,
-drop,nx,scalefree,node,True,node_const,node_pagerank,32,1,6,1,stack,False,prelu,0.6,mean,adam,0.1,99,2.1158,0.4057,134834.0,0.0109,0.0008,0.1958,0.0071,,,,,,,,
-drop,nx,scalefree,node,True,node_const,node_pagerank,64,1,4,2,skipconcat,False,prelu,0.0,max,adam,0.001,199,1.6099,0.0002,137398.0,0.018,0.0023,0.1893,0.0025,,,,,,,,
-drop,nx,scalefree,node,True,node_const,node_pagerank,64,1,4,2,skipconcat,False,prelu,0.3,max,adam,0.001,199,4.4895,0.2408,137398.0,0.0169,0.0014,0.1986,0.0089,,,,,,,,
-drop,nx,scalefree,node,True,node_const,node_pagerank,64,1,4,2,skipconcat,False,prelu,0.6,max,adam,0.001,199,4.4521,0.2486,137398.0,0.0153,0.0007,0.1986,0.0089,,,,,,,,
-drop,nx,scalefree,node,True,node_const,node_pagerank,64,3,4,1,skipconcat,False,swish,0.0,max,sgd,0.1,199,1.6099,0.0002,136820.0,0.0246,0.0054,0.1893,0.0025,,,,,,,,
-drop,nx,scalefree,node,True,node_const,node_pagerank,64,3,4,1,skipconcat,False,swish,0.3,max,sgd,0.1,199,2.6393,0.0185,136820.0,0.039,0.0034,0.1986,0.0089,,,,,,,,
-drop,nx,scalefree,node,True,node_const,node_pagerank,64,3,4,1,skipconcat,False,swish,0.6,max,sgd,0.1,199,2.2412,0.0568,136820.0,0.0192,0.0005,0.1986,0.0089,,,,,,,,
-drop,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,32,3,2,1,skipsum,False,relu,0.0,mean,adam,0.01,199,1.5778,0.0023,134850.0,0.0094,0.0013,0.2688,0.0019,,,,,,,,
-drop,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,32,3,2,1,skipsum,False,relu,0.3,mean,adam,0.01,199,1.5779,0.0024,134850.0,0.0102,0.0011,0.2688,0.0019,,,,,,,,
-drop,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,32,3,2,1,skipsum,False,relu,0.6,mean,adam,0.01,199,1.9697,0.1232,134850.0,0.0103,0.0008,0.2308,0.0194,,,,,,,,
-drop,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,64,1,4,3,stack,False,relu,0.0,mean,adam,0.01,399,1.5778,0.0022,134833.0,0.0211,0.0025,0.2688,0.0019,,,,,,,,
-drop,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,64,1,4,3,stack,False,relu,0.3,mean,adam,0.01,399,1.6085,0.0265,134833.0,0.0258,0.0043,0.2543,0.013,,,,,,,,
-drop,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,64,1,4,3,stack,False,relu,0.6,mean,adam,0.01,399,1.6146,0.0241,134833.0,0.021,0.0015,0.2543,0.013,,,,,,,,
-drop,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,64,1,6,3,stack,False,swish,0.0,add,adam,0.01,399,1.526,0.0712,134277.0,0.0225,0.0093,0.2964,0.0408,,,,,,,,
-drop,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,64,1,6,3,stack,False,swish,0.3,add,adam,0.01,399,1.5642,0.0724,134277.0,0.0183,0.0032,0.2758,0.0174,,,,,,,,
-drop,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,64,1,6,3,stack,False,swish,0.6,add,adam,0.01,399,1.6376,0.0043,134277.0,0.0277,0.0026,0.2423,0.0071,,,,,,,,
-drop,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,64,2,2,3,skipsum,True,swish,0.0,mean,sgd,0.1,199,2.0758,0.0558,134118.0,0.0204,0.0021,0.4983,0.0078,,,,,,,,
-drop,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,64,2,2,3,skipsum,True,swish,0.3,mean,sgd,0.1,199,1.9183,0.0617,134118.0,0.0186,0.0014,0.3078,0.0094,,,,,,,,
-drop,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,64,2,2,3,skipsum,True,swish,0.6,mean,sgd,0.1,199,1.9184,0.1289,134118.0,0.0169,0.0034,0.2125,0.0132,,,,,,,,
-drop,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,64,3,2,1,skipsum,False,prelu,0.0,max,adam,0.1,99,1.3078,0.0381,134851.0,0.0371,0.0145,0.4423,0.0157,,,,,,,,
-drop,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,64,3,2,1,skipsum,False,prelu,0.3,max,adam,0.1,99,1.838,0.107,134851.0,0.0283,0.0056,0.2807,0.0472,,,,,,,,
-drop,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,64,3,2,1,skipsum,False,prelu,0.6,max,adam,0.1,99,4.0642,0.282,134851.0,0.0223,0.006,0.1976,0.0055,,,,,,,,
-drop,nx,scalefree,node,True,node_onehot,node_pagerank,32,1,4,1,skipconcat,False,prelu,0.0,mean,sgd,0.1,199,1.1682,0.0293,136971.0,0.0104,0.0007,0.5087,0.0118,,,,,,,,
-drop,nx,scalefree,node,True,node_onehot,node_pagerank,32,1,4,1,skipconcat,False,prelu,0.3,mean,sgd,0.1,199,1.7397,0.3024,136971.0,0.0105,0.0015,0.3178,0.0778,,,,,,,,
-drop,nx,scalefree,node,True,node_onehot,node_pagerank,32,1,4,1,skipconcat,False,prelu,0.6,mean,sgd,0.1,199,2.0726,0.2037,136971.0,0.0108,0.0015,0.2241,0.0187,,,,,,,,
-drop,nx,scalefree,node,True,node_onehot,node_pagerank,32,3,4,2,skipsum,False,swish,0.0,mean,sgd,0.01,99,1.6092,0.0003,134676.0,0.0109,0.0013,0.2185,0.0051,,,,,,,,
-drop,nx,scalefree,node,True,node_onehot,node_pagerank,32,3,4,2,skipsum,False,swish,0.3,mean,sgd,0.01,99,1.6413,0.0057,134676.0,0.0109,0.002,0.1939,0.0097,,,,,,,,
-drop,nx,scalefree,node,True,node_onehot,node_pagerank,32,3,4,2,skipsum,False,swish,0.6,mean,sgd,0.01,99,1.6307,0.0055,134676.0,0.0103,0.0012,0.2066,0.0033,,,,,,,,
-drop,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,16,3,6,1,skipconcat,False,relu,0.0,mean,adam,0.01,399,0.8287,0.0101,137033.0,0.0402,0.0019,0.6422,0.0065,,,,,,,,
-drop,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,16,3,6,1,skipconcat,False,relu,0.3,mean,adam,0.01,399,0.9368,0.0199,137033.0,0.0417,0.0026,0.5902,0.0055,,,,,,,,
-drop,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,16,3,6,1,skipconcat,False,relu,0.6,mean,adam,0.01,399,1.0796,0.0254,137033.0,0.0077,0.0011,0.5337,0.0075,,,,,,,,
-drop,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,16,3,6,3,stack,False,swish,0.0,max,sgd,0.01,199,1.2405,0.0759,135360.0,0.0091,0.0007,0.4574,0.0297,,,,,,,,
-drop,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,16,3,6,3,stack,False,swish,0.3,max,sgd,0.01,199,3.5818,0.0975,135360.0,0.0204,0.0008,0.1976,0.0055,,,,,,,,
-drop,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,16,3,6,3,stack,False,swish,0.6,max,sgd,0.01,199,3.2834,0.2168,135360.0,0.0078,0.0005,0.2688,0.0019,,,,,,,,
-drop,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,32,2,8,3,stack,False,prelu,0.0,add,sgd,0.001,199,1.4335,0.0085,133749.0,0.013,0.003,0.3589,0.0205,,,,,,,,
-drop,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,32,2,8,3,stack,False,prelu,0.3,add,sgd,0.001,199,1.6155,0.0239,133749.0,0.0097,0.0006,0.2423,0.0071,,,,,,,,
-drop,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,32,2,8,3,stack,False,prelu,0.6,add,sgd,0.001,199,1.5832,0.0036,133749.0,0.0284,0.001,0.2513,0.0129,,,,,,,,
-drop,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,64,1,2,3,stack,False,relu,0.0,mean,sgd,0.001,99,1.5726,0.0034,134850.0,0.0171,0.0035,0.2688,0.0019,,,,,,,,
-drop,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,64,1,2,3,stack,False,relu,0.3,mean,sgd,0.001,99,1.5787,0.0024,134850.0,0.0142,0.0005,0.2692,0.0247,,,,,,,,
-drop,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,64,1,2,3,stack,False,relu,0.6,mean,sgd,0.001,99,1.5844,0.0023,134850.0,0.0175,0.002,0.2448,0.0068,,,,,,,,
-drop,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,64,2,6,3,stack,False,prelu,0.0,mean,adam,0.1,399,1.5778,0.0023,134921.0,0.0307,0.0044,0.2688,0.0019,,,,,,,,
-drop,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,64,2,6,3,stack,False,prelu,0.3,mean,adam,0.1,399,1.5778,0.0023,134921.0,0.0183,0.0018,0.2688,0.0019,,,,,,,,
-drop,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,64,2,6,3,stack,False,prelu,0.6,mean,adam,0.1,399,1.5968,0.0288,134921.0,0.0167,0.001,0.2568,0.0153,,,,,,,,
-drop,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,16,2,8,3,stack,True,prelu,0.0,max,sgd,0.001,399,1.5326,0.3023,135057.0,0.037,0.0053,0.609,0.0654,,,,,,,,
-drop,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,16,2,8,3,stack,True,prelu,0.3,max,sgd,0.001,399,9.3918,1.0855,135057.0,0.011,0.002,0.1666,0.0181,,,,,,,,
-drop,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,16,2,8,3,stack,True,prelu,0.6,max,sgd,0.001,399,7.6332,3.3754,135057.0,0.0099,0.0012,0.1666,0.0181,,,,,,,,
-drop,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,16,3,8,2,skipconcat,False,swish,0.0,add,sgd,0.001,399,0.2358,0.0922,140153.0,0.0114,0.0003,0.9359,0.024,,,,,,,,
-drop,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,16,3,8,2,skipconcat,False,swish,0.3,add,sgd,0.001,399,0.559,0.374,140153.0,0.0118,0.0011,0.8205,0.0806,,,,,,,,
-drop,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,16,3,8,2,skipconcat,False,swish,0.6,add,sgd,0.001,399,1.4441,0.5391,140153.0,0.0089,0.0014,0.6026,0.0708,,,,,,,,
-drop,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,32,2,4,3,skipconcat,False,swish,0.0,mean,sgd,0.001,199,1.0361,0.0951,137198.0,0.0312,0.0003,0.5128,0.0551,,,,,,,,
-drop,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,32,2,4,3,skipconcat,False,swish,0.3,mean,sgd,0.001,199,2.0624,0.6579,137198.0,0.0117,0.0013,0.2372,0.0635,,,,,,,,
-drop,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,32,2,4,3,skipconcat,False,swish,0.6,mean,sgd,0.001,199,2.449,0.4437,137198.0,0.0087,0.0008,0.1923,0.0416,,,,,,,,
-drop,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,1,2,2,skipconcat,True,relu,0.0,add,adam,0.001,399,0.2558,0.0759,136295.0,0.0157,0.003,0.9295,0.024,,,,,,,,
-drop,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,1,2,2,skipconcat,True,relu,0.3,add,adam,0.001,399,0.2885,0.0813,136295.0,0.014,0.0027,0.859,0.0654,,,,,,,,
-drop,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,1,2,2,skipconcat,True,relu,0.6,add,adam,0.001,399,0.4435,0.0901,136295.0,0.0197,0.0027,0.7949,0.024,,,,,,,,
-drop,nx,smallworld,graph,True,node_const,graph_path_len,32,1,8,3,skipconcat,True,swish,0.0,mean,adam,0.001,199,3.3117,1.1454,136713.0,0.0133,0.0005,0.2308,0.0831,,,,,,,,
-drop,nx,smallworld,graph,True,node_const,graph_path_len,32,1,8,3,skipconcat,True,swish,0.3,mean,adam,0.001,199,11.8355,1.8794,136713.0,0.0132,0.0023,0.2308,0.0831,,,,,,,,
-drop,nx,smallworld,graph,True,node_const,graph_path_len,32,1,8,3,skipconcat,True,swish,0.6,mean,adam,0.001,199,18.5524,3.2418,136713.0,0.0464,0.0016,0.2308,0.0831,,,,,,,,
-drop,nx,smallworld,graph,True,node_const,graph_path_len,32,2,8,2,stack,False,prelu,0.0,mean,sgd,0.1,199,,,135361.0,0.0324,0.0023,0.2308,0.0831,,,,,,,,
-drop,nx,smallworld,graph,True,node_const,graph_path_len,32,2,8,2,stack,False,prelu,0.3,mean,sgd,0.1,199,,,135361.0,0.0129,0.0008,0.2308,0.0831,,,,,,,,
-drop,nx,smallworld,graph,True,node_const,graph_path_len,32,2,8,2,stack,False,prelu,0.6,mean,sgd,0.1,199,,,135361.0,0.0147,0.0004,0.2308,0.0831,,,,,,,,
-drop,nx,smallworld,graph,True,node_const,graph_path_len,32,3,6,1,skipsum,False,prelu,0.0,add,adam,0.01,99,1.0693,0.1007,134278.0,0.0248,0.0017,0.4551,0.1045,,,,,,,,
-drop,nx,smallworld,graph,True,node_const,graph_path_len,32,3,6,1,skipsum,False,prelu,0.3,add,adam,0.01,99,2.1541,1.0312,134278.0,0.0115,0.0003,0.359,0.165,,,,,,,,
-drop,nx,smallworld,graph,True,node_const,graph_path_len,32,3,6,1,skipsum,False,prelu,0.6,add,adam,0.01,99,9.4668,2.3681,134278.0,0.0141,0.0005,0.2308,0.0831,,,,,,,,
-drop,nx,smallworld,graph,True,node_pagerank,graph_path_len,16,2,2,2,skipconcat,True,swish,0.0,max,adam,0.1,399,0.6568,0.1924,136658.0,0.0063,0.001,0.7885,0.0566,,,,,,,,
-drop,nx,smallworld,graph,True,node_pagerank,graph_path_len,16,2,2,2,skipconcat,True,swish,0.3,max,adam,0.1,399,23.1995,1.2396,136658.0,0.0064,0.001,0.1666,0.0181,,,,,,,,
-drop,nx,smallworld,graph,True,node_pagerank,graph_path_len,16,2,2,2,skipconcat,True,swish,0.6,max,adam,0.1,399,22.6075,1.3522,136658.0,0.0068,0.0004,0.2308,0.0831,,,,,,,,
-drop,nx,smallworld,graph,True,node_pagerank,graph_path_len,16,3,6,1,skipsum,True,prelu,0.0,mean,sgd,0.01,399,1.1271,0.789,135430.0,0.0088,0.0017,0.8077,0.0416,,,,,,,,
-drop,nx,smallworld,graph,True,node_pagerank,graph_path_len,16,3,6,1,skipsum,True,prelu,0.3,mean,sgd,0.01,399,9.9435,5.6848,135430.0,0.0083,0.0008,0.3462,0.1246,,,,,,,,
-drop,nx,smallworld,graph,True,node_pagerank,graph_path_len,16,3,6,1,skipsum,True,prelu,0.6,mean,sgd,0.01,399,13.391,3.0469,135430.0,0.0096,0.0023,0.2821,0.0453,,,,,,,,
-drop,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,32,1,8,2,stack,True,relu,0.0,mean,sgd,0.001,199,1.4846,0.0065,133925.0,0.0138,0.0038,0.3184,0.0044,,,,,,,,
-drop,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,32,1,8,2,stack,True,relu,0.3,mean,sgd,0.001,199,1.5349,0.0062,133925.0,0.0285,0.0005,0.2992,0.0033,,,,,,,,
-drop,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,32,1,8,2,stack,True,relu,0.6,mean,sgd,0.001,199,1.5498,0.0071,133925.0,0.0136,0.0021,0.2986,0.0051,,,,,,,,
-drop,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,32,3,4,1,stack,False,prelu,0.0,mean,sgd,0.01,399,1.4876,0.0016,134834.0,0.033,0.0034,0.3146,0.0046,,,,,,,,
-drop,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,32,3,4,1,stack,False,prelu,0.3,mean,sgd,0.01,399,1.5139,0.0027,134834.0,0.012,0.0025,0.2997,0.0035,,,,,,,,
-drop,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,32,3,4,1,stack,False,prelu,0.6,mean,sgd,0.01,399,1.5387,0.0036,134834.0,0.0279,0.0028,0.2979,0.0074,,,,,,,,
-drop,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,64,3,2,2,skipconcat,False,relu,0.0,mean,adam,0.01,399,1.272,0.0061,135029.0,0.0349,0.0024,0.4648,0.0064,,,,,,,,
-drop,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,64,3,2,2,skipconcat,False,relu,0.3,mean,adam,0.01,399,1.3144,0.0108,135029.0,0.0184,0.0031,0.4396,0.0056,,,,,,,,
-drop,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,64,3,2,2,skipconcat,False,relu,0.6,mean,adam,0.01,399,1.3789,0.0072,135029.0,0.0162,0.0015,0.4121,0.0026,,,,,,,,
-drop,nx,smallworld,node,True,node_const,node_clustering_coefficient,32,3,4,2,stack,False,swish,0.0,max,sgd,0.1,99,1.6049,0.001,134676.0,0.0226,0.0019,0.2305,0.0055,,,,,,,,
-drop,nx,smallworld,node,True,node_const,node_clustering_coefficient,32,3,4,2,stack,False,swish,0.3,max,sgd,0.1,99,1.9676,0.0284,134676.0,0.0118,0.0013,0.2018,0.0045,,,,,,,,
-drop,nx,smallworld,node,True,node_const,node_clustering_coefficient,32,3,4,2,stack,False,swish,0.6,max,sgd,0.1,99,2.0674,0.0838,134676.0,0.0258,0.0028,0.2018,0.0045,,,,,,,,
-drop,nx,smallworld,node,True,node_const,node_clustering_coefficient,64,2,8,1,skipconcat,False,swish,0.0,add,sgd,0.01,199,1.5494,0.0043,137165.0,0.0183,0.0017,0.2934,0.0031,,,,,,,,
-drop,nx,smallworld,node,True,node_const,node_clustering_coefficient,64,2,8,1,skipconcat,False,swish,0.3,add,sgd,0.01,199,1.5941,0.024,137165.0,0.0217,0.0012,0.2626,0.0168,,,,,,,,
-drop,nx,smallworld,node,True,node_const,node_clustering_coefficient,64,2,8,1,skipconcat,False,swish,0.6,add,sgd,0.01,199,1.5775,0.0041,137165.0,0.0168,0.0013,0.287,0.0013,,,,,,,,
-drop,nx,smallworld,node,True,node_const,node_clustering_coefficient,64,3,8,1,stack,True,relu,0.0,add,adam,0.001,399,2.4004,0.092,134297.0,0.0378,0.0107,0.2018,0.0045,,,,,,,,
-drop,nx,smallworld,node,True,node_const,node_clustering_coefficient,64,3,8,1,stack,True,relu,0.3,add,adam,0.001,399,2.4752,0.0886,134297.0,0.0365,0.0077,0.2204,0.0068,,,,,,,,
-drop,nx,smallworld,node,True,node_const,node_clustering_coefficient,64,3,8,1,stack,True,relu,0.6,add,adam,0.001,399,2.3308,0.1268,134297.0,0.0215,0.0027,0.2279,0.0116,,,,,,,,
-drop,nx,smallworld,node,True,node_const,node_pagerank,16,1,6,1,skipconcat,True,prelu,0.0,add,adam,0.001,199,0.6037,0.0261,135807.0,0.0127,0.0038,0.7964,0.0186,,,,,,,,
-drop,nx,smallworld,node,True,node_const,node_pagerank,16,1,6,1,skipconcat,True,prelu,0.3,add,adam,0.001,199,0.5489,0.0052,135807.0,0.0107,0.0035,0.8044,0.0036,,,,,,,,
-drop,nx,smallworld,node,True,node_const,node_pagerank,16,1,6,1,skipconcat,True,prelu,0.6,add,adam,0.001,199,0.5627,0.0083,135807.0,0.0113,0.0029,0.7833,0.0029,,,,,,,,
-drop,nx,smallworld,node,True,node_const,node_pagerank,64,1,2,2,skipsum,True,relu,0.0,mean,sgd,0.001,399,39.2761,23.9609,134789.0,0.0291,0.0008,0.2042,0.0056,,,,,,,,
-drop,nx,smallworld,node,True,node_const,node_pagerank,64,1,2,2,skipsum,True,relu,0.3,mean,sgd,0.001,399,1.7663,0.0397,134789.0,0.0257,0.0071,0.1955,0.0043,,,,,,,,
-drop,nx,smallworld,node,True,node_const,node_pagerank,64,1,2,2,skipsum,True,relu,0.6,mean,sgd,0.001,399,1.7821,0.0274,134789.0,0.0177,0.0026,0.2004,0.004,,,,,,,,
-drop,nx,smallworld,node,True,node_const,node_pagerank,64,2,6,3,skipsum,False,prelu,0.0,mean,sgd,0.01,199,1.6097,0.0,134921.0,0.0337,0.0033,0.1911,0.0017,,,,,,,,
-drop,nx,smallworld,node,True,node_const,node_pagerank,64,2,6,3,skipsum,False,prelu,0.3,mean,sgd,0.01,199,1.61,0.0002,134921.0,0.0201,0.0007,0.1977,0.0023,,,,,,,,
-drop,nx,smallworld,node,True,node_const,node_pagerank,64,2,6,3,skipsum,False,prelu,0.6,mean,sgd,0.01,199,1.6098,0.0,134921.0,0.0323,0.001,0.1918,0.0027,,,,,,,,
-drop,nx,smallworld,node,True,node_const,node_pagerank,64,3,8,3,stack,True,prelu,0.0,add,sgd,0.001,99,9.0234,4.6293,134166.0,0.0176,0.0016,0.2172,0.0247,,,,,,,,
-drop,nx,smallworld,node,True,node_const,node_pagerank,64,3,8,3,stack,True,prelu,0.3,add,sgd,0.001,99,1.5374,0.0086,134166.0,0.0193,0.0022,0.3185,0.0128,,,,,,,,
-drop,nx,smallworld,node,True,node_const,node_pagerank,64,3,8,3,stack,True,prelu,0.6,add,sgd,0.001,99,1.5946,0.0067,134166.0,0.0237,0.0023,0.2731,0.0394,,,,,,,,
-drop,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,32,1,2,1,stack,False,prelu,0.0,add,adam,0.01,199,1.5138,0.018,134901.0,0.0097,0.002,0.3154,0.023,,,,,,,,
-drop,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,32,1,2,1,stack,False,prelu,0.3,add,adam,0.01,199,1.5274,0.0298,134901.0,0.0116,0.0032,0.3092,0.0204,,,,,,,,
-drop,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,32,1,2,1,stack,False,prelu,0.6,add,adam,0.01,199,1.5374,0.0187,134901.0,0.0094,0.001,0.3017,0.0102,,,,,,,,
-drop,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,64,1,6,2,stack,True,swish,0.0,mean,adam,0.001,399,0.9721,0.0218,133829.0,0.0195,0.0017,0.6448,0.004,,,,,,,,
-drop,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,64,1,6,2,stack,True,swish,0.3,mean,adam,0.001,399,1.3095,0.0599,133829.0,0.0241,0.0041,0.4241,0.0214,,,,,,,,
-drop,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,64,1,6,2,stack,True,swish,0.6,mean,adam,0.001,399,1.6402,0.1298,133829.0,0.029,0.0055,0.3043,0.0192,,,,,,,,
-drop,nx,smallworld,node,True,node_onehot,node_pagerank,16,1,8,1,skipconcat,True,relu,0.0,add,adam,0.001,199,0.37,0.006,138475.0,0.0426,0.004,0.8947,0.004,,,,,,,,
-drop,nx,smallworld,node,True,node_onehot,node_pagerank,16,1,8,1,skipconcat,True,relu,0.3,add,adam,0.001,199,0.3591,0.0063,138475.0,0.0098,0.0021,0.8906,0.0064,,,,,,,,
-drop,nx,smallworld,node,True,node_onehot,node_pagerank,16,1,8,1,skipconcat,True,relu,0.6,add,adam,0.001,199,0.4195,0.0113,138475.0,0.0139,0.0031,0.8472,0.0088,,,,,,,,
-drop,nx,smallworld,node,True,node_onehot,node_pagerank,32,1,4,2,stack,False,prelu,0.0,max,sgd,0.001,399,1.5672,0.0237,134790.0,0.0107,0.0024,0.2814,0.0263,,,,,,,,
-drop,nx,smallworld,node,True,node_onehot,node_pagerank,32,1,4,2,stack,False,prelu,0.3,max,sgd,0.001,399,1.6222,0.0075,134790.0,0.0219,0.0024,0.199,0.0042,,,,,,,,
-drop,nx,smallworld,node,True,node_onehot,node_pagerank,32,1,4,2,stack,False,prelu,0.6,max,sgd,0.001,399,1.6137,0.0022,134790.0,0.014,0.0007,0.1954,0.0059,,,,,,,,
-drop,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,32,1,4,2,skipsum,True,relu,0.0,mean,sgd,0.1,199,0.8959,0.0081,134118.0,0.0111,0.0018,0.6204,0.0035,,,,,,,,
-drop,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,32,1,4,2,skipsum,True,relu,0.3,mean,sgd,0.1,199,1.0415,0.0095,134118.0,0.0163,0.0046,0.5738,0.004,,,,,,,,
-drop,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,32,1,4,2,skipsum,True,relu,0.6,mean,sgd,0.1,199,1.3071,0.0196,134118.0,0.015,0.0049,0.5191,0.0044,,,,,,,,
-epoch,PyG,AmazonComputers,node,True,,,16,2,6,2,skipconcat,True,swish,0.6,max,sgd,0.01,99,3.4804,0.322,175614.0,0.1296,0.0269,0.0603,0.0025,,,,,,,,
-epoch,PyG,AmazonComputers,node,True,,,16,2,6,2,skipconcat,True,swish,0.6,max,sgd,0.01,199,3.3875,0.2193,175614.0,0.0562,0.0022,0.0874,0.0386,,,,,,,,
-epoch,PyG,AmazonComputers,node,True,,,16,2,6,2,skipconcat,True,swish,0.6,max,sgd,0.01,399,3.5209,0.3717,175614.0,0.1761,0.0253,0.1209,0.0414,,,,,,,,
-epoch,PyG,AmazonComputers,node,True,,,32,2,2,1,stack,True,prelu,0.6,add,adam,0.001,99,1.1556,0.0131,295119.0,0.0944,0.0268,0.7298,0.0035,,,,,,,,
-epoch,PyG,AmazonComputers,node,True,,,32,2,2,1,stack,True,prelu,0.6,add,adam,0.001,199,0.8506,0.0173,295119.0,0.1961,0.0302,0.7767,0.0035,,,,,,,,
-epoch,PyG,AmazonComputers,node,True,,,32,2,2,1,stack,True,prelu,0.6,add,adam,0.001,399,0.5971,0.0144,295119.0,0.1281,0.004,0.8257,0.005,,,,,,,,
-epoch,PyG,AmazonPhoto,node,True,,,16,2,8,2,skipsum,False,relu,0.6,add,adam,0.001,99,1.7078,0.0555,220118.0,0.056,0.0031,0.3653,0.0428,,,,,,,,
-epoch,PyG,AmazonPhoto,node,True,,,16,2,8,2,skipsum,False,relu,0.6,add,adam,0.001,199,1.864,0.2018,220118.0,0.0507,0.0044,0.3871,0.0468,,,,,,,,
-epoch,PyG,AmazonPhoto,node,True,,,16,2,8,2,skipsum,False,relu,0.6,add,adam,0.001,399,1.9438,0.7836,220118.0,0.043,0.0037,0.4964,0.1323,,,,,,,,
-epoch,PyG,AmazonPhoto,node,True,,,16,3,4,1,skipconcat,False,relu,0.3,max,sgd,0.1,99,1.9388,0.0138,215468.0,0.0418,0.0035,0.221,0.0098,,,,,,,,
-epoch,PyG,AmazonPhoto,node,True,,,16,3,4,1,skipconcat,False,relu,0.3,max,sgd,0.1,199,1.6554,0.107,215468.0,0.0425,0.0044,0.4165,0.0278,,,,,,,,
-epoch,PyG,AmazonPhoto,node,True,,,16,3,4,1,skipconcat,False,relu,0.3,max,sgd,0.1,399,0.8383,0.0167,215468.0,0.057,0.0124,0.739,0.0174,,,,,,,,
-epoch,PyG,AmazonPhoto,node,True,,,64,2,6,2,skipsum,True,relu,0.3,mean,adam,0.001,99,0.257,0.0121,229768.0,0.0733,0.0094,0.9275,0.0037,,,,,,,,
-epoch,PyG,AmazonPhoto,node,True,,,64,2,6,2,skipsum,True,relu,0.3,mean,adam,0.001,199,0.2276,0.0176,229768.0,0.0651,0.016,0.9388,0.0054,,,,,,,,
-epoch,PyG,AmazonPhoto,node,True,,,64,2,6,2,skipsum,True,relu,0.3,mean,adam,0.001,399,0.2158,0.0135,229768.0,0.0437,0.0055,0.9458,0.0033,,,,,,,,
-epoch,PyG,AmazonPhoto,node,True,,,64,3,4,2,stack,True,prelu,0.6,mean,sgd,0.01,99,0.6204,0.062,236745.0,0.0282,0.0016,0.8679,0.016,,,,,,,,
-epoch,PyG,AmazonPhoto,node,True,,,64,3,4,2,stack,True,prelu,0.6,mean,sgd,0.01,199,0.5556,0.0548,236745.0,0.054,0.0192,0.885,0.0139,,,,,,,,
-epoch,PyG,AmazonPhoto,node,True,,,64,3,4,2,stack,True,prelu,0.6,mean,sgd,0.01,399,0.4893,0.0576,236745.0,0.0598,0.0121,0.8927,0.0147,,,,,,,,
-epoch,PyG,CiteSeer,node,True,,,16,3,2,2,skipsum,False,prelu,0.3,mean,sgd,0.01,99,1.5303,0.1292,738397.0,0.154,0.0315,0.4915,0.1058,,,,,,,,
-epoch,PyG,CiteSeer,node,True,,,16,3,2,2,skipsum,False,prelu,0.3,mean,sgd,0.01,199,0.9,0.1457,738397.0,0.0914,0.008,0.7187,0.0429,,,,,,,,
-epoch,PyG,CiteSeer,node,True,,,16,3,2,2,skipsum,False,prelu,0.3,mean,sgd,0.01,399,0.767,0.0324,738397.0,0.1272,0.0291,0.7668,0.009,,,,,,,,
-epoch,PyG,CiteSeer,node,True,,,32,1,8,3,skipsum,True,relu,0.3,mean,sgd,0.1,99,0.9105,0.0631,561321.0,0.087,0.0014,0.7563,0.0091,,,,,,,,
-epoch,PyG,CiteSeer,node,True,,,32,1,8,3,skipsum,True,relu,0.3,mean,sgd,0.1,199,1.274,0.1047,561321.0,0.0989,0.0203,0.7437,0.0028,,,,,,,,
-epoch,PyG,CiteSeer,node,True,,,32,1,8,3,skipsum,True,relu,0.3,mean,sgd,0.1,399,1.8967,0.1201,561321.0,0.102,0.0189,0.7317,0.0031,,,,,,,,
-epoch,PyG,CiteSeer,node,True,,,64,1,2,2,skipsum,False,relu,0.6,max,sgd,0.1,99,1.4754,0.0177,912036.0,0.0814,0.0059,0.6306,0.0387,,,,,,,,
-epoch,PyG,CiteSeer,node,True,,,64,1,2,2,skipsum,False,relu,0.6,max,sgd,0.1,199,0.8097,0.0244,912036.0,0.0815,0.0045,0.7653,0.0111,,,,,,,,
-epoch,PyG,CiteSeer,node,True,,,64,1,2,2,skipsum,False,relu,0.6,max,sgd,0.1,399,1.1031,0.0775,912036.0,0.1057,0.0056,0.7623,0.0062,,,,,,,,
-epoch,PyG,CiteSeer,node,True,,,64,2,6,3,stack,True,swish,0.6,add,sgd,0.1,99,1.7295,0.0077,582984.0,0.1197,0.0224,0.2583,0.0166,,,,,,,,
-epoch,PyG,CiteSeer,node,True,,,64,2,6,3,stack,True,swish,0.6,add,sgd,0.1,199,1.6978,0.0253,582984.0,0.0981,0.0058,0.2673,0.0138,,,,,,,,
-epoch,PyG,CiteSeer,node,True,,,64,2,6,3,stack,True,swish,0.6,add,sgd,0.1,399,1.5645,0.0467,582984.0,0.0892,0.0038,0.3448,0.0246,,,,,,,,
-epoch,PyG,CoauthorCS,node,True,,,32,2,6,3,skipsum,True,prelu,0.6,mean,adam,0.1,99,0.3517,0.0161,959425.0,0.946,0.0328,0.9195,0.0034,,,,,,,,
-epoch,PyG,CoauthorCS,node,True,,,32,2,6,3,skipsum,True,prelu,0.6,mean,adam,0.1,199,0.3526,0.0122,959425.0,0.8419,0.038,0.9427,0.0065,,,,,,,,
-epoch,PyG,CoauthorCS,node,True,,,32,2,6,3,skipsum,True,prelu,0.6,mean,adam,0.1,399,0.3449,0.0267,959425.0,0.8095,0.0962,0.9479,0.0026,,,,,,,,
-epoch,PyG,CoauthorCS,node,True,,,64,2,4,1,skipsum,True,prelu,0.0,add,adam,0.001,99,1.2095,0.0213,1238020.0,0.8557,0.0679,0.9347,0.0035,,,,,,,,
-epoch,PyG,CoauthorCS,node,True,,,64,2,4,1,skipsum,True,prelu,0.0,add,adam,0.001,199,0.7944,0.0297,1238020.0,0.949,0.1392,0.9417,0.0027,,,,,,,,
-epoch,PyG,CoauthorCS,node,True,,,64,2,4,1,skipsum,True,prelu,0.0,add,adam,0.001,399,0.4598,0.0263,1238020.0,0.7522,0.0421,0.9414,0.0052,,,,,,,,
-epoch,PyG,CoauthorPhysics,node,True,,,16,2,2,2,skipsum,True,prelu,0.6,max,sgd,0.1,99,0.1641,0.0056,1656880.0,1.4917,0.0199,0.9477,0.0021,,,,,,,,
-epoch,PyG,CoauthorPhysics,node,True,,,16,2,2,2,skipsum,True,prelu,0.6,max,sgd,0.1,199,0.1414,0.0064,1656880.0,1.7976,0.0417,0.9562,0.0011,,,,,,,,
-epoch,PyG,CoauthorPhysics,node,True,,,16,2,2,2,skipsum,True,prelu,0.6,max,sgd,0.1,399,0.1338,0.0049,1656880.0,2.2105,0.2435,0.9624,0.0009,,,,,,,,
-epoch,PyG,CoauthorPhysics,node,True,,,16,3,6,2,skipsum,False,prelu,0.3,max,sgd,0.1,99,0.3753,0.1905,1151805.0,1.9854,0.1626,0.866,0.0795,,,,,,,,
-epoch,PyG,CoauthorPhysics,node,True,,,16,3,6,2,skipsum,False,prelu,0.3,max,sgd,0.1,199,0.1452,0.0182,1151805.0,2.1745,0.0688,0.9568,0.0057,,,,,,,,
-epoch,PyG,CoauthorPhysics,node,True,,,16,3,6,2,skipsum,False,prelu,0.3,max,sgd,0.1,399,0.1271,0.0034,1151805.0,1.6993,0.0968,0.9636,0.0018,,,,,,,,
-epoch,PyG,CoauthorPhysics,node,True,,,32,1,6,2,skipsum,True,prelu,0.6,add,adam,0.1,99,0.1289,0.0077,1287121.0,1.8605,0.0729,0.9656,0.0016,,,,,,,,
-epoch,PyG,CoauthorPhysics,node,True,,,32,1,6,2,skipsum,True,prelu,0.6,add,adam,0.1,199,0.1704,0.0145,1287121.0,2.0369,0.3507,0.9673,0.0015,,,,,,,,
-epoch,PyG,CoauthorPhysics,node,True,,,32,1,6,2,skipsum,True,prelu,0.6,add,adam,0.1,399,0.1887,0.0088,1287121.0,1.9561,0.3065,0.9673,0.0022,,,,,,,,
-epoch,PyG,CoauthorPhysics,node,True,,,32,2,8,2,stack,False,relu,0.0,max,sgd,0.01,99,1.2129,0.0963,1101820.0,1.836,0.0399,0.555,0.0719,,,,,,,,
-epoch,PyG,CoauthorPhysics,node,True,,,32,2,8,2,stack,False,relu,0.0,max,sgd,0.01,199,1.1244,0.3186,1101820.0,1.523,0.0029,0.6045,0.1439,,,,,,,,
-epoch,PyG,CoauthorPhysics,node,True,,,32,2,8,2,stack,False,relu,0.0,max,sgd,0.01,399,0.6533,0.4961,1101820.0,2.1243,0.2021,0.7877,0.2,,,,,,,,
-epoch,PyG,Cora,node,True,,,16,3,6,2,skipsum,False,relu,0.3,max,sgd,0.1,99,1.8346,0.0099,307226.0,0.0153,0.0003,0.294,0.0117,,,,,,,,
-epoch,PyG,Cora,node,True,,,16,3,6,2,skipsum,False,relu,0.3,max,sgd,0.1,199,1.7718,0.0429,307226.0,0.0309,0.006,0.294,0.0117,,,,,,,,
-epoch,PyG,Cora,node,True,,,16,3,6,2,skipsum,False,relu,0.3,max,sgd,0.1,399,0.609,0.0872,307226.0,0.0212,0.0038,0.8244,0.0301,,,,,,,,
-epoch,PyG,Cora,node,True,,,64,2,6,1,stack,False,swish,0.6,mean,sgd,0.01,99,1.8862,0.0165,333139.0,0.0318,0.0069,0.294,0.0117,,,,,,,,
-epoch,PyG,Cora,node,True,,,64,2,6,1,stack,False,swish,0.6,mean,sgd,0.01,199,1.8845,0.0154,333139.0,0.0224,0.002,0.294,0.0117,,,,,,,,
-epoch,PyG,Cora,node,True,,,64,2,6,1,stack,False,swish,0.6,mean,sgd,0.01,399,1.8805,0.0149,333139.0,0.0206,0.0014,0.294,0.0117,,,,,,,,
-epoch,PyG,TU_BZR,graph,False,,,64,3,6,2,stack,False,prelu,0.6,mean,adam,0.001,99,0.5326,0.0743,139515.0,0.013,0.0023,0.8066,0.0254,0.0,0.0,0.0,0.0,0.0,0.0,0.645,0.0344
-epoch,PyG,TU_BZR,graph,False,,,64,3,6,2,stack,False,prelu,0.6,mean,adam,0.001,199,0.5031,0.0709,139515.0,0.0106,0.0021,0.8066,0.0254,0.0,0.0,0.0,0.0,0.0,0.0,0.6423,0.0301
-epoch,PyG,TU_BZR,graph,False,,,64,3,6,2,stack,False,prelu,0.6,mean,adam,0.001,399,0.5059,0.0667,139515.0,0.03,0.0013,0.8066,0.0254,0.0,0.0,0.0,0.0,0.0,0.0,0.6395,0.0392
-epoch,PyG,TU_COX2,graph,False,,,16,1,2,3,stack,False,relu,0.6,max,adam,0.01,99,0.536,0.0171,139959.0,0.005,0.0005,0.773,0.0133,0.0,0.0,0.0,0.0,0.0,0.0,0.5122,0.0172
-epoch,PyG,TU_COX2,graph,False,,,16,1,2,3,stack,False,relu,0.6,max,adam,0.01,199,0.536,0.0172,139959.0,0.0216,0.0023,0.773,0.0133,0.0,0.0,0.0,0.0,0.0,0.0,0.5,0.0
-epoch,PyG,TU_COX2,graph,False,,,16,1,2,3,stack,False,relu,0.6,max,adam,0.01,399,0.5361,0.0172,139959.0,0.005,0.0012,0.773,0.0133,0.0,0.0,0.0,0.0,0.0,0.0,0.496,0.0081
-epoch,PyG,TU_COX2,graph,False,,,16,3,6,1,stack,False,prelu,0.0,add,sgd,0.001,99,0.5375,0.0175,138935.0,0.0072,0.001,0.773,0.0133,0.0,0.0,0.0,0.0,0.0,0.0,0.5432,0.0144
-epoch,PyG,TU_COX2,graph,False,,,16,3,6,1,stack,False,prelu,0.0,add,sgd,0.001,199,0.5246,0.0068,138935.0,0.0244,0.0008,0.773,0.0133,0.0,0.0,0.0,0.0,0.0,0.0,0.6076,0.0583
-epoch,PyG,TU_COX2,graph,False,,,16,3,6,1,stack,False,prelu,0.0,add,sgd,0.001,399,0.5558,0.0499,138935.0,0.0059,0.0008,0.7801,0.0181,0.2083,0.2946,0.0794,0.1122,0.1149,0.1625,0.6608,0.0865
-epoch,PyG,TU_COX2,graph,False,,,64,1,6,3,skipconcat,False,swish,0.6,add,adam,0.001,99,1.2703,0.7565,139707.0,0.0404,0.0017,0.4184,0.2609,0.156,0.1107,0.6667,0.4714,0.2528,0.1791,0.6534,0.0216
-epoch,PyG,TU_COX2,graph,False,,,64,1,6,3,skipconcat,False,swish,0.6,add,adam,0.001,199,1.7751,0.531,139707.0,0.0128,0.0027,0.227,0.0133,0.227,0.0133,1.0,0.0,0.3698,0.0176,0.5809,0.0372
-epoch,PyG,TU_COX2,graph,False,,,64,1,6,3,skipconcat,False,swish,0.6,add,adam,0.001,399,0.5823,0.0298,139707.0,0.016,0.002,0.773,0.0133,0.0,0.0,0.0,0.0,0.0,0.0,0.5711,0.1135
-epoch,PyG,TU_DD,graph,False,,,16,3,6,1,skipsum,True,prelu,0.6,add,adam,0.001,99,1.9132,0.7874,144898.0,0.0109,0.0019,0.5579,0.0726,0.664,0.2423,0.5965,0.41,0.4337,0.28,0.6543,0.1465
-epoch,PyG,TU_DD,graph,False,,,16,3,6,1,skipsum,True,prelu,0.6,add,adam,0.001,199,1.1528,0.3763,144898.0,0.0111,0.0012,0.6158,0.025,0.6651,0.1869,0.6254,0.3541,0.5167,0.2027,0.7475,0.0593
-epoch,PyG,TU_DD,graph,False,,,16,3,6,1,skipsum,True,prelu,0.6,add,adam,0.001,399,0.8968,0.2872,144898.0,0.0099,0.0012,0.7034,0.0481,0.7833,0.1251,0.4816,0.1718,0.5625,0.1357,0.8189,0.0454
-epoch,PyG,TU_ENZYMES,graph,False,,,16,2,8,3,skipconcat,False,relu,0.3,max,sgd,0.01,99,1.81,0.0152,136740.0,0.0512,0.001,0.1278,0.0171,,,,,,,,
-epoch,PyG,TU_ENZYMES,graph,False,,,16,2,8,3,skipconcat,False,relu,0.3,max,sgd,0.01,199,1.8098,0.0168,136740.0,0.0464,0.0007,0.1333,0.0246,,,,,,,,
-epoch,PyG,TU_ENZYMES,graph,False,,,16,2,8,3,skipconcat,False,relu,0.3,max,sgd,0.01,399,1.8075,0.0091,136740.0,0.0122,0.0054,0.1555,0.041,,,,,,,,
-epoch,PyG,TU_ENZYMES,graph,False,,,32,1,2,1,stack,False,relu,0.6,max,sgd,0.001,99,4.2409,1.0299,135188.0,0.0353,0.0072,0.1611,0.0453,,,,,,,,
-epoch,PyG,TU_ENZYMES,graph,False,,,32,1,2,1,stack,False,relu,0.6,max,sgd,0.001,199,3.7695,0.8235,135188.0,0.0188,0.0026,0.175,0.0245,,,,,,,,
-epoch,PyG,TU_ENZYMES,graph,False,,,32,1,2,1,stack,False,relu,0.6,max,sgd,0.001,399,3.563,0.7556,135188.0,0.026,0.0011,0.1639,0.0104,,,,,,,,
-epoch,PyG,TU_ENZYMES,graph,False,,,32,2,6,2,skipconcat,False,swish,0.6,add,sgd,0.001,99,2.0817,0.2691,140102.0,0.0425,0.0009,0.1833,0.0446,,,,,,,,
-epoch,PyG,TU_ENZYMES,graph,False,,,32,2,6,2,skipconcat,False,swish,0.6,add,sgd,0.001,199,2.1624,0.3719,140102.0,0.0418,0.0006,0.2167,0.0204,,,,,,,,
-epoch,PyG,TU_ENZYMES,graph,False,,,32,2,6,2,skipconcat,False,swish,0.6,add,sgd,0.001,399,2.2515,0.4195,140102.0,0.009,0.0014,0.2306,0.0387,,,,,,,,
-epoch,PyG,TU_ENZYMES,graph,False,,,64,1,2,2,skipsum,False,swish,0.0,add,adam,0.01,99,1.7944,0.2448,135036.0,0.0111,0.0022,0.3805,0.0171,,,,,,,,
-epoch,PyG,TU_ENZYMES,graph,False,,,64,1,2,2,skipsum,False,swish,0.0,add,adam,0.01,199,2.4341,0.8898,135036.0,0.0098,0.0012,0.4861,0.0393,,,,,,,,
-epoch,PyG,TU_ENZYMES,graph,False,,,64,1,2,2,skipsum,False,swish,0.0,add,adam,0.01,399,4.0182,2.2059,135036.0,0.0274,0.0023,0.5278,0.0307,,,,,,,,
-epoch,PyG,TU_ENZYMES,graph,False,,,64,3,4,3,skipsum,True,prelu,0.3,add,adam,0.1,99,1.6212,0.0151,134535.0,0.0124,0.0016,0.35,0.0312,,,,,,,,
-epoch,PyG,TU_ENZYMES,graph,False,,,64,3,4,3,skipsum,True,prelu,0.3,add,adam,0.1,199,1.7076,0.0123,134535.0,0.0148,0.0031,0.2278,0.0104,,,,,,,,
-epoch,PyG,TU_ENZYMES,graph,False,,,64,3,4,3,skipsum,True,prelu,0.3,add,adam,0.1,399,1.702,0.013,134535.0,0.0107,0.0005,0.2611,0.0322,,,,,,,,
-epoch,PyG,TU_ENZYMES,graph,False,,,64,3,8,1,skipsum,False,prelu,0.6,mean,sgd,0.001,99,3.043,0.742,134557.0,0.0218,0.0009,0.1695,0.0375,,,,,,,,
-epoch,PyG,TU_ENZYMES,graph,False,,,64,3,8,1,skipsum,False,prelu,0.6,mean,sgd,0.001,199,2.8851,0.7173,134557.0,0.0154,0.0028,0.1695,0.0375,,,,,,,,
-epoch,PyG,TU_ENZYMES,graph,False,,,64,3,8,1,skipsum,False,prelu,0.6,mean,sgd,0.001,399,2.4701,0.3789,134557.0,0.0309,0.0018,0.1833,0.0446,,,,,,,,
-epoch,PyG,TU_IMDB,graph,False,,,16,3,4,3,skipconcat,False,swish,0.3,max,adam,0.1,99,1.0992,0.0004,138512.0,0.0361,0.0013,0.3189,0.0126,,,,,,,,
-epoch,PyG,TU_IMDB,graph,False,,,16,3,4,3,skipconcat,False,swish,0.3,max,adam,0.1,199,1.1019,0.0099,138512.0,0.0075,0.0014,0.3611,0.0252,,,,,,,,
-epoch,PyG,TU_IMDB,graph,False,,,16,3,4,3,skipconcat,False,swish,0.3,max,adam,0.1,399,1.1147,0.0086,138512.0,0.0393,0.003,0.3467,0.0191,,,,,,,,
-epoch,PyG,TU_IMDB,graph,False,,,64,2,8,3,skipsum,False,prelu,0.3,mean,sgd,0.001,99,1.0998,0.0009,134864.0,0.0277,0.0017,0.3267,0.0144,,,,,,,,
-epoch,PyG,TU_IMDB,graph,False,,,64,2,8,3,skipsum,False,prelu,0.3,mean,sgd,0.001,199,1.0999,0.0005,134864.0,0.0121,0.0006,0.3078,0.0032,,,,,,,,
-epoch,PyG,TU_IMDB,graph,False,,,64,2,8,3,skipsum,False,prelu,0.3,mean,sgd,0.001,399,1.099,0.0011,134864.0,0.0166,0.0013,0.3189,0.0137,,,,,,,,
-epoch,PyG,TU_IMDB,graph,False,,,64,3,6,2,skipsum,False,relu,0.3,max,sgd,0.1,99,1.1,0.0008,133466.0,0.0187,0.0018,0.3078,0.0032,,,,,,,,
-epoch,PyG,TU_IMDB,graph,False,,,64,3,6,2,skipsum,False,relu,0.3,max,sgd,0.1,199,1.0999,0.0008,133466.0,0.0124,0.0012,0.3078,0.0032,,,,,,,,
-epoch,PyG,TU_IMDB,graph,False,,,64,3,6,2,skipsum,False,relu,0.3,max,sgd,0.1,399,1.1,0.0008,133466.0,0.0125,0.0008,0.3078,0.0032,,,,,,,,
-epoch,PyG,TU_PROTEINS,graph,False,,,16,1,2,2,stack,False,relu,0.6,max,sgd,0.1,99,0.677,0.0029,133981.0,0.0286,0.0008,0.5909,0.0065,0.0,0.0,0.0,0.0,0.0,0.0,0.5,0.0
-epoch,PyG,TU_PROTEINS,graph,False,,,16,1,2,2,stack,False,relu,0.6,max,sgd,0.1,199,0.6769,0.0029,133981.0,0.0056,0.0007,0.5909,0.0065,0.0,0.0,0.0,0.0,0.0,0.0,0.5,0.0
-epoch,PyG,TU_PROTEINS,graph,False,,,16,1,2,2,stack,False,relu,0.6,max,sgd,0.1,399,0.6769,0.0029,133981.0,0.0231,0.0018,0.5909,0.0065,0.0,0.0,0.0,0.0,0.0,0.0,0.5,0.0
-epoch,PyG,TU_PROTEINS,graph,False,,,16,3,4,2,skipconcat,True,prelu,0.3,max,adam,0.01,99,0.5856,0.003,135122.0,0.0065,0.0013,0.7136,0.0065,0.666,0.0141,0.6036,0.0506,0.6319,0.0256,0.7579,0.0061
-epoch,PyG,TU_PROTEINS,graph,False,,,16,3,4,2,skipconcat,True,prelu,0.3,max,adam,0.01,199,0.5838,0.0012,135122.0,0.0454,0.0058,0.7076,0.0154,0.65,0.013,0.6139,0.0641,0.6302,0.039,0.7596,0.0039
-epoch,PyG,TU_PROTEINS,graph,False,,,16,3,4,2,skipconcat,True,prelu,0.3,max,adam,0.01,399,0.5707,0.0121,135122.0,0.0402,0.0033,0.7258,0.0204,0.6613,0.0196,0.6767,0.0868,0.666,0.0452,0.7712,0.0121
-epoch,PyG,TU_PROTEINS,graph,False,,,32,2,4,3,stack,True,swish,0.0,add,adam,0.1,99,0.5543,0.0143,134124.0,0.0094,0.0015,0.7197,0.0057,0.7733,0.0454,0.4525,0.0443,0.5677,0.0256,0.7949,0.0037
-epoch,PyG,TU_PROTEINS,graph,False,,,32,2,4,3,stack,True,swish,0.0,add,adam,0.1,199,0.5562,0.0129,134124.0,0.0104,0.0005,0.7243,0.0043,0.7631,0.033,0.4781,0.0433,0.5854,0.0212,0.7914,0.0067
-epoch,PyG,TU_PROTEINS,graph,False,,,32,2,4,3,stack,True,swish,0.0,add,adam,0.1,399,0.5532,0.0248,134124.0,0.0085,0.0009,0.7167,0.0217,0.7715,0.0435,0.4496,0.0955,0.5584,0.0719,0.7955,0.0099
-epoch,PyG,TU_PROTEINS,graph,False,,,32,3,8,1,skipsum,False,swish,0.0,mean,sgd,0.01,99,0.6152,0.0177,133976.0,0.0133,0.0023,0.6667,0.0094,0.5746,0.0159,0.7149,0.0193,0.6369,0.012,0.7432,0.01
-epoch,PyG,TU_PROTEINS,graph,False,,,32,3,8,1,skipsum,False,swish,0.0,mean,sgd,0.01,199,0.6046,0.0151,133976.0,0.0129,0.0017,0.6727,0.0098,0.5846,0.0153,0.6928,0.0192,0.6339,0.0112,0.7432,0.0101
-epoch,PyG,TU_PROTEINS,graph,False,,,32,3,8,1,skipsum,False,swish,0.0,mean,sgd,0.01,399,0.6007,0.0136,133976.0,0.013,0.0023,0.6833,0.0094,0.6104,0.0148,0.6261,0.0131,0.618,0.0088,0.7428,0.0095
-epoch,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,16,1,2,1,skipconcat,True,relu,0.0,max,adam,0.001,99,0.7017,0.132,136453.0,0.0393,0.0011,0.7885,0.0157,,,,,,,,
-epoch,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,16,1,2,1,skipconcat,True,relu,0.0,max,adam,0.001,199,0.8113,0.1482,136453.0,0.0069,0.0012,0.7693,0.0272,,,,,,,,
-epoch,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,16,1,2,1,skipconcat,True,relu,0.0,max,adam,0.001,399,1.0317,0.1405,136453.0,0.0045,0.0002,0.7564,0.024,,,,,,,,
-epoch,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,16,2,6,1,stack,True,prelu,0.6,max,sgd,0.01,99,30.2899,2.7625,133830.0,0.0078,0.0001,0.2628,0.0395,,,,,,,,
-epoch,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,16,2,6,1,stack,True,prelu,0.6,max,sgd,0.01,199,49.2299,7.3204,133830.0,0.0068,0.0009,0.2628,0.0395,,,,,,,,
-epoch,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,16,2,6,1,stack,True,prelu,0.6,max,sgd,0.01,399,73.4722,4.34,133830.0,0.0397,0.0049,0.2628,0.0395,,,,,,,,
-epoch,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,32,1,2,3,skipconcat,False,swish,0.0,add,adam,0.01,99,0.2,0.0236,137205.0,0.0066,0.0002,0.8974,0.0181,,,,,,,,
-epoch,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,32,1,2,3,skipconcat,False,swish,0.0,add,adam,0.01,199,0.2185,0.0516,137205.0,0.0396,0.003,0.891,0.024,,,,,,,,
-epoch,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,32,1,2,3,skipconcat,False,swish,0.0,add,adam,0.01,399,0.2634,0.0415,137205.0,0.0332,0.0027,0.8782,0.0327,,,,,,,,
-epoch,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,32,1,8,1,skipsum,False,swish,0.3,max,sgd,0.1,99,9.4255,3.8039,134277.0,0.0103,0.0011,0.1603,0.0327,,,,,,,,
-epoch,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,32,1,8,1,skipsum,False,swish,0.3,max,sgd,0.1,199,50.9755,54.1625,134277.0,0.0324,0.0066,0.2307,0.0272,,,,,,,,
-epoch,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,32,1,8,1,skipsum,False,swish,0.3,max,sgd,0.1,399,14.3669,5.5159,134277.0,0.0341,0.0013,0.2115,0.0785,,,,,,,,
-epoch,nx,scalefree,graph,True,node_const,graph_path_len,16,2,2,3,skipsum,True,swish,0.0,add,sgd,0.001,99,65.2313,31.3437,134118.0,0.0062,0.001,0.25,0.0685,,,,,,,,
-epoch,nx,scalefree,graph,True,node_const,graph_path_len,16,2,2,3,skipsum,True,swish,0.0,add,sgd,0.001,199,111.8242,30.6592,134118.0,0.0066,0.0004,0.2628,0.0395,,,,,,,,
-epoch,nx,scalefree,graph,True,node_const,graph_path_len,16,2,2,3,skipsum,True,swish,0.0,add,sgd,0.001,399,261.7368,133.6257,134118.0,0.0324,0.0053,0.2628,0.0395,,,,,,,,
-epoch,nx,scalefree,graph,True,node_const,graph_path_len,32,1,4,1,skipsum,True,prelu,0.6,max,adam,0.01,99,32.1905,3.2684,134286.0,0.0075,0.0003,0.2628,0.0395,,,,,,,,
-epoch,nx,scalefree,graph,True,node_const,graph_path_len,32,1,4,1,skipsum,True,prelu,0.6,max,adam,0.01,199,36.1197,2.3683,134286.0,0.011,0.0011,0.2628,0.0395,,,,,,,,
-epoch,nx,scalefree,graph,True,node_const,graph_path_len,32,1,4,1,skipsum,True,prelu,0.6,max,adam,0.01,399,42.7663,4.0841,134286.0,0.0296,0.0034,0.2628,0.0395,,,,,,,,
-epoch,nx,scalefree,graph,True,node_const,graph_path_len,32,2,8,2,stack,False,relu,0.0,mean,sgd,0.001,99,1.6292,0.0129,135360.0,0.0106,0.0017,0.141,0.0363,,,,,,,,
-epoch,nx,scalefree,graph,True,node_const,graph_path_len,32,2,8,2,stack,False,relu,0.0,mean,sgd,0.001,199,1.6283,0.0117,135360.0,0.009,0.001,0.1346,0.0272,,,,,,,,
-epoch,nx,scalefree,graph,True,node_const,graph_path_len,32,2,8,2,stack,False,relu,0.0,mean,sgd,0.001,399,1.6285,0.0126,135360.0,0.0299,0.0014,0.1346,0.0272,,,,,,,,
-epoch,nx,scalefree,graph,True,node_onehot,graph_path_len,16,2,8,2,skipconcat,False,prelu,0.6,max,adam,0.01,99,153.5826,0.7032,138964.0,0.0086,0.0003,0.2628,0.0395,,,,,,,,
-epoch,nx,scalefree,graph,True,node_onehot,graph_path_len,16,2,8,2,skipconcat,False,prelu,0.6,max,adam,0.01,199,209.2582,10.4005,138964.0,0.0115,0.0009,0.2628,0.0395,,,,,,,,
-epoch,nx,scalefree,graph,True,node_onehot,graph_path_len,16,2,8,2,skipconcat,False,prelu,0.6,max,adam,0.01,399,286.8424,68.6264,138964.0,0.0153,0.0052,0.2628,0.0395,,,,,,,,
-epoch,nx,scalefree,graph,True,node_onehot,graph_path_len,64,1,8,1,skipsum,False,swish,0.3,mean,adam,0.1,99,2.1489,0.1543,134277.0,0.0137,0.0008,0.1795,0.0453,,,,,,,,
-epoch,nx,scalefree,graph,True,node_onehot,graph_path_len,64,1,8,1,skipsum,False,swish,0.3,mean,adam,0.1,199,2.1394,0.1133,134277.0,0.0232,0.0078,0.1474,0.0453,,,,,,,,
-epoch,nx,scalefree,graph,True,node_onehot,graph_path_len,64,1,8,1,skipsum,False,swish,0.3,mean,adam,0.1,399,4.4761,0.9062,134277.0,0.0149,0.0026,0.2372,0.0395,,,,,,,,
-epoch,nx,scalefree,graph,True,node_pagerank,graph_path_len,32,2,6,3,skipsum,True,relu,0.3,add,adam,0.001,99,0.4875,0.0718,133925.0,0.0109,0.0011,0.7564,0.0395,,,,,,,,
-epoch,nx,scalefree,graph,True,node_pagerank,graph_path_len,32,2,6,3,skipsum,True,relu,0.3,add,adam,0.001,199,0.5028,0.0523,133925.0,0.0097,0.0014,0.7692,0.0157,,,,,,,,
-epoch,nx,scalefree,graph,True,node_pagerank,graph_path_len,32,2,6,3,skipsum,True,relu,0.3,add,adam,0.001,399,0.4433,0.0683,133925.0,0.0179,0.0061,0.8269,0.0415,,,,,,,,
-epoch,nx,scalefree,graph,True,node_pagerank,graph_path_len,32,3,2,1,skipsum,True,prelu,0.6,add,sgd,0.1,99,26.2734,8.5848,134286.0,0.0115,0.0023,0.3846,0.1246,,,,,,,,
-epoch,nx,scalefree,graph,True,node_pagerank,graph_path_len,32,3,2,1,skipsum,True,prelu,0.6,add,sgd,0.1,199,7.3874,6.5661,134286.0,0.0079,0.001,0.5256,0.1189,,,,,,,,
-epoch,nx,scalefree,graph,True,node_pagerank,graph_path_len,32,3,2,1,skipsum,True,prelu,0.6,add,sgd,0.1,399,1.0333,0.2592,134286.0,0.0121,0.0038,0.7115,0.0314,,,,,,,,
-epoch,nx,scalefree,graph,True,node_pagerank,graph_path_len,64,2,6,1,stack,True,relu,0.0,add,sgd,0.01,99,0.5167,0.1248,133829.0,0.0217,0.0072,0.7821,0.048,,,,,,,,
-epoch,nx,scalefree,graph,True,node_pagerank,graph_path_len,64,2,6,1,stack,True,relu,0.0,add,sgd,0.01,199,0.4796,0.1747,133829.0,0.016,0.0024,0.8269,0.0272,,,,,,,,
-epoch,nx,scalefree,graph,True,node_pagerank,graph_path_len,64,2,6,1,stack,True,relu,0.0,add,sgd,0.01,399,0.4316,0.0682,133829.0,0.0344,0.0034,0.8334,0.0327,,,,,,,,
-epoch,nx,scalefree,graph,True,node_pagerank,graph_path_len,64,3,2,3,skipconcat,False,relu,0.6,max,sgd,0.1,99,1.6326,0.0129,135665.0,0.0158,0.0004,0.141,0.0363,,,,,,,,
-epoch,nx,scalefree,graph,True,node_pagerank,graph_path_len,64,3,2,3,skipconcat,False,relu,0.6,max,sgd,0.1,199,1.6284,0.0135,135665.0,0.0147,0.0023,0.141,0.0363,,,,,,,,
-epoch,nx,scalefree,graph,True,node_pagerank,graph_path_len,64,3,2,3,skipconcat,False,relu,0.6,max,sgd,0.1,399,1.6284,0.012,135665.0,0.016,0.0062,0.141,0.0363,,,,,,,,
-epoch,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,32,2,6,1,skipconcat,True,prelu,0.6,max,sgd,0.1,99,1.474,0.0653,138690.0,0.0181,0.0037,0.3412,0.0208,,,,,,,,
-epoch,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,32,2,6,1,skipconcat,True,prelu,0.6,max,sgd,0.1,199,1.6649,0.0489,138690.0,0.0194,0.0054,0.3349,0.0087,,,,,,,,
-epoch,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,32,2,6,1,skipconcat,True,prelu,0.6,max,sgd,0.1,399,1.8319,0.0344,138690.0,0.0127,0.0012,0.3489,0.0168,,,,,,,,
-epoch,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,64,3,6,2,skipsum,False,swish,0.6,max,adam,0.01,99,5.2203,0.144,134920.0,0.0183,0.0017,0.2119,0.0084,,,,,,,,
-epoch,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,64,3,6,2,skipsum,False,swish,0.6,max,adam,0.01,199,6.6709,0.1553,134920.0,0.0194,0.004,0.1981,0.0056,,,,,,,,
-epoch,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,64,3,6,2,skipsum,False,swish,0.6,max,adam,0.01,399,7.8343,0.4392,134920.0,0.0306,0.0032,0.1981,0.0056,,,,,,,,
-epoch,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,64,3,8,2,skipsum,True,swish,0.6,max,adam,0.1,99,4.7476,0.2962,135056.0,0.0217,0.0021,0.1981,0.0056,,,,,,,,
-epoch,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,64,3,8,2,skipsum,True,swish,0.6,max,adam,0.1,199,4.4242,0.1754,135056.0,0.0197,0.0031,0.1981,0.0056,,,,,,,,
-epoch,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,64,3,8,2,skipsum,True,swish,0.6,max,adam,0.1,399,4.0757,0.2508,135056.0,0.0223,0.0004,0.1981,0.0056,,,,,,,,
-epoch,nx,scalefree,node,True,node_const,node_clustering_coefficient,16,1,2,2,skipsum,False,relu,0.6,mean,adam,0.001,99,1.9834,0.0516,133957.0,0.0241,0.0006,0.2598,0.0142,,,,,,,,
-epoch,nx,scalefree,node,True,node_const,node_clustering_coefficient,16,1,2,2,skipsum,False,relu,0.6,mean,adam,0.001,199,2.2267,0.0293,133957.0,0.0081,0.0027,0.2158,0.0576,,,,,,,,
-epoch,nx,scalefree,node,True,node_const,node_clustering_coefficient,16,1,2,2,skipsum,False,relu,0.6,mean,adam,0.001,399,2.6628,0.189,133957.0,0.0237,0.0009,0.2158,0.0576,,,,,,,,
-epoch,nx,scalefree,node,True,node_const,node_clustering_coefficient,32,3,6,3,skipsum,True,prelu,0.6,mean,sgd,0.001,99,1.7539,0.1681,134298.0,0.0111,0.0016,0.2423,0.0071,,,,,,,,
-epoch,nx,scalefree,node,True,node_const,node_clustering_coefficient,32,3,6,3,skipsum,True,prelu,0.6,mean,sgd,0.001,199,1.8225,0.1644,134298.0,0.0135,0.0015,0.2423,0.0071,,,,,,,,
-epoch,nx,scalefree,node,True,node_const,node_clustering_coefficient,32,3,6,3,skipsum,True,prelu,0.6,mean,sgd,0.001,399,1.9343,0.1129,134298.0,0.0188,0.0075,0.2423,0.0071,,,,,,,,
-epoch,nx,scalefree,node,True,node_const,node_clustering_coefficient,64,3,6,2,skipsum,True,relu,0.6,add,sgd,0.01,99,1.3246,0.016,133925.0,0.0174,0.004,0.4141,0.0214,,,,,,,,
-epoch,nx,scalefree,node,True,node_const,node_clustering_coefficient,64,3,6,2,skipsum,True,relu,0.6,add,sgd,0.01,199,1.2484,0.0083,133925.0,0.031,0.0011,0.4549,0.0036,,,,,,,,
-epoch,nx,scalefree,node,True,node_const,node_clustering_coefficient,64,3,6,2,skipsum,True,relu,0.6,add,sgd,0.01,399,1.2065,0.0092,133925.0,0.0162,0.0014,0.4615,0.0016,,,,,,,,
-epoch,nx,scalefree,node,True,node_const,node_pagerank,16,3,6,1,stack,False,prelu,0.3,max,sgd,0.001,99,1.6426,0.0209,134278.0,0.0092,0.0006,0.2014,0.0073,,,,,,,,
-epoch,nx,scalefree,node,True,node_const,node_pagerank,16,3,6,1,stack,False,prelu,0.3,max,sgd,0.001,199,1.6614,0.0482,134278.0,0.0299,0.0019,0.2056,0.0048,,,,,,,,
-epoch,nx,scalefree,node,True,node_const,node_pagerank,16,3,6,1,stack,False,prelu,0.3,max,sgd,0.001,399,1.8207,0.1042,134278.0,0.0074,0.0008,0.2017,0.0032,,,,,,,,
-epoch,nx,scalefree,node,True,node_const,node_pagerank,32,2,2,2,skipsum,False,prelu,0.6,max,sgd,0.01,99,2.3261,0.0905,134851.0,0.0202,0.0011,0.2014,0.0073,,,,,,,,
-epoch,nx,scalefree,node,True,node_const,node_pagerank,32,2,2,2,skipsum,False,prelu,0.6,max,sgd,0.01,199,3.1771,0.2107,134851.0,0.0095,0.0008,0.1986,0.0089,,,,,,,,
-epoch,nx,scalefree,node,True,node_const,node_pagerank,32,2,2,2,skipsum,False,prelu,0.6,max,sgd,0.01,399,4.0953,0.0599,134851.0,0.0096,0.0004,0.1986,0.0089,,,,,,,,
-epoch,nx,scalefree,node,True,node_const,node_pagerank,64,1,6,1,skipsum,False,swish,0.6,mean,sgd,0.001,99,1.618,0.0071,134833.0,0.0189,0.003,0.2007,0.0063,,,,,,,,
-epoch,nx,scalefree,node,True,node_const,node_pagerank,64,1,6,1,skipsum,False,swish,0.6,mean,sgd,0.001,199,1.622,0.0095,134833.0,0.019,0.0011,0.2007,0.0063,,,,,,,,
-epoch,nx,scalefree,node,True,node_const,node_pagerank,64,1,6,1,skipsum,False,swish,0.6,mean,sgd,0.001,399,1.6292,0.0107,134833.0,0.0173,0.0018,0.2007,0.0063,,,,,,,,
-epoch,nx,scalefree,node,True,node_const,node_pagerank,64,2,6,1,skipconcat,False,swish,0.3,max,adam,0.1,99,2.427,0.1946,138065.0,0.0222,0.0059,0.1954,0.0029,,,,,,,,
-epoch,nx,scalefree,node,True,node_const,node_pagerank,64,2,6,1,skipconcat,False,swish,0.3,max,adam,0.1,199,2.364,0.2458,138065.0,0.0204,0.003,0.2014,0.0073,,,,,,,,
-epoch,nx,scalefree,node,True,node_const,node_pagerank,64,2,6,1,skipconcat,False,swish,0.3,max,adam,0.1,399,2.3602,0.2513,138065.0,0.0199,0.002,0.1986,0.0089,,,,,,,,
-epoch,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,64,3,2,2,skipconcat,False,prelu,0.6,add,sgd,0.001,99,1.5767,0.0012,135030.0,0.0167,0.0021,0.2743,0.0067,,,,,,,,
-epoch,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,64,3,2,2,skipconcat,False,prelu,0.6,add,sgd,0.001,199,1.5736,0.0027,135030.0,0.0159,0.0001,0.2752,0.0161,,,,,,,,
-epoch,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,64,3,2,2,skipconcat,False,prelu,0.6,add,sgd,0.001,399,1.5705,0.0036,135030.0,0.0168,0.0021,0.2514,0.0062,,,,,,,,
-epoch,nx,scalefree,node,True,node_onehot,node_pagerank,32,3,2,2,stack,True,swish,0.6,mean,adam,0.001,99,4.2906,0.1547,134118.0,0.0109,0.0007,0.1958,0.0071,,,,,,,,
-epoch,nx,scalefree,node,True,node_onehot,node_pagerank,32,3,2,2,stack,True,swish,0.6,mean,adam,0.001,199,8.2614,0.1119,134118.0,0.0103,0.0019,0.1958,0.0071,,,,,,,,
-epoch,nx,scalefree,node,True,node_onehot,node_pagerank,32,3,2,2,stack,True,swish,0.6,mean,adam,0.001,399,9.3235,0.4761,134118.0,0.0229,0.0033,0.1958,0.0071,,,,,,,,
-epoch,nx,scalefree,node,True,node_onehot,node_pagerank,64,1,4,1,skipsum,False,prelu,0.6,add,sgd,0.1,99,2.0097,0.063,134851.0,0.0156,0.0023,0.2177,0.0113,,,,,,,,
-epoch,nx,scalefree,node,True,node_onehot,node_pagerank,64,1,4,1,skipsum,False,prelu,0.6,add,sgd,0.1,199,1.2662,0.1405,134851.0,0.0208,0.0101,0.45,0.0669,,,,,,,,
-epoch,nx,scalefree,node,True,node_onehot,node_pagerank,64,1,4,1,skipsum,False,prelu,0.6,add,sgd,0.1,399,2.1661,0.6502,134851.0,0.0153,0.004,0.3528,0.1362,,,,,,,,
-epoch,nx,scalefree,node,True,node_onehot,node_pagerank,64,2,2,1,skipsum,False,prelu,0.6,add,sgd,0.01,99,1.6377,0.0045,133958.0,0.0223,0.0059,0.1958,0.0071,,,,,,,,
-epoch,nx,scalefree,node,True,node_onehot,node_pagerank,64,2,2,1,skipsum,False,prelu,0.6,add,sgd,0.01,199,1.663,0.0083,133958.0,0.0154,0.0013,0.1958,0.0071,,,,,,,,
-epoch,nx,scalefree,node,True,node_onehot,node_pagerank,64,2,2,1,skipsum,False,prelu,0.6,add,sgd,0.01,399,1.7343,0.0213,133958.0,0.016,0.0009,0.2356,0.0063,,,,,,,,
-epoch,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,16,1,2,3,stack,False,relu,0.0,mean,sgd,0.1,99,1.4174,0.1255,134850.0,0.023,0.0001,0.3691,0.0746,,,,,,,,
-epoch,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,16,1,2,3,stack,False,relu,0.0,mean,sgd,0.1,199,1.427,0.1196,134850.0,0.0241,0.0021,0.3634,0.0737,,,,,,,,
-epoch,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,16,1,2,3,stack,False,relu,0.0,mean,sgd,0.1,399,1.2895,0.203,134850.0,0.006,0.0005,0.4172,0.1065,,,,,,,,
-epoch,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,32,2,6,1,skipconcat,True,swish,0.3,max,adam,0.01,99,1.4257,0.0248,138689.0,0.0379,0.0007,0.4623,0.0098,,,,,,,,
-epoch,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,32,2,6,1,skipconcat,True,swish,0.3,max,adam,0.01,199,1.3825,0.0577,138689.0,0.0147,0.0007,0.4728,0.0205,,,,,,,,
-epoch,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,32,2,6,1,skipconcat,True,swish,0.3,max,adam,0.01,399,1.4111,0.0552,138689.0,0.0128,0.0011,0.4709,0.0181,,,,,,,,
-epoch,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,16,1,6,3,stack,True,prelu,0.0,mean,sgd,0.1,99,,,135430.0,0.0086,0.0003,0.282,0.1549,,,,,,,,
-epoch,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,16,1,6,3,stack,True,prelu,0.0,mean,sgd,0.1,199,,,135430.0,0.0092,0.0011,0.2308,0.0831,,,,,,,,
-epoch,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,16,1,6,3,stack,True,prelu,0.0,mean,sgd,0.1,399,,,135430.0,0.0078,0.001,0.2308,0.0831,,,,,,,,
-epoch,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,32,1,6,1,skipsum,False,swish,0.6,max,sgd,0.1,99,3.6817,0.777,134833.0,0.0114,0.0013,0.1795,0.048,,,,,,,,
-epoch,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,32,1,6,1,skipsum,False,swish,0.6,max,sgd,0.1,199,2.4574,0.3442,134833.0,0.0164,0.0064,0.2243,0.0327,,,,,,,,
-epoch,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,32,1,6,1,skipsum,False,swish,0.6,max,sgd,0.1,399,2.2557,0.1047,134833.0,0.0096,0.0007,0.1859,0.024,,,,,,,,
-epoch,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,32,1,8,3,skipsum,False,relu,0.0,add,sgd,0.001,99,0.5802,0.1516,135360.0,0.0098,0.0011,0.7692,0.0684,,,,,,,,
-epoch,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,32,1,8,3,skipsum,False,relu,0.0,add,sgd,0.001,199,0.2057,0.0212,135360.0,0.0298,0.001,0.9038,0.0,,,,,,,,
-epoch,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,32,1,8,3,skipsum,False,relu,0.0,add,sgd,0.001,399,0.1609,0.0362,135360.0,0.0109,0.0036,0.9487,0.0091,,,,,,,,
-epoch,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,2,4,2,stack,True,prelu,0.3,mean,adam,0.1,99,1.059,0.0559,134070.0,0.0146,0.0018,0.5321,0.0594,,,,,,,,
-epoch,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,2,4,2,stack,True,prelu,0.3,mean,adam,0.1,199,2.3803,1.6551,134070.0,0.0492,0.0169,0.3782,0.1484,,,,,,,,
-epoch,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,2,4,2,stack,True,prelu,0.3,mean,adam,0.1,399,10.8861,8.676,134070.0,0.0173,0.0061,0.2116,0.103,,,,,,,,
-epoch,nx,smallworld,graph,True,node_const,graph_path_len,16,1,4,2,stack,False,swish,0.6,add,adam,0.001,99,19.0633,3.4428,134789.0,0.0067,0.0013,0.2372,0.0708,,,,,,,,
-epoch,nx,smallworld,graph,True,node_const,graph_path_len,16,1,4,2,stack,False,swish,0.6,add,adam,0.001,199,24.2937,1.6045,134789.0,0.0067,0.0014,0.1666,0.0181,,,,,,,,
-epoch,nx,smallworld,graph,True,node_const,graph_path_len,16,1,4,2,stack,False,swish,0.6,add,adam,0.001,399,20.7389,5.2676,134789.0,0.0308,0.0063,0.173,0.0272,,,,,,,,
-epoch,nx,smallworld,graph,True,node_const,graph_path_len,16,1,4,3,skipconcat,False,relu,0.3,max,adam,0.01,99,1.6437,0.0125,134942.0,0.0062,0.0011,0.1346,0.0157,,,,,,,,
-epoch,nx,smallworld,graph,True,node_const,graph_path_len,16,1,4,3,skipconcat,False,relu,0.3,max,adam,0.01,199,1.6433,0.0118,134942.0,0.0073,0.0013,0.1346,0.0157,,,,,,,,
-epoch,nx,smallworld,graph,True,node_const,graph_path_len,16,1,4,3,skipconcat,False,relu,0.3,max,adam,0.01,399,1.6434,0.0121,134942.0,0.0077,0.0019,0.1346,0.0157,,,,,,,,
-epoch,nx,smallworld,graph,True,node_const,graph_path_len,16,3,8,3,skipsum,False,swish,0.0,max,adam,0.1,99,1.6435,0.012,135350.0,0.0096,0.0005,0.1346,0.0157,,,,,,,,
-epoch,nx,smallworld,graph,True,node_const,graph_path_len,16,3,8,3,skipsum,False,swish,0.0,max,adam,0.1,199,1.6431,0.0122,135350.0,0.0081,0.0011,0.1346,0.0157,,,,,,,,
-epoch,nx,smallworld,graph,True,node_const,graph_path_len,16,3,8,3,skipsum,False,swish,0.0,max,adam,0.1,399,1.6433,0.0118,135350.0,0.0329,0.0033,0.1346,0.0157,,,,,,,,
-epoch,nx,smallworld,graph,True,node_const,graph_path_len,32,1,6,1,skipsum,True,relu,0.0,max,sgd,0.001,99,1.638,0.0092,134069.0,0.0102,0.0006,0.1346,0.0157,,,,,,,,
-epoch,nx,smallworld,graph,True,node_const,graph_path_len,32,1,6,1,skipsum,True,relu,0.0,max,sgd,0.001,199,1.6406,0.0117,134069.0,0.0113,0.0021,0.1602,0.0395,,,,,,,,
-epoch,nx,smallworld,graph,True,node_const,graph_path_len,32,1,6,1,skipsum,True,relu,0.0,max,sgd,0.001,399,1.6436,0.0145,134069.0,0.0216,0.0041,0.1346,0.0157,,,,,,,,
-epoch,nx,smallworld,graph,True,node_const,graph_path_len,64,2,8,2,skipconcat,True,prelu,0.0,mean,adam,0.1,99,3.8058,1.0451,139610.0,0.0175,0.0016,0.2308,0.0831,,,,,,,,
-epoch,nx,smallworld,graph,True,node_const,graph_path_len,64,2,8,2,skipconcat,True,prelu,0.0,mean,adam,0.1,199,14.8451,8.9507,139610.0,0.0327,0.0187,0.2308,0.0831,,,,,,,,
-epoch,nx,smallworld,graph,True,node_const,graph_path_len,64,2,8,2,skipconcat,True,prelu,0.0,mean,adam,0.1,399,6.036,1.6825,139610.0,0.0188,0.0032,0.2308,0.0831,,,,,,,,
-epoch,nx,smallworld,graph,True,node_pagerank,graph_path_len,32,1,4,2,skipsum,True,relu,0.0,add,sgd,0.01,99,0.4307,0.1319,134118.0,0.0113,0.0021,0.8077,0.072,,,,,,,,
-epoch,nx,smallworld,graph,True,node_pagerank,graph_path_len,32,1,4,2,skipsum,True,relu,0.0,add,sgd,0.01,199,0.4064,0.109,134118.0,0.0329,0.0029,0.8013,0.0725,,,,,,,,
-epoch,nx,smallworld,graph,True,node_pagerank,graph_path_len,32,1,4,2,skipsum,True,relu,0.0,add,sgd,0.01,399,0.4925,0.1336,134118.0,0.0101,0.0004,0.8077,0.0566,,,,,,,,
-epoch,nx,smallworld,graph,True,node_pagerank,graph_path_len,32,1,6,3,skipsum,True,swish,0.3,add,sgd,0.01,99,1.0481,0.1368,135429.0,0.0184,0.0087,0.5513,0.0395,,,,,,,,
-epoch,nx,smallworld,graph,True,node_pagerank,graph_path_len,32,1,6,3,skipsum,True,swish,0.3,add,sgd,0.01,199,0.9519,0.1878,135429.0,0.0109,0.002,0.5897,0.0505,,,,,,,,
-epoch,nx,smallworld,graph,True,node_pagerank,graph_path_len,32,1,6,3,skipsum,True,swish,0.3,add,sgd,0.01,399,1.0394,0.1663,135429.0,0.0148,0.0029,0.5898,0.024,,,,,,,,
-epoch,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,64,1,2,2,skipconcat,False,prelu,0.0,add,sgd,0.01,99,1.5047,0.0011,135666.0,0.0169,0.0015,0.3219,0.0069,,,,,,,,
-epoch,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,64,1,2,2,skipconcat,False,prelu,0.0,add,sgd,0.01,199,1.4948,0.0012,135666.0,0.0156,0.0009,0.3347,0.0055,,,,,,,,
-epoch,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,64,1,2,2,skipconcat,False,prelu,0.0,add,sgd,0.01,399,1.4484,0.0055,135666.0,0.0409,0.003,0.4346,0.0133,,,,,,,,
-epoch,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,64,2,4,3,stack,False,relu,0.0,max,sgd,0.001,99,1.541,0.0062,134676.0,0.0185,0.003,0.2994,0.0032,,,,,,,,
-epoch,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,64,2,4,3,stack,False,relu,0.0,max,sgd,0.001,199,1.5188,0.0034,134676.0,0.0288,0.0072,0.3019,0.0029,,,,,,,,
-epoch,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,64,2,4,3,stack,False,relu,0.0,max,sgd,0.001,399,1.5042,0.0025,134676.0,0.0329,0.0011,0.3122,0.005,,,,,,,,
-epoch,nx,smallworld,node,True,node_const,node_clustering_coefficient,32,3,8,2,skipconcat,True,prelu,0.6,max,sgd,0.01,99,1.8248,0.0369,140834.0,0.0126,0.0011,0.2018,0.0045,,,,,,,,
-epoch,nx,smallworld,node,True,node_const,node_clustering_coefficient,32,3,8,2,skipconcat,True,prelu,0.6,max,sgd,0.01,199,1.8677,0.043,140834.0,0.0143,0.0017,0.2018,0.0045,,,,,,,,
-epoch,nx,smallworld,node,True,node_const,node_clustering_coefficient,32,3,8,2,skipconcat,True,prelu,0.6,max,sgd,0.01,399,1.8996,0.0464,140834.0,0.0146,0.0012,0.2018,0.0045,,,,,,,,
-epoch,nx,smallworld,node,True,node_const,node_clustering_coefficient,64,1,2,3,skipconcat,True,prelu,0.3,mean,adam,0.001,99,1.8401,0.1553,134543.0,0.0343,0.0012,0.2305,0.0055,,,,,,,,
-epoch,nx,smallworld,node,True,node_const,node_clustering_coefficient,64,1,2,3,skipconcat,True,prelu,0.3,mean,adam,0.001,199,2.4576,0.0635,134543.0,0.0168,0.0025,0.2082,0.0068,,,,,,,,
-epoch,nx,smallworld,node,True,node_const,node_clustering_coefficient,64,1,2,3,skipconcat,True,prelu,0.3,mean,adam,0.001,399,3.6565,0.0715,134543.0,0.0353,0.0014,0.2305,0.0055,,,,,,,,
-epoch,nx,smallworld,node,True,node_const,node_pagerank,32,2,4,1,skipsum,False,swish,0.0,max,sgd,0.1,99,1.6097,0.0,134789.0,0.0139,0.005,0.1911,0.0017,,,,,,,,
-epoch,nx,smallworld,node,True,node_const,node_pagerank,32,2,4,1,skipsum,False,swish,0.0,max,sgd,0.1,199,1.6097,0.0,134789.0,0.0137,0.0011,0.1911,0.0017,,,,,,,,
-epoch,nx,smallworld,node,True,node_const,node_pagerank,32,2,4,1,skipsum,False,swish,0.0,max,sgd,0.1,399,1.6097,0.0,134789.0,0.0126,0.0012,0.1911,0.0017,,,,,,,,
-epoch,nx,smallworld,node,True,node_const,node_pagerank,64,1,4,3,skipconcat,False,prelu,0.0,max,adam,0.01,99,1.6097,0.0,134943.0,0.022,0.0015,0.1911,0.0017,,,,,,,,
-epoch,nx,smallworld,node,True,node_const,node_pagerank,64,1,4,3,skipconcat,False,prelu,0.0,max,adam,0.01,199,1.6097,0.0,134943.0,0.0168,0.0004,0.1911,0.0017,,,,,,,,
-epoch,nx,smallworld,node,True,node_const,node_pagerank,64,1,4,3,skipconcat,False,prelu,0.0,max,adam,0.01,399,1.6097,0.0,134943.0,0.0171,0.0016,0.1911,0.0017,,,,,,,,
-epoch,nx,smallworld,node,True,node_const,node_pagerank,64,2,2,2,stack,True,swish,0.3,max,sgd,0.1,99,3.6451,0.1421,134285.0,0.0203,0.0025,0.206,0.0029,,,,,,,,
-epoch,nx,smallworld,node,True,node_const,node_pagerank,64,2,2,2,stack,True,swish,0.3,max,sgd,0.1,199,3.8821,0.241,134285.0,0.021,0.0025,0.206,0.0029,,,,,,,,
-epoch,nx,smallworld,node,True,node_const,node_pagerank,64,2,2,2,stack,True,swish,0.3,max,sgd,0.1,399,2.8413,0.1474,134285.0,0.0249,0.0095,0.2053,0.0006,,,,,,,,
-epoch,nx,smallworld,node,True,node_const,node_pagerank,64,3,6,3,stack,False,relu,0.6,add,adam,0.01,99,1.5629,0.0663,135360.0,0.0325,0.0042,0.25,0.0829,,,,,,,,
-epoch,nx,smallworld,node,True,node_const,node_pagerank,64,3,6,3,stack,False,relu,0.6,add,adam,0.01,199,1.5296,0.0587,135360.0,0.0265,0.0057,0.3264,0.098,,,,,,,,
-epoch,nx,smallworld,node,True,node_const,node_pagerank,64,3,6,3,stack,False,relu,0.6,add,adam,0.01,399,1.5863,0.0331,135360.0,0.0169,0.0012,0.2574,0.0954,,,,,,,,
-epoch,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,16,2,8,2,skipsum,True,relu,0.3,add,adam,0.1,99,1.4308,0.1369,134297.0,0.0277,0.001,0.3502,0.0823,,,,,,,,
-epoch,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,16,2,8,2,skipsum,True,relu,0.3,add,adam,0.1,199,1.3792,0.1674,134297.0,0.0249,0.0021,0.3738,0.1045,,,,,,,,
-epoch,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,16,2,8,2,skipsum,True,relu,0.3,add,adam,0.1,399,1.8109,0.2916,134297.0,0.0093,0.0007,0.2656,0.0449,,,,,,,,
-epoch,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,32,1,4,1,skipsum,False,relu,0.0,max,sgd,0.001,99,1.6037,0.0008,134850.0,0.0137,0.0043,0.2305,0.0055,,,,,,,,
-epoch,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,32,1,4,1,skipsum,False,relu,0.0,max,sgd,0.001,199,1.6029,0.0008,134850.0,0.0135,0.0019,0.2305,0.0055,,,,,,,,
-epoch,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,32,1,4,1,skipsum,False,relu,0.0,max,sgd,0.001,399,1.6014,0.0008,134850.0,0.0227,0.0028,0.2305,0.0055,,,,,,,,
-epoch,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,32,2,8,2,skipsum,True,swish,0.0,mean,sgd,0.1,99,1.1262,0.0302,134297.0,0.0144,0.0013,0.6039,0.0023,,,,,,,,
-epoch,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,32,2,8,2,skipsum,True,swish,0.0,mean,sgd,0.1,199,1.6901,0.0365,134297.0,0.0127,0.0016,0.5834,0.003,,,,,,,,
-epoch,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,32,2,8,2,skipsum,True,swish,0.0,mean,sgd,0.1,399,2.1329,0.0332,134297.0,0.013,0.0016,0.5758,0.0024,,,,,,,,
-epoch,nx,smallworld,node,True,node_onehot,node_pagerank,32,1,4,3,skipconcat,True,relu,0.6,add,adam,0.1,99,0.8628,0.0426,135647.0,0.0301,0.0001,0.5445,0.0182,,,,,,,,
-epoch,nx,smallworld,node,True,node_onehot,node_pagerank,32,1,4,3,skipconcat,True,relu,0.6,add,adam,0.1,199,0.9092,0.0394,135647.0,0.01,0.0005,0.4938,0.0227,,,,,,,,
-epoch,nx,smallworld,node,True,node_onehot,node_pagerank,32,1,4,3,skipconcat,True,relu,0.6,add,adam,0.1,399,0.9606,0.0297,135647.0,0.0398,0.0066,0.4806,0.0195,,,,,,,,
-epoch,nx,smallworld,node,True,node_onehot,node_pagerank,64,3,6,1,skipsum,False,prelu,0.0,add,sgd,0.001,99,1.6038,0.001,134278.0,0.0173,0.0021,0.2322,0.0069,,,,,,,,
-epoch,nx,smallworld,node,True,node_onehot,node_pagerank,64,3,6,1,skipsum,False,prelu,0.0,add,sgd,0.001,199,1.5986,0.0004,134278.0,0.0302,0.0012,0.237,0.0033,,,,,,,,
-epoch,nx,smallworld,node,True,node_onehot,node_pagerank,64,3,6,1,skipsum,False,prelu,0.0,add,sgd,0.001,399,1.5877,0.0024,134278.0,0.0208,0.0024,0.2423,0.0079,,,,,,,,
-epoch,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,16,3,6,2,skipconcat,True,swish,0.3,max,sgd,0.01,99,2.7045,0.1239,136487.0,0.0138,0.0053,0.2533,0.0057,,,,,,,,
-epoch,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,16,3,6,2,skipconcat,True,swish,0.3,max,sgd,0.01,199,2.6928,0.1341,136487.0,0.01,0.0023,0.2542,0.0054,,,,,,,,
-epoch,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,16,3,6,2,skipconcat,True,swish,0.3,max,sgd,0.01,399,2.4681,0.1865,136487.0,0.012,0.0031,0.2555,0.0058,,,,,,,,
-epoch,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,16,3,8,1,stack,False,relu,0.0,max,sgd,0.1,99,1.6049,0.001,135360.0,0.0124,0.0022,0.2305,0.0055,,,,,,,,
-epoch,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,16,3,8,1,stack,False,relu,0.0,max,sgd,0.1,199,1.5092,0.1363,135360.0,0.0091,0.0023,0.2868,0.0844,,,,,,,,
-epoch,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,16,3,8,1,stack,False,relu,0.0,max,sgd,0.1,399,1.4423,0.2297,135360.0,0.0087,0.0001,0.3269,0.1317,,,,,,,,
-epoch,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,32,2,2,1,skipsum,False,relu,0.3,max,sgd,0.01,99,1.6147,0.0025,133957.0,0.011,0.0019,0.2018,0.0045,,,,,,,,
-epoch,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,32,2,2,1,skipsum,False,relu,0.3,max,sgd,0.01,199,1.6387,0.0109,133957.0,0.0116,0.001,0.2018,0.0045,,,,,,,,
-epoch,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,32,2,2,1,skipsum,False,relu,0.3,max,sgd,0.01,399,1.2154,0.0069,133957.0,0.0093,0.0008,0.4815,0.0079,,,,,,,,
-epoch,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,32,2,4,3,skipconcat,True,relu,0.6,mean,adam,0.01,99,1.0213,0.0042,137950.0,0.0111,0.0014,0.5603,0.0037,,,,,,,,
-epoch,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,32,2,4,3,skipconcat,True,relu,0.6,mean,adam,0.01,199,0.9851,0.0035,137950.0,0.0118,0.0023,0.5706,0.0023,,,,,,,,
-epoch,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,32,2,4,3,skipconcat,True,relu,0.6,mean,adam,0.01,399,0.9682,0.0077,137950.0,0.0417,0.0079,0.5767,0.003,,,,,,,,
-epoch,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,32,2,6,1,skipsum,False,relu,0.6,add,sgd,0.01,99,1.6506,0.0215,134676.0,0.0111,0.0011,0.2425,0.0084,,,,,,,,
-epoch,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,32,2,6,1,skipsum,False,relu,0.6,add,sgd,0.01,199,1.4174,0.1303,134676.0,0.0103,0.0004,0.3821,0.0637,,,,,,,,
-epoch,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,32,2,6,1,skipsum,False,relu,0.6,add,sgd,0.01,399,1.3005,0.0396,134676.0,0.0342,0.0059,0.4483,0.0196,,,,,,,,
-epoch,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,32,2,8,3,skipconcat,False,relu,0.0,add,sgd,0.1,99,1.5317,0.0038,136713.0,0.0473,0.0034,0.2994,0.0018,,,,,,,,
-epoch,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,32,2,8,3,skipconcat,False,relu,0.0,add,sgd,0.1,199,1.5305,0.0059,136713.0,0.0208,0.0082,0.2951,0.0052,,,,,,,,
-epoch,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,32,2,8,3,skipconcat,False,relu,0.0,add,sgd,0.1,399,1.5321,0.0027,136713.0,0.0529,0.0145,0.2987,0.0027,,,,,,,,
-epoch,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,64,2,4,3,skipconcat,True,swish,0.0,max,sgd,0.001,99,1.128,0.0111,137950.0,0.0217,0.0033,0.5157,0.0081,,,,,,,,
-epoch,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,64,2,4,3,skipconcat,True,swish,0.0,max,sgd,0.001,199,1.0875,0.0107,137950.0,0.0471,0.0046,0.5311,0.0045,,,,,,,,
-epoch,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,64,2,4,3,skipconcat,True,swish,0.0,max,sgd,0.001,399,1.0545,0.0136,137950.0,0.0213,0.0019,0.5462,0.0071,,,,,,,,
-l_mp,PyG,AmazonPhoto,node,True,,,64,1,2,3,skipsum,True,prelu,0.3,max,sgd,0.1,199,0.1559,0.0126,269156.0,0.04,0.0058,0.9615,0.0023,,,,,,,,
-l_mp,PyG,AmazonPhoto,node,True,,,64,1,4,3,skipsum,True,prelu,0.3,max,sgd,0.1,199,0.1736,0.0229,244949.0,0.0404,0.0008,0.9543,0.0051,,,,,,,,
-l_mp,PyG,AmazonPhoto,node,True,,,64,1,6,3,skipsum,True,prelu,0.3,max,sgd,0.1,199,0.1779,0.0122,229769.0,0.0489,0.0077,0.9526,0.0054,,,,,,,,
-l_mp,PyG,AmazonPhoto,node,True,,,64,1,8,3,skipsum,True,prelu,0.3,max,sgd,0.1,199,0.2441,0.0478,221384.0,0.0939,0.0108,0.9325,0.0161,,,,,,,,
-l_mp,PyG,CiteSeer,node,True,,,16,1,2,2,skipsum,False,swish,0.3,max,adam,0.001,399,1.1117,0.0668,912036.0,0.08,0.0024,0.7477,0.0056,,,,,,,,
-l_mp,PyG,CiteSeer,node,True,,,16,1,4,2,skipsum,False,swish,0.3,max,adam,0.001,399,1.3446,0.0708,738396.0,0.1161,0.0225,0.7287,0.0019,,,,,,,,
-l_mp,PyG,CiteSeer,node,True,,,16,1,6,2,skipsum,False,swish,0.3,max,adam,0.001,399,1.4529,0.0408,646260.0,0.1134,0.024,0.7152,0.0079,,,,,,,,
-l_mp,PyG,CiteSeer,node,True,,,16,1,8,2,skipsum,False,swish,0.3,max,adam,0.001,399,1.4097,0.0457,581774.0,0.0973,0.0132,0.7182,0.0049,,,,,,,,
-l_mp,PyG,CiteSeer,node,True,,,32,2,2,3,stack,True,relu,0.3,mean,adam,0.1,399,2.0313,0.1213,734028.0,0.11,0.0091,0.6992,0.0181,,,,,,,,
-l_mp,PyG,CiteSeer,node,True,,,32,2,4,3,stack,True,relu,0.3,mean,adam,0.1,399,1.6773,0.058,641714.0,0.0432,0.0033,0.6912,0.0111,,,,,,,,
-l_mp,PyG,CiteSeer,node,True,,,32,2,6,3,stack,True,relu,0.3,mean,adam,0.1,399,1.326,0.1151,582984.0,0.0401,0.0022,0.6982,0.0106,,,,,,,,
-l_mp,PyG,CiteSeer,node,True,,,32,2,8,3,stack,True,relu,0.3,mean,adam,0.1,399,1.1621,0.0506,537594.0,0.1026,0.021,0.6932,0.0071,,,,,,,,
-l_mp,PyG,CiteSeer,node,True,,,64,1,2,2,stack,False,swish,0.3,mean,sgd,0.001,99,1.8304,0.0241,912036.0,0.0879,0.0036,0.2032,0.0095,,,,,,,,
-l_mp,PyG,CiteSeer,node,True,,,64,1,4,2,stack,False,swish,0.3,mean,sgd,0.001,99,1.8193,0.0079,738396.0,0.0473,0.0005,0.2032,0.0095,,,,,,,,
-l_mp,PyG,CiteSeer,node,True,,,64,1,6,2,stack,False,swish,0.3,mean,sgd,0.001,99,1.8415,0.014,646260.0,0.0891,0.0042,0.2032,0.0095,,,,,,,,
-l_mp,PyG,CiteSeer,node,True,,,64,1,8,2,stack,False,swish,0.3,mean,sgd,0.001,99,1.8287,0.0107,581774.0,0.0902,0.007,0.2032,0.0095,,,,,,,,
-l_mp,PyG,CiteSeer,node,True,,,64,2,2,1,skipsum,True,relu,0.3,mean,adam,0.1,99,1.2711,0.0386,907902.0,0.0846,0.0078,0.7387,0.0012,,,,,,,,
-l_mp,PyG,CiteSeer,node,True,,,64,2,4,1,skipsum,True,relu,0.3,mean,adam,0.1,99,1.2204,0.0169,734028.0,0.0881,0.0047,0.7432,0.0044,,,,,,,,
-l_mp,PyG,CiteSeer,node,True,,,64,2,6,1,skipsum,True,relu,0.3,mean,adam,0.1,99,1.2116,0.0363,641714.0,0.1033,0.0045,0.7427,0.0046,,,,,,,,
-l_mp,PyG,CiteSeer,node,True,,,64,2,8,1,skipsum,True,relu,0.3,mean,adam,0.1,99,1.2065,0.0286,582984.0,0.083,0.0062,0.7488,0.0082,,,,,,,,
-l_mp,PyG,CoauthorCS,node,True,,,16,1,2,1,stack,True,swish,0.6,add,sgd,0.001,199,2.4858,0.0149,1878543.0,0.9072,0.0331,0.4674,0.0756,,,,,,,,
-l_mp,PyG,CoauthorCS,node,True,,,16,1,4,1,stack,True,swish,0.6,add,sgd,0.001,199,2.4562,0.0112,1367289.0,0.8978,0.0616,0.3726,0.0177,,,,,,,,
-l_mp,PyG,CoauthorCS,node,True,,,16,1,6,1,stack,True,swish,0.6,add,sgd,0.001,199,2.4684,0.0146,1142871.0,0.8758,0.0389,0.3381,0.0115,,,,,,,,
-l_mp,PyG,CoauthorCS,node,True,,,16,1,8,1,stack,True,swish,0.6,add,sgd,0.001,199,2.5074,0.0432,1006351.0,1.0093,0.0961,0.2934,0.0252,,,,,,,,
-l_mp,PyG,CoauthorCS,node,True,,,32,1,2,2,stack,True,relu,0.0,mean,adam,0.1,199,0.4402,0.0613,1558110.0,0.9536,0.0576,0.9081,0.0114,,,,,,,,
-l_mp,PyG,CoauthorCS,node,True,,,32,1,4,2,stack,True,relu,0.0,mean,adam,0.1,199,0.3538,0.0145,1238019.0,0.9221,0.0537,0.9058,0.0021,,,,,,,,
-l_mp,PyG,CoauthorCS,node,True,,,32,1,6,2,stack,True,relu,0.0,mean,adam,0.1,199,0.343,0.0038,1067930.0,0.9498,0.0606,0.9088,0.0011,,,,,,,,
-l_mp,PyG,CoauthorCS,node,True,,,32,1,8,2,stack,True,relu,0.0,mean,adam,0.1,199,0.3644,0.0219,959424.0,0.8634,0.0786,0.901,0.0059,,,,,,,,
-l_mp,PyG,CoauthorCS,node,True,,,32,2,2,1,stack,True,swish,0.0,mean,adam,0.001,399,0.5459,0.0105,1558110.0,0.9872,0.1268,0.8989,0.0035,,,,,,,,
-l_mp,PyG,CoauthorCS,node,True,,,32,2,4,1,stack,True,swish,0.0,mean,adam,0.001,399,0.5912,0.009,1238019.0,0.9165,0.1123,0.8937,0.0045,,,,,,,,
-l_mp,PyG,CoauthorCS,node,True,,,32,2,6,1,stack,True,swish,0.0,mean,adam,0.001,399,0.5912,0.0091,1067930.0,0.9469,0.0578,0.8993,0.0023,,,,,,,,
-l_mp,PyG,CoauthorCS,node,True,,,32,2,8,1,stack,True,swish,0.0,mean,adam,0.001,399,0.6062,0.0056,959424.0,0.8099,0.0255,0.9048,0.004,,,,,,,,
-l_mp,PyG,CoauthorCS,node,True,,,64,3,2,3,skipsum,True,prelu,0.6,add,sgd,0.01,399,0.3904,0.0281,1142872.0,0.8405,0.0772,0.8925,0.0045,,,,,,,,
-l_mp,PyG,CoauthorCS,node,True,,,64,3,4,3,skipsum,True,prelu,0.6,add,sgd,0.01,399,0.4382,0.034,1006352.0,1.1404,0.0435,0.8839,0.0059,,,,,,,,
-l_mp,PyG,CoauthorCS,node,True,,,64,3,6,3,skipsum,True,prelu,0.6,add,sgd,0.01,399,0.4794,0.041,919096.0,0.8204,0.0687,0.8689,0.0181,,,,,,,,
-l_mp,PyG,CoauthorCS,node,True,,,64,3,8,3,skipsum,True,prelu,0.6,add,sgd,0.01,399,0.5706,0.022,851146.0,0.8632,0.1327,0.841,0.0086,,,,,,,,
-l_mp,PyG,CoauthorPhysics,node,True,,,16,2,2,2,skipconcat,True,swish,0.3,mean,adam,0.01,99,0.1255,0.0058,985462.0,2.109,0.1717,0.9689,0.0005,,,,,,,,
-l_mp,PyG,CoauthorPhysics,node,True,,,16,2,2,3,skipsum,False,swish,0.6,add,adam,0.001,199,0.2623,0.0054,1506288.0,1.5599,0.0672,0.9536,0.0007,,,,,,,,
-l_mp,PyG,CoauthorPhysics,node,True,,,16,2,4,2,skipconcat,True,swish,0.3,mean,adam,0.01,99,0.1232,0.0023,650143.0,1.6969,0.051,0.9649,0.0015,,,,,,,,
-l_mp,PyG,CoauthorPhysics,node,True,,,16,2,4,3,skipsum,False,swish,0.6,add,adam,0.001,199,0.4096,0.0479,1296377.0,1.8753,0.0818,0.9235,0.0065,,,,,,,,
-l_mp,PyG,CoauthorPhysics,node,True,,,16,2,6,2,skipconcat,True,swish,0.3,mean,adam,0.01,99,0.1436,0.0011,510581.0,2.435,0.0307,0.9563,0.0007,,,,,,,,
-l_mp,PyG,CoauthorPhysics,node,True,,,16,2,6,3,skipsum,False,swish,0.6,add,adam,0.001,199,0.625,0.2129,1151804.0,2.1043,0.1799,0.7922,0.1083,,,,,,,,
-l_mp,PyG,CoauthorPhysics,node,True,,,16,2,8,2,skipconcat,True,swish,0.3,mean,adam,0.01,99,0.1576,0.0031,425345.0,1.5096,0.0377,0.9513,0.0023,,,,,,,,
-l_mp,PyG,CoauthorPhysics,node,True,,,16,2,8,3,skipsum,False,swish,0.6,add,adam,0.001,199,1.5069,1.1993,1060625.0,2.3063,0.4628,0.7124,0.1181,,,,,,,,
-l_mp,PyG,CoauthorPhysics,node,True,,,16,3,2,2,skipsum,True,relu,0.6,mean,adam,0.001,199,0.2242,0.0106,1497209.0,1.6137,0.0581,0.9605,0.002,,,,,,,,
-l_mp,PyG,CoauthorPhysics,node,True,,,16,3,4,2,skipsum,True,relu,0.6,mean,adam,0.001,199,0.2349,0.0172,1287120.0,2.0088,0.0538,0.9484,0.0035,,,,,,,,
-l_mp,PyG,CoauthorPhysics,node,True,,,16,3,6,2,skipsum,True,relu,0.6,mean,adam,0.001,199,0.2826,0.017,1153014.0,1.5618,0.0379,0.9343,0.0038,,,,,,,,
-l_mp,PyG,CoauthorPhysics,node,True,,,16,3,8,2,skipsum,True,relu,0.6,mean,adam,0.001,199,0.3404,0.0141,1051092.0,1.554,0.0483,0.9207,0.0031,,,,,,,,
-l_mp,PyG,CoauthorPhysics,node,True,,,64,1,2,3,skipconcat,True,swish,0.0,mean,adam,0.01,399,0.1931,0.0118,810245.0,1.9162,0.171,0.9612,0.0009,,,,,,,,
-l_mp,PyG,CoauthorPhysics,node,True,,,64,1,4,3,skipconcat,True,swish,0.0,mean,adam,0.01,399,0.2018,0.0117,530635.0,1.5039,0.0087,0.9617,0.001,,,,,,,,
-l_mp,PyG,CoauthorPhysics,node,True,,,64,1,6,3,skipconcat,True,swish,0.0,mean,adam,0.01,399,0.2386,0.0355,426297.0,1.7858,0.0551,0.9589,0.0037,,,,,,,,
-l_mp,PyG,CoauthorPhysics,node,True,,,64,1,8,3,skipconcat,True,swish,0.0,mean,adam,0.01,399,0.2719,0.0273,355217.0,1.4541,0.0296,0.9568,0.0037,,,,,,,,
-l_mp,PyG,CoauthorPhysics,node,True,,,64,3,2,2,skipsum,True,swish,0.3,mean,sgd,0.1,199,0.1497,0.0087,1497209.0,1.8286,0.0257,0.9616,0.0005,,,,,,,,
-l_mp,PyG,CoauthorPhysics,node,True,,,64,3,4,2,skipsum,True,swish,0.3,mean,sgd,0.1,199,0.1455,0.0078,1287120.0,1.6379,0.0485,0.9585,0.0018,,,,,,,,
-l_mp,PyG,CoauthorPhysics,node,True,,,64,3,6,2,skipsum,True,swish,0.3,mean,sgd,0.1,199,0.1467,0.0028,1153014.0,1.577,0.0376,0.9578,0.0018,,,,,,,,
-l_mp,PyG,CoauthorPhysics,node,True,,,64,3,8,2,skipsum,True,swish,0.3,mean,sgd,0.1,199,0.1619,0.0069,1051092.0,1.5174,0.0261,0.9534,0.0021,,,,,,,,
-l_mp,PyG,Cora,node,True,,,16,1,2,2,skipsum,False,prelu,0.3,max,adam,0.01,199,0.4834,0.0382,435548.0,0.0197,0.0047,0.8833,0.01,,,,,,,,
-l_mp,PyG,Cora,node,True,,,16,1,4,2,skipsum,False,prelu,0.3,max,adam,0.01,199,0.7523,0.051,368551.0,0.0241,0.0042,0.8619,0.0069,,,,,,,,
-l_mp,PyG,Cora,node,True,,,16,1,6,2,skipsum,False,prelu,0.3,max,adam,0.01,199,0.8119,0.1101,333140.0,0.0242,0.0016,0.8472,0.004,,,,,,,,
-l_mp,PyG,Cora,node,True,,,16,1,8,2,skipsum,False,prelu,0.3,max,adam,0.01,199,0.659,0.0493,307227.0,0.0174,0.0018,0.8613,0.0046,,,,,,,,
-l_mp,PyG,Cora,node,True,,,64,1,2,1,skipconcat,False,swish,0.6,max,adam,0.01,399,0.4783,0.0395,438277.0,0.0195,0.0055,0.8662,0.0121,,,,,,,,
-l_mp,PyG,Cora,node,True,,,64,1,2,1,skipsum,True,relu,0.6,max,adam,0.001,399,0.4667,0.0183,501255.0,0.022,0.0036,0.8778,0.0061,,,,,,,,
-l_mp,PyG,Cora,node,True,,,64,1,2,1,stack,True,prelu,0.3,add,sgd,0.01,99,1.4194,0.0445,501256.0,0.017,0.0012,0.5967,0.0281,,,,,,,,
-l_mp,PyG,Cora,node,True,,,64,1,4,1,skipconcat,False,swish,0.6,max,adam,0.01,399,0.4385,0.0257,301652.0,0.0176,0.0033,0.8809,0.0098,,,,,,,,
-l_mp,PyG,Cora,node,True,,,64,1,4,1,skipsum,True,relu,0.6,max,adam,0.001,399,0.5352,0.0137,393501.0,0.0152,0.0021,0.8662,0.0098,,,,,,,,
-l_mp,PyG,Cora,node,True,,,64,1,4,1,stack,True,prelu,0.3,add,sgd,0.01,99,1.4482,0.0365,393502.0,0.0212,0.0001,0.5095,0.0226,,,,,,,,
-l_mp,PyG,Cora,node,True,,,64,1,6,1,skipconcat,False,swish,0.6,max,adam,0.01,399,0.5229,0.0695,253527.0,0.0217,0.0068,0.8692,0.0221,,,,,,,,
-l_mp,PyG,Cora,node,True,,,64,1,6,1,skipsum,True,relu,0.6,max,adam,0.001,399,0.5642,0.0253,346623.0,0.0188,0.0019,0.8729,0.0091,,,,,,,,
-l_mp,PyG,Cora,node,True,,,64,1,6,1,stack,True,prelu,0.3,add,sgd,0.01,99,1.5392,0.0247,346624.0,0.0181,0.0028,0.4457,0.0159,,,,,,,,
-l_mp,PyG,Cora,node,True,,,64,1,8,1,skipconcat,False,swish,0.6,max,adam,0.01,399,0.6194,0.1029,225768.0,0.0239,0.0103,0.8275,0.0279,,,,,,,,
-l_mp,PyG,Cora,node,True,,,64,1,8,1,skipsum,True,relu,0.6,max,adam,0.001,399,0.5903,0.021,317703.0,0.0197,0.0032,0.8557,0.0105,,,,,,,,
-l_mp,PyG,Cora,node,True,,,64,1,8,1,stack,True,prelu,0.3,add,sgd,0.01,99,1.5999,0.04,317704.0,0.017,0.0011,0.4322,0.0146,,,,,,,,
-l_mp,PyG,TU_BZR,graph,False,,,16,3,2,1,stack,False,relu,0.6,max,sgd,0.1,199,0.514,0.0738,143235.0,0.0045,0.0005,0.8148,0.0267,0.6667,0.4714,0.0442,0.0324,0.0827,0.0605,0.6452,0.0409
-l_mp,PyG,TU_BZR,graph,False,,,16,3,4,1,stack,False,relu,0.6,max,sgd,0.1,199,0.8689,0.5354,142296.0,0.0077,0.0008,0.6091,0.2926,0.5658,0.3309,0.433,0.4053,0.2602,0.0834,0.5932,0.0744
-l_mp,PyG,TU_BZR,graph,False,,,16,3,6,1,stack,False,relu,0.6,max,sgd,0.1,199,0.4661,0.0433,141256.0,0.0073,0.0005,0.8231,0.021,1.0,0.0,0.0835,0.0204,0.1535,0.0345,0.6394,0.0369
-l_mp,PyG,TU_BZR,graph,False,,,16,3,8,1,stack,False,relu,0.6,max,sgd,0.1,199,1.1851,0.5198,139726.0,0.0263,0.0045,0.4239,0.3028,0.4732,0.3726,0.6923,0.4352,0.2788,0.0971,0.5611,0.0864
-l_mp,PyG,TU_BZR,graph,False,,,64,1,2,3,skipsum,True,relu,0.3,add,sgd,0.1,399,0.4837,0.2153,142629.0,0.0083,0.0008,0.8025,0.1053,0.5205,0.1897,0.5967,0.1892,0.5516,0.1799,0.8449,0.121
-l_mp,PyG,TU_BZR,graph,False,,,64,1,4,3,skipsum,True,relu,0.3,add,sgd,0.1,399,0.4923,0.1331,141489.0,0.008,0.0001,0.8231,0.0497,0.5351,0.0746,0.6987,0.1459,0.6022,0.0922,0.8707,0.0742
-l_mp,PyG,TU_BZR,graph,False,,,64,1,6,3,skipsum,True,relu,0.3,add,sgd,0.1,399,0.4288,0.1118,140289.0,0.0214,0.0012,0.8313,0.0291,0.5542,0.0324,0.6289,0.1326,0.5838,0.0751,0.8718,0.0633
-l_mp,PyG,TU_BZR,graph,False,,,64,1,8,3,skipsum,True,relu,0.3,add,sgd,0.1,399,0.3664,0.1038,140991.0,0.0113,0.0009,0.8765,0.0363,0.6977,0.0563,0.6731,0.1226,0.6785,0.0772,0.8954,0.067
-l_mp,PyG,TU_COX2,graph,False,,,16,1,2,1,skipsum,True,prelu,0.0,mean,sgd,0.001,199,0.4589,0.0572,141826.0,0.0041,0.0002,0.7979,0.0772,0.5424,0.39,0.277,0.1979,0.3667,0.2625,0.7566,0.0423
-l_mp,PyG,TU_COX2,graph,False,,,16,1,2,3,skipconcat,True,relu,0.3,mean,sgd,0.1,399,0.594,0.0924,138881.0,0.0256,0.0008,0.7589,0.0411,0.4757,0.0914,0.4553,0.0705,0.4627,0.0728,0.7416,0.0518
-l_mp,PyG,TU_COX2,graph,False,,,16,1,4,1,skipsum,True,prelu,0.0,mean,sgd,0.001,199,0.5388,0.1412,139372.0,0.005,0.0001,0.7943,0.0479,0.5778,0.1429,0.3191,0.1132,0.4097,0.1311,0.7267,0.0753
-l_mp,PyG,TU_COX2,graph,False,,,16,1,4,3,skipconcat,True,relu,0.3,mean,sgd,0.1,399,0.6227,0.0992,135831.0,0.0075,0.0004,0.7624,0.041,0.4622,0.0849,0.459,0.1758,0.4555,0.1265,0.7351,0.0653
-l_mp,PyG,TU_COX2,graph,False,,,16,1,6,1,skipsum,True,prelu,0.0,mean,sgd,0.001,199,0.5844,0.1673,138826.0,0.0243,0.0007,0.7943,0.0524,0.5981,0.161,0.3625,0.063,0.4505,0.0945,0.7477,0.0595
-l_mp,PyG,TU_COX2,graph,False,,,16,1,6,3,skipconcat,True,relu,0.3,mean,sgd,0.1,399,0.6642,0.1638,140421.0,0.0441,0.0055,0.7447,0.0782,0.4608,0.1264,0.5066,0.1376,0.4776,0.1266,0.7219,0.0735
-l_mp,PyG,TU_COX2,graph,False,,,16,1,8,1,skipsum,True,prelu,0.0,mean,sgd,0.001,199,0.6574,0.2089,137986.0,0.0242,0.0028,0.7801,0.0351,0.531,0.0817,0.3798,0.0846,0.4371,0.0762,0.7554,0.0597
-l_mp,PyG,TU_COX2,graph,False,,,16,1,8,3,skipconcat,True,relu,0.3,mean,sgd,0.1,399,0.619,0.0907,136397.0,0.0073,0.0002,0.7908,0.0133,0.5758,0.1072,0.477,0.1931,0.4902,0.0828,0.7389,0.0519
-l_mp,PyG,TU_DD,graph,False,,,32,1,2,1,stack,False,swish,0.0,mean,sgd,0.001,399,0.7982,0.036,156000.0,0.0098,0.0007,0.7359,0.02,0.6581,0.0277,0.8096,0.0154,0.7255,0.0156,0.8121,0.0004
-l_mp,PyG,TU_DD,graph,False,,,32,1,4,1,stack,False,swish,0.0,mean,sgd,0.001,399,0.8186,0.0385,149787.0,0.011,0.0007,0.7345,0.0163,0.6562,0.0252,0.8095,0.023,0.7243,0.0145,0.8101,0.0033
-l_mp,PyG,TU_DD,graph,False,,,32,1,6,1,stack,False,swish,0.0,mean,sgd,0.001,399,0.8064,0.0423,147660.0,0.014,0.0031,0.7316,0.0203,0.6543,0.0278,0.8029,0.018,0.7206,0.0181,0.81,0.0033
-l_mp,PyG,TU_DD,graph,False,,,32,1,8,1,stack,False,swish,0.0,mean,sgd,0.001,399,0.8083,0.0424,145900.0,0.0114,0.002,0.733,0.0216,0.6561,0.0297,0.8029,0.018,0.7217,0.0195,0.8101,0.0033
-l_mp,PyG,TU_DD,graph,False,,,64,2,2,3,stack,True,prelu,0.6,mean,sgd,0.001,399,1.0752,0.1458,147746.0,0.0336,0.0048,0.6497,0.028,0.9128,0.0464,0.2109,0.0593,0.3373,0.0772,0.8405,0.0192
-l_mp,PyG,TU_DD,graph,False,,,64,2,4,3,stack,True,prelu,0.6,mean,sgd,0.001,399,0.8408,0.2685,145907.0,0.0276,0.0015,0.6921,0.0589,0.866,0.1118,0.3922,0.2296,0.4823,0.1883,0.8325,0.0098
-l_mp,PyG,TU_DD,graph,False,,,64,2,6,3,stack,True,prelu,0.6,mean,sgd,0.001,399,0.7452,0.2225,145081.0,0.0183,0.0015,0.7133,0.0595,0.8434,0.0469,0.4087,0.1637,0.5299,0.1678,0.8384,0.0091
-l_mp,PyG,TU_DD,graph,False,,,64,2,8,3,stack,True,prelu,0.6,mean,sgd,0.001,399,0.6435,0.1004,143119.0,0.0296,0.0017,0.7091,0.0383,0.817,0.0477,0.4346,0.1527,0.5467,0.1153,0.8316,0.0039
-l_mp,PyG,TU_ENZYMES,graph,False,,,16,3,2,1,skipsum,True,prelu,0.0,max,adam,0.001,99,1.8275,0.1164,134490.0,0.0039,0.0001,0.2972,0.0275,,,,,,,,
-l_mp,PyG,TU_ENZYMES,graph,False,,,16,3,4,1,skipsum,True,prelu,0.0,max,adam,0.001,99,1.7264,0.0897,134835.0,0.0329,0.0014,0.4056,0.0196,,,,,,,,
-l_mp,PyG,TU_ENZYMES,graph,False,,,16,3,6,1,skipsum,True,prelu,0.0,max,adam,0.001,99,1.8723,0.1436,134535.0,0.0138,0.0001,0.4445,0.0171,,,,,,,,
-l_mp,PyG,TU_ENZYMES,graph,False,,,16,3,8,1,skipsum,True,prelu,0.0,max,adam,0.001,99,2.1814,0.1191,135822.0,0.0228,0.0,0.4778,0.0142,,,,,,,,
-l_mp,PyG,TU_IMDB,graph,False,,,16,1,2,1,skipsum,False,relu,0.6,max,adam,0.001,399,3.1417,0.3426,133900.0,0.0242,0.0029,0.3356,0.022,,,,,,,,
-l_mp,PyG,TU_IMDB,graph,False,,,16,1,4,1,skipsum,False,relu,0.6,max,adam,0.001,399,3.372,0.0859,134137.0,0.0056,0.0008,0.3133,0.0047,,,,,,,,
-l_mp,PyG,TU_IMDB,graph,False,,,16,1,6,1,skipsum,False,relu,0.6,max,adam,0.001,399,2.5675,0.2216,134848.0,0.006,0.0005,0.3344,0.0259,,,,,,,,
-l_mp,PyG,TU_IMDB,graph,False,,,16,1,8,1,skipsum,False,relu,0.6,max,adam,0.001,399,2.5387,0.3867,134808.0,0.0066,0.0006,0.3511,0.0329,,,,,,,,
-l_mp,PyG,TU_IMDB,graph,False,,,32,1,2,3,skipconcat,True,relu,0.3,add,adam,0.001,99,1.0459,0.0137,136643.0,0.0061,0.0011,0.4456,0.0134,,,,,,,,
-l_mp,PyG,TU_IMDB,graph,False,,,32,1,4,3,skipconcat,True,relu,0.3,add,adam,0.001,99,1.0536,0.0138,134705.0,0.0084,0.0011,0.4478,0.0206,,,,,,,,
-l_mp,PyG,TU_IMDB,graph,False,,,32,1,6,3,skipconcat,True,relu,0.3,add,adam,0.001,99,1.0555,0.0139,139743.0,0.0098,0.0013,0.4478,0.0103,,,,,,,,
-l_mp,PyG,TU_IMDB,graph,False,,,32,1,8,3,skipconcat,True,relu,0.3,add,adam,0.001,99,1.0605,0.0121,135983.0,0.0111,0.0003,0.4578,0.0181,,,,,,,,
-l_mp,PyG,TU_IMDB,graph,False,,,64,3,2,2,stack,True,relu,0.0,add,adam,0.1,199,1.04,0.0046,133815.0,0.0097,0.001,0.4578,0.0042,,,,,,,,
-l_mp,PyG,TU_IMDB,graph,False,,,64,3,4,2,stack,True,relu,0.0,add,adam,0.1,199,1.0265,0.0146,134126.0,0.0245,0.003,0.4745,0.0191,,,,,,,,
-l_mp,PyG,TU_IMDB,graph,False,,,64,3,6,2,stack,True,relu,0.0,add,adam,0.1,199,1.0453,0.0077,134676.0,0.0209,0.0013,0.4511,0.015,,,,,,,,
-l_mp,PyG,TU_IMDB,graph,False,,,64,3,8,2,stack,True,relu,0.0,add,adam,0.1,199,1.0318,0.0142,133746.0,0.0109,0.0001,0.4555,0.0238,,,,,,,,
-l_mp,PyG,TU_PROTEINS,graph,False,,,32,1,2,2,stack,False,prelu,0.3,max,sgd,0.001,399,0.879,0.2496,133982.0,0.0061,0.0007,0.5833,0.1133,0.5597,0.1408,0.8016,0.2492,0.6055,0.0385,0.6778,0.0829
-l_mp,PyG,TU_PROTEINS,graph,False,,,32,1,4,2,stack,False,prelu,0.3,max,sgd,0.001,399,4.7979,0.9665,134477.0,0.0091,0.0012,0.4091,0.0065,0.4091,0.0065,1.0,0.0,0.5806,0.0064,0.3041,0.0063
-l_mp,PyG,TU_PROTEINS,graph,False,,,32,1,6,2,stack,False,prelu,0.3,max,sgd,0.001,399,10.7371,2.3475,134966.0,0.0099,0.0021,0.4091,0.0065,0.4091,0.0065,1.0,0.0,0.5806,0.0064,0.2633,0.0082
-l_mp,PyG,TU_PROTEINS,graph,False,,,32,1,8,2,stack,False,prelu,0.3,max,sgd,0.001,399,11.537,3.66,133465.0,0.0116,0.001,0.4091,0.0065,0.4091,0.0065,1.0,0.0,0.5806,0.0064,0.267,0.0105
-l_mp,PyG,TU_PROTEINS,graph,False,,,32,2,2,3,skipsum,True,prelu,0.0,add,adam,0.1,399,0.5518,0.0256,133814.0,0.0071,0.0001,0.7348,0.0113,0.7552,0.01,0.522,0.0527,0.6153,0.0349,0.7879,0.0222
-l_mp,PyG,TU_PROTEINS,graph,False,,,32,2,4,3,skipsum,True,prelu,0.0,add,adam,0.1,399,0.546,0.0139,134125.0,0.0234,0.002,0.7167,0.013,0.7487,0.0209,0.4674,0.0619,0.5721,0.0395,0.7978,0.0158
-l_mp,PyG,TU_PROTEINS,graph,False,,,32,2,6,3,skipsum,True,prelu,0.0,add,adam,0.1,399,0.558,0.0177,134675.0,0.0108,0.0009,0.7182,0.0037,0.7195,0.0206,0.5111,0.0229,0.5971,0.0141,0.7855,0.0145
-l_mp,PyG,TU_PROTEINS,graph,False,,,32,2,8,3,skipsum,True,prelu,0.0,add,adam,0.1,399,0.5607,0.0119,133745.0,0.0079,0.0004,0.7197,0.0183,0.7485,0.0698,0.4815,0.0095,0.5846,0.019,0.7799,0.0232
-l_mp,PyG,TU_PROTEINS,graph,False,,,64,1,2,1,stack,True,relu,0.3,max,sgd,0.1,99,2.4008,1.0793,133633.0,0.0241,0.0004,0.4167,0.0094,0.4117,0.0071,0.9926,0.0052,0.582,0.0064,0.4421,0.0435
-l_mp,PyG,TU_PROTEINS,graph,False,,,64,1,4,1,stack,True,relu,0.3,max,sgd,0.1,99,1.2443,0.4756,133579.0,0.0082,0.0006,0.4985,0.1233,0.4674,0.0794,0.8989,0.143,0.5995,0.0241,0.4502,0.2055
-l_mp,PyG,TU_PROTEINS,graph,False,,,64,1,6,1,stack,True,relu,0.3,max,sgd,0.1,99,0.9257,0.0482,134089.0,0.0104,0.0011,0.4091,0.0065,0.4091,0.0065,1.0,0.0,0.5806,0.0064,0.47,0.0233
-l_mp,PyG,TU_PROTEINS,graph,False,,,64,1,8,1,stack,True,relu,0.3,max,sgd,0.1,99,0.9419,0.0698,133889.0,0.0241,0.0024,0.4091,0.0065,0.4088,0.0067,0.9963,0.0053,0.5797,0.0072,0.491,0.0128
-l_mp,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,16,3,2,2,skipsum,False,relu,0.6,mean,sgd,0.001,199,5.3479,1.4463,134789.0,0.0058,0.0015,0.3141,0.0327,,,,,,,,
-l_mp,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,16,3,4,2,skipsum,False,relu,0.6,mean,sgd,0.001,199,10.9476,2.4766,134676.0,0.0075,0.0011,0.2372,0.0395,,,,,,,,
-l_mp,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,16,3,6,2,skipsum,False,relu,0.6,mean,sgd,0.001,199,7.0944,4.3449,134920.0,0.0323,0.0018,0.2372,0.0395,,,,,,,,
-l_mp,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,16,3,8,2,skipsum,False,relu,0.6,mean,sgd,0.001,199,1.6494,0.0154,133748.0,0.0073,0.0004,0.1603,0.0505,,,,,,,,
-l_mp,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,64,1,2,3,skipconcat,True,prelu,0.3,mean,sgd,0.1,399,0.9588,0.1277,134543.0,0.0188,0.0044,0.6987,0.0654,,,,,,,,
-l_mp,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,64,1,4,3,skipconcat,True,prelu,0.3,mean,sgd,0.1,399,0.8686,0.188,135648.0,0.0258,0.0059,0.7115,0.0628,,,,,,,,
-l_mp,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,64,1,6,3,skipconcat,True,prelu,0.3,mean,sgd,0.1,399,0.8046,0.2494,140562.0,0.0182,0.0031,0.7051,0.0505,,,,,,,,
-l_mp,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,64,1,8,3,skipconcat,True,prelu,0.3,mean,sgd,0.1,399,0.8556,0.2153,136714.0,0.0195,0.0033,0.6987,0.0594,,,,,,,,
-l_mp,nx,scalefree,graph,True,node_const,graph_path_len,16,2,2,1,skipsum,False,swish,0.6,max,adam,0.01,399,62.3576,14.577,133957.0,0.01,0.0017,0.2628,0.0395,,,,,,,,
-l_mp,nx,scalefree,graph,True,node_const,graph_path_len,16,2,4,1,skipsum,False,swish,0.6,max,adam,0.01,399,43.5932,5.14,134789.0,0.032,0.0012,0.2628,0.0395,,,,,,,,
-l_mp,nx,scalefree,graph,True,node_const,graph_path_len,16,2,6,1,skipsum,False,swish,0.6,max,adam,0.01,399,31.4828,1.1179,134676.0,0.0325,0.0,0.2628,0.0395,,,,,,,,
-l_mp,nx,scalefree,graph,True,node_const,graph_path_len,16,2,8,1,skipsum,False,swish,0.6,max,adam,0.01,399,33.69,6.1862,134920.0,0.0081,0.0015,0.2628,0.0395,,,,,,,,
-l_mp,nx,scalefree,graph,True,node_const,graph_path_len,16,3,2,2,skipsum,False,prelu,0.0,max,adam,0.01,199,1.6296,0.0129,134790.0,0.0278,0.0008,0.1346,0.0272,,,,,,,,
-l_mp,nx,scalefree,graph,True,node_const,graph_path_len,16,3,4,2,skipsum,False,prelu,0.0,max,adam,0.01,199,1.6296,0.0128,134677.0,0.0064,0.0007,0.1346,0.0272,,,,,,,,
-l_mp,nx,scalefree,graph,True,node_const,graph_path_len,16,3,6,2,skipsum,False,prelu,0.0,max,adam,0.01,199,1.6294,0.0127,134921.0,0.0062,0.0002,0.1346,0.0272,,,,,,,,
-l_mp,nx,scalefree,graph,True,node_const,graph_path_len,16,3,8,2,skipsum,False,prelu,0.0,max,adam,0.01,199,1.6296,0.0128,133749.0,0.0328,0.0012,0.1346,0.0272,,,,,,,,
-l_mp,nx,scalefree,graph,True,node_onehot,graph_path_len,16,3,2,2,skipsum,False,prelu,0.3,add,sgd,0.01,99,,,134790.0,0.007,0.0012,0.2372,0.0395,,,,,,,,
-l_mp,nx,scalefree,graph,True,node_onehot,graph_path_len,16,3,4,2,skipsum,False,prelu,0.3,add,sgd,0.01,99,,,134677.0,0.0083,0.0028,0.2372,0.0395,,,,,,,,
-l_mp,nx,scalefree,graph,True,node_onehot,graph_path_len,16,3,6,2,skipsum,False,prelu,0.3,add,sgd,0.01,99,,,134921.0,0.0068,0.0007,0.2372,0.0395,,,,,,,,
-l_mp,nx,scalefree,graph,True,node_onehot,graph_path_len,16,3,8,2,skipsum,False,prelu,0.3,add,sgd,0.01,99,,,133749.0,0.0073,0.0004,0.2372,0.0395,,,,,,,,
-l_mp,nx,scalefree,graph,True,node_onehot,graph_path_len,64,1,2,2,skipconcat,False,swish,0.6,add,adam,0.1,199,1.6306,0.0143,135665.0,0.0131,0.0014,0.141,0.0363,,,,,,,,
-l_mp,nx,scalefree,graph,True,node_onehot,graph_path_len,64,1,4,2,skipconcat,False,swish,0.6,add,adam,0.1,199,1.6299,0.0121,137397.0,0.0418,0.0016,0.1346,0.0272,,,,,,,,
-l_mp,nx,scalefree,graph,True,node_onehot,graph_path_len,64,1,6,2,skipconcat,False,swish,0.6,add,adam,0.1,199,1.6235,0.0082,138165.0,0.0152,0.0022,0.141,0.0363,,,,,,,,
-l_mp,nx,scalefree,graph,True,node_onehot,graph_path_len,64,1,8,2,skipconcat,False,swish,0.6,add,adam,0.1,199,1.6314,0.0169,137773.0,0.0194,0.0003,0.141,0.024,,,,,,,,
-l_mp,nx,scalefree,graph,True,node_pagerank,graph_path_len,16,2,2,2,stack,False,swish,0.0,mean,adam,0.001,399,0.8389,0.0428,134850.0,0.0286,0.0012,0.6859,0.024,,,,,,,,
-l_mp,nx,scalefree,graph,True,node_pagerank,graph_path_len,16,2,4,2,stack,False,swish,0.0,mean,adam,0.001,399,0.7117,0.0294,134833.0,0.0243,0.0006,0.6795,0.0363,,,,,,,,
-l_mp,nx,scalefree,graph,True,node_pagerank,graph_path_len,16,2,6,2,stack,False,swish,0.0,mean,adam,0.001,399,0.7189,0.0698,134277.0,0.0091,0.0005,0.6859,0.0453,,,,,,,,
-l_mp,nx,scalefree,graph,True,node_pagerank,graph_path_len,16,2,8,2,stack,False,swish,0.0,mean,adam,0.001,399,0.7623,0.1078,135360.0,0.0339,0.0024,0.718,0.0327,,,,,,,,
-l_mp,nx,scalefree,graph,True,node_pagerank,graph_path_len,16,3,2,1,skipconcat,False,relu,0.3,mean,sgd,0.1,399,81.5662,111.5136,136247.0,0.0059,0.0003,0.1923,0.0628,,,,,,,,
-l_mp,nx,scalefree,graph,True,node_pagerank,graph_path_len,16,3,4,1,skipconcat,False,relu,0.3,mean,sgd,0.1,399,2.5393,0.5268,136820.0,0.0101,0.0007,0.1667,0.024,,,,,,,,
-l_mp,nx,scalefree,graph,True,node_pagerank,graph_path_len,16,3,6,1,skipconcat,False,relu,0.3,mean,sgd,0.1,399,3.8075,0.4009,137033.0,0.0075,0.0012,0.1539,0.0544,,,,,,,,
-l_mp,nx,scalefree,graph,True,node_pagerank,graph_path_len,16,3,8,1,skipconcat,False,relu,0.3,mean,sgd,0.1,399,3.2293,0.4793,136236.0,0.0568,0.008,0.141,0.0363,,,,,,,,
-l_mp,nx,scalefree,graph,True,node_pagerank,graph_path_len,64,1,2,2,stack,True,relu,0.3,add,sgd,0.1,199,0.416,0.0353,134789.0,0.0196,0.007,0.8205,0.024,,,,,,,,
-l_mp,nx,scalefree,graph,True,node_pagerank,graph_path_len,64,1,4,2,stack,True,relu,0.3,add,sgd,0.1,199,0.3939,0.0559,134118.0,0.0146,0.0013,0.7949,0.0395,,,,,,,,
-l_mp,nx,scalefree,graph,True,node_pagerank,graph_path_len,64,1,6,2,stack,True,relu,0.3,add,sgd,0.1,199,0.3761,0.0333,133829.0,0.0176,0.0016,0.8269,0.0157,,,,,,,,
-l_mp,nx,scalefree,graph,True,node_pagerank,graph_path_len,64,1,8,2,stack,True,relu,0.3,add,sgd,0.1,199,0.4083,0.0239,133925.0,0.0138,0.0015,0.8013,0.0634,,,,,,,,
-l_mp,nx,scalefree,graph,True,node_pagerank,graph_path_len,64,3,2,1,skipconcat,True,prelu,0.0,add,sgd,0.01,99,0.4099,0.0636,135407.0,0.0148,0.0019,0.8526,0.0453,,,,,,,,
-l_mp,nx,scalefree,graph,True,node_pagerank,graph_path_len,64,3,4,1,skipconcat,True,prelu,0.0,add,sgd,0.01,99,0.4995,0.091,137556.0,0.0301,0.0022,0.8141,0.0091,,,,,,,,
-l_mp,nx,scalefree,graph,True,node_pagerank,graph_path_len,64,3,6,1,skipconcat,True,prelu,0.0,add,sgd,0.01,99,0.5011,0.0935,137718.0,0.021,0.0014,0.8397,0.0181,,,,,,,,
-l_mp,nx,scalefree,graph,True,node_pagerank,graph_path_len,64,3,8,1,skipconcat,True,prelu,0.0,add,sgd,0.01,99,0.4652,0.0635,136886.0,0.0173,0.0014,0.8398,0.024,,,,,,,,
-l_mp,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,32,1,2,1,skipsum,False,swish,0.0,add,adam,0.1,199,0.6698,0.0925,134900.0,0.0094,0.0021,0.7741,0.0618,,,,,,,,
-l_mp,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,32,1,2,2,stack,True,prelu,0.3,mean,sgd,0.01,199,4.8722,0.162,134790.0,0.0093,0.001,0.2383,0.0078,,,,,,,,
-l_mp,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,32,1,4,1,skipsum,False,swish,0.0,add,adam,0.1,199,1.3818,0.1822,134850.0,0.0113,0.0022,0.3977,0.1126,,,,,,,,
-l_mp,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,32,1,4,2,stack,True,prelu,0.3,mean,sgd,0.01,199,1.7769,0.0226,134119.0,0.0267,0.002,0.3267,0.0096,,,,,,,,
-l_mp,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,32,1,6,1,skipsum,False,swish,0.0,add,adam,0.1,199,1.5123,0.014,134833.0,0.0109,0.0011,0.3137,0.0122,,,,,,,,
-l_mp,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,32,1,6,2,stack,True,prelu,0.3,mean,sgd,0.01,199,1.6559,0.0777,133830.0,0.0123,0.0003,0.2991,0.01,,,,,,,,
-l_mp,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,32,1,8,1,skipsum,False,swish,0.0,add,adam,0.1,199,1.5142,0.0046,134277.0,0.01,0.0009,0.3095,0.0044,,,,,,,,
-l_mp,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,32,1,8,2,stack,True,prelu,0.3,mean,sgd,0.01,199,1.5478,0.0141,133926.0,0.0145,0.0021,0.2802,0.0062,,,,,,,,
-l_mp,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,32,3,2,1,stack,True,relu,0.6,mean,adam,0.1,99,2.2693,0.0743,134285.0,0.0119,0.0027,0.2952,0.0089,,,,,,,,
-l_mp,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,32,3,4,1,stack,True,relu,0.6,mean,adam,0.1,99,3.2271,0.4917,134069.0,0.011,0.0022,0.219,0.0362,,,,,,,,
-l_mp,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,32,3,6,1,stack,True,relu,0.6,mean,adam,0.1,99,3.1065,0.2955,135429.0,0.0124,0.0015,0.1958,0.0071,,,,,,,,
-l_mp,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,32,3,8,1,stack,True,relu,0.6,mean,adam,0.1,99,3.2917,0.1464,134297.0,0.0124,0.0012,0.1958,0.0071,,,,,,,,
-l_mp,nx,scalefree,node,True,node_const,node_clustering_coefficient,16,2,2,2,stack,True,relu,0.6,add,sgd,0.01,99,3.9833,0.0257,134285.0,0.0049,0.0001,0.1972,0.0054,,,,,,,,
-l_mp,nx,scalefree,node,True,node_const,node_clustering_coefficient,16,2,4,2,stack,True,relu,0.6,add,sgd,0.01,99,1.529,0.0168,134069.0,0.0237,0.0006,0.3494,0.0023,,,,,,,,
-l_mp,nx,scalefree,node,True,node_const,node_clustering_coefficient,16,2,6,2,stack,True,relu,0.6,add,sgd,0.01,99,1.2724,0.0178,135429.0,0.0077,0.0007,0.4049,0.0038,,,,,,,,
-l_mp,nx,scalefree,node,True,node_const,node_clustering_coefficient,16,2,8,2,stack,True,relu,0.6,add,sgd,0.01,99,1.1862,0.0033,134297.0,0.0082,0.0012,0.4487,0.0068,,,,,,,,
-l_mp,nx,scalefree,node,True,node_const,node_pagerank,16,3,2,3,stack,True,swish,0.0,max,adam,0.001,199,1.6099,0.0002,134069.0,0.0064,0.0007,0.1893,0.0025,,,,,,,,
-l_mp,nx,scalefree,node,True,node_const,node_pagerank,16,3,4,3,stack,True,swish,0.0,max,adam,0.001,199,1.6099,0.0002,135429.0,0.0074,0.0012,0.1893,0.0025,,,,,,,,
-l_mp,nx,scalefree,node,True,node_const,node_pagerank,16,3,6,3,stack,True,swish,0.0,max,adam,0.001,199,1.6099,0.0002,134297.0,0.0076,0.0009,0.1893,0.0025,,,,,,,,
-l_mp,nx,scalefree,node,True,node_const,node_pagerank,16,3,8,3,stack,True,swish,0.0,max,adam,0.001,199,1.6099,0.0002,134165.0,0.0098,0.0011,0.1893,0.0025,,,,,,,,
-l_mp,nx,scalefree,node,True,node_const,node_pagerank,32,3,2,2,skipsum,False,relu,0.3,max,sgd,0.001,399,1.6534,0.0079,134789.0,0.0106,0.0013,0.1996,0.0053,,,,,,,,
-l_mp,nx,scalefree,node,True,node_const,node_pagerank,32,3,4,2,skipsum,False,relu,0.3,max,sgd,0.001,399,1.6277,0.0126,134676.0,0.0117,0.0015,0.1996,0.0053,,,,,,,,
-l_mp,nx,scalefree,node,True,node_const,node_pagerank,32,3,6,2,skipsum,False,relu,0.3,max,sgd,0.001,399,1.6334,0.0154,134920.0,0.0105,0.0006,0.1996,0.0053,,,,,,,,
-l_mp,nx,scalefree,node,True,node_const,node_pagerank,32,3,8,2,skipsum,False,relu,0.3,max,sgd,0.001,399,1.6246,0.0053,133748.0,0.0259,0.002,0.1996,0.0053,,,,,,,,
-l_mp,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,16,1,2,1,stack,False,relu,0.3,mean,adam,0.01,399,1.6582,0.049,134900.0,0.0248,0.0006,0.2087,0.0407,,,,,,,,
-l_mp,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,16,1,2,2,skipsum,True,swish,0.6,max,sgd,0.01,199,5.1476,0.2975,134789.0,0.0073,0.0007,0.1976,0.0055,,,,,,,,
-l_mp,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,16,1,4,1,stack,False,relu,0.3,mean,adam,0.01,399,1.6713,0.0433,134850.0,0.0245,0.0017,0.2147,0.0415,,,,,,,,
-l_mp,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,16,1,4,2,skipsum,True,swish,0.6,max,sgd,0.01,199,2.8526,0.1486,134118.0,0.0076,0.0009,0.3182,0.0139,,,,,,,,
-l_mp,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,16,1,6,1,stack,False,relu,0.3,mean,adam,0.01,399,1.6343,0.0044,134833.0,0.0086,0.0016,0.2423,0.0071,,,,,,,,
-l_mp,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,16,1,6,2,skipsum,True,swish,0.6,max,sgd,0.01,199,3.5305,0.174,133829.0,0.009,0.0007,0.2591,0.0179,,,,,,,,
-l_mp,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,16,1,8,1,stack,False,relu,0.3,mean,adam,0.01,399,1.6391,0.0266,134277.0,0.008,0.0009,0.2423,0.0071,,,,,,,,
-l_mp,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,16,1,8,2,skipsum,True,swish,0.6,max,sgd,0.01,199,4.0663,0.3891,133925.0,0.0095,0.0004,0.1966,0.0291,,,,,,,,
-l_mp,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,16,2,2,1,skipsum,False,swish,0.3,mean,adam,0.01,99,1.5334,0.0309,133957.0,0.0069,0.001,0.323,0.0388,,,,,,,,
-l_mp,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,16,2,4,1,skipsum,False,swish,0.3,mean,adam,0.01,99,1.3845,0.049,134789.0,0.0077,0.0015,0.4103,0.0203,,,,,,,,
-l_mp,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,16,2,6,1,skipsum,False,swish,0.3,mean,adam,0.01,99,1.3581,0.0185,134676.0,0.0085,0.0005,0.4256,0.006,,,,,,,,
-l_mp,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,16,2,8,1,skipsum,False,swish,0.3,mean,adam,0.01,99,1.512,0.0935,134920.0,0.0241,0.0043,0.317,0.0667,,,,,,,,
-l_mp,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,32,1,2,3,skipsum,True,relu,0.0,max,adam,0.01,99,2.1316,0.0118,134285.0,0.0241,0.0008,0.5495,0.0034,,,,,,,,
-l_mp,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,32,1,4,3,skipsum,True,relu,0.0,max,adam,0.01,99,1.7946,0.045,134069.0,0.0231,0.0028,0.6249,0.0005,,,,,,,,
-l_mp,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,32,1,6,3,skipsum,True,relu,0.0,max,adam,0.01,99,1.6961,0.0409,135429.0,0.0148,0.0034,0.6427,0.0079,,,,,,,,
-l_mp,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,32,1,8,3,skipsum,True,relu,0.0,max,adam,0.01,99,1.5925,0.0815,134297.0,0.0129,0.0014,0.6631,0.0059,,,,,,,,
-l_mp,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,32,2,2,3,skipsum,True,swish,0.0,add,sgd,0.1,199,1.551,0.0228,134118.0,0.022,0.0032,0.5754,0.0019,,,,,,,,
-l_mp,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,32,2,4,3,skipsum,True,swish,0.0,add,sgd,0.1,199,1.1855,0.0287,133829.0,0.0094,0.0007,0.6524,0.0025,,,,,,,,
-l_mp,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,32,2,6,3,skipsum,True,swish,0.0,add,sgd,0.1,199,1.0833,0.0301,133925.0,0.0124,0.0019,0.6648,0.0079,,,,,,,,
-l_mp,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,32,2,8,3,skipsum,True,swish,0.0,add,sgd,0.1,199,0.8858,0.026,135056.0,0.0114,0.0011,0.6733,0.0016,,,,,,,,
-l_mp,nx,scalefree,node,True,node_onehot,node_pagerank,16,3,2,1,stack,True,relu,0.6,add,sgd,0.001,199,1.3811,0.0202,134285.0,0.0071,0.0007,0.3931,0.0035,,,,,,,,
-l_mp,nx,scalefree,node,True,node_onehot,node_pagerank,16,3,4,1,stack,True,relu,0.6,add,sgd,0.001,199,1.4182,0.0317,134069.0,0.0071,0.0006,0.3819,0.0065,,,,,,,,
-l_mp,nx,scalefree,node,True,node_onehot,node_pagerank,16,3,6,1,stack,True,relu,0.6,add,sgd,0.001,199,1.3606,0.0057,135429.0,0.0078,0.0001,0.3926,0.0097,,,,,,,,
-l_mp,nx,scalefree,node,True,node_onehot,node_pagerank,16,3,8,1,stack,True,relu,0.6,add,sgd,0.001,199,1.3432,0.0133,134297.0,0.0083,0.0008,0.4103,0.0169,,,,,,,,
-l_mp,nx,scalefree,node,True,node_onehot,node_pagerank,64,3,2,1,skipconcat,True,prelu,0.6,max,sgd,0.01,99,1.7151,0.003,135407.0,0.0194,0.0028,0.1996,0.0053,,,,,,,,
-l_mp,nx,scalefree,node,True,node_onehot,node_pagerank,64,3,4,1,skipconcat,True,prelu,0.6,max,sgd,0.01,99,1.6846,0.017,137556.0,0.0182,0.0022,0.1996,0.0053,,,,,,,,
-l_mp,nx,scalefree,node,True,node_onehot,node_pagerank,64,3,6,1,skipconcat,True,prelu,0.6,max,sgd,0.01,99,1.6778,0.0122,137718.0,0.0188,0.0015,0.1996,0.0053,,,,,,,,
-l_mp,nx,scalefree,node,True,node_onehot,node_pagerank,64,3,8,1,skipconcat,True,prelu,0.6,max,sgd,0.01,99,1.6704,0.0185,136886.0,0.0195,0.0037,0.1996,0.0053,,,,,,,,
-l_mp,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,16,2,2,3,stack,False,swish,0.0,mean,sgd,0.1,99,1.2641,0.0192,134789.0,0.0256,0.0019,0.4511,0.0097,,,,,,,,
-l_mp,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,16,2,4,3,stack,False,swish,0.0,mean,sgd,0.1,99,1.5613,0.021,134676.0,0.0102,0.0019,0.2916,0.034,,,,,,,,
-l_mp,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,16,2,6,3,stack,False,swish,0.0,mean,sgd,0.1,99,1.5778,0.0023,134920.0,0.008,0.0016,0.2688,0.0019,,,,,,,,
-l_mp,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,16,2,8,3,stack,False,swish,0.0,mean,sgd,0.1,99,1.5778,0.0023,133748.0,0.0093,0.0017,0.2688,0.0019,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,32,3,2,2,skipsum,False,prelu,0.6,add,adam,0.01,199,1.644,0.0131,134790.0,0.0072,0.0004,0.1346,0.0157,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,32,3,4,2,skipsum,False,prelu,0.6,add,adam,0.01,199,5.4836,5.4411,134677.0,0.0235,0.0013,0.2115,0.0955,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,32,3,6,2,skipsum,False,prelu,0.6,add,adam,0.01,199,6.9715,4.1164,134921.0,0.0096,0.001,0.2308,0.0831,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,32,3,8,2,skipsum,False,prelu,0.6,add,adam,0.01,199,5.6098,5.6792,133749.0,0.031,0.0047,0.2436,0.0865,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,1,2,2,skipsum,True,prelu,0.0,add,sgd,0.001,399,0.3039,0.0858,134790.0,0.0327,0.0009,0.8654,0.0684,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,1,4,2,skipsum,True,prelu,0.0,add,sgd,0.001,399,0.2869,0.0833,134119.0,0.0323,0.0009,0.8718,0.0708,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,1,6,2,skipsum,True,prelu,0.0,add,sgd,0.001,399,0.2819,0.0787,133830.0,0.0247,0.006,0.9103,0.0551,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,1,8,2,skipsum,True,prelu,0.0,add,sgd,0.001,399,0.2639,0.0687,133926.0,0.0304,0.0114,0.9102,0.0363,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_const,graph_path_len,16,1,2,1,stack,True,prelu,0.6,mean,sgd,0.1,399,40.2722,4.3606,134626.0,0.0052,0.0006,0.2308,0.0831,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_const,graph_path_len,16,1,4,1,stack,True,prelu,0.6,mean,sgd,0.1,399,37.9242,3.1667,134286.0,0.0082,0.0013,0.2308,0.0831,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_const,graph_path_len,16,1,6,1,stack,True,prelu,0.6,mean,sgd,0.1,399,30.9081,6.5432,134070.0,0.0113,0.0013,0.2308,0.0831,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_const,graph_path_len,16,1,8,1,stack,True,prelu,0.6,mean,sgd,0.1,399,27.8316,2.2247,135430.0,0.0092,0.001,0.2308,0.0831,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_const,graph_path_len,32,1,2,1,skipsum,False,prelu,0.6,max,sgd,0.001,99,54.8839,4.971,134901.0,0.0093,0.0016,0.1666,0.0181,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_const,graph_path_len,32,1,2,2,stack,True,swish,0.3,max,adam,0.001,199,3.7686,0.4487,134789.0,0.0291,0.0021,0.2308,0.0831,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_const,graph_path_len,32,1,4,1,skipsum,False,prelu,0.6,max,sgd,0.001,99,49.9265,6.4004,134851.0,0.0303,0.0025,0.1666,0.0181,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_const,graph_path_len,32,1,4,2,stack,True,swish,0.3,max,adam,0.001,199,9.8637,0.6356,134118.0,0.0102,0.001,0.1666,0.0181,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_const,graph_path_len,32,1,6,1,skipsum,False,prelu,0.6,max,sgd,0.001,99,32.6708,2.9396,134834.0,0.0119,0.0009,0.1666,0.0181,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_const,graph_path_len,32,1,6,2,stack,True,swish,0.3,max,adam,0.001,199,8.8038,0.5138,133829.0,0.0139,0.0035,0.1666,0.0181,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_const,graph_path_len,32,1,8,1,skipsum,False,prelu,0.6,max,sgd,0.001,99,34.5766,1.8988,134278.0,0.0091,0.0002,0.1666,0.0181,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_const,graph_path_len,32,1,8,2,stack,True,swish,0.3,max,adam,0.001,199,12.104,1.2261,133925.0,0.0136,0.0017,0.1666,0.0181,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_const,graph_path_len,32,3,2,3,skipsum,False,relu,0.6,add,sgd,0.001,399,1.632,0.0069,134833.0,0.0262,0.0028,0.1474,0.0091,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_const,graph_path_len,32,3,4,3,skipsum,False,relu,0.6,add,sgd,0.001,399,1.6408,0.0106,134277.0,0.0127,0.0011,0.1346,0.0157,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_const,graph_path_len,32,3,6,3,skipsum,False,relu,0.6,add,sgd,0.001,399,1.6408,0.0115,135360.0,0.0152,0.006,0.1346,0.0157,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_const,graph_path_len,32,3,8,3,skipsum,False,relu,0.6,add,sgd,0.001,399,1.6342,0.0146,135350.0,0.0111,0.0012,0.1538,0.0314,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_const,graph_path_len,64,1,2,1,skipsum,True,relu,0.0,mean,sgd,0.001,399,13.0782,5.2228,134625.0,0.0206,0.0029,0.173,0.0272,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_const,graph_path_len,64,1,4,1,skipsum,True,relu,0.0,mean,sgd,0.001,399,18.9823,12.4384,134285.0,0.0144,0.0015,0.2179,0.0907,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_const,graph_path_len,64,1,6,1,skipsum,True,relu,0.0,mean,sgd,0.001,399,26.1376,11.5186,134069.0,0.0184,0.0025,0.2436,0.0725,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_const,graph_path_len,64,1,8,1,skipsum,True,relu,0.0,mean,sgd,0.001,399,19.1193,11.6265,135429.0,0.0176,0.0039,0.2692,0.0831,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_onehot,graph_path_len,16,3,2,1,stack,True,relu,0.0,mean,adam,0.1,99,1.2158,0.1814,134285.0,0.0084,0.0026,0.5769,0.0816,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_onehot,graph_path_len,16,3,4,1,stack,True,relu,0.0,mean,adam,0.1,99,0.9508,0.106,134069.0,0.01,0.0051,0.6474,0.0327,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_onehot,graph_path_len,16,3,6,1,stack,True,relu,0.0,mean,adam,0.1,99,0.7876,0.0487,135429.0,0.0093,0.0019,0.6987,0.0363,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_onehot,graph_path_len,16,3,8,1,stack,True,relu,0.0,mean,adam,0.1,99,0.752,0.1139,134297.0,0.0091,0.0016,0.6666,0.0181,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_onehot,graph_path_len,32,2,2,3,stack,False,prelu,0.0,mean,sgd,0.1,99,,,134790.0,0.0097,0.0022,0.2308,0.0831,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_onehot,graph_path_len,32,2,4,3,stack,False,prelu,0.0,mean,sgd,0.1,99,,,134677.0,0.03,0.0022,0.2308,0.0831,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_onehot,graph_path_len,32,2,6,3,stack,False,prelu,0.0,mean,sgd,0.1,99,,,134921.0,0.0118,0.0028,0.2308,0.0831,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_onehot,graph_path_len,32,2,8,3,stack,False,prelu,0.0,mean,sgd,0.1,99,,,133749.0,0.0107,0.0009,0.2308,0.0831,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_onehot,graph_path_len,64,1,2,1,skipconcat,True,prelu,0.6,add,sgd,0.01,99,1.2042,0.2754,136454.0,0.012,0.0006,0.5449,0.0551,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_onehot,graph_path_len,64,1,4,1,skipconcat,True,prelu,0.6,add,sgd,0.01,99,1.0582,0.2861,137546.0,0.0472,0.0038,0.6026,0.024,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_onehot,graph_path_len,64,1,6,1,skipconcat,True,prelu,0.6,add,sgd,0.01,99,1.0251,0.2895,135807.0,0.015,0.0028,0.5897,0.0635,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_onehot,graph_path_len,64,1,8,1,skipconcat,True,prelu,0.6,add,sgd,0.01,99,0.9696,0.2468,138476.0,0.0172,0.0027,0.5961,0.0415,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_pagerank,graph_path_len,16,3,2,1,skipsum,True,relu,0.3,max,adam,0.01,199,1.4992,0.3417,134285.0,0.0062,0.0009,0.6987,0.0594,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_pagerank,graph_path_len,16,3,4,1,skipsum,True,relu,0.3,max,adam,0.01,199,2.3515,0.7874,134069.0,0.028,0.0012,0.6346,0.0566,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_pagerank,graph_path_len,16,3,6,1,skipsum,True,relu,0.3,max,adam,0.01,199,1.2981,0.3841,135429.0,0.0432,0.0055,0.7051,0.0453,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_pagerank,graph_path_len,16,3,8,1,skipsum,True,relu,0.3,max,adam,0.01,199,1.4624,0.6519,134297.0,0.01,0.0007,0.609,0.1416,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_pagerank,graph_path_len,32,1,2,3,skipsum,False,relu,0.0,mean,adam,0.1,399,1.6417,0.0116,134850.0,0.0106,0.0034,0.1346,0.0157,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_pagerank,graph_path_len,32,1,4,3,skipsum,False,relu,0.0,mean,adam,0.1,399,1.6439,0.0127,134833.0,0.0141,0.0013,0.1346,0.0157,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_pagerank,graph_path_len,32,1,6,3,skipsum,False,relu,0.0,mean,adam,0.1,399,1.6412,0.0117,134277.0,0.0113,0.0012,0.1346,0.0157,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_pagerank,graph_path_len,32,1,8,3,skipsum,False,relu,0.0,mean,adam,0.1,399,1.6434,0.0115,135360.0,0.0134,0.0016,0.1346,0.0157,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_pagerank,graph_path_len,32,3,2,1,skipconcat,True,prelu,0.6,mean,adam,0.1,199,7.1092,2.2841,135407.0,0.0098,0.0016,0.25,0.0566,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_pagerank,graph_path_len,32,3,4,1,skipconcat,True,prelu,0.6,mean,adam,0.1,199,3.6556,0.9075,137556.0,0.0134,0.0031,0.2884,0.0544,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_pagerank,graph_path_len,32,3,6,1,skipconcat,True,prelu,0.6,mean,adam,0.1,199,9.2092,2.8924,137718.0,0.0134,0.0003,0.1987,0.0091,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_pagerank,graph_path_len,32,3,8,1,skipconcat,True,prelu,0.6,mean,adam,0.1,199,10.0856,2.7796,136886.0,0.0129,0.0018,0.2179,0.0654,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_pagerank,graph_path_len,64,3,2,1,stack,False,prelu,0.0,max,adam,0.1,399,1.6399,0.0156,134851.0,0.0317,0.0034,0.141,0.0181,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_pagerank,graph_path_len,64,3,4,1,stack,False,prelu,0.0,max,adam,0.1,399,1.6466,0.0174,134834.0,0.0177,0.0008,0.1474,0.0091,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_pagerank,graph_path_len,64,3,6,1,stack,False,prelu,0.0,max,adam,0.1,399,1.6396,0.0139,134278.0,0.0148,0.001,0.1346,0.0157,,,,,,,,
-l_mp,nx,smallworld,graph,True,node_pagerank,graph_path_len,64,3,8,1,stack,False,prelu,0.0,max,adam,0.1,399,1.621,0.0518,135361.0,0.0261,0.0051,0.1923,0.0955,,,,,,,,
-l_mp,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,16,1,2,3,stack,False,prelu,0.3,mean,adam,0.1,399,1.6097,0.0,134851.0,0.0094,0.0016,0.1911,0.0017,,,,,,,,
-l_mp,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,16,1,4,3,stack,False,prelu,0.3,mean,adam,0.1,399,1.6097,0.0,134834.0,0.0254,0.0016,0.1911,0.0017,,,,,,,,
-l_mp,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,16,1,6,3,stack,False,prelu,0.3,mean,adam,0.1,399,1.6097,0.0,134278.0,0.008,0.0012,0.1911,0.0017,,,,,,,,
-l_mp,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,16,1,8,3,stack,False,prelu,0.3,mean,adam,0.1,399,1.6097,0.0,135361.0,0.0346,0.0044,0.1911,0.0017,,,,,,,,
-l_mp,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,16,3,2,2,skipsum,False,swish,0.3,max,sgd,0.001,399,1.5137,0.0018,134789.0,0.01,0.0009,0.2931,0.0043,,,,,,,,
-l_mp,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,16,3,4,2,skipsum,False,swish,0.3,max,sgd,0.001,399,1.5292,0.0012,134676.0,0.0081,0.0005,0.2939,0.0033,,,,,,,,
-l_mp,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,16,3,6,2,skipsum,False,swish,0.3,max,sgd,0.001,399,1.6059,0.0144,134920.0,0.0257,0.0011,0.2231,0.0352,,,,,,,,
-l_mp,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,16,3,8,2,skipsum,False,swish,0.3,max,sgd,0.001,399,1.6322,0.0286,133748.0,0.0113,0.0012,0.2003,0.0025,,,,,,,,
-l_mp,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,64,2,2,3,skipsum,True,relu,0.3,mean,sgd,0.1,99,1.3556,0.005,134118.0,0.0221,0.0044,0.4102,0.0014,,,,,,,,
-l_mp,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,64,2,4,3,skipsum,True,relu,0.3,mean,sgd,0.1,99,1.3629,0.0065,133829.0,0.0186,0.0042,0.402,0.0027,,,,,,,,
-l_mp,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,64,2,6,3,skipsum,True,relu,0.3,mean,sgd,0.1,99,1.3636,0.0075,133925.0,0.0184,0.0019,0.4003,0.0021,,,,,,,,
-l_mp,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,64,2,8,3,skipsum,True,relu,0.3,mean,sgd,0.1,99,1.3684,0.0015,135056.0,0.0202,0.0026,0.4002,0.0059,,,,,,,,
-l_mp,nx,smallworld,node,True,node_const,node_clustering_coefficient,16,2,2,2,skipconcat,False,relu,0.0,mean,adam,0.001,199,1.6049,0.001,135951.0,0.0089,0.0011,0.2305,0.0055,,,,,,,,
-l_mp,nx,smallworld,node,True,node_const,node_clustering_coefficient,16,2,4,2,skipconcat,False,relu,0.0,mean,adam,0.001,199,1.6049,0.001,136828.0,0.0142,0.0039,0.2305,0.0055,,,,,,,,
-l_mp,nx,smallworld,node,True,node_const,node_clustering_coefficient,16,2,6,2,skipconcat,False,relu,0.0,mean,adam,0.001,199,1.6049,0.001,140145.0,0.0423,0.0054,0.2305,0.0055,,,,,,,,
-l_mp,nx,smallworld,node,True,node_const,node_clustering_coefficient,16,2,8,2,skipconcat,False,relu,0.0,mean,adam,0.001,199,1.6049,0.001,138963.0,0.0552,0.0066,0.2305,0.0055,,,,,,,,
-l_mp,nx,smallworld,node,True,node_const,node_clustering_coefficient,32,2,2,2,stack,False,swish,0.0,max,sgd,0.001,99,1.6049,0.001,134850.0,0.0224,0.0001,0.2305,0.0055,,,,,,,,
-l_mp,nx,smallworld,node,True,node_const,node_clustering_coefficient,32,2,4,2,stack,False,swish,0.0,max,sgd,0.001,99,1.6049,0.001,134833.0,0.0111,0.0031,0.2305,0.0055,,,,,,,,
-l_mp,nx,smallworld,node,True,node_const,node_clustering_coefficient,32,2,6,2,stack,False,swish,0.0,max,sgd,0.001,99,1.6049,0.001,134277.0,0.0133,0.0036,0.2305,0.0055,,,,,,,,
-l_mp,nx,smallworld,node,True,node_const,node_clustering_coefficient,32,2,8,2,stack,False,swish,0.0,max,sgd,0.001,99,1.6049,0.001,135360.0,0.0118,0.0024,0.2305,0.0055,,,,,,,,
-l_mp,nx,smallworld,node,True,node_const,node_clustering_coefficient,64,1,2,3,skipsum,True,relu,0.6,max,sgd,0.01,199,1.6426,0.0065,134285.0,0.0178,0.0019,0.2018,0.0045,,,,,,,,
-l_mp,nx,smallworld,node,True,node_const,node_clustering_coefficient,64,1,4,3,skipsum,True,relu,0.6,max,sgd,0.01,199,1.6805,0.0165,134069.0,0.0173,0.0031,0.2018,0.0045,,,,,,,,
-l_mp,nx,smallworld,node,True,node_const,node_clustering_coefficient,64,1,6,3,skipsum,True,relu,0.6,max,sgd,0.01,199,1.6344,0.0129,135429.0,0.0263,0.0064,0.2018,0.0045,,,,,,,,
-l_mp,nx,smallworld,node,True,node_const,node_clustering_coefficient,64,1,8,3,skipsum,True,relu,0.6,max,sgd,0.01,199,1.6278,0.0061,134297.0,0.0205,0.0004,0.2018,0.0045,,,,,,,,
-l_mp,nx,smallworld,node,True,node_const,node_clustering_coefficient,64,2,2,2,skipsum,True,prelu,0.6,mean,adam,0.01,199,3.3074,0.6272,134286.0,0.0279,0.0091,0.2305,0.0055,,,,,,,,
-l_mp,nx,smallworld,node,True,node_const,node_clustering_coefficient,64,2,4,2,skipsum,True,prelu,0.6,mean,adam,0.01,199,4.8313,0.3227,134070.0,0.0187,0.0019,0.2305,0.0055,,,,,,,,
-l_mp,nx,smallworld,node,True,node_const,node_clustering_coefficient,64,2,6,2,skipsum,True,prelu,0.6,mean,adam,0.01,199,5.2031,0.2044,135430.0,0.0382,0.005,0.2305,0.0055,,,,,,,,
-l_mp,nx,smallworld,node,True,node_const,node_clustering_coefficient,64,2,8,2,skipsum,True,prelu,0.6,mean,adam,0.01,199,5.0741,0.2297,134298.0,0.0182,0.0024,0.2305,0.0055,,,,,,,,
-l_mp,nx,smallworld,node,True,node_const,node_clustering_coefficient,64,3,2,1,skipsum,True,swish,0.0,max,sgd,0.01,399,1.73,0.0074,134285.0,0.0186,0.0028,0.1898,0.0069,,,,,,,,
-l_mp,nx,smallworld,node,True,node_const,node_clustering_coefficient,64,3,4,1,skipsum,True,swish,0.0,max,sgd,0.01,399,1.6049,0.001,134069.0,0.0181,0.0014,0.2305,0.0055,,,,,,,,
-l_mp,nx,smallworld,node,True,node_const,node_clustering_coefficient,64,3,6,1,skipsum,True,swish,0.0,max,sgd,0.01,399,,,135429.0,0.0385,0.002,0.2018,0.0045,,,,,,,,
-l_mp,nx,smallworld,node,True,node_const,node_clustering_coefficient,64,3,8,1,skipsum,True,swish,0.0,max,sgd,0.01,399,,,134297.0,0.0367,0.0011,0.2018,0.0045,,,,,,,,
-l_mp,nx,smallworld,node,True,node_const,node_pagerank,16,2,2,3,skipsum,False,relu,0.3,max,sgd,0.001,399,1.6172,0.0018,134789.0,0.022,0.0023,0.199,0.0042,,,,,,,,
-l_mp,nx,smallworld,node,True,node_const,node_pagerank,16,2,4,3,skipsum,False,relu,0.3,max,sgd,0.001,399,1.6205,0.004,134676.0,0.0261,0.0019,0.199,0.0042,,,,,,,,
-l_mp,nx,smallworld,node,True,node_const,node_pagerank,16,2,6,3,skipsum,False,relu,0.3,max,sgd,0.001,399,1.6157,0.001,134920.0,0.0095,0.0004,0.199,0.0042,,,,,,,,
-l_mp,nx,smallworld,node,True,node_const,node_pagerank,16,2,8,3,skipsum,False,relu,0.3,max,sgd,0.001,399,1.612,0.0009,133748.0,0.0091,0.0003,0.199,0.0042,,,,,,,,
-l_mp,nx,smallworld,node,True,node_const,node_pagerank,64,3,2,1,skipconcat,False,swish,0.0,mean,adam,0.001,99,1.6097,0.0,136247.0,0.017,0.0012,0.1911,0.0017,,,,,,,,
-l_mp,nx,smallworld,node,True,node_const,node_pagerank,64,3,4,1,skipconcat,False,swish,0.0,mean,adam,0.001,99,1.6097,0.0,136820.0,0.0202,0.0006,0.1911,0.0017,,,,,,,,
-l_mp,nx,smallworld,node,True,node_const,node_pagerank,64,3,6,1,skipconcat,False,swish,0.0,mean,adam,0.001,99,1.6097,0.0,137033.0,0.0616,0.002,0.1911,0.0017,,,,,,,,
-l_mp,nx,smallworld,node,True,node_const,node_pagerank,64,3,8,1,skipconcat,False,swish,0.0,mean,adam,0.001,99,1.6097,0.0,136236.0,0.0641,0.0013,0.1911,0.0017,,,,,,,,
-l_mp,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,16,1,2,2,stack,True,swish,0.0,add,sgd,0.1,199,1.158,0.0024,134789.0,0.0053,0.0002,0.4933,0.0016,,,,,,,,
-l_mp,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,16,1,4,2,stack,True,swish,0.0,add,sgd,0.1,199,0.9805,0.0464,134118.0,0.0064,0.0006,0.5729,0.0218,,,,,,,,
-l_mp,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,16,1,6,2,stack,True,swish,0.0,add,sgd,0.1,199,1.0743,0.0726,133829.0,0.0087,0.0011,0.5274,0.0398,,,,,,,,
-l_mp,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,16,1,8,2,stack,True,swish,0.0,add,sgd,0.1,199,1.2868,0.0127,133925.0,0.0091,0.0011,0.4336,0.0112,,,,,,,,
-l_mp,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,16,3,2,1,skipconcat,False,swish,0.3,mean,adam,0.1,99,1.6195,0.0199,136247.0,0.0099,0.0007,0.2364,0.0134,,,,,,,,
-l_mp,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,16,3,4,1,skipconcat,False,swish,0.3,mean,adam,0.1,99,1.6049,0.001,136820.0,0.0065,0.0003,0.2305,0.0055,,,,,,,,
-l_mp,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,16,3,6,1,skipconcat,False,swish,0.3,mean,adam,0.1,99,1.6049,0.001,137033.0,0.0081,0.0014,0.2305,0.0055,,,,,,,,
-l_mp,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,16,3,8,1,skipconcat,False,swish,0.3,mean,adam,0.1,99,1.6049,0.001,136236.0,0.048,0.0031,0.2305,0.0055,,,,,,,,
-l_mp,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,64,3,2,1,skipconcat,True,prelu,0.0,mean,sgd,0.001,99,1.6062,0.003,135407.0,0.0184,0.0011,0.2223,0.0131,,,,,,,,
-l_mp,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,64,3,4,1,skipconcat,True,prelu,0.0,mean,sgd,0.001,99,1.6008,0.0008,137556.0,0.017,0.0015,0.2408,0.0084,,,,,,,,
-l_mp,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,64,3,6,1,skipconcat,True,prelu,0.0,mean,sgd,0.001,99,1.597,0.0011,137718.0,0.0506,0.0015,0.2682,0.0147,,,,,,,,
-l_mp,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,64,3,8,1,skipconcat,True,prelu,0.0,mean,sgd,0.001,99,1.5964,0.0025,136886.0,0.0576,0.0052,0.2628,0.0136,,,,,,,,
-l_mp,nx,smallworld,node,True,node_onehot,node_pagerank,16,2,2,3,skipsum,False,prelu,0.3,max,adam,0.01,99,1.6097,0.0,134790.0,0.0068,0.0001,0.1911,0.0017,,,,,,,,
-l_mp,nx,smallworld,node,True,node_onehot,node_pagerank,16,2,4,3,skipsum,False,prelu,0.3,max,adam,0.01,99,1.6097,0.0,134677.0,0.0074,0.0007,0.1911,0.0017,,,,,,,,
-l_mp,nx,smallworld,node,True,node_onehot,node_pagerank,16,2,6,3,skipsum,False,prelu,0.3,max,adam,0.01,99,1.6097,0.0,134921.0,0.007,0.0005,0.1911,0.0017,,,,,,,,
-l_mp,nx,smallworld,node,True,node_onehot,node_pagerank,16,2,8,3,skipsum,False,prelu,0.3,max,adam,0.01,99,1.6097,0.0,133749.0,0.0087,0.001,0.1911,0.0017,,,,,,,,
-l_mp,nx,smallworld,node,True,node_onehot,node_pagerank,16,3,2,1,skipsum,False,prelu,0.0,add,sgd,0.1,399,0.8789,0.0931,134851.0,0.0241,0.0017,0.7201,0.0397,,,,,,,,
-l_mp,nx,smallworld,node,True,node_onehot,node_pagerank,16,3,2,1,skipsum,True,prelu,0.3,max,adam,0.001,99,2.4723,0.254,134286.0,0.0059,0.0005,0.2061,0.0053,,,,,,,,
-l_mp,nx,smallworld,node,True,node_onehot,node_pagerank,16,3,4,1,skipsum,False,prelu,0.0,add,sgd,0.1,399,1.2379,0.2472,134834.0,0.006,0.0004,0.4963,0.1799,,,,,,,,
-l_mp,nx,smallworld,node,True,node_onehot,node_pagerank,16,3,4,1,skipsum,True,prelu,0.3,max,adam,0.001,99,1.8921,0.0748,134070.0,0.007,0.0003,0.2689,0.0061,,,,,,,,
-l_mp,nx,smallworld,node,True,node_onehot,node_pagerank,16,3,6,1,skipsum,False,prelu,0.0,add,sgd,0.1,399,1.4713,0.0781,134278.0,0.0066,0.0007,0.3494,0.0769,,,,,,,,
-l_mp,nx,smallworld,node,True,node_onehot,node_pagerank,16,3,6,1,skipsum,True,prelu,0.3,max,adam,0.001,99,1.8667,0.0737,135430.0,0.0092,0.001,0.2588,0.0093,,,,,,,,
-l_mp,nx,smallworld,node,True,node_onehot,node_pagerank,16,3,8,1,skipsum,False,prelu,0.0,add,sgd,0.1,399,1.4813,0.1274,135361.0,0.0252,0.0011,0.3466,0.1035,,,,,,,,
-l_mp,nx,smallworld,node,True,node_onehot,node_pagerank,16,3,8,1,skipsum,True,prelu,0.3,max,adam,0.001,99,1.8556,0.0375,134298.0,0.0294,0.0016,0.2479,0.0025,,,,,,,,
-l_mp,nx,smallworld,node,True,node_onehot,node_pagerank,32,2,2,1,skipconcat,False,relu,0.0,max,adam,0.1,399,1.5792,0.0004,136479.0,0.0127,0.002,0.2733,0.0001,,,,,,,,
-l_mp,nx,smallworld,node,True,node_onehot,node_pagerank,32,2,4,1,skipconcat,False,relu,0.0,max,adam,0.1,399,1.564,0.0325,137725.0,0.0109,0.002,0.2708,0.0548,,,,,,,,
-l_mp,nx,smallworld,node,True,node_onehot,node_pagerank,32,2,6,1,skipconcat,False,relu,0.0,max,adam,0.1,399,1.6097,0.0,138065.0,0.0107,0.0005,0.1911,0.0017,,,,,,,,
-l_mp,nx,smallworld,node,True,node_onehot,node_pagerank,32,2,8,1,skipconcat,False,relu,0.0,max,adam,0.1,399,1.6097,0.0,137165.0,0.0494,0.0032,0.1911,0.0017,,,,,,,,
-l_mp,nx,smallworld,node,True,node_onehot,node_pagerank,32,3,2,2,stack,True,relu,0.0,add,sgd,0.01,99,0.7531,0.0043,134118.0,0.025,0.0008,0.6874,0.0042,,,,,,,,
-l_mp,nx,smallworld,node,True,node_onehot,node_pagerank,32,3,4,2,stack,True,relu,0.0,add,sgd,0.01,99,0.6124,0.0068,133829.0,0.017,0.0029,0.7643,0.0055,,,,,,,,
-l_mp,nx,smallworld,node,True,node_onehot,node_pagerank,32,3,6,2,stack,True,relu,0.0,add,sgd,0.01,99,0.606,0.011,133925.0,0.023,0.0008,0.7663,0.002,,,,,,,,
-l_mp,nx,smallworld,node,True,node_onehot,node_pagerank,32,3,8,2,stack,True,relu,0.0,add,sgd,0.01,99,0.6367,0.0164,135056.0,0.0306,0.0019,0.7475,0.0136,,,,,,,,
-l_mp,nx,smallworld,node,True,node_onehot,node_pagerank,64,2,2,1,stack,True,relu,0.0,mean,adam,0.01,399,1.8807,0.0261,134789.0,0.02,0.0072,0.3518,0.0054,,,,,,,,
-l_mp,nx,smallworld,node,True,node_onehot,node_pagerank,64,2,4,1,stack,True,relu,0.0,mean,adam,0.01,399,1.79,0.0171,134118.0,0.0203,0.008,0.3888,0.0045,,,,,,,,
-l_mp,nx,smallworld,node,True,node_onehot,node_pagerank,64,2,6,1,stack,True,relu,0.0,mean,adam,0.01,399,1.6097,0.0122,133829.0,0.0295,0.001,0.3809,0.001,,,,,,,,
-l_mp,nx,smallworld,node,True,node_onehot,node_pagerank,64,2,8,1,stack,True,relu,0.0,mean,adam,0.01,399,1.4575,0.0081,133925.0,0.0402,0.0109,0.3821,0.0057,,,,,,,,
-l_mp,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,16,1,2,2,skipconcat,True,relu,0.0,add,sgd,0.001,399,0.9739,0.0063,136295.0,0.0275,0.0022,0.5751,0.0044,,,,,,,,
-l_mp,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,16,1,4,2,skipconcat,True,relu,0.0,add,sgd,0.001,399,0.9483,0.0048,138017.0,0.0367,0.0068,0.5854,0.002,,,,,,,,
-l_mp,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,16,1,6,2,skipconcat,True,relu,0.0,add,sgd,0.001,399,0.9431,0.0113,138781.0,0.0067,0.0004,0.5902,0.0033,,,,,,,,
-l_mp,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,16,1,8,2,skipconcat,True,relu,0.0,add,sgd,0.001,399,0.9532,0.0059,138385.0,0.0081,0.0006,0.5865,0.0032,,,,,,,,
-l_mp,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,16,3,2,1,skipconcat,True,swish,0.3,add,sgd,0.1,399,1.1848,0.0164,135406.0,0.006,0.0006,0.4801,0.0071,,,,,,,,
-l_mp,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,16,3,4,1,skipconcat,True,swish,0.3,add,sgd,0.1,399,1.2098,0.0587,137555.0,0.009,0.0014,0.4672,0.0247,,,,,,,,
-l_mp,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,16,3,6,1,skipconcat,True,swish,0.3,add,sgd,0.1,399,1.2358,0.1036,137717.0,0.0091,0.0018,0.4796,0.0314,,,,,,,,
-l_mp,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,16,3,8,1,skipconcat,True,swish,0.3,add,sgd,0.1,399,1.5337,0.0514,136885.0,0.0433,0.0029,0.379,0.0196,,,,,,,,
-l_mp,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,32,2,2,3,skipsum,True,swish,0.6,mean,adam,0.01,99,2.2043,0.0798,134118.0,0.0124,0.0024,0.3502,0.0064,,,,,,,,
-l_mp,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,32,2,4,3,skipsum,True,swish,0.6,mean,adam,0.01,99,2.0789,0.0683,133829.0,0.0122,0.0001,0.3576,0.0103,,,,,,,,
-l_mp,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,32,2,6,3,skipsum,True,swish,0.6,mean,adam,0.01,99,1.9011,0.1737,133925.0,0.0172,0.001,0.3507,0.0263,,,,,,,,
-l_mp,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,32,2,8,3,skipsum,True,swish,0.6,mean,adam,0.01,99,1.8593,0.0367,135056.0,0.0137,0.0015,0.3376,0.0078,,,,,,,,
-l_post,PyG,AmazonPhoto,node,True,,,16,1,2,1,skipconcat,False,prelu,0.3,mean,sgd,0.1,99,0.9084,0.0541,294429.0,0.055,0.0061,0.7607,0.0425,,,,,,,,
-l_post,PyG,AmazonPhoto,node,True,,,16,1,2,2,skipconcat,False,prelu,0.3,mean,sgd,0.1,99,0.2142,0.0365,213684.0,0.0316,0.0042,0.9384,0.0119,,,,,,,,
-l_post,PyG,AmazonPhoto,node,True,,,16,1,2,3,skipconcat,False,prelu,0.3,mean,sgd,0.1,99,0.3279,0.0925,196649.0,0.0366,0.0069,0.9027,0.032,,,,,,,,
-l_post,PyG,AmazonPhoto,node,True,,,16,1,6,1,skipconcat,False,relu,0.0,max,sgd,0.001,399,1.9497,0.0103,199048.0,0.0456,0.009,0.2545,0.0059,,,,,,,,
-l_post,PyG,AmazonPhoto,node,True,,,16,1,6,2,skipconcat,False,relu,0.0,max,sgd,0.001,399,1.9067,0.0189,171388.0,0.03,0.0027,0.3253,0.0577,,,,,,,,
-l_post,PyG,AmazonPhoto,node,True,,,16,1,6,3,skipconcat,False,relu,0.0,max,sgd,0.001,399,1.8857,0.014,165520.0,0.0304,0.0028,0.354,0.0408,,,,,,,,
-l_post,PyG,AmazonPhoto,node,True,,,16,2,2,1,stack,False,relu,0.3,add,adam,0.001,99,1.0295,0.0181,291278.0,0.0508,0.0046,0.8637,0.0116,,,,,,,,
-l_post,PyG,AmazonPhoto,node,True,,,16,2,2,2,stack,False,relu,0.3,add,adam,0.001,99,0.4867,0.0151,270460.0,0.0364,0.0053,0.8646,0.0104,,,,,,,,
-l_post,PyG,AmazonPhoto,node,True,,,16,2,2,3,stack,False,relu,0.3,add,adam,0.001,99,0.4372,0.0283,256570.0,0.0579,0.017,0.8744,0.0129,,,,,,,,
-l_post,PyG,AmazonPhoto,node,True,,,16,3,6,1,skipsum,True,relu,0.3,max,adam,0.001,199,1.6133,0.2267,229768.0,0.0425,0.0016,0.4675,0.1834,,,,,,,,
-l_post,PyG,AmazonPhoto,node,True,,,16,3,6,2,skipsum,True,relu,0.3,max,adam,0.001,199,1.8827,0.0342,225310.0,0.0474,0.0078,0.3651,0.0585,,,,,,,,
-l_post,PyG,AmazonPhoto,node,True,,,16,3,6,3,skipsum,True,relu,0.3,max,adam,0.001,199,2.3665,0.592,221383.0,0.0718,0.0013,0.2913,0.0897,,,,,,,,
-l_post,PyG,AmazonPhoto,node,True,,,32,2,6,1,skipsum,False,prelu,0.6,add,sgd,0.1,99,1.3357,0.2033,238335.0,0.051,0.0023,0.5267,0.0851,,,,,,,,
-l_post,PyG,AmazonPhoto,node,True,,,32,2,6,2,skipsum,False,prelu,0.6,add,sgd,0.1,99,1.3655,0.4049,231435.0,0.057,0.0103,0.4759,0.164,,,,,,,,
-l_post,PyG,AmazonPhoto,node,True,,,32,2,6,3,skipsum,False,prelu,0.6,add,sgd,0.1,99,1.7628,0.2496,224101.0,0.0513,0.0108,0.3262,0.1084,,,,,,,,
-l_post,PyG,AmazonPhoto,node,True,,,64,1,4,1,skipconcat,True,prelu,0.6,max,adam,0.001,99,1.5359,0.0418,223684.0,0.064,0.0027,0.4901,0.0396,,,,,,,,
-l_post,PyG,AmazonPhoto,node,True,,,64,1,4,2,skipconcat,True,prelu,0.6,max,adam,0.001,99,1.2521,0.03,184459.0,0.0315,0.002,0.7024,0.0204,,,,,,,,
-l_post,PyG,AmazonPhoto,node,True,,,64,1,4,3,skipconcat,True,prelu,0.6,max,adam,0.001,99,1.7451,0.1464,170854.0,0.0396,0.0059,0.5482,0.0223,,,,,,,,
-l_post,PyG,CoauthorCS,node,True,,,32,3,8,1,skipconcat,False,prelu,0.6,mean,adam,0.1,399,1.2982,0.1649,542403.0,0.821,0.0887,0.5251,0.0725,,,,,,,,
-l_post,PyG,CoauthorCS,node,True,,,32,3,8,2,skipconcat,False,prelu,0.6,mean,adam,0.1,399,2.1738,0.3318,374220.0,0.8267,0.0909,0.2827,0.0759,,,,,,,,
-l_post,PyG,CoauthorCS,node,True,,,32,3,8,3,skipconcat,False,prelu,0.6,mean,adam,0.1,399,2.4066,0.0026,316410.0,0.9156,0.1473,0.2283,0.0014,,,,,,,,
-l_post,PyG,CoauthorCS,node,True,,,64,1,8,1,skipsum,False,relu,0.3,add,adam,0.001,99,1.7384,0.0064,1014084.0,1.0034,0.0406,0.7289,0.0204,,,,,,,,
-l_post,PyG,CoauthorCS,node,True,,,64,1,8,2,skipsum,False,relu,0.3,add,adam,0.001,99,1.1952,0.0386,958214.0,0.9612,0.121,0.7166,0.0214,,,,,,,,
-l_post,PyG,CoauthorCS,node,True,,,64,1,8,3,skipsum,False,relu,0.3,add,adam,0.001,99,1.1373,0.0433,917830.0,0.8574,0.0188,0.6798,0.0193,,,,,,,,
-l_post,PyG,CoauthorCS,node,True,,,64,2,6,1,skipconcat,True,relu,0.6,add,sgd,0.01,399,2.1183,0.0088,674091.0,1.048,0.1217,0.2687,0.0164,,,,,,,,
-l_post,PyG,CoauthorCS,node,True,,,64,2,6,2,skipconcat,True,relu,0.6,add,sgd,0.01,399,0.4644,0.0422,442831.0,0.8643,0.0672,0.8783,0.0085,,,,,,,,
-l_post,PyG,CoauthorCS,node,True,,,64,2,6,3,skipconcat,True,relu,0.6,add,sgd,0.01,399,0.8125,0.066,375171.0,0.8785,0.094,0.7686,0.0204,,,,,,,,
-l_post,PyG,CoauthorPhysics,node,True,,,16,2,2,1,skipconcat,True,prelu,0.3,mean,sgd,0.1,399,0.1233,0.002,1658328.0,2.1008,0.2769,0.9605,0.0008,,,,,,,,
-l_post,PyG,CoauthorPhysics,node,True,,,16,2,2,2,skipconcat,True,prelu,0.3,mean,sgd,0.1,399,0.1454,0.0084,985463.0,1.9891,0.1792,0.9675,0.0006,,,,,,,,
-l_post,PyG,CoauthorPhysics,node,True,,,16,2,2,3,skipconcat,True,prelu,0.3,mean,sgd,0.1,399,0.1404,0.0041,792954.0,1.9483,0.0154,0.9668,0.001,,,,,,,,
-l_post,PyG,CoauthorPhysics,node,True,,,16,2,8,1,skipsum,True,swish,0.6,add,adam,0.01,399,0.53,0.2237,1153014.0,1.5964,0.0812,0.8761,0.0391,,,,,,,,
-l_post,PyG,CoauthorPhysics,node,True,,,16,2,8,2,skipsum,True,swish,0.6,add,adam,0.01,399,0.2881,0.0119,1103085.0,1.5222,0.0723,0.9594,0.0011,,,,,,,,
-l_post,PyG,CoauthorPhysics,node,True,,,16,2,8,3,skipsum,True,swish,0.6,add,adam,0.01,399,0.2937,0.029,1051092.0,2.0736,0.264,0.9601,0.0019,,,,,,,,
-l_post,PyG,CoauthorPhysics,node,True,,,32,3,6,1,stack,True,relu,0.6,mean,adam,0.001,399,0.7428,0.0637,1211141.0,2.0032,0.2,0.8019,0.0279,,,,,,,,
-l_post,PyG,CoauthorPhysics,node,True,,,32,3,6,2,stack,True,relu,0.6,mean,adam,0.001,399,0.9527,0.2613,1153014.0,1.563,0.0604,0.8384,0.0347,,,,,,,,
-l_post,PyG,CoauthorPhysics,node,True,,,32,3,6,3,stack,True,relu,0.6,mean,adam,0.001,399,2.3831,1.8043,1103085.0,2.1265,0.4022,0.6806,0.2121,,,,,,,,
-l_post,PyG,CoauthorPhysics,node,True,,,64,3,2,1,skipsum,False,swish,0.6,mean,adam,0.01,99,0.1249,0.005,1665851.0,1.6415,0.0495,0.9648,0.0007,,,,,,,,
-l_post,PyG,CoauthorPhysics,node,True,,,64,3,2,2,skipsum,False,swish,0.6,mean,adam,0.01,99,0.1546,0.0038,1506288.0,1.6494,0.0514,0.9664,0.0008,,,,,,,,
-l_post,PyG,CoauthorPhysics,node,True,,,64,3,2,3,skipsum,False,swish,0.6,mean,adam,0.01,99,0.1824,0.0018,1388834.0,1.8727,0.0644,0.9646,0.0013,,,,,,,,
-l_post,PyG,Cora,node,True,,,16,2,6,1,skipsum,True,relu,0.3,add,adam,0.01,199,0.5343,0.0633,330862.0,0.032,0.0091,0.8686,0.0122,,,,,,,,
-l_post,PyG,Cora,node,True,,,16,2,6,2,skipsum,True,relu,0.3,add,adam,0.01,199,0.8595,0.1204,317703.0,0.0178,0.0015,0.8656,0.0165,,,,,,,,
-l_post,PyG,Cora,node,True,,,16,2,6,3,skipsum,True,relu,0.3,add,adam,0.01,199,0.9082,0.0939,308436.0,0.0223,0.0023,0.8644,0.0107,,,,,,,,
-l_post,PyG,Cora,node,True,,,16,3,6,1,stack,True,prelu,0.0,max,adam,0.001,399,0.6705,0.0316,317704.0,0.023,0.0009,0.8183,0.0136,,,,,,,,
-l_post,PyG,Cora,node,True,,,16,3,6,2,stack,True,prelu,0.0,max,adam,0.001,399,0.8925,0.1005,308437.0,0.0277,0.0042,0.8232,0.009,,,,,,,,
-l_post,PyG,Cora,node,True,,,16,3,6,3,stack,True,prelu,0.0,max,adam,0.001,399,0.8647,0.0733,300388.0,0.0227,0.0012,0.8238,0.0031,,,,,,,,
-l_post,PyG,Cora,node,True,,,64,1,4,1,skipsum,False,swish,0.6,add,sgd,0.01,399,1.3329,0.0253,395493.0,0.0227,0.0019,0.5586,0.0259,,,,,,,,
-l_post,PyG,Cora,node,True,,,64,1,4,2,skipsum,False,swish,0.6,add,sgd,0.01,399,1.4074,0.0268,368550.0,0.0238,0.0011,0.5556,0.0166,,,,,,,,
-l_post,PyG,Cora,node,True,,,64,1,4,3,skipsum,False,swish,0.6,add,sgd,0.01,399,1.5786,0.0388,348816.0,0.0162,0.0022,0.3972,0.0647,,,,,,,,
-l_post,PyG,Cora,node,True,,,64,1,8,1,stack,False,swish,0.3,mean,sgd,0.001,99,1.8721,0.0072,320056.0,0.0275,0.0072,0.294,0.0117,,,,,,,,
-l_post,PyG,Cora,node,True,,,64,1,8,2,stack,False,swish,0.3,mean,sgd,0.001,99,1.8457,0.0079,307226.0,0.0224,0.0032,0.294,0.0117,,,,,,,,
-l_post,PyG,Cora,node,True,,,64,1,8,3,stack,False,swish,0.3,mean,sgd,0.001,99,1.8444,0.0088,299122.0,0.0183,0.0033,0.294,0.0117,,,,,,,,
-l_post,PyG,Cora,node,True,,,64,3,4,1,skipsum,True,prelu,0.6,mean,adam,0.001,399,0.4676,0.0318,346624.0,0.0155,0.0015,0.8742,0.0152,,,,,,,,
-l_post,PyG,Cora,node,True,,,64,3,4,2,skipsum,True,prelu,0.6,mean,adam,0.001,399,0.6571,0.1113,330863.0,0.019,0.0029,0.8828,0.0031,,,,,,,,
-l_post,PyG,Cora,node,True,,,64,3,4,3,skipsum,True,prelu,0.6,mean,adam,0.001,399,0.5763,0.085,317704.0,0.0169,0.0011,0.8803,0.003,,,,,,,,
-l_post,PyG,TU_COX2,graph,False,,,16,3,6,1,stack,False,swish,0.3,mean,adam,0.001,199,0.5519,0.0148,138934.0,0.0098,0.0011,0.773,0.0133,0.0,0.0,0.0,0.0,0.0,0.0,0.5572,0.1066
-l_post,PyG,TU_COX2,graph,False,,,16,3,6,2,stack,False,swish,0.3,mean,adam,0.001,199,0.5464,0.0223,137336.0,0.0272,0.0027,0.773,0.0133,0.0,0.0,0.0,0.0,0.0,0.0,0.5146,0.0152
-l_post,PyG,TU_COX2,graph,False,,,16,3,6,3,stack,False,swish,0.3,mean,adam,0.001,199,0.5455,0.0135,137656.0,0.0095,0.0027,0.773,0.0133,0.0,0.0,0.0,0.0,0.0,0.0,0.5152,0.0154
-l_post,PyG,TU_COX2,graph,False,,,16,3,8,1,stack,True,swish,0.6,add,adam,0.001,399,0.6281,0.0659,138921.0,0.0084,0.0016,0.773,0.0133,0.0,0.0,0.0,0.0,0.0,0.0,0.6063,0.0384
-l_post,PyG,TU_COX2,graph,False,,,16,3,8,2,stack,True,swish,0.6,add,adam,0.001,399,0.7678,0.1241,137232.0,0.0434,0.0049,0.773,0.0133,0.0,0.0,0.0,0.0,0.0,0.0,0.5735,0.0508
-l_post,PyG,TU_COX2,graph,False,,,16,3,8,3,stack,True,swish,0.6,add,adam,0.001,399,0.5438,0.0047,138811.0,0.0355,0.0066,0.773,0.0133,0.0,0.0,0.0,0.0,0.0,0.0,0.6083,0.0788
-l_post,PyG,TU_COX2,graph,False,,,32,1,2,1,skipsum,False,relu,0.6,max,adam,0.001,399,0.6752,0.112,142122.0,0.0274,0.0012,0.7801,0.0219,0.3333,0.4714,0.0333,0.0471,0.0606,0.0857,0.7884,0.0084
-l_post,PyG,TU_COX2,graph,False,,,32,1,2,2,skipsum,False,relu,0.6,max,adam,0.001,399,0.4707,0.0147,140701.0,0.0265,0.0078,0.7837,0.0219,0.4048,0.2993,0.2627,0.2252,0.2936,0.2185,0.7561,0.0062
-l_post,PyG,TU_COX2,graph,False,,,32,1,2,3,skipsum,False,relu,0.6,max,adam,0.001,399,0.5361,0.0172,139959.0,0.0096,0.0006,0.773,0.0133,0.0,0.0,0.0,0.0,0.0,0.0,0.5,0.0
-l_post,PyG,TU_DD,graph,False,,,16,2,2,1,stack,True,swish,0.3,add,sgd,0.1,399,6.6434,1.0834,151526.0,0.0214,0.0012,0.7443,0.0211,0.7318,0.0764,0.6739,0.0836,0.6927,0.0232,0.7964,0.0083
-l_post,PyG,TU_DD,graph,False,,,16,2,2,2,stack,True,swish,0.3,add,sgd,0.1,399,0.884,0.1485,149145.0,0.0106,0.0023,0.6554,0.0687,0.7516,0.0755,0.3161,0.1981,0.4063,0.1996,0.7684,0.0558
-l_post,PyG,TU_DD,graph,False,,,16,2,2,3,stack,True,swish,0.3,add,sgd,0.1,399,1.0597,0.394,147745.0,0.0183,0.0023,0.6511,0.028,0.7315,0.0755,0.3548,0.182,0.4396,0.1328,0.7831,0.0104
-l_post,PyG,TU_DD,graph,False,,,32,2,2,1,stack,False,swish,0.0,add,sgd,0.001,99,0.5593,0.0149,152041.0,0.0274,0.0014,0.7528,0.0262,0.7121,0.0463,0.7245,0.0145,0.717,0.0186,0.8093,0.0029
-l_post,PyG,TU_DD,graph,False,,,32,2,2,2,stack,False,swish,0.0,add,sgd,0.001,99,0.5272,0.0032,149787.0,0.0156,0.0021,0.7415,0.0104,0.7475,0.028,0.6066,0.0123,0.6692,0.0044,0.8097,0.0031
-l_post,PyG,TU_DD,graph,False,,,32,2,2,3,stack,False,swish,0.0,add,sgd,0.001,99,0.5218,0.002,148494.0,0.0116,0.0016,0.7472,0.0072,0.7593,0.0263,0.6066,0.0123,0.6739,0.0051,0.8101,0.0032
-l_post,PyG,TU_DD,graph,False,,,64,2,4,1,skipsum,True,relu,0.3,add,sgd,0.001,399,3.0755,0.0656,147745.0,0.034,0.0096,0.4717,0.023,0.4476,0.0177,0.9637,0.0101,0.6112,0.0179,0.5046,0.0162
-l_post,PyG,TU_DD,graph,False,,,64,2,4,2,skipsum,True,relu,0.3,add,sgd,0.001,399,0.6449,0.0448,146817.0,0.0313,0.0035,0.7458,0.0277,0.6928,0.0735,0.7721,0.0639,0.7238,0.0106,0.7927,0.0236
-l_post,PyG,TU_DD,graph,False,,,64,2,4,3,skipsum,True,relu,0.3,add,sgd,0.001,399,0.8167,0.1316,145906.0,0.0362,0.0112,0.6229,0.0138,0.538,0.0038,0.8851,0.0101,0.6692,0.0041,0.7123,0.0448
-l_post,PyG,TU_DD,graph,False,,,64,3,6,1,skipsum,True,relu,0.6,mean,adam,0.1,199,1.1203,0.0446,144897.0,0.048,0.0064,0.4308,0.0106,0.4308,0.0106,1.0,0.0,0.6021,0.0103,0.4125,0.129
-l_post,PyG,TU_DD,graph,False,,,64,3,6,2,skipsum,True,relu,0.6,mean,adam,0.1,199,0.6294,0.0307,145080.0,0.0377,0.007,0.685,0.014,0.9241,0.0334,0.2941,0.0514,0.443,0.0555,0.8084,0.003
-l_post,PyG,TU_DD,graph,False,,,64,3,6,3,skipsum,True,relu,0.6,mean,adam,0.1,199,0.6094,0.0173,145131.0,0.0443,0.0055,0.6963,0.0341,0.8832,0.034,0.3463,0.0847,0.4894,0.0876,0.7775,0.0016
-l_post,PyG,TU_ENZYMES,graph,False,,,16,1,4,1,stack,True,swish,0.0,mean,sgd,0.001,199,1.7942,0.1495,134489.0,0.0047,0.0003,0.3389,0.0483,,,,,,,,
-l_post,PyG,TU_ENZYMES,graph,False,,,16,1,4,2,stack,True,swish,0.0,mean,sgd,0.001,199,1.5332,0.1345,134628.0,0.0226,0.0009,0.4472,0.0478,,,,,,,,
-l_post,PyG,TU_ENZYMES,graph,False,,,16,1,4,3,stack,True,swish,0.0,mean,sgd,0.001,199,1.4899,0.1584,134834.0,0.0297,0.003,0.4722,0.0239,,,,,,,,
-l_post,PyG,TU_IMDB,graph,False,,,32,1,4,1,skipconcat,False,swish,0.3,mean,adam,0.01,399,1.0994,0.0018,134668.0,0.0111,0.0039,0.3689,0.0069,,,,,,,,
-l_post,PyG,TU_IMDB,graph,False,,,32,1,4,2,skipconcat,False,swish,0.3,mean,adam,0.01,399,1.0957,0.0124,136155.0,0.0084,0.0013,0.3878,0.0173,,,,,,,,
-l_post,PyG,TU_IMDB,graph,False,,,32,1,4,3,skipconcat,False,swish,0.3,mean,adam,0.01,399,1.097,0.0068,134000.0,0.0403,0.0048,0.3756,0.0164,,,,,,,,
-l_post,PyG,TU_IMDB,graph,False,,,64,1,6,1,skipsum,True,prelu,0.6,max,sgd,0.001,199,2.0107,0.1401,134092.0,0.0129,0.0031,0.3222,0.011,,,,,,,,
-l_post,PyG,TU_IMDB,graph,False,,,64,1,6,2,skipsum,True,prelu,0.6,max,sgd,0.001,199,1.5963,0.0543,134127.0,0.0333,0.0023,0.3111,0.0069,,,,,,,,
-l_post,PyG,TU_IMDB,graph,False,,,64,1,6,3,skipsum,True,prelu,0.6,max,sgd,0.001,199,1.4529,0.0203,133892.0,0.0313,0.0021,0.3133,0.0047,,,,,,,,
-l_post,PyG,TU_IMDB,graph,False,,,64,1,8,1,skipsum,False,prelu,0.3,mean,adam,0.01,199,1.1001,0.0019,134809.0,0.0318,0.0034,0.3278,0.0164,,,,,,,,
-l_post,PyG,TU_IMDB,graph,False,,,64,1,8,2,skipsum,False,prelu,0.3,mean,adam,0.01,199,1.1008,0.0015,133467.0,0.0146,0.002,0.3378,0.011,,,,,,,,
-l_post,PyG,TU_IMDB,graph,False,,,64,1,8,3,skipsum,False,prelu,0.3,mean,adam,0.01,199,1.098,0.0029,133979.0,0.0151,0.0035,0.3511,0.0042,,,,,,,,
-l_post,PyG,TU_IMDB,graph,False,,,64,2,2,1,stack,True,prelu,0.0,add,adam,0.1,399,1.0171,0.0069,133555.0,0.0251,0.0018,0.4744,0.0235,,,,,,,,
-l_post,PyG,TU_IMDB,graph,False,,,64,2,2,2,stack,True,prelu,0.0,add,adam,0.1,399,1.0234,0.0051,133582.0,0.0359,0.0063,0.4611,0.0069,,,,,,,,
-l_post,PyG,TU_IMDB,graph,False,,,64,2,2,3,stack,True,prelu,0.0,add,adam,0.1,399,1.0294,0.0142,133816.0,0.028,0.0018,0.4711,0.0069,,,,,,,,
-l_post,PyG,TU_IMDB,graph,False,,,64,2,6,1,stack,True,prelu,0.3,mean,sgd,0.1,199,1.1014,0.0078,134127.0,0.0285,0.0015,0.34,0.0425,,,,,,,,
-l_post,PyG,TU_IMDB,graph,False,,,64,2,6,2,stack,True,prelu,0.3,mean,sgd,0.1,199,1.3202,0.1513,133892.0,0.0338,0.0024,0.3367,0.026,,,,,,,,
-l_post,PyG,TU_IMDB,graph,False,,,64,2,6,3,stack,True,prelu,0.3,mean,sgd,0.1,199,1.3294,0.1482,134677.0,0.0272,0.0013,0.3422,0.0177,,,,,,,,
-l_post,PyG,TU_PROTEINS,graph,False,,,32,1,2,1,skipsum,True,relu,0.0,add,adam,0.001,199,0.5871,0.0304,133633.0,0.0087,0.0008,0.7137,0.017,0.6517,0.0191,0.64,0.0479,0.6455,0.0335,0.7804,0.0141
-l_post,PyG,TU_PROTEINS,graph,False,,,32,1,2,2,skipsum,True,relu,0.0,add,adam,0.001,199,0.5761,0.0292,133552.0,0.0101,0.0012,0.7364,0.0162,0.7172,0.0284,0.5889,0.0048,0.6466,0.0143,0.7871,0.0109
-l_post,PyG,TU_PROTEINS,graph,False,,,32,1,2,3,skipsum,True,relu,0.0,add,adam,0.001,199,0.6633,0.0237,133579.0,0.0081,0.0009,0.7152,0.0204,0.6843,0.0397,0.5665,0.0152,0.6195,0.0238,0.7668,0.0078
-l_post,PyG,TU_PROTEINS,graph,False,,,32,1,6,1,stack,True,relu,0.6,max,sgd,0.001,199,0.9813,0.0764,134089.0,0.0105,0.0009,0.4091,0.0065,0.4091,0.0065,1.0,0.0,0.5806,0.0064,0.257,0.0106
-l_post,PyG,TU_PROTEINS,graph,False,,,32,1,6,2,stack,True,relu,0.6,max,sgd,0.001,199,0.6421,0.0156,134124.0,0.0172,0.0096,0.6955,0.0128,0.6961,0.0571,0.4764,0.0858,0.5574,0.0414,0.73,0.0184
-l_post,PyG,TU_PROTEINS,graph,False,,,32,1,6,3,stack,True,relu,0.6,max,sgd,0.001,199,0.6131,0.0141,133889.0,0.0104,0.0016,0.6909,0.0037,0.79,0.0111,0.3331,0.0104,0.4685,0.0091,0.7364,0.0089
-l_post,PyG,TU_PROTEINS,graph,False,,,64,1,6,1,skipconcat,False,swish,0.3,add,sgd,0.01,399,0.7299,0.0599,135761.0,0.0549,0.0057,0.7318,0.0149,0.7025,0.0225,0.5959,0.0403,0.6444,0.0308,0.7769,0.0102
-l_post,PyG,TU_PROTEINS,graph,False,,,64,1,6,2,skipconcat,False,swish,0.3,add,sgd,0.01,399,0.668,0.0243,136577.0,0.013,0.0016,0.7288,0.0021,0.6721,0.013,0.6596,0.0226,0.6653,0.0063,0.7894,0.0051
-l_post,PyG,TU_PROTEINS,graph,False,,,64,1,6,3,skipconcat,False,swish,0.3,add,sgd,0.01,399,0.5922,0.0346,138619.0,0.0117,0.0021,0.7409,0.0162,0.6919,0.018,0.659,0.037,0.6749,0.028,0.7913,0.0275
-l_post,PyG,TU_PROTEINS,graph,False,,,64,2,8,1,skipconcat,True,prelu,0.6,add,adam,0.01,399,0.6403,0.0594,135122.0,0.011,0.0004,0.7136,0.017,0.6981,0.0124,0.5251,0.0659,0.5976,0.0482,0.7932,0.0215
-l_post,PyG,TU_PROTEINS,graph,False,,,64,2,8,2,skipconcat,True,prelu,0.6,add,adam,0.01,399,0.6023,0.0315,138110.0,0.0157,0.0029,0.7045,0.0074,0.7625,0.0104,0.4036,0.0328,0.5269,0.0278,0.7929,0.0147
-l_post,PyG,TU_PROTEINS,graph,False,,,64,2,8,3,skipconcat,True,prelu,0.6,add,adam,0.01,399,0.5921,0.0151,136294.0,0.0127,0.0008,0.6924,0.0141,0.7354,0.0105,0.3896,0.0451,0.5074,0.0376,0.7918,0.0107
-l_post,PyG,TU_PROTEINS,graph,False,,,64,3,8,1,skipsum,False,swish,0.6,mean,sgd,0.001,199,1.4943,0.8466,133976.0,0.0142,0.002,0.594,0.0057,0.3901,0.2838,0.2657,0.3605,0.2176,0.2784,0.7263,0.0368
-l_post,PyG,TU_PROTEINS,graph,False,,,64,3,8,2,skipsum,False,swish,0.6,mean,sgd,0.001,199,0.6512,0.04,134861.0,0.0152,0.0038,0.6849,0.0119,0.6377,0.0479,0.5746,0.1119,0.594,0.036,0.7367,0.0119
-l_post,PyG,TU_PROTEINS,graph,False,,,64,3,8,3,skipsum,False,swish,0.6,mean,sgd,0.001,199,0.5989,0.0231,134086.0,0.0169,0.0041,0.6909,0.0074,0.649,0.0345,0.5533,0.0919,0.59,0.0445,0.7421,0.0111
-l_post,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,16,2,8,1,skipsum,False,swish,0.0,mean,adam,0.001,199,0.7299,0.1825,134920.0,0.007,0.0009,0.75,0.0416,,,,,,,,
-l_post,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,16,2,8,2,skipsum,False,swish,0.0,mean,adam,0.001,199,0.8186,0.1643,135360.0,0.0325,0.0003,0.75,0.0416,,,,,,,,
-l_post,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,16,2,8,3,skipsum,False,swish,0.0,mean,adam,0.001,199,1.0008,0.336,133748.0,0.0285,0.0017,0.7244,0.024,,,,,,,,
-l_post,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,64,2,2,1,skipconcat,False,relu,0.6,add,sgd,0.001,199,2.293,0.541,136479.0,0.0374,0.0013,0.5128,0.0363,,,,,,,,
-l_post,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,64,2,2,2,skipconcat,False,relu,0.6,add,sgd,0.001,199,2.8131,0.4964,135951.0,0.0113,0.0006,0.3013,0.0708,,,,,,,,
-l_post,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,64,2,2,3,skipconcat,False,relu,0.6,add,sgd,0.001,199,1.4596,0.1361,136661.0,0.0183,0.002,0.3974,0.024,,,,,,,,
-l_post,nx,scalefree,graph,True,node_const,graph_path_len,16,2,8,1,stack,False,relu,0.0,max,sgd,0.1,99,1.6199,0.011,134920.0,0.0078,0.0011,0.1538,0.0415,,,,,,,,
-l_post,nx,scalefree,graph,True,node_const,graph_path_len,16,2,8,2,stack,False,relu,0.0,max,sgd,0.1,99,1.6298,0.013,135360.0,0.0075,0.0006,0.1346,0.0272,,,,,,,,
-l_post,nx,scalefree,graph,True,node_const,graph_path_len,16,2,8,3,stack,False,relu,0.0,max,sgd,0.1,99,,,133748.0,0.0063,0.0003,0.1923,0.072,,,,,,,,
-l_post,nx,scalefree,graph,True,node_const,graph_path_len,16,3,6,1,skipsum,True,swish,0.3,add,adam,0.001,199,2.6683,0.289,135429.0,0.0077,0.0012,0.5705,0.0505,,,,,,,,
-l_post,nx,scalefree,graph,True,node_const,graph_path_len,16,3,6,2,skipsum,True,swish,0.3,add,adam,0.001,199,1.4944,0.585,133925.0,0.0263,0.0009,0.5897,0.0181,,,,,,,,
-l_post,nx,scalefree,graph,True,node_const,graph_path_len,16,3,6,3,skipsum,True,swish,0.3,add,adam,0.001,199,1.3759,0.2924,134297.0,0.0063,0.0004,0.5641,0.0181,,,,,,,,
-l_post,nx,scalefree,graph,True,node_const,graph_path_len,32,1,6,1,skipsum,False,prelu,0.0,add,adam,0.1,399,0.4146,0.0397,134834.0,0.0267,0.0025,0.8141,0.0091,,,,,,,,
-l_post,nx,scalefree,graph,True,node_const,graph_path_len,32,1,6,2,skipsum,False,prelu,0.0,add,adam,0.1,399,1.3109,0.46,134677.0,0.0073,0.0001,0.2821,0.2357,,,,,,,,
-l_post,nx,scalefree,graph,True,node_const,graph_path_len,32,1,6,3,skipsum,False,prelu,0.0,add,adam,0.1,399,1.6274,0.0122,134278.0,0.0114,0.0024,0.141,0.024,,,,,,,,
-l_post,nx,scalefree,graph,True,node_const,graph_path_len,64,1,6,1,skipconcat,True,prelu,0.0,mean,sgd,0.1,99,,,135807.0,0.0197,0.0023,0.1859,0.0395,,,,,,,,
-l_post,nx,scalefree,graph,True,node_const,graph_path_len,64,1,6,2,skipconcat,True,prelu,0.0,mean,sgd,0.1,99,,,138782.0,0.0139,0.0019,0.2372,0.0395,,,,,,,,
-l_post,nx,scalefree,graph,True,node_const,graph_path_len,64,1,6,3,skipconcat,True,prelu,0.0,mean,sgd,0.1,99,,,140562.0,0.0458,0.0015,0.2372,0.0395,,,,,,,,
-l_post,nx,scalefree,graph,True,node_const,graph_path_len,64,2,8,1,skipsum,False,swish,0.3,add,adam,0.01,399,2.8516,2.0883,134920.0,0.0128,0.0002,0.4039,0.1655,,,,,,,,
-l_post,nx,scalefree,graph,True,node_const,graph_path_len,64,2,8,1,stack,True,prelu,0.6,mean,adam,0.01,199,11.9591,3.2136,133926.0,0.0133,0.0002,0.2628,0.0395,,,,,,,,
-l_post,nx,scalefree,graph,True,node_const,graph_path_len,64,2,8,2,skipsum,False,swish,0.3,add,adam,0.01,399,1.7045,0.4993,135360.0,0.0184,0.0006,0.3462,0.1246,,,,,,,,
-l_post,nx,scalefree,graph,True,node_const,graph_path_len,64,2,8,2,stack,True,prelu,0.6,mean,adam,0.01,199,9.5317,1.3733,134298.0,0.0165,0.0025,0.2628,0.0395,,,,,,,,
-l_post,nx,scalefree,graph,True,node_const,graph_path_len,64,2,8,3,skipsum,False,swish,0.3,add,adam,0.01,399,3.342,1.2064,133748.0,0.0158,0.0025,0.141,0.101,,,,,,,,
-l_post,nx,scalefree,graph,True,node_const,graph_path_len,64,2,8,3,stack,True,prelu,0.6,mean,adam,0.01,199,7.8102,0.8276,135057.0,0.0152,0.0009,0.2628,0.0395,,,,,,,,
-l_post,nx,scalefree,graph,True,node_onehot,graph_path_len,16,1,8,1,stack,True,swish,0.0,add,sgd,0.1,99,1.2827,0.424,135429.0,0.008,0.0001,0.7692,0.0272,,,,,,,,
-l_post,nx,scalefree,graph,True,node_onehot,graph_path_len,16,1,8,2,stack,True,swish,0.0,add,sgd,0.1,99,0.512,0.0571,133925.0,0.0068,0.0004,0.7885,0.0566,,,,,,,,
-l_post,nx,scalefree,graph,True,node_onehot,graph_path_len,16,1,8,3,stack,True,swish,0.0,add,sgd,0.1,99,0.592,0.1768,134297.0,0.025,0.0003,0.7308,0.1133,,,,,,,,
-l_post,nx,scalefree,graph,True,node_onehot,graph_path_len,16,2,8,1,skipconcat,True,prelu,0.6,add,sgd,0.1,399,8.9137,5.8893,137766.0,0.0087,0.0001,0.4551,0.2222,,,,,,,,
-l_post,nx,scalefree,graph,True,node_onehot,graph_path_len,16,2,8,2,skipconcat,True,prelu,0.6,add,sgd,0.1,399,,,139610.0,0.0073,0.0005,0.2372,0.0395,,,,,,,,
-l_post,nx,scalefree,graph,True,node_onehot,graph_path_len,16,2,8,3,skipconcat,True,prelu,0.6,add,sgd,0.1,399,,,137442.0,0.0068,0.0002,0.2372,0.0395,,,,,,,,
-l_post,nx,scalefree,graph,True,node_onehot,graph_path_len,32,1,8,1,skipconcat,True,relu,0.0,mean,adam,0.01,99,1.5824,0.3285,138475.0,0.0118,0.0018,0.641,0.0091,,,,,,,,
-l_post,nx,scalefree,graph,True,node_onehot,graph_path_len,32,1,8,2,skipconcat,True,relu,0.0,mean,adam,0.01,99,1.5534,0.4788,138385.0,0.0101,0.0005,0.6603,0.0505,,,,,,,,
-l_post,nx,scalefree,graph,True,node_onehot,graph_path_len,32,1,8,3,skipconcat,True,relu,0.0,mean,adam,0.01,99,1.2813,0.3235,136713.0,0.0099,0.0007,0.6474,0.0551,,,,,,,,
-l_post,nx,scalefree,graph,True,node_onehot,graph_path_len,32,3,6,1,stack,True,prelu,0.0,max,adam,0.001,199,1.9638,0.5823,135430.0,0.0253,0.0024,0.7436,0.0363,,,,,,,,
-l_post,nx,scalefree,graph,True,node_onehot,graph_path_len,32,3,6,2,stack,True,prelu,0.0,max,adam,0.001,199,1.211,0.1915,133926.0,0.0138,0.0028,0.6666,0.0181,,,,,,,,
-l_post,nx,scalefree,graph,True,node_onehot,graph_path_len,32,3,6,3,stack,True,prelu,0.0,max,adam,0.001,199,1.2969,0.041,134298.0,0.0121,0.0027,0.7308,0.0314,,,,,,,,
-l_post,nx,scalefree,graph,True,node_pagerank,graph_path_len,16,3,6,1,skipsum,True,swish,0.3,add,sgd,0.1,99,10.7923,8.3963,135429.0,0.0062,0.0003,0.4295,0.079,,,,,,,,
-l_post,nx,scalefree,graph,True,node_pagerank,graph_path_len,16,3,6,2,skipsum,True,swish,0.3,add,sgd,0.1,99,0.5983,0.0686,133925.0,0.0097,0.0012,0.7821,0.0552,,,,,,,,
-l_post,nx,scalefree,graph,True,node_pagerank,graph_path_len,16,3,6,3,skipsum,True,swish,0.3,add,sgd,0.1,99,0.4825,0.0644,134297.0,0.0098,0.0006,0.7949,0.0181,,,,,,,,
-l_post,nx,scalefree,graph,True,node_pagerank,graph_path_len,32,1,4,1,skipsum,False,relu,0.0,mean,adam,0.001,399,0.6981,0.04,134850.0,0.0081,0.0013,0.7372,0.0327,,,,,,,,
-l_post,nx,scalefree,graph,True,node_pagerank,graph_path_len,32,1,4,2,skipsum,False,relu,0.0,mean,adam,0.001,399,0.6478,0.1278,134789.0,0.0232,0.0016,0.7372,0.0505,,,,,,,,
-l_post,nx,scalefree,graph,True,node_pagerank,graph_path_len,32,1,4,3,skipsum,False,relu,0.0,mean,adam,0.001,399,0.6648,0.2118,134833.0,0.0092,0.0015,0.7628,0.0395,,,,,,,,
-l_post,nx,scalefree,graph,True,node_pagerank,graph_path_len,64,3,8,1,skipconcat,True,swish,0.3,max,sgd,0.001,399,12.0846,2.009,136885.0,0.0154,0.0008,0.2821,0.0363,,,,,,,,
-l_post,nx,scalefree,graph,True,node_pagerank,graph_path_len,64,3,8,2,skipconcat,True,swish,0.3,max,sgd,0.001,399,4.6856,2.1964,140833.0,0.0169,0.0028,0.3013,0.0181,,,,,,,,
-l_post,nx,scalefree,graph,True,node_pagerank,graph_path_len,64,3,8,3,skipconcat,True,swish,0.3,max,sgd,0.001,399,2.2295,0.3784,138169.0,0.0199,0.0027,0.3013,0.024,,,,,,,,
-l_post,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,64,1,8,1,skipconcat,False,relu,0.0,mean,adam,0.001,399,0.8208,0.0081,137926.0,0.018,0.0032,0.6596,0.0046,,,,,,,,
-l_post,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,64,1,8,2,skipconcat,False,relu,0.0,mean,adam,0.001,399,0.7331,0.0022,137773.0,0.0427,0.0017,0.6906,0.0057,,,,,,,,
-l_post,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,64,1,8,3,skipconcat,False,relu,0.0,mean,adam,0.001,399,0.7084,0.0072,136011.0,0.0174,0.0026,0.6963,0.0066,,,,,,,,
-l_post,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,64,2,2,1,skipsum,True,swish,0.3,max,sgd,0.001,399,1.5294,0.0123,134789.0,0.028,0.0005,0.2904,0.0487,,,,,,,,
-l_post,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,64,2,2,2,skipsum,True,swish,0.3,max,sgd,0.001,399,2.5793,0.2127,134285.0,0.0147,0.0021,0.2623,0.0204,,,,,,,,
-l_post,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,64,2,2,3,skipsum,True,swish,0.3,max,sgd,0.001,399,2.4694,0.129,134118.0,0.0128,0.0013,0.2685,0.0379,,,,,,,,
-l_post,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,64,2,4,1,stack,True,relu,0.0,add,adam,0.001,99,0.5552,0.0119,134118.0,0.0152,0.0005,0.8719,0.0058,,,,,,,,
-l_post,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,64,2,4,2,stack,True,relu,0.0,add,adam,0.001,99,0.1966,0.0063,134069.0,0.0146,0.001,0.9352,0.0059,,,,,,,,
-l_post,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,64,2,4,3,stack,True,relu,0.0,add,adam,0.001,99,0.1659,0.0014,133829.0,0.031,0.002,0.9436,0.0017,,,,,,,,
-l_post,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,64,2,6,1,skipconcat,False,prelu,0.3,max,sgd,0.01,399,1.0308,0.0289,138066.0,0.0475,0.0049,0.5651,0.0206,,,,,,,,
-l_post,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,64,2,6,2,skipconcat,False,prelu,0.3,max,sgd,0.01,399,1.3291,0.0885,140146.0,0.0445,0.0014,0.4506,0.0316,,,,,,,,
-l_post,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,64,2,6,3,skipconcat,False,prelu,0.3,max,sgd,0.01,399,2.2872,0.214,141038.0,0.0483,0.0049,0.2997,0.0399,,,,,,,,
-l_post,nx,scalefree,node,True,node_const,node_clustering_coefficient,64,3,8,1,skipsum,False,swish,0.3,max,adam,0.01,99,2.3131,0.1181,135360.0,0.0168,0.002,0.1976,0.0055,,,,,,,,
-l_post,nx,scalefree,node,True,node_const,node_clustering_coefficient,64,3,8,2,skipsum,False,swish,0.3,max,adam,0.01,99,2.6725,0.0191,133748.0,0.0196,0.0011,0.1976,0.0055,,,,,,,,
-l_post,nx,scalefree,node,True,node_const,node_clustering_coefficient,64,3,8,3,skipsum,False,swish,0.3,max,adam,0.01,99,3.4093,0.0178,135350.0,0.0158,0.0002,0.1976,0.0055,,,,,,,,
-l_post,nx,scalefree,node,True,node_const,node_pagerank,16,1,4,1,skipconcat,False,swish,0.3,add,adam,0.1,399,1.0091,0.217,136970.0,0.0075,0.0009,0.5603,0.0859,,,,,,,,
-l_post,nx,scalefree,node,True,node_const,node_pagerank,16,1,4,2,skipconcat,False,swish,0.3,add,adam,0.1,399,4.1637,3.241,137397.0,0.0352,0.0045,0.4603,0.1927,,,,,,,,
-l_post,nx,scalefree,node,True,node_const,node_pagerank,16,1,4,3,skipconcat,False,swish,0.3,add,adam,0.1,399,2.2713,0.4789,134942.0,0.0077,0.0012,0.5494,0.0654,,,,,,,,
-l_post,nx,scalefree,node,True,node_const,node_pagerank,16,3,2,1,stack,True,swish,0.0,mean,sgd,0.1,99,1.6099,0.0002,134285.0,0.0248,0.0037,0.1893,0.0025,,,,,,,,
-l_post,nx,scalefree,node,True,node_const,node_pagerank,16,3,2,2,stack,True,swish,0.0,mean,sgd,0.1,99,14.3849,18.0664,134118.0,0.0061,0.0004,0.1918,0.0052,,,,,,,,
-l_post,nx,scalefree,node,True,node_const,node_pagerank,16,3,2,3,stack,True,swish,0.0,mean,sgd,0.1,99,1.6907,0.1143,134069.0,0.0057,0.0006,0.1926,0.0011,,,,,,,,
-l_post,nx,scalefree,node,True,node_const,node_pagerank,32,1,6,1,skipsum,False,prelu,0.3,add,sgd,0.01,199,1.6575,0.0229,134834.0,0.0101,0.0011,0.2301,0.0003,,,,,,,,
-l_post,nx,scalefree,node,True,node_const,node_pagerank,32,1,6,2,skipsum,False,prelu,0.3,add,sgd,0.01,199,1.7634,0.0493,134677.0,0.0084,0.0012,0.2157,0.013,,,,,,,,
-l_post,nx,scalefree,node,True,node_const,node_pagerank,32,1,6,3,skipsum,False,prelu,0.3,add,sgd,0.01,199,1.8872,0.279,134278.0,0.0283,0.0029,0.2195,0.0124,,,,,,,,
-l_post,nx,scalefree,node,True,node_const,node_pagerank,32,2,8,1,stack,True,prelu,0.6,add,adam,0.01,399,0.1583,0.0023,133926.0,0.0295,0.0062,0.9389,0.0015,,,,,,,,
-l_post,nx,scalefree,node,True,node_const,node_pagerank,32,2,8,2,stack,True,prelu,0.6,add,adam,0.01,399,0.1721,0.0045,134298.0,0.0138,0.001,0.935,0.0038,,,,,,,,
-l_post,nx,scalefree,node,True,node_const,node_pagerank,32,2,8,3,stack,True,prelu,0.6,add,adam,0.01,399,0.1847,0.0044,135057.0,0.0246,0.0026,0.9219,0.0015,,,,,,,,
-l_post,nx,scalefree,node,True,node_const,node_pagerank,32,3,2,1,stack,False,swish,0.6,mean,sgd,0.1,199,1.8593,0.063,134850.0,0.0109,0.0021,0.2019,0.0078,,,,,,,,
-l_post,nx,scalefree,node,True,node_const,node_pagerank,32,3,2,2,stack,False,swish,0.6,mean,sgd,0.1,199,2.1579,0.1928,134789.0,0.0126,0.0042,0.1979,0.0079,,,,,,,,
-l_post,nx,scalefree,node,True,node_const,node_pagerank,32,3,2,3,stack,False,swish,0.6,mean,sgd,0.1,199,2.8314,0.7987,134833.0,0.0232,0.0009,0.2013,0.0025,,,,,,,,
-l_post,nx,scalefree,node,True,node_const,node_pagerank,64,3,4,1,skipconcat,False,prelu,0.6,mean,sgd,0.1,99,1.678,0.0054,136821.0,0.0415,0.0027,0.1958,0.0071,,,,,,,,
-l_post,nx,scalefree,node,True,node_const,node_pagerank,64,3,4,2,skipconcat,False,prelu,0.6,mean,sgd,0.1,99,2.0649,0.1768,136086.0,0.0218,0.0058,0.1958,0.0071,,,,,,,,
-l_post,nx,scalefree,node,True,node_const,node_pagerank,64,3,4,3,skipconcat,False,prelu,0.6,mean,sgd,0.1,99,2.7802,0.3299,139455.0,0.0471,0.0076,0.1958,0.0071,,,,,,,,
-l_post,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,16,1,4,1,skipsum,True,prelu,0.3,add,adam,0.01,399,0.9008,0.0062,134286.0,0.0065,0.0008,0.5944,0.0025,,,,,,,,
-l_post,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,16,1,4,1,skipsum,True,swish,0.0,max,adam,0.1,199,0.8717,0.0082,134285.0,0.0084,0.0019,0.6329,0.0019,,,,,,,,
-l_post,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,16,1,4,2,skipsum,True,prelu,0.3,add,adam,0.01,399,0.9132,0.0753,134119.0,0.022,0.0029,0.5783,0.0348,,,,,,,,
-l_post,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,16,1,4,2,skipsum,True,swish,0.0,max,adam,0.1,199,0.8394,0.0117,134118.0,0.0232,0.0026,0.6549,0.0076,,,,,,,,
-l_post,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,16,1,4,3,skipsum,True,prelu,0.3,add,adam,0.01,399,0.9138,0.0367,134070.0,0.0061,0.0005,0.5722,0.0137,,,,,,,,
-l_post,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,16,1,4,3,skipsum,True,swish,0.0,max,adam,0.1,199,0.8265,0.0157,134069.0,0.0063,0.001,0.6679,0.0046,,,,,,,,
-l_post,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,16,1,6,1,stack,False,swish,0.6,add,adam,0.1,99,1.6351,0.033,134833.0,0.0083,0.0018,0.2423,0.0071,,,,,,,,
-l_post,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,16,1,6,2,stack,False,swish,0.6,add,adam,0.1,99,1.6222,0.0088,134676.0,0.009,0.0014,0.2423,0.0071,,,,,,,,
-l_post,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,16,1,6,3,stack,False,swish,0.6,add,adam,0.1,99,1.6819,0.0211,134277.0,0.0075,0.001,0.2598,0.0142,,,,,,,,
-l_post,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,64,1,8,1,stack,True,swish,0.6,max,sgd,0.01,199,1.6469,0.0026,135429.0,0.0194,0.003,0.1976,0.0055,,,,,,,,
-l_post,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,64,1,8,2,stack,True,swish,0.6,max,sgd,0.01,199,1.8313,0.0321,133925.0,0.0284,0.001,0.223,0.0323,,,,,,,,
-l_post,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,64,1,8,3,stack,True,swish,0.6,max,sgd,0.01,199,1.7409,0.0256,134297.0,0.0153,0.0008,0.1976,0.0055,,,,,,,,
-l_post,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,64,2,6,1,skipconcat,True,relu,0.6,add,adam,0.1,399,0.966,0.0044,138689.0,0.0477,0.0059,0.5499,0.007,,,,,,,,
-l_post,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,64,2,6,2,skipconcat,True,relu,0.6,add,adam,0.1,399,0.9251,0.0124,134552.0,0.0216,0.0021,0.5547,0.0059,,,,,,,,
-l_post,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,64,2,6,3,skipconcat,True,relu,0.6,add,adam,0.1,399,0.9362,0.0039,141785.0,0.0202,0.0012,0.5452,0.0009,,,,,,,,
-l_post,nx,scalefree,node,True,node_onehot,node_pagerank,16,1,8,1,stack,True,swish,0.6,add,adam,0.1,399,7.6029,0.1682,135429.0,0.0099,0.0023,0.1958,0.0071,,,,,,,,
-l_post,nx,scalefree,node,True,node_onehot,node_pagerank,16,1,8,2,stack,True,swish,0.6,add,adam,0.1,399,13.3559,0.1932,133925.0,0.0108,0.0001,0.1959,0.0072,,,,,,,,
-l_post,nx,scalefree,node,True,node_onehot,node_pagerank,16,1,8,3,stack,True,swish,0.6,add,adam,0.1,399,14.0522,0.3148,134297.0,0.0116,0.0045,0.1959,0.0072,,,,,,,,
-l_post,nx,scalefree,node,True,node_onehot,node_pagerank,64,1,2,1,skipconcat,False,prelu,0.3,mean,sgd,0.001,99,1.6091,0.0006,135830.0,0.022,0.0077,0.2031,0.0081,,,,,,,,
-l_post,nx,scalefree,node,True,node_onehot,node_pagerank,64,1,2,2,skipconcat,False,prelu,0.3,mean,sgd,0.001,99,1.6088,0.0006,135666.0,0.0336,0.0011,0.2102,0.0035,,,,,,,,
-l_post,nx,scalefree,node,True,node_onehot,node_pagerank,64,1,2,3,skipconcat,False,prelu,0.3,mean,sgd,0.001,99,1.6096,0.0004,137206.0,0.0153,0.0029,0.2018,0.0087,,,,,,,,
-l_post,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,64,1,8,1,skipconcat,False,prelu,0.3,mean,adam,0.001,99,1.2326,0.0463,137927.0,0.015,0.0007,0.4802,0.0148,,,,,,,,
-l_post,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,64,1,8,2,skipconcat,False,prelu,0.3,mean,adam,0.001,99,1.4171,0.0351,137774.0,0.0507,0.0053,0.4525,0.0139,,,,,,,,
-l_post,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,64,1,8,3,skipconcat,False,prelu,0.3,mean,adam,0.001,99,1.5121,0.0777,136012.0,0.0566,0.0039,0.4381,0.0049,,,,,,,,
-l_post,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,64,2,8,1,skipsum,False,relu,0.3,mean,adam,0.1,99,1.2808,0.2121,134920.0,0.0376,0.0061,0.4351,0.116,,,,,,,,
-l_post,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,64,2,8,1,stack,False,prelu,0.6,add,adam,0.001,99,2.1012,0.0094,134921.0,0.0163,0.0015,0.2423,0.0071,,,,,,,,
-l_post,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,64,2,8,2,skipsum,False,relu,0.3,mean,adam,0.1,99,1.5778,0.0023,135360.0,0.0304,0.0015,0.2688,0.0019,,,,,,,,
-l_post,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,64,2,8,2,stack,False,prelu,0.6,add,adam,0.001,99,2.3044,0.0238,135361.0,0.023,0.0062,0.2423,0.0071,,,,,,,,
-l_post,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,64,2,8,3,skipsum,False,relu,0.3,mean,adam,0.1,99,1.5778,0.0023,133748.0,0.0217,0.0034,0.2688,0.0019,,,,,,,,
-l_post,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,64,2,8,3,stack,False,prelu,0.6,add,adam,0.001,99,2.2384,0.0688,133749.0,0.0322,0.0038,0.2423,0.0071,,,,,,,,
-l_post,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,16,1,8,1,stack,True,swish,0.3,mean,sgd,0.1,399,11.7135,3.5856,135429.0,0.0124,0.0011,0.2243,0.0742,,,,,,,,
-l_post,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,16,1,8,2,stack,True,swish,0.3,mean,sgd,0.1,399,6.4128,5.0304,133925.0,0.0114,0.0012,0.2628,0.048,,,,,,,,
-l_post,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,16,1,8,3,stack,True,swish,0.3,mean,sgd,0.1,399,14.5487,3.1086,134297.0,0.0092,0.0008,0.2244,0.0865,,,,,,,,
-l_post,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,32,3,6,1,skipconcat,True,relu,0.3,add,adam,0.001,199,0.8795,0.1735,137717.0,0.0399,0.0009,0.6602,0.024,,,,,,,,
-l_post,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,32,3,6,2,skipconcat,True,relu,0.3,add,adam,0.001,199,0.5899,0.0197,136487.0,0.0423,0.0103,0.7628,0.0654,,,,,,,,
-l_post,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,32,3,6,3,skipconcat,True,relu,0.3,add,adam,0.001,199,0.5312,0.1168,134810.0,0.0392,0.0034,0.7949,0.0708,,,,,,,,
-l_post,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,32,3,8,1,skipsum,False,swish,0.0,add,sgd,0.1,399,2.8417,2.1181,135360.0,0.0126,0.0023,0.4359,0.1199,,,,,,,,
-l_post,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,32,3,8,2,skipsum,False,swish,0.0,add,sgd,0.1,399,1.3543,0.0957,133748.0,0.0329,0.0015,0.3077,0.0471,,,,,,,,
-l_post,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,32,3,8,3,skipsum,False,swish,0.0,add,sgd,0.1,399,,,135350.0,0.0124,0.003,0.2115,0.0955,,,,,,,,
-l_post,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,1,6,1,skipconcat,True,relu,0.3,max,adam,0.01,399,31.5684,2.0494,135806.0,0.0485,0.0039,0.1666,0.0181,,,,,,,,
-l_post,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,1,6,2,skipconcat,True,relu,0.3,max,adam,0.01,399,23.7314,2.5231,138781.0,0.0195,0.0014,0.1666,0.0181,,,,,,,,
-l_post,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,1,6,3,skipconcat,True,relu,0.3,max,adam,0.01,399,15.0818,0.5075,140561.0,0.0152,0.0011,0.1666,0.0181,,,,,,,,
-l_post,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,2,6,1,stack,True,relu,0.3,mean,adam,0.001,199,3.7478,0.1176,133829.0,0.0174,0.0025,0.3397,0.0635,,,,,,,,
-l_post,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,2,6,2,stack,True,relu,0.3,mean,adam,0.001,199,2.7794,0.145,135429.0,0.0166,0.0025,0.3846,0.0831,,,,,,,,
-l_post,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,2,6,3,stack,True,relu,0.3,mean,adam,0.001,199,3.0601,0.2922,133925.0,0.0187,0.0025,0.3462,0.0415,,,,,,,,
-l_post,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,2,8,1,skipconcat,True,relu,0.6,max,sgd,0.01,99,47.0247,3.6756,137765.0,0.019,0.0016,0.1666,0.0181,,,,,,,,
-l_post,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,2,8,2,skipconcat,True,relu,0.6,max,sgd,0.01,99,25.9051,0.8569,139609.0,0.0185,0.0025,0.1666,0.0181,,,,,,,,
-l_post,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,2,8,3,skipconcat,True,relu,0.6,max,sgd,0.01,99,10.868,2.0639,137441.0,0.0188,0.0037,0.1666,0.0181,,,,,,,,
-l_post,nx,smallworld,graph,True,node_const,graph_path_len,64,3,4,1,skipsum,False,swish,0.0,mean,sgd,0.001,99,1.6443,0.0177,134833.0,0.0348,0.0014,0.141,0.0181,,,,,,,,
-l_post,nx,smallworld,graph,True,node_const,graph_path_len,64,3,4,1,stack,True,prelu,0.6,max,adam,0.001,199,11.8432,1.4899,134070.0,0.0269,0.0062,0.1666,0.0181,,,,,,,,
-l_post,nx,smallworld,graph,True,node_const,graph_path_len,64,3,4,2,skipsum,False,swish,0.0,mean,sgd,0.001,99,1.6341,0.0177,134676.0,0.0306,0.0028,0.1538,0.0,,,,,,,,
-l_post,nx,smallworld,graph,True,node_const,graph_path_len,64,3,4,2,stack,True,prelu,0.6,max,adam,0.001,199,14.4484,2.8248,133830.0,0.0192,0.0028,0.1666,0.0181,,,,,,,,
-l_post,nx,smallworld,graph,True,node_const,graph_path_len,64,3,4,3,skipsum,False,swish,0.0,mean,sgd,0.001,99,1.6429,0.0132,134277.0,0.0344,0.0008,0.1346,0.0157,,,,,,,,
-l_post,nx,smallworld,graph,True,node_const,graph_path_len,64,3,4,3,stack,True,prelu,0.6,max,adam,0.001,199,11.031,3.9194,135430.0,0.0159,0.003,0.1666,0.0181,,,,,,,,
-l_post,nx,smallworld,graph,True,node_onehot,graph_path_len,64,3,8,1,skipconcat,True,relu,0.6,add,sgd,0.01,199,7.3862,1.6782,136885.0,0.0735,0.0126,0.2372,0.0505,,,,,,,,
-l_post,nx,smallworld,graph,True,node_onehot,graph_path_len,64,3,8,2,skipconcat,True,relu,0.6,add,sgd,0.01,199,2.5714,0.2768,140833.0,0.0691,0.0069,0.3397,0.0327,,,,,,,,
-l_post,nx,smallworld,graph,True,node_onehot,graph_path_len,64,3,8,3,skipconcat,True,relu,0.6,add,sgd,0.01,199,2.3737,0.5976,138169.0,0.0606,0.0041,0.2885,0.0566,,,,,,,,
-l_post,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,16,1,4,1,stack,True,prelu,0.0,add,sgd,0.001,99,1.4671,0.001,134286.0,0.0066,0.0016,0.4261,0.0029,,,,,,,,
-l_post,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,16,1,4,2,stack,True,prelu,0.0,add,sgd,0.001,99,0.8382,0.0101,134119.0,0.0216,0.0015,0.6452,0.0165,,,,,,,,
-l_post,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,16,1,4,3,stack,True,prelu,0.0,add,sgd,0.001,99,0.8543,0.0233,134070.0,0.0238,0.0004,0.6369,0.0105,,,,,,,,
-l_post,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,16,2,8,1,skipsum,False,prelu,0.0,max,sgd,0.01,99,1.332,0.0232,134921.0,0.0309,0.0024,0.4511,0.0142,,,,,,,,
-l_post,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,16,2,8,2,skipsum,False,prelu,0.0,max,sgd,0.01,99,1.2426,0.0219,135361.0,0.0251,0.0019,0.4866,0.0105,,,,,,,,
-l_post,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,16,2,8,3,skipsum,False,prelu,0.0,max,sgd,0.01,99,1.2365,0.0045,133749.0,0.0243,0.0017,0.5014,0.0178,,,,,,,,
-l_post,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,16,3,8,1,stack,True,swish,0.0,mean,adam,0.01,199,1.5069,0.0016,134297.0,0.0113,0.0023,0.3026,0.0054,,,,,,,,
-l_post,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,16,3,8,2,stack,True,swish,0.0,mean,adam,0.01,199,1.4984,0.0053,135056.0,0.026,0.0028,0.3053,0.002,,,,,,,,
-l_post,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,16,3,8,3,stack,True,swish,0.0,mean,adam,0.01,199,1.4958,0.0052,134165.0,0.0105,0.0033,0.3051,0.0065,,,,,,,,
-l_post,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,32,3,8,1,skipconcat,True,swish,0.6,add,adam,0.01,199,2.9137,0.2541,136885.0,0.0113,0.0009,0.3523,0.0174,,,,,,,,
-l_post,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,32,3,8,2,skipconcat,True,swish,0.6,add,adam,0.01,199,3.1014,0.1113,140833.0,0.0177,0.0036,0.3733,0.0359,,,,,,,,
-l_post,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,32,3,8,3,skipconcat,True,swish,0.6,add,adam,0.01,199,2.4156,0.3592,138169.0,0.0489,0.0048,0.3781,0.021,,,,,,,,
-l_post,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,64,3,2,1,skipsum,True,swish,0.6,add,adam,0.01,99,3.3167,0.0423,134285.0,0.016,0.0012,0.3226,0.0023,,,,,,,,
-l_post,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,64,3,2,2,skipsum,True,swish,0.6,add,adam,0.01,99,4.6698,0.1973,134118.0,0.0337,0.0025,0.3475,0.0125,,,,,,,,
-l_post,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,64,3,2,3,skipsum,True,swish,0.6,add,adam,0.01,99,4.9062,0.1967,134069.0,0.015,0.0006,0.3537,0.0062,,,,,,,,
-l_post,nx,smallworld,node,True,node_const,node_clustering_coefficient,32,3,4,1,skipconcat,False,swish,0.3,mean,adam,0.001,399,1.6115,0.0099,136820.0,0.0108,0.0011,0.2305,0.0055,,,,,,,,
-l_post,nx,smallworld,node,True,node_const,node_clustering_coefficient,32,3,4,2,skipconcat,False,swish,0.3,mean,adam,0.001,399,2.3105,0.2819,136085.0,0.0112,0.001,0.2305,0.0055,,,,,,,,
-l_post,nx,smallworld,node,True,node_const,node_clustering_coefficient,32,3,4,3,skipconcat,False,swish,0.3,mean,adam,0.001,399,1.6049,0.001,139454.0,0.0127,0.001,0.2305,0.0055,,,,,,,,
-l_post,nx,smallworld,node,True,node_const,node_clustering_coefficient,64,1,6,1,skipsum,False,relu,0.3,max,adam,0.01,199,1.9008,0.077,134833.0,0.024,0.008,0.2018,0.0045,,,,,,,,
-l_post,nx,smallworld,node,True,node_const,node_clustering_coefficient,64,1,6,2,skipsum,False,relu,0.3,max,adam,0.01,199,1.6372,0.0466,134676.0,0.0191,0.0028,0.2204,0.0153,,,,,,,,
-l_post,nx,smallworld,node,True,node_const,node_clustering_coefficient,64,1,6,3,skipsum,False,relu,0.3,max,adam,0.01,199,1.6049,0.001,134277.0,0.0444,0.0112,0.2305,0.0055,,,,,,,,
-l_post,nx,smallworld,node,True,node_const,node_pagerank,32,2,2,1,stack,False,relu,0.3,max,adam,0.001,399,1.7694,0.0175,133957.0,0.0241,0.0011,0.199,0.0042,,,,,,,,
-l_post,nx,smallworld,node,True,node_const,node_pagerank,32,2,2,2,stack,False,relu,0.3,max,adam,0.001,399,1.8678,0.0907,134850.0,0.0095,0.002,0.199,0.0042,,,,,,,,
-l_post,nx,smallworld,node,True,node_const,node_pagerank,32,2,2,3,stack,False,relu,0.3,max,adam,0.001,399,2.3085,0.5796,134789.0,0.0232,0.0007,0.199,0.0042,,,,,,,,
-l_post,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,16,1,2,1,skipsum,False,swish,0.3,add,sgd,0.001,99,1.5895,0.0031,134900.0,0.005,0.0005,0.2813,0.0016,,,,,,,,
-l_post,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,16,1,2,2,skipsum,False,swish,0.3,add,sgd,0.001,99,1.5963,0.0029,133957.0,0.0065,0.0004,0.2586,0.0244,,,,,,,,
-l_post,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,16,1,2,3,skipsum,False,swish,0.3,add,sgd,0.001,99,1.6007,0.0019,134850.0,0.0236,0.0009,0.2355,0.0036,,,,,,,,
-l_post,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,16,1,6,1,skipconcat,False,swish,0.0,add,adam,0.001,199,1.5066,0.0107,138645.0,0.0074,0.0009,0.3037,0.0033,,,,,,,,
-l_post,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,16,1,6,2,skipconcat,False,swish,0.0,add,adam,0.001,199,1.5202,0.0048,138165.0,0.0354,0.0033,0.2927,0.0076,,,,,,,,
-l_post,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,16,1,6,3,skipconcat,False,swish,0.0,add,adam,0.001,199,1.3069,0.2188,139847.0,0.0085,0.0015,0.4163,0.104,,,,,,,,
-l_post,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,16,1,8,1,skipsum,False,relu,0.6,mean,sgd,0.001,399,1.6095,0.0049,134277.0,0.0097,0.0005,0.2305,0.0055,,,,,,,,
-l_post,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,16,1,8,2,skipsum,False,relu,0.6,mean,sgd,0.001,399,1.6052,0.0006,134920.0,0.0085,0.0008,0.2305,0.0055,,,,,,,,
-l_post,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,16,1,8,3,skipsum,False,relu,0.6,mean,sgd,0.001,399,1.6053,0.0009,135360.0,0.025,0.002,0.2305,0.0055,,,,,,,,
-l_post,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,32,2,8,1,skipconcat,False,relu,0.3,add,adam,0.01,99,1.5369,0.0009,137165.0,0.0501,0.0014,0.2957,0.0035,,,,,,,,
-l_post,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,32,2,8,1,skipsum,False,prelu,0.3,add,sgd,0.1,199,1.5986,0.0046,134921.0,0.0118,0.0016,0.2613,0.007,,,,,,,,
-l_post,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,32,2,8,2,skipconcat,False,relu,0.3,add,adam,0.01,99,1.5339,0.002,138963.0,0.0173,0.0036,0.2912,0.0102,,,,,,,,
-l_post,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,32,2,8,2,skipsum,False,prelu,0.3,add,sgd,0.1,199,1.5874,0.0052,135361.0,0.0241,0.0005,0.2718,0.0069,,,,,,,,
-l_post,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,32,2,8,3,skipconcat,False,relu,0.3,add,adam,0.01,99,1.5353,0.0009,136713.0,0.0476,0.0009,0.2905,0.0104,,,,,,,,
-l_post,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,32,2,8,3,skipsum,False,prelu,0.3,add,sgd,0.1,199,1.5715,0.0012,133749.0,0.0251,0.0046,0.2758,0.0071,,,,,,,,
-l_post,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,16,1,6,1,stack,False,prelu,0.3,max,sgd,0.1,99,1.8031,0.0316,134834.0,0.009,0.0015,0.2455,0.0089,,,,,,,,
-l_post,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,16,1,6,2,stack,False,prelu,0.3,max,sgd,0.1,99,1.9092,0.0456,134677.0,0.0084,0.001,0.2441,0.0321,,,,,,,,
-l_post,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,16,1,6,3,stack,False,prelu,0.3,max,sgd,0.1,99,2.1299,0.3181,134278.0,0.0223,0.002,0.2066,0.0111,,,,,,,,
-l_post,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,32,1,8,1,skipconcat,False,relu,0.6,add,adam,0.1,99,1.5625,0.004,137926.0,0.0143,0.0013,0.2874,0.0018,,,,,,,,
-l_post,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,32,1,8,2,skipconcat,False,relu,0.6,add,adam,0.1,99,1.5912,0.0105,137773.0,0.0122,0.0012,0.2597,0.0243,,,,,,,,
-l_post,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,32,1,8,3,skipconcat,False,relu,0.6,add,adam,0.1,99,1.6048,0.001,136011.0,0.0115,0.0002,0.2305,0.0055,,,,,,,,
-l_pre,PyG,AmazonComputers,node,True,,,16,1,4,1,skipsum,False,swish,0.6,mean,adam,0.1,399,1.4568,0.3109,274830.0,0.1244,0.0392,0.5285,0.1202,,,,,,,,
-l_pre,PyG,AmazonComputers,node,True,,,16,1,4,3,skipconcat,False,relu,0.0,max,sgd,0.001,399,1.8708,0.0093,171654.0,0.1248,0.0078,0.3692,0.0075,,,,,,,,
-l_pre,PyG,AmazonComputers,node,True,,,16,2,4,1,skipsum,False,swish,0.6,mean,adam,0.1,399,1.522,0.2989,260484.0,0.1117,0.0073,0.5128,0.1055,,,,,,,,
-l_pre,PyG,AmazonComputers,node,True,,,16,2,4,3,skipconcat,False,relu,0.0,max,sgd,0.001,399,1.8809,0.009,173910.0,0.0628,0.0029,0.3692,0.0075,,,,,,,,
-l_pre,PyG,AmazonComputers,node,True,,,16,3,4,1,skipsum,False,swish,0.6,mean,adam,0.1,399,1.6748,0.1747,250032.0,0.1296,0.0219,0.4456,0.0564,,,,,,,,
-l_pre,PyG,AmazonComputers,node,True,,,16,3,4,3,skipconcat,False,relu,0.0,max,sgd,0.001,399,1.8893,0.0081,176166.0,0.1431,0.0194,0.3692,0.0075,,,,,,,,
-l_pre,PyG,AmazonComputers,node,True,,,32,1,2,1,skipsum,False,prelu,0.6,max,sgd,0.01,99,1.9224,0.0158,332569.0,0.2238,0.0553,0.3692,0.0075,,,,,,,,
-l_pre,PyG,AmazonComputers,node,True,,,32,1,6,1,skipconcat,True,prelu,0.0,mean,sgd,0.01,199,1.2727,0.0317,202491.0,0.1255,0.0116,0.6965,0.0129,,,,,,,,
-l_pre,PyG,AmazonComputers,node,True,,,32,2,2,1,skipsum,False,prelu,0.6,max,sgd,0.01,99,1.9292,0.0088,296321.0,0.2435,0.011,0.3692,0.0075,,,,,,,,
-l_pre,PyG,AmazonComputers,node,True,,,32,2,6,1,skipconcat,True,prelu,0.0,mean,sgd,0.01,199,1.2526,0.0384,200393.0,0.1402,0.043,0.7,0.0071,,,,,,,,
-l_pre,PyG,AmazonComputers,node,True,,,32,3,2,1,skipsum,False,prelu,0.6,max,sgd,0.01,99,1.924,0.0106,274831.0,0.1784,0.0138,0.3692,0.0075,,,,,,,,
-l_pre,PyG,AmazonComputers,node,True,,,32,3,6,1,skipconcat,True,prelu,0.0,mean,sgd,0.01,199,1.2353,0.0505,197839.0,0.151,0.0336,0.7134,0.0091,,,,,,,,
-l_pre,PyG,AmazonComputers,node,True,,,64,1,4,2,skipconcat,False,relu,0.0,add,adam,0.01,99,1.5263,0.025,185824.0,0.1192,0.0208,0.485,0.0061,,,,,,,,
-l_pre,PyG,AmazonComputers,node,True,,,64,2,4,2,skipconcat,False,relu,0.0,add,adam,0.01,99,1.5213,0.0227,184474.0,0.0912,0.0049,0.4887,0.0113,,,,,,,,
-l_pre,PyG,AmazonComputers,node,True,,,64,3,4,2,skipconcat,False,relu,0.0,add,adam,0.01,99,1.3954,0.096,182950.0,0.1247,0.0125,0.5162,0.0276,,,,,,,,
-l_pre,PyG,AmazonPhoto,node,True,,,32,1,4,2,skipsum,True,relu,0.6,mean,sgd,0.001,99,0.8363,0.0285,255158.0,0.0526,0.0133,0.7248,0.0115,,,,,,,,
-l_pre,PyG,AmazonPhoto,node,True,,,32,2,4,2,skipsum,True,relu,0.6,mean,sgd,0.001,99,1.8669,0.4499,244948.0,0.0352,0.0056,0.4209,0.0912,,,,,,,,
-l_pre,PyG,AmazonPhoto,node,True,,,32,3,4,2,skipsum,True,relu,0.6,mean,sgd,0.001,99,2.1224,0.1632,236744.0,0.077,0.0014,0.2683,0.0821,,,,,,,,
-l_pre,PyG,AmazonPhoto,node,True,,,64,1,6,3,stack,False,relu,0.6,mean,sgd,0.001,399,1.9193,0.0066,231434.0,0.0411,0.0116,0.2537,0.0054,,,,,,,,
-l_pre,PyG,AmazonPhoto,node,True,,,64,2,6,3,stack,False,relu,0.6,mean,sgd,0.001,399,1.9306,0.0058,224100.0,0.0413,0.0112,0.3257,0.0795,,,,,,,,
-l_pre,PyG,AmazonPhoto,node,True,,,64,3,6,3,stack,False,relu,0.6,mean,sgd,0.001,399,1.956,0.0036,220118.0,0.035,0.0021,0.2395,0.0146,,,,,,,,
-l_pre,PyG,CiteSeer,node,True,,,16,1,4,3,skipconcat,True,prelu,0.0,max,sgd,0.001,99,1.2866,0.0228,309408.0,0.1078,0.0113,0.5551,0.0007,,,,,,,,
-l_pre,PyG,CiteSeer,node,True,,,16,2,4,3,skipconcat,True,prelu,0.0,max,sgd,0.001,99,1.4167,0.0401,311711.0,0.1648,0.0118,0.4895,0.0206,,,,,,,,
-l_pre,PyG,CiteSeer,node,True,,,16,3,4,3,skipconcat,True,prelu,0.0,max,sgd,0.001,99,1.3839,0.0299,314014.0,0.1154,0.011,0.495,0.0114,,,,,,,,
-l_pre,PyG,CiteSeer,node,True,,,32,1,6,1,stack,True,relu,0.3,mean,adam,0.1,199,1.137,0.0512,682434.0,0.101,0.0239,0.7097,0.0123,,,,,,,,
-l_pre,PyG,CiteSeer,node,True,,,32,1,8,1,stack,True,swish,0.0,max,adam,0.001,99,1.0428,0.0033,608134.0,0.1528,0.049,0.6887,0.006,,,,,,,,
-l_pre,PyG,CiteSeer,node,True,,,32,2,6,1,stack,True,relu,0.3,mean,adam,0.1,199,1.1444,0.066,641714.0,0.1061,0.0164,0.7132,0.0129,,,,,,,,
-l_pre,PyG,CiteSeer,node,True,,,32,2,8,1,stack,True,swish,0.0,max,adam,0.001,99,1.0672,0.0164,582984.0,0.064,0.0159,0.6727,0.0037,,,,,,,,
-l_pre,PyG,CiteSeer,node,True,,,32,3,6,1,stack,True,relu,0.3,mean,adam,0.1,199,1.1017,0.0823,608134.0,0.1195,0.0331,0.7137,0.0179,,,,,,,,
-l_pre,PyG,CiteSeer,node,True,,,32,3,8,1,stack,True,swish,0.0,max,adam,0.001,99,1.0749,0.0166,561321.0,0.0865,0.0085,0.6732,0.0093,,,,,,,,
-l_pre,PyG,CiteSeer,node,True,,,64,1,4,2,skipsum,False,swish,0.3,add,adam,0.01,199,1.5454,0.0672,738396.0,0.0989,0.0042,0.7102,0.0088,,,,,,,,
-l_pre,PyG,CiteSeer,node,True,,,64,2,4,2,skipsum,False,swish,0.3,add,adam,0.01,199,1.4084,0.0468,686896.0,0.0908,0.0117,0.7157,0.0049,,,,,,,,
-l_pre,PyG,CiteSeer,node,True,,,64,3,4,2,skipsum,False,swish,0.3,add,adam,0.01,199,1.3314,0.0414,646260.0,0.0984,0.0137,0.7122,0.013,,,,,,,,
-l_pre,PyG,CoauthorPhysics,node,True,,,16,1,2,1,stack,False,relu,0.0,max,adam,0.01,99,0.1664,0.005,2296814.0,2.0513,0.2375,0.9557,0.0022,,,,,,,,
-l_pre,PyG,CoauthorPhysics,node,True,,,16,1,6,1,skipsum,True,swish,0.0,mean,sgd,0.1,399,0.1436,0.0014,1379661.0,1.9692,0.253,0.9631,0.0006,,,,,,,,
-l_pre,PyG,CoauthorPhysics,node,True,,,16,2,2,1,stack,False,relu,0.0,max,adam,0.01,99,0.2061,0.0164,1901345.0,1.9982,0.0803,0.9513,0.0017,,,,,,,,
-l_pre,PyG,CoauthorPhysics,node,True,,,16,2,6,1,skipsum,True,swish,0.0,mean,sgd,0.1,399,0.1456,0.0003,1287120.0,1.4223,0.0086,0.9613,0.0016,,,,,,,,
-l_pre,PyG,CoauthorPhysics,node,True,,,16,3,2,1,stack,False,relu,0.0,max,adam,0.01,99,0.243,0.0224,1665851.0,2.113,0.166,0.9474,0.0021,,,,,,,,
-l_pre,PyG,CoauthorPhysics,node,True,,,16,3,6,1,skipsum,True,swish,0.0,mean,sgd,0.1,399,0.145,0.0037,1211141.0,2.0256,0.1893,0.9617,0.0009,,,,,,,,
-l_pre,PyG,CoauthorPhysics,node,True,,,32,1,8,2,skipconcat,False,prelu,0.3,max,adam,0.1,199,1.0708,0.9263,423510.0,2.0821,0.073,0.6579,0.3006,,,,,,,,
-l_pre,PyG,CoauthorPhysics,node,True,,,32,2,8,2,skipconcat,False,prelu,0.3,max,adam,0.1,199,0.8826,0.0277,424700.0,2.1288,0.111,0.6812,0.0255,,,,,,,,
-l_pre,PyG,CoauthorPhysics,node,True,,,32,3,8,2,skipconcat,False,prelu,0.3,max,adam,0.1,199,1.0968,0.1258,425890.0,2.0306,0.1303,0.5841,0.0522,,,,,,,,
-l_pre,PyG,CoauthorPhysics,node,True,,,64,1,6,3,stack,True,swish,0.0,max,adam,0.1,399,0.2235,0.0493,1211141.0,1.8821,0.0467,0.9472,0.0021,,,,,,,,
-l_pre,PyG,CoauthorPhysics,node,True,,,64,2,6,3,stack,True,swish,0.0,max,adam,0.1,399,0.2155,0.0766,1153014.0,2.0382,0.2257,0.9493,0.0044,,,,,,,,
-l_pre,PyG,CoauthorPhysics,node,True,,,64,3,6,3,stack,True,swish,0.0,max,adam,0.1,399,0.2399,0.0569,1103085.0,2.0438,0.1725,0.9473,0.0019,,,,,,,,
-l_pre,PyG,Cora,node,True,,,16,1,8,1,skipsum,True,swish,0.6,max,adam,0.1,199,0.5887,0.1011,317703.0,0.0184,0.0028,0.841,0.015,,,,,,,,
-l_pre,PyG,Cora,node,True,,,16,2,8,1,skipsum,True,swish,0.6,max,adam,0.1,199,0.6078,0.0806,308436.0,0.021,0.0052,0.8508,0.0188,,,,,,,,
-l_pre,PyG,Cora,node,True,,,16,3,8,1,skipsum,True,swish,0.6,max,adam,0.1,199,0.5883,0.0946,300387.0,0.0176,0.001,0.8472,0.0247,,,,,,,,
-l_pre,PyG,Cora,node,True,,,64,1,4,2,skipsum,False,swish,0.0,max,sgd,0.01,199,1.5876,0.0154,368550.0,0.0246,0.0125,0.4346,0.0099,,,,,,,,
-l_pre,PyG,Cora,node,True,,,64,1,6,2,skipsum,True,swish,0.6,max,sgd,0.001,399,3.2286,0.3822,330862.0,0.0169,0.0017,0.294,0.0117,,,,,,,,
-l_pre,PyG,Cora,node,True,,,64,2,4,2,skipsum,False,swish,0.0,max,sgd,0.01,199,1.5196,0.0538,348816.0,0.0164,0.0008,0.4592,0.0313,,,,,,,,
-l_pre,PyG,Cora,node,True,,,64,2,6,2,skipsum,True,swish,0.6,max,sgd,0.001,399,2.946,0.4615,317703.0,0.02,0.0012,0.294,0.0117,,,,,,,,
-l_pre,PyG,Cora,node,True,,,64,3,4,2,skipsum,False,swish,0.0,max,sgd,0.01,199,1.4611,0.0699,333139.0,0.018,0.0038,0.4819,0.0188,,,,,,,,
-l_pre,PyG,Cora,node,True,,,64,3,6,2,skipsum,True,swish,0.6,max,sgd,0.001,399,3.2505,0.2747,308436.0,0.019,0.0013,0.294,0.0117,,,,,,,,
-l_pre,PyG,TU_BZR,graph,False,,,16,1,4,1,skipconcat,True,prelu,0.6,add,sgd,0.01,399,0.4685,0.1181,140072.0,0.0077,0.001,0.8395,0.0174,0.8889,0.1571,0.2087,0.0404,0.3313,0.0457,0.8043,0.0523
-l_pre,PyG,TU_BZR,graph,False,,,16,2,4,1,skipconcat,True,prelu,0.6,add,sgd,0.01,399,0.4563,0.0864,140802.0,0.0083,0.0002,0.8395,0.0174,0.8333,0.1361,0.2272,0.0531,0.349,0.0621,0.8093,0.0544
-l_pre,PyG,TU_BZR,graph,False,,,16,3,4,1,skipconcat,True,prelu,0.6,add,sgd,0.01,399,0.4924,0.1016,139862.0,0.0055,0.0011,0.8313,0.0254,0.8889,0.1571,0.167,0.0408,0.2741,0.0457,0.7968,0.0503
-l_pre,PyG,TU_BZR,graph,False,,,32,1,6,3,skipsum,False,prelu,0.6,mean,adam,0.1,399,0.4928,0.0298,141257.0,0.0301,0.0021,0.8066,0.0254,0.0,0.0,0.0,0.0,0.0,0.0,0.644,0.0335
-l_pre,PyG,TU_BZR,graph,False,,,32,1,8,2,stack,True,prelu,0.0,mean,adam,0.01,399,0.427,0.0962,140725.0,0.0094,0.0019,0.8436,0.0254,0.585,0.0681,0.6916,0.0965,0.6278,0.057,0.8858,0.053
-l_pre,PyG,TU_BZR,graph,False,,,32,2,6,3,skipsum,False,prelu,0.6,mean,adam,0.1,399,0.4812,0.0401,139515.0,0.0114,0.0014,0.8066,0.0254,0.0,0.0,0.0,0.0,0.0,0.0,0.6408,0.0351
-l_pre,PyG,TU_BZR,graph,False,,,32,2,8,2,stack,True,prelu,0.0,mean,adam,0.01,399,0.3774,0.1021,140992.0,0.0288,0.0011,0.8806,0.0154,0.6893,0.0352,0.7149,0.0979,0.6958,0.0278,0.8954,0.0561
-l_pre,PyG,TU_BZR,graph,False,,,32,3,6,3,skipsum,False,prelu,0.6,mean,adam,0.1,399,0.488,0.0305,139727.0,0.0311,0.0071,0.8066,0.0254,0.0,0.0,0.0,0.0,0.0,0.0,0.6416,0.0351
-l_pre,PyG,TU_BZR,graph,False,,,32,3,8,2,stack,True,prelu,0.0,mean,adam,0.01,399,0.4182,0.0903,139195.0,0.0104,0.0012,0.8847,0.0116,0.7357,0.1061,0.6708,0.088,0.6889,0.0314,0.8732,0.0435
-l_pre,PyG,TU_BZR,graph,False,,,64,1,6,2,skipconcat,False,swish,0.0,max,sgd,0.1,99,0.4595,0.0298,138777.0,0.0415,0.0005,0.8272,0.0202,1.0,0.0,0.1043,0.0202,0.1884,0.0334,0.6413,0.0394
-l_pre,PyG,TU_BZR,graph,False,,,64,2,6,2,skipconcat,False,swish,0.0,max,sgd,0.1,99,0.457,0.03,140757.0,0.0147,0.0005,0.8231,0.021,0.7778,0.1571,0.13,0.0178,0.2202,0.0215,0.6398,0.0376
-l_pre,PyG,TU_BZR,graph,False,,,64,3,6,2,skipconcat,False,swish,0.0,max,sgd,0.1,99,0.456,0.0308,136397.0,0.0126,0.0018,0.8313,0.021,0.9333,0.0943,0.146,0.0749,0.2413,0.1015,0.645,0.0391
-l_pre,PyG,TU_COX2,graph,False,,,16,1,2,3,skipconcat,True,prelu,0.3,mean,adam,0.01,99,0.4907,0.105,138882.0,0.0064,0.0003,0.8227,0.0509,0.7778,0.2079,0.3026,0.14,0.4291,0.1703,0.7423,0.07
-l_pre,PyG,TU_COX2,graph,False,,,16,2,2,3,skipconcat,True,prelu,0.3,mean,adam,0.01,99,0.4852,0.0749,138374.0,0.0089,0.0012,0.8014,0.0392,0.675,0.2475,0.3084,0.0999,0.4108,0.11,0.7597,0.0523
-l_pre,PyG,TU_COX2,graph,False,,,16,3,2,3,skipconcat,True,prelu,0.3,mean,adam,0.01,99,0.4712,0.0957,137410.0,0.0078,0.0035,0.8333,0.0428,0.8889,0.1571,0.3026,0.14,0.44,0.1622,0.7565,0.0748
-l_pre,PyG,TU_COX2,graph,False,,,64,1,4,2,skipconcat,True,swish,0.3,max,adam,0.01,199,0.7328,0.1123,138261.0,0.0175,0.0063,0.7766,0.046,0.5308,0.1213,0.364,0.0781,0.4262,0.0865,0.7441,0.0312
-l_pre,PyG,TU_COX2,graph,False,,,64,2,4,2,skipconcat,True,swish,0.3,max,adam,0.01,199,0.5903,0.1083,137739.0,0.0115,0.0011,0.7943,0.0437,0.6217,0.152,0.3776,0.0532,0.4579,0.0538,0.7696,0.0291
-l_pre,PyG,TU_COX2,graph,False,,,64,3,4,2,skipconcat,True,swish,0.3,max,adam,0.01,199,0.5133,0.0848,137041.0,0.0376,0.0022,0.8049,0.0251,0.645,0.0639,0.2983,0.0856,0.4045,0.0942,0.7603,0.0307
-l_pre,PyG,TU_DD,graph,False,,,16,1,4,2,skipconcat,False,swish,0.3,mean,sgd,0.01,399,0.6732,0.0125,140989.0,0.0142,0.0047,0.5692,0.0106,0.0,0.0,0.0,0.0,0.0,0.0,0.8049,0.0061
-l_pre,PyG,TU_DD,graph,False,,,16,1,6,2,stack,False,prelu,0.3,add,adam,0.1,399,0.5965,0.0211,146834.0,0.0102,0.0016,0.7443,0.014,0.8261,0.0255,0.5142,0.0282,0.6336,0.0267,0.81,0.0033
-l_pre,PyG,TU_DD,graph,False,,,16,2,4,2,skipconcat,False,swish,0.3,mean,sgd,0.01,399,0.6382,0.0276,140362.0,0.0137,0.003,0.6794,0.088,0.482,0.3427,0.434,0.3168,0.4517,0.3206,0.8015,0.0009
-l_pre,PyG,TU_DD,graph,False,,,16,2,6,2,stack,False,prelu,0.3,add,adam,0.1,399,0.5933,0.0199,145901.0,0.0098,0.0015,0.7486,0.0144,0.8222,0.0266,0.5309,0.0196,0.6452,0.0223,0.81,0.0031
-l_pre,PyG,TU_DD,graph,False,,,16,3,4,2,skipconcat,False,swish,0.3,mean,sgd,0.01,399,0.642,0.0189,139561.0,0.0115,0.0033,0.637,0.086,0.2407,0.3404,0.2476,0.3502,0.2441,0.3453,0.8037,0.0038
-l_pre,PyG,TU_DD,graph,False,,,16,3,6,2,stack,False,prelu,0.3,add,adam,0.1,399,0.6011,0.0327,143871.0,0.0118,0.0014,0.7415,0.0125,0.8214,0.0358,0.5108,0.028,0.6294,0.0272,0.8102,0.0029
-l_pre,PyG,TU_DD,graph,False,,,32,1,4,2,skipconcat,False,swish,0.3,max,sgd,0.001,199,0.8823,0.4154,140989.0,0.021,0.0058,0.7119,0.051,0.8441,0.0713,0.4314,0.1874,0.534,0.176,0.8084,0.0036
-l_pre,PyG,TU_DD,graph,False,,,32,2,4,2,skipconcat,False,swish,0.3,max,sgd,0.001,199,1.4288,0.3359,140362.0,0.0355,0.0051,0.6554,0.0282,0.9507,0.0357,0.2137,0.0631,0.3436,0.0828,0.8096,0.0044
-l_pre,PyG,TU_DD,graph,False,,,32,3,4,2,skipconcat,False,swish,0.3,max,sgd,0.001,199,1.0413,0.2621,139561.0,0.031,0.0026,0.6921,0.0294,0.9228,0.0515,0.3186,0.1183,0.4578,0.1137,0.8101,0.0045
-l_pre,PyG,TU_DD,graph,False,,,64,1,2,1,stack,False,relu,0.0,add,sgd,0.001,399,0.6132,0.018,156000.0,0.0283,0.0069,0.7528,0.0072,0.6895,0.02,0.7799,0.0393,0.7308,0.0077,0.8159,0.0027
-l_pre,PyG,TU_DD,graph,False,,,64,1,2,2,skipsum,True,swish,0.6,mean,sgd,0.01,99,2.7249,0.7968,151526.0,0.0256,0.0031,0.6017,0.033,0.9804,0.0277,0.08,0.06,0.1418,0.0996,0.8359,0.008
-l_pre,PyG,TU_DD,graph,False,,,64,1,4,1,skipconcat,False,prelu,0.0,add,adam,0.01,199,0.5401,0.0273,143637.0,0.0333,0.005,0.7486,0.0435,0.7181,0.0659,0.6987,0.0134,0.7071,0.0376,0.8159,0.0261
-l_pre,PyG,TU_DD,graph,False,,,64,2,2,1,stack,False,relu,0.0,add,sgd,0.001,399,0.6071,0.0249,152041.0,0.0238,0.0021,0.7443,0.0111,0.6748,0.0192,0.7867,0.0143,0.7261,0.0087,0.8132,0.0064
-l_pre,PyG,TU_DD,graph,False,,,64,2,2,2,skipsum,True,swish,0.6,mean,sgd,0.01,99,1.6477,0.2227,149145.0,0.0312,0.0019,0.6031,0.0087,0.9722,0.0393,0.0813,0.0361,0.1477,0.0629,0.8374,0.0054
-l_pre,PyG,TU_DD,graph,False,,,64,2,4,1,skipconcat,False,prelu,0.0,add,adam,0.01,199,0.5604,0.0052,144102.0,0.0314,0.0135,0.7444,0.0363,0.7095,0.055,0.6985,0.0062,0.703,0.0302,0.8,0.0039
-l_pre,PyG,TU_DD,graph,False,,,64,3,2,1,stack,False,relu,0.0,add,sgd,0.001,399,0.6157,0.0267,149787.0,0.0252,0.0052,0.7429,0.01,0.6738,0.0187,0.7834,0.0188,0.7241,0.0097,0.8103,0.0034
-l_pre,PyG,TU_DD,graph,False,,,64,3,2,2,skipsum,True,swish,0.6,mean,sgd,0.01,99,5.6588,0.7959,147745.0,0.0325,0.0099,0.5692,0.0106,0.0,0.0,0.0,0.0,0.0,0.0,0.813,0.0019
-l_pre,PyG,TU_DD,graph,False,,,64,3,4,1,skipconcat,False,prelu,0.0,add,adam,0.01,199,0.5608,0.0056,142907.0,0.0429,0.0021,0.7401,0.0314,0.6996,0.0452,0.7018,0.0109,0.7001,0.0271,0.8001,0.004
-l_pre,PyG,TU_IMDB,graph,False,,,32,1,2,3,skipsum,False,swish,0.0,mean,sgd,0.01,99,1.0928,0.0049,134137.0,0.0094,0.0047,0.3922,0.0197,,,,,,,,
-l_pre,PyG,TU_IMDB,graph,False,,,32,1,4,3,skipsum,False,swish,0.3,add,sgd,0.01,99,1.0878,0.0203,134848.0,0.0266,0.0041,0.4266,0.0249,,,,,,,,
-l_pre,PyG,TU_IMDB,graph,False,,,32,2,2,3,skipsum,False,swish,0.0,mean,sgd,0.01,99,1.0925,0.0048,134478.0,0.0084,0.0025,0.3911,0.0206,,,,,,,,
-l_pre,PyG,TU_IMDB,graph,False,,,32,2,4,3,skipsum,False,swish,0.3,add,sgd,0.01,99,1.0873,0.0086,134967.0,0.0298,0.0043,0.4089,0.0129,,,,,,,,
-l_pre,PyG,TU_IMDB,graph,False,,,32,3,2,3,skipsum,False,swish,0.0,mean,sgd,0.01,99,1.0929,0.0045,134848.0,0.0255,0.002,0.3922,0.0197,,,,,,,,
-l_pre,PyG,TU_IMDB,graph,False,,,32,3,4,3,skipsum,False,swish,0.3,add,sgd,0.01,99,1.0803,0.0109,134808.0,0.0255,0.0021,0.42,0.0237,,,,,,,,
-l_pre,PyG,TU_IMDB,graph,False,,,64,1,2,3,skipconcat,True,prelu,0.0,max,sgd,0.001,199,10.4952,4.3408,136644.0,0.0117,0.0023,0.3589,0.0166,,,,,,,,
-l_pre,PyG,TU_IMDB,graph,False,,,64,1,6,1,skipconcat,True,relu,0.6,max,sgd,0.001,99,2.6495,0.0773,137283.0,0.0392,0.0012,0.3133,0.0047,,,,,,,,
-l_pre,PyG,TU_IMDB,graph,False,,,64,1,8,1,skipsum,False,relu,0.0,add,sgd,0.01,99,1.0807,0.0023,134808.0,0.011,0.0005,0.4133,0.0152,,,,,,,,
-l_pre,PyG,TU_IMDB,graph,False,,,64,2,2,3,skipconcat,True,prelu,0.0,max,sgd,0.001,199,,,136192.0,0.012,0.0009,0.33,0.0196,,,,,,,,
-l_pre,PyG,TU_IMDB,graph,False,,,64,2,6,1,skipconcat,True,relu,0.6,max,sgd,0.001,99,2.6773,0.285,136815.0,0.0189,0.0003,0.3167,0.0144,,,,,,,,
-l_pre,PyG,TU_IMDB,graph,False,,,64,2,8,1,skipsum,False,relu,0.0,add,sgd,0.01,99,1.0883,0.0025,133466.0,0.014,0.0021,0.4033,0.0109,,,,,,,,
-l_pre,PyG,TU_IMDB,graph,False,,,64,3,2,3,skipconcat,True,prelu,0.0,max,sgd,0.001,199,,,135284.0,0.0136,0.0025,0.33,0.0196,,,,,,,,
-l_pre,PyG,TU_IMDB,graph,False,,,64,3,6,1,skipconcat,True,relu,0.6,max,sgd,0.001,99,1.7936,0.1045,135891.0,0.0148,0.0009,0.3167,0.0144,,,,,,,,
-l_pre,PyG,TU_IMDB,graph,False,,,64,3,8,1,skipsum,False,relu,0.0,add,sgd,0.01,99,1.0806,0.0056,133978.0,0.0123,0.0033,0.4155,0.0247,,,,,,,,
-l_pre,PyG,TU_PROTEINS,graph,False,,,32,1,8,1,skipconcat,False,swish,0.0,max,adam,0.1,99,0.5742,0.0297,135238.0,0.0113,0.0022,0.7227,0.0232,0.6773,0.0238,0.6151,0.034,0.6446,0.0294,0.7696,0.0289
-l_pre,PyG,TU_PROTEINS,graph,False,,,32,2,8,1,skipconcat,False,swish,0.0,max,adam,0.1,99,0.5756,0.0308,134521.0,0.0135,0.001,0.7167,0.0205,0.6585,0.0155,0.6376,0.0513,0.6472,0.0321,0.7643,0.02
-l_pre,PyG,TU_PROTEINS,graph,False,,,32,3,8,1,skipconcat,False,swish,0.0,max,adam,0.1,99,0.5642,0.0224,133636.0,0.048,0.004,0.7333,0.0191,0.6791,0.0149,0.6596,0.0344,0.669,0.0248,0.7806,0.0112
-l_pre,nx,scalefree,graph,True,node_const,graph_path_len,16,1,4,1,skipconcat,False,swish,0.3,add,adam,0.1,399,0.5071,0.0438,136970.0,0.0369,0.0022,0.7436,0.0181,,,,,,,,
-l_pre,nx,scalefree,graph,True,node_const,graph_path_len,16,1,4,2,stack,True,relu,0.0,add,adam,0.001,399,0.3659,0.0715,134118.0,0.0305,0.0027,0.8462,0.0471,,,,,,,,
-l_pre,nx,scalefree,graph,True,node_const,graph_path_len,16,2,4,1,skipconcat,False,swish,0.3,add,adam,0.1,399,0.5091,0.0602,137725.0,0.0073,0.0004,0.7372,0.0181,,,,,,,,
-l_pre,nx,scalefree,graph,True,node_const,graph_path_len,16,2,4,2,stack,True,relu,0.0,add,adam,0.001,399,1.851,0.3705,134069.0,0.0298,0.0014,0.641,0.0551,,,,,,,,
-l_pre,nx,scalefree,graph,True,node_const,graph_path_len,16,3,4,1,skipconcat,False,swish,0.3,add,adam,0.1,399,0.5229,0.0814,136820.0,0.038,0.0043,0.7628,0.024,,,,,,,,
-l_pre,nx,scalefree,graph,True,node_const,graph_path_len,16,3,4,2,stack,True,relu,0.0,add,adam,0.001,399,5.7319,3.9005,133829.0,0.0055,0.0003,0.4038,0.3408,,,,,,,,
-l_pre,nx,scalefree,graph,True,node_const,graph_path_len,64,1,6,3,skipsum,True,swish,0.6,add,adam,0.1,199,1.5453,0.1546,135429.0,0.0195,0.0036,0.3141,0.0775,,,,,,,,
-l_pre,nx,scalefree,graph,True,node_const,graph_path_len,64,1,8,3,stack,False,swish,0.0,add,sgd,0.1,99,,,135360.0,0.0411,0.0142,0.1539,0.0544,,,,,,,,
-l_pre,nx,scalefree,graph,True,node_const,graph_path_len,64,2,6,3,skipsum,True,swish,0.6,add,adam,0.1,199,1.1014,0.2002,133925.0,0.0166,0.0018,0.5,0.103,,,,,,,,
-l_pre,nx,scalefree,graph,True,node_const,graph_path_len,64,2,8,3,stack,False,swish,0.0,add,sgd,0.1,99,,,133748.0,0.021,0.0034,0.1603,0.0327,,,,,,,,
-l_pre,nx,scalefree,graph,True,node_const,graph_path_len,64,3,6,3,skipsum,True,swish,0.6,add,adam,0.1,199,1.1917,0.3926,134297.0,0.0172,0.0016,0.4936,0.1525,,,,,,,,
-l_pre,nx,scalefree,graph,True,node_const,graph_path_len,64,3,8,3,stack,False,swish,0.0,add,sgd,0.1,99,,,135350.0,0.0196,0.0069,0.1539,0.0544,,,,,,,,
-l_pre,nx,scalefree,graph,True,node_onehot,graph_path_len,16,1,4,1,skipsum,False,prelu,0.0,max,adam,0.01,399,3.0739,0.3277,134851.0,0.0344,0.0057,0.5449,0.0595,,,,,,,,
-l_pre,nx,scalefree,graph,True,node_onehot,graph_path_len,16,1,8,3,stack,False,swish,0.3,mean,adam,0.1,399,1.6438,0.0097,135360.0,0.0375,0.0101,0.141,0.0363,,,,,,,,
-l_pre,nx,scalefree,graph,True,node_onehot,graph_path_len,16,2,4,1,skipsum,False,prelu,0.0,max,adam,0.01,399,2.8394,0.5695,134790.0,0.0074,0.0014,0.6026,0.0453,,,,,,,,
-l_pre,nx,scalefree,graph,True,node_onehot,graph_path_len,16,2,8,3,stack,False,swish,0.3,mean,adam,0.1,399,1.7468,0.1164,133748.0,0.0286,0.0015,0.1923,0.072,,,,,,,,
-l_pre,nx,scalefree,graph,True,node_onehot,graph_path_len,16,3,4,1,skipsum,False,prelu,0.0,max,adam,0.01,399,2.5912,0.5012,134834.0,0.0071,0.0016,0.6538,0.0157,,,,,,,,
-l_pre,nx,scalefree,graph,True,node_onehot,graph_path_len,16,3,8,3,stack,False,swish,0.3,mean,adam,0.1,399,1.7081,0.03,135350.0,0.0088,0.0,0.1603,0.0327,,,,,,,,
-l_pre,nx,scalefree,graph,True,node_onehot,graph_path_len,32,1,2,1,skipconcat,False,relu,0.6,add,sgd,0.001,199,2.4016,0.3314,135829.0,0.0092,0.0009,0.5321,0.024,,,,,,,,
-l_pre,nx,scalefree,graph,True,node_onehot,graph_path_len,32,2,2,1,skipconcat,False,relu,0.6,add,sgd,0.001,199,2.4435,0.2885,136479.0,0.009,0.0004,0.5128,0.0395,,,,,,,,
-l_pre,nx,scalefree,graph,True,node_onehot,graph_path_len,32,3,2,1,skipconcat,False,relu,0.6,add,sgd,0.001,199,1.8883,0.6874,136247.0,0.0081,0.0017,0.5962,0.1226,,,,,,,,
-l_pre,nx,scalefree,graph,True,node_onehot,graph_path_len,64,1,2,2,skipconcat,True,relu,0.6,mean,sgd,0.01,399,17.3567,1.5453,136295.0,0.0132,0.0017,0.2372,0.0395,,,,,,,,
-l_pre,nx,scalefree,graph,True,node_onehot,graph_path_len,64,2,2,2,skipconcat,True,relu,0.6,mean,sgd,0.01,399,11.8801,2.1828,136658.0,0.0308,0.0156,0.2692,0.0566,,,,,,,,
-l_pre,nx,scalefree,graph,True,node_onehot,graph_path_len,64,3,2,2,skipconcat,True,relu,0.6,mean,sgd,0.01,399,12.4447,2.6132,135805.0,0.0375,0.0021,0.2308,0.0272,,,,,,,,
-l_pre,nx,scalefree,graph,True,node_pagerank,graph_path_len,32,1,2,2,skipconcat,True,relu,0.3,max,adam,0.01,99,4.701,0.5305,136295.0,0.0131,0.004,0.4551,0.0395,,,,,,,,
-l_pre,nx,scalefree,graph,True,node_pagerank,graph_path_len,32,1,8,1,skipsum,False,relu,0.3,mean,sgd,0.01,399,9.5772,11.2237,134277.0,0.0105,0.0019,0.2051,0.0181,,,,,,,,
-l_pre,nx,scalefree,graph,True,node_pagerank,graph_path_len,32,2,2,2,skipconcat,True,relu,0.3,max,adam,0.01,99,3.876,0.8041,136658.0,0.0083,0.001,0.4616,0.0272,,,,,,,,
-l_pre,nx,scalefree,graph,True,node_pagerank,graph_path_len,32,2,8,1,skipsum,False,relu,0.3,mean,sgd,0.01,399,3.2579,1.6552,134920.0,0.0151,0.0026,0.2757,0.0327,,,,,,,,
-l_pre,nx,scalefree,graph,True,node_pagerank,graph_path_len,32,3,2,2,skipconcat,True,relu,0.3,max,adam,0.01,99,2.3748,0.5857,135805.0,0.0097,0.0007,0.4872,0.0806,,,,,,,,
-l_pre,nx,scalefree,graph,True,node_pagerank,graph_path_len,32,3,8,1,skipsum,False,relu,0.3,mean,sgd,0.01,399,2.3766,0.7116,135360.0,0.0103,0.0016,0.2372,0.0395,,,,,,,,
-l_pre,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,16,1,4,1,stack,False,prelu,0.6,mean,sgd,0.01,199,1.8408,0.1556,134851.0,0.0076,0.0006,0.2818,0.005,,,,,,,,
-l_pre,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,16,1,8,2,skipsum,False,swish,0.6,max,adam,0.1,399,1.6213,0.1923,134920.0,0.0295,0.0042,0.2927,0.0841,,,,,,,,
-l_pre,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,16,2,4,1,stack,False,prelu,0.6,mean,sgd,0.01,199,1.8104,0.2022,134790.0,0.0252,0.0007,0.2486,0.0481,,,,,,,,
-l_pre,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,16,2,8,2,skipsum,False,swish,0.6,max,adam,0.1,399,5.4206,0.8265,135360.0,0.0101,0.0011,0.1958,0.0071,,,,,,,,
-l_pre,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,16,3,4,1,stack,False,prelu,0.6,mean,sgd,0.01,199,1.8751,0.0603,134834.0,0.0097,0.0028,0.1935,0.0068,,,,,,,,
-l_pre,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,16,3,8,2,skipsum,False,swish,0.6,max,adam,0.1,399,4.2136,1.4178,133748.0,0.0113,0.0027,0.2113,0.027,,,,,,,,
-l_pre,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,32,1,6,1,skipsum,True,swish,0.0,add,adam,0.01,399,0.1073,0.0016,134069.0,0.0108,0.0024,0.9689,0.0021,,,,,,,,
-l_pre,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,32,1,8,3,stack,True,prelu,0.0,mean,adam,0.01,99,1.2884,0.0044,134298.0,0.0275,0.0016,0.4183,0.0018,,,,,,,,
-l_pre,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,32,2,6,1,skipsum,True,swish,0.0,add,adam,0.01,399,0.1061,0.0022,133829.0,0.01,0.001,0.9714,0.0019,,,,,,,,
-l_pre,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,32,2,8,3,stack,True,prelu,0.0,mean,adam,0.01,99,1.2373,0.0273,135057.0,0.0153,0.0047,0.4531,0.0121,,,,,,,,
-l_pre,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,32,3,6,1,skipsum,True,swish,0.0,add,adam,0.01,399,0.1059,0.0025,135429.0,0.0105,0.001,0.9695,0.0013,,,,,,,,
-l_pre,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,32,3,8,3,stack,True,prelu,0.0,mean,adam,0.01,99,1.2247,0.0241,134166.0,0.0177,0.0033,0.4614,0.0141,,,,,,,,
-l_pre,nx,scalefree,node,True,node_const,node_clustering_coefficient,32,1,2,2,skipsum,True,prelu,0.0,add,adam,0.1,399,0.9272,0.0019,134790.0,0.009,0.0008,0.5618,0.0017,,,,,,,,
-l_pre,nx,scalefree,node,True,node_const,node_clustering_coefficient,32,1,6,3,stack,False,relu,0.6,add,sgd,0.01,199,1.6422,0.0275,134277.0,0.0083,0.0002,0.2423,0.0071,,,,,,,,
-l_pre,nx,scalefree,node,True,node_const,node_clustering_coefficient,32,2,2,2,skipsum,True,prelu,0.0,add,adam,0.1,399,19.1502,12.972,134286.0,0.0155,0.0022,0.3319,0.1595,,,,,,,,
-l_pre,nx,scalefree,node,True,node_const,node_clustering_coefficient,32,2,6,3,stack,False,relu,0.6,add,sgd,0.01,199,1.6382,0.0254,134920.0,0.0251,0.0013,0.2423,0.0071,,,,,,,,
-l_pre,nx,scalefree,node,True,node_const,node_clustering_coefficient,32,3,2,2,skipsum,True,prelu,0.0,add,adam,0.1,399,0.9368,0.0006,134119.0,0.012,0.0029,0.5551,0.0042,,,,,,,,
-l_pre,nx,scalefree,node,True,node_const,node_clustering_coefficient,32,3,6,3,stack,False,relu,0.6,add,sgd,0.01,199,1.6702,0.0628,135360.0,0.0318,0.0058,0.2423,0.0071,,,,,,,,
-l_pre,nx,scalefree,node,True,node_const,node_clustering_coefficient,64,1,2,2,skipsum,False,swish,0.0,max,sgd,0.01,199,1.5778,0.0023,133957.0,0.0212,0.0032,0.2688,0.0019,,,,,,,,
-l_pre,nx,scalefree,node,True,node_const,node_clustering_coefficient,64,2,2,2,skipsum,False,swish,0.0,max,sgd,0.01,199,1.5778,0.0023,134850.0,0.0303,0.0012,0.2688,0.0019,,,,,,,,
-l_pre,nx,scalefree,node,True,node_const,node_clustering_coefficient,64,3,2,2,skipsum,False,swish,0.0,max,sgd,0.01,199,1.5778,0.0023,134789.0,0.0163,0.0025,0.2688,0.0019,,,,,,,,
-l_pre,nx,scalefree,node,True,node_const,node_pagerank,16,1,2,2,skipsum,True,swish,0.6,mean,adam,0.1,199,9.1116,1.3299,134789.0,0.0224,0.0025,0.1996,0.0053,,,,,,,,
-l_pre,nx,scalefree,node,True,node_const,node_pagerank,16,2,2,2,skipsum,True,swish,0.6,mean,adam,0.1,199,10.9681,0.1615,134285.0,0.0056,0.0003,0.1996,0.0053,,,,,,,,
-l_pre,nx,scalefree,node,True,node_const,node_pagerank,16,3,2,2,skipsum,True,swish,0.6,mean,adam,0.1,199,10.363,0.3637,134118.0,0.0076,0.0003,0.1996,0.0053,,,,,,,,
-l_pre,nx,scalefree,node,True,node_const,node_pagerank,32,1,2,2,stack,True,swish,0.3,max,adam,0.001,399,10.269,0.4827,134789.0,0.011,0.0025,0.1958,0.0071,,,,,,,,
-l_pre,nx,scalefree,node,True,node_const,node_pagerank,32,2,2,2,stack,True,swish,0.3,max,adam,0.001,399,4.6791,0.1734,134285.0,0.0083,0.0003,0.1986,0.0089,,,,,,,,
-l_pre,nx,scalefree,node,True,node_const,node_pagerank,32,3,2,2,stack,True,swish,0.3,max,adam,0.001,399,4.4628,0.0776,134118.0,0.0102,0.0009,0.1986,0.0089,,,,,,,,
-l_pre,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,16,1,4,3,skipconcat,False,swish,0.0,add,adam,0.01,99,0.9548,0.009,134942.0,0.0079,0.0007,0.5554,0.0096,,,,,,,,
-l_pre,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,16,2,4,3,skipconcat,False,swish,0.0,add,adam,0.01,99,0.9468,0.0426,137198.0,0.0081,0.0002,0.5557,0.025,,,,,,,,
-l_pre,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,16,3,4,3,skipconcat,False,swish,0.0,add,adam,0.01,99,0.9223,0.0281,139454.0,0.0072,0.0006,0.5715,0.0126,,,,,,,,
-l_pre,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,64,1,6,2,skipconcat,False,relu,0.0,max,adam,0.1,99,1.3127,0.1856,138165.0,0.0513,0.0066,0.4176,0.1055,,,,,,,,
-l_pre,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,64,2,6,2,skipconcat,False,relu,0.0,max,adam,0.1,99,1.5778,0.0023,140145.0,0.023,0.0009,0.2688,0.0019,,,,,,,,
-l_pre,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,64,3,6,2,skipconcat,False,relu,0.0,max,adam,0.1,99,1.5778,0.0023,135799.0,0.0462,0.0011,0.2688,0.0019,,,,,,,,
-l_pre,nx,scalefree,node,True,node_onehot,node_pagerank,64,1,2,3,skipsum,False,prelu,0.0,max,adam,0.01,399,0.7646,0.1392,134851.0,0.0173,0.0019,0.7471,0.0006,,,,,,,,
-l_pre,nx,scalefree,node,True,node_onehot,node_pagerank,64,2,2,3,skipsum,False,prelu,0.0,max,adam,0.01,399,0.8947,0.0921,134790.0,0.019,0.0009,0.7476,0.0035,,,,,,,,
-l_pre,nx,scalefree,node,True,node_onehot,node_pagerank,64,3,2,3,skipsum,False,prelu,0.0,max,adam,0.01,399,0.9896,0.0154,134834.0,0.0298,0.0016,0.7459,0.0075,,,,,,,,
-l_pre,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,32,1,2,1,skipconcat,True,relu,0.6,mean,sgd,0.001,99,1.5227,0.0116,136453.0,0.0153,0.0021,0.3802,0.0151,,,,,,,,
-l_pre,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,32,1,2,1,skipsum,False,swish,0.0,add,sgd,0.001,99,1.4852,0.0244,134900.0,0.0184,0.0011,0.3913,0.0246,,,,,,,,
-l_pre,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,32,1,2,1,skipsum,True,relu,0.6,mean,adam,0.1,99,1.1957,0.0091,134625.0,0.0104,0.001,0.5029,0.0009,,,,,,,,
-l_pre,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,32,2,2,1,skipconcat,True,relu,0.6,mean,sgd,0.001,99,1.5433,0.0075,135725.0,0.0311,0.0031,0.3504,0.019,,,,,,,,
-l_pre,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,32,2,2,1,skipsum,False,swish,0.0,add,sgd,0.001,99,1.4676,0.0365,133957.0,0.0138,0.0041,0.3777,0.041,,,,,,,,
-l_pre,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,32,2,2,1,skipsum,True,relu,0.6,mean,adam,0.1,99,1.1622,0.0077,134789.0,0.0097,0.0013,0.5056,0.0065,,,,,,,,
-l_pre,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,32,3,2,1,skipconcat,True,relu,0.6,mean,sgd,0.001,99,1.561,0.0065,135406.0,0.0111,0.0006,0.3179,0.0143,,,,,,,,
-l_pre,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,32,3,2,1,skipsum,False,swish,0.0,add,sgd,0.001,99,1.3682,0.0319,134850.0,0.0158,0.0041,0.4474,0.0198,,,,,,,,
-l_pre,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,32,3,2,1,skipsum,True,relu,0.6,mean,adam,0.1,99,1.2145,0.0086,134285.0,0.0113,0.0027,0.4949,0.0016,,,,,,,,
-l_pre,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,16,1,8,2,skipsum,True,swish,0.6,max,adam,0.1,99,17.3833,0.2061,133925.0,0.0401,0.0058,0.1666,0.0181,,,,,,,,
-l_pre,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,16,2,8,2,skipsum,True,swish,0.6,max,adam,0.1,99,18.0026,5.0682,134297.0,0.0134,0.0037,0.1666,0.0181,,,,,,,,
-l_pre,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,16,3,8,2,skipsum,True,swish,0.6,max,adam,0.1,99,20.9426,3.3306,135056.0,0.0306,0.0018,0.1666,0.0181,,,,,,,,
-l_pre,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,32,1,4,2,skipsum,False,prelu,0.0,add,adam,0.001,399,0.2344,0.0971,134790.0,0.0148,0.0044,0.9295,0.024,,,,,,,,
-l_pre,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,32,1,4,2,stack,True,relu,0.6,max,sgd,0.1,99,25.8179,3.9609,134118.0,0.0087,0.0008,0.1666,0.0181,,,,,,,,
-l_pre,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,32,2,4,2,skipsum,False,prelu,0.0,add,adam,0.001,399,0.2305,0.0931,134834.0,0.0077,0.0008,0.9295,0.024,,,,,,,,
-l_pre,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,32,2,4,2,stack,True,relu,0.6,max,sgd,0.1,99,28.7355,3.8684,134069.0,0.0097,0.0005,0.1666,0.0181,,,,,,,,
-l_pre,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,32,3,4,2,skipsum,False,prelu,0.0,add,adam,0.001,399,0.2207,0.0845,134677.0,0.0143,0.0029,0.9359,0.024,,,,,,,,
-l_pre,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,32,3,4,2,stack,True,relu,0.6,max,sgd,0.1,99,28.3276,5.5956,133829.0,0.013,0.0014,0.1666,0.0181,,,,,,,,
-l_pre,nx,smallworld,graph,True,node_const,graph_path_len,32,1,4,3,skipconcat,True,prelu,0.0,max,adam,0.01,99,1.6425,0.0121,135648.0,0.0436,0.0022,0.1346,0.0157,,,,,,,,
-l_pre,nx,smallworld,graph,True,node_const,graph_path_len,32,1,6,2,skipsum,True,prelu,0.6,max,adam,0.1,399,42.8062,5.3331,133830.0,0.0138,0.0008,0.1666,0.0181,,,,,,,,
-l_pre,nx,smallworld,graph,True,node_const,graph_path_len,32,2,4,3,skipconcat,True,prelu,0.0,max,adam,0.01,99,1.642,0.012,137951.0,0.0129,0.0019,0.1346,0.0157,,,,,,,,
-l_pre,nx,smallworld,graph,True,node_const,graph_path_len,32,2,6,2,skipsum,True,prelu,0.6,max,adam,0.1,399,42.068,2.4676,135430.0,0.0349,0.0008,0.1666,0.0181,,,,,,,,
-l_pre,nx,smallworld,graph,True,node_const,graph_path_len,32,3,4,3,skipconcat,True,prelu,0.0,max,adam,0.01,99,1.6425,0.0113,134418.0,0.0158,0.0018,0.1346,0.0157,,,,,,,,
-l_pre,nx,smallworld,graph,True,node_const,graph_path_len,32,3,6,2,skipsum,True,prelu,0.6,max,adam,0.1,399,38.2782,2.4019,133926.0,0.0097,0.0001,0.1666,0.0181,,,,,,,,
-l_pre,nx,smallworld,graph,True,node_onehot,graph_path_len,16,1,4,1,skipsum,True,relu,0.6,add,adam,0.001,399,5.9403,2.0924,134285.0,0.0333,0.0059,0.2756,0.0594,,,,,,,,
-l_pre,nx,smallworld,graph,True,node_onehot,graph_path_len,16,1,4,3,skipconcat,False,prelu,0.6,mean,adam,0.001,399,16.1927,3.5005,134943.0,0.0112,0.0029,0.2308,0.0831,,,,,,,,
-l_pre,nx,smallworld,graph,True,node_onehot,graph_path_len,16,2,4,1,skipsum,True,relu,0.6,add,adam,0.001,399,1.6385,0.9267,134118.0,0.0071,0.0013,0.5384,0.0981,,,,,,,,
-l_pre,nx,smallworld,graph,True,node_onehot,graph_path_len,16,2,4,3,skipconcat,False,prelu,0.6,mean,adam,0.001,399,10.6851,3.9899,137199.0,0.0132,0.0006,0.2308,0.0831,,,,,,,,
-l_pre,nx,smallworld,graph,True,node_onehot,graph_path_len,16,3,4,1,skipsum,True,relu,0.6,add,adam,0.001,399,1.6619,0.4898,134069.0,0.0115,0.0007,0.5641,0.0091,,,,,,,,
-l_pre,nx,smallworld,graph,True,node_onehot,graph_path_len,16,3,4,3,skipconcat,False,prelu,0.6,mean,adam,0.001,399,1.8465,0.0639,139455.0,0.0094,0.004,0.2308,0.0566,,,,,,,,
-l_pre,nx,smallworld,graph,True,node_onehot,graph_path_len,32,1,2,1,skipsum,False,swish,0.3,mean,sgd,0.001,399,1.6592,0.0571,134900.0,0.0105,0.0037,0.1923,0.0831,,,,,,,,
-l_pre,nx,smallworld,graph,True,node_onehot,graph_path_len,32,1,4,2,skipconcat,True,prelu,0.6,mean,adam,0.1,399,13.9083,2.117,138018.0,0.016,0.0058,0.2308,0.0831,,,,,,,,
-l_pre,nx,smallworld,graph,True,node_onehot,graph_path_len,32,2,2,1,skipsum,False,swish,0.3,mean,sgd,0.001,399,1.7813,0.0324,133957.0,0.009,0.003,0.1602,0.0395,,,,,,,,
-l_pre,nx,smallworld,graph,True,node_onehot,graph_path_len,32,2,4,2,skipconcat,True,prelu,0.6,mean,adam,0.1,399,17.9718,8.9157,137500.0,0.0128,0.0064,0.2308,0.0831,,,,,,,,
-l_pre,nx,smallworld,graph,True,node_onehot,graph_path_len,32,3,2,1,skipsum,False,swish,0.3,mean,sgd,0.001,399,4.2539,1.609,134850.0,0.0336,0.0057,0.2308,0.0831,,,,,,,,
-l_pre,nx,smallworld,graph,True,node_onehot,graph_path_len,32,3,4,2,skipconcat,True,prelu,0.6,mean,adam,0.1,399,32.8981,5.0947,136806.0,0.0129,0.003,0.2308,0.0831,,,,,,,,
-l_pre,nx,smallworld,graph,True,node_pagerank,graph_path_len,16,1,8,1,stack,True,prelu,0.3,mean,sgd,0.01,199,0.9675,0.2004,135430.0,0.0117,0.0023,0.5769,0.0566,,,,,,,,
-l_pre,nx,smallworld,graph,True,node_pagerank,graph_path_len,16,2,8,1,stack,True,prelu,0.3,mean,sgd,0.01,199,0.7359,0.0437,133926.0,0.0079,0.001,0.6346,0.0272,,,,,,,,
-l_pre,nx,smallworld,graph,True,node_pagerank,graph_path_len,16,3,8,1,stack,True,prelu,0.3,mean,sgd,0.01,199,1.5086,1.3931,134298.0,0.0326,0.0007,0.6026,0.2025,,,,,,,,
-l_pre,nx,smallworld,graph,True,node_pagerank,graph_path_len,32,1,4,3,skipconcat,False,swish,0.3,max,adam,0.001,399,133.4285,7.1982,134942.0,0.0103,0.0029,0.1666,0.0181,,,,,,,,
-l_pre,nx,smallworld,graph,True,node_pagerank,graph_path_len,32,1,8,3,stack,True,relu,0.6,max,sgd,0.01,199,11.9861,1.2176,134297.0,0.034,0.0098,0.1666,0.0181,,,,,,,,
-l_pre,nx,smallworld,graph,True,node_pagerank,graph_path_len,32,2,4,3,skipconcat,False,swish,0.3,max,adam,0.001,399,88.8646,5.8248,137198.0,0.0204,0.0075,0.1666,0.0181,,,,,,,,
-l_pre,nx,smallworld,graph,True,node_pagerank,graph_path_len,32,2,8,3,stack,True,relu,0.6,max,sgd,0.01,199,9.358,0.6562,135056.0,0.0213,0.0104,0.1666,0.0181,,,,,,,,
-l_pre,nx,smallworld,graph,True,node_pagerank,graph_path_len,32,3,4,3,skipconcat,False,swish,0.3,max,adam,0.001,399,93.1648,0.6171,139454.0,0.0163,0.002,0.1666,0.0181,,,,,,,,
-l_pre,nx,smallworld,graph,True,node_pagerank,graph_path_len,32,3,8,3,stack,True,relu,0.6,max,sgd,0.01,199,9.5296,1.7602,134165.0,0.0098,0.0004,0.1666,0.0181,,,,,,,,
-l_pre,nx,smallworld,graph,True,node_pagerank,graph_path_len,64,1,4,2,skipsum,False,relu,0.3,max,adam,0.01,199,1.6458,0.0141,134789.0,0.0746,0.0199,0.1346,0.0157,,,,,,,,
-l_pre,nx,smallworld,graph,True,node_pagerank,graph_path_len,64,1,8,1,stack,True,relu,0.6,add,sgd,0.1,399,1.1586,0.3194,135429.0,0.0499,0.0028,0.718,0.1022,,,,,,,,
-l_pre,nx,smallworld,graph,True,node_pagerank,graph_path_len,64,2,4,2,skipsum,False,relu,0.3,max,adam,0.01,199,1.6419,0.0109,134833.0,0.0144,0.0005,0.141,0.0181,,,,,,,,
-l_pre,nx,smallworld,graph,True,node_pagerank,graph_path_len,64,2,8,1,stack,True,relu,0.6,add,sgd,0.1,399,0.8408,0.3222,133925.0,0.0443,0.004,0.7244,0.1634,,,,,,,,
-l_pre,nx,smallworld,graph,True,node_pagerank,graph_path_len,64,3,4,2,skipsum,False,relu,0.3,max,adam,0.01,199,1.6413,0.01,134676.0,0.0363,0.0033,0.1346,0.0157,,,,,,,,
-l_pre,nx,smallworld,graph,True,node_pagerank,graph_path_len,64,3,8,1,stack,True,relu,0.6,add,sgd,0.1,399,1.0342,0.5272,134297.0,0.0155,0.0016,0.7116,0.1186,,,,,,,,
-l_pre,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,16,1,2,3,skipsum,True,relu,0.0,mean,adam,0.1,399,1.331,0.0087,134285.0,0.0259,0.005,0.433,0.0049,,,,,,,,
-l_pre,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,16,2,2,3,skipsum,True,relu,0.0,mean,adam,0.1,399,1.3386,0.0059,134118.0,0.0073,0.0016,0.4282,0.001,,,,,,,,
-l_pre,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,16,3,2,3,skipsum,True,relu,0.0,mean,adam,0.1,399,1.3433,0.011,134069.0,0.0073,0.002,0.4259,0.0046,,,,,,,,
-l_pre,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,32,1,2,2,stack,False,swish,0.6,mean,adam,0.001,399,1.535,0.0013,133957.0,0.0249,0.0027,0.2965,0.0023,,,,,,,,
-l_pre,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,32,2,2,2,stack,False,swish,0.6,mean,adam,0.001,399,1.533,0.0078,134850.0,0.0295,0.005,0.2991,0.0042,,,,,,,,
-l_pre,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,32,3,2,2,stack,False,swish,0.6,mean,adam,0.001,399,1.5282,0.0049,134789.0,0.0254,0.0027,0.2971,0.0051,,,,,,,,
-l_pre,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,64,1,4,1,skipconcat,True,swish,0.3,add,adam,0.001,399,1.5059,0.0298,137545.0,0.0507,0.0045,0.4355,0.0082,,,,,,,,
-l_pre,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,64,2,4,1,skipconcat,True,swish,0.3,add,adam,0.001,399,1.4008,0.0546,135928.0,0.019,0.0035,0.4574,0.0124,,,,,,,,
-l_pre,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,64,3,4,1,skipconcat,True,swish,0.3,add,adam,0.001,399,1.4807,0.0465,137555.0,0.0247,0.0051,0.4488,0.0074,,,,,,,,
-l_pre,nx,smallworld,node,True,node_const,node_clustering_coefficient,32,1,8,3,skipsum,False,prelu,0.6,mean,sgd,0.001,399,1.6058,0.0011,135361.0,0.0129,0.0014,0.2305,0.0055,,,,,,,,
-l_pre,nx,smallworld,node,True,node_const,node_clustering_coefficient,32,2,8,3,skipsum,False,prelu,0.6,mean,sgd,0.001,399,1.606,0.0005,133749.0,0.0301,0.0011,0.2305,0.0055,,,,,,,,
-l_pre,nx,smallworld,node,True,node_const,node_clustering_coefficient,32,3,8,3,skipsum,False,prelu,0.6,mean,sgd,0.001,399,1.6052,0.0007,135351.0,0.0175,0.004,0.2305,0.0055,,,,,,,,
-l_pre,nx,smallworld,node,True,node_const,node_pagerank,64,1,8,1,skipconcat,True,relu,0.3,add,adam,0.001,199,0.6427,0.0039,138475.0,0.0249,0.0023,0.7717,0.0058,,,,,,,,
-l_pre,nx,smallworld,node,True,node_const,node_pagerank,64,2,8,1,skipconcat,True,relu,0.3,add,adam,0.001,199,2.9599,0.0359,137765.0,0.0255,0.007,0.2546,0.0022,,,,,,,,
-l_pre,nx,smallworld,node,True,node_const,node_pagerank,64,3,8,1,skipconcat,True,relu,0.3,add,adam,0.001,199,0.6524,0.0524,136885.0,0.0193,0.0023,0.7679,0.0227,,,,,,,,
-l_pre,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,16,1,2,1,skipsum,False,swish,0.6,max,adam,0.1,99,1.6627,0.0033,134900.0,0.008,0.0004,0.2018,0.0045,,,,,,,,
-l_pre,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,16,1,4,3,skipsum,True,prelu,0.6,mean,adam,0.01,399,1.3548,0.0424,134070.0,0.0072,0.0013,0.4466,0.0129,,,,,,,,
-l_pre,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,16,2,2,1,skipsum,False,swish,0.6,max,adam,0.1,99,1.6446,0.0096,133957.0,0.0071,0.0008,0.2017,0.0043,,,,,,,,
-l_pre,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,16,2,4,3,skipsum,True,prelu,0.6,mean,adam,0.01,399,1.4169,0.022,133830.0,0.0097,0.0022,0.3998,0.0052,,,,,,,,
-l_pre,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,16,3,2,1,skipsum,False,swish,0.6,max,adam,0.1,99,1.6076,0.0011,134850.0,0.0271,0.0005,0.2327,0.0032,,,,,,,,
-l_pre,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,16,3,4,3,skipsum,True,prelu,0.6,mean,adam,0.01,399,2.5683,0.7883,135430.0,0.0089,0.0011,0.2882,0.0799,,,,,,,,
-l_pre,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,32,1,8,3,skipsum,True,prelu,0.3,mean,adam,0.001,399,1.1664,0.0305,134298.0,0.0121,0.0011,0.5152,0.0057,,,,,,,,
-l_pre,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,32,2,8,3,skipsum,True,prelu,0.3,mean,adam,0.001,399,1.123,0.0426,135057.0,0.0146,0.0034,0.5218,0.0156,,,,,,,,
-l_pre,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,32,3,8,3,skipsum,True,prelu,0.3,mean,adam,0.001,399,1.1776,0.0335,134166.0,0.0314,0.0003,0.5047,0.0129,,,,,,,,
-l_pre,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,64,1,6,1,stack,True,relu,0.0,mean,adam,0.01,99,1.0288,0.002,134069.0,0.0156,0.0011,0.5499,0.001,,,,,,,,
-l_pre,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,64,2,6,1,stack,True,relu,0.0,mean,adam,0.01,99,1.0327,0.0142,133829.0,0.0189,0.0013,0.5468,0.0044,,,,,,,,
-l_pre,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,64,3,6,1,stack,True,relu,0.0,mean,adam,0.01,99,1.0405,0.0033,135429.0,0.0315,0.0031,0.5427,0.0042,,,,,,,,
-l_pre,nx,smallworld,node,True,node_onehot,node_pagerank,16,1,6,1,skipsum,True,relu,0.6,add,adam,0.01,199,1.7192,0.0934,134069.0,0.0092,0.0013,0.5177,0.0097,,,,,,,,
-l_pre,nx,smallworld,node,True,node_onehot,node_pagerank,16,1,8,2,stack,False,relu,0.3,max,sgd,0.1,99,3.0356,0.2053,134920.0,0.0267,0.0017,0.199,0.0042,,,,,,,,
-l_pre,nx,smallworld,node,True,node_onehot,node_pagerank,16,2,6,1,skipsum,True,relu,0.6,add,adam,0.01,199,1.5848,0.1376,133829.0,0.0257,0.0015,0.516,0.0047,,,,,,,,
-l_pre,nx,smallworld,node,True,node_onehot,node_pagerank,16,2,8,2,stack,False,relu,0.3,max,sgd,0.1,99,2.9677,0.024,135360.0,0.0233,0.0012,0.199,0.0042,,,,,,,,
-l_pre,nx,smallworld,node,True,node_onehot,node_pagerank,16,3,6,1,skipsum,True,relu,0.6,add,adam,0.01,199,1.643,0.153,135429.0,0.0125,0.0027,0.5182,0.007,,,,,,,,
-l_pre,nx,smallworld,node,True,node_onehot,node_pagerank,16,3,8,2,stack,False,relu,0.3,max,sgd,0.1,99,2.9343,0.1028,133748.0,0.0104,0.0012,0.199,0.0042,,,,,,,,
-l_pre,nx,smallworld,node,True,node_onehot,node_pagerank,32,1,2,1,stack,False,prelu,0.6,mean,sgd,0.1,199,1.7487,0.0062,134901.0,0.0312,0.0026,0.2026,0.0056,,,,,,,,
-l_pre,nx,smallworld,node,True,node_onehot,node_pagerank,32,1,6,1,skipsum,False,prelu,0.3,mean,adam,0.01,399,1.6,0.0137,134834.0,0.0128,0.0049,0.2226,0.0427,,,,,,,,
-l_pre,nx,smallworld,node,True,node_onehot,node_pagerank,32,2,2,1,stack,False,prelu,0.6,mean,sgd,0.1,199,1.7058,0.039,133958.0,0.0094,0.0003,0.1976,0.0024,,,,,,,,
-l_pre,nx,smallworld,node,True,node_onehot,node_pagerank,32,2,6,1,skipsum,False,prelu,0.3,mean,adam,0.01,399,1.6097,0.0,134677.0,0.0129,0.0022,0.1911,0.0017,,,,,,,,
-l_pre,nx,smallworld,node,True,node_onehot,node_pagerank,32,3,2,1,stack,False,prelu,0.6,mean,sgd,0.1,199,1.6948,0.0134,134851.0,0.0109,0.001,0.1976,0.0024,,,,,,,,
-l_pre,nx,smallworld,node,True,node_onehot,node_pagerank,32,3,6,1,skipsum,False,prelu,0.3,mean,adam,0.01,399,1.6097,0.0,134278.0,0.0122,0.0028,0.1911,0.0017,,,,,,,,
-l_pre,nx,smallworld,node,True,node_onehot,node_pagerank,64,1,4,1,skipsum,True,swish,0.3,mean,adam,0.01,199,1.5526,0.0458,134285.0,0.0237,0.0024,0.3238,0.0123,,,,,,,,
-l_pre,nx,smallworld,node,True,node_onehot,node_pagerank,64,1,4,1,stack,True,prelu,0.0,max,adam,0.001,199,1.4663,0.0106,134286.0,0.0474,0.0078,0.4348,0.001,,,,,,,,
-l_pre,nx,smallworld,node,True,node_onehot,node_pagerank,64,1,8,2,skipsum,True,swish,0.0,mean,sgd,0.1,399,3.7185,0.0714,133925.0,0.027,0.0061,0.387,0.0067,,,,,,,,
-l_pre,nx,smallworld,node,True,node_onehot,node_pagerank,64,2,4,1,skipsum,True,swish,0.3,mean,adam,0.01,199,1.5584,0.064,134118.0,0.0319,0.0042,0.3206,0.0178,,,,,,,,
-l_pre,nx,smallworld,node,True,node_onehot,node_pagerank,64,2,4,1,stack,True,prelu,0.0,max,adam,0.001,199,1.4497,0.0309,134119.0,0.0289,0.0027,0.4356,0.005,,,,,,,,
-l_pre,nx,smallworld,node,True,node_onehot,node_pagerank,64,2,8,2,skipsum,True,swish,0.0,mean,sgd,0.1,399,3.8779,0.119,134297.0,0.0224,0.004,0.3909,0.0068,,,,,,,,
-l_pre,nx,smallworld,node,True,node_onehot,node_pagerank,64,3,4,1,skipsum,True,swish,0.3,mean,adam,0.01,199,1.5184,0.0185,134069.0,0.0384,0.0028,0.3289,0.0065,,,,,,,,
-l_pre,nx,smallworld,node,True,node_onehot,node_pagerank,64,3,4,1,stack,True,prelu,0.0,max,adam,0.001,199,1.4358,0.0229,134070.0,0.0333,0.0027,0.4356,0.0017,,,,,,,,
-l_pre,nx,smallworld,node,True,node_onehot,node_pagerank,64,3,8,2,skipsum,True,swish,0.0,mean,sgd,0.1,399,3.9584,0.0799,135056.0,0.0245,0.0071,0.4007,0.0069,,,,,,,,
-l_pre,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,16,1,8,2,skipconcat,False,relu,0.3,max,adam,0.1,199,1.6049,0.001,137773.0,0.0155,0.0037,0.2305,0.0055,,,,,,,,
-l_pre,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,16,2,8,2,skipconcat,False,relu,0.3,max,adam,0.1,199,1.6049,0.001,138963.0,0.0093,0.0013,0.2305,0.0055,,,,,,,,
-l_pre,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,16,3,8,2,skipconcat,False,relu,0.3,max,adam,0.1,199,1.6049,0.001,140153.0,0.0096,0.0017,0.2305,0.0055,,,,,,,,
-l_pre,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,32,1,6,2,skipsum,False,swish,0.0,max,adam,0.1,399,1.6049,0.001,134676.0,0.0298,0.0033,0.2305,0.0055,,,,,,,,
-l_pre,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,32,2,6,2,skipsum,False,swish,0.0,max,adam,0.1,399,1.6049,0.001,134277.0,0.0203,0.0075,0.2305,0.0055,,,,,,,,
-l_pre,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,32,3,6,2,skipsum,False,swish,0.0,max,adam,0.1,399,1.6049,0.001,134920.0,0.0262,0.0026,0.2305,0.0055,,,,,,,,
-l_pre,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,64,1,2,1,skipsum,False,prelu,0.0,add,adam,0.1,199,1.4968,0.0814,134901.0,0.0181,0.0019,0.3376,0.0425,,,,,,,,
-l_pre,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,64,1,4,2,skipconcat,False,swish,0.3,add,sgd,0.01,99,1.5645,0.0106,137397.0,0.0204,0.0031,0.3057,0.012,,,,,,,,
-l_pre,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,64,1,6,3,skipconcat,False,prelu,0.3,mean,adam,0.1,99,1.6049,0.001,139848.0,0.0196,0.0016,0.2305,0.0055,,,,,,,,
-l_pre,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,64,2,2,1,skipsum,False,prelu,0.0,add,adam,0.1,199,1.5635,0.0041,133958.0,0.021,0.0074,0.2979,0.0063,,,,,,,,
-l_pre,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,64,2,4,2,skipconcat,False,swish,0.3,add,sgd,0.01,99,1.5745,0.0068,136828.0,0.0395,0.0051,0.2912,0.0066,,,,,,,,
-l_pre,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,64,2,6,3,skipconcat,False,prelu,0.3,mean,adam,0.1,99,1.6049,0.001,141038.0,0.0285,0.0121,0.2305,0.0055,,,,,,,,
-l_pre,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,64,3,2,1,skipsum,False,prelu,0.0,add,adam,0.1,199,1.5613,0.0091,134851.0,0.044,0.0068,0.2843,0.0029,,,,,,,,
-l_pre,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,64,3,4,2,skipconcat,False,swish,0.3,add,sgd,0.01,99,1.5771,0.0065,136085.0,0.0465,0.0057,0.2864,0.002,,,,,,,,
-l_pre,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,64,3,6,3,skipconcat,False,prelu,0.3,mean,adam,0.1,99,1.6049,0.001,134052.0,0.0209,0.0022,0.2305,0.0055,,,,,,,,
-lr,PyG,AmazonComputers,node,True,,,32,2,6,2,stack,True,relu,0.0,mean,sgd,0.001,99,0.5344,0.0209,232842.0,0.1361,0.0063,0.8557,0.0083,,,,,,,,
-lr,PyG,AmazonComputers,node,True,,,32,2,6,2,stack,True,relu,0.0,mean,sgd,0.01,99,0.3444,0.0045,232842.0,0.1161,0.0086,0.8953,0.0031,,,,,,,,
-lr,PyG,AmazonComputers,node,True,,,32,2,6,2,stack,True,relu,0.0,mean,sgd,0.1,99,0.3213,0.0064,232842.0,0.0942,0.0218,0.9008,0.0013,,,,,,,,
-lr,PyG,AmazonComputers,node,True,,,64,1,4,1,stack,False,prelu,0.0,mean,sgd,0.001,99,1.988,0.0098,274831.0,0.1193,0.0087,0.3692,0.0075,,,,,,,,
-lr,PyG,AmazonComputers,node,True,,,64,1,4,1,stack,False,prelu,0.0,mean,sgd,0.01,99,1.9176,0.005,274831.0,0.1332,0.0085,0.3692,0.0075,,,,,,,,
-lr,PyG,AmazonComputers,node,True,,,64,1,4,1,stack,False,prelu,0.0,mean,sgd,0.1,99,1.8887,0.0063,274831.0,0.1377,0.0243,0.3692,0.0075,,,,,,,,
-lr,PyG,AmazonComputers,node,True,,,64,2,2,2,skipsum,False,swish,0.0,max,sgd,0.001,399,1.9322,0.0096,274830.0,0.1527,0.0306,0.3692,0.0075,,,,,,,,
-lr,PyG,AmazonComputers,node,True,,,64,2,2,2,skipsum,False,swish,0.0,max,sgd,0.01,399,1.5464,0.0935,274830.0,0.1178,0.0009,0.4735,0.0655,,,,,,,,
-lr,PyG,AmazonComputers,node,True,,,64,2,2,2,skipsum,False,swish,0.0,max,sgd,0.1,399,0.3086,0.0244,274830.0,0.1413,0.0281,0.9169,0.0045,,,,,,,,
-lr,PyG,AmazonComputers,node,True,,,64,2,8,2,skipconcat,False,prelu,0.6,mean,sgd,0.001,399,1.9167,0.0123,166203.0,0.156,0.0343,0.3692,0.0075,,,,,,,,
-lr,PyG,AmazonComputers,node,True,,,64,2,8,2,skipconcat,False,prelu,0.6,mean,sgd,0.01,399,1.062,0.2406,166203.0,0.1291,0.0226,0.6383,0.0658,,,,,,,,
-lr,PyG,AmazonComputers,node,True,,,64,2,8,2,skipconcat,False,prelu,0.6,mean,sgd,0.1,399,1.0827,0.554,166203.0,0.1393,0.0566,0.6472,0.2023,,,,,,,,
-lr,PyG,AmazonPhoto,node,True,,,32,1,6,2,skipsum,False,swish,0.6,add,sgd,0.001,99,2.0044,0.0119,238334.0,0.0423,0.0055,0.2523,0.0065,,,,,,,,
-lr,PyG,AmazonPhoto,node,True,,,32,1,6,2,skipsum,False,swish,0.6,add,sgd,0.01,99,1.9039,0.0116,238334.0,0.0624,0.0143,0.2532,0.0054,,,,,,,,
-lr,PyG,AmazonPhoto,node,True,,,32,1,6,2,skipsum,False,swish,0.6,add,sgd,0.1,99,1.4001,0.0514,238334.0,0.0727,0.0059,0.5535,0.0517,,,,,,,,
-lr,PyG,AmazonPhoto,node,True,,,32,1,8,1,skipsum,False,prelu,0.6,mean,adam,0.001,199,0.5768,0.0244,231435.0,0.0364,0.0013,0.8942,0.0084,,,,,,,,
-lr,PyG,AmazonPhoto,node,True,,,32,1,8,1,skipsum,False,prelu,0.6,mean,adam,0.01,199,1.7346,0.2921,231435.0,0.0804,0.0128,0.3455,0.1257,,,,,,,,
-lr,PyG,AmazonPhoto,node,True,,,32,1,8,1,skipsum,False,prelu,0.6,mean,adam,0.1,199,1.86,0.1011,231435.0,0.0446,0.0045,0.3144,0.0821,,,,,,,,
-lr,PyG,AmazonPhoto,node,True,,,64,2,2,2,skipsum,True,swish,0.3,max,sgd,0.001,399,2.0386,0.4579,269155.0,0.0388,0.0022,0.3473,0.0667,,,,,,,,
-lr,PyG,AmazonPhoto,node,True,,,64,2,2,2,skipsum,True,swish,0.3,max,sgd,0.01,399,0.6251,0.0548,269155.0,0.067,0.0138,0.8295,0.0209,,,,,,,,
-lr,PyG,AmazonPhoto,node,True,,,64,2,2,2,skipsum,True,swish,0.3,max,sgd,0.1,399,0.2293,0.0216,269155.0,0.0593,0.0108,0.9471,0.0074,,,,,,,,
-lr,PyG,CiteSeer,node,True,,,16,2,6,2,stack,True,prelu,0.3,mean,sgd,0.001,399,1.1535,0.047,608135.0,0.0942,0.0144,0.6962,0.0179,,,,,,,,
-lr,PyG,CiteSeer,node,True,,,16,2,6,2,stack,True,prelu,0.3,mean,sgd,0.01,399,1.1195,0.1071,608135.0,0.0906,0.0089,0.7252,0.0162,,,,,,,,
-lr,PyG,CiteSeer,node,True,,,16,2,6,2,stack,True,prelu,0.3,mean,sgd,0.1,399,1.5917,0.1144,608135.0,0.1,0.0146,0.7007,0.0134,,,,,,,,
-lr,PyG,CiteSeer,node,True,,,32,1,4,3,skipsum,False,prelu,0.6,mean,sgd,0.001,199,1.7542,0.0024,686897.0,0.1126,0.0276,0.2082,0.0135,,,,,,,,
-lr,PyG,CiteSeer,node,True,,,32,1,4,3,skipsum,False,prelu,0.6,mean,sgd,0.01,199,1.7148,0.0161,686897.0,0.1115,0.0323,0.2783,0.0638,,,,,,,,
-lr,PyG,CiteSeer,node,True,,,32,1,4,3,skipsum,False,prelu,0.6,mean,sgd,0.1,199,1.0136,0.0597,686897.0,0.0829,0.0158,0.7648,0.0102,,,,,,,,
-lr,PyG,CoauthorCS,node,True,,,16,2,4,2,stack,True,relu,0.3,add,adam,0.001,99,0.5982,0.0163,1142871.0,0.8303,0.0197,0.8499,0.0059,,,,,,,,
-lr,PyG,CoauthorCS,node,True,,,16,2,4,2,stack,True,relu,0.3,add,adam,0.01,99,0.4689,0.012,1142871.0,1.1461,0.1142,0.8761,0.0022,,,,,,,,
-lr,PyG,CoauthorCS,node,True,,,16,2,4,2,stack,True,relu,0.3,add,adam,0.1,99,0.8344,0.0773,1142871.0,1.0954,0.0659,0.7509,0.032,,,,,,,,
-lr,PyG,CoauthorCS,node,True,,,16,2,4,3,skipsum,True,relu,0.0,mean,adam,0.001,399,0.3011,0.0024,1067930.0,0.9378,0.0671,0.9281,0.0019,,,,,,,,
-lr,PyG,CoauthorCS,node,True,,,16,2,4,3,skipsum,True,relu,0.0,mean,adam,0.01,399,0.2195,0.0091,1067930.0,0.848,0.0458,0.9476,0.0022,,,,,,,,
-lr,PyG,CoauthorCS,node,True,,,16,2,4,3,skipsum,True,relu,0.0,mean,adam,0.1,399,0.2534,0.0394,1067930.0,0.9039,0.0698,0.9396,0.0086,,,,,,,,
-lr,PyG,CoauthorCS,node,True,,,16,2,8,3,skipconcat,False,prelu,0.6,mean,sgd,0.001,99,2.5933,0.0257,315708.0,1.0073,0.0989,0.2387,0.0199,,,,,,,,
-lr,PyG,CoauthorCS,node,True,,,16,2,8,3,skipconcat,False,prelu,0.6,mean,sgd,0.01,99,2.1294,0.1478,315708.0,0.8545,0.0298,0.3202,0.1136,,,,,,,,
-lr,PyG,CoauthorCS,node,True,,,16,2,8,3,skipconcat,False,prelu,0.6,mean,sgd,0.1,99,0.5894,0.052,315708.0,0.9626,0.0721,0.8662,0.0201,,,,,,,,
-lr,PyG,CoauthorCS,node,True,,,32,2,8,3,skipsum,False,relu,0.0,max,sgd,0.001,199,2.5017,0.0395,884635.0,0.9958,0.1285,0.2283,0.0014,,,,,,,,
-lr,PyG,CoauthorCS,node,True,,,32,2,8,3,skipsum,False,relu,0.0,max,sgd,0.01,199,1.9178,0.2751,884635.0,0.9638,0.133,0.3756,0.1217,,,,,,,,
-lr,PyG,CoauthorCS,node,True,,,32,2,8,3,skipsum,False,relu,0.0,max,sgd,0.1,199,2.09,0.4336,884635.0,0.859,0.028,0.3119,0.1195,,,,,,,,
-lr,PyG,CoauthorCS,node,True,,,32,3,8,1,skipsum,True,relu,0.3,mean,sgd,0.001,199,2.5447,0.0274,919095.0,0.8331,0.0442,0.3047,0.0783,,,,,,,,
-lr,PyG,CoauthorCS,node,True,,,32,3,8,1,skipsum,True,relu,0.3,mean,sgd,0.01,199,1.8415,0.0403,919095.0,0.8176,0.013,0.5711,0.0849,,,,,,,,
-lr,PyG,CoauthorCS,node,True,,,32,3,8,1,skipsum,True,relu,0.3,mean,sgd,0.1,199,0.7556,0.0071,919095.0,0.8502,0.09,0.8507,0.0063,,,,,,,,
-lr,PyG,CoauthorCS,node,True,,,64,1,6,2,stack,True,prelu,0.0,add,adam,0.001,399,0.4299,0.0131,1067931.0,0.8672,0.1325,0.8798,0.007,,,,,,,,
-lr,PyG,CoauthorCS,node,True,,,64,1,6,2,stack,True,prelu,0.0,add,adam,0.01,399,0.4001,0.0165,1067931.0,0.8062,0.0697,0.8984,0.0054,,,,,,,,
-lr,PyG,CoauthorCS,node,True,,,64,1,6,2,stack,True,prelu,0.0,add,adam,0.1,399,0.3957,0.0178,1067931.0,0.8352,0.1035,0.8917,0.0047,,,,,,,,
-lr,PyG,CoauthorCS,node,True,,,64,2,2,1,skipconcat,True,relu,0.3,mean,adam,0.001,99,1.1555,0.0041,1372357.0,0.8299,0.0332,0.9232,0.0039,,,,,,,,
-lr,PyG,CoauthorCS,node,True,,,64,2,2,1,skipconcat,True,relu,0.3,mean,adam,0.01,99,0.2604,0.0012,1372357.0,0.8615,0.1315,0.9329,0.0015,,,,,,,,
-lr,PyG,CoauthorCS,node,True,,,64,2,2,1,skipconcat,True,relu,0.3,mean,adam,0.1,99,0.2392,0.0081,1372357.0,0.8858,0.1057,0.9442,0.0005,,,,,,,,
-lr,PyG,CoauthorPhysics,node,True,,,32,3,2,3,stack,False,swish,0.0,max,adam,0.001,99,0.1204,0.0039,1388834.0,1.8741,0.1138,0.9608,0.0012,,,,,,,,
-lr,PyG,CoauthorPhysics,node,True,,,32,3,2,3,stack,False,swish,0.0,max,adam,0.01,99,0.158,0.0029,1388834.0,1.6055,0.0624,0.954,0.0011,,,,,,,,
-lr,PyG,CoauthorPhysics,node,True,,,32,3,2,3,stack,False,swish,0.0,max,adam,0.1,99,1.3098,0.0714,1388834.0,1.6319,0.0454,0.5183,0.0199,,,,,,,,
-lr,PyG,Cora,node,True,,,64,3,8,2,stack,True,swish,0.3,max,sgd,0.001,399,2.4608,0.0583,290274.0,0.0186,0.0019,0.1572,0.0077,,,,,,,,
-lr,PyG,Cora,node,True,,,64,3,8,2,stack,True,swish,0.3,max,sgd,0.01,399,2.3099,0.0772,290274.0,0.0385,0.0236,0.1572,0.0077,,,,,,,,
-lr,PyG,Cora,node,True,,,64,3,8,2,stack,True,swish,0.3,max,sgd,0.1,399,0.9716,0.0857,290274.0,0.0245,0.001,0.671,0.042,,,,,,,,
-lr,PyG,TU_BZR,graph,False,,,16,1,2,1,skipsum,True,swish,0.0,mean,sgd,0.001,199,0.3343,0.0489,146433.0,0.022,0.003,0.8724,0.0354,0.7589,0.1814,0.592,0.1342,0.6395,0.0747,0.886,0.0442
-lr,PyG,TU_BZR,graph,False,,,16,1,2,1,skipsum,True,swish,0.0,mean,sgd,0.01,199,0.3162,0.055,146433.0,0.0049,0.0008,0.8724,0.021,0.7093,0.0776,0.6106,0.115,0.645,0.0497,0.9042,0.0392
-lr,PyG,TU_BZR,graph,False,,,16,1,2,1,skipsum,True,swish,0.0,mean,sgd,0.1,199,0.3654,0.0611,146433.0,0.0043,0.0002,0.8519,0.0101,0.6214,0.0688,0.6548,0.1354,0.6241,0.0352,0.8787,0.0454
-lr,PyG,TU_BZR,graph,False,,,16,1,6,2,skipsum,False,swish,0.6,mean,adam,0.001,99,0.4492,0.0484,141865.0,0.0252,0.0,0.8436,0.0419,0.9167,0.1179,0.2277,0.1152,0.3519,0.1497,0.6527,0.0364
-lr,PyG,TU_BZR,graph,False,,,16,1,6,2,skipsum,False,swish,0.6,mean,adam,0.01,99,0.5922,0.0419,141865.0,0.0075,0.0018,0.7408,0.0706,0.2444,0.2043,0.2003,0.2405,0.1456,0.1351,0.6257,0.0474
-lr,PyG,TU_BZR,graph,False,,,16,1,6,2,skipsum,False,swish,0.6,mean,adam,0.1,99,0.5042,0.0271,141865.0,0.0067,0.001,0.8066,0.0254,0.0,0.0,0.0,0.0,0.0,0.0,0.4702,0.0219
-lr,PyG,TU_BZR,graph,False,,,16,3,8,3,stack,False,relu,0.6,mean,sgd,0.001,399,0.49,0.0281,139336.0,0.0133,0.0052,0.8066,0.0254,0.0,0.0,0.0,0.0,0.0,0.0,0.5799,0.0583
-lr,PyG,TU_BZR,graph,False,,,16,3,8,3,stack,False,relu,0.6,mean,sgd,0.01,399,0.4938,0.0314,139336.0,0.0231,0.0011,0.8066,0.0254,0.0,0.0,0.0,0.0,0.0,0.0,0.5,0.0
-lr,PyG,TU_BZR,graph,False,,,32,3,4,2,skipsum,True,relu,0.3,add,sgd,0.001,99,0.7272,0.3168,140974.0,0.0109,0.0016,0.5926,0.2881,0.4635,0.251,0.6396,0.2833,0.4175,0.0635,0.7091,0.0459
-lr,PyG,TU_BZR,graph,False,,,32,3,4,2,skipsum,True,relu,0.3,add,sgd,0.01,99,0.4657,0.0769,140974.0,0.0093,0.0019,0.8148,0.0825,0.5477,0.2207,0.4017,0.1669,0.4627,0.1889,0.7663,0.1119
-lr,PyG,TU_BZR,graph,False,,,32,3,4,2,skipsum,True,relu,0.3,add,sgd,0.1,99,0.3923,0.1029,140974.0,0.0095,0.0017,0.8642,0.0462,0.6377,0.062,0.7147,0.1579,0.669,0.0987,0.882,0.0592
-lr,PyG,TU_BZR,graph,False,,,64,1,8,2,stack,False,swish,0.0,mean,sgd,0.001,199,0.4662,0.0382,139514.0,0.0107,0.0016,0.8066,0.0254,0.0,0.0,0.0,0.0,0.0,0.0,0.6376,0.0321
-lr,PyG,TU_BZR,graph,False,,,64,1,8,2,stack,False,swish,0.0,mean,sgd,0.01,199,0.4578,0.0364,139514.0,0.0124,0.0021,0.8272,0.0202,0.8889,0.1571,0.13,0.0178,0.2241,0.0205,0.6451,0.0389
-lr,PyG,TU_BZR,graph,False,,,64,1,8,2,stack,False,swish,0.0,mean,sgd,0.1,199,0.4776,0.0295,139514.0,0.0103,0.0004,0.8148,0.0267,0.6667,0.4714,0.0442,0.0324,0.0827,0.0605,0.6359,0.0331
-lr,PyG,TU_COX2,graph,False,,,16,1,2,1,skipconcat,True,prelu,0.6,mean,sgd,0.001,99,0.6946,0.1038,140241.0,0.0046,0.0006,0.773,0.0133,0.0,0.0,0.0,0.0,0.0,0.0,0.6773,0.0625
-lr,PyG,TU_COX2,graph,False,,,16,1,2,1,skipconcat,True,prelu,0.6,mean,sgd,0.01,99,0.6015,0.041,140241.0,0.0062,0.0011,0.8014,0.0219,1.0,0.0,0.1274,0.0514,0.2224,0.0786,0.7053,0.0602
-lr,PyG,TU_COX2,graph,False,,,16,1,2,1,skipconcat,True,prelu,0.6,mean,sgd,0.1,99,0.5198,0.0737,140241.0,0.0072,0.0019,0.7872,0.0608,0.6023,0.164,0.4305,0.1327,0.4737,0.115,0.7355,0.0668
-lr,PyG,TU_DD,graph,False,,,16,1,2,1,skipsum,True,swish,0.3,mean,sgd,0.001,399,1.0476,0.0735,155649.0,0.0092,0.0016,0.7217,0.0144,0.7396,0.071,0.5733,0.0774,0.6376,0.0212,0.8017,0.0303
-lr,PyG,TU_DD,graph,False,,,16,1,2,1,skipsum,True,swish,0.3,mean,sgd,0.01,399,1.9582,0.0816,155649.0,0.0101,0.0013,0.6681,0.0236,0.6278,0.0599,0.6381,0.1379,0.6174,0.0426,0.7537,0.0264
-lr,PyG,TU_DD,graph,False,,,16,1,2,1,skipsum,True,swish,0.3,mean,sgd,0.1,399,0.9871,0.1212,155649.0,0.0095,0.0015,0.702,0.0243,0.8904,0.0333,0.3543,0.0647,0.5026,0.0606,0.8309,0.0061
-lr,PyG,TU_DD,graph,False,,,16,2,8,2,stack,True,relu,0.6,add,sgd,0.001,99,0.6079,0.0176,145131.0,0.0099,0.0008,0.6935,0.0381,0.7673,0.1503,0.5342,0.1735,0.5888,0.0535,0.7875,0.0178
-lr,PyG,TU_DD,graph,False,,,16,2,8,2,stack,True,relu,0.6,add,sgd,0.01,99,0.8509,0.3982,145131.0,0.0246,0.0052,0.6596,0.1308,0.6587,0.1558,0.7261,0.1488,0.6572,0.039,0.7237,0.1179
-lr,PyG,TU_DD,graph,False,,,16,2,8,2,stack,True,relu,0.6,add,sgd,0.1,99,0.5554,0.0111,145131.0,0.0096,0.0013,0.7359,0.014,0.7885,0.0878,0.5592,0.1058,0.6401,0.0531,0.8116,0.0207
-lr,PyG,TU_ENZYMES,graph,False,,,32,1,8,3,skipsum,True,swish,0.3,add,adam,0.001,199,2.0764,0.1428,135821.0,0.0094,0.0022,0.3472,0.0617,,,,,,,,
-lr,PyG,TU_ENZYMES,graph,False,,,32,1,8,3,skipsum,True,swish,0.3,add,adam,0.01,199,2.3674,0.4961,135821.0,0.031,0.0055,0.5083,0.018,,,,,,,,
-lr,PyG,TU_ENZYMES,graph,False,,,32,1,8,3,skipsum,True,swish,0.3,add,adam,0.1,199,1.7132,0.1845,135821.0,0.0124,0.0026,0.3416,0.0514,,,,,,,,
-lr,PyG,TU_ENZYMES,graph,False,,,64,2,4,2,skipsum,False,relu,0.0,max,adam,0.001,199,1.8324,0.2577,135596.0,0.0206,0.0087,0.3972,0.0416,,,,,,,,
-lr,PyG,TU_ENZYMES,graph,False,,,64,2,4,2,skipsum,False,relu,0.0,max,adam,0.01,199,1.762,0.026,135596.0,0.0225,0.0017,0.2472,0.0698,,,,,,,,
-lr,PyG,TU_ENZYMES,graph,False,,,64,2,4,2,skipsum,False,relu,0.0,max,adam,0.1,199,1.8013,0.005,135596.0,0.0111,0.0009,0.1278,0.0171,,,,,,,,
-lr,PyG,TU_ENZYMES,graph,False,,,64,2,8,3,stack,False,swish,0.6,mean,sgd,0.001,99,1.7948,0.0054,135416.0,0.0395,0.0034,0.1778,0.0258,,,,,,,,
-lr,PyG,TU_ENZYMES,graph,False,,,64,2,8,3,stack,False,swish,0.6,mean,sgd,0.01,99,1.7994,0.0238,135416.0,0.0149,0.0025,0.1528,0.0258,,,,,,,,
-lr,PyG,TU_ENZYMES,graph,False,,,64,2,8,3,stack,False,swish,0.6,mean,sgd,0.1,99,2.2658,0.4596,135416.0,0.0174,0.0016,0.1611,0.0079,,,,,,,,
-lr,PyG,TU_IMDB,graph,False,,,32,1,8,2,stack,False,prelu,0.0,add,sgd,0.001,199,1.1008,0.0015,133467.0,0.0097,0.0017,0.3222,0.0238,,,,,,,,
-lr,PyG,TU_IMDB,graph,False,,,32,1,8,2,stack,False,prelu,0.0,add,sgd,0.01,199,1.1007,0.0014,133467.0,0.0085,0.0005,0.3367,0.0166,,,,,,,,
-lr,PyG,TU_IMDB,graph,False,,,32,1,8,2,stack,False,prelu,0.0,add,sgd,0.1,199,,,133467.0,0.032,0.0062,0.33,0.0196,,,,,,,,
-lr,PyG,TU_IMDB,graph,False,,,32,2,8,1,stack,False,relu,0.6,add,sgd,0.001,99,1.1273,0.0128,133466.0,0.0089,0.0009,0.3233,0.0125,,,,,,,,
-lr,PyG,TU_IMDB,graph,False,,,32,2,8,1,stack,False,relu,0.6,add,sgd,0.01,99,1.1154,0.0137,133466.0,0.0097,0.0007,0.3533,0.0166,,,,,,,,
-lr,PyG,TU_IMDB,graph,False,,,32,2,8,1,stack,False,relu,0.6,add,sgd,0.1,99,1.1058,0.0081,133466.0,0.0131,0.0009,0.3645,0.0273,,,,,,,,
-lr,PyG,TU_IMDB,graph,False,,,64,3,8,2,stack,False,relu,0.0,mean,sgd,0.001,399,1.1009,0.0015,134863.0,0.014,0.0031,0.3289,0.0325,,,,,,,,
-lr,PyG,TU_IMDB,graph,False,,,64,3,8,2,stack,False,relu,0.0,mean,sgd,0.01,399,1.1009,0.0016,134863.0,0.0143,0.0007,0.3222,0.0238,,,,,,,,
-lr,PyG,TU_IMDB,graph,False,,,64,3,8,2,stack,False,relu,0.0,mean,sgd,0.1,399,1.0999,0.0008,134863.0,0.0147,0.0026,0.3078,0.0032,,,,,,,,
-lr,PyG,TU_PROTEINS,graph,False,,,16,3,2,3,skipconcat,True,prelu,0.0,add,adam,0.001,199,0.6108,0.0194,134978.0,0.0055,0.0005,0.6879,0.0119,0.6476,0.025,0.5288,0.061,0.5792,0.03,0.7557,0.0168
-lr,PyG,TU_PROTEINS,graph,False,,,16,3,2,3,skipconcat,True,prelu,0.0,add,adam,0.01,199,0.573,0.0031,134978.0,0.0086,0.0016,0.7091,0.0243,0.7846,0.0471,0.4005,0.0749,0.5258,0.0635,0.785,0.0138
-lr,PyG,TU_PROTEINS,graph,False,,,16,3,2,3,skipconcat,True,prelu,0.0,add,adam,0.1,199,0.5695,0.0155,134978.0,0.0064,0.0006,0.6985,0.0204,0.7609,0.0322,0.3815,0.055,0.5065,0.0533,0.7852,0.0117
-lr,PyG,TU_PROTEINS,graph,False,,,16,3,4,3,stack,False,prelu,0.0,add,sgd,0.001,99,0.5613,0.0196,134807.0,0.0263,0.0018,0.7439,0.019,0.6872,0.0254,0.6848,0.0325,0.6859,0.0289,0.7899,0.0144
-lr,PyG,TU_PROTEINS,graph,False,,,64,1,4,3,stack,True,swish,0.3,max,adam,0.001,99,4.1707,1.0935,134089.0,0.0157,0.0021,0.4091,0.0065,0.4091,0.0065,1.0,0.0,0.5806,0.0064,0.3068,0.0035
-lr,PyG,TU_PROTEINS,graph,False,,,64,1,4,3,stack,True,swish,0.3,max,adam,0.01,99,1.3697,0.2776,134089.0,0.0257,0.0025,0.4364,0.0065,0.4198,0.0035,0.9889,0.0001,0.5894,0.0034,0.5361,0.1157
-lr,PyG,TU_PROTEINS,graph,False,,,64,1,4,3,stack,True,swish,0.3,max,adam,0.1,99,0.7667,0.1679,134089.0,0.0253,0.0022,0.5182,0.1291,0.4966,0.1171,0.8025,0.1952,0.5787,0.0067,0.6903,0.069
-lr,nx,scalefree,graph,True,node_const,graph_path_len,64,1,4,1,stack,True,prelu,0.3,mean,adam,0.001,399,13.5533,4.5707,134286.0,0.0164,0.0022,0.2757,0.0327,,,,,,,,
-lr,nx,scalefree,graph,True,node_const,graph_path_len,64,1,4,1,stack,True,prelu,0.3,mean,adam,0.01,399,9.9692,6.5843,134286.0,0.0187,0.0049,0.2757,0.0327,,,,,,,,
-lr,nx,scalefree,graph,True,node_const,graph_path_len,64,1,4,1,stack,True,prelu,0.3,mean,adam,0.1,399,17.0793,3.4341,134286.0,0.0216,0.006,0.2372,0.0395,,,,,,,,
-lr,nx,scalefree,graph,True,node_const,graph_path_len,64,3,4,2,skipsum,True,relu,0.6,max,adam,0.001,199,15.4363,2.3838,133829.0,0.0144,0.0015,0.2628,0.0395,,,,,,,,
-lr,nx,scalefree,graph,True,node_const,graph_path_len,64,3,4,2,skipsum,True,relu,0.6,max,adam,0.01,199,37.0402,1.4345,133829.0,0.0311,0.0161,0.2628,0.0395,,,,,,,,
-lr,nx,scalefree,graph,True,node_const,graph_path_len,64,3,4,2,skipsum,True,relu,0.6,max,adam,0.1,199,41.2699,7.6717,133829.0,0.0279,0.0008,0.2628,0.0395,,,,,,,,
-lr,nx,scalefree,graph,True,node_onehot,graph_path_len,16,1,4,3,skipconcat,True,swish,0.0,max,adam,0.001,399,1.4634,0.1971,135647.0,0.0115,0.0017,0.609,0.0091,,,,,,,,
-lr,nx,scalefree,graph,True,node_onehot,graph_path_len,16,1,4,3,skipconcat,True,swish,0.0,max,adam,0.01,399,1.369,0.1852,135647.0,0.0091,0.0008,0.6218,0.0551,,,,,,,,
-lr,nx,scalefree,graph,True,node_onehot,graph_path_len,16,1,4,3,skipconcat,True,swish,0.0,max,adam,0.1,399,1.4291,0.1096,135647.0,0.0104,0.001,0.6987,0.0594,,,,,,,,
-lr,nx,scalefree,graph,True,node_onehot,graph_path_len,16,2,2,3,skipsum,True,relu,0.0,add,adam,0.001,99,0.7805,0.0761,134118.0,0.0101,0.0016,0.6987,0.024,,,,,,,,
-lr,nx,scalefree,graph,True,node_onehot,graph_path_len,16,2,2,3,skipsum,True,relu,0.0,add,adam,0.01,99,0.7271,0.0536,134118.0,0.0064,0.001,0.7564,0.024,,,,,,,,
-lr,nx,scalefree,graph,True,node_onehot,graph_path_len,16,2,2,3,skipsum,True,relu,0.0,add,adam,0.1,99,0.6909,0.0519,134118.0,0.0056,0.0007,0.6282,0.0363,,,,,,,,
-lr,nx,scalefree,graph,True,node_onehot,graph_path_len,32,1,2,1,skipconcat,True,prelu,0.0,max,sgd,0.001,199,0.6332,0.0812,136454.0,0.0137,0.0012,0.7179,0.024,,,,,,,,
-lr,nx,scalefree,graph,True,node_onehot,graph_path_len,32,1,2,1,skipconcat,True,prelu,0.0,max,sgd,0.01,199,0.9187,0.2752,136454.0,0.0153,0.0033,0.7244,0.0865,,,,,,,,
-lr,nx,scalefree,graph,True,node_onehot,graph_path_len,32,1,2,1,skipconcat,True,prelu,0.0,max,sgd,0.1,199,2.7985,0.5705,136454.0,0.0077,0.0002,0.6602,0.0091,,,,,,,,
-lr,nx,scalefree,graph,True,node_onehot,graph_path_len,64,1,6,2,skipconcat,True,relu,0.3,max,sgd,0.001,199,9.6902,0.3399,138781.0,0.0252,0.0128,0.2628,0.0395,,,,,,,,
-lr,nx,scalefree,graph,True,node_onehot,graph_path_len,64,1,6,2,skipconcat,True,relu,0.3,max,sgd,0.01,199,15.4334,0.7034,138781.0,0.0437,0.0037,0.2628,0.0395,,,,,,,,
-lr,nx,scalefree,graph,True,node_onehot,graph_path_len,64,1,6,2,skipconcat,True,relu,0.3,max,sgd,0.1,199,14.9232,0.9585,138781.0,0.0171,0.0027,0.2628,0.0395,,,,,,,,
-lr,nx,scalefree,graph,True,node_pagerank,graph_path_len,16,2,6,2,stack,False,swish,0.0,max,sgd,0.001,399,1.626,0.0108,134277.0,0.0309,0.0044,0.1346,0.0272,,,,,,,,
-lr,nx,scalefree,graph,True,node_pagerank,graph_path_len,16,2,6,2,stack,False,swish,0.0,max,sgd,0.01,399,1.6295,0.0127,134277.0,0.0067,0.0006,0.1346,0.0272,,,,,,,,
-lr,nx,scalefree,graph,True,node_pagerank,graph_path_len,16,2,6,2,stack,False,swish,0.0,max,sgd,0.1,399,1.6295,0.0128,134277.0,0.0286,0.0013,0.1346,0.0272,,,,,,,,
-lr,nx,scalefree,graph,True,node_pagerank,graph_path_len,64,1,2,3,skipsum,False,swish,0.0,max,adam,0.001,99,0.7679,0.0532,134850.0,0.0333,0.0009,0.7243,0.0635,,,,,,,,
-lr,nx,scalefree,graph,True,node_pagerank,graph_path_len,64,1,2,3,skipsum,False,swish,0.0,max,adam,0.01,99,1.3045,0.2175,134850.0,0.015,0.0016,0.4102,0.182,,,,,,,,
-lr,nx,scalefree,graph,True,node_pagerank,graph_path_len,64,1,2,3,skipsum,False,swish,0.0,max,adam,0.1,99,1.6309,0.0145,134850.0,0.0334,0.0027,0.1346,0.0272,,,,,,,,
-lr,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,16,1,6,3,stack,True,swish,0.3,add,sgd,0.001,399,0.5852,0.0244,135429.0,0.0084,0.0003,0.7427,0.0087,,,,,,,,
-lr,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,16,1,6,3,stack,True,swish,0.3,add,sgd,0.01,399,0.423,0.0087,135429.0,0.0075,0.0007,0.8248,0.0027,,,,,,,,
-lr,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,16,1,6,3,stack,True,swish,0.3,add,sgd,0.1,399,0.9606,0.1149,135429.0,0.012,0.0026,0.7485,0.0108,,,,,,,,
-lr,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,16,2,8,2,skipconcat,False,relu,0.0,add,sgd,0.001,399,1.499,0.0022,138963.0,0.0406,0.0023,0.3238,0.0037,,,,,,,,
-lr,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,16,2,8,2,skipconcat,False,relu,0.0,add,sgd,0.01,399,0.2332,0.0321,138963.0,0.0074,0.0005,0.9339,0.0064,,,,,,,,
-lr,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,16,2,8,2,skipconcat,False,relu,0.0,add,sgd,0.1,399,1.0679,0.4974,138963.0,0.01,0.0003,0.5373,0.2335,,,,,,,,
-lr,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,32,2,6,1,skipconcat,False,swish,0.6,max,adam,0.001,99,1.2087,0.0114,138065.0,0.0123,0.0016,0.4577,0.013,,,,,,,,
-lr,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,32,2,6,1,skipconcat,False,swish,0.6,max,adam,0.01,99,1.9687,0.0326,138065.0,0.0125,0.0012,0.3674,0.0132,,,,,,,,
-lr,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,32,2,6,1,skipconcat,False,swish,0.6,max,adam,0.1,99,3.4028,1.0373,138065.0,0.0389,0.0013,0.3071,0.0821,,,,,,,,
-lr,nx,scalefree,node,True,node_const,node_clustering_coefficient,16,1,8,2,skipsum,False,prelu,0.3,max,sgd,0.001,99,1.6062,0.0083,134921.0,0.0088,0.0014,0.2688,0.0019,,,,,,,,
-lr,nx,scalefree,node,True,node_const,node_clustering_coefficient,16,1,8,2,skipsum,False,prelu,0.3,max,sgd,0.01,99,5.7812,0.1638,134921.0,0.0256,0.0023,0.1976,0.0055,,,,,,,,
-lr,nx,scalefree,node,True,node_const,node_clustering_coefficient,16,1,8,2,skipsum,False,prelu,0.3,max,sgd,0.1,99,6.499,0.0959,134921.0,0.0123,0.0018,0.1976,0.0055,,,,,,,,
-lr,nx,scalefree,node,True,node_const,node_clustering_coefficient,16,2,6,2,stack,True,relu,0.6,add,adam,0.001,399,1.7687,0.1627,135429.0,0.0091,0.0017,0.4409,0.0126,,,,,,,,
-lr,nx,scalefree,node,True,node_const,node_clustering_coefficient,16,2,6,2,stack,True,relu,0.6,add,adam,0.01,399,0.9055,0.0014,135429.0,0.0102,0.0017,0.5582,0.0047,,,,,,,,
-lr,nx,scalefree,node,True,node_const,node_clustering_coefficient,16,2,6,2,stack,True,relu,0.6,add,adam,0.1,399,1.0868,0.02,135429.0,0.0095,0.0015,0.5014,0.0085,,,,,,,,
-lr,nx,scalefree,node,True,node_const,node_clustering_coefficient,32,2,2,1,skipsum,False,prelu,0.3,mean,adam,0.001,199,1.8426,0.0818,133958.0,0.0099,0.0015,0.2688,0.0019,,,,,,,,
-lr,nx,scalefree,node,True,node_const,node_clustering_coefficient,32,2,2,1,skipsum,False,prelu,0.3,mean,adam,0.01,199,1.7141,0.0941,133958.0,0.0254,0.0026,0.2598,0.0142,,,,,,,,
-lr,nx,scalefree,node,True,node_const,node_clustering_coefficient,32,2,2,1,skipsum,False,prelu,0.3,mean,adam,0.1,199,1.6693,0.0526,133958.0,0.0167,0.0019,0.2513,0.0129,,,,,,,,
-lr,nx,scalefree,node,True,node_const,node_clustering_coefficient,32,2,4,1,skipconcat,True,prelu,0.6,mean,adam,0.001,199,2.1959,0.0762,135929.0,0.0099,0.0006,0.1976,0.0055,,,,,,,,
-lr,nx,scalefree,node,True,node_const,node_clustering_coefficient,32,2,4,1,skipconcat,True,prelu,0.6,mean,adam,0.01,199,2.0877,0.2267,135929.0,0.012,0.003,0.2482,0.0305,,,,,,,,
-lr,nx,scalefree,node,True,node_const,node_clustering_coefficient,32,2,4,1,skipconcat,True,prelu,0.6,mean,adam,0.1,199,1.6417,0.0117,135929.0,0.0099,0.0013,0.2568,0.0153,,,,,,,,
-lr,nx,scalefree,node,True,node_const,node_clustering_coefficient,64,1,2,1,skipconcat,True,swish,0.3,mean,sgd,0.001,99,1.5993,0.0064,136453.0,0.0211,0.0081,0.2568,0.0153,,,,,,,,
-lr,nx,scalefree,node,True,node_const,node_clustering_coefficient,64,1,2,1,skipconcat,True,swish,0.3,mean,sgd,0.01,99,1.6574,0.0061,136453.0,0.0199,0.0031,0.2423,0.0071,,,,,,,,
-lr,nx,scalefree,node,True,node_const,node_clustering_coefficient,64,1,2,1,skipconcat,True,swish,0.3,mean,sgd,0.1,99,2.1249,0.021,136453.0,0.0187,0.0027,0.2423,0.0071,,,,,,,,
-lr,nx,scalefree,node,True,node_const,node_clustering_coefficient,64,1,4,3,stack,True,swish,0.3,max,sgd,0.001,399,2.0993,0.0211,134069.0,0.0186,0.0009,0.1976,0.0055,,,,,,,,
-lr,nx,scalefree,node,True,node_const,node_clustering_coefficient,64,1,4,3,stack,True,swish,0.3,max,sgd,0.01,399,1.8742,0.0712,134069.0,0.0173,0.0013,0.1976,0.0055,,,,,,,,
-lr,nx,scalefree,node,True,node_const,node_clustering_coefficient,64,1,4,3,stack,True,swish,0.3,max,sgd,0.1,399,3.3093,0.2386,134069.0,0.0168,0.0019,0.2688,0.0019,,,,,,,,
-lr,nx,scalefree,node,True,node_const,node_pagerank,16,1,8,2,skipsum,False,prelu,0.0,max,sgd,0.001,199,1.6099,0.0002,134921.0,0.0131,0.0031,0.1893,0.0025,,,,,,,,
-lr,nx,scalefree,node,True,node_const,node_pagerank,16,1,8,2,skipsum,False,prelu,0.0,max,sgd,0.01,199,1.6099,0.0002,134921.0,0.0094,0.0024,0.1893,0.0025,,,,,,,,
-lr,nx,scalefree,node,True,node_const,node_pagerank,16,1,8,2,skipsum,False,prelu,0.0,max,sgd,0.1,199,1.6099,0.0002,134921.0,0.0114,0.0026,0.1893,0.0025,,,,,,,,
-lr,nx,scalefree,node,True,node_const,node_pagerank,64,1,8,3,skipconcat,False,relu,0.0,mean,sgd,0.001,99,1.6099,0.0002,136011.0,0.0225,0.0053,0.19,0.0031,,,,,,,,
-lr,nx,scalefree,node,True,node_const,node_pagerank,64,1,8,3,skipconcat,False,relu,0.0,mean,sgd,0.01,99,1.6099,0.0002,136011.0,0.0261,0.0028,0.1893,0.0025,,,,,,,,
-lr,nx,scalefree,node,True,node_const,node_pagerank,64,1,8,3,skipconcat,False,relu,0.0,mean,sgd,0.1,99,1.6099,0.0002,136011.0,0.0653,0.0067,0.1893,0.0025,,,,,,,,
-lr,nx,scalefree,node,True,node_const,node_pagerank,64,2,8,2,skipsum,True,relu,0.6,add,adam,0.001,199,2.9546,0.4255,134297.0,0.0248,0.005,0.4297,0.0306,,,,,,,,
-lr,nx,scalefree,node,True,node_const,node_pagerank,64,2,8,2,skipsum,True,relu,0.6,add,adam,0.01,199,2.2344,2.7001,134297.0,0.0292,0.0023,0.6908,0.2745,,,,,,,,
-lr,nx,scalefree,node,True,node_const,node_pagerank,64,2,8,2,skipsum,True,relu,0.6,add,adam,0.1,199,1.6079,0.3894,134297.0,0.0199,0.0018,0.7925,0.0177,,,,,,,,
-lr,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,16,1,4,1,stack,True,prelu,0.0,max,adam,0.001,399,1.7218,0.025,134286.0,0.0255,0.003,0.5047,0.0088,,,,,,,,
-lr,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,16,1,4,1,stack,True,prelu,0.0,max,adam,0.01,399,1.2877,0.0425,134286.0,0.0109,0.0003,0.5347,0.0024,,,,,,,,
-lr,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,16,1,4,1,stack,True,prelu,0.0,max,adam,0.1,399,1.0834,0.0109,134286.0,0.0266,0.0015,0.5276,0.0055,,,,,,,,
-lr,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,32,1,8,2,skipsum,False,prelu,0.6,add,adam,0.001,199,2.7111,0.0416,134921.0,0.0215,0.0057,0.1893,0.0284,,,,,,,,
-lr,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,32,1,8,2,skipsum,False,prelu,0.6,add,adam,0.01,199,2.1177,0.4106,134921.0,0.0123,0.0011,0.2642,0.0695,,,,,,,,
-lr,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,32,1,8,2,skipsum,False,prelu,0.6,add,adam,0.1,199,2.2042,0.0772,134921.0,0.0289,0.0012,0.2423,0.0071,,,,,,,,
-lr,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,32,3,8,3,skipsum,True,relu,0.0,mean,adam,0.001,199,1.767,0.0232,134165.0,0.0131,0.0023,0.5406,0.0061,,,,,,,,
-lr,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,32,3,8,3,skipsum,True,relu,0.0,mean,adam,0.01,199,2.3225,0.0915,134165.0,0.0144,0.0004,0.5641,0.0106,,,,,,,,
-lr,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,32,3,8,3,skipsum,True,relu,0.0,mean,adam,0.1,199,0.9618,0.0101,134165.0,0.0282,0.0026,0.6061,0.0065,,,,,,,,
-lr,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,64,1,8,3,skipsum,False,swish,0.0,max,adam,0.001,199,0.8422,0.0113,135360.0,0.02,0.0024,0.6588,0.0052,,,,,,,,
-lr,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,64,1,8,3,skipsum,False,swish,0.0,max,adam,0.01,199,1.9356,0.3507,135360.0,0.0292,0.0014,0.5206,0.1765,,,,,,,,
-lr,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,64,1,8,3,skipsum,False,swish,0.0,max,adam,0.1,199,1.5099,0.0979,135360.0,0.0413,0.0033,0.3126,0.0617,,,,,,,,
-lr,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,64,2,6,1,stack,False,relu,0.0,mean,adam,0.001,199,1.4186,0.0178,134676.0,0.0188,0.0009,0.3584,0.0121,,,,,,,,
-lr,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,64,2,6,1,stack,False,relu,0.0,mean,adam,0.01,199,1.5778,0.0023,134676.0,0.0185,0.0045,0.2688,0.0019,,,,,,,,
-lr,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,64,2,6,1,stack,False,relu,0.0,mean,adam,0.1,199,1.5778,0.0023,134676.0,0.0227,0.0042,0.2688,0.0019,,,,,,,,
-lr,nx,scalefree,node,True,node_onehot,node_pagerank,16,1,4,2,skipconcat,True,swish,0.3,add,adam,0.001,99,0.7093,0.0354,138017.0,0.0064,0.0005,0.7423,0.0072,,,,,,,,
-lr,nx,scalefree,node,True,node_onehot,node_pagerank,16,1,4,2,skipconcat,True,swish,0.3,add,adam,0.01,99,1.0328,0.0528,138017.0,0.0361,0.0051,0.7534,0.0044,,,,,,,,
-lr,nx,scalefree,node,True,node_onehot,node_pagerank,16,1,4,2,skipconcat,True,swish,0.3,add,adam,0.1,99,1.4819,0.4939,138017.0,0.0069,0.0007,0.6854,0.0418,,,,,,,,
-lr,nx,scalefree,node,True,node_onehot,node_pagerank,32,1,4,1,skipconcat,False,swish,0.0,max,sgd,0.001,399,1.562,0.0188,136970.0,0.0087,0.0015,0.4211,0.0389,,,,,,,,
-lr,nx,scalefree,node,True,node_onehot,node_pagerank,32,1,4,1,skipconcat,False,swish,0.0,max,sgd,0.01,399,0.8994,0.0132,136970.0,0.0104,0.0016,0.6391,0.0093,,,,,,,,
-lr,nx,scalefree,node,True,node_onehot,node_pagerank,32,1,4,1,skipconcat,False,swish,0.0,max,sgd,0.1,399,0.6027,0.0106,136970.0,0.0471,0.0033,0.7568,0.0078,,,,,,,,
-lr,nx,scalefree,node,True,node_onehot,node_pagerank,32,3,2,1,skipsum,False,relu,0.6,mean,sgd,0.001,99,1.6134,0.0018,134850.0,0.0142,0.0038,0.1979,0.0093,,,,,,,,
-lr,nx,scalefree,node,True,node_onehot,node_pagerank,32,3,2,1,skipsum,False,relu,0.6,mean,sgd,0.01,99,1.6262,0.0027,134850.0,0.0093,0.0008,0.1958,0.0071,,,,,,,,
-lr,nx,scalefree,node,True,node_onehot,node_pagerank,32,3,2,1,skipsum,False,relu,0.6,mean,sgd,0.1,99,1.64,0.0189,134850.0,0.0093,0.001,0.1968,0.0078,,,,,,,,
-lr,nx,scalefree,node,True,node_onehot,node_pagerank,64,3,8,1,skipconcat,True,relu,0.3,add,sgd,0.001,199,1.5658,0.0066,136885.0,0.0611,0.0027,0.3009,0.0257,,,,,,,,
-lr,nx,scalefree,node,True,node_onehot,node_pagerank,64,3,8,1,skipconcat,True,relu,0.3,add,sgd,0.01,199,1.2862,0.0133,136885.0,0.0271,0.0048,0.4242,0.0032,,,,,,,,
-lr,nx,scalefree,node,True,node_onehot,node_pagerank,64,3,8,1,skipconcat,True,relu,0.3,add,sgd,0.1,199,0.5801,0.0152,136885.0,0.0683,0.006,0.7885,0.0061,,,,,,,,
-lr,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,32,2,6,3,stack,True,relu,0.6,add,adam,0.001,199,1.304,0.0305,133925.0,0.0112,0.0023,0.4437,0.0059,,,,,,,,
-lr,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,32,2,6,3,stack,True,relu,0.6,add,adam,0.01,199,0.9148,0.0066,133925.0,0.0095,0.001,0.5621,0.0015,,,,,,,,
-lr,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,32,2,6,3,stack,True,relu,0.6,add,adam,0.1,199,1.0049,0.0059,133925.0,0.0114,0.0009,0.5241,0.0068,,,,,,,,
-lr,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,16,2,4,1,stack,True,swish,0.3,mean,sgd,0.001,399,6.0708,1.0139,134118.0,0.0096,0.0009,0.2692,0.072,,,,,,,,
-lr,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,16,2,4,1,stack,True,swish,0.3,mean,sgd,0.01,399,1.9972,0.1025,134118.0,0.0085,0.0018,0.4359,0.0806,,,,,,,,
-lr,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,16,2,4,1,stack,True,swish,0.3,mean,sgd,0.1,399,18.5288,8.6227,134118.0,0.0082,0.0014,0.2372,0.0775,,,,,,,,
-lr,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,16,3,6,1,skipconcat,False,prelu,0.6,max,sgd,0.001,399,83.5834,7.0205,137034.0,0.0478,0.0015,0.1731,0.0157,,,,,,,,
-lr,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,16,3,6,1,skipconcat,False,prelu,0.6,max,sgd,0.01,399,97.3004,10.3915,137034.0,0.0078,0.0002,0.1731,0.0157,,,,,,,,
-lr,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,16,3,6,1,skipconcat,False,prelu,0.6,max,sgd,0.1,399,5.0686,0.8129,137034.0,0.0393,0.0025,0.1666,0.0181,,,,,,,,
-lr,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,32,1,6,2,stack,False,relu,0.0,mean,sgd,0.001,199,1.644,0.0123,134676.0,0.0105,0.002,0.1346,0.0157,,,,,,,,
-lr,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,32,1,6,2,stack,False,relu,0.0,mean,sgd,0.01,199,1.6443,0.0126,134676.0,0.0094,0.0012,0.1346,0.0157,,,,,,,,
-lr,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,32,1,6,2,stack,False,relu,0.0,mean,sgd,0.1,199,1.6437,0.0123,134676.0,0.0122,0.0017,0.1346,0.0157,,,,,,,,
-lr,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,32,2,6,3,stack,False,swish,0.0,max,adam,0.001,399,1.7647,0.8752,134920.0,0.0161,0.0036,0.641,0.0806,,,,,,,,
-lr,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,32,2,6,3,stack,False,swish,0.0,max,adam,0.01,399,1.6419,0.0121,134920.0,0.0119,0.0005,0.1346,0.0157,,,,,,,,
-lr,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,32,2,6,3,stack,False,swish,0.0,max,adam,0.1,399,1.6427,0.0134,134920.0,0.0128,0.0013,0.1346,0.0157,,,,,,,,
-lr,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,1,2,1,skipsum,True,prelu,0.0,add,sgd,0.001,199,0.2803,0.0761,134626.0,0.0162,0.0027,0.891,0.0654,,,,,,,,
-lr,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,1,2,1,skipsum,True,prelu,0.0,add,sgd,0.01,199,0.3067,0.165,134626.0,0.02,0.0026,0.8718,0.0505,,,,,,,,
-lr,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,1,2,1,skipsum,True,prelu,0.0,add,sgd,0.1,199,2.0428,1.5133,134626.0,0.0268,0.01,0.8846,0.0831,,,,,,,,
-lr,nx,smallworld,graph,True,node_const,graph_path_len,16,2,8,3,skipsum,True,swish,0.0,max,adam,0.001,199,1.6422,0.0119,135056.0,0.0094,0.0008,0.1346,0.0157,,,,,,,,
-lr,nx,smallworld,graph,True,node_const,graph_path_len,16,2,8,3,skipsum,True,swish,0.0,max,adam,0.01,199,1.6433,0.0122,135056.0,0.0341,0.0039,0.1346,0.0157,,,,,,,,
-lr,nx,smallworld,graph,True,node_const,graph_path_len,16,2,8,3,skipsum,True,swish,0.0,max,adam,0.1,199,1.6434,0.0126,135056.0,0.0093,0.0007,0.1346,0.0157,,,,,,,,
-lr,nx,smallworld,graph,True,node_const,graph_path_len,16,3,6,3,skipsum,False,prelu,0.0,add,sgd,0.001,399,0.8925,0.1259,135361.0,0.0126,0.0033,0.5769,0.0831,,,,,,,,
-lr,nx,smallworld,graph,True,node_const,graph_path_len,16,3,6,3,skipsum,False,prelu,0.0,add,sgd,0.01,399,,,135361.0,0.0092,0.0034,0.2308,0.0831,,,,,,,,
-lr,nx,smallworld,graph,True,node_const,graph_path_len,16,3,6,3,skipsum,False,prelu,0.0,add,sgd,0.1,399,,,135361.0,0.0059,0.0005,0.2308,0.0831,,,,,,,,
-lr,nx,smallworld,graph,True,node_const,graph_path_len,64,2,8,2,stack,False,relu,0.3,max,adam,0.001,399,27.0753,2.0783,135360.0,0.0172,0.002,0.1666,0.0181,,,,,,,,
-lr,nx,smallworld,graph,True,node_const,graph_path_len,64,2,8,2,stack,False,relu,0.3,max,adam,0.01,399,6.2803,6.5478,135360.0,0.0176,0.0031,0.1474,0.0327,,,,,,,,
-lr,nx,smallworld,graph,True,node_const,graph_path_len,64,2,8,2,stack,False,relu,0.3,max,adam,0.1,399,1.643,0.0107,135360.0,0.0179,0.0028,0.1538,0.0,,,,,,,,
-lr,nx,smallworld,graph,True,node_onehot,graph_path_len,16,3,4,2,stack,False,swish,0.3,add,sgd,0.001,99,1.7675,0.2675,134676.0,0.006,0.0008,0.25,0.0566,,,,,,,,
-lr,nx,smallworld,graph,True,node_onehot,graph_path_len,16,3,4,2,stack,False,swish,0.3,add,sgd,0.01,99,1.6429,0.0108,134676.0,0.0088,0.0007,0.1346,0.0157,,,,,,,,
-lr,nx,smallworld,graph,True,node_onehot,graph_path_len,16,3,4,2,stack,False,swish,0.3,add,sgd,0.1,99,1.6417,0.0116,134676.0,0.0099,0.0035,0.1346,0.0157,,,,,,,,
-lr,nx,smallworld,graph,True,node_onehot,graph_path_len,16,3,8,1,stack,True,swish,0.6,add,sgd,0.001,99,3.0601,0.7537,134297.0,0.0086,0.0007,0.2436,0.0505,,,,,,,,
-lr,nx,smallworld,graph,True,node_onehot,graph_path_len,16,3,8,1,stack,True,swish,0.6,add,sgd,0.01,99,2.492,0.6837,134297.0,0.0328,0.0017,0.4423,0.0566,,,,,,,,
-lr,nx,smallworld,graph,True,node_onehot,graph_path_len,16,3,8,1,stack,True,swish,0.6,add,sgd,0.1,99,9.1813,2.7421,134297.0,0.0335,0.0018,0.3269,0.1547,,,,,,,,
-lr,nx,smallworld,graph,True,node_onehot,graph_path_len,64,1,2,1,stack,False,swish,0.3,add,adam,0.001,99,2.468,0.2152,134900.0,0.022,0.0139,0.2756,0.0594,,,,,,,,
-lr,nx,smallworld,graph,True,node_onehot,graph_path_len,64,1,2,1,stack,False,swish,0.3,add,adam,0.01,99,1.527,0.0377,134900.0,0.0125,0.0016,0.3205,0.0708,,,,,,,,
-lr,nx,smallworld,graph,True,node_onehot,graph_path_len,64,1,2,1,stack,False,swish,0.3,add,adam,0.1,99,1.655,0.0234,134900.0,0.0138,0.0018,0.1602,0.0091,,,,,,,,
-lr,nx,smallworld,graph,True,node_pagerank,graph_path_len,16,2,6,3,skipsum,False,swish,0.0,add,sgd,0.001,399,0.493,0.1512,134920.0,0.0299,0.0034,0.7949,0.0742,,,,,,,,
-lr,nx,smallworld,graph,True,node_pagerank,graph_path_len,16,2,6,3,skipsum,False,swish,0.0,add,sgd,0.01,399,1.6387,0.0142,134920.0,0.0094,0.0031,0.1667,0.0363,,,,,,,,
-lr,nx,smallworld,graph,True,node_pagerank,graph_path_len,16,2,6,3,skipsum,False,swish,0.0,add,sgd,0.1,399,,,134920.0,0.009,0.0007,0.2308,0.0831,,,,,,,,
-lr,nx,smallworld,graph,True,node_pagerank,graph_path_len,64,1,6,1,skipconcat,False,relu,0.0,max,adam,0.001,199,1.1138,0.0626,138645.0,0.0591,0.0086,0.5577,0.0416,,,,,,,,
-lr,nx,smallworld,graph,True,node_pagerank,graph_path_len,64,1,6,1,skipconcat,False,relu,0.0,max,adam,0.01,199,1.5644,0.0918,138645.0,0.0198,0.001,0.2756,0.1335,,,,,,,,
-lr,nx,smallworld,graph,True,node_pagerank,graph_path_len,64,1,6,1,skipconcat,False,relu,0.0,max,adam,0.1,199,1.6375,0.0092,138645.0,0.0155,0.0017,0.1346,0.0157,,,,,,,,
-lr,nx,smallworld,graph,True,node_pagerank,graph_path_len,64,1,6,2,skipconcat,False,relu,0.3,mean,adam,0.001,99,8.0529,0.6121,138165.0,0.0595,0.0069,0.2308,0.0831,,,,,,,,
-lr,nx,smallworld,graph,True,node_pagerank,graph_path_len,64,1,6,2,skipconcat,False,relu,0.3,mean,adam,0.01,99,1.6389,0.0129,138165.0,0.0201,0.0049,0.1346,0.0157,,,,,,,,
-lr,nx,smallworld,graph,True,node_pagerank,graph_path_len,64,1,6,2,skipconcat,False,relu,0.3,mean,adam,0.1,99,1.6379,0.0129,138165.0,0.0169,0.0026,0.141,0.0181,,,,,,,,
-lr,nx,smallworld,graph,True,node_pagerank,graph_path_len,64,2,2,1,skipsum,False,prelu,0.0,max,adam,0.001,399,0.8104,0.0626,133958.0,0.0136,0.0012,0.7243,0.0327,,,,,,,,
-lr,nx,smallworld,graph,True,node_pagerank,graph_path_len,64,2,2,1,skipsum,False,prelu,0.0,max,adam,0.01,399,1.0147,0.4606,133958.0,0.0375,0.0038,0.5449,0.3118,,,,,,,,
-lr,nx,smallworld,graph,True,node_pagerank,graph_path_len,64,2,2,1,skipsum,False,prelu,0.0,max,adam,0.1,399,1.6428,0.0154,133958.0,0.0346,0.002,0.1346,0.0157,,,,,,,,
-lr,nx,smallworld,graph,True,node_pagerank,graph_path_len,64,2,6,3,stack,False,relu,0.6,max,sgd,0.001,99,1.9863,0.0301,134920.0,0.0357,0.0024,0.1731,0.0415,,,,,,,,
-lr,nx,smallworld,graph,True,node_pagerank,graph_path_len,64,2,6,3,stack,False,relu,0.6,max,sgd,0.01,99,1.6453,0.0133,134920.0,0.0166,0.0011,0.1346,0.0157,,,,,,,,
-lr,nx,smallworld,graph,True,node_pagerank,graph_path_len,64,2,6,3,stack,False,relu,0.6,max,sgd,0.1,99,1.6464,0.0144,134920.0,0.0197,0.003,0.1346,0.0157,,,,,,,,
-lr,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,32,1,2,1,stack,False,swish,0.3,mean,sgd,0.001,199,1.5159,0.0036,134900.0,0.0114,0.0011,0.2967,0.0072,,,,,,,,
-lr,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,32,1,2,1,stack,False,swish,0.3,mean,sgd,0.01,199,1.5061,0.0022,134900.0,0.0122,0.0031,0.3035,0.0071,,,,,,,,
-lr,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,32,1,2,1,stack,False,swish,0.3,mean,sgd,0.1,199,1.5019,0.0021,134900.0,0.0132,0.0047,0.3045,0.004,,,,,,,,
-lr,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,64,1,2,2,skipsum,False,swish,0.0,add,sgd,0.001,399,1.5228,0.0018,133957.0,0.0328,0.0015,0.3157,0.0046,,,,,,,,
-lr,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,64,1,2,2,skipsum,False,swish,0.0,add,sgd,0.01,399,1.2244,0.017,133957.0,0.0289,0.007,0.5323,0.0144,,,,,,,,
-lr,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,64,1,2,2,skipsum,False,swish,0.0,add,sgd,0.1,399,0.7614,0.0449,133957.0,0.0162,0.0019,0.7395,0.0216,,,,,,,,
-lr,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,64,3,4,3,stack,False,relu,0.6,add,adam,0.001,199,1.5262,0.0109,134277.0,0.0181,0.0007,0.3041,0.0055,,,,,,,,
-lr,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,64,3,4,3,stack,False,relu,0.6,add,adam,0.01,199,1.6097,0.0,134277.0,0.0174,0.0042,0.1911,0.0017,,,,,,,,
-lr,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,64,3,4,3,stack,False,relu,0.6,add,adam,0.1,199,1.6097,0.0,134277.0,0.0148,0.0004,0.1911,0.0017,,,,,,,,
-lr,nx,smallworld,node,True,node_const,node_clustering_coefficient,16,3,8,2,skipconcat,False,prelu,0.0,max,adam,0.001,399,1.6049,0.001,140154.0,0.0453,0.0029,0.2305,0.0055,,,,,,,,
-lr,nx,smallworld,node,True,node_const,node_clustering_coefficient,16,3,8,2,skipconcat,False,prelu,0.0,max,adam,0.01,399,1.6049,0.001,140154.0,0.0092,0.001,0.2305,0.0055,,,,,,,,
-lr,nx,smallworld,node,True,node_const,node_clustering_coefficient,16,3,8,2,skipconcat,False,prelu,0.0,max,adam,0.1,399,1.6049,0.001,140154.0,0.0441,0.0032,0.2305,0.0055,,,,,,,,
-lr,nx,smallworld,node,True,node_const,node_pagerank,32,1,2,2,stack,False,swish,0.0,mean,adam,0.001,99,1.6097,0.0,133957.0,0.0268,0.0007,0.1911,0.0017,,,,,,,,
-lr,nx,smallworld,node,True,node_const,node_pagerank,32,1,2,2,stack,False,swish,0.0,mean,adam,0.01,99,1.6097,0.0,133957.0,0.0091,0.0009,0.1911,0.0017,,,,,,,,
-lr,nx,smallworld,node,True,node_const,node_pagerank,32,1,2,2,stack,False,swish,0.0,mean,adam,0.1,99,1.6097,0.0,133957.0,0.0098,0.001,0.1911,0.0017,,,,,,,,
-lr,nx,smallworld,node,True,node_const,node_pagerank,64,2,8,1,skipconcat,True,relu,0.6,max,sgd,0.001,99,1.6132,0.0017,137765.0,0.0197,0.0016,0.2015,0.0045,,,,,,,,
-lr,nx,smallworld,node,True,node_const,node_pagerank,64,2,8,1,skipconcat,True,relu,0.6,max,sgd,0.01,99,1.6161,0.0048,137765.0,0.0615,0.0038,0.2009,0.0054,,,,,,,,
-lr,nx,smallworld,node,True,node_const,node_pagerank,64,2,8,1,skipconcat,True,relu,0.6,max,sgd,0.1,99,1.6846,0.0225,137765.0,0.0206,0.0053,0.199,0.0042,,,,,,,,
-lr,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,32,3,6,1,stack,True,swish,0.0,mean,sgd,0.001,199,1.2691,0.003,135429.0,0.0298,0.0038,0.4837,0.0064,,,,,,,,
-lr,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,32,3,6,1,stack,True,swish,0.0,mean,sgd,0.01,199,1.1053,0.0038,135429.0,0.0104,0.0012,0.521,0.0015,,,,,,,,
-lr,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,32,3,6,1,stack,True,swish,0.0,mean,sgd,0.1,199,1.055,0.0042,135429.0,0.0113,0.0013,0.5443,0.0048,,,,,,,,
-lr,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,64,1,4,1,skipsum,False,relu,0.3,max,sgd,0.001,399,1.6064,0.0013,134850.0,0.035,0.0014,0.2278,0.0029,,,,,,,,
-lr,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,64,1,4,1,skipsum,False,relu,0.3,max,sgd,0.01,399,1.6471,0.0091,134850.0,0.0414,0.0009,0.2018,0.0045,,,,,,,,
-lr,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,64,1,4,1,skipsum,False,relu,0.3,max,sgd,0.1,399,1.8995,0.1455,134850.0,0.039,0.0011,0.2047,0.0053,,,,,,,,
-lr,nx,smallworld,node,True,node_onehot,node_pagerank,16,1,2,1,stack,True,relu,0.3,max,adam,0.001,199,1.7103,0.0071,134625.0,0.0068,0.0013,0.2379,0.0124,,,,,,,,
-lr,nx,smallworld,node,True,node_onehot,node_pagerank,16,1,2,1,stack,True,relu,0.3,max,adam,0.01,199,4.3092,0.1724,134625.0,0.005,0.0001,0.199,0.0042,,,,,,,,
-lr,nx,smallworld,node,True,node_onehot,node_pagerank,16,1,2,1,stack,True,relu,0.3,max,adam,0.1,199,5.0445,0.1418,134625.0,0.0083,0.0022,0.199,0.0042,,,,,,,,
-lr,nx,smallworld,node,True,node_onehot,node_pagerank,16,1,6,3,skipconcat,True,prelu,0.6,add,adam,0.001,199,1.1909,0.0991,140562.0,0.0076,0.0009,0.4739,0.0145,,,,,,,,
-lr,nx,smallworld,node,True,node_onehot,node_pagerank,16,1,6,3,skipconcat,True,prelu,0.6,add,adam,0.01,199,1.2923,0.0238,140562.0,0.0087,0.0015,0.4733,0.0093,,,,,,,,
-lr,nx,smallworld,node,True,node_onehot,node_pagerank,16,1,6,3,skipconcat,True,prelu,0.6,add,adam,0.1,199,1.101,0.0713,140562.0,0.0085,0.0011,0.4793,0.0167,,,,,,,,
-lr,nx,smallworld,node,True,node_onehot,node_pagerank,32,3,8,2,skipsum,True,relu,0.3,mean,sgd,0.001,199,1.6959,0.0496,135056.0,0.0122,0.0012,0.2038,0.0025,,,,,,,,
-lr,nx,smallworld,node,True,node_onehot,node_pagerank,32,3,8,2,skipsum,True,relu,0.3,mean,sgd,0.01,199,1.7851,0.0058,135056.0,0.0287,0.0035,0.1983,0.0023,,,,,,,,
-lr,nx,smallworld,node,True,node_onehot,node_pagerank,32,3,8,2,skipsum,True,relu,0.3,mean,sgd,0.1,199,1.5736,0.0217,135056.0,0.0133,0.0006,0.3074,0.0096,,,,,,,,
-lr,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,16,3,6,1,stack,False,prelu,0.3,add,sgd,0.001,99,1.603,0.0124,134278.0,0.0104,0.0012,0.2439,0.0101,,,,,,,,
-lr,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,16,3,6,1,stack,False,prelu,0.3,add,sgd,0.01,99,1.2127,0.0097,134278.0,0.0079,0.0005,0.4855,0.009,,,,,,,,
-lr,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,16,3,6,1,stack,False,prelu,0.3,add,sgd,0.1,99,1.5965,0.0139,134278.0,0.0084,0.0018,0.2442,0.0201,,,,,,,,
-lr,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,32,1,4,1,skipconcat,False,prelu,0.6,add,sgd,0.001,199,1.5978,0.0032,136971.0,0.0105,0.001,0.2383,0.016,,,,,,,,
-lr,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,32,1,4,1,skipconcat,False,prelu,0.6,add,sgd,0.01,199,1.2782,0.0312,136971.0,0.0183,0.0052,0.4449,0.0077,,,,,,,,
-lr,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,32,1,4,1,skipconcat,False,prelu,0.6,add,sgd,0.1,199,1.2355,0.0089,136971.0,0.0107,0.0024,0.4608,0.0056,,,,,,,,
-lr,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,32,3,2,2,skipsum,False,swish,0.6,mean,adam,0.001,99,2.198,0.0437,134789.0,0.0153,0.0015,0.2991,0.0064,,,,,,,,
-lr,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,32,3,2,2,skipsum,False,swish,0.6,mean,adam,0.01,99,1.6049,0.001,134789.0,0.0136,0.0025,0.2305,0.0055,,,,,,,,
-lr,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,32,3,2,2,skipsum,False,swish,0.6,mean,adam,0.1,99,1.6049,0.001,134789.0,0.0195,0.001,0.2305,0.0055,,,,,,,,
-optim,PyG,AmazonComputers,node,True,,,16,2,4,3,stack,False,prelu,0.3,mean,adam,0.001,199,0.5211,0.027,241649.0,0.0875,0.0204,0.8336,0.0048,,,,,,,,
-optim,PyG,AmazonComputers,node,True,,,16,2,4,3,stack,False,prelu,0.3,mean,sgd,0.001,199,1.9105,0.0082,241649.0,0.1138,0.0104,0.3692,0.0075,,,,,,,,
-optim,PyG,AmazonComputers,node,True,,,64,3,4,3,skipconcat,True,swish,0.6,max,adam,0.001,99,3.9752,0.3792,176965.0,0.1072,0.0032,0.0603,0.0025,,,,,,,,
-optim,PyG,AmazonComputers,node,True,,,64,3,4,3,skipconcat,True,swish,0.6,max,sgd,0.001,99,2.2838,0.0538,176965.0,0.1282,0.0143,0.157,0.005,,,,,,,,
-optim,PyG,AmazonComputers,node,True,,,64,3,8,2,skipconcat,True,relu,0.6,max,adam,0.01,399,1.188,0.233,168072.0,0.1179,0.0158,0.6766,0.0397,,,,,,,,
-optim,PyG,AmazonComputers,node,True,,,64,3,8,2,skipconcat,True,relu,0.6,max,sgd,0.01,399,1.9122,0.0388,168072.0,0.0931,0.0115,0.2203,0.042,,,,,,,,
-optim,PyG,AmazonPhoto,node,True,,,32,1,6,3,stack,False,prelu,0.0,add,adam,0.001,399,0.4661,0.0155,231435.0,0.0472,0.0105,0.855,0.004,,,,,,,,
-optim,PyG,AmazonPhoto,node,True,,,32,1,6,3,stack,False,prelu,0.0,add,sgd,0.001,399,1.2112,0.1433,231435.0,0.0482,0.0079,0.6408,0.0601,,,,,,,,
-optim,PyG,AmazonPhoto,node,True,,,32,2,8,2,stack,True,swish,0.6,max,adam,0.1,99,3.601,0.4349,221383.0,0.0631,0.0042,0.221,0.0098,,,,,,,,
-optim,PyG,AmazonPhoto,node,True,,,32,2,8,2,stack,True,swish,0.6,max,sgd,0.1,99,3.5924,0.0492,221383.0,0.0796,0.0267,0.1001,0.0062,,,,,,,,
-optim,PyG,AmazonPhoto,node,True,,,32,3,2,1,skipsum,False,prelu,0.3,mean,adam,0.01,99,0.895,0.3655,270461.0,0.0478,0.009,0.6891,0.1591,,,,,,,,
-optim,PyG,AmazonPhoto,node,True,,,32,3,2,1,skipsum,False,prelu,0.3,mean,sgd,0.01,99,1.8859,0.0266,270461.0,0.047,0.0122,0.3494,0.0386,,,,,,,,
-optim,PyG,AmazonPhoto,node,True,,,32,3,2,1,stack,False,prelu,0.0,max,adam,0.01,199,0.3631,0.0618,270461.0,0.0485,0.0113,0.8996,0.0228,,,,,,,,
-optim,PyG,AmazonPhoto,node,True,,,32,3,2,1,stack,False,prelu,0.0,max,sgd,0.01,199,1.9328,0.0129,270461.0,0.0395,0.0022,0.2534,0.0051,,,,,,,,
-optim,PyG,AmazonPhoto,node,True,,,32,3,2,1,stack,False,swish,0.6,add,adam,0.1,199,1.7045,0.1783,270460.0,0.0445,0.0034,0.3758,0.0814,,,,,,,,
-optim,PyG,AmazonPhoto,node,True,,,32,3,2,1,stack,False,swish,0.6,add,sgd,0.1,199,1.955,0.0222,270460.0,0.0462,0.0182,0.2534,0.0051,,,,,,,,
-optim,PyG,AmazonPhoto,node,True,,,32,3,2,1,stack,True,swish,0.3,max,adam,0.01,99,0.3682,0.0213,269155.0,0.0496,0.0028,0.8907,0.0061,,,,,,,,
-optim,PyG,AmazonPhoto,node,True,,,32,3,2,1,stack,True,swish,0.3,max,sgd,0.01,99,2.0149,0.0296,269155.0,0.0355,0.0007,0.221,0.0098,,,,,,,,
-optim,PyG,CiteSeer,node,True,,,64,1,2,3,skipconcat,False,relu,0.6,mean,adam,0.001,99,0.8943,0.0281,432806.0,0.0951,0.0019,0.7668,0.0111,,,,,,,,
-optim,PyG,CiteSeer,node,True,,,64,1,2,3,skipconcat,False,relu,0.6,mean,sgd,0.001,99,1.7807,0.0004,432806.0,0.0989,0.0129,0.1922,0.0209,,,,,,,,
-optim,PyG,CiteSeer,node,True,,,64,1,6,2,skipconcat,True,swish,0.3,add,adam,0.1,399,1.514,0.1281,301538.0,0.1174,0.0206,0.7272,0.0172,,,,,,,,
-optim,PyG,CiteSeer,node,True,,,64,1,6,2,skipconcat,True,swish,0.3,add,sgd,0.1,399,1.5209,0.0675,301538.0,0.0955,0.0097,0.7252,0.013,,,,,,,,
-optim,PyG,CoauthorCS,node,True,,,32,1,2,1,skipconcat,False,swish,0.3,max,adam,0.01,99,0.202,0.0022,1571445.0,0.8639,0.0493,0.9408,0.0015,,,,,,,,
-optim,PyG,CoauthorCS,node,True,,,32,1,2,1,skipconcat,False,swish,0.3,max,sgd,0.01,99,2.3482,0.0073,1571445.0,0.8292,0.0288,0.2283,0.0014,,,,,,,,
-optim,PyG,CoauthorCS,node,True,,,64,2,8,2,stack,False,relu,0.6,mean,adam,0.1,199,2.4066,0.0026,917830.0,0.7834,0.0962,0.2283,0.0014,,,,,,,,
-optim,PyG,CoauthorCS,node,True,,,64,2,8,2,stack,False,relu,0.6,mean,sgd,0.1,199,2.1765,0.1964,917830.0,0.8704,0.0485,0.3024,0.0512,,,,,,,,
-optim,PyG,CoauthorPhysics,node,True,,,16,3,4,1,skipconcat,False,relu,0.6,add,adam,0.1,99,0.8675,0.0555,1019240.0,1.6876,0.0493,0.653,0.0037,,,,,,,,
-optim,PyG,CoauthorPhysics,node,True,,,16,3,4,1,skipconcat,False,relu,0.6,add,sgd,0.1,99,0.911,0.0277,1019240.0,2.0387,0.1288,0.6542,0.0031,,,,,,,,
-optim,PyG,CoauthorPhysics,node,True,,,32,2,4,2,stack,True,prelu,0.6,add,adam,0.01,99,0.3539,0.02,1379662.0,2.2813,0.2351,0.9084,0.0026,,,,,,,,
-optim,PyG,CoauthorPhysics,node,True,,,32,2,4,2,stack,True,prelu,0.6,add,sgd,0.01,99,0.584,0.0065,1379662.0,2.2113,0.1489,0.8098,0.0055,,,,,,,,
-optim,PyG,CoauthorPhysics,node,True,,,32,2,6,2,skipconcat,True,relu,0.3,add,adam,0.01,399,0.2196,0.0151,510581.0,1.8447,0.1249,0.9653,0.0015,,,,,,,,
-optim,PyG,CoauthorPhysics,node,True,,,32,2,6,2,skipconcat,True,relu,0.3,add,sgd,0.01,399,0.1379,0.0033,510581.0,1.7395,0.2171,0.9606,0.0024,,,,,,,,
-optim,PyG,CoauthorPhysics,node,True,,,64,1,8,3,skipsum,False,swish,0.3,max,adam,0.01,199,0.1636,0.0138,1101820.0,1.922,0.0273,0.9533,0.0028,,,,,,,,
-optim,PyG,CoauthorPhysics,node,True,,,64,1,8,3,skipsum,False,swish,0.3,max,sgd,0.01,199,1.3533,0.0055,1101820.0,1.8856,0.0626,0.5035,0.0012,,,,,,,,
-optim,PyG,Cora,node,True,,,16,3,2,3,stack,True,relu,0.0,max,adam,0.001,399,0.8607,0.0551,346623.0,0.0154,0.0016,0.7956,0.0075,,,,,,,,
-optim,PyG,Cora,node,True,,,16,3,2,3,stack,True,relu,0.0,max,sgd,0.001,399,0.861,0.0447,346623.0,0.0179,0.0038,0.7397,0.0114,,,,,,,,
-optim,PyG,TU_BZR,graph,False,,,32,1,8,2,stack,True,swish,0.0,mean,adam,0.001,99,0.3833,0.1719,140724.0,0.0086,0.0003,0.8848,0.0308,0.6814,0.0813,0.7774,0.1182,0.7194,0.0755,0.8791,0.0867
-optim,PyG,TU_BZR,graph,False,,,32,1,8,2,stack,True,swish,0.0,mean,sgd,0.001,99,0.2743,0.0764,140724.0,0.0266,0.0009,0.9095,0.0254,0.7681,0.0743,0.7751,0.0779,0.7677,0.0546,0.9087,0.0621
-optim,PyG,TU_BZR,graph,False,,,32,3,2,1,skipconcat,True,swish,0.0,add,adam,0.001,399,0.2911,0.0482,141913.0,0.0061,0.0003,0.893,0.0154,0.8095,0.1347,0.6314,0.11,0.6914,0.0349,0.91,0.0311
-optim,PyG,TU_BZR,graph,False,,,32,3,2,1,skipconcat,True,swish,0.0,add,sgd,0.001,399,0.3295,0.0438,141913.0,0.0266,0.003,0.8889,0.0363,0.8175,0.1379,0.5969,0.1778,0.6672,0.1059,0.886,0.0464
-optim,PyG,TU_BZR,graph,False,,,32,3,4,3,stack,False,relu,0.3,max,adam,0.01,399,0.4936,0.0318,141256.0,0.0082,0.0012,0.8066,0.0254,0.0,0.0,0.0,0.0,0.0,0.0,0.5473,0.0668
-optim,PyG,TU_BZR,graph,False,,,32,3,4,3,stack,False,relu,0.3,max,sgd,0.01,399,0.4941,0.0312,141256.0,0.0099,0.0012,0.8066,0.0254,0.0,0.0,0.0,0.0,0.0,0.0,0.5,0.0
-optim,PyG,TU_COX2,graph,False,,,16,3,4,1,stack,False,prelu,0.6,max,adam,0.01,99,0.6026,0.042,139615.0,0.0068,0.0017,0.773,0.0133,0.0,0.0,0.0,0.0,0.0,0.0,0.5062,0.0195
-optim,PyG,TU_COX2,graph,False,,,16,3,4,1,stack,False,prelu,0.6,max,sgd,0.01,99,2.0277,1.0348,139615.0,0.0058,0.0005,0.4184,0.2609,0.3227,0.1257,0.6833,0.4478,0.2831,0.1364,0.5133,0.023
-optim,PyG,TU_COX2,graph,False,,,32,3,6,3,skipsum,True,swish,0.6,mean,adam,0.1,99,0.5475,0.0312,138921.0,0.0112,0.0019,0.773,0.0133,0.0,0.0,0.0,0.0,0.0,0.0,0.5215,0.0516
-optim,PyG,TU_COX2,graph,False,,,32,3,6,3,skipsum,True,swish,0.6,mean,sgd,0.1,99,0.5768,0.0747,138921.0,0.0133,0.0023,0.773,0.0133,0.0,0.0,0.0,0.0,0.0,0.0,0.5935,0.0171
-optim,PyG,TU_COX2,graph,False,,,32,3,6,3,stack,False,swish,0.3,max,adam,0.001,199,0.5458,0.0107,137656.0,0.011,0.002,0.773,0.0133,0.0,0.0,0.0,0.0,0.0,0.0,0.5114,0.0092
-optim,PyG,TU_COX2,graph,False,,,32,3,6,3,stack,False,swish,0.3,max,sgd,0.001,199,0.5434,0.0218,137656.0,0.0105,0.0014,0.773,0.0133,0.0,0.0,0.0,0.0,0.0,0.0,0.4967,0.0252
-optim,PyG,TU_COX2,graph,False,,,32,3,8,3,skipsum,False,swish,0.6,mean,adam,0.1,399,3.0587,3.0968,137446.0,0.0112,0.0013,0.4114,0.2586,0.1525,0.1086,0.6667,0.4714,0.248,0.1762,0.5074,0.0204
-optim,PyG,TU_COX2,graph,False,,,32,3,8,3,skipsum,False,swish,0.6,mean,sgd,0.1,399,11.0444,8.2075,137446.0,0.0138,0.0069,0.4114,0.2586,0.1525,0.1086,0.6667,0.4714,0.248,0.1762,0.4988,0.0017
-optim,PyG,TU_DD,graph,False,,,16,2,2,1,skipconcat,False,relu,0.3,add,adam,0.001,199,0.7122,0.0598,149969.0,0.0091,0.0013,0.7288,0.0227,0.7148,0.0455,0.6269,0.0343,0.6659,0.0161,0.8073,0.0268
-optim,PyG,TU_DD,graph,False,,,16,2,2,1,skipconcat,False,relu,0.3,add,sgd,0.001,199,0.6719,0.0911,149969.0,0.0108,0.0014,0.7246,0.0432,0.6638,0.0813,0.8015,0.096,0.7157,0.0098,0.8258,0.0188
-optim,PyG,TU_DD,graph,False,,,64,3,6,2,skipsum,False,prelu,0.6,add,adam,0.001,199,0.7177,0.0233,143871.0,0.0236,0.0012,0.6286,0.014,0.9733,0.0377,0.1431,0.0552,0.2445,0.0802,0.8106,0.0034
-optim,PyG,TU_DD,graph,False,,,64,3,6,2,skipsum,False,prelu,0.6,add,sgd,0.001,199,0.7243,0.0866,143871.0,0.0255,0.0031,0.5989,0.0314,1.0,0.0,0.0692,0.0632,0.1232,0.1066,0.8118,0.0044
-optim,PyG,TU_ENZYMES,graph,False,,,16,2,4,2,skipconcat,False,swish,0.6,mean,adam,0.1,399,1.9284,0.0581,136646.0,0.0066,0.0011,0.125,0.0425,,,,,,,,
-optim,PyG,TU_ENZYMES,graph,False,,,16,2,4,2,skipconcat,False,swish,0.6,mean,sgd,0.1,399,2.2497,0.2582,136646.0,0.0342,0.0037,0.15,0.0136,,,,,,,,
-optim,PyG,TU_ENZYMES,graph,False,,,64,2,8,2,skipsum,False,prelu,0.3,max,adam,0.1,199,1.7958,0.0029,134557.0,0.0114,0.0003,0.1778,0.0283,,,,,,,,
-optim,PyG,TU_ENZYMES,graph,False,,,64,2,8,2,skipsum,False,prelu,0.3,max,sgd,0.1,199,,,134557.0,0.0286,0.0019,0.1528,0.0375,,,,,,,,
-optim,PyG,TU_ENZYMES,graph,False,,,64,3,2,1,skipconcat,True,prelu,0.0,add,adam,0.001,99,1.7161,0.1099,136249.0,0.0306,0.0035,0.3194,0.0219,,,,,,,,
-optim,PyG,TU_ENZYMES,graph,False,,,64,3,2,1,skipconcat,True,prelu,0.0,add,sgd,0.001,99,1.7557,0.1138,136249.0,0.0098,0.0004,0.275,0.018,,,,,,,,
-optim,PyG,TU_IMDB,graph,False,,,16,1,2,2,skipconcat,False,swish,0.6,add,adam,0.1,99,1.1984,0.0503,133983.0,0.0074,0.0026,0.35,0.0276,,,,,,,,
-optim,PyG,TU_IMDB,graph,False,,,16,1,2,2,skipconcat,False,swish,0.6,add,sgd,0.1,99,1.3591,0.1488,133983.0,0.0058,0.0009,0.3378,0.0329,,,,,,,,
-optim,PyG,TU_IMDB,graph,False,,,16,3,8,1,skipsum,True,relu,0.6,mean,adam,0.01,199,1.1535,0.0224,135243.0,0.0074,0.0008,0.3133,0.0047,,,,,,,,
-optim,PyG,TU_IMDB,graph,False,,,16,3,8,1,skipsum,True,relu,0.6,mean,sgd,0.01,199,1.4054,0.019,135243.0,0.0079,0.001,0.3345,0.0208,,,,,,,,
-optim,PyG,TU_IMDB,graph,False,,,32,1,8,1,stack,False,relu,0.0,add,adam,0.1,199,1.0933,0.011,134808.0,0.0064,0.0002,0.3633,0.0677,,,,,,,,
-optim,PyG,TU_IMDB,graph,False,,,32,1,8,1,stack,False,relu,0.0,add,sgd,0.1,199,1.1014,0.0013,134808.0,0.0085,0.002,0.3278,0.0129,,,,,,,,
-optim,PyG,TU_IMDB,graph,False,,,64,2,2,2,skipconcat,False,swish,0.3,max,adam,0.1,399,1.2499,0.0628,134333.0,0.0162,0.0038,0.3545,0.03,,,,,,,,
-optim,PyG,TU_IMDB,graph,False,,,64,2,2,2,skipconcat,False,swish,0.3,max,sgd,0.1,399,4.9211,0.8694,134333.0,0.0139,0.0027,0.3567,0.0152,,,,,,,,
-optim,PyG,TU_PROTEINS,graph,False,,,16,3,8,2,skipconcat,True,relu,0.3,mean,adam,0.001,99,0.5894,0.0213,139333.0,0.0484,0.003,0.6803,0.0131,0.753,0.0878,0.3414,0.0426,0.4646,0.0316,0.7862,0.009
-optim,PyG,TU_PROTEINS,graph,False,,,16,3,8,2,skipconcat,True,relu,0.3,mean,sgd,0.001,99,0.6225,0.028,139333.0,0.0472,0.003,0.697,0.0113,0.7286,0.0264,0.4145,0.0551,0.5257,0.0455,0.7872,0.0143
-optim,PyG,TU_PROTEINS,graph,False,,,32,2,2,3,skipconcat,False,swish,0.6,add,adam,0.01,199,1.2197,0.012,135097.0,0.0082,0.002,0.603,0.0211,0.5086,0.0146,0.9034,0.024,0.6506,0.0154,0.7783,0.0054
-optim,PyG,TU_PROTEINS,graph,False,,,32,2,2,3,skipconcat,False,swish,0.6,add,sgd,0.01,199,1.5332,0.0539,135097.0,0.008,0.0016,0.5682,0.0111,0.4856,0.0039,0.9336,0.0172,0.6388,0.0052,0.7563,0.0167
-optim,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,16,1,2,1,stack,True,relu,0.6,mean,adam,0.1,399,1.9718,0.8282,134625.0,0.03,0.0046,0.3718,0.0239,,,,,,,,
-optim,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,16,1,2,1,stack,True,relu,0.6,mean,sgd,0.1,399,4.4884,1.3235,134625.0,0.0342,0.0058,0.2564,0.0363,,,,,,,,
-optim,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,16,3,6,1,skipsum,False,swish,0.3,max,adam,0.001,399,54.9593,2.27,134277.0,0.011,0.0036,0.2628,0.0395,,,,,,,,
-optim,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,16,3,6,1,skipsum,False,swish,0.3,max,sgd,0.001,399,90.6916,5.7025,134277.0,0.0083,0.0011,0.2628,0.0395,,,,,,,,
-optim,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,16,3,8,3,skipsum,False,relu,0.6,add,adam,0.001,399,29.658,8.7622,135350.0,0.0082,0.0011,0.2372,0.0395,,,,,,,,
-optim,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,16,3,8,3,skipsum,False,relu,0.6,add,sgd,0.001,399,1.6292,0.0127,135350.0,0.0294,0.0005,0.1346,0.0272,,,,,,,,
-optim,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,32,2,4,2,skipsum,False,prelu,0.0,add,adam,0.1,399,1.206,0.5947,134834.0,0.0102,0.0005,0.4359,0.2849,,,,,,,,
-optim,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,32,2,4,2,skipsum,False,prelu,0.0,add,sgd,0.1,399,,,134834.0,0.0102,0.0007,0.2372,0.0395,,,,,,,,
-optim,nx,scalefree,graph,True,node_const,graph_path_len,64,2,4,2,skipconcat,True,relu,0.0,max,adam,0.01,199,1.6311,0.0141,137499.0,0.0424,0.0016,0.1346,0.0272,,,,,,,,
-optim,nx,scalefree,graph,True,node_const,graph_path_len,64,2,4,2,skipconcat,True,relu,0.0,max,sgd,0.01,199,1777.8545,409.8549,137499.0,0.0188,0.0044,0.1795,0.0327,,,,,,,,
-optim,nx,scalefree,graph,True,node_onehot,graph_path_len,32,2,4,2,skipconcat,True,swish,0.3,mean,adam,0.1,99,2.5947,0.5725,137499.0,0.0196,0.0046,0.359,0.0551,,,,,,,,
-optim,nx,scalefree,graph,True,node_onehot,graph_path_len,32,2,4,2,skipconcat,True,swish,0.3,mean,sgd,0.1,99,2.7389,0.6786,137499.0,0.0122,0.0007,0.4231,0.0628,,,,,,,,
-optim,nx,scalefree,graph,True,node_pagerank,graph_path_len,16,3,6,3,skipsum,True,prelu,0.0,mean,adam,0.001,199,0.8633,0.346,134298.0,0.0298,0.001,0.7628,0.0654,,,,,,,,
-optim,nx,scalefree,graph,True,node_pagerank,graph_path_len,16,3,6,3,skipsum,True,prelu,0.0,mean,sgd,0.001,199,0.7622,0.1949,134298.0,0.0335,0.0077,0.7692,0.0874,,,,,,,,
-optim,nx,scalefree,graph,True,node_pagerank,graph_path_len,32,3,2,1,stack,True,relu,0.6,add,adam,0.001,99,2.7599,0.0783,134285.0,0.007,0.0005,0.5385,0.0157,,,,,,,,
-optim,nx,scalefree,graph,True,node_pagerank,graph_path_len,32,3,2,1,stack,True,relu,0.6,add,sgd,0.001,99,6.2704,0.9701,134285.0,0.0097,0.0008,0.3269,0.0157,,,,,,,,
-optim,nx,scalefree,graph,True,node_pagerank,graph_path_len,64,2,8,2,skipsum,False,relu,0.0,add,adam,0.1,99,0.9298,0.101,135360.0,0.0145,0.0013,0.5,0.0955,,,,,,,,
-optim,nx,scalefree,graph,True,node_pagerank,graph_path_len,64,2,8,2,skipsum,False,relu,0.0,add,sgd,0.1,99,1.6321,0.0158,135360.0,0.0231,0.0028,0.1474,0.0453,,,,,,,,
-optim,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,16,1,4,1,skipsum,False,prelu,0.0,mean,adam,0.001,399,0.713,0.0109,134851.0,0.0243,0.0023,0.7075,0.0033,,,,,,,,
-optim,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,16,1,4,1,skipsum,False,prelu,0.0,mean,sgd,0.001,399,0.9948,0.0045,134851.0,0.0055,0.0004,0.6176,0.0052,,,,,,,,
-optim,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,32,3,2,1,skipconcat,False,relu,0.3,mean,adam,0.001,99,0.877,0.007,136247.0,0.0114,0.0026,0.6281,0.0055,,,,,,,,
-optim,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,32,3,2,1,skipconcat,False,relu,0.3,mean,sgd,0.001,99,1.5767,0.0029,136247.0,0.0098,0.0011,0.3613,0.0616,,,,,,,,
-optim,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,64,1,6,1,skipsum,False,prelu,0.0,max,adam,0.001,199,0.6305,0.0084,134834.0,0.0216,0.0045,0.7479,0.0056,,,,,,,,
-optim,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,64,1,6,1,skipsum,False,prelu,0.0,max,sgd,0.001,199,1.5694,0.0131,134834.0,0.0343,0.0004,0.3704,0.0623,,,,,,,,
-optim,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,64,2,4,1,skipconcat,True,relu,0.3,add,adam,0.001,199,0.3222,0.0044,135928.0,0.0156,0.0012,0.9079,0.0017,,,,,,,,
-optim,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,64,2,4,1,skipconcat,True,relu,0.3,add,sgd,0.001,199,1.516,0.0062,135928.0,0.0162,0.0027,0.405,0.0087,,,,,,,,
-optim,nx,scalefree,node,True,node_const,node_clustering_coefficient,16,2,2,1,stack,True,prelu,0.6,max,adam,0.1,99,3.026,0.0604,134790.0,0.0066,0.0006,0.2181,0.0344,,,,,,,,
-optim,nx,scalefree,node,True,node_const,node_clustering_coefficient,16,2,2,1,stack,True,prelu,0.6,max,sgd,0.1,99,2.9029,0.0306,134790.0,0.0059,0.0013,0.1976,0.0055,,,,,,,,
-optim,nx,scalefree,node,True,node_const,node_clustering_coefficient,16,2,2,2,skipconcat,False,prelu,0.0,mean,adam,0.001,199,1.5778,0.0023,135952.0,0.0053,0.0004,0.2688,0.0019,,,,,,,,
-optim,nx,scalefree,node,True,node_const,node_clustering_coefficient,16,2,2,2,skipconcat,False,prelu,0.0,mean,sgd,0.001,199,1.5778,0.0023,135952.0,0.0062,0.0002,0.2688,0.0019,,,,,,,,
-optim,nx,scalefree,node,True,node_const,node_clustering_coefficient,16,2,2,3,skipsum,True,prelu,0.3,add,adam,0.1,199,0.9833,0.0049,134119.0,0.0087,0.0026,0.5312,0.0044,,,,,,,,
-optim,nx,scalefree,node,True,node_const,node_clustering_coefficient,16,2,2,3,skipsum,True,prelu,0.3,add,sgd,0.1,199,3.3865,0.3766,134119.0,0.0073,0.0015,0.2173,0.0191,,,,,,,,
-optim,nx,scalefree,node,True,node_const,node_clustering_coefficient,16,2,4,3,skipconcat,False,relu,0.6,max,adam,0.001,399,1.9492,0.0087,137198.0,0.0075,0.0015,0.1976,0.0055,,,,,,,,
-optim,nx,scalefree,node,True,node_const,node_clustering_coefficient,16,2,4,3,skipconcat,False,relu,0.6,max,sgd,0.001,399,1.5809,0.0009,137198.0,0.0094,0.0014,0.2688,0.0019,,,,,,,,
-optim,nx,scalefree,node,True,node_const,node_clustering_coefficient,16,2,4,3,skipsum,True,swish,0.0,mean,adam,0.001,399,1.7022,0.0377,133829.0,0.007,0.0002,0.2688,0.0019,,,,,,,,
-optim,nx,scalefree,node,True,node_const,node_clustering_coefficient,16,2,4,3,skipsum,True,swish,0.0,mean,sgd,0.001,399,191.2805,24.0602,133829.0,0.0296,0.0036,0.2238,0.0651,,,,,,,,
-optim,nx,scalefree,node,True,node_const,node_pagerank,32,2,8,1,skipconcat,True,prelu,0.0,max,adam,0.1,99,1.611,0.0012,137766.0,0.0137,0.0003,0.1992,0.0054,,,,,,,,
-optim,nx,scalefree,node,True,node_const,node_pagerank,32,2,8,1,skipconcat,True,prelu,0.0,max,sgd,0.1,99,,,137766.0,0.0124,0.0022,0.1996,0.0053,,,,,,,,
-optim,nx,scalefree,node,True,node_const,node_pagerank,64,2,6,2,stack,False,swish,0.6,mean,adam,0.1,199,2.4451,0.4225,134277.0,0.0188,0.0013,0.1958,0.0071,,,,,,,,
-optim,nx,scalefree,node,True,node_const,node_pagerank,64,2,6,2,stack,False,swish,0.6,mean,sgd,0.1,199,2.8929,0.5873,134277.0,0.0233,0.0016,0.1985,0.0056,,,,,,,,
-optim,nx,scalefree,node,True,node_const,node_pagerank,64,3,2,3,skipsum,True,swish,0.6,max,adam,0.1,399,3.9697,0.0136,134069.0,0.019,0.0015,0.1981,0.0056,,,,,,,,
-optim,nx,scalefree,node,True,node_const,node_pagerank,64,3,2,3,skipsum,True,swish,0.6,max,sgd,0.1,399,17.2459,0.4018,134069.0,0.0203,0.0052,0.1958,0.0071,,,,,,,,
-optim,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,32,1,2,1,skipconcat,False,swish,0.0,max,adam,0.01,199,1.1615,0.0051,135829.0,0.0119,0.0014,0.4968,0.006,,,,,,,,
-optim,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,32,1,2,1,skipconcat,False,swish,0.0,max,sgd,0.01,199,1.3709,0.0045,135829.0,0.0349,0.0033,0.412,0.0068,,,,,,,,
-optim,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,32,3,4,1,stack,True,prelu,0.6,mean,adam,0.001,99,2.1193,0.0679,134070.0,0.0123,0.0016,0.2067,0.0183,,,,,,,,
-optim,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,32,3,4,1,stack,True,prelu,0.6,mean,sgd,0.001,99,1.5886,0.0008,134070.0,0.0114,0.0002,0.2552,0.0212,,,,,,,,
-optim,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,32,3,8,2,stack,True,prelu,0.0,add,adam,0.001,99,0.9003,0.0106,135057.0,0.0123,0.0014,0.5723,0.0069,,,,,,,,
-optim,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,32,3,8,2,stack,True,prelu,0.0,add,sgd,0.001,99,1.0497,0.0084,135057.0,0.0118,0.0009,0.5058,0.0043,,,,,,,,
-optim,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,64,2,4,3,stack,False,prelu,0.3,mean,adam,0.01,199,1.6471,0.0207,134677.0,0.0152,0.0019,0.2423,0.0071,,,,,,,,
-optim,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,64,2,4,3,stack,False,prelu,0.3,mean,sgd,0.01,199,1.8915,0.0287,134677.0,0.0198,0.0065,0.2424,0.0072,,,,,,,,
-optim,nx,scalefree,node,True,node_onehot,node_pagerank,32,2,2,3,skipsum,True,swish,0.6,max,adam,0.01,199,6.7089,0.5343,134118.0,0.0276,0.0014,0.1989,0.0076,,,,,,,,
-optim,nx,scalefree,node,True,node_onehot,node_pagerank,32,2,2,3,skipsum,True,swish,0.6,max,sgd,0.01,199,8.2417,0.7084,134118.0,0.0255,0.0009,0.1958,0.0071,,,,,,,,
-optim,nx,scalefree,node,True,node_onehot,node_pagerank,32,2,8,3,stack,False,relu,0.3,max,adam,0.1,99,1.689,0.1121,133748.0,0.0283,0.0008,0.1972,0.0087,,,,,,,,
-optim,nx,scalefree,node,True,node_onehot,node_pagerank,32,2,8,3,stack,False,relu,0.3,max,sgd,0.1,99,6.3021,0.1204,133748.0,0.0145,0.0037,0.1958,0.0071,,,,,,,,
-optim,nx,scalefree,node,True,node_onehot,node_pagerank,64,1,6,1,stack,True,swish,0.3,max,adam,0.1,199,3.9908,0.6882,134069.0,0.0338,0.0004,0.1987,0.0057,,,,,,,,
-optim,nx,scalefree,node,True,node_onehot,node_pagerank,64,1,6,1,stack,True,swish,0.3,max,sgd,0.1,199,1.5381,0.0225,134069.0,0.0326,0.0011,0.3982,0.0065,,,,,,,,
-optim,nx,scalefree,node,True,node_onehot,node_pagerank,64,3,6,2,skipsum,True,prelu,0.3,add,adam,0.1,99,0.8466,0.438,133926.0,0.0196,0.003,0.8519,0.0238,,,,,,,,
-optim,nx,scalefree,node,True,node_onehot,node_pagerank,64,3,6,2,skipsum,True,prelu,0.3,add,sgd,0.1,99,1.0024,0.1057,133926.0,0.0162,0.0016,0.774,0.0128,,,,,,,,
-optim,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,16,2,4,1,stack,True,swish,0.6,mean,adam,0.1,199,2.3823,0.2144,134118.0,0.0082,0.0011,0.2297,0.0203,,,,,,,,
-optim,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,16,2,4,1,stack,True,swish,0.6,mean,sgd,0.1,199,2.102,0.0108,134118.0,0.0063,0.0005,0.239,0.0271,,,,,,,,
-optim,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,64,2,8,2,stack,False,relu,0.6,mean,adam,0.01,199,1.7065,0.0043,135360.0,0.0226,0.0048,0.2423,0.0071,,,,,,,,
-optim,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,64,2,8,2,stack,False,relu,0.6,mean,sgd,0.01,199,1.824,0.0355,135360.0,0.0292,0.0076,0.2423,0.0071,,,,,,,,
-optim,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,16,3,8,2,skipsum,False,swish,0.6,max,adam,0.001,99,10.9395,4.0832,133748.0,0.0296,0.0056,0.3077,0.0416,,,,,,,,
-optim,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,16,3,8,2,skipsum,False,swish,0.6,max,sgd,0.001,99,8.3708,3.0783,133748.0,0.0086,0.001,0.1923,0.0874,,,,,,,,
-optim,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,32,2,8,2,skipsum,False,prelu,0.6,mean,adam,0.1,199,1.6435,0.0132,135361.0,0.0379,0.0023,0.1346,0.0157,,,,,,,,
-optim,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,32,2,8,2,skipsum,False,prelu,0.6,mean,sgd,0.1,199,,,135361.0,0.0167,0.0057,0.2308,0.0831,,,,,,,,
-optim,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,32,3,8,1,skipsum,False,prelu,0.6,max,adam,0.001,199,72.3048,7.0724,135361.0,0.0382,0.0047,0.1666,0.0181,,,,,,,,
-optim,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,32,3,8,1,skipsum,False,prelu,0.6,max,sgd,0.001,199,47.8988,5.5047,135361.0,0.0464,0.0135,0.1666,0.0181,,,,,,,,
-optim,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,32,3,8,1,stack,True,prelu,0.0,mean,adam,0.001,399,0.8301,0.1276,134298.0,0.018,0.0078,0.7051,0.0395,,,,,,,,
-optim,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,32,3,8,1,stack,True,prelu,0.0,mean,sgd,0.001,399,0.8471,0.1338,134298.0,0.0301,0.0018,0.7051,0.0708,,,,,,,,
-optim,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,1,8,3,stack,True,relu,0.3,max,adam,0.01,399,13.3147,1.1933,134297.0,0.0245,0.0123,0.1666,0.0181,,,,,,,,
-optim,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,1,8,3,stack,True,relu,0.3,max,sgd,0.01,399,11.9496,1.2728,134297.0,0.0558,0.0118,0.1666,0.0181,,,,,,,,
-optim,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,3,8,2,skipsum,True,swish,0.3,add,adam,0.001,199,0.6006,0.3962,135056.0,0.0191,0.0004,0.7692,0.1498,,,,,,,,
-optim,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,64,3,8,2,skipsum,True,swish,0.3,add,sgd,0.001,199,1.0117,0.3282,135056.0,0.0316,0.0127,0.6474,0.1179,,,,,,,,
-optim,nx,smallworld,graph,True,node_const,graph_path_len,32,1,4,1,stack,True,relu,0.0,max,adam,0.1,199,15.4919,4.1843,134285.0,0.0182,0.0045,0.2308,0.0831,,,,,,,,
-optim,nx,smallworld,graph,True,node_const,graph_path_len,32,1,4,1,stack,True,relu,0.0,max,sgd,0.1,199,1.6526,0.0097,134285.0,0.0106,0.0011,0.141,0.0181,,,,,,,,
-optim,nx,smallworld,graph,True,node_const,graph_path_len,32,3,2,2,skipconcat,True,prelu,0.6,mean,adam,0.1,199,35.3759,2.8782,135806.0,0.0137,0.0006,0.2308,0.0831,,,,,,,,
-optim,nx,smallworld,graph,True,node_const,graph_path_len,32,3,2,2,skipconcat,True,prelu,0.6,mean,sgd,0.1,199,8.9567,3.2987,135806.0,0.0115,0.0032,0.2308,0.0831,,,,,,,,
-optim,nx,smallworld,graph,True,node_const,graph_path_len,64,3,2,1,skipconcat,True,swish,0.6,mean,adam,0.001,199,14.1584,2.3755,135406.0,0.0245,0.0014,0.1666,0.0181,,,,,,,,
-optim,nx,smallworld,graph,True,node_const,graph_path_len,64,3,2,1,skipconcat,True,swish,0.6,mean,sgd,0.001,199,6.6028,1.7355,135406.0,0.0279,0.0072,0.1667,0.024,,,,,,,,
-optim,nx,smallworld,graph,True,node_onehot,graph_path_len,16,1,2,2,skipconcat,True,swish,0.6,mean,adam,0.1,99,8.8905,2.1772,136295.0,0.0054,0.0003,0.1026,0.024,,,,,,,,
-optim,nx,smallworld,graph,True,node_onehot,graph_path_len,16,1,2,2,skipconcat,True,swish,0.6,mean,sgd,0.1,99,13.4378,1.9062,136295.0,0.0091,0.0009,0.2308,0.0831,,,,,,,,
-optim,nx,smallworld,graph,True,node_onehot,graph_path_len,32,2,6,2,stack,True,swish,0.3,max,adam,0.01,199,7.7094,1.3205,135429.0,0.0093,0.0005,0.1666,0.0181,,,,,,,,
-optim,nx,smallworld,graph,True,node_onehot,graph_path_len,32,2,6,2,stack,True,swish,0.3,max,sgd,0.01,199,9.1205,1.245,135429.0,0.015,0.0065,0.1666,0.0181,,,,,,,,
-optim,nx,smallworld,graph,True,node_onehot,graph_path_len,32,2,6,3,skipconcat,True,relu,0.3,mean,adam,0.01,399,2.509,0.5914,141785.0,0.0147,0.007,0.3654,0.1099,,,,,,,,
-optim,nx,smallworld,graph,True,node_onehot,graph_path_len,32,2,6,3,skipconcat,True,relu,0.3,mean,sgd,0.01,399,5.5586,0.9694,141785.0,0.0122,0.0012,0.2436,0.101,,,,,,,,
-optim,nx,smallworld,graph,True,node_onehot,graph_path_len,32,2,8,2,stack,False,swish,0.0,max,adam,0.001,99,1.1057,0.13,135360.0,0.0104,0.0016,0.5064,0.0551,,,,,,,,
-optim,nx,smallworld,graph,True,node_onehot,graph_path_len,32,2,8,2,stack,False,swish,0.0,max,sgd,0.001,99,1.6441,0.0127,135360.0,0.0113,0.0017,0.1346,0.0157,,,,,,,,
-optim,nx,smallworld,graph,True,node_pagerank,graph_path_len,16,3,8,3,skipsum,False,prelu,0.3,mean,adam,0.01,399,1.6435,0.0121,135351.0,0.0093,0.0019,0.1346,0.0157,,,,,,,,
-optim,nx,smallworld,graph,True,node_pagerank,graph_path_len,16,3,8,3,skipsum,False,prelu,0.3,mean,sgd,0.01,399,,,135351.0,0.0297,0.0019,0.2308,0.0831,,,,,,,,
-optim,nx,smallworld,graph,True,node_pagerank,graph_path_len,64,1,6,1,skipsum,True,prelu,0.6,add,adam,0.1,99,0.7942,0.064,134070.0,0.019,0.0018,0.7115,0.0628,,,,,,,,
-optim,nx,smallworld,graph,True,node_pagerank,graph_path_len,64,1,6,1,skipsum,True,prelu,0.6,add,sgd,0.1,99,116.6718,90.1508,134070.0,0.0369,0.0027,0.2179,0.048,,,,,,,,
-optim,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,64,1,8,2,skipconcat,False,prelu,0.0,add,adam,0.001,399,1.3663,0.1018,137774.0,0.0563,0.0085,0.3821,0.0599,,,,,,,,
-optim,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,64,1,8,2,skipconcat,False,prelu,0.0,add,sgd,0.001,399,1.5094,0.0024,137774.0,0.0184,0.0057,0.3102,0.0057,,,,,,,,
-optim,nx,smallworld,node,True,node_const,node_clustering_coefficient,16,1,4,1,skipconcat,False,swish,0.3,mean,adam,0.001,99,1.6052,0.0014,136970.0,0.0063,0.0013,0.2305,0.0055,,,,,,,,
-optim,nx,smallworld,node,True,node_const,node_clustering_coefficient,16,1,4,1,skipconcat,False,swish,0.3,mean,sgd,0.001,99,1.6052,0.0013,136970.0,0.0072,0.0005,0.2305,0.0055,,,,,,,,
-optim,nx,smallworld,node,True,node_const,node_clustering_coefficient,16,2,8,2,stack,True,relu,0.0,mean,adam,0.001,99,1.7872,0.0292,134297.0,0.0343,0.0037,0.2056,0.0226,,,,,,,,
-optim,nx,smallworld,node,True,node_const,node_clustering_coefficient,16,2,8,2,stack,True,relu,0.0,mean,sgd,0.001,99,,,134297.0,0.0291,0.0032,0.2204,0.0153,,,,,,,,
-optim,nx,smallworld,node,True,node_const,node_clustering_coefficient,16,3,6,1,skipsum,True,swish,0.3,max,adam,0.001,99,1.696,0.0126,135429.0,0.0078,0.0007,0.2082,0.0068,,,,,,,,
-optim,nx,smallworld,node,True,node_const,node_clustering_coefficient,16,3,6,1,skipsum,True,swish,0.3,max,sgd,0.001,99,1.6246,0.0062,135429.0,0.0301,0.0046,0.2018,0.0045,,,,,,,,
-optim,nx,smallworld,node,True,node_const,node_clustering_coefficient,64,2,2,1,stack,False,swish,0.6,mean,adam,0.001,99,1.7726,0.0066,133957.0,0.0169,0.0026,0.2305,0.0055,,,,,,,,
-optim,nx,smallworld,node,True,node_const,node_clustering_coefficient,64,2,2,1,stack,False,swish,0.6,mean,sgd,0.001,99,1.6086,0.0025,133957.0,0.0155,0.0018,0.2305,0.0055,,,,,,,,
-optim,nx,smallworld,node,True,node_const,node_pagerank,32,1,8,1,skipsum,True,relu,0.6,add,adam,0.1,99,1.6722,0.1429,135429.0,0.011,0.0006,0.5769,0.0097,,,,,,,,
-optim,nx,smallworld,node,True,node_const,node_pagerank,32,1,8,1,skipsum,True,relu,0.6,add,sgd,0.1,99,1.0847,0.0521,135429.0,0.0115,0.0019,0.571,0.0175,,,,,,,,
-optim,nx,smallworld,node,True,node_const,node_pagerank,32,2,2,3,skipconcat,True,relu,0.3,max,adam,0.01,99,4.1517,0.4968,137441.0,0.0372,0.0055,0.206,0.0029,,,,,,,,
-optim,nx,smallworld,node,True,node_const,node_pagerank,32,2,2,3,skipconcat,True,relu,0.3,max,sgd,0.01,99,1.6365,0.0146,137441.0,0.0403,0.0032,0.205,0.004,,,,,,,,
-optim,nx,smallworld,node,True,node_const,node_pagerank,64,3,8,1,skipsum,True,prelu,0.6,max,adam,0.01,99,1.9706,0.0245,134298.0,0.0418,0.0015,0.1976,0.0024,,,,,,,,
-optim,nx,smallworld,node,True,node_const,node_pagerank,64,3,8,1,skipsum,True,prelu,0.6,max,sgd,0.01,99,1.6709,0.0167,134298.0,0.0196,0.0022,0.199,0.0042,,,,,,,,
-optim,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,16,3,8,1,skipconcat,True,prelu,0.3,add,adam,0.001,399,0.9588,0.0026,136886.0,0.0095,0.0023,0.5768,0.0034,,,,,,,,
-optim,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,16,3,8,1,skipconcat,True,prelu,0.3,add,sgd,0.001,399,1.5941,0.0021,136886.0,0.0106,0.0012,0.2463,0.0006,,,,,,,,
-optim,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,32,3,4,1,stack,True,prelu,0.0,mean,adam,0.1,199,1.2326,0.0081,134070.0,0.0112,0.0025,0.4657,0.0102,,,,,,,,
-optim,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,32,3,4,1,stack,True,prelu,0.0,mean,sgd,0.1,199,1.1658,0.0141,134070.0,0.0107,0.0005,0.5204,0.0036,,,,,,,,
-optim,nx,smallworld,node,True,node_onehot,node_pagerank,16,1,2,1,stack,False,swish,0.0,max,adam,0.1,399,1.5995,0.0088,134900.0,0.0116,0.0079,0.2293,0.0261,,,,,,,,
-optim,nx,smallworld,node,True,node_onehot,node_pagerank,16,1,2,1,stack,False,swish,0.0,max,sgd,0.1,399,1.4703,0.0032,134900.0,0.0059,0.0002,0.3465,0.0023,,,,,,,,
-optim,nx,smallworld,node,True,node_onehot,node_pagerank,32,3,8,3,skipsum,False,swish,0.6,max,adam,0.01,199,5.5027,4.7505,135350.0,0.0136,0.0017,0.2003,0.006,,,,,,,,
-optim,nx,smallworld,node,True,node_onehot,node_pagerank,32,3,8,3,skipsum,False,swish,0.6,max,sgd,0.01,199,1.6116,0.0019,135350.0,0.0267,0.0051,0.199,0.0042,,,,,,,,
-optim,nx,smallworld,node,True,node_onehot,node_pagerank,64,1,6,1,skipsum,False,swish,0.3,add,adam,0.1,199,1.5918,0.0061,134833.0,0.0167,0.0032,0.2433,0.0053,,,,,,,,
-optim,nx,smallworld,node,True,node_onehot,node_pagerank,64,1,6,1,skipsum,False,swish,0.3,add,sgd,0.1,199,1.5951,0.016,134833.0,0.0349,0.0044,0.2485,0.0161,,,,,,,,
-optim,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,32,3,6,2,skipsum,True,relu,0.0,add,adam,0.001,399,0.9058,0.0043,133925.0,0.014,0.0035,0.6312,0.0048,,,,,,,,
-optim,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,32,3,6,2,skipsum,True,relu,0.0,add,sgd,0.001,399,0.9621,0.0122,133925.0,0.015,0.0032,0.5781,0.0059,,,,,,,,
-stage,PyG,AmazonComputers,node,True,,,16,3,4,3,skipconcat,False,prelu,0.0,mean,sgd,0.001,199,1.9107,0.0174,176167.0,0.1204,0.0183,0.3692,0.0075,,,,,,,,
-stage,PyG,AmazonComputers,node,True,,,16,3,4,3,skipconcat,True,prelu,0.6,add,adam,0.01,199,0.4169,0.0266,176966.0,0.0983,0.0104,0.8952,0.0097,,,,,,,,
-stage,PyG,AmazonComputers,node,True,,,16,3,4,3,skipsum,False,prelu,0.0,mean,sgd,0.001,199,1.8603,0.0389,234533.0,0.1106,0.0166,0.3683,0.0081,,,,,,,,
-stage,PyG,AmazonComputers,node,True,,,16,3,4,3,skipsum,True,prelu,0.6,add,adam,0.01,199,0.4083,0.0263,232843.0,0.1274,0.0063,0.9085,0.0029,,,,,,,,
-stage,PyG,AmazonComputers,node,True,,,16,3,4,3,stack,False,prelu,0.0,mean,sgd,0.001,199,1.9038,0.0108,234533.0,0.1146,0.0205,0.3692,0.0075,,,,,,,,
-stage,PyG,AmazonComputers,node,True,,,16,3,4,3,stack,True,prelu,0.6,add,adam,0.01,199,1.2011,0.2658,232843.0,0.1702,0.0339,0.5885,0.0814,,,,,,,,
-stage,PyG,AmazonComputers,node,True,,,16,3,6,3,skipconcat,True,relu,0.3,mean,sgd,0.1,399,0.3695,0.0358,160918.0,0.1003,0.0146,0.8913,0.0153,,,,,,,,
-stage,PyG,AmazonComputers,node,True,,,16,3,6,3,skipsum,True,relu,0.3,mean,sgd,0.1,399,0.5409,0.0454,224145.0,0.0711,0.0055,0.8407,0.0181,,,,,,,,
-stage,PyG,AmazonComputers,node,True,,,16,3,6,3,stack,True,relu,0.3,mean,sgd,0.1,399,1.6312,0.4797,224145.0,0.1012,0.0029,0.5948,0.0915,,,,,,,,
-stage,PyG,AmazonPhoto,node,True,,,16,1,2,3,skipconcat,False,prelu,0.6,max,adam,0.1,399,1.4675,0.648,196649.0,0.0631,0.0267,0.4577,0.2861,,,,,,,,
-stage,PyG,AmazonPhoto,node,True,,,16,1,2,3,skipsum,False,prelu,0.6,max,adam,0.1,399,1.8013,0.1839,270461.0,0.0402,0.0035,0.3251,0.0977,,,,,,,,
-stage,PyG,AmazonPhoto,node,True,,,16,1,2,3,stack,False,prelu,0.6,max,adam,0.1,399,1.7916,0.1264,270461.0,0.0836,0.021,0.3553,0.0754,,,,,,,,
-stage,PyG,AmazonPhoto,node,True,,,32,1,6,2,skipconcat,True,prelu,0.0,max,sgd,0.01,199,0.2196,0.0155,172005.0,0.0364,0.001,0.934,0.0077,,,,,,,,
-stage,PyG,AmazonPhoto,node,True,,,32,1,6,2,skipsum,True,prelu,0.0,max,sgd,0.01,199,0.2496,0.0203,236745.0,0.0601,0.0114,0.926,0.0054,,,,,,,,
-stage,PyG,AmazonPhoto,node,True,,,32,1,6,2,stack,True,prelu,0.0,max,sgd,0.01,199,0.2276,0.0042,236745.0,0.0491,0.004,0.9323,0.0003,,,,,,,,
-stage,PyG,AmazonPhoto,node,True,,,32,1,8,1,skipconcat,False,prelu,0.3,max,adam,0.01,99,0.5435,0.1046,184351.0,0.0622,0.0195,0.8735,0.0312,,,,,,,,
-stage,PyG,AmazonPhoto,node,True,,,32,1,8,1,skipsum,False,prelu,0.3,max,adam,0.01,99,1.6544,0.477,231435.0,0.0651,0.0177,0.4389,0.1301,,,,,,,,
-stage,PyG,AmazonPhoto,node,True,,,32,1,8,1,stack,False,prelu,0.3,max,adam,0.01,99,2.711,0.1132,231435.0,0.0543,0.0052,0.2201,0.0111,,,,,,,,
-stage,PyG,AmazonPhoto,node,True,,,32,3,2,1,skipconcat,True,swish,0.0,mean,adam,0.1,399,0.2032,0.0177,257426.0,0.0326,0.0013,0.9436,0.0048,,,,,,,,
-stage,PyG,AmazonPhoto,node,True,,,32,3,2,1,skipsum,True,swish,0.0,mean,adam,0.1,399,0.203,0.025,269155.0,0.0427,0.0092,0.9503,0.0051,,,,,,,,
-stage,PyG,AmazonPhoto,node,True,,,32,3,2,1,stack,True,swish,0.0,mean,adam,0.1,399,0.2943,0.0323,269155.0,0.0483,0.0148,0.9266,0.0086,,,,,,,,
-stage,PyG,AmazonPhoto,node,True,,,32,3,4,3,skipconcat,True,prelu,0.0,mean,sgd,0.01,199,0.2021,0.0074,175460.0,0.0702,0.0058,0.9408,0.0003,,,,,,,,
-stage,PyG,AmazonPhoto,node,True,,,32,3,4,3,skipsum,True,prelu,0.0,mean,sgd,0.01,199,0.2091,0.0169,229769.0,0.0641,0.014,0.9395,0.01,,,,,,,,
-stage,PyG,AmazonPhoto,node,True,,,32,3,4,3,stack,True,prelu,0.0,mean,sgd,0.01,199,0.2321,0.0161,229769.0,0.0472,0.0241,0.931,0.0038,,,,,,,,
-stage,PyG,AmazonPhoto,node,True,,,64,2,8,2,skipconcat,True,relu,0.0,add,adam,0.001,99,0.2799,0.0195,165486.0,0.046,0.0199,0.9129,0.0073,,,,,,,,
-stage,PyG,AmazonPhoto,node,True,,,64,2,8,2,skipsum,True,relu,0.0,add,adam,0.001,99,0.2739,0.0246,221383.0,0.0503,0.0151,0.9184,0.0063,,,,,,,,
-stage,PyG,AmazonPhoto,node,True,,,64,2,8,2,stack,True,relu,0.0,add,adam,0.001,99,0.6143,0.0437,221383.0,0.0571,0.0065,0.8004,0.0184,,,,,,,,
-stage,PyG,AmazonPhoto,node,True,,,64,3,8,2,skipconcat,True,prelu,0.0,mean,sgd,0.01,399,0.1973,0.0159,166711.0,0.0572,0.0032,0.9434,0.0054,,,,,,,,
-stage,PyG,AmazonPhoto,node,True,,,64,3,8,2,skipsum,True,prelu,0.0,mean,sgd,0.01,399,0.2026,0.0213,215393.0,0.0546,0.016,0.9434,0.0076,,,,,,,,
-stage,PyG,AmazonPhoto,node,True,,,64,3,8,2,stack,True,prelu,0.0,mean,sgd,0.01,399,0.2413,0.0237,215393.0,0.0491,0.0105,0.9247,0.0067,,,,,,,,
-stage,PyG,CiteSeer,node,True,,,16,1,4,2,skipconcat,True,swish,0.6,mean,sgd,0.01,99,1.0991,0.0925,367232.0,0.0973,0.0036,0.6461,0.0356,,,,,,,,
-stage,PyG,CiteSeer,node,True,,,16,1,4,2,skipsum,True,swish,0.6,mean,sgd,0.01,99,1.3004,0.0678,734028.0,0.0396,0.0013,0.5605,0.0167,,,,,,,,
-stage,PyG,CiteSeer,node,True,,,16,1,4,2,stack,True,swish,0.6,mean,sgd,0.01,99,2.4213,0.1276,734028.0,0.0964,0.0107,0.3849,0.0214,,,,,,,,
-stage,PyG,CiteSeer,node,True,,,64,1,2,2,skipconcat,False,relu,0.0,max,sgd,0.01,399,0.9442,0.0292,523641.0,0.083,0.0152,0.7392,0.0146,,,,,,,,
-stage,PyG,CiteSeer,node,True,,,64,1,2,2,skipsum,False,relu,0.0,max,sgd,0.01,399,0.8874,0.0162,912036.0,0.1062,0.0115,0.7523,0.0117,,,,,,,,
-stage,PyG,CiteSeer,node,True,,,64,1,2,2,stack,False,relu,0.0,max,sgd,0.01,399,0.8513,0.0083,912036.0,0.0535,0.0102,0.7262,0.0014,,,,,,,,
-stage,PyG,CoauthorPhysics,node,True,,,16,2,2,2,skipconcat,False,swish,0.3,add,adam,0.01,399,0.176,0.0142,984755.0,1.9298,0.339,0.9606,0.0024,,,,,,,,
-stage,PyG,CoauthorPhysics,node,True,,,16,2,2,2,skipsum,False,swish,0.3,add,adam,0.01,399,0.2242,0.006,1665851.0,1.4535,0.0319,0.9546,0.0009,,,,,,,,
-stage,PyG,CoauthorPhysics,node,True,,,16,2,2,2,stack,False,swish,0.3,add,adam,0.01,399,0.2515,0.0065,1665851.0,1.995,0.2836,0.9495,0.0018,,,,,,,,
-stage,PyG,CoauthorPhysics,node,True,,,64,3,4,1,skipconcat,False,swish,0.0,add,adam,0.01,199,0.201,0.0123,1019240.0,2.165,0.4873,0.9434,0.0036,,,,,,,,
-stage,PyG,CoauthorPhysics,node,True,,,64,3,4,1,skipsum,False,swish,0.0,add,adam,0.01,199,0.213,0.0083,1388834.0,1.9533,0.0971,0.9393,0.0023,,,,,,,,
-stage,PyG,CoauthorPhysics,node,True,,,64,3,4,1,stack,False,swish,0.0,add,adam,0.01,199,0.2419,0.0062,1388834.0,1.983,0.0938,0.927,0.0034,,,,,,,,
-stage,PyG,CoauthorPhysics,node,True,,,64,3,8,3,skipconcat,True,swish,0.6,add,adam,0.1,199,3.3433,1.9789,356673.0,1.9486,0.0061,0.529,0.1102,,,,,,,,
-stage,PyG,CoauthorPhysics,node,True,,,64,3,8,3,skipsum,True,swish,0.6,add,adam,0.1,199,0.2324,0.0464,1019135.0,1.9455,0.3423,0.9474,0.0146,,,,,,,,
-stage,PyG,CoauthorPhysics,node,True,,,64,3,8,3,stack,True,swish,0.6,add,adam,0.1,199,2.2291,2.1371,1019135.0,1.7602,0.037,0.5721,0.2156,,,,,,,,
-stage,PyG,Cora,node,True,,,32,1,4,1,skipconcat,False,swish,0.0,mean,sgd,0.01,199,1.5515,0.0271,301652.0,0.0228,0.0096,0.477,0.0145,,,,,,,,
-stage,PyG,Cora,node,True,,,32,1,4,1,skipsum,False,swish,0.0,mean,sgd,0.01,199,0.9908,0.0149,395493.0,0.0248,0.0028,0.7784,0.0205,,,,,,,,
-stage,PyG,Cora,node,True,,,32,1,4,1,stack,False,swish,0.0,mean,sgd,0.01,199,1.2244,0.22,395493.0,0.0204,0.0031,0.6857,0.1169,,,,,,,,
-stage,PyG,Cora,node,True,,,32,1,8,1,skipconcat,False,prelu,0.3,max,sgd,0.1,199,0.7305,0.0745,225769.0,0.0437,0.0018,0.7802,0.0301,,,,,,,,
-stage,PyG,Cora,node,True,,,32,1,8,1,skipsum,False,prelu,0.3,max,sgd,0.1,199,1.5358,0.2142,320057.0,0.0345,0.006,0.3849,0.0941,,,,,,,,
-stage,PyG,Cora,node,True,,,32,1,8,1,stack,False,prelu,0.3,max,sgd,0.1,199,1.5339,0.2929,320057.0,0.0204,0.0066,0.4506,0.1078,,,,,,,,
-stage,PyG,Cora,node,True,,,64,3,8,1,skipconcat,False,swish,0.6,add,adam,0.001,199,1.5556,0.0111,221198.0,0.0258,0.0069,0.4334,0.0243,,,,,,,,
-stage,PyG,Cora,node,True,,,64,3,8,1,skipsum,False,swish,0.6,add,adam,0.001,199,1.5597,0.0305,299122.0,0.0261,0.0119,0.4254,0.0098,,,,,,,,
-stage,PyG,Cora,node,True,,,64,3,8,1,stack,False,swish,0.6,add,adam,0.001,199,1.6426,0.0418,299122.0,0.0217,0.0035,0.3787,0.0547,,,,,,,,
-stage,PyG,TU_BZR,graph,False,,,32,3,2,3,skipconcat,True,swish,0.0,max,sgd,0.001,99,0.3378,0.0815,138777.0,0.0099,0.0005,0.8683,0.0254,0.6936,0.0891,0.6154,0.1632,0.6352,0.0748,0.8886,0.0662
-stage,PyG,TU_BZR,graph,False,,,32,3,2,3,skipsum,True,swish,0.0,max,sgd,0.001,99,0.323,0.0807,141489.0,0.009,0.0003,0.8848,0.021,0.7236,0.0264,0.6733,0.1239,0.6894,0.0499,0.8976,0.0765
-stage,PyG,TU_BZR,graph,False,,,32,3,2,3,stack,True,swish,0.0,max,sgd,0.001,99,0.3836,0.1061,141489.0,0.0081,0.0006,0.8518,0.0349,0.6287,0.0436,0.5639,0.1272,0.5899,0.0919,0.8303,0.0935
-stage,PyG,TU_BZR,graph,False,,,64,1,4,3,skipconcat,True,swish,0.6,add,adam,0.001,199,1.137,0.3948,136677.0,0.0371,0.0005,0.3745,0.2241,0.2407,0.0429,0.8974,0.1451,0.3718,0.0353,0.7347,0.0126
-stage,PyG,TU_BZR,graph,False,,,64,1,4,3,skipsum,True,swish,0.6,add,adam,0.001,199,2.5723,1.0638,141489.0,0.0269,0.0004,0.214,0.0518,0.188,0.0197,0.9259,0.1047,0.3107,0.0242,0.443,0.0606
-stage,PyG,TU_BZR,graph,False,,,64,1,4,3,stack,True,swish,0.6,add,adam,0.001,199,1.2348,0.5393,141489.0,0.0253,0.0011,0.3827,0.2885,0.4527,0.3873,0.6852,0.4452,0.2373,0.0958,0.4386,0.1257
-stage,PyG,TU_BZR,graph,False,,,64,2,4,1,skipconcat,False,relu,0.0,add,sgd,0.001,399,0.3613,0.0649,140141.0,0.0343,0.0024,0.8766,0.0267,0.7591,0.0304,0.5456,0.1062,0.628,0.0656,0.829,0.0682
-stage,PyG,TU_BZR,graph,False,,,64,2,4,1,skipsum,False,relu,0.0,add,sgd,0.001,399,0.4493,0.0388,142626.0,0.016,0.0047,0.8189,0.0291,0.3333,0.4714,0.0625,0.0884,0.1053,0.1489,0.7004,0.0301
-stage,PyG,TU_BZR,graph,False,,,64,2,4,1,stack,False,relu,0.0,add,sgd,0.001,399,0.4634,0.0323,142626.0,0.0357,0.0106,0.8066,0.0254,0.0,0.0,0.0,0.0,0.0,0.0,0.6902,0.0234
-stage,PyG,TU_COX2,graph,False,,,64,2,6,1,skipconcat,True,swish,0.3,max,adam,0.1,199,0.5059,0.0393,138373.0,0.0444,0.0026,0.7801,0.0219,0.25,0.3536,0.05,0.0707,0.0833,0.1179,0.7521,0.0472
-stage,PyG,TU_COX2,graph,False,,,64,2,6,1,skipsum,True,swish,0.3,max,adam,0.1,199,0.4527,0.0138,138508.0,0.0276,0.0014,0.8014,0.0509,0.5952,0.1347,0.4263,0.0885,0.4966,0.1068,0.7599,0.0184
-stage,PyG,TU_COX2,graph,False,,,64,2,6,1,stack,True,swish,0.3,max,adam,0.1,199,0.5941,0.0455,138508.0,0.0113,0.0022,0.7021,0.0542,0.1769,0.1253,0.181,0.1655,0.1671,0.1289,0.6407,0.0302
-stage,PyG,TU_COX2,graph,False,,,64,3,8,3,skipconcat,True,swish,0.6,mean,adam,0.001,199,0.6861,0.1191,137853.0,0.0144,0.0025,0.773,0.0133,0.0,0.0,0.0,0.0,0.0,0.0,0.5086,0.0232
-stage,PyG,TU_COX2,graph,False,,,64,3,8,3,skipsum,True,swish,0.6,mean,adam,0.001,199,1.1392,0.2052,138811.0,0.0179,0.0013,0.773,0.0133,0.0,0.0,0.0,0.0,0.0,0.0,0.5134,0.0119
-stage,PyG,TU_COX2,graph,False,,,64,3,8,3,stack,True,swish,0.6,mean,adam,0.001,199,0.687,0.0994,138811.0,0.0373,0.0079,0.773,0.0133,0.0,0.0,0.0,0.0,0.0,0.0,0.5078,0.0195
-stage,PyG,TU_DD,graph,False,,,16,1,2,1,skipconcat,True,relu,0.0,add,sgd,0.001,99,1.0391,0.1511,151526.0,0.0381,0.0034,0.7034,0.0159,0.6585,0.0112,0.6461,0.0333,0.652,0.0218,0.7662,0.0129
-stage,PyG,TU_DD,graph,False,,,16,1,2,1,skipsum,True,relu,0.0,add,sgd,0.001,99,1.1032,0.0991,155649.0,0.0079,0.0008,0.709,0.0294,0.6812,0.0492,0.609,0.0348,0.6429,0.0407,0.7815,0.0053
-stage,PyG,TU_DD,graph,False,,,16,1,2,1,stack,True,relu,0.0,add,sgd,0.001,99,1.4845,0.056,155649.0,0.0305,0.0011,0.678,0.0158,0.6392,0.0098,0.5806,0.0137,0.6085,0.011,0.7545,0.0166
-stage,PyG,TU_DD,graph,False,,,32,1,4,3,skipconcat,True,prelu,0.3,max,adam,0.01,199,0.9375,0.3117,138370.0,0.0147,0.0024,0.6879,0.082,0.8663,0.0952,0.3653,0.2339,0.4506,0.2595,0.8045,0.0179
-stage,PyG,TU_DD,graph,False,,,32,1,4,3,skipsum,True,prelu,0.3,max,adam,0.01,199,0.8628,0.117,146818.0,0.0361,0.0062,0.7359,0.0203,0.7475,0.0745,0.6066,0.0659,0.6629,0.0264,0.8018,0.0229
-stage,PyG,TU_DD,graph,False,,,32,1,4,3,stack,True,prelu,0.3,max,adam,0.01,199,0.8282,0.1456,146818.0,0.0258,0.0029,0.6356,0.1001,0.7484,0.2072,0.5561,0.2738,0.5485,0.0556,0.7733,0.0781
-stage,PyG,TU_DD,graph,False,,,64,2,4,3,skipconcat,False,swish,0.0,mean,adam,0.1,199,0.6419,0.0564,139920.0,0.0498,0.0028,0.6441,0.096,0.2559,0.3619,0.2413,0.3412,0.2484,0.3512,0.5924,0.1555
-stage,PyG,TU_DD,graph,False,,,64,2,4,3,skipsum,False,swish,0.0,mean,adam,0.1,199,0.6846,0.0042,146833.0,0.0403,0.0068,0.5692,0.0106,0.0,0.0,0.0,0.0,0.0,0.0,0.4753,0.0046
-stage,PyG,TU_DD,graph,False,,,64,2,4,3,stack,False,swish,0.0,mean,adam,0.1,199,0.6364,0.0693,146833.0,0.0458,0.0031,0.6243,0.0806,0.2323,0.3286,0.2277,0.3221,0.23,0.3253,0.595,0.1557
-stage,PyG,TU_DD,graph,False,,,64,3,2,3,skipconcat,True,prelu,0.0,max,sgd,0.1,99,1.2676,0.0107,141514.0,0.0247,0.0018,0.7218,0.0163,0.7098,0.0224,0.6005,0.0621,0.6486,0.0361,0.8071,0.0081
-stage,PyG,TU_DD,graph,False,,,64,3,2,3,skipsum,True,prelu,0.0,max,sgd,0.1,99,1.1569,0.1406,146818.0,0.0273,0.0058,0.7472,0.0277,0.737,0.0351,0.6434,0.0531,0.686,0.0383,0.828,0.0199
-stage,PyG,TU_DD,graph,False,,,64,3,2,3,stack,True,prelu,0.0,max,sgd,0.1,99,1.1487,0.0886,146818.0,0.0299,0.0039,0.75,0.0151,0.745,0.0169,0.6403,0.0394,0.6877,0.02,0.8269,0.0111
-stage,PyG,TU_DD,graph,False,,,64,3,6,1,skipconcat,False,relu,0.3,add,sgd,0.1,99,22.6017,17.2402,140829.0,0.0436,0.0107,0.6921,0.0507,0.7822,0.1698,0.5478,0.29,0.5518,0.2076,0.7618,0.038
-stage,PyG,TU_DD,graph,False,,,64,3,6,1,skipsum,False,relu,0.3,add,sgd,0.1,99,9.8484,1.3856,145900.0,0.0295,0.0043,0.7034,0.0641,0.647,0.0977,0.7823,0.0798,0.6971,0.0305,0.7749,0.0325
-stage,PyG,TU_DD,graph,False,,,64,3,6,1,stack,False,relu,0.3,add,sgd,0.1,99,12.9012,2.979,145900.0,0.0254,0.0004,0.7472,0.0121,0.7761,0.0513,0.5896,0.0387,0.6673,0.0109,0.8043,0.0052
-stage,PyG,TU_ENZYMES,graph,False,,,16,1,8,2,skipconcat,True,swish,0.6,add,adam,0.01,399,6.5211,0.1942,138420.0,0.0072,0.0015,0.1667,0.0414,,,,,,,,
-stage,PyG,TU_ENZYMES,graph,False,,,16,1,8,2,skipsum,True,swish,0.6,add,adam,0.01,399,3.4887,0.1607,135284.0,0.0086,0.0013,0.2472,0.0437,,,,,,,,
-stage,PyG,TU_ENZYMES,graph,False,,,16,1,8,2,stack,True,swish,0.6,add,adam,0.01,399,2.8105,0.3662,135284.0,0.0068,0.0012,0.2667,0.0312,,,,,,,,
-stage,PyG,TU_ENZYMES,graph,False,,,64,2,8,1,skipconcat,False,prelu,0.0,add,adam,0.001,399,3.2468,0.5245,137227.0,0.0661,0.0089,0.4444,0.0079,,,,,,,,
-stage,PyG,TU_ENZYMES,graph,False,,,64,2,8,1,skipsum,False,prelu,0.0,add,adam,0.001,399,4.3431,0.3799,134075.0,0.0289,0.0084,0.4278,0.0239,,,,,,,,
-stage,PyG,TU_ENZYMES,graph,False,,,64,2,8,1,stack,False,prelu,0.0,add,adam,0.001,399,3.4385,0.5092,134075.0,0.0128,0.0026,0.3944,0.0219,,,,,,,,
-stage,PyG,TU_ENZYMES,graph,False,,,64,3,2,2,skipconcat,True,relu,0.6,add,adam,0.001,99,2.5547,0.0613,135321.0,0.0193,0.0014,0.2389,0.0314,,,,,,,,
-stage,PyG,TU_ENZYMES,graph,False,,,64,3,2,2,skipsum,True,relu,0.6,add,adam,0.001,99,2.6721,0.2471,134628.0,0.0143,0.0054,0.1834,0.0236,,,,,,,,
-stage,PyG,TU_ENZYMES,graph,False,,,64,3,2,2,stack,True,relu,0.6,add,adam,0.001,99,2.8319,0.4755,134628.0,0.0323,0.0024,0.1916,0.0312,,,,,,,,
-stage,PyG,TU_IMDB,graph,False,,,32,1,4,3,skipconcat,False,relu,0.3,add,sgd,0.1,99,1.1,0.0008,134000.0,0.0081,0.001,0.3078,0.0032,,,,,,,,
-stage,PyG,TU_IMDB,graph,False,,,32,1,4,3,skipsum,False,relu,0.3,add,sgd,0.1,99,1.0999,0.0008,134848.0,0.0096,0.0034,0.3078,0.0032,,,,,,,,
-stage,PyG,TU_IMDB,graph,False,,,32,1,4,3,stack,False,relu,0.3,add,sgd,0.1,99,1.0999,0.0008,134848.0,0.0077,0.0028,0.3078,0.0032,,,,,,,,
-stage,PyG,TU_IMDB,graph,False,,,32,3,2,2,skipconcat,True,swish,0.6,add,adam,0.001,99,1.6378,0.1323,134251.0,0.0062,0.0008,0.3478,0.0247,,,,,,,,
-stage,PyG,TU_IMDB,graph,False,,,32,3,2,2,skipsum,True,swish,0.6,add,adam,0.001,99,1.7617,0.1226,133815.0,0.0348,0.0023,0.3511,0.0235,,,,,,,,
-stage,PyG,TU_IMDB,graph,False,,,32,3,2,2,stack,True,swish,0.6,add,adam,0.001,99,1.5248,0.0704,133815.0,0.0318,0.0013,0.3322,0.022,,,,,,,,
-stage,PyG,TU_IMDB,graph,False,,,64,1,4,3,skipconcat,True,swish,0.6,max,sgd,0.1,99,1.1124,0.0057,134705.0,0.0461,0.002,0.3489,0.0063,,,,,,,,
-stage,PyG,TU_IMDB,graph,False,,,64,1,4,3,skipsum,True,swish,0.6,max,sgd,0.1,99,1.1098,0.0059,134091.0,0.0106,0.001,0.3378,0.0113,,,,,,,,
-stage,PyG,TU_IMDB,graph,False,,,64,1,4,3,stack,True,swish,0.6,max,sgd,0.1,99,1.6808,0.0412,134091.0,0.0364,0.0023,0.3389,0.0057,,,,,,,,
-stage,PyG,TU_PROTEINS,graph,False,,,32,1,6,2,skipconcat,True,swish,0.3,add,adam,0.001,199,0.6336,0.0202,137193.0,0.0392,0.0067,0.7152,0.0261,0.723,0.0522,0.4919,0.0441,0.5848,0.0447,0.7627,0.025
-stage,PyG,TU_PROTEINS,graph,False,,,32,1,6,2,skipsum,True,swish,0.3,add,adam,0.001,199,0.6071,0.0305,134124.0,0.0128,0.0033,0.7152,0.0268,0.6846,0.0492,0.5666,0.0196,0.6198,0.0317,0.7822,0.0134
-stage,PyG,TU_PROTEINS,graph,False,,,32,1,6,2,stack,True,swish,0.3,add,adam,0.001,199,0.6333,0.0473,134124.0,0.0115,0.0009,0.7045,0.0196,0.6778,0.0439,0.5334,0.0557,0.595,0.0384,0.7538,0.0309
-stage,PyG,TU_PROTEINS,graph,False,,,64,2,6,2,skipconcat,True,swish,0.0,max,adam,0.1,199,0.5551,0.0187,139217.0,0.0177,0.0058,0.7227,0.0074,0.6851,0.017,0.5962,0.0246,0.6373,0.0175,0.7858,0.0187
-stage,PyG,TU_PROTEINS,graph,False,,,64,2,6,2,skipsum,True,swish,0.0,max,adam,0.1,199,0.5673,0.014,133889.0,0.0131,0.0005,0.7197,0.0113,0.6871,0.016,0.5774,0.0509,0.6263,0.0327,0.7782,0.0072
-stage,PyG,TU_PROTEINS,graph,False,,,64,2,6,2,stack,True,swish,0.0,max,adam,0.1,199,0.5614,0.0088,133889.0,0.016,0.0053,0.7257,0.0187,0.6952,0.0276,0.5847,0.0489,0.6345,0.0379,0.7772,0.017
-stage,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,16,1,8,2,skipconcat,False,swish,0.3,add,sgd,0.01,99,1.5964,0.0325,137773.0,0.0103,0.0018,0.1859,0.0395,,,,,,,,
-stage,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,16,1,8,2,skipsum,False,swish,0.3,add,sgd,0.01,99,1.6282,0.0133,134920.0,0.01,0.0005,0.1346,0.0272,,,,,,,,
-stage,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,16,1,8,2,stack,False,swish,0.3,add,sgd,0.01,99,1.6294,0.0127,134920.0,0.0251,0.0,0.1346,0.0272,,,,,,,,
-stage,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,64,2,4,2,skipconcat,False,prelu,0.0,mean,adam,0.1,399,1.6311,0.0143,136829.0,0.0133,0.0009,0.1346,0.0272,,,,,,,,
-stage,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,64,2,4,2,skipconcat,True,prelu,0.3,mean,sgd,0.1,399,1.0998,0.196,137500.0,0.0424,0.0008,0.6859,0.0327,,,,,,,,
-stage,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,64,2,4,2,skipsum,False,prelu,0.0,mean,adam,0.1,399,1.6267,0.0112,134834.0,0.0258,0.0071,0.1474,0.0327,,,,,,,,
-stage,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,64,2,4,2,skipsum,True,prelu,0.3,mean,sgd,0.1,399,0.8972,0.1223,134070.0,0.0213,0.0081,0.7436,0.0594,,,,,,,,
-stage,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,64,2,4,2,stack,False,prelu,0.0,mean,adam,0.1,399,1.4102,0.3035,134834.0,0.0372,0.0089,0.3077,0.2054,,,,,,,,
-stage,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,64,2,4,2,stack,True,prelu,0.3,mean,sgd,0.1,399,0.9356,0.2379,134070.0,0.0167,0.0023,0.718,0.0505,,,,,,,,
-stage,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,64,3,6,3,skipconcat,True,swish,0.6,mean,adam,0.1,199,10.8024,2.5483,134810.0,0.0284,0.0124,0.2244,0.0453,,,,,,,,
-stage,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,64,3,6,3,skipsum,True,swish,0.6,mean,adam,0.1,199,13.1207,7.5268,134297.0,0.0178,0.0032,0.25,0.0416,,,,,,,,
-stage,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,64,3,6,3,stack,True,swish,0.6,mean,adam,0.1,199,20.4065,6.7041,134297.0,0.017,0.0024,0.2372,0.0395,,,,,,,,
-stage,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,64,3,8,2,skipconcat,True,prelu,0.0,add,sgd,0.01,399,0.3708,0.0698,140834.0,0.0529,0.0063,0.8782,0.0239,,,,,,,,
-stage,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,64,3,8,2,skipsum,True,prelu,0.0,add,sgd,0.01,399,0.2974,0.0615,135057.0,0.0158,0.0018,0.891,0.0091,,,,,,,,
-stage,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,64,3,8,2,stack,True,prelu,0.0,add,sgd,0.01,399,0.2443,0.0619,135057.0,0.0154,0.002,0.891,0.024,,,,,,,,
-stage,nx,scalefree,graph,True,node_const,graph_path_len,32,3,2,3,skipconcat,True,swish,0.3,add,adam,0.01,99,1.0699,0.2371,136501.0,0.0085,0.0015,0.7115,0.0471,,,,,,,,
-stage,nx,scalefree,graph,True,node_const,graph_path_len,32,3,2,3,skipsum,True,swish,0.3,add,adam,0.01,99,1.9427,0.6759,134069.0,0.0108,0.0013,0.5321,0.1317,,,,,,,,
-stage,nx,scalefree,graph,True,node_const,graph_path_len,32,3,2,3,stack,True,swish,0.3,add,adam,0.01,99,0.6677,0.1097,134069.0,0.0111,0.0014,0.6282,0.1259,,,,,,,,
-stage,nx,scalefree,graph,True,node_const,graph_path_len,64,2,6,3,skipconcat,False,relu,0.6,add,sgd,0.001,399,0.9534,0.1171,141037.0,0.0246,0.0072,0.5256,0.092,,,,,,,,
-stage,nx,scalefree,graph,True,node_const,graph_path_len,64,2,6,3,skipsum,False,relu,0.6,add,sgd,0.001,399,1.9691,0.4922,134920.0,0.0152,0.0019,0.1923,0.072,,,,,,,,
-stage,nx,scalefree,graph,True,node_const,graph_path_len,64,2,6,3,stack,False,relu,0.6,add,sgd,0.001,399,1.6248,0.0104,134920.0,0.0311,0.0005,0.141,0.0363,,,,,,,,
-stage,nx,scalefree,graph,True,node_const,graph_path_len,64,3,4,1,skipconcat,True,prelu,0.3,add,sgd,0.001,399,1.584,0.597,137556.0,0.0148,0.0018,0.5513,0.1354,,,,,,,,
-stage,nx,scalefree,graph,True,node_const,graph_path_len,64,3,4,1,skipsum,True,prelu,0.3,add,sgd,0.001,399,0.8828,0.2421,134070.0,0.0166,0.0014,0.6859,0.0505,,,,,,,,
-stage,nx,scalefree,graph,True,node_const,graph_path_len,64,3,4,1,stack,True,prelu,0.3,add,sgd,0.001,399,1.0817,0.7143,134070.0,0.0163,0.0012,0.6987,0.1199,,,,,,,,
-stage,nx,scalefree,graph,True,node_onehot,graph_path_len,16,3,6,3,skipconcat,True,prelu,0.0,add,adam,0.1,99,0.5161,0.0229,134811.0,0.0093,0.0005,0.7949,0.024,,,,,,,,
-stage,nx,scalefree,graph,True,node_onehot,graph_path_len,16,3,6,3,skipsum,True,prelu,0.0,add,adam,0.1,99,0.6699,0.1531,134298.0,0.0082,0.0014,0.6475,0.0725,,,,,,,,
-stage,nx,scalefree,graph,True,node_onehot,graph_path_len,16,3,6,3,stack,True,prelu,0.0,add,adam,0.1,99,0.7025,0.1814,134298.0,0.0078,0.0006,0.6731,0.0685,,,,,,,,
-stage,nx,scalefree,graph,True,node_onehot,graph_path_len,32,2,6,3,skipconcat,False,swish,0.6,add,adam,0.1,399,3.7199,1.4608,141037.0,0.0519,0.0042,0.1731,0.0314,,,,,,,,
-stage,nx,scalefree,graph,True,node_onehot,graph_path_len,32,2,6,3,skipsum,False,swish,0.6,add,adam,0.1,399,2.3982,0.5227,134920.0,0.0292,0.0005,0.141,0.024,,,,,,,,
-stage,nx,scalefree,graph,True,node_onehot,graph_path_len,32,2,6,3,stack,False,swish,0.6,add,adam,0.1,399,3.0566,0.7314,134920.0,0.0096,0.0019,0.2308,0.0416,,,,,,,,
-stage,nx,scalefree,graph,True,node_pagerank,graph_path_len,16,2,2,1,skipconcat,True,relu,0.0,max,sgd,0.01,399,2.1586,0.7981,135725.0,0.0082,0.0022,0.7308,0.0415,,,,,,,,
-stage,nx,scalefree,graph,True,node_pagerank,graph_path_len,16,2,2,1,skipsum,True,relu,0.0,max,sgd,0.01,399,2.3881,0.8323,134789.0,0.0302,0.0011,0.7244,0.0363,,,,,,,,
-stage,nx,scalefree,graph,True,node_pagerank,graph_path_len,16,2,2,1,stack,True,relu,0.0,max,sgd,0.01,399,2.8896,0.3517,134789.0,0.0073,0.0018,0.7115,0.0314,,,,,,,,
-stage,nx,scalefree,graph,True,node_pagerank,graph_path_len,16,2,4,1,skipconcat,True,swish,0.6,max,sgd,0.001,399,7.5227,2.3035,135928.0,0.0468,0.0063,0.2628,0.0395,,,,,,,,
-stage,nx,scalefree,graph,True,node_pagerank,graph_path_len,16,2,4,1,skipsum,True,swish,0.6,max,sgd,0.001,399,32.3446,2.5917,134118.0,0.0066,0.0014,0.2628,0.0395,,,,,,,,
-stage,nx,scalefree,graph,True,node_pagerank,graph_path_len,16,2,4,1,stack,True,swish,0.6,max,sgd,0.001,399,12.5505,1.0914,134118.0,0.0063,0.001,0.2628,0.0395,,,,,,,,
-stage,nx,scalefree,graph,True,node_pagerank,graph_path_len,16,2,8,3,skipconcat,False,relu,0.0,mean,adam,0.1,99,1.6294,0.013,136713.0,0.0108,0.001,0.1346,0.0272,,,,,,,,
-stage,nx,scalefree,graph,True,node_pagerank,graph_path_len,16,2,8,3,skipsum,False,relu,0.0,mean,adam,0.1,99,1.6295,0.0128,133748.0,0.009,0.0017,0.1346,0.0272,,,,,,,,
-stage,nx,scalefree,graph,True,node_pagerank,graph_path_len,16,2,8,3,stack,False,relu,0.0,mean,adam,0.1,99,1.6294,0.0127,133748.0,0.0076,0.0007,0.1346,0.0272,,,,,,,,
-stage,nx,scalefree,graph,True,node_pagerank,graph_path_len,32,3,4,1,skipconcat,False,prelu,0.0,max,adam,0.001,99,0.6937,0.0796,136821.0,0.0166,0.0064,0.7243,0.0742,,,,,,,,
-stage,nx,scalefree,graph,True,node_pagerank,graph_path_len,32,3,4,1,skipsum,False,prelu,0.0,max,adam,0.001,99,0.73,0.0854,134834.0,0.031,0.0003,0.7308,0.0566,,,,,,,,
-stage,nx,scalefree,graph,True,node_pagerank,graph_path_len,32,3,4,1,stack,False,prelu,0.0,max,adam,0.001,99,0.8229,0.1029,134834.0,0.0108,0.0027,0.6795,0.0551,,,,,,,,
-stage,nx,scalefree,graph,True,node_pagerank,graph_path_len,64,3,4,3,skipconcat,False,swish,0.0,max,adam,0.1,399,1.6268,0.0099,139454.0,0.0154,0.0021,0.1346,0.0272,,,,,,,,
-stage,nx,scalefree,graph,True,node_pagerank,graph_path_len,64,3,4,3,skipsum,False,swish,0.0,max,adam,0.1,399,1.6316,0.0132,134277.0,0.0136,0.0001,0.141,0.0363,,,,,,,,
-stage,nx,scalefree,graph,True,node_pagerank,graph_path_len,64,3,4,3,stack,False,swish,0.0,max,adam,0.1,399,1.6307,0.0146,134277.0,0.015,0.0024,0.1346,0.0272,,,,,,,,
-stage,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,16,1,2,2,skipconcat,True,prelu,0.6,mean,sgd,0.1,199,1.0312,0.0473,136296.0,0.0054,0.0005,0.6105,0.0091,,,,,,,,
-stage,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,16,1,2,2,skipsum,True,prelu,0.6,mean,sgd,0.1,199,1.3037,0.0417,134790.0,0.0267,0.0023,0.5181,0.0095,,,,,,,,
-stage,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,16,1,2,2,stack,True,prelu,0.6,mean,sgd,0.1,199,2.6643,0.2517,134790.0,0.0061,0.0005,0.3287,0.018,,,,,,,,
-stage,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,16,3,4,2,skipconcat,False,swish,0.6,mean,sgd,0.001,399,1.58,0.0102,136085.0,0.0345,0.0011,0.2494,0.0349,,,,,,,,
-stage,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,16,3,4,2,skipsum,False,swish,0.6,mean,sgd,0.001,399,1.531,0.0164,134676.0,0.0088,0.0008,0.3383,0.0417,,,,,,,,
-stage,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,16,3,4,2,stack,False,swish,0.6,mean,sgd,0.001,399,1.7186,0.0552,134676.0,0.0061,0.0004,0.2108,0.02,,,,,,,,
-stage,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,32,3,8,1,skipconcat,False,swish,0.3,mean,adam,0.001,199,0.9016,0.0158,136236.0,0.0412,0.0012,0.62,0.0133,,,,,,,,
-stage,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,32,3,8,1,skipsum,False,swish,0.3,mean,adam,0.001,199,0.8355,0.0103,135360.0,0.0308,0.0063,0.6511,0.0053,,,,,,,,
-stage,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,32,3,8,1,stack,False,swish,0.3,mean,adam,0.001,199,1.5409,0.0035,135360.0,0.011,0.0013,0.3016,0.0078,,,,,,,,
-stage,nx,scalefree,node,True,node_const,node_clustering_coefficient,16,3,2,1,skipconcat,True,prelu,0.6,mean,sgd,0.01,99,1.5883,0.0053,135407.0,0.0301,0.0005,0.2688,0.0019,,,,,,,,
-stage,nx,scalefree,node,True,node_const,node_clustering_coefficient,16,3,2,1,skipsum,True,prelu,0.6,mean,sgd,0.01,99,1.6014,0.0036,134286.0,0.0062,0.0007,0.2633,0.0082,,,,,,,,
-stage,nx,scalefree,node,True,node_const,node_clustering_coefficient,16,3,2,1,stack,True,prelu,0.6,mean,sgd,0.01,99,1.606,0.0188,134286.0,0.0058,0.0011,0.223,0.0323,,,,,,,,
-stage,nx,scalefree,node,True,node_const,node_clustering_coefficient,32,1,4,1,skipconcat,True,relu,0.3,max,adam,0.1,399,2.2835,0.1139,137545.0,0.0102,0.0003,0.1976,0.0055,,,,,,,,
-stage,nx,scalefree,node,True,node_const,node_clustering_coefficient,32,1,4,1,skipsum,True,relu,0.3,max,adam,0.1,399,2.2168,0.0908,134285.0,0.0109,0.002,0.2228,0.0347,,,,,,,,
-stage,nx,scalefree,node,True,node_const,node_clustering_coefficient,32,1,4,1,stack,True,relu,0.3,max,adam,0.1,399,2.3247,0.1066,134285.0,0.0267,0.0036,0.2688,0.0019,,,,,,,,
-stage,nx,scalefree,node,True,node_const,node_clustering_coefficient,64,3,2,1,skipconcat,True,swish,0.0,mean,sgd,0.01,399,1.6759,0.0077,135406.0,0.0162,0.0019,0.1651,0.0287,,,,,,,,
-stage,nx,scalefree,node,True,node_const,node_clustering_coefficient,64,3,2,1,skipsum,True,swish,0.0,mean,sgd,0.01,399,1.75,0.009,134285.0,0.0155,0.0017,0.149,0.0074,,,,,,,,
-stage,nx,scalefree,node,True,node_const,node_clustering_coefficient,64,3,2,1,stack,True,swish,0.0,mean,sgd,0.01,399,1.693,0.0184,134285.0,0.0148,0.0036,0.1357,0.003,,,,,,,,
-stage,nx,scalefree,node,True,node_const,node_pagerank,32,1,6,2,skipconcat,False,relu,0.0,mean,adam,0.01,99,1.6099,0.0002,138165.0,0.0438,0.0027,0.1893,0.0025,,,,,,,,
-stage,nx,scalefree,node,True,node_const,node_pagerank,32,1,6,2,skipsum,False,relu,0.0,mean,adam,0.01,99,1.6099,0.0002,134676.0,0.0137,0.0011,0.1893,0.0025,,,,,,,,
-stage,nx,scalefree,node,True,node_const,node_pagerank,32,1,6,2,stack,False,relu,0.0,mean,adam,0.01,99,1.6099,0.0002,134676.0,0.01,0.0018,0.1893,0.0025,,,,,,,,
-stage,nx,scalefree,node,True,node_const,node_pagerank,32,3,8,3,skipconcat,False,prelu,0.6,mean,sgd,0.01,99,1.6223,0.003,137416.0,0.016,0.0039,0.1958,0.0071,,,,,,,,
-stage,nx,scalefree,node,True,node_const,node_pagerank,32,3,8,3,skipsum,False,prelu,0.6,mean,sgd,0.01,99,1.611,0.0018,135351.0,0.0155,0.0031,0.1981,0.0095,,,,,,,,
-stage,nx,scalefree,node,True,node_const,node_pagerank,32,3,8,3,stack,False,prelu,0.6,mean,sgd,0.01,99,1.6655,0.0282,135351.0,0.0216,0.0015,0.1997,0.0076,,,,,,,,
-stage,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,16,3,4,1,skipconcat,True,relu,0.0,mean,sgd,0.01,399,1.1016,0.0028,137555.0,0.0079,0.0011,0.545,0.0054,,,,,,,,
-stage,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,16,3,4,1,skipsum,True,relu,0.0,mean,sgd,0.01,399,1.1242,0.0068,134069.0,0.0093,0.002,0.535,0.0036,,,,,,,,
-stage,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,16,3,4,1,stack,True,relu,0.0,mean,sgd,0.01,399,1.2583,0.0082,134069.0,0.0229,0.0036,0.48,0.0039,,,,,,,,
-stage,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,64,2,4,2,skipconcat,False,relu,0.6,add,adam,0.01,199,0.9402,0.0071,136828.0,0.0246,0.0037,0.5504,0.0046,,,,,,,,
-stage,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,64,2,4,2,skipsum,False,relu,0.6,add,adam,0.01,199,1.0674,0.0528,134833.0,0.0163,0.0016,0.4929,0.0294,,,,,,,,
-stage,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,64,2,4,2,stack,False,relu,0.6,add,adam,0.01,199,1.0007,0.0102,134833.0,0.0197,0.0064,0.5262,0.0033,,,,,,,,
-stage,nx,scalefree,node,True,node_onehot,node_pagerank,64,2,2,3,skipconcat,True,relu,0.6,mean,sgd,0.1,399,2.1194,0.158,137441.0,0.0159,0.002,0.278,0.0154,,,,,,,,
-stage,nx,scalefree,node,True,node_onehot,node_pagerank,64,2,2,3,skipsum,True,relu,0.6,mean,sgd,0.1,399,1.5424,0.0202,134118.0,0.018,0.0015,0.2974,0.0075,,,,,,,,
-stage,nx,scalefree,node,True,node_onehot,node_pagerank,64,2,2,3,stack,True,relu,0.6,mean,sgd,0.1,399,3.008,0.3355,134118.0,0.0172,0.0041,0.2503,0.02,,,,,,,,
-stage,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,16,1,2,1,skipconcat,False,prelu,0.3,mean,sgd,0.01,99,1.2769,0.0045,135830.0,0.007,0.0007,0.4742,0.003,,,,,,,,
-stage,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,16,1,2,1,skipsum,False,prelu,0.3,mean,sgd,0.01,99,1.2509,0.0044,134901.0,0.0058,0.0013,0.4797,0.0012,,,,,,,,
-stage,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,16,1,2,1,stack,False,prelu,0.3,mean,sgd,0.01,99,1.3791,0.0079,134901.0,0.0109,0.0011,0.4202,0.0076,,,,,,,,
-stage,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,32,2,2,1,skipconcat,False,swish,0.3,add,adam,0.001,99,1.2804,0.01,136479.0,0.0326,0.0057,0.3948,0.0157,,,,,,,,
-stage,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,32,2,2,1,skipsum,False,swish,0.3,add,adam,0.001,99,1.2308,0.0388,133957.0,0.0151,0.0026,0.4136,0.0212,,,,,,,,
-stage,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,32,2,2,1,stack,False,swish,0.3,add,adam,0.001,99,1.3375,0.0324,133957.0,0.0266,0.0006,0.3898,0.0129,,,,,,,,
-stage,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,32,2,2,2,skipconcat,True,prelu,0.3,max,sgd,0.1,399,1.1483,0.0468,136659.0,0.015,0.0025,0.5248,0.0131,,,,,,,,
-stage,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,32,2,2,2,skipsum,True,prelu,0.3,max,sgd,0.1,399,1.1779,0.0108,134286.0,0.0265,0.0013,0.5209,0.0045,,,,,,,,
-stage,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,32,2,2,2,stack,True,prelu,0.3,max,sgd,0.1,399,1.9621,0.0699,134286.0,0.0112,0.001,0.3364,0.0194,,,,,,,,
-stage,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,64,3,4,3,skipconcat,False,relu,0.6,mean,adam,0.01,399,1.114,0.0425,139454.0,0.0215,0.0076,0.51,0.0135,,,,,,,,
-stage,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,64,3,4,3,skipsum,False,relu,0.6,mean,adam,0.01,399,1.5778,0.0023,134277.0,0.0147,0.001,0.2688,0.0019,,,,,,,,
-stage,nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,64,3,4,3,stack,False,relu,0.6,mean,adam,0.01,399,1.587,0.0076,134277.0,0.0284,0.003,0.2423,0.0071,,,,,,,,
-stage,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,16,1,8,1,skipconcat,True,relu,0.0,add,sgd,0.001,199,0.2952,0.0811,138475.0,0.0581,0.0056,0.8782,0.048,,,,,,,,
-stage,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,16,1,8,1,skipsum,True,relu,0.0,add,sgd,0.001,199,0.2938,0.066,135429.0,0.0111,0.002,0.8974,0.0327,,,,,,,,
-stage,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,16,1,8,1,stack,True,relu,0.0,add,sgd,0.001,199,0.4597,0.0915,135429.0,0.0307,0.0034,0.8269,0.0314,,,,,,,,
-stage,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,32,1,2,1,skipconcat,True,relu,0.6,mean,sgd,0.1,99,2.0634,0.6523,136453.0,0.0087,0.0013,0.6154,0.0874,,,,,,,,
-stage,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,32,1,2,1,skipsum,True,relu,0.6,mean,sgd,0.1,99,22.405,19.6421,134625.0,0.0085,0.0013,0.2179,0.048,,,,,,,,
-stage,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,32,1,2,1,stack,True,relu,0.6,mean,sgd,0.1,99,6.1235,5.707,134625.0,0.0319,0.0012,0.5,0.1246,,,,,,,,
-stage,nx,smallworld,graph,True,node_const,graph_path_len,16,2,4,1,skipconcat,True,prelu,0.6,max,sgd,0.001,199,23.2376,1.7541,135929.0,0.0076,0.0007,0.1666,0.0181,,,,,,,,
-stage,nx,smallworld,graph,True,node_const,graph_path_len,16,2,4,1,skipsum,True,prelu,0.6,max,sgd,0.001,199,18.6771,0.7682,134119.0,0.0131,0.0042,0.1666,0.0181,,,,,,,,
-stage,nx,smallworld,graph,True,node_const,graph_path_len,16,2,4,1,stack,True,prelu,0.6,max,sgd,0.001,199,13.7265,1.0142,134119.0,0.006,0.0007,0.1666,0.0181,,,,,,,,
-stage,nx,smallworld,graph,True,node_const,graph_path_len,32,1,6,1,skipconcat,True,prelu,0.0,add,adam,0.01,399,0.5105,0.0326,135807.0,0.0474,0.0035,0.7693,0.0272,,,,,,,,
-stage,nx,smallworld,graph,True,node_const,graph_path_len,32,1,6,1,skipsum,True,prelu,0.0,add,adam,0.01,399,0.3879,0.0149,134070.0,0.0123,0.0017,0.8205,0.0363,,,,,,,,
-stage,nx,smallworld,graph,True,node_const,graph_path_len,32,1,6,1,stack,True,prelu,0.0,add,adam,0.01,399,0.6305,0.0585,134070.0,0.0119,0.0032,0.6923,0.0471,,,,,,,,
-stage,nx,smallworld,graph,True,node_const,graph_path_len,32,2,4,1,skipconcat,True,prelu,0.3,max,sgd,0.01,199,65.946,3.3626,135929.0,0.0165,0.0005,0.1666,0.0181,,,,,,,,
-stage,nx,smallworld,graph,True,node_const,graph_path_len,32,2,4,1,skipsum,True,prelu,0.3,max,sgd,0.01,199,49.7817,2.2987,134119.0,0.011,0.0011,0.1666,0.0181,,,,,,,,
-stage,nx,smallworld,graph,True,node_const,graph_path_len,32,2,4,1,stack,True,prelu,0.3,max,sgd,0.01,199,21.8756,2.348,134119.0,0.0103,0.0011,0.1666,0.0181,,,,,,,,
-stage,nx,smallworld,graph,True,node_const,graph_path_len,32,2,8,1,skipconcat,False,swish,0.3,add,sgd,0.01,99,1.3942,0.1202,137165.0,0.0131,0.0034,0.3975,0.0806,,,,,,,,
-stage,nx,smallworld,graph,True,node_const,graph_path_len,32,2,8,1,skipsum,False,swish,0.3,add,sgd,0.01,99,1.7857,0.3006,134920.0,0.0159,0.0067,0.2564,0.0791,,,,,,,,
-stage,nx,smallworld,graph,True,node_const,graph_path_len,32,2,8,1,stack,False,swish,0.3,add,sgd,0.01,99,1.6529,0.0246,134920.0,0.0116,0.0022,0.1474,0.0327,,,,,,,,
-stage,nx,smallworld,graph,True,node_onehot,graph_path_len,16,1,6,2,skipconcat,True,swish,0.0,max,sgd,0.001,99,1.6768,0.5186,138781.0,0.0465,0.0021,0.5257,0.1354,,,,,,,,
-stage,nx,smallworld,graph,True,node_onehot,graph_path_len,16,1,6,2,skipsum,True,swish,0.0,max,sgd,0.001,99,1.1098,0.2062,133829.0,0.0096,0.0021,0.5513,0.0865,,,,,,,,
-stage,nx,smallworld,graph,True,node_onehot,graph_path_len,16,1,6,2,stack,True,swish,0.0,max,sgd,0.001,99,1.4708,0.1666,133829.0,0.0077,0.0006,0.5384,0.0544,,,,,,,,
-stage,nx,smallworld,graph,True,node_onehot,graph_path_len,32,1,6,2,skipconcat,True,relu,0.3,mean,sgd,0.01,199,3.8042,0.5992,138781.0,0.0414,0.0008,0.2628,0.1009,,,,,,,,
-stage,nx,smallworld,graph,True,node_onehot,graph_path_len,32,1,6,2,skipsum,True,relu,0.3,mean,sgd,0.01,199,3.486,0.2814,133829.0,0.0138,0.0018,0.2949,0.0774,,,,,,,,
-stage,nx,smallworld,graph,True,node_onehot,graph_path_len,32,1,6,2,stack,True,relu,0.3,mean,sgd,0.01,199,2.9051,0.1883,133829.0,0.0115,0.0023,0.3526,0.0774,,,,,,,,
-stage,nx,smallworld,graph,True,node_onehot,graph_path_len,64,2,8,2,skipconcat,True,relu,0.0,max,sgd,0.1,199,1.8138,0.375,139609.0,0.0193,0.0033,0.5641,0.0453,,,,,,,,
-stage,nx,smallworld,graph,True,node_onehot,graph_path_len,64,2,8,2,skipsum,True,relu,0.0,max,sgd,0.1,199,1.9035,0.3883,134297.0,0.0225,0.0025,0.5577,0.0719,,,,,,,,
-stage,nx,smallworld,graph,True,node_onehot,graph_path_len,64,2,8,2,stack,True,relu,0.0,max,sgd,0.1,199,1.274,0.2623,134297.0,0.0204,0.0055,0.7115,0.0685,,,,,,,,
-stage,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,16,1,2,2,skipconcat,False,relu,0.6,max,sgd,0.01,199,1.4854,0.0065,135665.0,0.0064,0.0011,0.3477,0.015,,,,,,,,
-stage,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,16,1,2,2,skipsum,False,relu,0.6,max,sgd,0.01,199,1.501,0.0084,133957.0,0.0066,0.0012,0.3271,0.0216,,,,,,,,
-stage,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,16,1,2,2,stack,False,relu,0.6,max,sgd,0.01,199,1.5772,0.008,133957.0,0.0063,0.0009,0.2862,0.0054,,,,,,,,
-stage,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,16,3,8,1,skipconcat,True,prelu,0.0,mean,sgd,0.1,199,1.2484,0.0065,136886.0,0.0126,0.0009,0.4811,0.0073,,,,,,,,
-stage,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,16,3,8,1,skipsum,True,prelu,0.0,mean,sgd,0.1,199,1.2097,0.0083,134298.0,0.0102,0.0021,0.4943,0.0061,,,,,,,,
-stage,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,16,3,8,1,stack,True,prelu,0.0,mean,sgd,0.1,199,1.4674,0.005,134298.0,0.0077,0.0003,0.3275,0.0072,,,,,,,,
-stage,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,32,2,8,1,skipconcat,True,prelu,0.6,add,adam,0.1,399,0.4994,0.0029,137766.0,0.0184,0.003,0.8074,0.0037,,,,,,,,
-stage,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,32,2,8,1,skipsum,True,prelu,0.6,add,adam,0.1,399,1.2692,0.1637,133926.0,0.0154,0.004,0.6337,0.0206,,,,,,,,
-stage,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,32,2,8,1,stack,True,prelu,0.6,add,adam,0.1,399,0.7004,0.0067,133926.0,0.0274,0.0018,0.7455,0.0022,,,,,,,,
-stage,nx,smallworld,node,True,node_const,node_clustering_coefficient,16,1,4,1,skipconcat,False,relu,0.0,add,adam,0.001,199,1.5365,0.0035,136970.0,0.0373,0.0012,0.2921,0.0068,,,,,,,,
-stage,nx,smallworld,node,True,node_const,node_clustering_coefficient,16,1,4,1,skipsum,False,relu,0.0,add,adam,0.001,199,1.5294,0.0042,134850.0,0.0073,0.0014,0.3048,0.0017,,,,,,,,
-stage,nx,smallworld,node,True,node_const,node_clustering_coefficient,16,1,4,1,stack,False,relu,0.0,add,adam,0.001,199,1.4762,0.0311,134850.0,0.0059,0.0004,0.3347,0.0268,,,,,,,,
-stage,nx,smallworld,node,True,node_const,node_clustering_coefficient,16,2,8,2,skipconcat,True,prelu,0.3,max,sgd,0.1,399,4.1384,0.3662,139610.0,0.0107,0.0012,0.2305,0.0055,,,,,,,,
-stage,nx,smallworld,node,True,node_const,node_clustering_coefficient,16,2,8,2,skipsum,True,prelu,0.3,max,sgd,0.1,399,4.7778,0.2716,134298.0,0.0248,0.0012,0.2176,0.0154,,,,,,,,
-stage,nx,smallworld,node,True,node_const,node_clustering_coefficient,16,2,8,2,stack,True,prelu,0.3,max,sgd,0.1,399,2.6005,0.264,134298.0,0.0096,0.001,0.2202,0.0156,,,,,,,,
-stage,nx,smallworld,node,True,node_const,node_clustering_coefficient,32,1,8,1,skipconcat,True,prelu,0.6,max,sgd,0.01,399,1.7832,0.0156,138476.0,0.0506,0.0024,0.2018,0.0045,,,,,,,,
-stage,nx,smallworld,node,True,node_const,node_clustering_coefficient,32,1,8,1,skipsum,True,prelu,0.6,max,sgd,0.01,399,1.741,0.0141,135430.0,0.0121,0.0017,0.2018,0.0045,,,,,,,,
-stage,nx,smallworld,node,True,node_const,node_clustering_coefficient,32,1,8,1,stack,True,prelu,0.6,max,sgd,0.01,399,1.6571,0.0307,135430.0,0.0319,0.006,0.2018,0.0045,,,,,,,,
-stage,nx,smallworld,node,True,node_const,node_clustering_coefficient,64,3,6,2,skipconcat,False,relu,0.6,add,adam,0.01,399,1.5806,0.0433,135799.0,0.0163,0.0022,0.27,0.0091,,,,,,,,
-stage,nx,smallworld,node,True,node_const,node_clustering_coefficient,64,3,6,2,skipsum,False,relu,0.6,add,adam,0.01,399,2.3036,0.2388,134920.0,0.0152,0.0009,0.2257,0.0118,,,,,,,,
-stage,nx,smallworld,node,True,node_const,node_clustering_coefficient,64,3,6,2,stack,False,relu,0.6,add,adam,0.01,399,1.5468,0.0107,134920.0,0.0241,0.0046,0.2768,0.007,,,,,,,,
-stage,nx,smallworld,node,True,node_const,node_pagerank,16,1,2,2,skipconcat,False,swish,0.6,mean,adam,0.001,399,1.6228,0.0017,135665.0,0.0275,0.0012,0.1976,0.0024,,,,,,,,
-stage,nx,smallworld,node,True,node_const,node_pagerank,16,1,2,2,skipconcat,True,prelu,0.6,mean,adam,0.1,399,1.6097,0.0,136296.0,0.0275,0.0022,0.1911,0.0017,,,,,,,,
-stage,nx,smallworld,node,True,node_const,node_pagerank,16,1,2,2,skipsum,False,swish,0.6,mean,adam,0.001,399,1.6097,0.0,133957.0,0.0064,0.001,0.1911,0.0017,,,,,,,,
-stage,nx,smallworld,node,True,node_const,node_pagerank,16,1,2,2,skipsum,True,prelu,0.6,mean,adam,0.1,399,1.6097,0.0,134790.0,0.0231,0.0015,0.1911,0.0017,,,,,,,,
-stage,nx,smallworld,node,True,node_const,node_pagerank,16,1,2,2,stack,False,swish,0.6,mean,adam,0.001,399,1.7119,0.0688,133957.0,0.0221,0.001,0.2026,0.0056,,,,,,,,
-stage,nx,smallworld,node,True,node_const,node_pagerank,16,1,2,2,stack,True,prelu,0.6,mean,adam,0.1,399,1.6097,0.0,134790.0,0.0058,0.0002,0.1911,0.0017,,,,,,,,
-stage,nx,smallworld,node,True,node_const,node_pagerank,16,1,2,3,skipconcat,True,prelu,0.6,add,sgd,0.1,99,1.1798,0.0253,134543.0,0.0293,0.0005,0.4507,0.0132,,,,,,,,
-stage,nx,smallworld,node,True,node_const,node_pagerank,16,1,2,3,skipsum,True,prelu,0.6,add,sgd,0.1,99,1.4864,0.1491,134286.0,0.0062,0.0012,0.4596,0.0243,,,,,,,,
-stage,nx,smallworld,node,True,node_const,node_pagerank,16,1,2,3,stack,True,prelu,0.6,add,sgd,0.1,99,1.013,0.0309,134286.0,0.0057,0.0001,0.4698,0.0109,,,,,,,,
-stage,nx,smallworld,node,True,node_const,node_pagerank,16,1,4,1,skipconcat,False,swish,0.6,add,sgd,0.1,99,1.5869,0.0133,136970.0,0.0079,0.0014,0.2569,0.0123,,,,,,,,
-stage,nx,smallworld,node,True,node_const,node_pagerank,16,1,4,1,skipsum,False,swish,0.6,add,sgd,0.1,99,1.6218,0.032,134850.0,0.0269,0.0008,0.2331,0.0099,,,,,,,,
-stage,nx,smallworld,node,True,node_const,node_pagerank,16,1,4,1,stack,False,swish,0.6,add,sgd,0.1,99,1.6546,0.0085,134850.0,0.0061,0.0009,0.1985,0.0035,,,,,,,,
-stage,nx,smallworld,node,True,node_const,node_pagerank,16,2,4,2,skipconcat,True,swish,0.0,mean,sgd,0.001,399,49.5262,21.6534,137499.0,0.0068,0.0008,0.2003,0.0037,,,,,,,,
-stage,nx,smallworld,node,True,node_const,node_pagerank,16,2,4,2,skipsum,True,swish,0.0,mean,sgd,0.001,399,24.6463,7.2606,134069.0,0.0081,0.0005,0.2006,0.0073,,,,,,,,
-stage,nx,smallworld,node,True,node_const,node_pagerank,16,2,4,2,stack,True,swish,0.0,mean,sgd,0.001,399,3.6534,2.2068,134069.0,0.0079,0.0009,0.2006,0.0073,,,,,,,,
-stage,nx,smallworld,node,True,node_const,node_pagerank,16,3,6,3,skipconcat,False,prelu,0.3,mean,adam,0.001,399,2.4616,0.397,134052.0,0.008,0.0002,0.1976,0.0024,,,,,,,,
-stage,nx,smallworld,node,True,node_const,node_pagerank,16,3,6,3,skipsum,False,prelu,0.3,mean,adam,0.001,399,1.6097,0.0,135361.0,0.01,0.0011,0.1911,0.0017,,,,,,,,
-stage,nx,smallworld,node,True,node_const,node_pagerank,16,3,6,3,stack,False,prelu,0.3,mean,adam,0.001,399,1.6097,0.0,135361.0,0.0106,0.0018,0.1911,0.0017,,,,,,,,
-stage,nx,smallworld,node,True,node_const,node_pagerank,32,1,2,1,skipconcat,True,swish,0.3,max,adam,0.1,99,1.8682,0.0233,136453.0,0.0345,0.0015,0.199,0.0042,,,,,,,,
-stage,nx,smallworld,node,True,node_const,node_pagerank,32,1,2,1,skipsum,True,swish,0.3,max,adam,0.1,99,5.4856,0.4437,134625.0,0.0091,0.0014,0.199,0.0042,,,,,,,,
-stage,nx,smallworld,node,True,node_const,node_pagerank,32,1,2,1,stack,True,swish,0.3,max,adam,0.1,99,4.1503,0.1614,134625.0,0.0256,0.0015,0.199,0.0042,,,,,,,,
-stage,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,32,1,8,2,skipconcat,False,relu,0.3,max,adam,0.01,99,1.6406,0.0507,137773.0,0.0116,0.0007,0.2252,0.0125,,,,,,,,
-stage,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,32,1,8,2,skipsum,False,relu,0.3,max,adam,0.01,99,1.6049,0.001,134920.0,0.0115,0.0008,0.2305,0.0055,,,,,,,,
-stage,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,32,1,8,2,stack,False,relu,0.3,max,adam,0.01,99,1.6049,0.001,134920.0,0.0111,0.001,0.2305,0.0055,,,,,,,,
-stage,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,64,3,2,3,skipconcat,False,swish,0.0,add,sgd,0.001,199,1.6032,0.0014,135665.0,0.0356,0.0018,0.2305,0.0055,,,,,,,,
-stage,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,64,3,2,3,skipsum,False,swish,0.0,add,sgd,0.001,199,1.5966,0.0034,134833.0,0.0151,0.0017,0.2454,0.0163,,,,,,,,
-stage,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,64,3,2,3,stack,False,swish,0.0,add,sgd,0.001,199,1.5962,0.003,134833.0,0.016,0.0023,0.2488,0.018,,,,,,,,
-stage,nx,smallworld,node,True,node_onehot,node_pagerank,16,2,8,2,skipconcat,False,prelu,0.3,add,sgd,0.001,399,1.5877,0.0034,138964.0,0.0101,0.0003,0.249,0.0068,,,,,,,,
-stage,nx,smallworld,node,True,node_onehot,node_pagerank,16,2,8,2,skipsum,False,prelu,0.3,add,sgd,0.001,399,1.6008,0.0059,135361.0,0.0115,0.0029,0.2338,0.0026,,,,,,,,
-stage,nx,smallworld,node,True,node_onehot,node_pagerank,16,2,8,2,stack,False,prelu,0.3,add,sgd,0.001,399,1.6118,0.0023,135361.0,0.0085,0.0018,0.1976,0.0024,,,,,,,,
-stage,nx,smallworld,node,True,node_onehot,node_pagerank,64,3,2,3,skipconcat,False,swish,0.3,add,adam,0.1,99,1.679,0.0069,135665.0,0.0189,0.0025,0.2004,0.0081,,,,,,,,
-stage,nx,smallworld,node,True,node_onehot,node_pagerank,64,3,2,3,skipsum,False,swish,0.3,add,adam,0.1,99,1.6829,0.0746,134833.0,0.0179,0.0023,0.2475,0.0622,,,,,,,,
-stage,nx,smallworld,node,True,node_onehot,node_pagerank,64,3,2,3,stack,False,swish,0.3,add,adam,0.1,99,1.6742,0.0221,134833.0,0.0371,0.0053,0.1947,0.0042,,,,,,,,
-stage,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,16,3,2,1,skipconcat,False,prelu,0.0,add,sgd,0.01,199,1.095,0.0046,136248.0,0.006,0.0012,0.5369,0.0008,,,,,,,,
-stage,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,16,3,2,1,skipsum,False,prelu,0.0,add,sgd,0.01,199,1.0967,0.0015,134851.0,0.0073,0.0019,0.5335,0.0042,,,,,,,,
-stage,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,16,3,2,1,stack,False,prelu,0.0,add,sgd,0.01,199,1.1354,0.0043,134851.0,0.0231,0.0012,0.5118,0.0054,,,,,,,,
-stage,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,16,3,6,2,skipconcat,False,prelu,0.0,mean,adam,0.01,399,1.6049,0.001,135800.0,0.0509,0.0112,0.2305,0.0055,,,,,,,,
-stage,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,16,3,6,2,skipsum,False,prelu,0.0,mean,adam,0.01,399,1.6049,0.001,134921.0,0.0316,0.0052,0.2305,0.0055,,,,,,,,
-stage,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,16,3,6,2,stack,False,prelu,0.0,mean,adam,0.01,399,1.6049,0.001,134921.0,0.011,0.0039,0.2305,0.0055,,,,,,,,
-stage,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,32,2,4,1,skipconcat,True,prelu,0.6,add,sgd,0.1,399,1.0244,0.0111,135929.0,0.0103,0.0018,0.5621,0.004,,,,,,,,
-stage,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,32,2,4,1,skipsum,True,prelu,0.6,add,sgd,0.1,399,1.0353,0.0099,134119.0,0.012,0.0004,0.5515,0.0057,,,,,,,,
-stage,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,32,2,4,1,stack,True,prelu,0.6,add,sgd,0.1,399,1.0736,0.0073,134119.0,0.0102,0.0026,0.5323,0.0021,,,,,,,,
diff --git a/run/results/design_v1_grid_round1att/agg/train.csv b/run/results/design_v1_grid_round1att/agg/train.csv
deleted file mode 100644
index f822c088..00000000
--- a/run/results/design_v1_grid_round1att/agg/train.csv
+++ /dev/null
@@ -1,287 +0,0 @@
-sample,format,dataset,task,trans,feature,label,l_t,l_pre,l_mp,l_post,stage,bn,act,drop,agg,optim,lr,epoch,loss,loss_std,params,time_iter,time_iter_std,accuracy,accuracy_std,precision,precision_std,recall,recall_std,f1,f1_std,auc,auc_std
-l_t,PyG,AmazonComputers,node,True,,,gaddconv,1,8,1,stack,True,swish,0.6,mean,adam,0.001,99,1.9156,0.002,232039.0,0.3936,0.0121,0.3748,0.002,,,,,,,,
-l_t,PyG,AmazonComputers,node,True,,,gaddconv,2,2,2,stack,False,swish,0.6,add,adam,0.1,199,1.8684,0.0043,275558.0,0.1595,0.0042,0.3763,0.0015,,,,,,,,
-l_t,PyG,AmazonComputers,node,True,,,gaddconv,2,2,3,skipsum,False,prelu,0.6,add,sgd,0.001,99,2.155,0.0169,258725.0,0.1732,0.0059,0.267,0.0184,,,,,,,,
-l_t,PyG,AmazonComputers,node,True,,,gaddconv,3,8,3,skipconcat,False,relu,0.0,add,sgd,0.1,399,1.2456,0.7112,158662.0,0.1863,0.0108,0.58,0.2515,,,,,,,,
-l_t,PyG,AmazonComputers,node,True,,,generalconv,1,8,1,stack,True,swish,0.6,mean,adam,0.001,99,1.3754,0.0053,232842.0,0.16,0.0061,0.7991,0.0004,,,,,,,,
-l_t,PyG,AmazonComputers,node,True,,,generalconv,2,2,2,stack,False,swish,0.6,add,adam,0.1,199,1.871,0.0028,274830.0,0.1062,0.0134,0.3766,0.0019,,,,,,,,
-l_t,PyG,AmazonComputers,node,True,,,generalconv,2,2,3,skipsum,False,prelu,0.6,add,sgd,0.001,99,2.1254,0.0033,260485.0,0.0991,0.0027,0.278,0.0042,,,,,,,,
-l_t,PyG,AmazonComputers,node,True,,,generalconv,3,8,3,skipconcat,False,relu,0.0,add,sgd,0.1,399,1.8603,0.0045,158246.0,0.0947,0.0046,0.3766,0.0019,,,,,,,,
-l_t,PyG,AmazonComputers,node,True,,,gmulconv,1,8,1,stack,True,swish,0.6,mean,adam,0.001,99,1.925,0.0017,233866.0,0.3042,0.005,0.3735,0.0019,,,,,,,,
-l_t,PyG,AmazonComputers,node,True,,,gmulconv,2,2,2,stack,False,swish,0.6,add,adam,0.1,199,1.8712,0.0014,275194.0,0.1742,0.026,0.3765,0.0019,,,,,,,,
-l_t,PyG,AmazonComputers,node,True,,,gmulconv,2,2,3,skipsum,False,prelu,0.6,add,sgd,0.001,99,2.1764,0.024,260811.0,0.1789,0.0112,0.2352,0.018,,,,,,,,
-l_t,PyG,AmazonComputers,node,True,,,gmulconv,3,8,3,skipconcat,False,relu,0.0,add,sgd,0.1,399,,,158454.0,0.1641,0.0129,0.371,0.2757,,,,,,,,
-l_t,PyG,AmazonPhoto,node,True,,,gaddconv,1,2,1,skipconcat,True,relu,0.0,mean,adam,0.1,399,0.0408,0.0017,293862.0,0.0764,0.0002,0.9965,0.0005,,,,,,,,
-l_t,PyG,AmazonPhoto,node,True,,,gaddconv,3,2,2,skipconcat,False,swish,0.3,mean,adam,0.001,399,0.035,0.0031,207491.0,0.0441,0.0004,0.9948,0.0016,,,,,,,,
-l_t,PyG,AmazonPhoto,node,True,,,gaddconv,3,4,1,skipsum,True,relu,0.0,max,adam,0.01,99,0.1682,0.0435,243587.0,0.1281,0.0068,0.9846,0.0103,,,,,,,,
-l_t,PyG,AmazonPhoto,node,True,,,gaddconv,3,6,1,skipconcat,True,swish,0.3,add,sgd,0.1,199,0.5355,0.0108,196012.0,0.1067,0.0034,0.8913,0.0016,,,,,,,,
-l_t,PyG,AmazonPhoto,node,True,,,generalconv,1,2,1,skipconcat,True,relu,0.0,mean,adam,0.1,399,0.0403,0.0053,293026.0,0.0446,0.0061,0.9964,0.001,,,,,,,,
-l_t,PyG,AmazonPhoto,node,True,,,generalconv,3,2,2,skipconcat,False,swish,0.3,mean,adam,0.001,399,0.0408,0.0016,210610.0,0.034,0.0015,0.993,0.0008,,,,,,,,
-l_t,PyG,AmazonPhoto,node,True,,,generalconv,3,4,1,skipsum,True,relu,0.0,max,adam,0.01,99,0.1176,0.001,244948.0,0.0604,0.0017,0.9965,0.0003,,,,,,,,
-l_t,PyG,AmazonPhoto,node,True,,,generalconv,3,6,1,skipconcat,True,swish,0.3,add,sgd,0.1,199,0.7704,0.0193,195100.0,0.0769,0.007,0.8257,0.0074,,,,,,,,
-l_t,PyG,AmazonPhoto,node,True,,,gmulconv,1,2,1,skipconcat,True,relu,0.0,mean,adam,0.1,399,0.0372,0.0046,293444.0,0.0767,0.0065,0.9971,0.0006,,,,,,,,
-l_t,PyG,AmazonPhoto,node,True,,,gmulconv,3,2,2,skipconcat,False,swish,0.3,mean,adam,0.001,399,0.036,0.0027,210806.0,0.0533,0.0029,0.9945,0.0003,,,,,,,,
-l_t,PyG,AmazonPhoto,node,True,,,gmulconv,3,4,1,skipsum,True,relu,0.0,max,adam,0.01,99,0.4318,0.0349,245540.0,0.107,0.0024,0.9015,0.015,,,,,,,,
-l_t,PyG,AmazonPhoto,node,True,,,gmulconv,3,6,1,skipconcat,True,swish,0.3,add,sgd,0.1,199,0.8756,0.1239,195556.0,0.0888,0.0007,0.7918,0.0746,,,,,,,,
-l_t,PyG,CiteSeer,node,True,,,gaddconv,1,2,2,stack,True,relu,0.0,mean,sgd,0.1,399,0.058,0.0035,908738.0,0.0862,0.0043,0.9703,0.0017,,,,,,,,
-l_t,PyG,CiteSeer,node,True,,,gaddconv,1,8,1,stack,False,swish,0.3,max,adam,0.1,99,1.664,0.1179,609030.0,0.1073,0.0134,0.2731,0.078,,,,,,,,
-l_t,PyG,CiteSeer,node,True,,,generalconv,1,2,2,stack,True,relu,0.0,mean,sgd,0.1,399,0.058,0.0035,907902.0,0.0845,0.0044,0.9702,0.0018,,,,,,,,
-l_t,PyG,CiteSeer,node,True,,,generalconv,1,8,1,stack,False,swish,0.3,max,adam,0.1,99,1.5599,0.1034,612756.0,0.0853,0.007,0.351,0.0482,,,,,,,,
-l_t,PyG,CiteSeer,node,True,,,gmulconv,1,2,2,stack,True,relu,0.0,mean,sgd,0.1,399,0.0567,0.0028,908320.0,0.0824,0.0067,0.9716,0.0018,,,,,,,,
-l_t,PyG,CiteSeer,node,True,,,gmulconv,1,8,1,stack,False,swish,0.3,max,adam,0.1,99,1.7369,0.0075,608006.0,0.0933,0.0042,0.2244,0.0073,,,,,,,,
-l_t,PyG,CoauthorCS,node,True,,,gaddconv,2,2,3,skipsum,True,swish,0.6,add,sgd,0.01,399,1.1787,0.0539,1238667.0,0.6879,0.0449,0.6357,0.02,,,,,,,,
-l_t,PyG,CoauthorCS,node,True,,,gaddconv,2,4,2,stack,False,relu,0.3,add,adam,0.1,399,2.3376,0.1018,1143019.0,0.6819,0.0123,0.2401,0.0211,,,,,,,,
-l_t,PyG,CoauthorCS,node,True,,,generalconv,2,2,3,skipsum,True,swish,0.6,add,sgd,0.01,399,1.0657,0.0187,1238019.0,0.6321,0.0389,0.6802,0.0031,,,,,,,,
-l_t,PyG,CoauthorCS,node,True,,,generalconv,2,4,2,stack,False,relu,0.3,add,adam,0.1,399,2.4089,0.0013,1150444.0,0.6348,0.0204,0.2249,0.0003,,,,,,,,
-l_t,PyG,CoauthorCS,node,True,,,gmulconv,2,2,3,skipsum,True,swish,0.6,add,sgd,0.01,399,1.5256,0.026,1238343.0,0.6806,0.0159,0.5194,0.0127,,,,,,,,
-l_t,PyG,CoauthorCS,node,True,,,gmulconv,2,4,2,stack,False,relu,0.3,add,adam,0.1,399,2.2632,0.1043,1142427.0,0.6707,0.0321,0.2555,0.0276,,,,,,,,
-l_t,PyG,CoauthorPhysics,node,True,,,gaddconv,1,8,2,stack,True,relu,0.6,mean,sgd,0.001,99,2.0977,0.0117,1144325.0,1.6201,0.0288,0.3667,0.0044,,,,,,,,
-l_t,PyG,CoauthorPhysics,node,True,,,gaddconv,2,8,2,skipconcat,True,relu,0.3,add,sgd,0.1,99,0.1318,0.0032,425889.0,1.6012,0.0221,0.9578,0.0007,,,,,,,,
-l_t,PyG,CoauthorPhysics,node,True,,,gaddconv,3,4,3,skipconcat,False,prelu,0.6,mean,sgd,0.01,199,1.2677,0.0266,534819.0,1.4971,0.0326,0.5083,0.0013,,,,,,,,
-l_t,PyG,CoauthorPhysics,node,True,,,generalconv,1,8,2,stack,True,relu,0.6,mean,sgd,0.001,99,1.2181,0.0365,1153014.0,1.5187,0.0228,0.6013,0.0147,,,,,,,,
-l_t,PyG,CoauthorPhysics,node,True,,,generalconv,2,8,2,skipconcat,True,relu,0.3,add,sgd,0.1,99,0.1276,0.0027,425345.0,1.5548,0.0446,0.9595,0.0011,,,,,,,,
-l_t,PyG,CoauthorPhysics,node,True,,,generalconv,3,4,3,skipconcat,False,prelu,0.6,mean,sgd,0.01,199,0.5276,0.1463,534443.0,1.3713,0.0294,0.8099,0.0705,,,,,,,,
-l_t,PyG,CoauthorPhysics,node,True,,,gmulconv,1,8,2,stack,True,relu,0.6,mean,sgd,0.001,99,2.1463,0.0432,1143365.0,1.6306,0.052,0.3479,0.013,,,,,,,,
-l_t,PyG,CoauthorPhysics,node,True,,,gmulconv,2,8,2,skipconcat,True,relu,0.3,add,sgd,0.1,99,0.1865,0.0089,425617.0,1.5539,0.0244,0.945,0.0025,,,,,,,,
-l_t,PyG,CoauthorPhysics,node,True,,,gmulconv,3,4,3,skipconcat,False,prelu,0.6,mean,sgd,0.01,199,1.1521,0.0802,534631.0,1.2852,0.042,0.5645,0.0372,,,,,,,,
-l_t,PyG,Cora,node,True,,,gaddconv,1,2,2,skipsum,True,relu,0.0,mean,sgd,0.001,99,1.4471,0.0332,434518.0,0.0244,0.0004,0.4776,0.0197,,,,,,,,
-l_t,PyG,Cora,node,True,,,gaddconv,2,8,1,stack,False,swish,0.3,max,sgd,0.1,199,1.8313,0.002,309162.0,0.0403,0.0026,0.3041,0.0029,,,,,,,,
-l_t,PyG,Cora,node,True,,,gaddconv,3,4,2,skipconcat,True,relu,0.0,max,sgd,0.01,199,0.0529,0.0014,223207.0,0.0302,0.0061,0.9997,0.0004,,,,,,,,
-l_t,PyG,Cora,node,True,,,generalconv,1,2,2,skipsum,True,relu,0.0,mean,sgd,0.001,99,0.8444,0.0356,433682.0,0.0173,0.0018,0.7369,0.0085,,,,,,,,
-l_t,PyG,Cora,node,True,,,generalconv,2,8,1,stack,False,swish,0.3,max,sgd,0.1,199,1.6264,0.0719,307226.0,0.0229,0.0024,0.3654,0.032,,,,,,,,
-l_t,PyG,Cora,node,True,,,generalconv,3,4,2,skipconcat,True,relu,0.0,max,sgd,0.01,199,0.0372,0.0001,222727.0,0.0206,0.0007,1.0,0.0,,,,,,,,
-l_t,PyG,Cora,node,True,,,gmulconv,1,2,2,skipsum,True,relu,0.0,mean,sgd,0.001,99,1.4302,0.0062,434100.0,0.025,0.0003,0.4887,0.0113,,,,,,,,
-l_t,PyG,Cora,node,True,,,gmulconv,2,8,1,stack,False,swish,0.3,max,sgd,0.1,199,1.8302,0.0004,308194.0,0.0495,0.0032,0.3041,0.0029,,,,,,,,
-l_t,PyG,Cora,node,True,,,gmulconv,3,4,2,skipconcat,True,relu,0.0,max,sgd,0.01,199,0.0586,0.0046,222967.0,0.0367,0.0034,0.9974,0.0015,,,,,,,,
-l_t,PyG,TU_BZR,graph,False,,,gaddconv,2,2,3,stack,True,swish,0.0,add,adam,0.01,399,0.0846,0.036,142561.0,0.03,0.0017,0.9701,0.0154,0.9736,0.0082,0.8872,0.0642,0.9275,0.0387,0.9955,0.0037
-l_t,PyG,TU_BZR,graph,False,,,gaddconv,2,6,1,skipconcat,False,prelu,0.3,max,sgd,0.1,399,0.4875,0.0101,140090.0,0.0418,0.004,0.8163,0.0114,0.8316,0.0446,0.1946,0.0345,0.3146,0.0481,0.6697,0.0126
-l_t,PyG,TU_BZR,graph,False,,,gaddconv,2,8,1,stack,True,swish,0.0,add,adam,0.01,199,0.0912,0.0506,140401.0,0.0429,0.0054,0.967,0.0259,0.9358,0.0431,0.9117,0.0754,0.9233,0.0597,0.9914,0.0081
-l_t,PyG,TU_BZR,graph,False,,,gaddconv,2,8,3,skipsum,True,prelu,0.6,max,sgd,0.01,199,0.5065,0.0035,140939.0,0.0457,0.0009,0.7916,0.0039,0.6882,0.1755,0.0897,0.0156,0.1577,0.0275,0.6006,0.0137
-l_t,PyG,TU_BZR,graph,False,,,generalconv,2,2,3,stack,True,swish,0.0,add,adam,0.01,399,0.0021,0.001,141913.0,0.0203,0.0013,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-l_t,PyG,TU_BZR,graph,False,,,generalconv,2,6,1,skipconcat,False,prelu,0.3,max,sgd,0.1,399,0.5185,0.0112,139154.0,0.0247,0.0014,0.8121,0.0039,0.7041,0.0345,0.2368,0.0074,0.3544,0.0127,0.625,0.0098
-l_t,PyG,TU_BZR,graph,False,,,generalconv,2,8,1,stack,True,swish,0.0,add,adam,0.01,199,0.0041,0.0015,140724.0,0.0273,0.0011,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-l_t,PyG,TU_BZR,graph,False,,,generalconv,2,8,3,skipsum,True,prelu,0.6,max,sgd,0.01,199,0.5027,0.0084,139195.0,0.0342,0.0009,0.7947,0.0015,0.7368,0.13,0.0847,0.0208,0.1519,0.0361,0.6351,0.0306
-l_t,PyG,TU_BZR,graph,False,,,gmulconv,2,2,3,stack,True,swish,0.0,add,adam,0.01,399,0.0574,0.0244,142237.0,0.0329,0.0026,0.9814,0.0134,0.9716,0.0303,0.9439,0.0287,0.9576,0.0295,0.9979,0.0018
-l_t,PyG,TU_BZR,graph,False,,,gmulconv,2,6,1,skipconcat,False,prelu,0.3,max,sgd,0.1,399,0.4732,0.0166,139622.0,0.0369,0.0018,0.8214,0.0053,0.899,0.0725,0.2079,0.0488,0.3329,0.0623,0.6998,0.0241
-l_t,PyG,TU_BZR,graph,False,,,gmulconv,2,8,1,stack,True,swish,0.0,add,adam,0.01,199,0.4757,0.0131,139441.0,0.0476,0.009,0.7874,0.0064,0.7556,0.175,0.0524,0.0302,0.0944,0.0515,0.6874,0.0044
-l_t,PyG,TU_BZR,graph,False,,,gmulconv,2,8,3,skipsum,True,prelu,0.6,max,sgd,0.01,199,0.4951,0.0093,140067.0,0.047,0.0028,0.7916,0.0029,0.7758,0.1669,0.0755,0.0343,0.1333,0.0569,0.6454,0.0129
-l_t,PyG,TU_COX2,graph,False,,,gaddconv,2,2,3,skipsum,False,swish,0.6,add,sgd,0.1,99,0.5208,0.0036,138673.0,0.0299,0.0008,0.7837,0.0033,0.0,0.0,0.0,0.0,0.0,0.0,0.5339,0.0106
-l_t,PyG,TU_COX2,graph,False,,,gaddconv,3,2,3,stack,False,prelu,0.0,max,adam,0.01,399,0.4684,0.0316,138382.0,0.0345,0.0039,0.7989,0.0133,0.4885,0.3584,0.102,0.0847,0.1678,0.1361,0.7043,0.088
-l_t,PyG,TU_COX2,graph,False,,,gaddconv,3,6,1,skipconcat,False,prelu,0.0,mean,adam,0.01,399,0.36,0.0531,137638.0,0.0575,0.0225,0.8517,0.0297,0.841,0.0686,0.4027,0.1881,0.5103,0.1854,0.8474,0.0521
-l_t,PyG,TU_COX2,graph,False,,,generalconv,2,2,3,skipsum,False,swish,0.6,add,sgd,0.1,99,0.5216,0.0064,139692.0,0.018,0.0011,0.7837,0.0033,0.0,0.0,0.0,0.0,0.0,0.0,0.5196,0.0305
-l_t,PyG,TU_COX2,graph,False,,,generalconv,3,2,3,stack,False,prelu,0.0,max,adam,0.01,399,0.5187,0.0049,139615.0,0.0242,0.002,0.7837,0.0033,0.0,0.0,0.0,0.0,0.0,0.0,0.5731,0.0053
-l_t,PyG,TU_COX2,graph,False,,,generalconv,3,6,1,skipconcat,False,prelu,0.0,mean,adam,0.01,399,0.5187,0.0048,136726.0,0.028,0.0005,0.7837,0.0033,0.0,0.0,0.0,0.0,0.0,0.0,0.5735,0.0102
-l_t,PyG,TU_COX2,graph,False,,,gmulconv,2,2,3,skipsum,False,swish,0.6,add,sgd,0.1,99,0.5228,0.0032,140018.0,0.0275,0.0009,0.7837,0.0033,0.0,0.0,0.0,0.0,0.0,0.0,0.5099,0.0164
-l_t,PyG,TU_COX2,graph,False,,,gmulconv,3,2,3,stack,False,prelu,0.0,max,adam,0.01,399,0.5178,0.0042,139913.0,0.0364,0.0034,0.7837,0.0033,0.0,0.0,0.0,0.0,0.0,0.0,0.5839,0.0117
-l_t,PyG,TU_COX2,graph,False,,,gmulconv,3,6,1,skipconcat,False,prelu,0.0,mean,adam,0.01,399,0.3877,0.0137,137182.0,0.0417,0.0025,0.8364,0.0143,0.7834,0.0463,0.3348,0.0534,0.4678,0.0587,0.8253,0.0186
-l_t,PyG,TU_DD,graph,False,,,gaddconv,1,6,1,skipsum,False,swish,0.6,max,sgd,0.001,399,0.5474,0.0032,147557.0,0.1343,0.002,0.7432,0.0022,0.6828,0.0049,0.6964,0.006,0.6895,0.0041,0.8027,0.0025
-l_t,PyG,TU_DD,graph,False,,,gaddconv,1,6,2,skipconcat,False,relu,0.6,mean,sgd,0.001,199,0.5461,0.0059,140889.0,0.0696,0.006,0.7528,0.0074,0.7478,0.0192,0.5994,0.0207,0.6649,0.0104,0.8003,0.0027
-l_t,PyG,TU_DD,graph,False,,,gaddconv,1,6,3,skipconcat,True,prelu,0.6,add,sgd,0.1,399,0.3925,0.0036,142666.0,0.1224,0.0026,0.82,0.007,0.7802,0.0058,0.7803,0.0108,0.7803,0.0083,0.8995,0.0012
-l_t,PyG,TU_DD,graph,False,,,gaddconv,2,6,2,stack,True,relu,0.3,max,sgd,0.001,99,0.5714,0.0091,146433.0,0.1916,0.0006,0.7382,0.0062,0.6959,0.0119,0.6409,0.0194,0.6671,0.0118,0.7757,0.0088
-l_t,PyG,TU_DD,graph,False,,,gaddconv,2,8,1,skipconcat,True,prelu,0.3,add,sgd,0.01,199,0.4833,0.0049,141242.0,0.1932,0.0037,0.79,0.0107,0.7256,0.0151,0.7837,0.0121,0.7534,0.0113,0.8591,0.0024
-l_t,PyG,TU_DD,graph,False,,,generalconv,1,6,1,skipsum,False,swish,0.6,max,sgd,0.001,399,0.5146,0.0106,147660.0,0.0892,0.0009,0.7549,0.0113,0.7386,0.0222,0.6219,0.0204,0.675,0.0167,0.8246,0.0107
-l_t,PyG,TU_DD,graph,False,,,generalconv,1,6,2,skipconcat,False,relu,0.6,mean,sgd,0.001,199,0.5334,0.0026,140361.0,0.0628,0.008,0.7471,0.0061,0.7281,0.0052,0.6098,0.0206,0.6636,0.0144,0.809,0.0033
-l_t,PyG,TU_DD,graph,False,,,generalconv,1,6,3,skipconcat,True,prelu,0.6,add,sgd,0.1,399,0.3511,0.0066,142258.0,0.1011,0.0035,0.8438,0.0023,0.8064,0.0036,0.814,0.0088,0.8102,0.0028,0.9213,0.0035
-l_t,PyG,TU_DD,graph,False,,,generalconv,2,6,2,stack,True,relu,0.3,max,sgd,0.001,99,0.545,0.0055,144897.0,0.2304,0.0316,0.7393,0.0088,0.6873,0.0146,0.6669,0.014,0.6769,0.0118,0.7998,0.0063
-l_t,PyG,TU_DD,graph,False,,,generalconv,2,8,1,skipconcat,True,prelu,0.3,add,sgd,0.01,199,0.4674,0.0052,140282.0,0.1605,0.0297,0.7953,0.0068,0.7254,0.0031,0.8046,0.0162,0.7629,0.0086,0.8677,0.0017
-l_t,PyG,TU_DD,graph,False,,,gmulconv,1,6,2,skipconcat,False,relu,0.6,mean,sgd,0.001,199,0.5341,0.0084,140625.0,0.0947,0.003,0.7471,0.0066,0.7287,0.0111,0.6098,0.0188,0.6637,0.0102,0.8122,0.0061
-l_t,PyG,TU_DD,graph,False,,,gmulconv,1,6,3,skipconcat,True,prelu,0.6,add,sgd,0.1,399,0.4246,0.0113,142462.0,0.1096,0.0108,0.8059,0.0053,0.7658,0.0068,0.7578,0.0048,0.7618,0.0045,0.8822,0.0059
-l_t,PyG,TU_DD,graph,False,,,gmulconv,2,6,2,stack,True,relu,0.3,max,sgd,0.001,99,0.5928,0.0153,145665.0,0.1848,0.0086,0.7251,0.0072,0.681,0.0102,0.6185,0.0037,0.6483,0.0065,0.7617,0.0078
-l_t,PyG,TU_ENZYMES,graph,False,,,gaddconv,1,8,3,skipsum,True,prelu,0.6,add,sgd,0.001,99,2.3729,0.1221,135325.0,0.0521,0.0017,0.1955,0.0162,,,,,,,,
-l_t,PyG,TU_ENZYMES,graph,False,,,gaddconv,2,4,3,skipconcat,True,prelu,0.3,mean,adam,0.01,399,0.109,0.0132,138187.0,0.0347,0.0003,0.9694,0.0081,,,,,,,,
-l_t,PyG,TU_ENZYMES,graph,False,,,gaddconv,3,2,2,skipsum,False,swish,0.3,mean,sgd,0.1,199,1.7443,0.0052,134304.0,0.0237,0.0035,0.231,0.0116,,,,,,,,
-l_t,PyG,TU_ENZYMES,graph,False,,,gaddconv,3,8,1,skipconcat,False,relu,0.3,mean,sgd,0.1,399,,,137240.0,0.0532,0.0076,0.1983,0.0313,,,,,,,,
-l_t,PyG,TU_ENZYMES,graph,False,,,generalconv,1,8,3,skipsum,True,prelu,0.6,add,sgd,0.001,99,2.3477,0.0365,135822.0,0.0335,0.0021,0.1928,0.0154,,,,,,,,
-l_t,PyG,TU_ENZYMES,graph,False,,,generalconv,2,4,3,skipconcat,True,prelu,0.3,mean,adam,0.01,399,0.2015,0.0233,137811.0,0.0284,0.0046,0.9276,0.0158,,,,,,,,
-l_t,PyG,TU_ENZYMES,graph,False,,,generalconv,3,2,2,skipsum,False,swish,0.3,mean,sgd,0.1,199,1.7503,0.006,135296.0,0.017,0.0001,0.2178,0.0094,,,,,,,,
-l_t,PyG,TU_ENZYMES,graph,False,,,generalconv,3,8,1,skipconcat,False,relu,0.3,mean,sgd,0.1,399,2.0724,0.0412,136296.0,0.0225,0.0003,0.1914,0.0371,,,,,,,,
-l_t,PyG,TU_ENZYMES,graph,False,,,gmulconv,1,8,3,skipsum,True,prelu,0.6,add,sgd,0.001,99,2.5982,0.4592,134413.0,0.0468,0.0033,0.1837,0.0107,,,,,,,,
-l_t,PyG,TU_ENZYMES,graph,False,,,gmulconv,2,4,3,skipconcat,True,prelu,0.3,mean,adam,0.01,399,0.2924,0.0179,137999.0,0.0451,0.0054,0.8963,0.0087,,,,,,,,
-l_t,PyG,TU_ENZYMES,graph,False,,,gmulconv,3,2,2,skipsum,False,swish,0.3,mean,sgd,0.1,199,1.7447,0.0057,135622.0,0.0332,0.0018,0.2248,0.0077,,,,,,,,
-l_t,PyG,TU_ENZYMES,graph,False,,,gmulconv,3,8,1,skipconcat,False,relu,0.3,mean,sgd,0.1,399,,,136768.0,0.0399,0.0032,0.1691,0.0112,,,,,,,,
-l_t,PyG,TU_IMDB,graph,False,,,gaddconv,1,2,2,skipsum,False,prelu,0.6,mean,adam,0.1,399,1.0974,0.0009,133555.0,0.0252,0.001,0.3481,0.0032,,,,,,,,
-l_t,PyG,TU_IMDB,graph,False,,,gaddconv,3,4,2,skipconcat,True,swish,0.0,max,adam,0.001,199,0.8963,0.0111,136083.0,0.0398,0.0023,0.5632,0.014,,,,,,,,
-l_t,PyG,TU_IMDB,graph,False,,,generalconv,1,2,2,skipsum,False,prelu,0.6,mean,adam,0.1,399,1.0969,0.0006,133984.0,0.0208,0.0038,0.3545,0.0136,,,,,,,,
-l_t,PyG,TU_IMDB,graph,False,,,generalconv,3,4,2,skipconcat,True,swish,0.0,max,adam,0.001,199,1.0886,0.0018,135603.0,0.032,0.0025,0.3803,0.0034,,,,,,,,
-l_t,PyG,TU_IMDB,graph,False,,,gmulconv,1,2,2,skipsum,False,prelu,0.6,mean,adam,0.1,399,1.0958,0.0021,134404.0,0.026,0.0031,0.3475,0.0085,,,,,,,,
-l_t,PyG,TU_IMDB,graph,False,,,gmulconv,3,4,2,skipconcat,True,swish,0.0,max,adam,0.001,199,0.9139,0.0079,135843.0,0.0376,0.001,0.5549,0.0045,,,,,,,,
-l_t,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,gaddconv,1,2,1,skipconcat,True,relu,0.3,mean,sgd,0.001,399,0.3729,0.0113,136004.0,0.039,0.0016,0.8496,0.0141,,,,,,,,
-l_t,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,gaddconv,3,4,2,skipsum,True,swish,0.6,mean,adam,0.01,199,0.3108,0.0143,134917.0,0.0514,0.0006,0.8758,0.0129,,,,,,,,
-l_t,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,generalconv,1,2,1,skipconcat,True,relu,0.3,mean,sgd,0.001,399,0.4552,0.0245,136453.0,0.033,0.0065,0.7974,0.0141,,,,,,,,
-l_t,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,generalconv,3,4,2,skipsum,True,swish,0.6,mean,adam,0.01,199,0.403,0.0229,133829.0,0.0344,0.0038,0.8251,0.0167,,,,,,,,
-l_t,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,gmulconv,1,2,1,skipconcat,True,relu,0.3,mean,sgd,0.001,399,0.4315,0.0046,136869.0,0.0421,0.0047,0.8284,0.0174,,,,,,,,
-l_t,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,gmulconv,3,4,2,skipsum,True,swish,0.6,mean,adam,0.01,199,0.4084,0.0082,134373.0,0.0449,0.0037,0.8137,0.008,,,,,,,,
-l_t,nx,scalefree,graph,True,node_const,graph_path_len,gaddconv,1,6,2,skipsum,False,prelu,0.6,add,adam,0.1,399,1.6124,0.0072,134374.0,0.063,0.012,0.2092,0.0167,,,,,,,,
-l_t,nx,scalefree,graph,True,node_const,graph_path_len,gaddconv,2,4,3,stack,False,swish,0.3,max,adam,0.1,199,1.6154,0.0069,133829.0,0.0473,0.0033,0.2141,0.0092,,,,,,,,
-l_t,nx,scalefree,graph,True,node_const,graph_path_len,gaddconv,3,4,3,stack,True,relu,0.0,add,adam,0.01,399,0.764,0.0617,134371.0,0.0489,0.0066,0.6634,0.0231,,,,,,,,
-l_t,nx,scalefree,graph,True,node_const,graph_path_len,generalconv,1,6,2,skipsum,False,prelu,0.6,add,adam,0.1,399,1.6075,0.0008,134677.0,0.0358,0.0009,0.2141,0.0023,,,,,,,,
-l_t,nx,scalefree,graph,True,node_const,graph_path_len,generalconv,2,4,3,stack,False,swish,0.3,max,adam,0.1,199,1.6073,0.0014,134676.0,0.0337,0.0002,0.2157,0.0069,,,,,,,,
-l_t,nx,scalefree,graph,True,node_const,graph_path_len,generalconv,3,4,3,stack,True,relu,0.0,add,adam,0.01,399,0.21,0.0261,135429.0,0.0377,0.0023,0.9118,0.0144,,,,,,,,
-l_t,nx,scalefree,graph,True,node_const,graph_path_len,gmulconv,1,6,2,skipsum,False,prelu,0.6,add,adam,0.1,399,1.5546,0.0494,135499.0,0.0522,0.005,0.2974,0.0661,,,,,,,,
-l_t,nx,scalefree,graph,True,node_const,graph_path_len,gmulconv,2,4,3,stack,False,swish,0.3,max,adam,0.1,199,1.6074,0.0015,135224.0,0.0472,0.0023,0.2108,0.0139,,,,,,,,
-l_t,nx,scalefree,graph,True,node_const,graph_path_len,gmulconv,3,4,3,stack,True,relu,0.0,add,adam,0.01,399,0.7807,0.0317,133863.0,0.0549,0.0069,0.6814,0.012,,,,,,,,
-l_t,nx,scalefree,graph,True,node_onehot,graph_path_len,gaddconv,1,2,3,skipconcat,False,relu,0.6,mean,sgd,0.001,399,1.0673,0.0331,134147.0,0.0308,0.0027,0.5163,0.0122,,,,,,,,
-l_t,nx,scalefree,graph,True,node_onehot,graph_path_len,gaddconv,1,6,2,skipconcat,False,relu,0.6,max,sgd,0.01,99,0.6147,0.0331,138693.0,0.0433,0.0008,0.6781,0.0162,,,,,,,,
-l_t,nx,scalefree,graph,True,node_onehot,graph_path_len,gaddconv,1,6,3,stack,True,prelu,0.0,mean,adam,0.001,399,0.0153,0.0099,134880.0,0.0724,0.003,0.9951,0.004,,,,,,,,
-l_t,nx,scalefree,graph,True,node_onehot,graph_path_len,gaddconv,2,6,2,skipsum,True,swish,0.0,max,adam,0.01,399,0.0005,0.0001,134879.0,0.0693,0.0029,1.0,0.0,,,,,,,,
-l_t,nx,scalefree,graph,True,node_onehot,graph_path_len,gaddconv,3,8,1,skipsum,False,swish,0.6,add,adam,0.01,99,1.3653,0.0461,134867.0,0.0763,0.0104,0.3938,0.0141,,,,,,,,
-l_t,nx,scalefree,graph,True,node_onehot,graph_path_len,generalconv,1,2,3,skipconcat,False,relu,0.6,mean,sgd,0.001,399,1.4793,0.0294,137205.0,0.024,0.0023,0.2957,0.0295,,,,,,,,
-l_t,nx,scalefree,graph,True,node_onehot,graph_path_len,generalconv,1,6,2,skipconcat,False,relu,0.6,max,sgd,0.01,99,0.8442,0.0425,138165.0,0.026,0.0016,0.6111,0.0521,,,,,,,,
-l_t,nx,scalefree,graph,True,node_onehot,graph_path_len,generalconv,1,6,3,stack,True,prelu,0.0,mean,adam,0.001,399,0.0007,0.0002,135430.0,0.0624,0.0092,1.0,0.0,,,,,,,,
-l_t,nx,scalefree,graph,True,node_onehot,graph_path_len,generalconv,2,6,2,skipsum,True,swish,0.0,max,adam,0.01,399,0.0009,0.0003,135429.0,0.0533,0.0041,1.0,0.0,,,,,,,,
-l_t,nx,scalefree,graph,True,node_onehot,graph_path_len,generalconv,3,8,1,skipsum,False,swish,0.6,add,adam,0.01,99,0.9107,0.1023,135360.0,0.0361,0.0009,0.5621,0.0612,,,,,,,,
-l_t,nx,scalefree,graph,True,node_onehot,graph_path_len,gmulconv,1,2,3,skipconcat,False,relu,0.6,mean,sgd,0.001,399,1.0398,0.019,137365.0,0.0329,0.0069,0.5163,0.026,,,,,,,,
-l_t,nx,scalefree,graph,True,node_onehot,graph_path_len,gmulconv,1,6,2,skipconcat,False,relu,0.6,max,sgd,0.01,99,,,138429.0,0.0699,0.0036,0.2141,0.0257,,,,,,,,
-l_t,nx,scalefree,graph,True,node_onehot,graph_path_len,gmulconv,1,6,3,stack,True,prelu,0.0,mean,adam,0.001,399,0.0426,0.0043,134118.0,0.0812,0.0286,0.9853,0.0,,,,,,,,
-l_t,nx,scalefree,graph,True,node_onehot,graph_path_len,gmulconv,2,6,2,skipsum,True,swish,0.0,max,adam,0.01,399,0.0363,0.0131,134117.0,0.0586,0.0025,0.9935,0.0092,,,,,,,,
-l_t,nx,scalefree,graph,True,node_onehot,graph_path_len,gmulconv,3,8,1,skipsum,False,swish,0.6,add,adam,0.01,99,1.5013,0.0473,133955.0,0.0579,0.0039,0.3055,0.0411,,,,,,,,
-l_t,nx,scalefree,graph,True,node_pagerank,graph_path_len,gaddconv,1,2,3,skipsum,False,prelu,0.6,add,sgd,0.1,199,,,134106.0,0.0372,0.0023,0.1896,0.0101,,,,,,,,
-l_t,nx,scalefree,graph,True,node_pagerank,graph_path_len,gaddconv,2,2,3,skipconcat,True,prelu,0.6,add,sgd,0.01,99,1.1403,0.053,134294.0,0.0362,0.0008,0.4902,0.0069,,,,,,,,
-l_t,nx,scalefree,graph,True,node_pagerank,graph_path_len,gaddconv,2,4,1,skipconcat,True,relu,0.0,add,adam,0.1,99,0.2013,0.1072,136800.0,0.0489,0.0045,0.9347,0.0439,,,,,,,,
-l_t,nx,scalefree,graph,True,node_pagerank,graph_path_len,gaddconv,2,6,3,skipconcat,False,swish,0.6,max,adam,0.001,399,0.7579,0.0594,141445.0,0.0515,0.0046,0.616,0.0469,,,,,,,,
-l_t,nx,scalefree,graph,True,node_pagerank,graph_path_len,gaddconv,3,6,2,skipconcat,False,relu,0.0,add,sgd,0.01,99,1.6077,0.0012,136315.0,0.0472,0.0023,0.2141,0.0061,,,,,,,,
-l_t,nx,scalefree,graph,True,node_pagerank,graph_path_len,gaddconv,3,8,3,stack,False,relu,0.0,add,adam,0.001,399,0.4944,0.0628,134477.0,0.0591,0.004,0.7908,0.035,,,,,,,,
-l_t,nx,scalefree,graph,True,node_pagerank,graph_path_len,generalconv,1,2,3,skipsum,False,prelu,0.6,add,sgd,0.1,199,,,134851.0,0.0245,0.003,0.1896,0.0101,,,,,,,,
-l_t,nx,scalefree,graph,True,node_pagerank,graph_path_len,generalconv,2,2,3,skipconcat,True,prelu,0.6,add,sgd,0.01,99,0.7883,0.0442,137442.0,0.0389,0.0035,0.6487,0.0234,,,,,,,,
-l_t,nx,scalefree,graph,True,node_pagerank,graph_path_len,generalconv,2,4,1,skipconcat,True,relu,0.0,add,adam,0.1,99,0.4124,0.1698,135928.0,0.0367,0.0032,0.8317,0.03,,,,,,,,
-l_t,nx,scalefree,graph,True,node_pagerank,graph_path_len,generalconv,2,6,3,skipconcat,False,swish,0.6,max,adam,0.001,399,0.8309,0.035,141037.0,0.028,0.0015,0.598,0.0263,,,,,,,,
-l_t,nx,scalefree,graph,True,node_pagerank,graph_path_len,generalconv,3,6,2,skipconcat,False,relu,0.0,add,sgd,0.01,99,1.6073,0.0014,135799.0,0.0224,0.0004,0.2157,0.0069,,,,,,,,
-l_t,nx,scalefree,graph,True,node_pagerank,graph_path_len,generalconv,3,8,3,stack,False,relu,0.0,add,adam,0.001,399,0.389,0.021,135350.0,0.0307,0.0032,0.8202,0.0167,,,,,,,,
-l_t,nx,scalefree,graph,True,node_pagerank,graph_path_len,gmulconv,1,2,3,skipsum,False,prelu,0.6,add,sgd,0.1,199,,,135213.0,0.0329,0.0021,0.1896,0.0101,,,,,,,,
-l_t,nx,scalefree,graph,True,node_pagerank,graph_path_len,gmulconv,2,2,3,skipconcat,True,prelu,0.6,add,sgd,0.01,99,1.1671,0.0187,134140.0,0.036,0.0051,0.4755,0.0212,,,,,,,,
-l_t,nx,scalefree,graph,True,node_pagerank,graph_path_len,gmulconv,2,4,1,skipconcat,True,relu,0.0,add,adam,0.1,99,0.3702,0.0679,136364.0,0.0536,0.0049,0.8382,0.0144,,,,,,,,
-l_t,nx,scalefree,graph,True,node_pagerank,graph_path_len,gmulconv,2,6,3,skipconcat,False,swish,0.6,max,adam,0.001,399,1.4801,0.0392,141241.0,0.0499,0.0046,0.3235,0.0243,,,,,,,,
-l_t,nx,scalefree,graph,True,node_pagerank,graph_path_len,gmulconv,3,6,2,skipconcat,False,relu,0.0,add,sgd,0.01,99,1.6074,0.0014,136057.0,0.0364,0.0025,0.2157,0.0069,,,,,,,,
-l_t,nx,scalefree,graph,True,node_pagerank,graph_path_len,gmulconv,3,8,3,stack,False,relu,0.0,add,adam,0.001,399,0.475,0.0596,133645.0,0.0557,0.0062,0.781,0.0241,,,,,,,,
-l_t,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,gaddconv,1,4,1,stack,False,swish,0.0,mean,adam,0.001,199,0.8081,0.0142,134825.0,0.0614,0.0034,0.7314,0.0097,,,,,,,,
-l_t,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,gaddconv,2,4,2,skipconcat,True,relu,0.3,max,sgd,0.01,399,0.6229,0.0138,137987.0,0.059,0.0048,0.7317,0.0071,,,,,,,,
-l_t,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,gaddconv,2,4,3,skipconcat,True,relu,0.0,max,adam,0.001,199,0.0669,0.0074,138326.0,0.0841,0.0412,0.9847,0.0026,,,,,,,,
-l_t,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,generalconv,1,4,1,stack,False,swish,0.0,mean,adam,0.001,199,1.4846,0.0013,134850.0,0.0348,0.0021,0.3202,0.001,,,,,,,,
-l_t,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,generalconv,2,4,2,skipconcat,True,relu,0.3,max,sgd,0.01,399,0.7213,0.0005,137499.0,0.0445,0.0027,0.6833,0.0013,,,,,,,,
-l_t,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,generalconv,2,4,3,skipconcat,True,relu,0.0,max,adam,0.001,199,0.1006,0.0121,137950.0,0.038,0.0039,0.9824,0.0063,,,,,,,,
-l_t,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,gmulconv,1,4,1,stack,False,swish,0.0,mean,adam,0.001,199,0.8651,0.0111,134105.0,0.0448,0.0015,0.6927,0.0027,,,,,,,,
-l_t,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,gmulconv,2,4,2,skipconcat,True,relu,0.3,max,sgd,0.01,399,0.9263,0.0235,137743.0,0.0527,0.0035,0.5936,0.0105,,,,,,,,
-l_t,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,gmulconv,2,4,3,skipconcat,True,relu,0.0,max,adam,0.001,199,0.1779,0.0139,138138.0,0.1044,0.0463,0.9421,0.0065,,,,,,,,
-l_t,nx,scalefree,node,True,node_const,node_clustering_coefficient,gaddconv,1,2,2,skipsum,False,relu,0.0,mean,sgd,0.001,199,1.5323,0.0018,134789.0,0.0397,0.0015,0.3558,0.0184,,,,,,,,
-l_t,nx,scalefree,node,True,node_const,node_clustering_coefficient,gaddconv,1,4,2,stack,False,swish,0.0,mean,adam,0.1,199,1.0805,0.012,134440.0,0.0492,0.0094,0.4957,0.0034,,,,,,,,
-l_t,nx,scalefree,node,True,node_const,node_clustering_coefficient,gaddconv,3,2,2,skipsum,False,swish,0.0,add,adam,0.1,399,1.5759,0.0006,133796.0,0.0392,0.0017,0.269,0.0005,,,,,,,,
-l_t,nx,scalefree,node,True,node_const,node_clustering_coefficient,gaddconv,3,8,1,stack,False,swish,0.3,mean,sgd,0.1,399,1.5751,0.0009,134867.0,0.0668,0.0031,0.2716,0.0008,,,,,,,,
-l_t,nx,scalefree,node,True,node_const,node_clustering_coefficient,generalconv,1,2,2,skipsum,False,relu,0.0,mean,sgd,0.001,199,1.5759,0.0007,133957.0,0.0278,0.0014,0.269,0.0005,,,,,,,,
-l_t,nx,scalefree,node,True,node_const,node_clustering_coefficient,generalconv,1,4,2,stack,False,swish,0.0,mean,adam,0.1,199,1.5759,0.0006,134789.0,0.0309,0.0037,0.269,0.0005,,,,,,,,
-l_t,nx,scalefree,node,True,node_const,node_clustering_coefficient,generalconv,3,2,2,skipsum,False,swish,0.0,add,adam,0.1,399,1.3805,0.1421,134789.0,0.0316,0.0008,0.394,0.0889,,,,,,,,
-l_t,nx,scalefree,node,True,node_const,node_clustering_coefficient,generalconv,3,8,1,stack,False,swish,0.3,mean,sgd,0.1,399,1.5763,0.001,135360.0,0.0321,0.004,0.269,0.0004,,,,,,,,
-l_t,nx,scalefree,node,True,node_const,node_clustering_coefficient,gmulconv,1,2,2,skipsum,False,relu,0.0,mean,sgd,0.001,199,1.5361,0.0066,134373.0,0.0385,0.0057,0.3618,0.0095,,,,,,,,
-l_t,nx,scalefree,node,True,node_const,node_clustering_coefficient,gmulconv,1,4,2,stack,False,swish,0.0,mean,adam,0.1,199,1.1113,0.0103,133796.0,0.0516,0.004,0.4746,0.0103,,,,,,,,
-l_t,nx,scalefree,node,True,node_const,node_clustering_coefficient,gmulconv,3,2,2,skipsum,False,swish,0.0,add,adam,0.1,399,1.5759,0.0006,135113.0,0.0445,0.0028,0.269,0.0005,,,,,,,,
-l_t,nx,scalefree,node,True,node_const,node_clustering_coefficient,gmulconv,3,8,1,stack,False,swish,0.3,mean,sgd,0.1,399,,,133955.0,0.0804,0.0175,0.2199,0.0303,,,,,,,,
-l_t,nx,scalefree,node,True,node_const,node_pagerank,gaddconv,2,2,1,skipsum,True,swish,0.0,mean,sgd,0.1,399,1.4801,0.0343,134348.0,0.0488,0.0035,0.4487,0.0307,,,,,,,,
-l_t,nx,scalefree,node,True,node_const,node_pagerank,gaddconv,2,8,3,skipconcat,True,swish,0.0,mean,adam,0.001,399,0.06,0.0019,137857.0,0.0675,0.0052,0.9801,0.0006,,,,,,,,
-l_t,nx,scalefree,node,True,node_const,node_pagerank,gaddconv,3,4,1,stack,False,prelu,0.3,add,sgd,0.01,399,1.5483,0.0011,134217.0,0.0519,0.0031,0.3092,0.0129,,,,,,,,
-l_t,nx,scalefree,node,True,node_const,node_pagerank,generalconv,2,2,1,skipsum,True,swish,0.0,mean,sgd,0.1,399,1.6094,0.0,134789.0,0.0563,0.0067,0.203,0.0007,,,,,,,,
-l_t,nx,scalefree,node,True,node_const,node_pagerank,generalconv,2,8,3,skipconcat,True,swish,0.0,mean,adam,0.001,399,1.5383,0.0046,137441.0,0.061,0.0059,0.2965,0.0026,,,,,,,,
-l_t,nx,scalefree,node,True,node_const,node_pagerank,generalconv,3,4,1,stack,False,prelu,0.3,add,sgd,0.01,399,1.547,0.0056,134834.0,0.0309,0.0027,0.3252,0.0063,,,,,,,,
-l_t,nx,scalefree,node,True,node_const,node_pagerank,gmulconv,2,2,1,skipsum,True,swish,0.0,mean,sgd,0.1,399,1.5306,0.0154,135205.0,0.0502,0.0067,0.4192,0.006,,,,,,,,
-l_t,nx,scalefree,node,True,node_const,node_pagerank,gmulconv,2,8,3,skipconcat,True,swish,0.0,mean,adam,0.001,399,0.0858,0.0061,137649.0,0.0794,0.0069,0.9688,0.0033,,,,,,,,
-l_t,nx,scalefree,node,True,node_const,node_pagerank,gmulconv,3,4,1,stack,False,prelu,0.3,add,sgd,0.01,399,1.553,0.0081,135426.0,0.049,0.0046,0.3113,0.0198,,,,,,,,
-l_t,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,gaddconv,1,2,3,skipsum,False,prelu,0.0,max,sgd,0.001,399,1.4818,0.0014,134106.0,0.0396,0.0006,0.3708,0.0045,,,,,,,,
-l_t,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,gaddconv,1,4,1,skipsum,True,prelu,0.0,add,adam,0.1,199,0.5741,0.0148,134256.0,0.0738,0.0101,0.8137,0.0086,,,,,,,,
-l_t,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,gaddconv,3,6,1,skipconcat,False,prelu,0.0,max,sgd,0.01,399,1.4334,0.0063,137946.0,0.0642,0.0085,0.3737,0.001,,,,,,,,
-l_t,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,generalconv,1,2,3,skipsum,False,prelu,0.0,max,sgd,0.001,399,1.5623,0.0034,134851.0,0.0304,0.004,0.2784,0.0121,,,,,,,,
-l_t,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,generalconv,1,4,1,skipsum,True,prelu,0.0,add,adam,0.1,199,0.7873,0.0313,134286.0,0.0418,0.002,0.6427,0.0149,,,,,,,,
-l_t,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,generalconv,3,6,1,skipconcat,False,prelu,0.0,max,sgd,0.01,399,1.4978,0.0129,137034.0,0.0468,0.0062,0.3652,0.01,,,,,,,,
-l_t,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,gmulconv,1,2,3,skipsum,False,prelu,0.0,max,sgd,0.001,399,1.4952,0.0203,135213.0,0.0353,0.001,0.3671,0.0047,,,,,,,,
-l_t,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,gmulconv,1,4,1,skipsum,True,prelu,0.0,add,adam,0.1,199,0.6578,0.0226,135006.0,0.0644,0.0032,0.775,0.0111,,,,,,,,
-l_t,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,gmulconv,3,6,1,skipconcat,False,prelu,0.0,max,sgd,0.01,399,1.432,0.0015,137490.0,0.0544,0.0007,0.3809,0.0079,,,,,,,,
-l_t,nx,scalefree,node,True,node_onehot,node_pagerank,gaddconv,1,4,2,skipconcat,False,prelu,0.6,max,adam,0.1,99,1.52,0.0747,137894.0,0.0579,0.0149,0.3042,0.0577,,,,,,,,
-l_t,nx,scalefree,node,True,node_onehot,node_pagerank,gaddconv,1,4,3,skipconcat,False,relu,0.6,mean,adam,0.001,399,0.6117,0.0178,135318.0,0.0485,0.0088,0.7419,0.0085,,,,,,,,
-l_t,nx,scalefree,node,True,node_onehot,node_pagerank,gaddconv,1,4,3,stack,True,relu,0.6,max,adam,0.01,399,0.4513,0.0046,135245.0,0.0689,0.0021,0.8257,0.0021,,,,,,,,
-l_t,nx,scalefree,node,True,node_onehot,node_pagerank,gaddconv,2,6,1,skipsum,True,relu,0.3,mean,adam,0.01,399,0.116,0.0019,135461.0,0.1002,0.0063,0.964,0.0017,,,,,,,,
-l_t,nx,scalefree,node,True,node_onehot,node_pagerank,generalconv,1,4,2,skipconcat,False,prelu,0.6,max,adam,0.1,99,1.0636,0.3866,137398.0,0.0581,0.0094,0.5093,0.2026,,,,,,,,
-l_t,nx,scalefree,node,True,node_onehot,node_pagerank,generalconv,1,4,3,skipconcat,False,relu,0.6,mean,adam,0.001,399,1.0459,0.0041,134942.0,0.0312,0.0031,0.5446,0.0034,,,,,,,,
-l_t,nx,scalefree,node,True,node_onehot,node_pagerank,generalconv,1,4,3,stack,True,relu,0.6,max,adam,0.01,399,0.7986,0.0044,134069.0,0.0482,0.0026,0.658,0.0012,,,,,,,,
-l_t,nx,scalefree,node,True,node_onehot,node_pagerank,generalconv,2,6,1,skipsum,True,relu,0.3,mean,adam,0.01,399,0.7806,0.005,133829.0,0.063,0.0015,0.6791,0.0011,,,,,,,,
-l_t,nx,scalefree,node,True,node_onehot,node_pagerank,gmulconv,1,4,2,skipconcat,False,prelu,0.6,max,adam,0.1,99,1.6095,0.0,137646.0,0.0411,0.0051,0.2004,0.0023,,,,,,,,
-l_t,nx,scalefree,node,True,node_onehot,node_pagerank,gmulconv,1,4,3,skipconcat,False,relu,0.6,mean,adam,0.001,399,0.6334,0.0055,135130.0,0.0626,0.0069,0.7286,0.0014,,,,,,,,
-l_t,nx,scalefree,node,True,node_onehot,node_pagerank,gmulconv,1,4,3,stack,True,relu,0.6,max,adam,0.01,399,0.9017,0.0413,134657.0,0.0689,0.0025,0.6124,0.0155,,,,,,,,
-l_t,nx,scalefree,node,True,node_onehot,node_pagerank,gmulconv,2,6,1,skipsum,True,relu,0.3,mean,adam,0.01,399,0.1235,0.0056,134645.0,0.074,0.0029,0.9597,0.0022,,,,,,,,
-l_t,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,gaddconv,1,6,3,skipsum,False,swish,0.6,mean,sgd,0.01,199,1.3174,0.097,133736.0,0.0784,0.0029,0.4003,0.0579,,,,,,,,
-l_t,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,gaddconv,1,8,1,skipsum,False,swish,0.3,max,sgd,0.1,99,3.6135,1.4191,134244.0,0.068,0.0066,0.2026,0.0092,,,,,,,,
-l_t,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,generalconv,1,6,3,skipsum,False,swish,0.6,mean,sgd,0.01,199,1.6054,0.0004,134277.0,0.0323,0.0043,0.2173,0.0083,,,,,,,,
-l_t,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,generalconv,1,8,1,skipsum,False,swish,0.3,max,sgd,0.1,99,3.864,1.3119,134277.0,0.0367,0.0006,0.2353,0.0144,,,,,,,,
-l_t,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,gmulconv,1,6,3,skipsum,False,swish,0.6,mean,sgd,0.01,199,1.3439,0.1249,135045.0,0.0441,0.002,0.3807,0.0757,,,,,,,,
-l_t,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,gmulconv,1,8,1,skipsum,False,swish,0.3,max,sgd,0.1,99,,,135301.0,0.056,0.0025,0.1912,0.0212,,,,,,,,
-l_t,nx,smallworld,graph,True,node_const,graph_path_len,gaddconv,2,2,1,skipconcat,False,relu,0.0,max,sgd,0.1,399,,,135725.0,0.0372,0.0042,0.1912,0.0212,,,,,,,,
-l_t,nx,smallworld,graph,True,node_const,graph_path_len,gaddconv,2,4,2,skipsum,False,relu,0.6,add,sgd,0.1,99,1.6052,0.0012,134216.0,0.0496,0.0028,0.219,0.0023,,,,,,,,
-l_t,nx,smallworld,graph,True,node_const,graph_path_len,generalconv,2,2,1,skipconcat,False,relu,0.0,max,sgd,0.1,399,1.607,0.0014,136479.0,0.025,0.0004,0.2141,0.0023,,,,,,,,
-l_t,nx,smallworld,graph,True,node_const,graph_path_len,generalconv,2,4,2,skipsum,False,relu,0.6,add,sgd,0.1,99,1.6052,0.0012,134833.0,0.0263,0.0043,0.219,0.0023,,,,,,,,
-l_t,nx,smallworld,graph,True,node_const,graph_path_len,gmulconv,2,2,1,skipconcat,False,relu,0.0,max,sgd,0.1,399,,,135365.0,0.0378,0.0038,0.1912,0.0212,,,,,,,,
-l_t,nx,smallworld,graph,True,node_const,graph_path_len,gmulconv,2,4,2,skipsum,False,relu,0.6,add,sgd,0.1,99,1.6053,0.0012,135425.0,0.0452,0.008,0.2173,0.0023,,,,,,,,
-l_t,nx,smallworld,graph,True,node_onehot,graph_path_len,gaddconv,2,2,2,stack,True,prelu,0.6,add,sgd,0.01,399,0.9941,0.0644,135006.0,0.0445,0.0024,0.5294,0.028,,,,,,,,
-l_t,nx,smallworld,graph,True,node_onehot,graph_path_len,gaddconv,3,6,1,skipsum,True,prelu,0.0,mean,sgd,0.1,199,5.657,1.741,134880.0,0.0739,0.0015,0.5,0.044,,,,,,,,
-l_t,nx,smallworld,graph,True,node_onehot,graph_path_len,generalconv,2,2,2,stack,True,prelu,0.6,add,sgd,0.01,399,0.9222,0.0344,134286.0,0.0333,0.0032,0.5457,0.0241,,,,,,,,
-l_t,nx,smallworld,graph,True,node_onehot,graph_path_len,generalconv,3,6,1,skipsum,True,prelu,0.0,mean,sgd,0.1,199,3.0085,1.2046,135430.0,0.0406,0.0015,0.4918,0.0432,,,,,,,,
-l_t,nx,smallworld,graph,True,node_onehot,graph_path_len,gmulconv,2,2,2,stack,True,prelu,0.6,add,sgd,0.01,399,1.0842,0.0365,134646.0,0.0417,0.0021,0.4837,0.0101,,,,,,,,
-l_t,nx,smallworld,graph,True,node_onehot,graph_path_len,gmulconv,3,6,1,skipsum,True,prelu,0.0,mean,sgd,0.1,199,,,134118.0,0.0692,0.004,0.2288,0.0326,,,,,,,,
-l_t,nx,smallworld,graph,True,node_pagerank,graph_path_len,gaddconv,1,2,3,stack,False,relu,0.6,max,adam,0.1,199,1.6052,0.0012,134105.0,0.0369,0.0032,0.219,0.0023,,,,,,,,
-l_t,nx,smallworld,graph,True,node_pagerank,graph_path_len,gaddconv,2,2,1,stack,True,relu,0.3,mean,adam,0.001,399,0.2586,0.0247,134348.0,0.0406,0.0017,0.8889,0.0167,,,,,,,,
-l_t,nx,smallworld,graph,True,node_pagerank,graph_path_len,generalconv,1,2,3,stack,False,relu,0.6,max,adam,0.1,199,1.6052,0.0013,134850.0,0.0272,0.0036,0.2173,0.0046,,,,,,,,
-l_t,nx,smallworld,graph,True,node_pagerank,graph_path_len,generalconv,2,2,1,stack,True,relu,0.3,mean,adam,0.001,399,0.2987,0.0325,134789.0,0.0323,0.0049,0.8676,0.0244,,,,,,,,
-l_t,nx,smallworld,graph,True,node_pagerank,graph_path_len,gmulconv,1,2,3,stack,False,relu,0.6,max,adam,0.1,199,1.6052,0.0012,135212.0,0.0343,0.0029,0.219,0.0023,,,,,,,,
-l_t,nx,smallworld,graph,True,node_pagerank,graph_path_len,gmulconv,2,2,1,stack,True,relu,0.3,mean,adam,0.001,399,0.3399,0.0249,135205.0,0.0416,0.0012,0.8627,0.02,,,,,,,,
-l_t,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,gaddconv,1,4,3,stack,True,prelu,0.6,add,sgd,0.1,99,1.5272,0.0045,135246.0,0.0704,0.0017,0.2996,0.0013,,,,,,,,
-l_t,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,gaddconv,1,6,1,skipsum,False,prelu,0.6,max,sgd,0.001,99,1.6194,0.0051,134805.0,0.0939,0.0073,0.195,0.0046,,,,,,,,
-l_t,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,gaddconv,1,6,1,stack,True,relu,0.6,add,sgd,0.1,199,1.5128,0.0011,134033.0,0.1029,0.0184,0.3134,0.0055,,,,,,,,
-l_t,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,gaddconv,3,2,1,skipconcat,True,prelu,0.6,mean,adam,0.01,399,0.7849,0.0076,136051.0,0.0528,0.0038,0.6775,0.0042,,,,,,,,
-l_t,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,gaddconv,3,6,2,skipconcat,False,relu,0.3,max,sgd,0.01,399,1.4955,0.0102,136315.0,0.0813,0.013,0.3432,0.0082,,,,,,,,
-l_t,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,gaddconv,3,8,2,skipsum,True,relu,0.0,mean,adam,0.01,99,0.1845,0.0022,134357.0,0.0973,0.0052,0.9371,0.0006,,,,,,,,
-l_t,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,generalconv,1,4,3,stack,True,prelu,0.6,add,sgd,0.1,99,1.287,0.0031,134070.0,0.0454,0.0016,0.4488,0.0031,,,,,,,,
-l_t,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,generalconv,1,6,1,skipsum,False,prelu,0.6,max,sgd,0.001,99,1.6165,0.0009,134834.0,0.0477,0.0019,0.2028,0.0012,,,,,,,,
-l_t,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,generalconv,1,6,1,stack,True,relu,0.6,add,sgd,0.1,199,1.199,0.0022,134069.0,0.0489,0.0044,0.5074,0.0016,,,,,,,,
-l_t,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,generalconv,3,2,1,skipconcat,True,prelu,0.6,mean,adam,0.01,399,1.3474,0.0018,135407.0,0.0385,0.002,0.4335,0.0021,,,,,,,,
-l_t,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,generalconv,3,6,2,skipconcat,False,relu,0.3,max,sgd,0.01,399,1.5714,0.0131,135799.0,0.0324,0.002,0.2887,0.0123,,,,,,,,
-l_t,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,generalconv,3,8,2,skipsum,True,relu,0.0,mean,adam,0.01,99,1.1696,0.0139,135056.0,0.0603,0.0002,0.5127,0.0081,,,,,,,,
-l_t,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,gmulconv,1,4,3,stack,True,prelu,0.6,add,sgd,0.1,99,2.1033,0.7022,134658.0,0.0609,0.0056,0.2173,0.0131,,,,,,,,
-l_t,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,gmulconv,1,6,1,skipsum,False,prelu,0.6,max,sgd,0.001,99,1.6176,0.0015,133923.0,0.0828,0.0022,0.1981,0.0019,,,,,,,,
-l_t,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,gmulconv,1,6,1,stack,True,relu,0.6,add,sgd,0.1,199,1.5505,0.0115,134951.0,0.0744,0.0005,0.2848,0.0113,,,,,,,,
-l_t,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,gmulconv,3,2,1,skipconcat,True,prelu,0.6,mean,adam,0.01,399,0.753,0.0069,135729.0,0.0544,0.0037,0.6872,0.0082,,,,,,,,
-l_t,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,gmulconv,3,6,2,skipconcat,False,relu,0.3,max,sgd,0.01,399,,,136057.0,0.0508,0.0034,0.267,0.0475,,,,,,,,
-l_t,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,gmulconv,3,8,2,skipsum,True,relu,0.0,mean,adam,0.01,99,0.4301,0.0106,135928.0,0.1098,0.0016,0.8309,0.0052,,,,,,,,
-l_t,nx,smallworld,node,True,node_const,node_clustering_coefficient,gaddconv,3,2,3,skipsum,False,prelu,0.6,mean,adam,0.1,99,1.6047,0.0003,135426.0,0.0399,0.0022,0.2329,0.0014,,,,,,,,
-l_t,nx,smallworld,node,True,node_const,node_clustering_coefficient,gaddconv,3,4,3,skipconcat,False,swish,0.0,max,adam,0.001,399,1.165,0.0042,139830.0,0.0475,0.0031,0.4885,0.0019,,,,,,,,
-l_t,nx,smallworld,node,True,node_const,node_clustering_coefficient,gaddconv,3,8,2,skipconcat,True,prelu,0.0,add,sgd,0.001,199,,,141378.0,0.0911,0.0162,0.1992,0.0013,,,,,,,,
-l_t,nx,smallworld,node,True,node_const,node_clustering_coefficient,gaddconv,3,8,2,skipconcat,True,prelu,0.6,add,sgd,0.01,399,1.5914,0.0086,141378.0,0.0773,0.0101,0.2559,0.0144,,,,,,,,
-l_t,nx,smallworld,node,True,node_const,node_clustering_coefficient,generalconv,3,2,3,skipsum,False,prelu,0.6,mean,adam,0.1,99,1.6049,0.0003,134834.0,0.0328,0.0028,0.233,0.0015,,,,,,,,
-l_t,nx,smallworld,node,True,node_const,node_clustering_coefficient,generalconv,3,4,3,skipconcat,False,swish,0.0,max,adam,0.001,399,1.6048,0.0003,139454.0,0.0287,0.0022,0.233,0.0015,,,,,,,,
-l_t,nx,smallworld,node,True,node_const,node_clustering_coefficient,generalconv,3,8,2,skipconcat,True,prelu,0.0,add,sgd,0.001,199,1.57,0.0293,140834.0,0.0551,0.0014,0.2975,0.0139,,,,,,,,
-l_t,nx,smallworld,node,True,node_const,node_clustering_coefficient,generalconv,3,8,2,skipconcat,True,prelu,0.6,add,sgd,0.01,399,1.5679,0.0013,140834.0,0.0479,0.0008,0.2832,0.0023,,,,,,,,
-l_t,nx,smallworld,node,True,node_const,node_clustering_coefficient,gmulconv,3,2,3,skipsum,False,prelu,0.6,mean,adam,0.1,99,1.6048,0.0002,135130.0,0.0504,0.0023,0.233,0.0015,,,,,,,,
-l_t,nx,smallworld,node,True,node_const,node_clustering_coefficient,gmulconv,3,4,3,skipconcat,False,swish,0.0,max,adam,0.001,399,1.2015,0.001,139642.0,0.0432,0.0002,0.478,0.0018,,,,,,,,
-l_t,nx,smallworld,node,True,node_const,node_clustering_coefficient,gmulconv,3,8,2,skipconcat,True,prelu,0.0,add,sgd,0.001,199,,,141106.0,0.0895,0.011,0.1992,0.0013,,,,,,,,
-l_t,nx,smallworld,node,True,node_const,node_clustering_coefficient,gmulconv,3,8,2,skipconcat,True,prelu,0.6,add,sgd,0.01,399,1.6034,0.0007,141106.0,0.0875,0.0093,0.2327,0.0027,,,,,,,,
-l_t,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,gaddconv,3,2,3,skipconcat,True,swish,0.0,mean,adam,0.1,399,1.197,0.0052,136805.0,0.0512,0.002,0.4799,0.0034,,,,,,,,
-l_t,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,generalconv,3,2,3,skipconcat,True,swish,0.0,mean,adam,0.1,399,0.2698,0.1069,136501.0,0.0428,0.0006,0.9228,0.0455,,,,,,,,
-l_t,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,gmulconv,3,2,3,skipconcat,True,swish,0.0,mean,adam,0.1,399,1.272,0.0084,136653.0,0.0547,0.004,0.446,0.0058,,,,,,,,
-l_t,nx,smallworld,node,True,node_onehot,node_pagerank,gaddconv,2,6,1,skipsum,False,swish,0.0,max,adam,0.1,399,1.6093,0.0001,134373.0,0.0632,0.003,0.2051,0.0029,,,,,,,,
-l_t,nx,smallworld,node,True,node_onehot,node_pagerank,gaddconv,3,8,1,skipconcat,False,relu,0.0,add,adam,0.001,99,1.5869,0.0082,137180.0,0.0662,0.001,0.2671,0.0099,,,,,,,,
-l_t,nx,smallworld,node,True,node_onehot,node_pagerank,generalconv,2,6,1,skipsum,False,swish,0.0,max,adam,0.1,399,1.5244,0.1203,134676.0,0.0428,0.005,0.278,0.106,,,,,,,,
-l_t,nx,smallworld,node,True,node_onehot,node_pagerank,generalconv,3,8,1,skipconcat,False,relu,0.0,add,adam,0.001,99,1.5734,0.003,136236.0,0.0413,0.0067,0.2656,0.0097,,,,,,,,
-l_t,nx,smallworld,node,True,node_onehot,node_pagerank,gmulconv,2,6,1,skipsum,False,swish,0.0,max,adam,0.1,399,1.6093,0.0,135498.0,0.0637,0.0043,0.2032,0.0007,,,,,,,,
-l_t,nx,smallworld,node,True,node_onehot,node_pagerank,gmulconv,3,8,1,skipconcat,False,relu,0.0,add,adam,0.001,99,1.5952,0.0093,136708.0,0.0781,0.0116,0.2493,0.0173,,,,,,,,
-l_t,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,gaddconv,1,8,2,skipsum,False,swish,0.6,add,adam,0.1,99,1.6003,0.001,134645.0,0.0854,0.0062,0.2418,0.0037,,,,,,,,
-l_t,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,gaddconv,2,2,2,skipconcat,False,relu,0.0,mean,adam,0.001,99,1.2063,0.0053,136355.0,0.0368,0.0058,0.4659,0.0028,,,,,,,,
-l_t,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,gaddconv,2,4,1,skipsum,False,relu,0.0,mean,sgd,0.001,99,1.6047,0.0021,134440.0,0.0587,0.0043,0.2238,0.0117,,,,,,,,
-l_t,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,gaddconv,2,6,3,skipconcat,False,swish,0.3,mean,sgd,0.1,99,1.4964,0.0669,141445.0,0.0563,0.0134,0.3392,0.0476,,,,,,,,
-l_t,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,gaddconv,3,4,3,skipconcat,False,relu,0.3,mean,sgd,0.01,399,1.5998,0.0014,139830.0,0.0425,0.0021,0.2454,0.0055,,,,,,,,
-l_t,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,gaddconv,3,6,3,stack,False,relu,0.6,add,sgd,0.001,99,1.6618,0.0077,134411.0,0.0605,0.0053,0.2047,0.0028,,,,,,,,
-l_t,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,generalconv,1,8,2,skipsum,False,swish,0.6,add,adam,0.1,99,1.5785,0.0021,134920.0,0.0334,0.0012,0.2813,0.0027,,,,,,,,
-l_t,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,generalconv,2,2,2,skipconcat,False,relu,0.0,mean,adam,0.001,99,1.1097,0.0098,135951.0,0.0267,0.0041,0.5193,0.0034,,,,,,,,
-l_t,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,generalconv,2,4,1,skipsum,False,relu,0.0,mean,sgd,0.001,99,1.6046,0.0008,134789.0,0.0344,0.0036,0.233,0.0015,,,,,,,,
-l_t,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,generalconv,2,6,3,skipconcat,False,swish,0.3,mean,sgd,0.1,99,1.5348,0.0856,141037.0,0.0332,0.0065,0.2992,0.0623,,,,,,,,
-l_t,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,generalconv,3,4,3,skipconcat,False,relu,0.3,mean,sgd,0.01,399,1.604,0.0012,139454.0,0.0298,0.003,0.2318,0.0028,,,,,,,,
-l_t,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,generalconv,3,6,3,stack,False,relu,0.6,add,sgd,0.001,99,1.6517,0.0016,135360.0,0.0295,0.0003,0.2075,0.0026,,,,,,,,
-l_t,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,gmulconv,1,8,2,skipsum,False,swish,0.6,add,adam,0.1,99,1.6063,0.0012,133685.0,0.0714,0.0075,0.2289,0.004,,,,,,,,
-l_t,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,gmulconv,2,2,2,skipconcat,False,relu,0.0,mean,adam,0.001,99,1.2214,0.0053,136153.0,0.0345,0.0007,0.4606,0.0017,,,,,,,,
-l_t,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,gmulconv,2,4,1,skipsum,False,relu,0.0,mean,sgd,0.001,99,1.6042,0.0057,133796.0,0.0505,0.0003,0.2021,0.029,,,,,,,,
-l_t,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,gmulconv,2,6,3,skipconcat,False,swish,0.3,mean,sgd,0.1,99,1.5563,0.0403,141241.0,0.0559,0.006,0.3006,0.0346,,,,,,,,
-l_t,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,gmulconv,3,4,3,skipconcat,False,relu,0.3,mean,sgd,0.01,399,1.5996,0.001,139642.0,0.0454,0.0038,0.2454,0.0028,,,,,,,,
-l_t,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,gmulconv,3,6,3,stack,False,relu,0.6,add,sgd,0.001,99,1.6624,0.0043,133727.0,0.0603,0.009,0.201,0.0026,,,,,,,,
diff --git a/run/results/design_v1_grid_round1att/agg/train_best.csv b/run/results/design_v1_grid_round1att/agg/train_best.csv
deleted file mode 100644
index 78e1ad13..00000000
--- a/run/results/design_v1_grid_round1att/agg/train_best.csv
+++ /dev/null
@@ -1,287 +0,0 @@
-sample,format,dataset,task,trans,feature,label,l_t,l_pre,l_mp,l_post,stage,bn,act,drop,agg,optim,lr,epoch,loss,loss_std,params,time_iter,time_iter_std,accuracy,accuracy_std,precision,precision_std,recall,recall_std,f1,f1_std,auc,auc_std
-l_t,PyG,AmazonComputers,node,True,,,gaddconv,1,8,1,stack,True,swish,0.6,mean,adam,0.001,19,1.9761,0.0058,232039.0,0.3892,0.012,0.3749,0.0019,,,,,,,,
-l_t,PyG,AmazonComputers,node,True,,,gaddconv,2,2,2,stack,False,swish,0.6,add,adam,0.1,0,2.3133,0.0208,275558.0,0.1934,0.0276,0.1038,0.0201,,,,,,,,
-l_t,PyG,AmazonComputers,node,True,,,gaddconv,2,2,3,skipsum,False,prelu,0.6,add,sgd,0.001,39,2.1982,0.0099,258725.0,0.1715,0.0089,0.2288,0.0124,,,,,,,,
-l_t,PyG,AmazonComputers,node,True,,,gaddconv,3,8,3,skipconcat,False,relu,0.0,add,sgd,0.1,379,1.1173,0.6221,158662.0,0.1908,0.0155,0.6265,0.2206,,,,,,,,
-l_t,PyG,AmazonComputers,node,True,,,generalconv,1,8,1,stack,True,swish,0.6,mean,adam,0.001,99,1.3754,0.0053,232842.0,0.16,0.0061,0.7991,0.0004,,,,,,,,
-l_t,PyG,AmazonComputers,node,True,,,generalconv,2,2,2,stack,False,swish,0.6,add,adam,0.1,0,2.3207,0.0169,274830.0,0.132,0.0571,0.0805,0.0141,,,,,,,,
-l_t,PyG,AmazonComputers,node,True,,,generalconv,2,2,3,skipsum,False,prelu,0.6,add,sgd,0.001,59,2.1593,0.0294,260485.0,0.0993,0.0027,0.249,0.0212,,,,,,,,
-l_t,PyG,AmazonComputers,node,True,,,generalconv,3,8,3,skipconcat,False,relu,0.0,add,sgd,0.1,19,1.8741,0.0034,158246.0,0.1146,0.0249,0.3766,0.0019,,,,,,,,
-l_t,PyG,AmazonComputers,node,True,,,gmulconv,1,8,1,stack,True,swish,0.6,mean,adam,0.001,19,1.9908,0.002,233866.0,0.3107,0.0074,0.3737,0.0019,,,,,,,,
-l_t,PyG,AmazonComputers,node,True,,,gmulconv,2,2,2,stack,False,swish,0.6,add,adam,0.1,0,2.3246,0.0067,275194.0,0.1985,0.0505,0.0963,0.0024,,,,,,,,
-l_t,PyG,AmazonComputers,node,True,,,gmulconv,2,2,3,skipsum,False,prelu,0.6,add,sgd,0.001,59,2.1859,0.0138,260811.0,0.1684,0.0086,0.228,0.0083,,,,,,,,
-l_t,PyG,AmazonComputers,node,True,,,gmulconv,3,8,3,skipconcat,False,relu,0.0,add,sgd,0.1,139,1.4068,0.3242,158454.0,0.163,0.007,0.5127,0.1364,,,,,,,,
-l_t,PyG,AmazonPhoto,node,True,,,gaddconv,1,2,1,skipconcat,True,relu,0.0,mean,adam,0.1,379,0.0408,0.0017,293862.0,0.0753,0.0003,0.9964,0.0004,,,,,,,,
-l_t,PyG,AmazonPhoto,node,True,,,gaddconv,3,2,2,skipconcat,False,swish,0.3,mean,adam,0.001,119,0.0759,0.0309,207491.0,0.0478,0.0059,0.9862,0.0064,,,,,,,,
-l_t,PyG,AmazonPhoto,node,True,,,gaddconv,3,4,1,skipsum,True,relu,0.0,max,adam,0.01,79,0.174,0.0475,243587.0,0.1273,0.0058,0.9834,0.011,,,,,,,,
-l_t,PyG,AmazonPhoto,node,True,,,gaddconv,3,6,1,skipconcat,True,swish,0.3,add,sgd,0.1,159,0.5371,0.0085,196012.0,0.1075,0.0032,0.8917,0.001,,,,,,,,
-l_t,PyG,AmazonPhoto,node,True,,,generalconv,1,2,1,skipconcat,True,relu,0.0,mean,adam,0.1,379,0.0413,0.0062,293026.0,0.0454,0.0057,0.9963,0.0011,,,,,,,,
-l_t,PyG,AmazonPhoto,node,True,,,generalconv,3,2,2,skipconcat,False,swish,0.3,mean,adam,0.001,139,0.0745,0.0275,210610.0,0.0314,0.0019,0.9837,0.0092,,,,,,,,
-l_t,PyG,AmazonPhoto,node,True,,,generalconv,3,4,1,skipsum,True,relu,0.0,max,adam,0.01,99,0.1193,0.0019,244948.0,0.0608,0.0022,0.9965,0.0003,,,,,,,,
-l_t,PyG,AmazonPhoto,node,True,,,generalconv,3,6,1,skipconcat,True,swish,0.3,add,sgd,0.1,79,1.0253,0.0669,195100.0,0.0751,0.0072,0.7519,0.0181,,,,,,,,
-l_t,PyG,AmazonPhoto,node,True,,,gmulconv,1,2,1,skipconcat,True,relu,0.0,mean,adam,0.1,239,0.058,0.0132,293444.0,0.0798,0.0114,0.9927,0.003,,,,,,,,
-l_t,PyG,AmazonPhoto,node,True,,,gmulconv,3,2,2,skipconcat,False,swish,0.3,mean,adam,0.001,159,0.0677,0.0296,210806.0,0.0524,0.0013,0.9883,0.0063,,,,,,,,
-l_t,PyG,AmazonPhoto,node,True,,,gmulconv,3,4,1,skipsum,True,relu,0.0,max,adam,0.01,99,0.4318,0.0349,245540.0,0.107,0.0024,0.9015,0.015,,,,,,,,
-l_t,PyG,AmazonPhoto,node,True,,,gmulconv,3,6,1,skipconcat,True,swish,0.3,add,sgd,0.1,59,1.2085,0.1283,195556.0,0.0906,0.0008,0.6352,0.0498,,,,,,,,
-l_t,PyG,CiteSeer,node,True,,,gaddconv,1,2,2,stack,True,relu,0.0,mean,sgd,0.1,39,0.0864,0.009,908738.0,0.079,0.0039,0.9638,0.0029,,,,,,,,
-l_t,PyG,CiteSeer,node,True,,,gaddconv,1,8,1,stack,False,swish,0.3,max,adam,0.1,79,1.6949,0.0904,609030.0,0.1235,0.0443,0.2594,0.0645,,,,,,,,
-l_t,PyG,CiteSeer,node,True,,,generalconv,1,2,2,stack,True,relu,0.0,mean,sgd,0.1,39,0.0676,0.0073,907902.0,0.0734,0.0031,0.9697,0.002,,,,,,,,
-l_t,PyG,CiteSeer,node,True,,,generalconv,1,8,1,stack,False,swish,0.3,max,adam,0.1,59,1.5878,0.0908,612756.0,0.0801,0.0015,0.3358,0.0405,,,,,,,,
-l_t,PyG,CiteSeer,node,True,,,gmulconv,1,2,2,stack,True,relu,0.0,mean,sgd,0.1,39,0.0821,0.0144,908320.0,0.084,0.0066,0.9656,0.0027,,,,,,,,
-l_t,PyG,CiteSeer,node,True,,,gmulconv,1,8,1,stack,False,swish,0.3,max,adam,0.1,0,1.7638,0.0215,608006.0,0.097,0.0043,0.1973,0.0195,,,,,,,,
-l_t,PyG,CoauthorCS,node,True,,,gaddconv,2,2,3,skipsum,True,swish,0.6,add,sgd,0.01,399,1.1816,0.0562,1238667.0,0.7071,0.0313,0.6339,0.0205,,,,,,,,
-l_t,PyG,CoauthorCS,node,True,,,gaddconv,2,4,2,stack,False,relu,0.3,add,adam,0.1,0,2.5831,0.1984,1143019.0,0.6864,0.0163,0.1342,0.0823,,,,,,,,
-l_t,PyG,CoauthorCS,node,True,,,generalconv,2,2,3,skipsum,True,swish,0.6,add,sgd,0.01,399,1.0646,0.0202,1238019.0,0.6153,0.0155,0.6811,0.0042,,,,,,,,
-l_t,PyG,CoauthorCS,node,True,,,generalconv,2,4,2,stack,False,relu,0.3,add,adam,0.1,0,2.6277,0.1557,1150444.0,0.7119,0.0957,0.1123,0.0801,,,,,,,,
-l_t,PyG,CoauthorCS,node,True,,,gmulconv,2,2,3,skipsum,True,swish,0.6,add,sgd,0.01,379,1.5233,0.0276,1238343.0,0.6802,0.0133,0.5192,0.0114,,,,,,,,
-l_t,PyG,CoauthorCS,node,True,,,gmulconv,2,4,2,stack,False,relu,0.3,add,adam,0.1,0,2.3957,0.2253,1142427.0,0.6618,0.0122,0.2272,0.0999,,,,,,,,
-l_t,PyG,CoauthorPhysics,node,True,,,gaddconv,1,8,2,stack,True,relu,0.6,mean,sgd,0.001,39,2.2528,0.1278,1144325.0,1.6441,0.0517,0.3214,0.0431,,,,,,,,
-l_t,PyG,CoauthorPhysics,node,True,,,gaddconv,2,8,2,skipconcat,True,relu,0.3,add,sgd,0.1,99,0.1316,0.0031,425889.0,1.6107,0.017,0.9577,0.0008,,,,,,,,
-l_t,PyG,CoauthorPhysics,node,True,,,gaddconv,3,4,3,skipconcat,False,prelu,0.6,mean,sgd,0.01,19,1.3943,0.005,534819.0,1.429,0.0831,0.5047,0.0004,,,,,,,,
-l_t,PyG,CoauthorPhysics,node,True,,,generalconv,1,8,2,stack,True,relu,0.6,mean,sgd,0.001,99,1.2181,0.0365,1153014.0,1.5187,0.0228,0.6013,0.0147,,,,,,,,
-l_t,PyG,CoauthorPhysics,node,True,,,generalconv,2,8,2,skipconcat,True,relu,0.3,add,sgd,0.1,79,0.1292,0.0021,425345.0,1.589,0.0482,0.9583,0.0001,,,,,,,,
-l_t,PyG,CoauthorPhysics,node,True,,,generalconv,3,4,3,skipconcat,False,prelu,0.6,mean,sgd,0.01,199,0.5263,0.1471,534443.0,1.3834,0.0242,0.8105,0.0709,,,,,,,,
-l_t,PyG,CoauthorPhysics,node,True,,,gmulconv,1,8,2,stack,True,relu,0.6,mean,sgd,0.001,39,2.1945,0.0256,1143365.0,1.6031,0.0367,0.3289,0.0208,,,,,,,,
-l_t,PyG,CoauthorPhysics,node,True,,,gmulconv,2,8,2,skipconcat,True,relu,0.3,add,sgd,0.1,99,0.1864,0.0087,425617.0,1.533,0.0344,0.9449,0.0025,,,,,,,,
-l_t,PyG,CoauthorPhysics,node,True,,,gmulconv,3,4,3,skipconcat,False,prelu,0.6,mean,sgd,0.01,199,1.1635,0.0799,534631.0,1.2879,0.0408,0.5595,0.0371,,,,,,,,
-l_t,PyG,Cora,node,True,,,gaddconv,1,2,2,skipsum,True,relu,0.0,mean,sgd,0.001,99,1.4471,0.0332,434518.0,0.0244,0.0004,0.4776,0.0197,,,,,,,,
-l_t,PyG,Cora,node,True,,,gaddconv,2,8,1,stack,False,swish,0.3,max,sgd,0.1,0,1.9577,0.008,309162.0,0.0801,0.0456,0.1361,0.0217,,,,,,,,
-l_t,PyG,Cora,node,True,,,gaddconv,3,4,2,skipconcat,True,relu,0.0,max,sgd,0.01,119,0.0571,0.005,223207.0,0.0327,0.0017,0.9994,0.0004,,,,,,,,
-l_t,PyG,Cora,node,True,,,generalconv,1,2,2,skipsum,True,relu,0.0,mean,sgd,0.001,99,0.8444,0.0356,433682.0,0.0173,0.0018,0.7369,0.0085,,,,,,,,
-l_t,PyG,Cora,node,True,,,generalconv,2,8,1,stack,False,swish,0.3,max,sgd,0.1,159,1.8205,0.1562,307226.0,0.0512,0.0356,0.2414,0.106,,,,,,,,
-l_t,PyG,Cora,node,True,,,generalconv,3,4,2,skipconcat,True,relu,0.0,max,sgd,0.01,119,0.0391,0.0024,222727.0,0.0226,0.0012,0.9998,0.0002,,,,,,,,
-l_t,PyG,Cora,node,True,,,gmulconv,1,2,2,skipsum,True,relu,0.0,mean,sgd,0.001,99,1.4338,0.0013,434100.0,0.024,0.0013,0.4871,0.0092,,,,,,,,
-l_t,PyG,Cora,node,True,,,gmulconv,2,8,1,stack,False,swish,0.3,max,sgd,0.1,0,1.9715,0.0044,308194.0,0.0865,0.0373,0.1273,0.0123,,,,,,,,
-l_t,PyG,Cora,node,True,,,gmulconv,3,4,2,skipconcat,True,relu,0.0,max,sgd,0.01,139,0.0642,0.0075,222967.0,0.0369,0.0024,0.9966,0.0019,,,,,,,,
-l_t,PyG,TU_BZR,graph,False,,,gaddconv,2,2,3,stack,True,swish,0.0,add,adam,0.01,379,0.105,0.0567,142561.0,0.0308,0.0015,0.9577,0.0293,0.9236,0.0591,0.8775,0.0818,0.8998,0.071,0.989,0.0108
-l_t,PyG,TU_BZR,graph,False,,,gaddconv,2,6,1,skipconcat,False,prelu,0.3,max,sgd,0.1,39,0.7069,0.2145,140090.0,0.0394,0.0027,0.7141,0.0963,0.4185,0.1406,0.2429,0.1206,0.2577,0.0585,0.6443,0.0479
-l_t,PyG,TU_BZR,graph,False,,,gaddconv,2,8,1,stack,True,swish,0.0,add,adam,0.01,119,0.1516,0.0881,140401.0,0.0421,0.0044,0.9453,0.0392,0.896,0.0829,0.8493,0.0991,0.8714,0.0888,0.971,0.022
-l_t,PyG,TU_BZR,graph,False,,,gaddconv,2,8,3,skipsum,True,prelu,0.6,max,sgd,0.01,39,0.5176,0.0227,140939.0,0.049,0.0008,0.7957,0.0091,0.7607,0.1705,0.0993,0.0088,0.1745,0.0134,0.6022,0.0347
-l_t,PyG,TU_BZR,graph,False,,,generalconv,2,2,3,stack,True,swish,0.0,add,adam,0.01,239,0.0251,0.0176,141913.0,0.0203,0.0007,0.9938,0.0051,0.9952,0.0067,0.9756,0.025,0.9851,0.0124,0.9993,0.0009
-l_t,PyG,TU_BZR,graph,False,,,generalconv,2,6,1,skipconcat,False,prelu,0.3,max,sgd,0.1,79,3.0986,2.1726,139154.0,0.0247,0.0009,0.6915,0.0781,0.3942,0.2878,0.1815,0.0708,0.2008,0.036,0.5467,0.0572
-l_t,PyG,TU_BZR,graph,False,,,generalconv,2,8,1,stack,True,swish,0.0,add,adam,0.01,159,0.0841,0.107,140724.0,0.0284,0.002,0.967,0.0445,0.9592,0.0577,0.8729,0.1702,0.9094,0.1233,0.9811,0.0267
-l_t,PyG,TU_BZR,graph,False,,,generalconv,2,8,3,skipsum,True,prelu,0.6,max,sgd,0.01,59,0.5005,0.0032,139195.0,0.0334,0.0024,0.7833,0.0101,0.5329,0.1587,0.0844,0.0323,0.1428,0.0483,0.6429,0.0322
-l_t,PyG,TU_BZR,graph,False,,,gmulconv,2,2,3,stack,True,swish,0.0,add,adam,0.01,379,0.0563,0.0192,142237.0,0.0284,0.0014,0.9835,0.0077,0.9761,0.0177,0.9483,0.0164,0.962,0.0171,0.9983,0.0013
-l_t,PyG,TU_BZR,graph,False,,,gmulconv,2,6,1,skipconcat,False,prelu,0.3,max,sgd,0.1,199,0.6138,0.0874,139622.0,0.0389,0.0024,0.7565,0.0555,0.6292,0.2916,0.1811,0.1063,0.2252,0.0635,0.6251,0.0256
-l_t,PyG,TU_BZR,graph,False,,,gmulconv,2,8,1,stack,True,swish,0.0,add,adam,0.01,99,0.4778,0.0169,139441.0,0.0538,0.0045,0.7905,0.0129,0.9048,0.1347,0.0584,0.0627,0.0997,0.102,0.6914,0.005
-l_t,PyG,TU_BZR,graph,False,,,gmulconv,2,8,3,skipsum,True,prelu,0.6,max,sgd,0.01,159,0.5087,0.0045,140067.0,0.0584,0.0048,0.7936,0.0039,0.7121,0.0536,0.0897,0.0341,0.1567,0.0553,0.6221,0.0132
-l_t,PyG,TU_COX2,graph,False,,,gaddconv,2,2,3,skipsum,False,swish,0.6,add,sgd,0.1,0,1.4586,1.312,138673.0,0.0261,0.0004,0.731,0.0714,0.0609,0.0862,0.0717,0.1014,0.0659,0.0932,0.4889,0.0043
-l_t,PyG,TU_COX2,graph,False,,,gaddconv,3,2,3,stack,False,prelu,0.0,max,adam,0.01,0,2.8396,3.3842,138382.0,0.0307,0.0052,0.7328,0.1017,0.5588,0.264,0.216,0.0994,0.2548,0.0667,0.6772,0.1261
-l_t,PyG,TU_COX2,graph,False,,,gaddconv,3,6,1,skipconcat,False,prelu,0.0,mean,adam,0.01,339,0.4491,0.0164,137638.0,0.0569,0.0256,0.8043,0.0079,0.7364,0.1868,0.2305,0.1539,0.3074,0.1458,0.7613,0.0348
-l_t,PyG,TU_COX2,graph,False,,,generalconv,2,2,3,skipsum,False,swish,0.6,add,sgd,0.1,19,0.5261,0.0043,139692.0,0.0178,0.0008,0.7837,0.0033,0.0,0.0,0.0,0.0,0.0,0.0,0.4971,0.0282
-l_t,PyG,TU_COX2,graph,False,,,generalconv,3,2,3,stack,False,prelu,0.0,max,adam,0.01,99,0.5243,0.0009,139615.0,0.0416,0.0271,0.7837,0.0033,0.0,0.0,0.0,0.0,0.0,0.0,0.5333,0.0214
-l_t,PyG,TU_COX2,graph,False,,,generalconv,3,6,1,skipconcat,False,prelu,0.0,mean,adam,0.01,19,0.5219,0.0016,136726.0,0.0276,0.0002,0.7837,0.0033,0.0,0.0,0.0,0.0,0.0,0.0,0.5636,0.01
-l_t,PyG,TU_COX2,graph,False,,,gmulconv,2,2,3,skipsum,False,swish,0.6,add,sgd,0.1,0,4.0967,1.0514,140018.0,0.0367,0.0115,0.5675,0.0659,0.1936,0.0157,0.3059,0.0478,0.2341,0.0046,0.492,0.0212
-l_t,PyG,TU_COX2,graph,False,,,gmulconv,3,2,3,stack,False,prelu,0.0,max,adam,0.01,0,1.6124,1.5438,139913.0,0.0291,0.0022,0.7158,0.0929,0.0677,0.0957,0.1097,0.1551,0.0837,0.1184,0.555,0.0462
-l_t,PyG,TU_COX2,graph,False,,,gmulconv,3,6,1,skipconcat,False,prelu,0.0,mean,adam,0.01,319,0.4025,0.0307,137182.0,0.0401,0.0033,0.84,0.011,0.7784,0.0573,0.3675,0.032,0.498,0.0339,0.8135,0.0285
-l_t,PyG,TU_DD,graph,False,,,gaddconv,1,6,1,skipsum,False,swish,0.6,max,sgd,0.001,99,5.1792,3.4981,147557.0,0.1331,0.0037,0.5583,0.0243,0.4356,0.0473,0.3065,0.127,0.3463,0.1076,0.6338,0.059
-l_t,PyG,TU_DD,graph,False,,,gaddconv,1,6,2,skipconcat,False,relu,0.6,mean,sgd,0.001,179,3.4508,4.1145,140889.0,0.0766,0.0154,0.6833,0.0909,0.6392,0.138,0.5105,0.121,0.5676,0.1293,0.7386,0.0983
-l_t,PyG,TU_DD,graph,False,,,gaddconv,1,6,3,skipconcat,True,prelu,0.6,add,sgd,0.1,59,0.4248,0.0324,142666.0,0.1158,0.0053,0.8062,0.0182,0.7781,0.0093,0.7358,0.0521,0.7557,0.0321,0.8819,0.0189
-l_t,PyG,TU_DD,graph,False,,,gaddconv,2,6,2,stack,True,relu,0.3,max,sgd,0.001,0,0.676,0.0862,146433.0,0.1917,0.0019,0.6185,0.0949,0.5392,0.1174,0.5359,0.0941,0.5372,0.1058,0.6487,0.1096
-l_t,PyG,TU_DD,graph,False,,,gaddconv,2,8,1,skipconcat,True,prelu,0.3,add,sgd,0.01,119,0.6627,0.1604,141242.0,0.1883,0.0073,0.7545,0.0261,0.6793,0.0268,0.7578,0.0395,0.7163,0.0322,0.8224,0.031
-l_t,PyG,TU_DD,graph,False,,,generalconv,1,6,1,skipsum,False,swish,0.6,max,sgd,0.001,59,4.6427,2.1467,147660.0,0.0873,0.0071,0.5607,0.0066,0.4496,0.0168,0.3269,0.0233,0.3783,0.0202,0.594,0.0137
-l_t,PyG,TU_DD,graph,False,,,generalconv,1,6,2,skipconcat,False,relu,0.6,mean,sgd,0.001,99,0.5571,0.0183,140361.0,0.0517,0.008,0.7326,0.0161,0.718,0.009,0.5709,0.0562,0.6346,0.037,0.7891,0.0174
-l_t,PyG,TU_DD,graph,False,,,generalconv,1,6,3,skipconcat,True,prelu,0.6,add,sgd,0.1,219,0.5611,0.2015,142258.0,0.1119,0.0148,0.7521,0.0879,0.7052,0.108,0.668,0.1264,0.6859,0.118,0.8061,0.1136
-l_t,PyG,TU_DD,graph,False,,,generalconv,2,6,2,stack,True,relu,0.3,max,sgd,0.001,39,0.567,0.0112,144897.0,0.2082,0.0359,0.7269,0.0083,0.6738,0.0124,0.6453,0.0121,0.6592,0.0121,0.7821,0.0105
-l_t,PyG,TU_DD,graph,False,,,generalconv,2,8,1,skipconcat,True,prelu,0.3,add,sgd,0.01,59,0.6633,0.2372,140282.0,0.1583,0.0256,0.7545,0.0425,0.6817,0.0468,0.7478,0.068,0.713,0.0555,0.8209,0.053
-l_t,PyG,TU_DD,graph,False,,,gmulconv,1,6,2,skipconcat,False,relu,0.6,mean,sgd,0.001,179,0.5438,0.0031,140625.0,0.0904,0.0047,0.734,0.007,0.7152,0.0011,0.5822,0.0252,0.6416,0.0156,0.7996,0.0032
-l_t,PyG,TU_DD,graph,False,,,gmulconv,1,6,3,skipconcat,True,prelu,0.6,add,sgd,0.1,159,0.6024,0.2209,142462.0,0.1273,0.0203,0.7372,0.0763,0.6847,0.098,0.6772,0.0788,0.6799,0.0849,0.802,0.0945
-l_t,PyG,TU_DD,graph,False,,,gmulconv,2,6,2,stack,True,relu,0.3,max,sgd,0.001,0,0.9134,0.0661,145665.0,0.1876,0.0083,0.504,0.011,0.3441,0.0662,0.3198,0.2221,0.3123,0.1439,0.4645,0.0487
-l_t,PyG,TU_ENZYMES,graph,False,,,gaddconv,1,8,3,skipsum,True,prelu,0.6,add,sgd,0.001,0,2.824,0.3157,135325.0,0.0532,0.005,0.1615,0.0227,,,,,,,,
-l_t,PyG,TU_ENZYMES,graph,False,,,gaddconv,2,4,3,skipconcat,True,prelu,0.3,mean,adam,0.01,359,0.1298,0.0245,138187.0,0.0374,0.0078,0.9603,0.0123,,,,,,,,
-l_t,PyG,TU_ENZYMES,graph,False,,,gaddconv,3,2,2,skipsum,False,swish,0.3,mean,sgd,0.1,79,9.7546,11.3041,134304.0,0.0231,0.0015,0.213,0.0399,,,,,,,,
-l_t,PyG,TU_ENZYMES,graph,False,,,gaddconv,3,8,1,skipconcat,False,relu,0.3,mean,sgd,0.1,19,34.6527,31.5478,137240.0,0.048,0.0061,0.1942,0.0241,,,,,,,,
-l_t,PyG,TU_ENZYMES,graph,False,,,generalconv,1,8,3,skipsum,True,prelu,0.6,add,sgd,0.001,99,2.6521,0.3749,135822.0,0.0315,0.0004,0.1747,0.0298,,,,,,,,
-l_t,PyG,TU_ENZYMES,graph,False,,,generalconv,2,4,3,skipconcat,True,prelu,0.3,mean,adam,0.01,339,0.3579,0.1139,137811.0,0.0286,0.0052,0.8817,0.0303,,,,,,,,
-l_t,PyG,TU_ENZYMES,graph,False,,,generalconv,3,2,2,skipsum,False,swish,0.3,mean,sgd,0.1,179,10.807,12.8104,135296.0,0.0178,0.0018,0.1969,0.0287,,,,,,,,
-l_t,PyG,TU_ENZYMES,graph,False,,,generalconv,3,8,1,skipconcat,False,relu,0.3,mean,sgd,0.1,79,30.5784,20.78,136296.0,0.0226,0.0016,0.1956,0.0049,,,,,,,,
-l_t,PyG,TU_ENZYMES,graph,False,,,gmulconv,1,8,3,skipsum,True,prelu,0.6,add,sgd,0.001,39,2.7698,0.5889,134413.0,0.0499,0.0056,0.1844,0.0138,,,,,,,,
-l_t,PyG,TU_ENZYMES,graph,False,,,gmulconv,2,4,3,skipconcat,True,prelu,0.3,mean,adam,0.01,279,0.4225,0.0564,137999.0,0.0425,0.0043,0.8629,0.0287,,,,,,,,
-l_t,PyG,TU_ENZYMES,graph,False,,,gmulconv,3,2,2,skipsum,False,swish,0.3,mean,sgd,0.1,159,1.7523,0.0026,135622.0,0.0368,0.005,0.2227,0.0052,,,,,,,,
-l_t,PyG,TU_ENZYMES,graph,False,,,gmulconv,3,8,1,skipconcat,False,relu,0.3,mean,sgd,0.1,59,55.334,45.0339,136768.0,0.0404,0.0003,0.1844,0.0064,,,,,,,,
-l_t,PyG,TU_IMDB,graph,False,,,gaddconv,1,2,2,skipsum,False,prelu,0.6,mean,adam,0.1,0,10.572,13.3859,133555.0,0.028,0.0024,0.3333,0.0123,,,,,,,,
-l_t,PyG,TU_IMDB,graph,False,,,gaddconv,3,4,2,skipconcat,True,swish,0.0,max,adam,0.001,159,0.8966,0.0155,136083.0,0.0387,0.0008,0.5694,0.0109,,,,,,,,
-l_t,PyG,TU_IMDB,graph,False,,,generalconv,1,2,2,skipsum,False,prelu,0.6,mean,adam,0.1,279,1.1046,0.005,133984.0,0.0202,0.0026,0.3375,0.01,,,,,,,,
-l_t,PyG,TU_IMDB,graph,False,,,generalconv,3,4,2,skipconcat,True,swish,0.0,max,adam,0.001,99,1.0972,0.0046,135603.0,0.0332,0.0027,0.3745,0.0147,,,,,,,,
-l_t,PyG,TU_IMDB,graph,False,,,gmulconv,1,2,2,skipsum,False,prelu,0.6,mean,adam,0.1,199,10.2186,12.8625,134404.0,0.0288,0.0085,0.3261,0.0154,,,,,,,,
-l_t,PyG,TU_IMDB,graph,False,,,gmulconv,3,4,2,skipconcat,True,swish,0.0,max,adam,0.001,179,0.9218,0.0132,135843.0,0.0392,0.0018,0.548,0.0074,,,,,,,,
-l_t,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,gaddconv,1,2,1,skipconcat,True,relu,0.3,mean,sgd,0.001,299,0.409,0.0319,136004.0,0.043,0.0032,0.8415,0.0129,,,,,,,,
-l_t,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,gaddconv,3,4,2,skipsum,True,swish,0.6,mean,adam,0.01,19,0.5492,0.0359,134917.0,0.052,0.0015,0.7451,0.025,,,,,,,,
-l_t,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,generalconv,1,2,1,skipconcat,True,relu,0.3,mean,sgd,0.001,99,0.5446,0.0234,136453.0,0.0288,0.0033,0.7843,0.016,,,,,,,,
-l_t,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,generalconv,3,4,2,skipsum,True,swish,0.6,mean,adam,0.01,19,1.2892,0.8384,133829.0,0.05,0.0278,0.5556,0.2036,,,,,,,,
-l_t,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,gmulconv,1,2,1,skipconcat,True,relu,0.3,mean,sgd,0.001,239,0.4817,0.0318,136869.0,0.0372,0.0012,0.799,0.004,,,,,,,,
-l_t,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,gmulconv,3,4,2,skipsum,True,swish,0.6,mean,adam,0.01,139,0.543,0.0786,134373.0,0.0512,0.0028,0.7647,0.0523,,,,,,,,
-l_t,nx,scalefree,graph,True,node_const,graph_path_len,gaddconv,1,6,2,skipsum,False,prelu,0.6,add,adam,0.1,79,39.9487,28.9427,134374.0,0.0747,0.0154,0.2467,0.0023,,,,,,,,
-l_t,nx,scalefree,graph,True,node_const,graph_path_len,gaddconv,2,4,3,stack,False,swish,0.3,max,adam,0.1,0,112.744,34.2711,133829.0,0.066,0.0305,0.1961,0.004,,,,,,,,
-l_t,nx,scalefree,graph,True,node_const,graph_path_len,gaddconv,3,4,3,stack,True,relu,0.0,add,adam,0.01,0,2.1132,0.0591,134371.0,0.0817,0.0319,0.2304,0.0327,,,,,,,,
-l_t,nx,scalefree,graph,True,node_const,graph_path_len,generalconv,1,6,2,skipsum,False,prelu,0.6,add,adam,0.1,19,2.3704,0.8602,134677.0,0.0341,0.0041,0.1585,0.0129,,,,,,,,
-l_t,nx,scalefree,graph,True,node_const,graph_path_len,generalconv,2,4,3,stack,False,swish,0.3,max,adam,0.1,0,81.2619,61.6943,134676.0,0.0492,0.0217,0.1961,0.0069,,,,,,,,
-l_t,nx,scalefree,graph,True,node_const,graph_path_len,generalconv,3,4,3,stack,True,relu,0.0,add,adam,0.01,379,0.2094,0.0162,135429.0,0.0388,0.0049,0.9053,0.022,,,,,,,,
-l_t,nx,scalefree,graph,True,node_const,graph_path_len,gmulconv,1,6,2,skipsum,False,prelu,0.6,add,adam,0.1,19,12.6375,15.1785,135499.0,0.0792,0.0354,0.2337,0.045,,,,,,,,
-l_t,nx,scalefree,graph,True,node_const,graph_path_len,gmulconv,2,4,3,stack,False,swish,0.3,max,adam,0.1,0,110.5941,17.1351,135224.0,0.0608,0.0109,0.2206,0.004,,,,,,,,
-l_t,nx,scalefree,graph,True,node_const,graph_path_len,gmulconv,3,4,3,stack,True,relu,0.0,add,adam,0.01,99,1.1609,0.0486,133863.0,0.0637,0.0062,0.4755,0.028,,,,,,,,
-l_t,nx,scalefree,graph,True,node_onehot,graph_path_len,gaddconv,1,2,3,skipconcat,False,relu,0.6,mean,sgd,0.001,339,1.1931,0.2153,134147.0,0.0312,0.0032,0.4412,0.0841,,,,,,,,
-l_t,nx,scalefree,graph,True,node_onehot,graph_path_len,gaddconv,1,6,2,skipconcat,False,relu,0.6,max,sgd,0.01,0,4.4989,2.6918,138693.0,0.0405,0.002,0.3677,0.185,,,,,,,,
-l_t,nx,scalefree,graph,True,node_onehot,graph_path_len,gaddconv,1,6,3,stack,True,prelu,0.0,mean,adam,0.001,199,0.0399,0.0246,134880.0,0.0666,0.0046,0.9804,0.0144,,,,,,,,
-l_t,nx,scalefree,graph,True,node_onehot,graph_path_len,gaddconv,2,6,2,skipsum,True,swish,0.0,max,adam,0.01,99,0.0638,0.0762,134879.0,0.0736,0.0038,0.9886,0.0162,,,,,,,,
-l_t,nx,scalefree,graph,True,node_onehot,graph_path_len,gaddconv,3,8,1,skipsum,False,swish,0.6,add,adam,0.01,19,4.9017,4.3863,134867.0,0.0816,0.0051,0.2631,0.0696,,,,,,,,
-l_t,nx,scalefree,graph,True,node_onehot,graph_path_len,generalconv,1,2,3,skipconcat,False,relu,0.6,mean,sgd,0.001,39,6.4311,6.8463,137205.0,0.0259,0.0009,0.2206,0.04,,,,,,,,
-l_t,nx,scalefree,graph,True,node_onehot,graph_path_len,generalconv,1,6,2,skipconcat,False,relu,0.6,max,sgd,0.01,19,1.1716,0.0998,138165.0,0.026,0.0018,0.4314,0.0423,,,,,,,,
-l_t,nx,scalefree,graph,True,node_onehot,graph_path_len,generalconv,1,6,3,stack,True,prelu,0.0,mean,adam,0.001,319,0.0038,0.0042,135430.0,0.0517,0.0105,1.0,0.0,,,,,,,,
-l_t,nx,scalefree,graph,True,node_onehot,graph_path_len,generalconv,2,6,2,skipsum,True,swish,0.0,max,adam,0.01,359,0.0026,0.001,135429.0,0.0537,0.008,1.0,0.0,,,,,,,,
-l_t,nx,scalefree,graph,True,node_onehot,graph_path_len,generalconv,3,8,1,skipsum,False,swish,0.6,add,adam,0.01,0,5.5528,5.6483,135360.0,0.0428,0.0058,0.2761,0.1019,,,,,,,,
-l_t,nx,scalefree,graph,True,node_onehot,graph_path_len,gmulconv,1,2,3,skipconcat,False,relu,0.6,mean,sgd,0.001,199,1.3213,0.1773,137365.0,0.0338,0.0096,0.4085,0.0859,,,,,,,,
-l_t,nx,scalefree,graph,True,node_onehot,graph_path_len,gmulconv,1,6,2,skipconcat,False,relu,0.6,max,sgd,0.01,39,1.535,0.0314,138429.0,0.0624,0.0067,0.2778,0.03,,,,,,,,
-l_t,nx,scalefree,graph,True,node_onehot,graph_path_len,gmulconv,1,6,3,stack,True,prelu,0.0,mean,adam,0.001,219,0.1455,0.0848,134118.0,0.0823,0.0335,0.9281,0.03,,,,,,,,
-l_t,nx,scalefree,graph,True,node_onehot,graph_path_len,gmulconv,2,6,2,skipsum,True,swish,0.0,max,adam,0.01,279,0.1579,0.0354,134117.0,0.062,0.0043,0.9592,0.0141,,,,,,,,
-l_t,nx,scalefree,graph,True,node_onehot,graph_path_len,gmulconv,3,8,1,skipsum,False,swish,0.6,add,adam,0.01,0,10.8277,3.5628,133955.0,0.0785,0.0259,0.201,0.028,,,,,,,,
-l_t,nx,scalefree,graph,True,node_pagerank,graph_path_len,gaddconv,1,2,3,skipsum,False,prelu,0.6,add,sgd,0.1,0,,,134106.0,0.0377,0.0043,0.1896,0.0101,,,,,,,,
-l_t,nx,scalefree,graph,True,node_pagerank,graph_path_len,gaddconv,2,2,3,skipconcat,True,prelu,0.6,add,sgd,0.01,99,1.1376,0.0446,134294.0,0.0394,0.0039,0.5425,0.0336,,,,,,,,
-l_t,nx,scalefree,graph,True,node_pagerank,graph_path_len,gaddconv,2,4,1,skipconcat,True,relu,0.0,add,adam,0.1,59,0.2989,0.0874,136800.0,0.0506,0.0079,0.8677,0.0472,,,,,,,,
-l_t,nx,scalefree,graph,True,node_pagerank,graph_path_len,gaddconv,2,6,3,skipconcat,False,swish,0.6,max,adam,0.001,19,4.3339,3.7801,141445.0,0.0476,0.0016,0.2598,0.0698,,,,,,,,
-l_t,nx,scalefree,graph,True,node_pagerank,graph_path_len,gaddconv,3,6,2,skipconcat,False,relu,0.0,add,sgd,0.01,0,9.1508,5.9691,136315.0,0.0407,0.0037,0.1896,0.0336,,,,,,,,
-l_t,nx,scalefree,graph,True,node_pagerank,graph_path_len,gaddconv,3,8,3,stack,False,relu,0.0,add,adam,0.001,179,0.6688,0.0608,134477.0,0.0596,0.0045,0.7206,0.0208,,,,,,,,
-l_t,nx,scalefree,graph,True,node_pagerank,graph_path_len,generalconv,1,2,3,skipsum,False,prelu,0.6,add,sgd,0.1,0,,,134851.0,0.0281,0.0042,0.1896,0.0101,,,,,,,,
-l_t,nx,scalefree,graph,True,node_pagerank,graph_path_len,generalconv,2,2,3,skipconcat,True,prelu,0.6,add,sgd,0.01,19,1.6733,0.8784,137442.0,0.0375,0.0035,0.4281,0.1621,,,,,,,,
-l_t,nx,scalefree,graph,True,node_pagerank,graph_path_len,generalconv,2,4,1,skipconcat,True,relu,0.0,add,adam,0.1,99,0.4124,0.1698,135928.0,0.0367,0.0032,0.8317,0.03,,,,,,,,
-l_t,nx,scalefree,graph,True,node_pagerank,graph_path_len,generalconv,2,6,3,skipconcat,False,swish,0.6,max,adam,0.001,39,1.4506,0.0592,141037.0,0.0279,0.0039,0.317,0.0122,,,,,,,,
-l_t,nx,scalefree,graph,True,node_pagerank,graph_path_len,generalconv,3,6,2,skipconcat,False,relu,0.0,add,sgd,0.01,0,11.606,1.5216,135799.0,0.0394,0.0216,0.2026,0.022,,,,,,,,
-l_t,nx,scalefree,graph,True,node_pagerank,graph_path_len,generalconv,3,8,3,stack,False,relu,0.0,add,adam,0.001,279,0.4209,0.0413,135350.0,0.0287,0.0029,0.8121,0.0241,,,,,,,,
-l_t,nx,scalefree,graph,True,node_pagerank,graph_path_len,gmulconv,1,2,3,skipsum,False,prelu,0.6,add,sgd,0.1,0,,,135213.0,0.0489,0.0092,0.1896,0.0101,,,,,,,,
-l_t,nx,scalefree,graph,True,node_pagerank,graph_path_len,gmulconv,2,2,3,skipconcat,True,prelu,0.6,add,sgd,0.01,19,1.9651,0.7442,134140.0,0.0556,0.0161,0.3284,0.114,,,,,,,,
-l_t,nx,scalefree,graph,True,node_pagerank,graph_path_len,gmulconv,2,4,1,skipconcat,True,relu,0.0,add,adam,0.1,99,0.3809,0.0655,136364.0,0.0552,0.0036,0.8268,0.0241,,,,,,,,
-l_t,nx,scalefree,graph,True,node_pagerank,graph_path_len,gmulconv,2,6,3,skipconcat,False,swish,0.6,max,adam,0.001,0,6.6547,3.475,141241.0,0.0641,0.0321,0.2173,0.0167,,,,,,,,
-l_t,nx,scalefree,graph,True,node_pagerank,graph_path_len,gmulconv,3,6,2,skipconcat,False,relu,0.0,add,sgd,0.01,0,15.1396,3.6125,136057.0,0.0515,0.0174,0.2092,0.0151,,,,,,,,
-l_t,nx,scalefree,graph,True,node_pagerank,graph_path_len,gmulconv,3,8,3,stack,False,relu,0.0,add,adam,0.001,119,0.6979,0.0766,133645.0,0.0545,0.0036,0.6961,0.0262,,,,,,,,
-l_t,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,gaddconv,1,4,1,stack,False,swish,0.0,mean,adam,0.001,179,0.8083,0.0144,134825.0,0.0555,0.0088,0.7312,0.0096,,,,,,,,
-l_t,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,gaddconv,2,4,2,skipconcat,True,relu,0.3,max,sgd,0.01,339,0.6228,0.007,137987.0,0.0554,0.0037,0.732,0.0047,,,,,,,,
-l_t,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,gaddconv,2,4,3,skipconcat,True,relu,0.0,max,adam,0.001,139,0.0697,0.0035,138326.0,0.0826,0.0424,0.9834,0.001,,,,,,,,
-l_t,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,generalconv,1,4,1,stack,False,swish,0.0,mean,adam,0.001,159,1.487,0.0012,134850.0,0.0389,0.0029,0.3187,0.0011,,,,,,,,
-l_t,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,generalconv,2,4,2,skipconcat,True,relu,0.3,max,sgd,0.01,99,0.8572,0.0394,137499.0,0.0402,0.0006,0.6178,0.0187,,,,,,,,
-l_t,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,generalconv,2,4,3,skipconcat,True,relu,0.0,max,adam,0.001,139,0.1011,0.0085,137950.0,0.0372,0.0014,0.9833,0.0038,,,,,,,,
-l_t,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,gmulconv,1,4,1,stack,False,swish,0.0,mean,adam,0.001,179,0.8841,0.0334,134105.0,0.0515,0.0063,0.6942,0.0052,,,,,,,,
-l_t,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,gmulconv,2,4,2,skipconcat,True,relu,0.3,max,sgd,0.01,379,0.9332,0.033,137743.0,0.0499,0.0002,0.59,0.0127,,,,,,,,
-l_t,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,gmulconv,2,4,3,skipconcat,True,relu,0.0,max,adam,0.001,199,0.1775,0.0142,138138.0,0.072,0.0012,0.9421,0.0065,,,,,,,,
-l_t,nx,scalefree,node,True,node_const,node_clustering_coefficient,gaddconv,1,2,2,skipsum,False,relu,0.0,mean,sgd,0.001,139,1.5437,0.0097,134789.0,0.0391,0.0013,0.358,0.0203,,,,,,,,
-l_t,nx,scalefree,node,True,node_const,node_clustering_coefficient,gaddconv,1,4,2,stack,False,swish,0.0,mean,adam,0.1,179,1.0836,0.0152,134440.0,0.0503,0.0087,0.4945,0.004,,,,,,,,
-l_t,nx,scalefree,node,True,node_const,node_clustering_coefficient,gaddconv,3,2,2,skipsum,False,swish,0.0,add,adam,0.1,59,1.5871,0.0036,133796.0,0.0382,0.002,0.2438,0.0023,,,,,,,,
-l_t,nx,scalefree,node,True,node_const,node_clustering_coefficient,gaddconv,3,8,1,stack,False,swish,0.3,mean,sgd,0.1,19,1.5775,0.0023,134867.0,0.0791,0.0188,0.2672,0.0028,,,,,,,,
-l_t,nx,scalefree,node,True,node_const,node_clustering_coefficient,generalconv,1,2,2,skipsum,False,relu,0.0,mean,sgd,0.001,39,1.592,0.008,133957.0,0.0469,0.0276,0.269,0.0005,,,,,,,,
-l_t,nx,scalefree,node,True,node_const,node_clustering_coefficient,generalconv,1,4,2,stack,False,swish,0.0,mean,adam,0.1,39,1.593,0.0205,134789.0,0.0329,0.0052,0.2236,0.0647,,,,,,,,
-l_t,nx,scalefree,node,True,node_const,node_clustering_coefficient,generalconv,3,2,2,skipsum,False,swish,0.0,add,adam,0.1,399,1.3727,0.1313,134789.0,0.03,0.0021,0.3949,0.0876,,,,,,,,
-l_t,nx,scalefree,node,True,node_const,node_clustering_coefficient,generalconv,3,8,1,stack,False,swish,0.3,mean,sgd,0.1,19,1.5785,0.0005,135360.0,0.0312,0.0009,0.2668,0.0027,,,,,,,,
-l_t,nx,scalefree,node,True,node_const,node_clustering_coefficient,gmulconv,1,2,2,skipsum,False,relu,0.0,mean,sgd,0.001,19,1.5607,0.0174,134373.0,0.0429,0.0017,0.3672,0.0117,,,,,,,,
-l_t,nx,scalefree,node,True,node_const,node_clustering_coefficient,gmulconv,1,4,2,stack,False,swish,0.0,mean,adam,0.1,139,1.1217,0.0184,133796.0,0.0495,0.0039,0.4695,0.0146,,,,,,,,
-l_t,nx,scalefree,node,True,node_const,node_clustering_coefficient,gmulconv,3,2,2,skipsum,False,swish,0.0,add,adam,0.1,39,1.5937,0.0027,135113.0,0.0392,0.0028,0.2519,0.024,,,,,,,,
-l_t,nx,scalefree,node,True,node_const,node_clustering_coefficient,gmulconv,3,8,1,stack,False,swish,0.3,mean,sgd,0.1,19,1.5891,0.0122,133955.0,0.0709,0.0178,0.2643,0.0032,,,,,,,,
-l_t,nx,scalefree,node,True,node_const,node_pagerank,gaddconv,2,2,1,skipsum,True,swish,0.0,mean,sgd,0.1,359,1.4802,0.0344,134348.0,0.0489,0.0012,0.4516,0.025,,,,,,,,
-l_t,nx,scalefree,node,True,node_const,node_pagerank,gaddconv,2,8,3,skipconcat,True,swish,0.0,mean,adam,0.001,399,0.06,0.0019,137857.0,0.0675,0.0052,0.9801,0.0006,,,,,,,,
-l_t,nx,scalefree,node,True,node_const,node_pagerank,gaddconv,3,4,1,stack,False,prelu,0.3,add,sgd,0.01,139,1.6043,0.0195,134217.0,0.0739,0.0283,0.2293,0.0425,,,,,,,,
-l_t,nx,scalefree,node,True,node_const,node_pagerank,generalconv,2,2,1,skipsum,True,swish,0.0,mean,sgd,0.1,0,1.6923,0.0595,134789.0,0.0642,0.0176,0.1989,0.0047,,,,,,,,
-l_t,nx,scalefree,node,True,node_const,node_pagerank,generalconv,2,8,3,skipconcat,True,swish,0.0,mean,adam,0.001,139,1.7301,0.2227,137441.0,0.0689,0.0155,0.2574,0.0389,,,,,,,,
-l_t,nx,scalefree,node,True,node_const,node_pagerank,generalconv,3,4,1,stack,False,prelu,0.3,add,sgd,0.01,0,1.612,0.0121,134834.0,0.0301,0.0021,0.2135,0.0232,,,,,,,,
-l_t,nx,scalefree,node,True,node_const,node_pagerank,gmulconv,2,2,1,skipsum,True,swish,0.0,mean,sgd,0.1,379,1.5306,0.0154,135205.0,0.053,0.0072,0.4183,0.0058,,,,,,,,
-l_t,nx,scalefree,node,True,node_const,node_pagerank,gmulconv,2,8,3,skipconcat,True,swish,0.0,mean,adam,0.001,399,0.0858,0.0061,137649.0,0.0794,0.0069,0.9688,0.0033,,,,,,,,
-l_t,nx,scalefree,node,True,node_const,node_pagerank,gmulconv,3,4,1,stack,False,prelu,0.3,add,sgd,0.01,19,1.612,0.003,135426.0,0.068,0.0148,0.2076,0.0061,,,,,,,,
-l_t,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,gaddconv,1,2,3,skipsum,False,prelu,0.0,max,sgd,0.001,319,1.4845,0.0039,134106.0,0.0392,0.0015,0.3705,0.0045,,,,,,,,
-l_t,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,gaddconv,1,4,1,skipsum,True,prelu,0.0,add,adam,0.1,159,0.6047,0.0424,134256.0,0.0737,0.0101,0.7959,0.0241,,,,,,,,
-l_t,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,gaddconv,3,6,1,skipconcat,False,prelu,0.0,max,sgd,0.01,159,1.4577,0.0231,137946.0,0.0647,0.0084,0.3744,0.0004,,,,,,,,
-l_t,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,generalconv,1,2,3,skipsum,False,prelu,0.0,max,sgd,0.001,359,1.5683,0.0114,134851.0,0.0308,0.004,0.2783,0.012,,,,,,,,
-l_t,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,generalconv,1,4,1,skipsum,True,prelu,0.0,add,adam,0.1,199,0.7873,0.0313,134286.0,0.0418,0.002,0.6427,0.0149,,,,,,,,
-l_t,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,generalconv,3,6,1,skipconcat,False,prelu,0.0,max,sgd,0.01,319,1.4986,0.0126,137034.0,0.0416,0.0007,0.3647,0.0098,,,,,,,,
-l_t,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,gmulconv,1,2,3,skipsum,False,prelu,0.0,max,sgd,0.001,339,1.4957,0.0203,135213.0,0.0347,0.0005,0.367,0.0047,,,,,,,,
-l_t,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,gmulconv,1,4,1,skipsum,True,prelu,0.0,add,adam,0.1,199,0.6578,0.0226,135006.0,0.0644,0.0032,0.775,0.0111,,,,,,,,
-l_t,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,gmulconv,3,6,1,skipconcat,False,prelu,0.0,max,sgd,0.01,359,1.4327,0.0016,137490.0,0.0616,0.007,0.3808,0.0077,,,,,,,,
-l_t,nx,scalefree,node,True,node_onehot,node_pagerank,gaddconv,1,4,2,skipconcat,False,prelu,0.6,max,adam,0.1,59,1.545,0.0841,137894.0,0.0482,0.0017,0.2662,0.0726,,,,,,,,
-l_t,nx,scalefree,node,True,node_onehot,node_pagerank,gaddconv,1,4,3,skipconcat,False,relu,0.6,mean,adam,0.001,39,1.0555,0.0163,135318.0,0.0504,0.0193,0.5245,0.0083,,,,,,,,
-l_t,nx,scalefree,node,True,node_onehot,node_pagerank,gaddconv,1,4,3,stack,True,relu,0.6,max,adam,0.01,319,0.4913,0.0219,135245.0,0.0698,0.0038,0.8099,0.011,,,,,,,,
-l_t,nx,scalefree,node,True,node_onehot,node_pagerank,gaddconv,2,6,1,skipsum,True,relu,0.3,mean,adam,0.01,259,0.1266,0.0119,135461.0,0.0994,0.0158,0.9595,0.0041,,,,,,,,
-l_t,nx,scalefree,node,True,node_onehot,node_pagerank,generalconv,1,4,2,skipconcat,False,prelu,0.6,max,adam,0.1,99,1.2414,0.359,137398.0,0.0557,0.0089,0.4194,0.1918,,,,,,,,
-l_t,nx,scalefree,node,True,node_onehot,node_pagerank,generalconv,1,4,3,skipconcat,False,relu,0.6,mean,adam,0.001,79,1.1871,0.0164,134942.0,0.0325,0.0039,0.4745,0.0068,,,,,,,,
-l_t,nx,scalefree,node,True,node_onehot,node_pagerank,generalconv,1,4,3,stack,True,relu,0.6,max,adam,0.01,259,0.8208,0.0061,134069.0,0.0445,0.0009,0.6486,0.0049,,,,,,,,
-l_t,nx,scalefree,node,True,node_onehot,node_pagerank,generalconv,2,6,1,skipsum,True,relu,0.3,mean,adam,0.01,179,0.8546,0.0559,133829.0,0.0553,0.0084,0.6446,0.029,,,,,,,,
-l_t,nx,scalefree,node,True,node_onehot,node_pagerank,gmulconv,1,4,2,skipconcat,False,prelu,0.6,max,adam,0.1,0,2.8283,0.2994,137646.0,0.0645,0.0176,0.1949,0.0029,,,,,,,,
-l_t,nx,scalefree,node,True,node_onehot,node_pagerank,gmulconv,1,4,3,skipconcat,False,relu,0.6,mean,adam,0.001,59,0.9406,0.0059,135130.0,0.0544,0.0032,0.5842,0.0046,,,,,,,,
-l_t,nx,scalefree,node,True,node_onehot,node_pagerank,gmulconv,1,4,3,stack,True,relu,0.6,max,adam,0.01,399,1.0564,0.1735,134657.0,0.0704,0.0035,0.5394,0.0878,,,,,,,,
-l_t,nx,scalefree,node,True,node_onehot,node_pagerank,gmulconv,2,6,1,skipsum,True,relu,0.3,mean,adam,0.01,399,0.1265,0.0086,134645.0,0.0786,0.0059,0.9586,0.0026,,,,,,,,
-l_t,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,gaddconv,1,6,3,skipsum,False,swish,0.6,mean,sgd,0.01,99,6.7661,7.5909,133736.0,0.0981,0.021,0.3154,0.0968,,,,,,,,
-l_t,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,gaddconv,1,8,1,skipsum,False,swish,0.3,max,sgd,0.1,0,13.8476,13.0543,134244.0,0.0717,0.0064,0.2108,0.0208,,,,,,,,
-l_t,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,generalconv,1,6,3,skipsum,False,swish,0.6,mean,sgd,0.01,0,18.1964,1.1299,134277.0,0.0662,0.0273,0.1847,0.03,,,,,,,,
-l_t,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,generalconv,1,8,1,skipsum,False,swish,0.3,max,sgd,0.1,39,186.9392,140.9582,134277.0,0.0413,0.002,0.1601,0.0301,,,,,,,,
-l_t,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,gmulconv,1,6,3,skipsum,False,swish,0.6,mean,sgd,0.01,19,6.8307,7.6501,135045.0,0.0609,0.0226,0.3105,0.0661,,,,,,,,
-l_t,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,gmulconv,1,8,1,skipsum,False,swish,0.3,max,sgd,0.1,0,,,135301.0,0.0554,0.0051,0.17,0.0083,,,,,,,,
-l_t,nx,smallworld,graph,True,node_const,graph_path_len,gaddconv,2,2,1,skipconcat,False,relu,0.0,max,sgd,0.1,0,,,135725.0,0.0368,0.0012,0.1961,0.0262,,,,,,,,
-l_t,nx,smallworld,graph,True,node_const,graph_path_len,gaddconv,2,4,2,skipsum,False,relu,0.6,add,sgd,0.1,0,17.3349,2.4376,134216.0,0.0653,0.0148,0.1945,0.0363,,,,,,,,
-l_t,nx,smallworld,graph,True,node_const,graph_path_len,generalconv,2,2,1,skipconcat,False,relu,0.0,max,sgd,0.1,59,364.7281,85.6373,136479.0,0.0239,0.0007,0.2043,0.0266,,,,,,,,
-l_t,nx,smallworld,graph,True,node_const,graph_path_len,generalconv,2,4,2,skipsum,False,relu,0.6,add,sgd,0.1,0,10.8394,6.5434,134833.0,0.0271,0.0029,0.2304,0.012,,,,,,,,
-l_t,nx,smallworld,graph,True,node_const,graph_path_len,gmulconv,2,2,1,skipconcat,False,relu,0.0,max,sgd,0.1,0,,,135365.0,0.0429,0.0073,0.2043,0.0361,,,,,,,,
-l_t,nx,smallworld,graph,True,node_const,graph_path_len,gmulconv,2,4,2,skipsum,False,relu,0.6,add,sgd,0.1,0,16.0147,1.2079,135425.0,0.0618,0.0244,0.2026,0.0227,,,,,,,,
-l_t,nx,smallworld,graph,True,node_onehot,graph_path_len,gaddconv,2,2,2,stack,True,prelu,0.6,add,sgd,0.01,0,1.9618,0.793,135006.0,0.0474,0.0009,0.3464,0.1343,,,,,,,,
-l_t,nx,smallworld,graph,True,node_onehot,graph_path_len,gaddconv,3,6,1,skipsum,True,prelu,0.0,mean,sgd,0.1,139,8.8543,4.6618,134880.0,0.0761,0.0025,0.5,0.044,,,,,,,,
-l_t,nx,smallworld,graph,True,node_onehot,graph_path_len,generalconv,2,2,2,stack,True,prelu,0.6,add,sgd,0.01,39,1.6936,0.8396,134286.0,0.0303,0.0037,0.4118,0.1475,,,,,,,,
-l_t,nx,smallworld,graph,True,node_onehot,graph_path_len,generalconv,3,6,1,skipsum,True,prelu,0.0,mean,sgd,0.1,99,24.0019,29.3634,135430.0,0.0391,0.0009,0.3971,0.1461,,,,,,,,
-l_t,nx,smallworld,graph,True,node_onehot,graph_path_len,gmulconv,2,2,2,stack,True,prelu,0.6,add,sgd,0.01,0,2.2522,0.7953,134646.0,0.0435,0.0035,0.3317,0.1267,,,,,,,,
-l_t,nx,smallworld,graph,True,node_onehot,graph_path_len,gmulconv,3,6,1,skipsum,True,prelu,0.0,mean,sgd,0.1,0,,,134118.0,0.0644,0.0023,0.3039,0.1317,,,,,,,,
-l_t,nx,smallworld,graph,True,node_pagerank,graph_path_len,gaddconv,1,2,3,stack,False,relu,0.6,max,adam,0.1,0,231.0903,76.1771,134105.0,0.0612,0.0177,0.2026,0.0122,,,,,,,,
-l_t,nx,smallworld,graph,True,node_pagerank,graph_path_len,gaddconv,2,2,1,stack,True,relu,0.3,mean,adam,0.001,259,0.3157,0.0253,134348.0,0.0407,0.0008,0.8643,0.0023,,,,,,,,
-l_t,nx,smallworld,graph,True,node_pagerank,graph_path_len,generalconv,1,2,3,stack,False,relu,0.6,max,adam,0.1,0,224.8672,40.2959,134850.0,0.0412,0.0203,0.1781,0.0201,,,,,,,,
-l_t,nx,smallworld,graph,True,node_pagerank,graph_path_len,generalconv,2,2,1,stack,True,relu,0.3,mean,adam,0.001,259,2.8076,3.4645,134789.0,0.0418,0.0011,0.6225,0.3195,,,,,,,,
-l_t,nx,smallworld,graph,True,node_pagerank,graph_path_len,gmulconv,1,2,3,stack,False,relu,0.6,max,adam,0.1,0,156.8294,52.2706,135212.0,0.0498,0.0166,0.2092,0.0023,,,,,,,,
-l_t,nx,smallworld,graph,True,node_pagerank,graph_path_len,gmulconv,2,2,1,stack,True,relu,0.3,mean,adam,0.001,339,0.4083,0.0521,135205.0,0.0431,0.002,0.8202,0.018,,,,,,,,
-l_t,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,gaddconv,1,4,3,stack,True,prelu,0.6,add,sgd,0.1,79,1.5264,0.0034,135246.0,0.0705,0.0018,0.2993,0.0017,,,,,,,,
-l_t,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,gaddconv,1,6,1,skipsum,False,prelu,0.6,max,sgd,0.001,99,1.6201,0.0046,134805.0,0.0833,0.0023,0.1933,0.0027,,,,,,,,
-l_t,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,gaddconv,1,6,1,stack,True,relu,0.6,add,sgd,0.1,79,1.5169,0.0046,134033.0,0.0982,0.0123,0.3059,0.0036,,,,,,,,
-l_t,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,gaddconv,3,2,1,skipconcat,True,prelu,0.6,mean,adam,0.01,359,0.8019,0.0229,136051.0,0.0507,0.0015,0.6643,0.0179,,,,,,,,
-l_t,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,gaddconv,3,6,2,skipconcat,False,relu,0.3,max,sgd,0.01,339,1.5279,0.0503,136315.0,0.0913,0.0126,0.3112,0.0479,,,,,,,,
-l_t,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,gaddconv,3,8,2,skipsum,True,relu,0.0,mean,adam,0.01,99,0.1845,0.0022,134357.0,0.0973,0.0052,0.9371,0.0006,,,,,,,,
-l_t,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,generalconv,1,4,3,stack,True,prelu,0.6,add,sgd,0.1,99,1.287,0.0031,134070.0,0.0454,0.0016,0.4488,0.0031,,,,,,,,
-l_t,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,generalconv,1,6,1,skipsum,False,prelu,0.6,max,sgd,0.001,0,1.6184,0.001,134834.0,0.0617,0.0031,0.1975,0.0042,,,,,,,,
-l_t,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,generalconv,1,6,1,stack,True,relu,0.6,add,sgd,0.1,199,1.199,0.0022,134069.0,0.0489,0.0044,0.5074,0.0016,,,,,,,,
-l_t,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,generalconv,3,2,1,skipconcat,True,prelu,0.6,mean,adam,0.01,399,1.3487,0.0032,135407.0,0.0409,0.0022,0.4306,0.0012,,,,,,,,
-l_t,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,generalconv,3,6,2,skipconcat,False,relu,0.3,max,sgd,0.01,399,1.5717,0.0133,135799.0,0.0325,0.0028,0.2872,0.012,,,,,,,,
-l_t,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,generalconv,3,8,2,skipsum,True,relu,0.0,mean,adam,0.01,99,1.1696,0.0139,135056.0,0.0603,0.0002,0.5127,0.0081,,,,,,,,
-l_t,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,gmulconv,1,4,3,stack,True,prelu,0.6,add,sgd,0.1,19,5.0145,1.6884,134658.0,0.0892,0.034,0.2081,0.0119,,,,,,,,
-l_t,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,gmulconv,1,6,1,skipsum,False,prelu,0.6,max,sgd,0.001,59,1.6175,0.0002,133923.0,0.0846,0.0015,0.2031,0.0016,,,,,,,,
-l_t,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,gmulconv,1,6,1,stack,True,relu,0.6,add,sgd,0.1,139,1.5701,0.037,134951.0,0.074,0.0008,0.2583,0.043,,,,,,,,
-l_t,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,gmulconv,3,2,1,skipconcat,True,prelu,0.6,mean,adam,0.01,379,0.7656,0.0153,135729.0,0.0541,0.002,0.6786,0.0108,,,,,,,,
-l_t,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,gmulconv,3,6,2,skipconcat,False,relu,0.3,max,sgd,0.01,379,1.5574,0.0391,136057.0,0.0611,0.0095,0.2685,0.0497,,,,,,,,
-l_t,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,gmulconv,3,8,2,skipsum,True,relu,0.0,mean,adam,0.01,99,0.4301,0.0106,135928.0,0.1098,0.0016,0.8309,0.0052,,,,,,,,
-l_t,nx,smallworld,node,True,node_const,node_clustering_coefficient,gaddconv,3,2,3,skipsum,False,prelu,0.6,mean,adam,0.1,0,2.3951,1.111,135426.0,0.0416,0.0045,0.2175,0.0125,,,,,,,,
-l_t,nx,smallworld,node,True,node_const,node_clustering_coefficient,gaddconv,3,4,3,skipconcat,False,swish,0.0,max,adam,0.001,379,1.1651,0.0044,139830.0,0.0487,0.0016,0.4884,0.002,,,,,,,,
-l_t,nx,smallworld,node,True,node_const,node_clustering_coefficient,gaddconv,3,8,2,skipconcat,True,prelu,0.0,add,sgd,0.001,0,,,141378.0,0.1127,0.031,0.2094,0.0133,,,,,,,,
-l_t,nx,smallworld,node,True,node_const,node_clustering_coefficient,gaddconv,3,8,2,skipconcat,True,prelu,0.6,add,sgd,0.01,59,1.7939,0.2397,141378.0,0.0912,0.0145,0.2204,0.0124,,,,,,,,
-l_t,nx,smallworld,node,True,node_const,node_clustering_coefficient,generalconv,3,2,3,skipsum,False,prelu,0.6,mean,adam,0.1,19,1.6123,0.009,134834.0,0.0309,0.0029,0.2314,0.0009,,,,,,,,
-l_t,nx,smallworld,node,True,node_const,node_clustering_coefficient,generalconv,3,4,3,skipconcat,False,swish,0.0,max,adam,0.001,0,1.6123,0.0018,139454.0,0.0508,0.0134,0.2216,0.0087,,,,,,,,
-l_t,nx,smallworld,node,True,node_const,node_clustering_coefficient,generalconv,3,8,2,skipconcat,True,prelu,0.0,add,sgd,0.001,0,1.7126,0.1846,140834.0,0.0554,0.0025,0.2589,0.0286,,,,,,,,
-l_t,nx,smallworld,node,True,node_const,node_clustering_coefficient,generalconv,3,8,2,skipconcat,True,prelu,0.6,add,sgd,0.01,79,1.5832,0.0096,140834.0,0.0473,0.0025,0.2652,0.0082,,,,,,,,
-l_t,nx,smallworld,node,True,node_const,node_clustering_coefficient,gmulconv,3,2,3,skipsum,False,prelu,0.6,mean,adam,0.1,39,3.2868,1.6652,135130.0,0.0699,0.0352,0.2119,0.0137,,,,,,,,
-l_t,nx,smallworld,node,True,node_const,node_clustering_coefficient,gmulconv,3,4,3,skipconcat,False,swish,0.0,max,adam,0.001,359,1.2027,0.0004,139642.0,0.0471,0.0042,0.4774,0.002,,,,,,,,
-l_t,nx,smallworld,node,True,node_const,node_clustering_coefficient,gmulconv,3,8,2,skipconcat,True,prelu,0.0,add,sgd,0.001,0,,,141106.0,0.1122,0.0128,0.1869,0.0186,,,,,,,,
-l_t,nx,smallworld,node,True,node_const,node_clustering_coefficient,gmulconv,3,8,2,skipconcat,True,prelu,0.6,add,sgd,0.01,19,2.1506,0.0172,141106.0,0.0915,0.0111,0.2043,0.0031,,,,,,,,
-l_t,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,gaddconv,3,2,3,skipconcat,True,swish,0.0,mean,adam,0.1,379,1.1977,0.0075,136805.0,0.0495,0.0006,0.4797,0.0016,,,,,,,,
-l_t,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,generalconv,3,2,3,skipconcat,True,swish,0.0,mean,adam,0.1,359,0.4839,0.1333,136501.0,0.0431,0.0021,0.8149,0.0617,,,,,,,,
-l_t,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,gmulconv,3,2,3,skipconcat,True,swish,0.0,mean,adam,0.1,379,1.274,0.0086,136653.0,0.054,0.0048,0.4449,0.0043,,,,,,,,
-l_t,nx,smallworld,node,True,node_onehot,node_pagerank,gaddconv,2,6,1,skipsum,False,swish,0.0,max,adam,0.1,179,1.6116,0.0017,134373.0,0.0654,0.0056,0.2066,0.0048,,,,,,,,
-l_t,nx,smallworld,node,True,node_onehot,node_pagerank,gaddconv,3,8,1,skipconcat,False,relu,0.0,add,adam,0.001,99,1.5871,0.0086,137180.0,0.0653,0.0021,0.266,0.0113,,,,,,,,
-l_t,nx,smallworld,node,True,node_onehot,node_pagerank,generalconv,2,6,1,skipsum,False,swish,0.0,max,adam,0.1,99,1.5263,0.1216,134676.0,0.0412,0.0057,0.2758,0.1076,,,,,,,,
-l_t,nx,smallworld,node,True,node_onehot,node_pagerank,generalconv,3,8,1,skipconcat,False,relu,0.0,add,adam,0.001,99,1.5745,0.0045,136236.0,0.0366,0.0008,0.2663,0.0088,,,,,,,,
-l_t,nx,smallworld,node,True,node_onehot,node_pagerank,gmulconv,2,6,1,skipsum,False,swish,0.0,max,adam,0.1,19,1.6148,0.0041,135498.0,0.0615,0.0013,0.2031,0.0059,,,,,,,,
-l_t,nx,smallworld,node,True,node_onehot,node_pagerank,gmulconv,3,8,1,skipconcat,False,relu,0.0,add,adam,0.001,99,1.5952,0.0093,136708.0,0.0781,0.0116,0.2493,0.0173,,,,,,,,
-l_t,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,gaddconv,1,8,2,skipsum,False,swish,0.6,add,adam,0.1,0,1.7097,0.1329,134645.0,0.0852,0.0007,0.2185,0.0058,,,,,,,,
-l_t,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,gaddconv,2,2,2,skipconcat,False,relu,0.0,mean,adam,0.001,79,1.2074,0.0062,136355.0,0.0331,0.0008,0.4654,0.0034,,,,,,,,
-l_t,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,gaddconv,2,4,1,skipsum,False,relu,0.0,mean,sgd,0.001,79,1.6146,0.0108,134440.0,0.0646,0.0018,0.2238,0.0117,,,,,,,,
-l_t,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,gaddconv,2,6,3,skipconcat,False,swish,0.3,mean,sgd,0.1,99,1.4964,0.0669,141445.0,0.0563,0.0134,0.3392,0.0476,,,,,,,,
-l_t,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,gaddconv,3,4,3,skipconcat,False,relu,0.3,mean,sgd,0.01,359,1.5999,0.0014,139830.0,0.0431,0.0007,0.2465,0.0052,,,,,,,,
-l_t,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,gaddconv,3,6,3,stack,False,relu,0.6,add,sgd,0.001,59,1.6941,0.0325,134411.0,0.0875,0.0347,0.2,0.0059,,,,,,,,
-l_t,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,generalconv,1,8,2,skipsum,False,swish,0.6,add,adam,0.1,99,1.5926,0.0212,134920.0,0.0341,0.0022,0.2624,0.0271,,,,,,,,
-l_t,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,generalconv,2,2,2,skipconcat,False,relu,0.0,mean,adam,0.001,99,1.1106,0.01,135951.0,0.0246,0.0021,0.5189,0.0042,,,,,,,,
-l_t,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,generalconv,2,4,1,skipsum,False,relu,0.0,mean,sgd,0.001,0,1.6086,0.0031,134789.0,0.0308,0.0025,0.2332,0.0013,,,,,,,,
-l_t,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,generalconv,2,6,3,skipconcat,False,swish,0.3,mean,sgd,0.1,39,1.5402,0.0893,141037.0,0.03,0.0011,0.2877,0.0695,,,,,,,,
-l_t,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,generalconv,3,4,3,skipconcat,False,relu,0.3,mean,sgd,0.01,19,1.6084,0.0033,139454.0,0.0306,0.0036,0.2271,0.0075,,,,,,,,
-l_t,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,generalconv,3,6,3,stack,False,relu,0.6,add,sgd,0.001,0,1.6781,0.0031,135360.0,0.0306,0.0016,0.2043,0.0045,,,,,,,,
-l_t,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,gmulconv,1,8,2,skipsum,False,swish,0.6,add,adam,0.1,19,1.7445,0.1745,133685.0,0.0884,0.0174,0.2041,0.0101,,,,,,,,
-l_t,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,gmulconv,2,2,2,skipconcat,False,relu,0.0,mean,adam,0.001,99,1.2225,0.0037,136153.0,0.0337,0.0012,0.4607,0.0019,,,,,,,,
-l_t,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,gmulconv,2,4,1,skipsum,False,relu,0.0,mean,sgd,0.001,0,1.6162,0.0171,133796.0,0.0499,0.001,0.2116,0.0243,,,,,,,,
-l_t,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,gmulconv,2,6,3,skipconcat,False,swish,0.3,mean,sgd,0.1,79,1.5609,0.044,141241.0,0.0574,0.0066,0.2938,0.04,,,,,,,,
-l_t,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,gmulconv,3,4,3,skipconcat,False,relu,0.3,mean,sgd,0.01,279,1.5997,0.0015,139642.0,0.0408,0.0017,0.2447,0.006,,,,,,,,
-l_t,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,gmulconv,3,6,3,stack,False,relu,0.6,add,sgd,0.001,39,1.6661,0.0086,133727.0,0.0685,0.0088,0.2014,0.003,,,,,,,,
diff --git a/run/results/design_v1_grid_round1att/agg/val.csv b/run/results/design_v1_grid_round1att/agg/val.csv
deleted file mode 100644
index bbc90441..00000000
--- a/run/results/design_v1_grid_round1att/agg/val.csv
+++ /dev/null
@@ -1,287 +0,0 @@
-sample,format,dataset,task,trans,feature,label,l_t,l_pre,l_mp,l_post,stage,bn,act,drop,agg,optim,lr,epoch,loss,loss_std,params,time_iter,time_iter_std,accuracy,accuracy_std,precision,precision_std,recall,recall_std,f1,f1_std,auc,auc_std
-l_t,PyG,AmazonComputers,node,True,,,gaddconv,1,8,1,stack,True,swish,0.6,mean,adam,0.001,99,1.9107,0.0047,232039.0,0.2057,0.0093,0.3684,0.0076,,,,,,,,
-l_t,PyG,AmazonComputers,node,True,,,gaddconv,2,2,2,stack,False,swish,0.6,add,adam,0.1,199,2.0102,0.066,275558.0,0.1116,0.0038,0.3692,0.0075,,,,,,,,
-l_t,PyG,AmazonComputers,node,True,,,gaddconv,2,2,3,skipsum,False,prelu,0.6,add,sgd,0.001,99,2.0462,0.0497,258725.0,0.1287,0.0037,0.3692,0.0075,,,,,,,,
-l_t,PyG,AmazonComputers,node,True,,,gaddconv,3,8,3,skipconcat,False,relu,0.0,add,sgd,0.1,399,1.2858,0.6872,158662.0,0.1276,0.026,0.5729,0.2424,,,,,,,,
-l_t,PyG,AmazonComputers,node,True,,,generalconv,1,8,1,stack,True,swish,0.6,mean,adam,0.001,99,1.2882,0.0202,232842.0,0.0943,0.0082,0.685,0.0143,,,,,,,,
-l_t,PyG,AmazonComputers,node,True,,,generalconv,2,2,2,stack,False,swish,0.6,add,adam,0.1,199,2.0783,0.0373,274830.0,0.0934,0.0043,0.3692,0.0075,,,,,,,,
-l_t,PyG,AmazonComputers,node,True,,,generalconv,2,2,3,skipsum,False,prelu,0.6,add,sgd,0.001,99,2.0331,0.0147,260485.0,0.1085,0.0398,0.3691,0.0076,,,,,,,,
-l_t,PyG,AmazonComputers,node,True,,,generalconv,3,8,3,skipconcat,False,relu,0.0,add,sgd,0.1,399,1.8845,0.006,158246.0,0.0981,0.0189,0.3692,0.0075,,,,,,,,
-l_t,PyG,AmazonComputers,node,True,,,gmulconv,1,8,1,stack,True,swish,0.6,mean,adam,0.001,99,1.9032,0.0105,233866.0,0.141,0.0092,0.3684,0.0073,,,,,,,,
-l_t,PyG,AmazonComputers,node,True,,,gmulconv,2,2,2,stack,False,swish,0.6,add,adam,0.1,199,2.1802,0.0627,275194.0,0.1053,0.0014,0.3692,0.0075,,,,,,,,
-l_t,PyG,AmazonComputers,node,True,,,gmulconv,2,2,3,skipsum,False,prelu,0.6,add,sgd,0.001,99,2.0913,0.0169,260811.0,0.1003,0.0063,0.3686,0.0073,,,,,,,,
-l_t,PyG,AmazonComputers,node,True,,,gmulconv,3,8,3,skipconcat,False,relu,0.0,add,sgd,0.1,399,,,158454.0,0.086,0.0026,0.3648,0.2664,,,,,,,,
-l_t,PyG,AmazonPhoto,node,True,,,gaddconv,1,2,1,skipconcat,True,relu,0.0,mean,adam,0.1,399,0.2677,0.031,293862.0,0.0418,0.0025,0.9334,0.0089,,,,,,,,
-l_t,PyG,AmazonPhoto,node,True,,,gaddconv,3,2,2,skipconcat,False,swish,0.3,mean,adam,0.001,399,0.2782,0.014,207491.0,0.0306,0.0005,0.9319,0.0045,,,,,,,,
-l_t,PyG,AmazonPhoto,node,True,,,gaddconv,3,4,1,skipsum,True,relu,0.0,max,adam,0.01,99,0.279,0.0129,243587.0,0.0625,0.0032,0.9419,0.0014,,,,,,,,
-l_t,PyG,AmazonPhoto,node,True,,,gaddconv,3,6,1,skipconcat,True,swish,0.3,add,sgd,0.1,199,0.6383,0.0932,196012.0,0.0493,0.0019,0.8056,0.0539,,,,,,,,
-l_t,PyG,AmazonPhoto,node,True,,,generalconv,1,2,1,skipconcat,True,relu,0.0,mean,adam,0.1,399,0.1951,0.0095,293026.0,0.0267,0.0036,0.9484,0.0024,,,,,,,,
-l_t,PyG,AmazonPhoto,node,True,,,generalconv,3,2,2,skipconcat,False,swish,0.3,mean,adam,0.001,399,0.1779,0.0163,210610.0,0.0253,0.0018,0.9551,0.0052,,,,,,,,
-l_t,PyG,AmazonPhoto,node,True,,,generalconv,3,4,1,skipsum,True,relu,0.0,max,adam,0.01,99,0.2492,0.0184,244948.0,0.0379,0.0015,0.9464,0.006,,,,,,,,
-l_t,PyG,AmazonPhoto,node,True,,,generalconv,3,6,1,skipconcat,True,swish,0.3,add,sgd,0.1,199,1.3697,0.0445,195100.0,0.0432,0.002,0.5199,0.0118,,,,,,,,
-l_t,PyG,AmazonPhoto,node,True,,,gmulconv,1,2,1,skipconcat,True,relu,0.0,mean,adam,0.1,399,0.2557,0.0125,293444.0,0.0364,0.001,0.9343,0.0055,,,,,,,,
-l_t,PyG,AmazonPhoto,node,True,,,gmulconv,3,2,2,skipconcat,False,swish,0.3,mean,adam,0.001,399,0.2612,0.0072,210806.0,0.033,0.0019,0.9382,0.002,,,,,,,,
-l_t,PyG,AmazonPhoto,node,True,,,gmulconv,3,4,1,skipsum,True,relu,0.0,max,adam,0.01,99,0.4777,0.0471,245540.0,0.0537,0.0015,0.8855,0.0182,,,,,,,,
-l_t,PyG,AmazonPhoto,node,True,,,gmulconv,3,6,1,skipconcat,True,swish,0.3,add,sgd,0.1,199,2.2438,0.277,195556.0,0.0396,0.0004,0.3192,0.0888,,,,,,,,
-l_t,PyG,CiteSeer,node,True,,,gaddconv,1,2,2,stack,True,relu,0.0,mean,sgd,0.1,399,1.8528,0.139,908738.0,0.0731,0.0038,0.6847,0.0056,,,,,,,,
-l_t,PyG,CiteSeer,node,True,,,gaddconv,1,8,1,stack,False,swish,0.3,max,adam,0.1,99,1.6928,0.0775,609030.0,0.0802,0.0047,0.2107,0.0252,,,,,,,,
-l_t,PyG,CiteSeer,node,True,,,generalconv,1,2,2,stack,True,relu,0.0,mean,sgd,0.1,399,1.6028,0.0962,907902.0,0.069,0.0033,0.7017,0.015,,,,,,,,
-l_t,PyG,CiteSeer,node,True,,,generalconv,1,8,1,stack,False,swish,0.3,max,adam,0.1,99,1.5997,0.0908,612756.0,0.0736,0.0012,0.3143,0.0403,,,,,,,,
-l_t,PyG,CiteSeer,node,True,,,gmulconv,1,2,2,stack,True,relu,0.0,mean,sgd,0.1,399,1.7561,0.1186,908320.0,0.0751,0.0015,0.6937,0.0244,,,,,,,,
-l_t,PyG,CiteSeer,node,True,,,gmulconv,1,8,1,stack,False,swish,0.3,max,adam,0.1,99,1.7563,0.006,608006.0,0.0747,0.0087,0.1897,0.0141,,,,,,,,
-l_t,PyG,CoauthorCS,node,True,,,gaddconv,2,2,3,skipsum,True,swish,0.6,add,sgd,0.01,399,0.9928,0.0969,1238667.0,0.6223,0.006,0.6836,0.0497,,,,,,,,
-l_t,PyG,CoauthorCS,node,True,,,gaddconv,2,4,2,stack,False,relu,0.3,add,adam,0.1,399,2.3184,0.1236,1143019.0,0.6429,0.038,0.2454,0.0255,,,,,,,,
-l_t,PyG,CoauthorCS,node,True,,,generalconv,2,2,3,skipsum,True,swish,0.6,add,sgd,0.01,399,0.6803,0.0402,1238019.0,0.586,0.0322,0.8042,0.009,,,,,,,,
-l_t,PyG,CoauthorCS,node,True,,,generalconv,2,4,2,stack,False,relu,0.3,add,adam,0.1,399,2.4065,0.0025,1150444.0,0.6261,0.0024,0.2283,0.0014,,,,,,,,
-l_t,PyG,CoauthorCS,node,True,,,gmulconv,2,2,3,skipsum,True,swish,0.6,add,sgd,0.01,399,1.4312,0.0205,1238343.0,0.6151,0.0087,0.5682,0.0136,,,,,,,,
-l_t,PyG,CoauthorCS,node,True,,,gmulconv,2,4,2,stack,False,relu,0.3,add,adam,0.1,399,2.2335,0.1241,1142427.0,0.6402,0.0589,0.2603,0.0266,,,,,,,,
-l_t,PyG,CoauthorPhysics,node,True,,,gaddconv,1,8,2,stack,True,relu,0.6,mean,sgd,0.001,99,1.3614,0.031,1144325.0,1.4012,0.032,0.4954,0.0049,,,,,,,,
-l_t,PyG,CoauthorPhysics,node,True,,,gaddconv,2,8,2,skipconcat,True,relu,0.3,add,sgd,0.1,99,0.1419,0.0043,425889.0,1.4879,0.101,0.9591,0.0007,,,,,,,,
-l_t,PyG,CoauthorPhysics,node,True,,,gaddconv,3,4,3,skipconcat,False,prelu,0.6,mean,sgd,0.01,199,1.1054,0.0161,534819.0,1.4593,0.0488,0.5035,0.0012,,,,,,,,
-l_t,PyG,CoauthorPhysics,node,True,,,generalconv,1,8,2,stack,True,relu,0.6,mean,sgd,0.001,99,0.5075,0.0494,1153014.0,1.5017,0.0839,0.8568,0.017,,,,,,,,
-l_t,PyG,CoauthorPhysics,node,True,,,generalconv,2,8,2,skipconcat,True,relu,0.3,add,sgd,0.1,99,0.1309,0.0008,425345.0,1.4729,0.0848,0.9612,0.0005,,,,,,,,
-l_t,PyG,CoauthorPhysics,node,True,,,generalconv,3,4,3,skipconcat,False,prelu,0.6,mean,sgd,0.01,199,0.3902,0.1453,534443.0,1.3763,0.0469,0.8802,0.0648,,,,,,,,
-l_t,PyG,CoauthorPhysics,node,True,,,gmulconv,1,8,2,stack,True,relu,0.6,mean,sgd,0.001,99,1.4742,0.1239,1143365.0,1.383,0.0242,0.5034,0.002,,,,,,,,
-l_t,PyG,CoauthorPhysics,node,True,,,gmulconv,2,8,2,skipconcat,True,relu,0.3,add,sgd,0.1,99,0.1643,0.0033,425617.0,1.3996,0.0133,0.9542,0.0017,,,,,,,,
-l_t,PyG,CoauthorPhysics,node,True,,,gmulconv,3,4,3,skipconcat,False,prelu,0.6,mean,sgd,0.01,199,0.8457,0.1184,534631.0,1.2335,0.0381,0.6299,0.0868,,,,,,,,
-l_t,PyG,Cora,node,True,,,gaddconv,1,2,2,skipsum,True,relu,0.0,mean,sgd,0.001,99,1.6866,0.0329,434518.0,0.0163,0.0013,0.3972,0.0092,,,,,,,,
-l_t,PyG,Cora,node,True,,,gaddconv,2,8,1,stack,False,swish,0.3,max,sgd,0.1,199,1.8426,0.0075,309162.0,0.0221,0.0023,0.294,0.0117,,,,,,,,
-l_t,PyG,Cora,node,True,,,gaddconv,3,4,2,skipconcat,True,relu,0.0,max,sgd,0.01,199,0.8522,0.0233,223207.0,0.0193,0.0036,0.7225,0.0053,,,,,,,,
-l_t,PyG,Cora,node,True,,,generalconv,1,2,2,skipsum,True,relu,0.0,mean,sgd,0.001,99,1.0544,0.0422,433682.0,0.0128,0.0021,0.6458,0.0181,,,,,,,,
-l_t,PyG,Cora,node,True,,,generalconv,2,8,1,stack,False,swish,0.3,max,sgd,0.1,199,2.2418,0.0487,307226.0,0.0212,0.0055,0.2677,0.0361,,,,,,,,
-l_t,PyG,Cora,node,True,,,generalconv,3,4,2,skipconcat,True,relu,0.0,max,sgd,0.01,199,0.6282,0.0448,222727.0,0.0158,0.0015,0.8017,0.0145,,,,,,,,
-l_t,PyG,Cora,node,True,,,gmulconv,1,2,2,skipsum,True,relu,0.0,mean,sgd,0.001,99,1.7007,0.053,434100.0,0.0172,0.0008,0.3947,0.023,,,,,,,,
-l_t,PyG,Cora,node,True,,,gmulconv,2,8,1,stack,False,swish,0.3,max,sgd,0.1,199,1.8417,0.0069,308194.0,0.0221,0.0006,0.294,0.0117,,,,,,,,
-l_t,PyG,Cora,node,True,,,gmulconv,3,4,2,skipconcat,True,relu,0.0,max,sgd,0.01,199,0.9954,0.0674,222967.0,0.0183,0.002,0.7023,0.0225,,,,,,,,
-l_t,PyG,TU_BZR,graph,False,,,gaddconv,2,2,3,stack,True,swish,0.0,add,adam,0.01,399,0.5935,0.0815,142561.0,0.0147,0.0008,0.8293,0.0264,0.565,0.094,0.6756,0.1239,0.5985,0.0332,0.8494,0.0447
-l_t,PyG,TU_BZR,graph,False,,,gaddconv,2,6,1,skipconcat,False,prelu,0.3,max,sgd,0.1,399,0.4838,0.0223,140090.0,0.0151,0.0008,0.8334,0.023,0.8214,0.1271,0.1904,0.0924,0.2902,0.1235,0.678,0.0265
-l_t,PyG,TU_BZR,graph,False,,,gaddconv,2,8,1,stack,True,swish,0.0,add,adam,0.01,199,0.6793,0.2402,140401.0,0.016,0.0035,0.8415,0.0263,0.5885,0.0279,0.601,0.0772,0.5907,0.032,0.8264,0.0776
-l_t,PyG,TU_BZR,graph,False,,,gaddconv,2,8,3,skipsum,True,prelu,0.6,max,sgd,0.01,199,0.5619,0.0751,140939.0,0.0159,0.0005,0.7439,0.0868,0.5536,0.3178,0.3038,0.2381,0.2611,0.1184,0.6555,0.0447
-l_t,PyG,TU_BZR,graph,False,,,generalconv,2,2,3,stack,True,swish,0.0,add,adam,0.01,399,0.8468,0.3632,141913.0,0.011,0.0007,0.8171,0.0498,0.5163,0.0946,0.6754,0.1643,0.5793,0.1136,0.8615,0.0909
-l_t,PyG,TU_BZR,graph,False,,,generalconv,2,6,1,skipconcat,False,prelu,0.3,max,sgd,0.1,399,0.4835,0.0603,139154.0,0.0143,0.0005,0.8171,0.0199,0.5794,0.0683,0.1927,0.048,0.2821,0.0507,0.64,0.0341
-l_t,PyG,TU_BZR,graph,False,,,generalconv,2,8,1,stack,True,swish,0.0,add,adam,0.01,199,0.931,0.4256,140724.0,0.0138,0.0012,0.8455,0.0349,0.5799,0.0771,0.6868,0.105,0.6264,0.083,0.8603,0.0651
-l_t,PyG,TU_BZR,graph,False,,,generalconv,2,8,3,skipsum,True,prelu,0.6,max,sgd,0.01,199,0.9615,0.2952,139195.0,0.0171,0.003,0.3821,0.2907,0.4512,0.3883,0.6852,0.4452,0.2352,0.0943,0.5051,0.0876
-l_t,PyG,TU_BZR,graph,False,,,gmulconv,2,2,3,stack,True,swish,0.0,add,adam,0.01,399,0.6567,0.1654,142237.0,0.0163,0.0024,0.809,0.0251,0.5,0.0,0.6594,0.1652,0.5594,0.066,0.8674,0.0643
-l_t,PyG,TU_BZR,graph,False,,,gmulconv,2,6,1,skipconcat,False,prelu,0.3,max,sgd,0.1,399,0.4649,0.0592,139622.0,0.017,0.0012,0.8415,0.0264,0.9167,0.1179,0.1973,0.0615,0.3176,0.0854,0.6709,0.0379
-l_t,PyG,TU_BZR,graph,False,,,gmulconv,2,8,1,stack,True,swish,0.0,add,adam,0.01,199,0.4653,0.0434,139441.0,0.0166,0.0016,0.7968,0.0304,0.1944,0.1416,0.0442,0.0324,0.072,0.0528,0.7024,0.0258
-l_t,PyG,TU_BZR,graph,False,,,gmulconv,2,8,3,skipsum,True,prelu,0.6,max,sgd,0.01,199,0.4537,0.0446,140067.0,0.0157,0.0007,0.8212,0.0251,1.0,0.0,0.065,0.0089,0.1219,0.0157,0.6862,0.0154
-l_t,PyG,TU_COX2,graph,False,,,gaddconv,2,2,3,skipsum,False,swish,0.6,add,sgd,0.1,99,0.5397,0.0144,138673.0,0.0138,0.0022,0.773,0.0133,0.0,0.0,0.0,0.0,0.0,0.0,0.486,0.0311
-l_t,PyG,TU_COX2,graph,False,,,gaddconv,3,2,3,stack,False,prelu,0.0,max,adam,0.01,399,0.4947,0.0547,138382.0,0.0157,0.0021,0.7837,0.0265,0.4048,0.2993,0.0992,0.1084,0.1525,0.1581,0.6616,0.1205
-l_t,PyG,TU_COX2,graph,False,,,gaddconv,3,6,1,skipconcat,False,prelu,0.0,mean,adam,0.01,399,0.4371,0.0509,137638.0,0.0196,0.0023,0.8369,0.0362,0.8838,0.0824,0.353,0.1601,0.4728,0.173,0.7687,0.0461
-l_t,PyG,TU_COX2,graph,False,,,generalconv,2,2,3,skipsum,False,swish,0.6,add,sgd,0.1,99,0.5376,0.0167,139692.0,0.0116,0.0004,0.773,0.0133,0.0,0.0,0.0,0.0,0.0,0.0,0.4911,0.0427
-l_t,PyG,TU_COX2,graph,False,,,generalconv,3,2,3,stack,False,prelu,0.0,max,adam,0.01,399,0.5411,0.0202,139615.0,0.0134,0.0017,0.773,0.0133,0.0,0.0,0.0,0.0,0.0,0.0,0.5064,0.0179
-l_t,PyG,TU_COX2,graph,False,,,generalconv,3,6,1,skipconcat,False,prelu,0.0,mean,adam,0.01,399,0.5408,0.0195,136726.0,0.0133,0.0009,0.773,0.0133,0.0,0.0,0.0,0.0,0.0,0.0,0.5084,0.0255
-l_t,PyG,TU_COX2,graph,False,,,gmulconv,2,2,3,skipsum,False,swish,0.6,add,sgd,0.1,99,0.5359,0.0162,140018.0,0.0155,0.0006,0.773,0.0133,0.0,0.0,0.0,0.0,0.0,0.0,0.449,0.0534
-l_t,PyG,TU_COX2,graph,False,,,gmulconv,3,2,3,stack,False,prelu,0.0,max,adam,0.01,399,0.5404,0.0208,139913.0,0.0188,0.0014,0.773,0.0133,0.0,0.0,0.0,0.0,0.0,0.0,0.5196,0.0365
-l_t,PyG,TU_COX2,graph,False,,,gmulconv,3,6,1,skipconcat,False,prelu,0.0,mean,adam,0.01,399,0.4205,0.0275,137182.0,0.0169,0.0014,0.8369,0.0392,0.8,0.1633,0.4074,0.0304,0.5368,0.0618,0.7812,0.0061
-l_t,PyG,TU_DD,graph,False,,,gaddconv,1,6,1,skipsum,False,swish,0.6,max,sgd,0.001,399,2.8005,1.7403,147557.0,0.0744,0.0083,0.5274,0.0779,0.4392,0.3677,0.3619,0.4526,0.2486,0.2492,0.685,0.177
-l_t,PyG,TU_DD,graph,False,,,gaddconv,1,6,2,skipconcat,False,relu,0.6,mean,sgd,0.001,199,0.6579,0.0203,140889.0,0.0432,0.0023,0.647,0.0196,0.9203,0.0826,0.2008,0.0434,0.3253,0.0548,0.8313,0.0154
-l_t,PyG,TU_DD,graph,False,,,gaddconv,1,6,3,skipconcat,True,prelu,0.6,add,sgd,0.1,399,0.7737,0.1924,142666.0,0.0446,0.0044,0.7187,0.0498,0.8552,0.0831,0.4395,0.1821,0.5516,0.129,0.8346,0.016
-l_t,PyG,TU_DD,graph,False,,,gaddconv,2,6,2,stack,True,relu,0.3,max,sgd,0.001,99,0.7606,0.1391,146433.0,0.0674,0.0041,0.7215,0.0282,0.8716,0.0153,0.4146,0.0718,0.5576,0.0602,0.8095,0.0035
-l_t,PyG,TU_DD,graph,False,,,gaddconv,2,8,1,skipconcat,True,prelu,0.3,add,sgd,0.01,199,0.5975,0.0706,141242.0,0.0582,0.005,0.7623,0.0665,0.6884,0.0868,0.8615,0.0382,0.7604,0.0461,0.8307,0.0296
-l_t,PyG,TU_DD,graph,False,,,generalconv,1,6,1,skipsum,False,swish,0.6,max,sgd,0.001,399,3.6689,0.2503,147660.0,0.0588,0.0046,0.429,0.0105,0.429,0.0105,1.0,0.0,0.6003,0.0103,0.2029,0.0071
-l_t,PyG,TU_DD,graph,False,,,generalconv,1,6,2,skipconcat,False,relu,0.6,mean,sgd,0.001,199,0.5898,0.0557,140361.0,0.0592,0.0121,0.73,0.0379,0.8792,0.0875,0.4365,0.1224,0.5708,0.0978,0.8338,0.0336
-l_t,PyG,TU_DD,graph,False,,,generalconv,1,6,3,skipconcat,True,prelu,0.6,add,sgd,0.1,399,0.6403,0.0812,142258.0,0.0343,0.0028,0.7271,0.0221,0.7781,0.0155,0.5131,0.0667,0.615,0.046,0.8065,0.0339
-l_t,PyG,TU_DD,graph,False,,,generalconv,2,6,2,stack,True,relu,0.3,max,sgd,0.001,99,0.6567,0.0734,144897.0,0.0576,0.0083,0.7159,0.0111,0.8728,0.0491,0.4002,0.0391,0.5461,0.0259,0.8101,0.0036
-l_t,PyG,TU_DD,graph,False,,,generalconv,2,8,1,skipconcat,True,prelu,0.3,add,sgd,0.01,199,0.6125,0.0546,140282.0,0.0456,0.0035,0.7243,0.0522,0.6384,0.0626,0.8651,0.0261,0.7318,0.0307,0.8277,0.0207
-l_t,PyG,TU_DD,graph,False,,,gmulconv,1,6,2,skipconcat,False,relu,0.6,mean,sgd,0.001,199,0.6851,0.0055,140625.0,0.0492,0.002,0.6357,0.0072,0.9219,0.0764,0.167,0.0113,0.2821,0.0134,0.8432,0.012
-l_t,PyG,TU_DD,graph,False,,,gmulconv,1,6,3,skipconcat,True,prelu,0.6,add,sgd,0.1,399,0.6569,0.1287,142462.0,0.0391,0.0046,0.7103,0.0428,0.8756,0.0799,0.3975,0.1603,0.5198,0.1434,0.8389,0.0286
-l_t,PyG,TU_DD,graph,False,,,gmulconv,2,6,2,stack,True,relu,0.3,max,sgd,0.001,99,1.2552,0.1567,145665.0,0.0616,0.0083,0.429,0.0105,0.429,0.0105,1.0,0.0,0.6003,0.0103,0.5,0.0
-l_t,PyG,TU_ENZYMES,graph,False,,,gaddconv,1,8,3,skipsum,True,prelu,0.6,add,sgd,0.001,99,2.0424,0.1768,135325.0,0.023,0.0041,0.1295,0.0273,,,,,,,,
-l_t,PyG,TU_ENZYMES,graph,False,,,gaddconv,2,4,3,skipconcat,True,prelu,0.3,mean,adam,0.01,399,2.4881,0.1754,138187.0,0.0196,0.0019,0.5813,0.0566,,,,,,,,
-l_t,PyG,TU_ENZYMES,graph,False,,,gaddconv,3,2,2,skipsum,False,swish,0.3,mean,sgd,0.1,199,1.8479,0.0554,134304.0,0.0146,0.0011,0.2232,0.0422,,,,,,,,
-l_t,PyG,TU_ENZYMES,graph,False,,,gaddconv,3,8,1,skipconcat,False,relu,0.3,mean,sgd,0.1,399,,,137240.0,0.0262,0.0017,0.1295,0.017,,,,,,,,
-l_t,PyG,TU_ENZYMES,graph,False,,,generalconv,1,8,3,skipsum,True,prelu,0.6,add,sgd,0.001,99,2.2186,0.206,135822.0,0.0168,0.0013,0.1845,0.0545,,,,,,,,
-l_t,PyG,TU_ENZYMES,graph,False,,,generalconv,2,4,3,skipconcat,True,prelu,0.3,mean,adam,0.01,399,2.2101,0.0365,137811.0,0.0182,0.0029,0.562,0.0234,,,,,,,,
-l_t,PyG,TU_ENZYMES,graph,False,,,generalconv,3,2,2,skipsum,False,swish,0.3,mean,sgd,0.1,199,1.8224,0.025,135296.0,0.0153,0.0006,0.2066,0.0644,,,,,,,,
-l_t,PyG,TU_ENZYMES,graph,False,,,generalconv,3,8,1,skipconcat,False,relu,0.3,mean,sgd,0.1,399,2.3301,0.205,136296.0,0.0161,0.0006,0.1598,0.0237,,,,,,,,
-l_t,PyG,TU_ENZYMES,graph,False,,,gmulconv,1,8,3,skipsum,True,prelu,0.6,add,sgd,0.001,99,2.1908,0.175,134413.0,0.0231,0.0036,0.1763,0.0156,,,,,,,,
-l_t,PyG,TU_ENZYMES,graph,False,,,gmulconv,2,4,3,skipconcat,True,prelu,0.3,mean,adam,0.01,399,2.7228,0.1458,137999.0,0.0257,0.0061,0.4545,0.0067,,,,,,,,
-l_t,PyG,TU_ENZYMES,graph,False,,,gmulconv,3,2,2,skipsum,False,swish,0.3,mean,sgd,0.1,199,1.8373,0.0393,135622.0,0.0213,0.0038,0.2259,0.0406,,,,,,,,
-l_t,PyG,TU_ENZYMES,graph,False,,,gmulconv,3,8,1,skipconcat,False,relu,0.3,mean,sgd,0.1,399,,,136768.0,0.0245,0.0006,0.157,0.0443,,,,,,,,
-l_t,PyG,TU_IMDB,graph,False,,,gaddconv,1,2,2,skipsum,False,prelu,0.6,mean,adam,0.1,399,1.1022,0.0028,133555.0,0.0146,0.0016,0.3422,0.0054,,,,,,,,
-l_t,PyG,TU_IMDB,graph,False,,,gaddconv,3,4,2,skipconcat,True,swish,0.0,max,adam,0.001,199,1.1306,0.0791,136083.0,0.0193,0.001,0.4408,0.035,,,,,,,,
-l_t,PyG,TU_IMDB,graph,False,,,generalconv,1,2,2,skipsum,False,prelu,0.6,mean,adam,0.1,399,1.1019,0.0026,133984.0,0.0141,0.0017,0.3245,0.0164,,,,,,,,
-l_t,PyG,TU_IMDB,graph,False,,,generalconv,3,4,2,skipconcat,True,swish,0.0,max,adam,0.001,199,1.3869,0.337,135603.0,0.0201,0.0029,0.3311,0.0246,,,,,,,,
-l_t,PyG,TU_IMDB,graph,False,,,gmulconv,1,2,2,skipsum,False,prelu,0.6,mean,adam,0.1,399,1.0997,0.0035,134404.0,0.0145,0.0008,0.3466,0.0205,,,,,,,,
-l_t,PyG,TU_IMDB,graph,False,,,gmulconv,3,4,2,skipconcat,True,swish,0.0,max,adam,0.001,199,1.0452,0.0543,135843.0,0.0169,0.0004,0.4474,0.0628,,,,,,,,
-l_t,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,gaddconv,1,2,1,skipconcat,True,relu,0.3,mean,sgd,0.001,399,0.483,0.1058,136004.0,0.0152,0.0016,0.7756,0.0395,,,,,,,,
-l_t,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,gaddconv,3,4,2,skipsum,True,swish,0.6,mean,adam,0.01,199,8.723,0.6099,134917.0,0.0156,0.0006,0.3205,0.0091,,,,,,,,
-l_t,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,generalconv,1,2,1,skipconcat,True,relu,0.3,mean,sgd,0.001,399,1.0438,0.3543,136453.0,0.0096,0.0004,0.6859,0.0551,,,,,,,,
-l_t,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,generalconv,3,4,2,skipsum,True,swish,0.6,mean,adam,0.01,199,9.4459,0.7052,133829.0,0.0124,0.0023,0.1859,0.0327,,,,,,,,
-l_t,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,gmulconv,1,2,1,skipconcat,True,relu,0.3,mean,sgd,0.001,399,0.6967,0.1044,136869.0,0.0141,0.0003,0.7308,0.0314,,,,,,,,
-l_t,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,gmulconv,3,4,2,skipsum,True,swish,0.6,mean,adam,0.01,199,10.9384,1.6511,134373.0,0.0142,0.0014,0.3141,0.0091,,,,,,,,
-l_t,nx,scalefree,graph,True,node_const,graph_path_len,gaddconv,1,6,2,skipsum,False,prelu,0.6,add,adam,0.1,399,1.6569,0.045,134374.0,0.019,0.0051,0.1346,0.0272,,,,,,,,
-l_t,nx,scalefree,graph,True,node_const,graph_path_len,gaddconv,2,4,3,stack,False,swish,0.3,max,adam,0.1,199,1.6299,0.0134,133829.0,0.0174,0.0016,0.1346,0.0272,,,,,,,,
-l_t,nx,scalefree,graph,True,node_const,graph_path_len,gaddconv,3,4,3,stack,True,relu,0.0,add,adam,0.01,399,6.0513,0.6979,134371.0,0.0142,0.0004,0.2372,0.0395,,,,,,,,
-l_t,nx,scalefree,graph,True,node_const,graph_path_len,generalconv,1,6,2,skipsum,False,prelu,0.6,add,adam,0.1,399,1.6301,0.0128,134677.0,0.02,0.0006,0.1346,0.0272,,,,,,,,
-l_t,nx,scalefree,graph,True,node_const,graph_path_len,generalconv,2,4,3,stack,False,swish,0.3,max,adam,0.1,199,1.629,0.0125,134676.0,0.0163,0.0035,0.1346,0.0272,,,,,,,,
-l_t,nx,scalefree,graph,True,node_const,graph_path_len,generalconv,3,4,3,stack,True,relu,0.0,add,adam,0.01,399,3.3118,3.779,135429.0,0.0139,0.0022,0.6539,0.2585,,,,,,,,
-l_t,nx,scalefree,graph,True,node_const,graph_path_len,gmulconv,1,6,2,skipsum,False,prelu,0.6,add,adam,0.1,399,2.2827,0.9064,135499.0,0.0157,0.0005,0.2115,0.0415,,,,,,,,
-l_t,nx,scalefree,graph,True,node_const,graph_path_len,gmulconv,2,4,3,stack,False,swish,0.3,max,adam,0.1,199,1.63,0.014,135224.0,0.0224,0.0029,0.1346,0.0272,,,,,,,,
-l_t,nx,scalefree,graph,True,node_const,graph_path_len,gmulconv,3,4,3,stack,True,relu,0.0,add,adam,0.01,399,2.4629,0.3147,133863.0,0.0191,0.0018,0.2372,0.0395,,,,,,,,
-l_t,nx,scalefree,graph,True,node_onehot,graph_path_len,gaddconv,1,2,3,skipconcat,False,relu,0.6,mean,sgd,0.001,399,0.8453,0.0613,134147.0,0.0157,0.0023,0.5448,0.0806,,,,,,,,
-l_t,nx,scalefree,graph,True,node_onehot,graph_path_len,gaddconv,1,6,2,skipconcat,False,relu,0.6,max,sgd,0.01,99,10.3547,1.3232,138693.0,0.0186,0.0017,0.2372,0.0395,,,,,,,,
-l_t,nx,scalefree,graph,True,node_onehot,graph_path_len,gaddconv,1,6,3,stack,True,prelu,0.0,mean,adam,0.001,399,1.119,0.2148,134880.0,0.0192,0.0028,0.7756,0.0091,,,,,,,,
-l_t,nx,scalefree,graph,True,node_onehot,graph_path_len,gaddconv,2,6,2,skipsum,True,swish,0.0,max,adam,0.01,399,1.5242,0.582,134879.0,0.0202,0.0012,0.6346,0.0955,,,,,,,,
-l_t,nx,scalefree,graph,True,node_onehot,graph_path_len,gaddconv,3,8,1,skipsum,False,swish,0.6,add,adam,0.01,99,11.0344,3.0918,134867.0,0.0255,0.0029,0.1987,0.0806,,,,,,,,
-l_t,nx,scalefree,graph,True,node_onehot,graph_path_len,generalconv,1,2,3,skipconcat,False,relu,0.6,mean,sgd,0.001,399,2.3191,0.1336,137205.0,0.0124,0.0021,0.2372,0.0395,,,,,,,,
-l_t,nx,scalefree,graph,True,node_onehot,graph_path_len,generalconv,1,6,2,skipconcat,False,relu,0.6,max,sgd,0.01,99,24.0842,2.2469,138165.0,0.0152,0.0013,0.2307,0.0272,,,,,,,,
-l_t,nx,scalefree,graph,True,node_onehot,graph_path_len,generalconv,1,6,3,stack,True,prelu,0.0,mean,adam,0.001,399,1.918,0.1681,135430.0,0.0204,0.0059,0.5898,0.0395,,,,,,,,
-l_t,nx,scalefree,graph,True,node_onehot,graph_path_len,generalconv,2,6,2,skipsum,True,swish,0.0,max,adam,0.01,399,1.2963,0.1772,135429.0,0.0195,0.0022,0.6923,0.0272,,,,,,,,
-l_t,nx,scalefree,graph,True,node_onehot,graph_path_len,generalconv,3,8,1,skipsum,False,swish,0.6,add,adam,0.01,99,10.2601,1.4818,135360.0,0.0193,0.0048,0.2372,0.0395,,,,,,,,
-l_t,nx,scalefree,graph,True,node_onehot,graph_path_len,gmulconv,1,2,3,skipconcat,False,relu,0.6,mean,sgd,0.001,399,0.9517,0.0734,137365.0,0.0145,0.0044,0.5192,0.0685,,,,,,,,
-l_t,nx,scalefree,graph,True,node_onehot,graph_path_len,gmulconv,1,6,2,skipconcat,False,relu,0.6,max,sgd,0.01,99,,,138429.0,0.0253,0.0057,0.2051,0.0181,,,,,,,,
-l_t,nx,scalefree,graph,True,node_onehot,graph_path_len,gmulconv,1,6,3,stack,True,prelu,0.0,mean,adam,0.001,399,1.3987,0.1654,134118.0,0.0242,0.0046,0.7372,0.0551,,,,,,,,
-l_t,nx,scalefree,graph,True,node_onehot,graph_path_len,gmulconv,2,6,2,skipsum,True,swish,0.0,max,adam,0.01,399,1.5148,0.2807,134117.0,0.016,0.0014,0.5962,0.0544,,,,,,,,
-l_t,nx,scalefree,graph,True,node_onehot,graph_path_len,gmulconv,3,8,1,skipsum,False,swish,0.6,add,adam,0.01,99,2.0417,0.2635,133955.0,0.0197,0.0009,0.1795,0.0327,,,,,,,,
-l_t,nx,scalefree,graph,True,node_pagerank,graph_path_len,gaddconv,1,2,3,skipsum,False,prelu,0.6,add,sgd,0.1,199,,,134106.0,0.0163,0.002,0.2372,0.0395,,,,,,,,
-l_t,nx,scalefree,graph,True,node_pagerank,graph_path_len,gaddconv,2,2,3,skipconcat,True,prelu,0.6,add,sgd,0.01,99,3.4027,0.7423,134294.0,0.0141,0.0026,0.3718,0.0395,,,,,,,,
-l_t,nx,scalefree,graph,True,node_pagerank,graph_path_len,gaddconv,2,4,1,skipconcat,True,relu,0.0,add,adam,0.1,99,0.717,0.1261,136800.0,0.0163,0.0014,0.7179,0.024,,,,,,,,
-l_t,nx,scalefree,graph,True,node_pagerank,graph_path_len,gaddconv,2,6,3,skipconcat,False,swish,0.6,max,adam,0.001,399,52.966,33.1676,141445.0,0.022,0.0046,0.2372,0.0395,,,,,,,,
-l_t,nx,scalefree,graph,True,node_pagerank,graph_path_len,gaddconv,3,6,2,skipconcat,False,relu,0.0,add,sgd,0.01,99,1.6226,0.0098,136315.0,0.0195,0.0037,0.141,0.024,,,,,,,,
-l_t,nx,scalefree,graph,True,node_pagerank,graph_path_len,gaddconv,3,8,3,stack,False,relu,0.0,add,adam,0.001,399,1.0727,0.0348,134477.0,0.021,0.002,0.6154,0.0157,,,,,,,,
-l_t,nx,scalefree,graph,True,node_pagerank,graph_path_len,generalconv,1,2,3,skipsum,False,prelu,0.6,add,sgd,0.1,199,,,134851.0,0.0134,0.003,0.2372,0.0395,,,,,,,,
-l_t,nx,scalefree,graph,True,node_pagerank,graph_path_len,generalconv,2,2,3,skipconcat,True,prelu,0.6,add,sgd,0.01,99,3.1443,0.9122,137442.0,0.0221,0.0026,0.4872,0.0654,,,,,,,,
-l_t,nx,scalefree,graph,True,node_pagerank,graph_path_len,generalconv,2,4,1,skipconcat,True,relu,0.0,add,adam,0.1,99,0.4608,0.0424,135928.0,0.0152,0.0023,0.8526,0.0181,,,,,,,,
-l_t,nx,scalefree,graph,True,node_pagerank,graph_path_len,generalconv,2,6,3,skipconcat,False,swish,0.6,max,adam,0.001,399,42.2536,8.5184,141037.0,0.0133,0.0005,0.2564,0.0594,,,,,,,,
-l_t,nx,scalefree,graph,True,node_pagerank,graph_path_len,generalconv,3,6,2,skipconcat,False,relu,0.0,add,sgd,0.01,99,1.6287,0.0124,135799.0,0.0125,0.001,0.1346,0.0272,,,,,,,,
-l_t,nx,scalefree,graph,True,node_pagerank,graph_path_len,generalconv,3,8,3,stack,False,relu,0.0,add,adam,0.001,399,0.4651,0.0533,135350.0,0.0147,0.0009,0.7949,0.0505,,,,,,,,
-l_t,nx,scalefree,graph,True,node_pagerank,graph_path_len,gmulconv,1,2,3,skipsum,False,prelu,0.6,add,sgd,0.1,199,,,135213.0,0.0138,0.0009,0.2372,0.0395,,,,,,,,
-l_t,nx,scalefree,graph,True,node_pagerank,graph_path_len,gmulconv,2,2,3,skipconcat,True,prelu,0.6,add,sgd,0.01,99,6.9486,1.3706,134140.0,0.0168,0.002,0.25,0.0416,,,,,,,,
-l_t,nx,scalefree,graph,True,node_pagerank,graph_path_len,gmulconv,2,4,1,skipconcat,True,relu,0.0,add,adam,0.1,99,0.8973,0.3671,136364.0,0.0158,0.0006,0.75,0.0157,,,,,,,,
-l_t,nx,scalefree,graph,True,node_pagerank,graph_path_len,gmulconv,2,6,3,skipconcat,False,swish,0.6,max,adam,0.001,399,64.1052,13.0365,141241.0,0.0186,0.0021,0.2372,0.0395,,,,,,,,
-l_t,nx,scalefree,graph,True,node_pagerank,graph_path_len,gmulconv,3,6,2,skipconcat,False,relu,0.0,add,sgd,0.01,99,1.6282,0.013,136057.0,0.0166,0.0009,0.1346,0.0272,,,,,,,,
-l_t,nx,scalefree,graph,True,node_pagerank,graph_path_len,gmulconv,3,8,3,stack,False,relu,0.0,add,adam,0.001,399,0.6785,0.1006,133645.0,0.0168,0.0008,0.7115,0.0544,,,,,,,,
-l_t,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,gaddconv,1,4,1,stack,False,swish,0.0,mean,adam,0.001,199,0.807,0.0152,134825.0,0.0362,0.0033,0.7284,0.0026,,,,,,,,
-l_t,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,gaddconv,2,4,2,skipconcat,True,relu,0.3,max,sgd,0.01,399,0.7893,0.0483,137987.0,0.0307,0.0019,0.6622,0.0164,,,,,,,,
-l_t,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,gaddconv,2,4,3,skipconcat,True,relu,0.0,max,adam,0.001,199,0.2315,0.017,138326.0,0.0318,0.0016,0.9141,0.002,,,,,,,,
-l_t,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,generalconv,1,4,1,stack,False,swish,0.0,mean,adam,0.001,199,1.4848,0.003,134850.0,0.0249,0.002,0.3145,0.004,,,,,,,,
-l_t,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,generalconv,2,4,2,skipconcat,True,relu,0.3,max,sgd,0.01,399,1.4129,0.0495,137499.0,0.0276,0.0026,0.4171,0.0318,,,,,,,,
-l_t,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,generalconv,2,4,3,skipconcat,True,relu,0.0,max,adam,0.001,199,0.6244,0.0084,137950.0,0.0225,0.0022,0.7717,0.0033,,,,,,,,
-l_t,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,gmulconv,1,4,1,stack,False,swish,0.0,mean,adam,0.001,199,0.8635,0.0081,134105.0,0.0246,0.0019,0.6882,0.0085,,,,,,,,
-l_t,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,gmulconv,2,4,2,skipconcat,True,relu,0.3,max,sgd,0.01,399,1.0845,0.1033,137743.0,0.0304,0.0037,0.5591,0.0209,,,,,,,,
-l_t,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,gmulconv,2,4,3,skipconcat,True,relu,0.0,max,adam,0.001,199,0.5043,0.0508,138138.0,0.0329,0.0029,0.808,0.0129,,,,,,,,
-l_t,nx,scalefree,node,True,node_const,node_clustering_coefficient,gaddconv,1,2,2,skipsum,False,relu,0.0,mean,sgd,0.001,199,1.5338,0.0004,134789.0,0.0259,0.0024,0.3579,0.0162,,,,,,,,
-l_t,nx,scalefree,node,True,node_const,node_clustering_coefficient,gaddconv,1,4,2,stack,False,swish,0.0,mean,adam,0.1,199,1.0836,0.0187,134440.0,0.0279,0.0014,0.4924,0.0105,,,,,,,,
-l_t,nx,scalefree,node,True,node_const,node_clustering_coefficient,gaddconv,3,2,2,skipsum,False,swish,0.0,add,adam,0.1,399,1.5778,0.0023,133796.0,0.025,0.0019,0.2688,0.0019,,,,,,,,
-l_t,nx,scalefree,node,True,node_const,node_clustering_coefficient,gaddconv,3,8,1,stack,False,swish,0.3,mean,sgd,0.1,399,1.577,0.0028,134867.0,0.0351,0.0017,0.3049,0.0529,,,,,,,,
-l_t,nx,scalefree,node,True,node_const,node_clustering_coefficient,generalconv,1,2,2,skipsum,False,relu,0.0,mean,sgd,0.001,199,1.5778,0.0021,133957.0,0.0282,0.0006,0.2688,0.0019,,,,,,,,
-l_t,nx,scalefree,node,True,node_const,node_clustering_coefficient,generalconv,1,4,2,stack,False,swish,0.0,mean,adam,0.1,199,1.5778,0.0023,134789.0,0.0258,0.0039,0.2688,0.0019,,,,,,,,
-l_t,nx,scalefree,node,True,node_const,node_clustering_coefficient,generalconv,3,2,2,skipsum,False,swish,0.0,add,adam,0.1,399,1.3859,0.139,134789.0,0.0241,0.0026,0.388,0.0861,,,,,,,,
-l_t,nx,scalefree,node,True,node_const,node_clustering_coefficient,generalconv,3,8,1,stack,False,swish,0.3,mean,sgd,0.1,399,1.5809,0.0038,135360.0,0.0267,0.003,0.2598,0.0142,,,,,,,,
-l_t,nx,scalefree,node,True,node_const,node_clustering_coefficient,gmulconv,1,2,2,skipsum,False,relu,0.0,mean,sgd,0.001,199,1.5377,0.0085,134373.0,0.0307,0.0036,0.3628,0.0163,,,,,,,,
-l_t,nx,scalefree,node,True,node_const,node_clustering_coefficient,gmulconv,1,4,2,stack,False,swish,0.0,mean,adam,0.1,199,1.1159,0.006,133796.0,0.0313,0.004,0.4662,0.006,,,,,,,,
-l_t,nx,scalefree,node,True,node_const,node_clustering_coefficient,gmulconv,3,2,2,skipsum,False,swish,0.0,add,adam,0.1,399,1.5778,0.0023,135113.0,0.0252,0.0019,0.2688,0.0019,,,,,,,,
-l_t,nx,scalefree,node,True,node_const,node_clustering_coefficient,gmulconv,3,8,1,stack,False,swish,0.3,mean,sgd,0.1,399,,,133955.0,0.0398,0.0077,0.223,0.0323,,,,,,,,
-l_t,nx,scalefree,node,True,node_const,node_pagerank,gaddconv,2,2,1,skipsum,True,swish,0.0,mean,sgd,0.1,399,1.4801,0.0361,134348.0,0.0273,0.0027,0.4407,0.0238,,,,,,,,
-l_t,nx,scalefree,node,True,node_const,node_pagerank,gaddconv,2,8,3,skipconcat,True,swish,0.0,mean,adam,0.001,399,3.2793,0.4188,137857.0,0.034,0.0044,0.4511,0.0346,,,,,,,,
-l_t,nx,scalefree,node,True,node_const,node_pagerank,gaddconv,3,4,1,stack,False,prelu,0.3,add,sgd,0.01,399,1.6471,0.014,134217.0,0.0321,0.0038,0.2043,0.0046,,,,,,,,
-l_t,nx,scalefree,node,True,node_const,node_pagerank,generalconv,2,2,1,skipsum,True,swish,0.0,mean,sgd,0.1,399,1.6629,0.0132,134789.0,0.0285,0.0026,0.2003,0.0068,,,,,,,,
-l_t,nx,scalefree,node,True,node_const,node_pagerank,generalconv,2,8,3,skipconcat,True,swish,0.0,mean,adam,0.001,399,1.794,0.176,137441.0,0.0421,0.0096,0.2046,0.0078,,,,,,,,
-l_t,nx,scalefree,node,True,node_const,node_pagerank,generalconv,3,4,1,stack,False,prelu,0.3,add,sgd,0.01,399,1.6741,0.0131,134834.0,0.0245,0.0038,0.1958,0.0071,,,,,,,,
-l_t,nx,scalefree,node,True,node_const,node_pagerank,gmulconv,2,2,1,skipsum,True,swish,0.0,mean,sgd,0.1,399,1.5308,0.0153,135205.0,0.0278,0.0024,0.413,0.0057,,,,,,,,
-l_t,nx,scalefree,node,True,node_const,node_pagerank,gmulconv,2,8,3,skipconcat,True,swish,0.0,mean,adam,0.001,399,3.5074,0.6464,137649.0,0.0343,0.0044,0.3917,0.044,,,,,,,,
-l_t,nx,scalefree,node,True,node_const,node_pagerank,gmulconv,3,4,1,stack,False,prelu,0.3,add,sgd,0.01,399,1.6305,0.0182,135426.0,0.0256,0.0026,0.2021,0.0022,,,,,,,,
-l_t,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,gaddconv,1,2,3,skipsum,False,prelu,0.0,max,sgd,0.001,399,1.4844,0.0033,134106.0,0.0272,0.001,0.3706,0.0045,,,,,,,,
-l_t,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,gaddconv,1,4,1,skipsum,True,prelu,0.0,add,adam,0.1,199,1.1535,0.0168,134256.0,0.032,0.0008,0.5312,0.0028,,,,,,,,
-l_t,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,gaddconv,3,6,1,skipconcat,False,prelu,0.0,max,sgd,0.01,399,1.4364,0.0058,137946.0,0.0355,0.0027,0.3725,0.0012,,,,,,,,
-l_t,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,generalconv,1,2,3,skipsum,False,prelu,0.0,max,sgd,0.001,399,1.5641,0.0022,134851.0,0.0227,0.0019,0.271,0.006,,,,,,,,
-l_t,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,generalconv,1,4,1,skipsum,True,prelu,0.0,add,adam,0.1,199,0.8347,0.0176,134286.0,0.025,0.0034,0.6179,0.0065,,,,,,,,
-l_t,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,generalconv,3,6,1,skipconcat,False,prelu,0.0,max,sgd,0.01,399,1.5019,0.0143,137034.0,0.0334,0.0037,0.361,0.0175,,,,,,,,
-l_t,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,gmulconv,1,2,3,skipsum,False,prelu,0.0,max,sgd,0.001,399,1.499,0.0207,135213.0,0.0244,0.001,0.3648,0.0105,,,,,,,,
-l_t,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,gmulconv,1,4,1,skipsum,True,prelu,0.0,add,adam,0.1,199,1.1668,0.0323,135006.0,0.0278,0.0008,0.5177,0.0081,,,,,,,,
-l_t,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,gmulconv,3,6,1,skipconcat,False,prelu,0.0,max,sgd,0.01,399,1.4362,0.0039,137490.0,0.0274,0.0021,0.3785,0.0067,,,,,,,,
-l_t,nx,scalefree,node,True,node_onehot,node_pagerank,gaddconv,1,4,2,skipconcat,False,prelu,0.6,max,adam,0.1,99,2.0177,0.2894,137894.0,0.0311,0.0053,0.1986,0.0042,,,,,,,,
-l_t,nx,scalefree,node,True,node_onehot,node_pagerank,gaddconv,1,4,3,skipconcat,False,relu,0.6,mean,adam,0.001,399,1.4392,0.1935,135318.0,0.0294,0.0006,0.3992,0.0891,,,,,,,,
-l_t,nx,scalefree,node,True,node_onehot,node_pagerank,gaddconv,1,4,3,stack,True,relu,0.6,max,adam,0.01,399,0.4617,0.0299,135245.0,0.0351,0.006,0.8179,0.0054,,,,,,,,
-l_t,nx,scalefree,node,True,node_onehot,node_pagerank,gaddconv,2,6,1,skipsum,True,relu,0.3,mean,adam,0.01,399,0.1326,0.0147,135461.0,0.0426,0.0058,0.9517,0.0045,,,,,,,,
-l_t,nx,scalefree,node,True,node_onehot,node_pagerank,generalconv,1,4,2,skipconcat,False,prelu,0.6,max,adam,0.1,99,2.1195,0.3629,137398.0,0.0375,0.0043,0.2227,0.0378,,,,,,,,
-l_t,nx,scalefree,node,True,node_onehot,node_pagerank,generalconv,1,4,3,skipconcat,False,relu,0.6,mean,adam,0.001,399,2.044,0.0132,134942.0,0.0264,0.0046,0.2421,0.0046,,,,,,,,
-l_t,nx,scalefree,node,True,node_onehot,node_pagerank,generalconv,1,4,3,stack,True,relu,0.6,max,adam,0.01,399,3.1498,0.4683,134069.0,0.0256,0.0008,0.2575,0.0002,,,,,,,,
-l_t,nx,scalefree,node,True,node_onehot,node_pagerank,generalconv,2,6,1,skipsum,True,relu,0.3,mean,adam,0.01,399,1.8137,0.1212,133829.0,0.0298,0.0011,0.3198,0.0337,,,,,,,,
-l_t,nx,scalefree,node,True,node_onehot,node_pagerank,gmulconv,1,4,2,skipconcat,False,prelu,0.6,max,adam,0.1,99,1.6098,0.0001,137646.0,0.0262,0.0039,0.1931,0.002,,,,,,,,
-l_t,nx,scalefree,node,True,node_onehot,node_pagerank,gmulconv,1,4,3,skipconcat,False,relu,0.6,mean,adam,0.001,399,1.5422,0.0589,135130.0,0.0314,0.0013,0.3817,0.0202,,,,,,,,
-l_t,nx,scalefree,node,True,node_onehot,node_pagerank,gmulconv,1,4,3,stack,True,relu,0.6,max,adam,0.01,399,1.9953,0.3607,134657.0,0.0315,0.0012,0.4326,0.0296,,,,,,,,
-l_t,nx,scalefree,node,True,node_onehot,node_pagerank,gmulconv,2,6,1,skipsum,True,relu,0.3,mean,adam,0.01,399,0.1177,0.0068,134645.0,0.0294,0.0023,0.9571,0.0017,,,,,,,,
-l_t,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,gaddconv,1,6,3,skipsum,False,swish,0.6,mean,sgd,0.01,199,1.5966,0.0262,133736.0,0.0299,0.0026,0.1731,0.0415,,,,,,,,
-l_t,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,gaddconv,1,8,1,skipsum,False,swish,0.3,max,sgd,0.1,99,3.0895,1.0333,134244.0,0.0205,0.0018,0.25,0.072,,,,,,,,
-l_t,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,generalconv,1,6,3,skipsum,False,swish,0.6,mean,sgd,0.01,199,1.644,0.0123,134277.0,0.0155,0.0026,0.1346,0.0157,,,,,,,,
-l_t,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,generalconv,1,8,1,skipsum,False,swish,0.3,max,sgd,0.1,99,9.8334,3.4447,134277.0,0.02,0.0011,0.1602,0.024,,,,,,,,
-l_t,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,gmulconv,1,6,3,skipsum,False,swish,0.6,mean,sgd,0.01,199,1.6631,0.0307,135045.0,0.0186,0.0018,0.141,0.048,,,,,,,,
-l_t,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,gmulconv,1,8,1,skipsum,False,swish,0.3,max,sgd,0.1,99,,,135301.0,0.0225,0.003,0.2308,0.0831,,,,,,,,
-l_t,nx,smallworld,graph,True,node_const,graph_path_len,gaddconv,2,2,1,skipconcat,False,relu,0.0,max,sgd,0.1,399,,,135725.0,0.0164,0.002,0.2308,0.0831,,,,,,,,
-l_t,nx,smallworld,graph,True,node_const,graph_path_len,gaddconv,2,4,2,skipsum,False,relu,0.6,add,sgd,0.1,99,1.643,0.0115,134216.0,0.0163,0.0005,0.1346,0.0157,,,,,,,,
-l_t,nx,smallworld,graph,True,node_const,graph_path_len,generalconv,2,2,1,skipconcat,False,relu,0.0,max,sgd,0.1,399,1.6491,0.0219,136479.0,0.0134,0.0018,0.1538,0.0,,,,,,,,
-l_t,nx,smallworld,graph,True,node_const,graph_path_len,generalconv,2,4,2,skipsum,False,relu,0.6,add,sgd,0.1,99,1.644,0.012,134833.0,0.0139,0.002,0.1346,0.0157,,,,,,,,
-l_t,nx,smallworld,graph,True,node_const,graph_path_len,gmulconv,2,2,1,skipconcat,False,relu,0.0,max,sgd,0.1,399,,,135365.0,0.0155,0.0004,0.2308,0.0831,,,,,,,,
-l_t,nx,smallworld,graph,True,node_const,graph_path_len,gmulconv,2,4,2,skipsum,False,relu,0.6,add,sgd,0.1,99,1.6437,0.0125,135425.0,0.0154,0.0032,0.1346,0.0157,,,,,,,,
-l_t,nx,smallworld,graph,True,node_onehot,graph_path_len,gaddconv,2,2,2,stack,True,prelu,0.6,add,sgd,0.01,399,6.1808,3.4579,135006.0,0.016,0.0011,0.2949,0.101,,,,,,,,
-l_t,nx,smallworld,graph,True,node_onehot,graph_path_len,gaddconv,3,6,1,skipsum,True,prelu,0.0,mean,sgd,0.1,199,7.7781,3.8265,134880.0,0.0196,0.0013,0.5449,0.0654,,,,,,,,
-l_t,nx,smallworld,graph,True,node_onehot,graph_path_len,generalconv,2,2,2,stack,True,prelu,0.6,add,sgd,0.01,399,7.4457,0.6159,134286.0,0.0115,0.0007,0.1666,0.0181,,,,,,,,
-l_t,nx,smallworld,graph,True,node_onehot,graph_path_len,generalconv,3,6,1,skipsum,True,prelu,0.0,mean,sgd,0.1,199,3.1722,1.2856,135430.0,0.0138,0.0011,0.4487,0.1259,,,,,,,,
-l_t,nx,smallworld,graph,True,node_onehot,graph_path_len,gmulconv,2,2,2,stack,True,prelu,0.6,add,sgd,0.01,399,6.1621,1.8315,134646.0,0.0145,0.0023,0.1667,0.0091,,,,,,,,
-l_t,nx,smallworld,graph,True,node_onehot,graph_path_len,gmulconv,3,6,1,skipsum,True,prelu,0.0,mean,sgd,0.1,199,,,134118.0,0.0202,0.001,0.1987,0.0395,,,,,,,,
-l_t,nx,smallworld,graph,True,node_pagerank,graph_path_len,gaddconv,1,2,3,stack,False,relu,0.6,max,adam,0.1,199,1.6433,0.0122,134105.0,0.0141,0.0014,0.1346,0.0157,,,,,,,,
-l_t,nx,smallworld,graph,True,node_pagerank,graph_path_len,gaddconv,2,2,1,stack,True,relu,0.3,mean,adam,0.001,399,0.7341,0.0304,134348.0,0.013,0.0008,0.7884,0.0544,,,,,,,,
-l_t,nx,smallworld,graph,True,node_pagerank,graph_path_len,generalconv,1,2,3,stack,False,relu,0.6,max,adam,0.1,199,1.6431,0.0115,134850.0,0.0128,0.0003,0.1346,0.0157,,,,,,,,
-l_t,nx,smallworld,graph,True,node_pagerank,graph_path_len,generalconv,2,2,1,stack,True,relu,0.3,mean,adam,0.001,399,4.4563,0.7501,134789.0,0.011,0.0005,0.3269,0.0628,,,,,,,,
-l_t,nx,smallworld,graph,True,node_pagerank,graph_path_len,gmulconv,1,2,3,stack,False,relu,0.6,max,adam,0.1,199,1.6423,0.0114,135212.0,0.0144,0.0008,0.1346,0.0157,,,,,,,,
-l_t,nx,smallworld,graph,True,node_pagerank,graph_path_len,gmulconv,2,2,1,stack,True,relu,0.3,mean,adam,0.001,399,0.69,0.2988,135205.0,0.0132,0.0008,0.75,0.0955,,,,,,,,
-l_t,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,gaddconv,1,4,3,stack,True,prelu,0.6,add,sgd,0.1,99,1.5176,0.0056,135246.0,0.0317,0.002,0.2995,0.0067,,,,,,,,
-l_t,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,gaddconv,1,6,1,skipsum,False,prelu,0.6,max,sgd,0.001,99,1.6244,0.0131,134805.0,0.0521,0.0068,0.1865,0.0145,,,,,,,,
-l_t,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,gaddconv,1,6,1,stack,True,relu,0.6,add,sgd,0.1,199,1.5183,0.0028,134033.0,0.0464,0.006,0.3051,0.0086,,,,,,,,
-l_t,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,gaddconv,3,2,1,skipconcat,True,prelu,0.6,mean,adam,0.01,399,0.5531,0.0056,136051.0,0.0274,0.0015,0.7817,0.0027,,,,,,,,
-l_t,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,gaddconv,3,6,2,skipconcat,False,relu,0.3,max,sgd,0.01,399,1.4891,0.002,136315.0,0.0373,0.0006,0.3346,0.0058,,,,,,,,
-l_t,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,gaddconv,3,8,2,skipsum,True,relu,0.0,mean,adam,0.01,99,0.2364,0.0061,134357.0,0.0374,0.0041,0.9085,0.0022,,,,,,,,
-l_t,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,generalconv,1,4,3,stack,True,prelu,0.6,add,sgd,0.1,99,1.0988,0.0071,134070.0,0.0233,0.0016,0.5069,0.0106,,,,,,,,
-l_t,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,generalconv,1,6,1,skipsum,False,prelu,0.6,max,sgd,0.001,99,1.6167,0.0045,134834.0,0.0372,0.0064,0.205,0.0103,,,,,,,,
-l_t,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,generalconv,1,6,1,stack,True,relu,0.6,add,sgd,0.1,199,0.9452,0.0025,134069.0,0.0226,0.0025,0.6054,0.0047,,,,,,,,
-l_t,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,generalconv,3,2,1,skipconcat,True,prelu,0.6,mean,adam,0.01,399,1.4132,0.0158,135407.0,0.0213,0.0006,0.4281,0.0068,,,,,,,,
-l_t,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,generalconv,3,6,2,skipconcat,False,relu,0.3,max,sgd,0.01,399,1.5502,0.0106,135799.0,0.0289,0.0012,0.2845,0.008,,,,,,,,
-l_t,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,generalconv,3,8,2,skipsum,True,relu,0.0,mean,adam,0.01,99,1.2505,0.007,135056.0,0.0283,0.0028,0.4749,0.0062,,,,,,,,
-l_t,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,gmulconv,1,4,3,stack,True,prelu,0.6,add,sgd,0.1,99,1.9254,0.44,134658.0,0.0287,0.005,0.1932,0.0029,,,,,,,,
-l_t,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,gmulconv,1,6,1,skipsum,False,prelu,0.6,max,sgd,0.001,99,1.6182,0.0057,133923.0,0.0439,0.0042,0.19,0.012,,,,,,,,
-l_t,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,gmulconv,1,6,1,stack,True,relu,0.6,add,sgd,0.1,199,1.6001,0.0832,134951.0,0.0322,0.001,0.2586,0.0448,,,,,,,,
-l_t,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,gmulconv,3,2,1,skipconcat,True,prelu,0.6,mean,adam,0.01,399,0.5307,0.0044,135729.0,0.0295,0.0042,0.7826,0.0049,,,,,,,,
-l_t,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,gmulconv,3,6,2,skipconcat,False,relu,0.3,max,sgd,0.01,399,,,136057.0,0.0301,0.0012,0.2363,0.0295,,,,,,,,
-l_t,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,gmulconv,3,8,2,skipsum,True,relu,0.0,mean,adam,0.01,99,0.472,0.0061,135928.0,0.038,0.0046,0.8053,0.0027,,,,,,,,
-l_t,nx,smallworld,node,True,node_const,node_clustering_coefficient,gaddconv,3,2,3,skipsum,False,prelu,0.6,mean,adam,0.1,99,1.6043,0.0012,135426.0,0.0236,0.0022,0.2305,0.0055,,,,,,,,
-l_t,nx,smallworld,node,True,node_const,node_clustering_coefficient,gaddconv,3,4,3,skipconcat,False,swish,0.0,max,adam,0.001,399,1.1674,0.0063,139830.0,0.0352,0.0092,0.4857,0.006,,,,,,,,
-l_t,nx,smallworld,node,True,node_const,node_clustering_coefficient,gaddconv,3,8,2,skipconcat,True,prelu,0.0,add,sgd,0.001,199,,,141378.0,0.0357,0.0039,0.2018,0.0045,,,,,,,,
-l_t,nx,smallworld,node,True,node_const,node_clustering_coefficient,gaddconv,3,8,2,skipconcat,True,prelu,0.6,add,sgd,0.01,399,1.6523,0.0297,141378.0,0.0362,0.0041,0.2252,0.0125,,,,,,,,
-l_t,nx,smallworld,node,True,node_const,node_clustering_coefficient,generalconv,3,2,3,skipsum,False,prelu,0.6,mean,adam,0.1,99,1.6048,0.001,134834.0,0.0244,0.0025,0.2305,0.0055,,,,,,,,
-l_t,nx,smallworld,node,True,node_const,node_clustering_coefficient,generalconv,3,4,3,skipconcat,False,swish,0.0,max,adam,0.001,399,1.6049,0.001,139454.0,0.0223,0.0013,0.2305,0.0055,,,,,,,,
-l_t,nx,smallworld,node,True,node_const,node_clustering_coefficient,generalconv,3,8,2,skipconcat,True,prelu,0.0,add,sgd,0.001,199,52.1458,23.8925,140834.0,0.0289,0.0027,0.1695,0.0218,,,,,,,,
-l_t,nx,smallworld,node,True,node_const,node_clustering_coefficient,generalconv,3,8,2,skipconcat,True,prelu,0.6,add,sgd,0.01,399,1.612,0.0042,140834.0,0.0241,0.0005,0.2575,0.002,,,,,,,,
-l_t,nx,smallworld,node,True,node_const,node_clustering_coefficient,gmulconv,3,2,3,skipsum,False,prelu,0.6,mean,adam,0.1,99,1.605,0.0012,135130.0,0.0271,0.0002,0.2305,0.0055,,,,,,,,
-l_t,nx,smallworld,node,True,node_const,node_clustering_coefficient,gmulconv,3,4,3,skipconcat,False,swish,0.0,max,adam,0.001,399,1.2041,0.005,139642.0,0.0261,0.0002,0.4731,0.0029,,,,,,,,
-l_t,nx,smallworld,node,True,node_const,node_clustering_coefficient,gmulconv,3,8,2,skipconcat,True,prelu,0.0,add,sgd,0.001,199,,,141106.0,0.0337,0.002,0.2018,0.0045,,,,,,,,
-l_t,nx,smallworld,node,True,node_const,node_clustering_coefficient,gmulconv,3,8,2,skipconcat,True,prelu,0.6,add,sgd,0.01,399,1.6191,0.0047,141106.0,0.03,0.0008,0.2018,0.0045,,,,,,,,
-l_t,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,gaddconv,3,2,3,skipconcat,True,swish,0.0,mean,adam,0.1,399,1.2053,0.0049,136805.0,0.031,0.0032,0.481,0.0021,,,,,,,,
-l_t,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,generalconv,3,2,3,skipconcat,True,swish,0.0,mean,adam,0.1,399,2.5608,0.3087,136501.0,0.0283,0.003,0.4474,0.0025,,,,,,,,
-l_t,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,gmulconv,3,2,3,skipconcat,True,swish,0.0,mean,adam,0.1,399,1.2861,0.0091,136653.0,0.0283,0.0029,0.4385,0.0081,,,,,,,,
-l_t,nx,smallworld,node,True,node_onehot,node_pagerank,gaddconv,2,6,1,skipsum,False,swish,0.0,max,adam,0.1,399,1.6097,0.0003,134373.0,0.0373,0.0025,0.1972,0.0113,,,,,,,,
-l_t,nx,smallworld,node,True,node_onehot,node_pagerank,gaddconv,3,8,1,skipconcat,False,relu,0.0,add,adam,0.001,99,1.589,0.0077,137180.0,0.0356,0.0007,0.2576,0.0139,,,,,,,,
-l_t,nx,smallworld,node,True,node_onehot,node_pagerank,generalconv,2,6,1,skipsum,False,swish,0.0,max,adam,0.1,399,1.5448,0.092,134676.0,0.0352,0.0045,0.2562,0.0948,,,,,,,,
-l_t,nx,smallworld,node,True,node_onehot,node_pagerank,generalconv,3,8,1,skipconcat,False,relu,0.0,add,adam,0.001,99,1.5743,0.0022,136236.0,0.0328,0.0053,0.2571,0.0098,,,,,,,,
-l_t,nx,smallworld,node,True,node_onehot,node_pagerank,gmulconv,2,6,1,skipsum,False,swish,0.0,max,adam,0.1,399,1.6098,0.0001,135498.0,0.0376,0.0045,0.191,0.0023,,,,,,,,
-l_t,nx,smallworld,node,True,node_onehot,node_pagerank,gmulconv,3,8,1,skipconcat,False,relu,0.0,add,adam,0.001,99,1.5973,0.0085,136708.0,0.0384,0.0022,0.2434,0.0222,,,,,,,,
-l_t,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,gaddconv,1,8,2,skipsum,False,swish,0.6,add,adam,0.1,99,1.7567,0.1352,134645.0,0.0689,0.0453,0.2119,0.0138,,,,,,,,
-l_t,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,gaddconv,2,2,2,skipconcat,False,relu,0.0,mean,adam,0.001,99,1.2128,0.0044,136355.0,0.0278,0.0042,0.4607,0.0058,,,,,,,,
-l_t,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,gaddconv,2,4,1,skipsum,False,relu,0.0,mean,sgd,0.001,99,1.6056,0.0012,134440.0,0.035,0.0008,0.2191,0.0145,,,,,,,,
-l_t,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,gaddconv,2,6,3,skipconcat,False,swish,0.3,mean,sgd,0.1,99,1.5298,0.0466,141445.0,0.0603,0.0479,0.3024,0.0479,,,,,,,,
-l_t,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,gaddconv,3,4,3,skipconcat,False,relu,0.3,mean,sgd,0.01,399,1.5905,0.0023,139830.0,0.0264,0.0026,0.2646,0.0126,,,,,,,,
-l_t,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,gaddconv,3,6,3,stack,False,relu,0.6,add,sgd,0.001,99,1.6115,0.0035,134411.0,0.0328,0.0028,0.2108,0.01,,,,,,,,
-l_t,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,generalconv,1,8,2,skipsum,False,swish,0.6,add,adam,0.1,99,1.6978,0.1234,134920.0,0.0245,0.0029,0.2617,0.0233,,,,,,,,
-l_t,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,generalconv,2,2,2,skipconcat,False,relu,0.0,mean,adam,0.001,99,1.1064,0.0099,135951.0,0.0217,0.0031,0.5284,0.0061,,,,,,,,
-l_t,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,generalconv,2,4,1,skipsum,False,relu,0.0,mean,sgd,0.001,99,1.6049,0.0006,134789.0,0.0253,0.003,0.2305,0.0055,,,,,,,,
-l_t,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,generalconv,2,6,3,skipconcat,False,swish,0.3,mean,sgd,0.1,99,1.5488,0.0646,141037.0,0.0256,0.0037,0.2694,0.0566,,,,,,,,
-l_t,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,generalconv,3,4,3,skipconcat,False,relu,0.3,mean,sgd,0.01,399,1.6021,0.0018,139454.0,0.0235,0.0028,0.2307,0.0055,,,,,,,,
-l_t,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,generalconv,3,6,3,stack,False,relu,0.6,add,sgd,0.001,99,1.6073,0.0023,135360.0,0.0237,0.0009,0.2149,0.0162,,,,,,,,
-l_t,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,gmulconv,1,8,2,skipsum,False,swish,0.6,add,adam,0.1,99,1.7644,0.1545,133685.0,0.0768,0.0588,0.2177,0.023,,,,,,,,
-l_t,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,gmulconv,2,2,2,skipconcat,False,relu,0.0,mean,adam,0.001,99,1.2219,0.0057,136153.0,0.0227,0.001,0.4592,0.0076,,,,,,,,
-l_t,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,gmulconv,2,4,1,skipsum,False,relu,0.0,mean,sgd,0.001,99,1.6055,0.0063,133796.0,0.0302,0.0002,0.194,0.029,,,,,,,,
-l_t,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,gmulconv,2,6,3,skipconcat,False,swish,0.3,mean,sgd,0.1,99,1.5644,0.0223,141241.0,0.0665,0.0586,0.3077,0.0236,,,,,,,,
-l_t,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,gmulconv,3,4,3,skipconcat,False,relu,0.3,mean,sgd,0.01,399,1.5911,0.0032,139642.0,0.0257,0.0007,0.2518,0.0088,,,,,,,,
-l_t,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,gmulconv,3,6,3,stack,False,relu,0.6,add,sgd,0.001,99,1.6123,0.0063,133727.0,0.0315,0.0043,0.2305,0.0055,,,,,,,,
diff --git a/run/results/design_v1_grid_round1att/agg/val_best.csv b/run/results/design_v1_grid_round1att/agg/val_best.csv
deleted file mode 100644
index 627979ac..00000000
--- a/run/results/design_v1_grid_round1att/agg/val_best.csv
+++ /dev/null
@@ -1,287 +0,0 @@
-sample,format,dataset,task,trans,feature,label,l_t,l_pre,l_mp,l_post,stage,bn,act,drop,agg,optim,lr,epoch,loss,loss_std,params,time_iter,time_iter_std,accuracy,accuracy_std,precision,precision_std,recall,recall_std,f1,f1_std,auc,auc_std
-l_t,PyG,AmazonComputers,node,True,,,gaddconv,1,8,1,stack,True,swish,0.6,mean,adam,0.001,19,1.9172,0.0062,232039.0,0.2061,0.0023,0.3691,0.0076,,,,,,,,
-l_t,PyG,AmazonComputers,node,True,,,gaddconv,2,2,2,stack,False,swish,0.6,add,adam,0.1,0,6.1951,0.7661,275558.0,0.1107,0.0014,0.3692,0.0075,,,,,,,,
-l_t,PyG,AmazonComputers,node,True,,,gaddconv,2,2,3,skipsum,False,prelu,0.6,add,sgd,0.001,39,2.0901,0.0458,258725.0,0.1325,0.0228,0.3693,0.0075,,,,,,,,
-l_t,PyG,AmazonComputers,node,True,,,gaddconv,3,8,3,skipconcat,False,relu,0.0,add,sgd,0.1,379,1.1529,0.5926,158662.0,0.1159,0.0046,0.6037,0.2199,,,,,,,,
-l_t,PyG,AmazonComputers,node,True,,,generalconv,1,8,1,stack,True,swish,0.6,mean,adam,0.001,99,1.2882,0.0202,232842.0,0.0943,0.0082,0.685,0.0143,,,,,,,,
-l_t,PyG,AmazonComputers,node,True,,,generalconv,2,2,2,stack,False,swish,0.6,add,adam,0.1,0,5.0571,0.1262,274830.0,0.0792,0.0022,0.3692,0.0075,,,,,,,,
-l_t,PyG,AmazonComputers,node,True,,,generalconv,2,2,3,skipsum,False,prelu,0.6,add,sgd,0.001,59,2.0721,0.0301,260485.0,0.0913,0.002,0.3691,0.0076,,,,,,,,
-l_t,PyG,AmazonComputers,node,True,,,generalconv,3,8,3,skipconcat,False,relu,0.0,add,sgd,0.1,19,1.8939,0.0051,158246.0,0.0879,0.0089,0.3692,0.0075,,,,,,,,
-l_t,PyG,AmazonComputers,node,True,,,gmulconv,1,8,1,stack,True,swish,0.6,mean,adam,0.001,19,1.9161,0.0098,233866.0,0.1473,0.005,0.3687,0.0073,,,,,,,,
-l_t,PyG,AmazonComputers,node,True,,,gmulconv,2,2,2,stack,False,swish,0.6,add,adam,0.1,0,6.5685,0.4328,275194.0,0.1068,0.0134,0.3692,0.0075,,,,,,,,
-l_t,PyG,AmazonComputers,node,True,,,gmulconv,2,2,3,skipsum,False,prelu,0.6,add,sgd,0.001,59,2.0985,0.0111,260811.0,0.1056,0.0108,0.3686,0.0073,,,,,,,,
-l_t,PyG,AmazonComputers,node,True,,,gmulconv,3,8,3,skipconcat,False,relu,0.0,add,sgd,0.1,139,1.443,0.2982,158454.0,0.089,0.0035,0.5019,0.1322,,,,,,,,
-l_t,PyG,AmazonPhoto,node,True,,,gaddconv,1,2,1,skipconcat,True,relu,0.0,mean,adam,0.1,379,0.2685,0.0313,293862.0,0.0437,0.0028,0.9338,0.0088,,,,,,,,
-l_t,PyG,AmazonPhoto,node,True,,,gaddconv,3,2,2,skipconcat,False,swish,0.3,mean,adam,0.001,119,0.2632,0.0219,207491.0,0.032,0.0032,0.9345,0.0029,,,,,,,,
-l_t,PyG,AmazonPhoto,node,True,,,gaddconv,3,4,1,skipsum,True,relu,0.0,max,adam,0.01,79,0.2845,0.0159,243587.0,0.0653,0.0023,0.9438,0.0011,,,,,,,,
-l_t,PyG,AmazonPhoto,node,True,,,gaddconv,3,6,1,skipconcat,True,swish,0.3,add,sgd,0.1,159,0.6387,0.0937,196012.0,0.0491,0.0021,0.806,0.0533,,,,,,,,
-l_t,PyG,AmazonPhoto,node,True,,,generalconv,1,2,1,skipconcat,True,relu,0.0,mean,adam,0.1,379,0.1938,0.0103,293026.0,0.0281,0.0023,0.9501,0.0036,,,,,,,,
-l_t,PyG,AmazonPhoto,node,True,,,generalconv,3,2,2,skipconcat,False,swish,0.3,mean,adam,0.001,139,0.173,0.0197,210610.0,0.0272,0.0003,0.9564,0.0056,,,,,,,,
-l_t,PyG,AmazonPhoto,node,True,,,generalconv,3,4,1,skipsum,True,relu,0.0,max,adam,0.01,99,0.2555,0.0227,244948.0,0.0372,0.0007,0.9469,0.0057,,,,,,,,
-l_t,PyG,AmazonPhoto,node,True,,,generalconv,3,6,1,skipconcat,True,swish,0.3,add,sgd,0.1,79,1.3116,0.0268,195100.0,0.0401,0.0068,0.6077,0.0087,,,,,,,,
-l_t,PyG,AmazonPhoto,node,True,,,gmulconv,1,2,1,skipconcat,True,relu,0.0,mean,adam,0.1,239,0.2527,0.011,293444.0,0.0392,0.0023,0.938,0.0042,,,,,,,,
-l_t,PyG,AmazonPhoto,node,True,,,gmulconv,3,2,2,skipconcat,False,swish,0.3,mean,adam,0.001,159,0.2436,0.0195,210806.0,0.0321,0.0005,0.9416,0.0043,,,,,,,,
-l_t,PyG,AmazonPhoto,node,True,,,gmulconv,3,4,1,skipsum,True,relu,0.0,max,adam,0.01,99,0.4777,0.0471,245540.0,0.0537,0.0015,0.8855,0.0182,,,,,,,,
-l_t,PyG,AmazonPhoto,node,True,,,gmulconv,3,6,1,skipconcat,True,swish,0.3,add,sgd,0.1,59,1.8008,0.0662,195556.0,0.0431,0.0039,0.3943,0.063,,,,,,,,
-l_t,PyG,CiteSeer,node,True,,,gaddconv,1,2,2,stack,True,relu,0.0,mean,sgd,0.1,39,1.146,0.1216,908738.0,0.0694,0.0042,0.6977,0.0043,,,,,,,,
-l_t,PyG,CiteSeer,node,True,,,gaddconv,1,8,1,stack,False,swish,0.3,max,adam,0.1,79,1.7372,0.1549,609030.0,0.0744,0.0039,0.2477,0.0498,,,,,,,,
-l_t,PyG,CiteSeer,node,True,,,generalconv,1,2,2,stack,True,relu,0.0,mean,sgd,0.1,39,1.0664,0.188,907902.0,0.0697,0.0041,0.7147,0.0086,,,,,,,,
-l_t,PyG,CiteSeer,node,True,,,generalconv,1,8,1,stack,False,swish,0.3,max,adam,0.1,59,1.6055,0.0792,612756.0,0.073,0.0011,0.3404,0.0618,,,,,,,,
-l_t,PyG,CiteSeer,node,True,,,gmulconv,1,2,2,stack,True,relu,0.0,mean,sgd,0.1,39,1.2094,0.2518,908320.0,0.0746,0.0068,0.7062,0.0157,,,,,,,,
-l_t,PyG,CiteSeer,node,True,,,gmulconv,1,8,1,stack,False,swish,0.3,max,adam,0.1,0,1.784,0.0475,608006.0,0.0773,0.0067,0.2127,0.0095,,,,,,,,
-l_t,PyG,CoauthorCS,node,True,,,gaddconv,2,2,3,skipsum,True,swish,0.6,add,sgd,0.01,399,0.992,0.0967,1238667.0,0.6632,0.0493,0.684,0.0499,,,,,,,,
-l_t,PyG,CoauthorCS,node,True,,,gaddconv,2,4,2,stack,False,relu,0.3,add,adam,0.1,0,5.3401,2.2557,1143019.0,0.6219,0.0023,0.2499,0.0319,,,,,,,,
-l_t,PyG,CoauthorCS,node,True,,,generalconv,2,2,3,skipsum,True,swish,0.6,add,sgd,0.01,399,0.6807,0.0398,1238019.0,0.6128,0.031,0.8042,0.009,,,,,,,,
-l_t,PyG,CoauthorCS,node,True,,,generalconv,2,4,2,stack,False,relu,0.3,add,adam,0.1,0,5.5664,2.3891,1150444.0,0.6946,0.0556,0.2369,0.0112,,,,,,,,
-l_t,PyG,CoauthorCS,node,True,,,gmulconv,2,2,3,skipsum,True,swish,0.6,add,sgd,0.01,379,1.4311,0.0205,1238343.0,0.6001,0.0115,0.5683,0.0135,,,,,,,,
-l_t,PyG,CoauthorCS,node,True,,,gmulconv,2,4,2,stack,False,relu,0.3,add,adam,0.1,0,4.0588,2.6609,1142427.0,0.6042,0.0133,0.2882,0.0468,,,,,,,,
-l_t,PyG,CoauthorPhysics,node,True,,,gaddconv,1,8,2,stack,True,relu,0.6,mean,sgd,0.001,39,1.3949,0.0621,1144325.0,1.4868,0.0427,0.4963,0.0044,,,,,,,,
-l_t,PyG,CoauthorPhysics,node,True,,,gaddconv,2,8,2,skipconcat,True,relu,0.3,add,sgd,0.1,99,0.1419,0.0043,425889.0,1.5035,0.087,0.9592,0.0008,,,,,,,,
-l_t,PyG,CoauthorPhysics,node,True,,,gaddconv,3,4,3,skipconcat,False,prelu,0.6,mean,sgd,0.01,19,1.3737,0.0138,534819.0,1.4495,0.1051,0.5035,0.0012,,,,,,,,
-l_t,PyG,CoauthorPhysics,node,True,,,generalconv,1,8,2,stack,True,relu,0.6,mean,sgd,0.001,99,0.5075,0.0494,1153014.0,1.5017,0.0839,0.8568,0.017,,,,,,,,
-l_t,PyG,CoauthorPhysics,node,True,,,generalconv,2,8,2,skipconcat,True,relu,0.3,add,sgd,0.1,79,0.1295,0.001,425345.0,1.5294,0.0833,0.9613,0.0004,,,,,,,,
-l_t,PyG,CoauthorPhysics,node,True,,,generalconv,3,4,3,skipconcat,False,prelu,0.6,mean,sgd,0.01,199,0.3903,0.1452,534443.0,1.3874,0.0399,0.8802,0.0648,,,,,,,,
-l_t,PyG,CoauthorPhysics,node,True,,,gmulconv,1,8,2,stack,True,relu,0.6,mean,sgd,0.001,39,1.4595,0.1386,1143365.0,1.409,0.0335,0.5041,0.0022,,,,,,,,
-l_t,PyG,CoauthorPhysics,node,True,,,gmulconv,2,8,2,skipconcat,True,relu,0.3,add,sgd,0.1,99,0.1637,0.0039,425617.0,1.3809,0.0241,0.9543,0.0017,,,,,,,,
-l_t,PyG,CoauthorPhysics,node,True,,,gmulconv,3,4,3,skipconcat,False,prelu,0.6,mean,sgd,0.01,199,0.8579,0.1176,534631.0,1.2491,0.0374,0.6305,0.087,,,,,,,,
-l_t,PyG,Cora,node,True,,,gaddconv,1,2,2,skipsum,True,relu,0.0,mean,sgd,0.001,99,1.6866,0.0329,434518.0,0.0163,0.0013,0.3972,0.0092,,,,,,,,
-l_t,PyG,Cora,node,True,,,gaddconv,2,8,1,stack,False,swish,0.3,max,sgd,0.1,0,1.8541,0.0051,309162.0,0.02,0.0017,0.294,0.0117,,,,,,,,
-l_t,PyG,Cora,node,True,,,gaddconv,3,4,2,skipconcat,True,relu,0.0,max,sgd,0.01,119,0.8556,0.0261,223207.0,0.0185,0.0018,0.7225,0.0053,,,,,,,,
-l_t,PyG,Cora,node,True,,,generalconv,1,2,2,skipsum,True,relu,0.0,mean,sgd,0.001,99,1.0544,0.0422,433682.0,0.0128,0.0021,0.6458,0.0181,,,,,,,,
-l_t,PyG,Cora,node,True,,,generalconv,2,8,1,stack,False,swish,0.3,max,sgd,0.1,159,2.0696,0.1508,307226.0,0.0153,0.0006,0.2971,0.015,,,,,,,,
-l_t,PyG,Cora,node,True,,,generalconv,3,4,2,skipconcat,True,relu,0.0,max,sgd,0.01,119,0.6286,0.045,222727.0,0.0158,0.0011,0.803,0.0128,,,,,,,,
-l_t,PyG,Cora,node,True,,,gmulconv,1,2,2,skipsum,True,relu,0.0,mean,sgd,0.001,99,1.7011,0.0533,434100.0,0.017,0.001,0.3947,0.023,,,,,,,,
-l_t,PyG,Cora,node,True,,,gmulconv,2,8,1,stack,False,swish,0.3,max,sgd,0.1,0,1.855,0.0013,308194.0,0.0236,0.0033,0.294,0.0117,,,,,,,,
-l_t,PyG,Cora,node,True,,,gmulconv,3,4,2,skipconcat,True,relu,0.0,max,sgd,0.01,139,0.9985,0.0645,222967.0,0.0178,0.0006,0.7035,0.0231,,,,,,,,
-l_t,PyG,TU_BZR,graph,False,,,gaddconv,2,2,3,stack,True,swish,0.0,add,adam,0.01,379,0.6122,0.0738,142561.0,0.0143,0.001,0.809,0.0115,0.507,0.0582,0.6708,0.088,0.569,0.0034,0.8524,0.0439
-l_t,PyG,TU_BZR,graph,False,,,gaddconv,2,6,1,skipconcat,False,prelu,0.3,max,sgd,0.1,39,0.6846,0.1114,140090.0,0.0208,0.0052,0.7764,0.0754,0.4444,0.4157,0.1875,0.2224,0.1725,0.1679,0.7008,0.0049
-l_t,PyG,TU_BZR,graph,False,,,gaddconv,2,8,1,stack,True,swish,0.0,add,adam,0.01,119,0.7232,0.1204,140401.0,0.0154,0.002,0.7561,0.1035,0.6097,0.2973,0.6109,0.2912,0.4678,0.1048,0.8554,0.041
-l_t,PyG,TU_BZR,graph,False,,,gaddconv,2,8,3,skipsum,True,prelu,0.6,max,sgd,0.01,39,0.529,0.1186,140939.0,0.0169,0.0017,0.7317,0.1317,0.7556,0.3457,0.2942,0.3224,0.2139,0.1279,0.6596,0.0461
-l_t,PyG,TU_BZR,graph,False,,,generalconv,2,2,3,stack,True,swish,0.0,add,adam,0.01,239,0.7763,0.256,141913.0,0.0108,0.0007,0.7968,0.0491,0.5334,0.1393,0.7593,0.2045,0.5846,0.0061,0.9005,0.0642
-l_t,PyG,TU_BZR,graph,False,,,generalconv,2,6,1,skipconcat,False,prelu,0.3,max,sgd,0.1,79,0.7994,0.2283,139154.0,0.0161,0.0026,0.813,0.0251,0.3333,0.4714,0.0208,0.0295,0.0392,0.0554,0.684,0.0263
-l_t,PyG,TU_BZR,graph,False,,,generalconv,2,8,1,stack,True,swish,0.0,add,adam,0.01,159,0.6359,0.1122,140724.0,0.0133,0.0008,0.8293,0.0498,0.548,0.0963,0.7936,0.0524,0.6439,0.0713,0.8791,0.041
-l_t,PyG,TU_BZR,graph,False,,,generalconv,2,8,3,skipsum,True,prelu,0.6,max,sgd,0.01,59,0.7322,0.1084,139195.0,0.0149,0.0006,0.3821,0.2907,0.4512,0.3883,0.6852,0.4452,0.2352,0.0943,0.6502,0.0574
-l_t,PyG,TU_BZR,graph,False,,,gmulconv,2,2,3,stack,True,swish,0.0,add,adam,0.01,379,0.6039,0.1821,142237.0,0.0149,0.001,0.8334,0.0207,0.5521,0.0235,0.7221,0.152,0.617,0.0461,0.8773,0.0604
-l_t,PyG,TU_BZR,graph,False,,,gmulconv,2,6,1,skipconcat,False,prelu,0.3,max,sgd,0.1,199,0.5761,0.023,139622.0,0.0189,0.0009,0.7561,0.0622,0.598,0.2964,0.3698,0.2958,0.3001,0.132,0.6926,0.0462
-l_t,PyG,TU_BZR,graph,False,,,gmulconv,2,8,1,stack,True,swish,0.0,add,adam,0.01,99,0.4658,0.0425,139441.0,0.0173,0.0016,0.7927,0.0359,0.1778,0.137,0.0442,0.0324,0.0707,0.0523,0.7107,0.0193
-l_t,PyG,TU_BZR,graph,False,,,gmulconv,2,8,3,skipsum,True,prelu,0.6,max,sgd,0.01,159,0.4531,0.0478,140067.0,0.0193,0.001,0.8171,0.0264,0.6667,0.4714,0.0442,0.0324,0.0827,0.0605,0.702,0.022
-l_t,PyG,TU_COX2,graph,False,,,gaddconv,2,2,3,skipsum,False,swish,0.6,add,sgd,0.1,0,4.4139,5.4983,138673.0,0.0153,0.0008,0.6028,0.2533,0.0816,0.1154,0.3333,0.4714,0.1311,0.1854,0.5195,0.0217
-l_t,PyG,TU_COX2,graph,False,,,gaddconv,3,2,3,stack,False,prelu,0.0,max,adam,0.01,0,3.5266,4.3395,138382.0,0.0131,0.0016,0.6135,0.2613,0.4863,0.192,0.4325,0.4097,0.2835,0.1393,0.6715,0.1069
-l_t,PyG,TU_COX2,graph,False,,,gaddconv,3,6,1,skipconcat,False,prelu,0.0,mean,adam,0.01,339,0.4333,0.0319,137638.0,0.0189,0.002,0.8014,0.0181,0.9,0.1414,0.1734,0.1132,0.2645,0.1326,0.7998,0.0331
-l_t,PyG,TU_COX2,graph,False,,,generalconv,2,2,3,skipsum,False,swish,0.6,add,sgd,0.1,19,0.539,0.0212,139692.0,0.011,0.0006,0.773,0.0133,0.0,0.0,0.0,0.0,0.0,0.0,0.5156,0.0138
-l_t,PyG,TU_COX2,graph,False,,,generalconv,3,2,3,stack,False,prelu,0.0,max,adam,0.01,99,0.5554,0.0383,139615.0,0.013,0.0006,0.773,0.0133,0.0,0.0,0.0,0.0,0.0,0.0,0.5155,0.0075
-l_t,PyG,TU_COX2,graph,False,,,generalconv,3,6,1,skipconcat,False,prelu,0.0,mean,adam,0.01,19,0.5406,0.0193,136726.0,0.0137,0.0007,0.773,0.0133,0.0,0.0,0.0,0.0,0.0,0.0,0.518,0.0147
-l_t,PyG,TU_COX2,graph,False,,,gmulconv,2,2,3,skipsum,False,swish,0.6,add,sgd,0.1,0,6.5042,4.5178,140018.0,0.0133,0.0002,0.6454,0.1707,0.0699,0.0989,0.2167,0.3064,0.1057,0.1495,0.5047,0.0121
-l_t,PyG,TU_COX2,graph,False,,,gmulconv,3,2,3,stack,False,prelu,0.0,max,adam,0.01,0,4.2364,5.2468,139913.0,0.0152,0.0039,0.6028,0.2533,0.0816,0.1154,0.3333,0.4714,0.1311,0.1854,0.5296,0.0278
-l_t,PyG,TU_COX2,graph,False,,,gmulconv,3,6,1,skipconcat,False,prelu,0.0,mean,adam,0.01,319,0.4309,0.0138,137182.0,0.0169,0.0014,0.8227,0.0251,0.8,0.1633,0.3408,0.0643,0.4633,0.048,0.783,0.007
-l_t,PyG,TU_DD,graph,False,,,gaddconv,1,6,1,skipsum,False,swish,0.6,max,sgd,0.001,99,11.0457,7.0978,147557.0,0.0785,0.0099,0.5724,0.0121,0.3333,0.4714,0.0034,0.0048,0.0067,0.0094,0.8111,0.0045
-l_t,PyG,TU_DD,graph,False,,,gaddconv,1,6,2,skipconcat,False,relu,0.6,mean,sgd,0.001,179,5.9247,7.4358,140889.0,0.0429,0.0032,0.6203,0.0379,0.6319,0.4469,0.1215,0.0893,0.2031,0.1478,0.8336,0.0134
-l_t,PyG,TU_DD,graph,False,,,gaddconv,1,6,3,skipconcat,True,prelu,0.6,add,sgd,0.1,59,0.8246,0.1642,142666.0,0.0412,0.0052,0.6976,0.0558,0.882,0.0312,0.3401,0.1239,0.48,0.1259,0.8556,0.0171
-l_t,PyG,TU_DD,graph,False,,,gaddconv,2,6,2,stack,True,relu,0.3,max,sgd,0.001,0,1.5982,0.602,146433.0,0.0617,0.0042,0.6146,0.0593,0.6239,0.4443,0.1189,0.1541,0.1751,0.2202,0.8102,0.0036
-l_t,PyG,TU_DD,graph,False,,,gaddconv,2,8,1,skipconcat,True,prelu,0.3,add,sgd,0.01,119,0.7173,0.2226,141242.0,0.0574,0.0049,0.7792,0.0293,0.7821,0.0529,0.6969,0.1662,0.7189,0.0824,0.8442,0.0137
-l_t,PyG,TU_DD,graph,False,,,generalconv,1,6,1,skipsum,False,swish,0.6,max,sgd,0.001,59,34.3429,38.4225,147660.0,0.0582,0.0099,0.5162,0.07,0.1392,0.1969,0.3333,0.4714,0.1964,0.2778,0.7063,0.1459
-l_t,PyG,TU_DD,graph,False,,,generalconv,1,6,2,skipconcat,False,relu,0.6,mean,sgd,0.001,99,0.608,0.0582,140361.0,0.0459,0.0074,0.6948,0.0723,0.8985,0.086,0.306,0.1771,0.4319,0.222,0.8528,0.0166
-l_t,PyG,TU_DD,graph,False,,,generalconv,1,6,3,skipconcat,True,prelu,0.6,add,sgd,0.1,219,0.7431,0.1765,142258.0,0.0361,0.0038,0.6878,0.0384,0.9172,0.0244,0.3014,0.1015,0.4425,0.1217,0.8374,0.0264
-l_t,PyG,TU_DD,graph,False,,,generalconv,2,6,2,stack,True,relu,0.3,max,sgd,0.001,39,0.6277,0.0391,144897.0,0.0571,0.0075,0.7131,0.0138,0.8366,0.0276,0.4138,0.03,0.5525,0.0233,0.8103,0.0036
-l_t,PyG,TU_DD,graph,False,,,generalconv,2,8,1,skipconcat,True,prelu,0.3,add,sgd,0.01,59,0.7656,0.2808,140282.0,0.0451,0.0064,0.7511,0.043,0.77,0.1079,0.6736,0.2071,0.6816,0.1046,0.8411,0.016
-l_t,PyG,TU_DD,graph,False,,,gmulconv,1,6,2,skipconcat,False,relu,0.6,mean,sgd,0.001,179,0.6801,0.0092,140625.0,0.0471,0.0033,0.6315,0.0121,0.9208,0.0793,0.1537,0.0214,0.2631,0.0334,0.8444,0.0107
-l_t,PyG,TU_DD,graph,False,,,gmulconv,1,6,3,skipconcat,True,prelu,0.6,add,sgd,0.1,159,0.6334,0.0833,142462.0,0.0383,0.0038,0.6822,0.0587,0.9383,0.0581,0.2853,0.1486,0.4114,0.1905,0.8535,0.0202
-l_t,PyG,TU_DD,graph,False,,,gmulconv,2,6,2,stack,True,relu,0.3,max,sgd,0.001,0,0.7494,0.0375,145665.0,0.0591,0.0028,0.5162,0.07,0.1392,0.1969,0.3333,0.4714,0.1964,0.2778,0.5,0.0
-l_t,PyG,TU_ENZYMES,graph,False,,,gaddconv,1,8,3,skipsum,True,prelu,0.6,add,sgd,0.001,0,3.9559,2.3875,135325.0,0.0243,0.0028,0.168,0.0273,,,,,,,,
-l_t,PyG,TU_ENZYMES,graph,False,,,gaddconv,2,4,3,skipconcat,True,prelu,0.3,mean,adam,0.01,359,2.4446,0.1197,138187.0,0.0178,0.0009,0.5923,0.0498,,,,,,,,
-l_t,PyG,TU_ENZYMES,graph,False,,,gaddconv,3,2,2,skipsum,False,swish,0.3,mean,sgd,0.1,79,13.5186,16.5545,134304.0,0.0162,0.0008,0.2397,0.0351,,,,,,,,
-l_t,PyG,TU_ENZYMES,graph,False,,,gaddconv,3,8,1,skipconcat,False,relu,0.3,mean,sgd,0.1,19,30.9131,26.3439,137240.0,0.0251,0.0033,0.2204,0.0304,,,,,,,,
-l_t,PyG,TU_ENZYMES,graph,False,,,generalconv,1,8,3,skipsum,True,prelu,0.6,add,sgd,0.001,99,2.409,0.5178,135822.0,0.0193,0.0029,0.1928,0.0488,,,,,,,,
-l_t,PyG,TU_ENZYMES,graph,False,,,generalconv,2,4,3,skipconcat,True,prelu,0.3,mean,adam,0.01,339,2.0293,0.1159,137811.0,0.0148,0.0001,0.5757,0.0333,,,,,,,,
-l_t,PyG,TU_ENZYMES,graph,False,,,generalconv,3,2,2,skipsum,False,swish,0.3,mean,sgd,0.1,179,9.8654,11.3806,135296.0,0.017,0.0046,0.2259,0.0429,,,,,,,,
-l_t,PyG,TU_ENZYMES,graph,False,,,generalconv,3,8,1,skipconcat,False,relu,0.3,mean,sgd,0.1,79,34.5618,24.0111,136296.0,0.0171,0.0004,0.2204,0.017,,,,,,,,
-l_t,PyG,TU_ENZYMES,graph,False,,,gmulconv,1,8,3,skipsum,True,prelu,0.6,add,sgd,0.001,39,2.3472,0.3156,134413.0,0.0239,0.0053,0.2039,0.0156,,,,,,,,
-l_t,PyG,TU_ENZYMES,graph,False,,,gmulconv,2,4,3,skipconcat,True,prelu,0.3,mean,adam,0.01,279,2.4394,0.2224,137999.0,0.0209,0.0041,0.46,0.014,,,,,,,,
-l_t,PyG,TU_ENZYMES,graph,False,,,gmulconv,3,2,2,skipsum,False,swish,0.3,mean,sgd,0.1,159,1.8314,0.0349,135622.0,0.0236,0.0027,0.2452,0.0281,,,,,,,,
-l_t,PyG,TU_ENZYMES,graph,False,,,gmulconv,3,8,1,skipconcat,False,relu,0.3,mean,sgd,0.1,59,84.4774,62.0522,136768.0,0.0201,0.0009,0.2066,0.0068,,,,,,,,
-l_t,PyG,TU_IMDB,graph,False,,,gaddconv,1,2,2,skipsum,False,prelu,0.6,mean,adam,0.1,0,2.4299,1.8803,133555.0,0.0157,0.0025,0.3765,0.0122,,,,,,,,
-l_t,PyG,TU_IMDB,graph,False,,,gaddconv,3,4,2,skipconcat,True,swish,0.0,max,adam,0.001,159,1.1056,0.0499,136083.0,0.0184,0.0015,0.4474,0.0326,,,,,,,,
-l_t,PyG,TU_IMDB,graph,False,,,generalconv,1,2,2,skipsum,False,prelu,0.6,mean,adam,0.1,279,1.1129,0.0231,133984.0,0.0122,0.0012,0.3787,0.0124,,,,,,,,
-l_t,PyG,TU_IMDB,graph,False,,,generalconv,3,4,2,skipconcat,True,swish,0.0,max,adam,0.001,99,1.4679,0.3585,135603.0,0.0202,0.0024,0.3699,0.018,,,,,,,,
-l_t,PyG,TU_IMDB,graph,False,,,gmulconv,1,2,2,skipsum,False,prelu,0.6,mean,adam,0.1,199,8.9651,11.1199,134404.0,0.0124,0.0007,0.3743,0.0176,,,,,,,,
-l_t,PyG,TU_IMDB,graph,False,,,gmulconv,3,4,2,skipconcat,True,swish,0.0,max,adam,0.001,179,1.0369,0.0232,135843.0,0.0162,0.0011,0.4873,0.0245,,,,,,,,
-l_t,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,gaddconv,1,2,1,skipconcat,True,relu,0.3,mean,sgd,0.001,299,0.4861,0.1007,136004.0,0.0192,0.0026,0.8205,0.0181,,,,,,,,
-l_t,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,gaddconv,3,4,2,skipsum,True,swish,0.6,mean,adam,0.01,19,10.3167,2.6024,134917.0,0.0168,0.0028,0.3398,0.024,,,,,,,,
-l_t,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,generalconv,1,2,1,skipconcat,True,relu,0.3,mean,sgd,0.001,99,0.9427,0.3036,136453.0,0.0136,0.0027,0.6987,0.0708,,,,,,,,
-l_t,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,generalconv,3,4,2,skipsum,True,swish,0.6,mean,adam,0.01,19,11.4586,8.4316,133829.0,0.0124,0.0027,0.3269,0.0314,,,,,,,,
-l_t,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,gmulconv,1,2,1,skipconcat,True,relu,0.3,mean,sgd,0.001,239,0.6519,0.1092,136869.0,0.015,0.0004,0.7628,0.0363,,,,,,,,
-l_t,nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,gmulconv,3,4,2,skipsum,True,swish,0.6,mean,adam,0.01,139,10.4193,1.6109,134373.0,0.0212,0.0057,0.3269,0.0157,,,,,,,,
-l_t,nx,scalefree,graph,True,node_const,graph_path_len,gaddconv,1,6,2,skipsum,False,prelu,0.6,add,adam,0.1,79,148.7645,130.3469,134374.0,0.0189,0.0039,0.2436,0.048,,,,,,,,
-l_t,nx,scalefree,graph,True,node_const,graph_path_len,gaddconv,2,4,3,stack,False,swish,0.3,max,adam,0.1,0,709.3549,246.4562,133829.0,0.0151,0.0009,0.1795,0.048,,,,,,,,
-l_t,nx,scalefree,graph,True,node_const,graph_path_len,gaddconv,3,4,3,stack,True,relu,0.0,add,adam,0.01,0,11.0483,2.5592,134371.0,0.0183,0.0041,0.2372,0.0395,,,,,,,,
-l_t,nx,scalefree,graph,True,node_const,graph_path_len,generalconv,1,6,2,skipsum,False,prelu,0.6,add,adam,0.1,19,1.638,0.0333,134677.0,0.015,0.0011,0.2692,0.0416,,,,,,,,
-l_t,nx,scalefree,graph,True,node_const,graph_path_len,generalconv,2,4,3,stack,False,swish,0.3,max,adam,0.1,0,304.3049,234.4696,134676.0,0.0149,0.0022,0.1538,0.0415,,,,,,,,
-l_t,nx,scalefree,graph,True,node_const,graph_path_len,generalconv,3,4,3,stack,True,relu,0.0,add,adam,0.01,379,2.3223,2.4537,135429.0,0.0136,0.0021,0.6923,0.2467,,,,,,,,
-l_t,nx,scalefree,graph,True,node_const,graph_path_len,gmulconv,1,6,2,skipsum,False,prelu,0.6,add,adam,0.1,19,52.4721,57.9953,135499.0,0.0194,0.0035,0.2628,0.0395,,,,,,,,
-l_t,nx,scalefree,graph,True,node_const,graph_path_len,gmulconv,2,4,3,stack,False,swish,0.3,max,adam,0.1,0,354.3894,73.5159,135224.0,0.0191,0.0033,0.1795,0.0327,,,,,,,,
-l_t,nx,scalefree,graph,True,node_const,graph_path_len,gmulconv,3,4,3,stack,True,relu,0.0,add,adam,0.01,99,3.4593,1.5699,133863.0,0.0201,0.0012,0.2436,0.0327,,,,,,,,
-l_t,nx,scalefree,graph,True,node_onehot,graph_path_len,gaddconv,1,2,3,skipconcat,False,relu,0.6,mean,sgd,0.001,339,0.9663,0.1798,134147.0,0.0157,0.0025,0.6538,0.0157,,,,,,,,
-l_t,nx,scalefree,graph,True,node_onehot,graph_path_len,gaddconv,1,6,2,skipconcat,False,relu,0.6,max,sgd,0.01,0,5.8815,3.5543,138693.0,0.0192,0.0036,0.3077,0.0719,,,,,,,,
-l_t,nx,scalefree,graph,True,node_onehot,graph_path_len,gaddconv,1,6,3,stack,True,prelu,0.0,mean,adam,0.001,199,1.2397,0.3555,134880.0,0.0176,0.0005,0.8077,0.0157,,,,,,,,
-l_t,nx,scalefree,graph,True,node_onehot,graph_path_len,gaddconv,2,6,2,skipsum,True,swish,0.0,max,adam,0.01,99,1.2363,0.6536,134879.0,0.0247,0.0012,0.6859,0.092,,,,,,,,
-l_t,nx,scalefree,graph,True,node_onehot,graph_path_len,gaddconv,3,8,1,skipsum,False,swish,0.6,add,adam,0.01,19,8.9206,5.2466,134867.0,0.0272,0.0039,0.2244,0.0594,,,,,,,,
-l_t,nx,scalefree,graph,True,node_onehot,graph_path_len,generalconv,1,2,3,skipconcat,False,relu,0.6,mean,sgd,0.001,39,2.6924,1.4805,137205.0,0.012,0.002,0.2436,0.048,,,,,,,,
-l_t,nx,scalefree,graph,True,node_onehot,graph_path_len,generalconv,1,6,2,skipconcat,False,relu,0.6,max,sgd,0.01,19,10.7109,2.0551,138165.0,0.0147,0.0017,0.2692,0.0416,,,,,,,,
-l_t,nx,scalefree,graph,True,node_onehot,graph_path_len,generalconv,1,6,3,stack,True,prelu,0.0,mean,adam,0.001,319,1.6342,0.3621,135430.0,0.0195,0.0062,0.6154,0.0314,,,,,,,,
-l_t,nx,scalefree,graph,True,node_onehot,graph_path_len,generalconv,2,6,2,skipsum,True,swish,0.0,max,adam,0.01,359,1.3394,0.1878,135429.0,0.0214,0.0064,0.7115,0.0157,,,,,,,,
-l_t,nx,scalefree,graph,True,node_onehot,graph_path_len,generalconv,3,8,1,skipsum,False,swish,0.6,add,adam,0.01,0,15.2562,17.1068,135360.0,0.0205,0.0038,0.2757,0.0327,,,,,,,,
-l_t,nx,scalefree,graph,True,node_onehot,graph_path_len,gmulconv,1,2,3,skipconcat,False,relu,0.6,mean,sgd,0.001,199,1.1105,0.1923,137365.0,0.0147,0.0025,0.5769,0.0544,,,,,,,,
-l_t,nx,scalefree,graph,True,node_onehot,graph_path_len,gmulconv,1,6,2,skipconcat,False,relu,0.6,max,sgd,0.01,39,1.8081,0.0568,138429.0,0.0298,0.0039,0.2692,0.0314,,,,,,,,
-l_t,nx,scalefree,graph,True,node_onehot,graph_path_len,gmulconv,1,6,3,stack,True,prelu,0.0,mean,adam,0.001,219,1.027,0.0193,134118.0,0.0177,0.0018,0.7949,0.0505,,,,,,,,
-l_t,nx,scalefree,graph,True,node_onehot,graph_path_len,gmulconv,2,6,2,skipsum,True,swish,0.0,max,adam,0.01,279,1.1347,0.3421,134117.0,0.0164,0.0005,0.6474,0.079,,,,,,,,
-l_t,nx,scalefree,graph,True,node_onehot,graph_path_len,gmulconv,3,8,1,skipsum,False,swish,0.6,add,adam,0.01,0,17.9188,5.941,133955.0,0.021,0.0038,0.2436,0.0327,,,,,,,,
-l_t,nx,scalefree,graph,True,node_pagerank,graph_path_len,gaddconv,1,2,3,skipsum,False,prelu,0.6,add,sgd,0.1,0,,,134106.0,0.0143,0.0011,0.2372,0.0395,,,,,,,,
-l_t,nx,scalefree,graph,True,node_pagerank,graph_path_len,gaddconv,2,2,3,skipconcat,True,prelu,0.6,add,sgd,0.01,99,3.3613,0.8046,134294.0,0.0157,0.0033,0.3846,0.0272,,,,,,,,
-l_t,nx,scalefree,graph,True,node_pagerank,graph_path_len,gaddconv,2,4,1,skipconcat,True,relu,0.0,add,adam,0.1,59,0.9416,0.0837,136800.0,0.017,0.0029,0.7436,0.048,,,,,,,,
-l_t,nx,scalefree,graph,True,node_pagerank,graph_path_len,gaddconv,2,6,3,skipconcat,False,swish,0.6,max,adam,0.001,19,7.3838,3.2284,141445.0,0.02,0.0019,0.2372,0.0395,,,,,,,,
-l_t,nx,scalefree,graph,True,node_pagerank,graph_path_len,gaddconv,3,6,2,skipconcat,False,relu,0.0,add,sgd,0.01,0,32.1281,23.1736,136315.0,0.0208,0.0024,0.1795,0.0327,,,,,,,,
-l_t,nx,scalefree,graph,True,node_pagerank,graph_path_len,gaddconv,3,8,3,stack,False,relu,0.0,add,adam,0.001,179,0.8227,0.0499,134477.0,0.018,0.0006,0.6602,0.024,,,,,,,,
-l_t,nx,scalefree,graph,True,node_pagerank,graph_path_len,generalconv,1,2,3,skipsum,False,prelu,0.6,add,sgd,0.1,0,,,134851.0,0.0127,0.0023,0.2372,0.0395,,,,,,,,
-l_t,nx,scalefree,graph,True,node_pagerank,graph_path_len,generalconv,2,2,3,skipconcat,True,prelu,0.6,add,sgd,0.01,19,3.6176,0.883,137442.0,0.0226,0.0025,0.4872,0.0654,,,,,,,,
-l_t,nx,scalefree,graph,True,node_pagerank,graph_path_len,generalconv,2,4,1,skipconcat,True,relu,0.0,add,adam,0.1,99,0.4608,0.0424,135928.0,0.0152,0.0023,0.8526,0.0181,,,,,,,,
-l_t,nx,scalefree,graph,True,node_pagerank,graph_path_len,generalconv,2,6,3,skipconcat,False,swish,0.6,max,adam,0.001,39,6.5807,1.4906,141037.0,0.0132,0.0025,0.2564,0.0594,,,,,,,,
-l_t,nx,scalefree,graph,True,node_pagerank,graph_path_len,generalconv,3,6,2,skipconcat,False,relu,0.0,add,sgd,0.01,0,27.2705,2.0561,135799.0,0.0144,0.0014,0.2244,0.0708,,,,,,,,
-l_t,nx,scalefree,graph,True,node_pagerank,graph_path_len,generalconv,3,8,3,stack,False,relu,0.0,add,adam,0.001,279,0.4528,0.062,135350.0,0.0138,0.0006,0.8077,0.0566,,,,,,,,
-l_t,nx,scalefree,graph,True,node_pagerank,graph_path_len,gmulconv,1,2,3,skipsum,False,prelu,0.6,add,sgd,0.1,0,,,135213.0,0.019,0.0048,0.2372,0.0395,,,,,,,,
-l_t,nx,scalefree,graph,True,node_pagerank,graph_path_len,gmulconv,2,2,3,skipconcat,True,prelu,0.6,add,sgd,0.01,19,10.6326,7.1201,134140.0,0.0152,0.0013,0.25,0.0416,,,,,,,,
-l_t,nx,scalefree,graph,True,node_pagerank,graph_path_len,gmulconv,2,4,1,skipconcat,True,relu,0.0,add,adam,0.1,99,0.898,0.3681,136364.0,0.015,0.0006,0.7564,0.0091,,,,,,,,
-l_t,nx,scalefree,graph,True,node_pagerank,graph_path_len,gmulconv,2,6,3,skipconcat,False,swish,0.6,max,adam,0.001,0,5.7102,2.72,141241.0,0.018,0.0018,0.2372,0.0395,,,,,,,,
-l_t,nx,scalefree,graph,True,node_pagerank,graph_path_len,gmulconv,3,6,2,skipconcat,False,relu,0.0,add,sgd,0.01,0,40.7937,7.4681,136057.0,0.0176,0.0014,0.2116,0.072,,,,,,,,
-l_t,nx,scalefree,graph,True,node_pagerank,graph_path_len,gmulconv,3,8,3,stack,False,relu,0.0,add,adam,0.001,119,0.6991,0.1027,133645.0,0.0198,0.0025,0.7436,0.0395,,,,,,,,
-l_t,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,gaddconv,1,4,1,stack,False,swish,0.0,mean,adam,0.001,179,0.8072,0.0154,134825.0,0.0334,0.005,0.7285,0.0025,,,,,,,,
-l_t,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,gaddconv,2,4,2,skipconcat,True,relu,0.3,max,sgd,0.01,339,0.7885,0.0485,137987.0,0.0263,0.0025,0.6628,0.0168,,,,,,,,
-l_t,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,gaddconv,2,4,3,skipconcat,True,relu,0.0,max,adam,0.001,139,0.231,0.0175,138326.0,0.029,0.0037,0.9142,0.0022,,,,,,,,
-l_t,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,generalconv,1,4,1,stack,False,swish,0.0,mean,adam,0.001,159,1.4874,0.0046,134850.0,0.0267,0.0022,0.3162,0.0051,,,,,,,,
-l_t,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,generalconv,2,4,2,skipconcat,True,relu,0.3,max,sgd,0.01,99,1.4938,0.0812,137499.0,0.0266,0.0024,0.4791,0.0176,,,,,,,,
-l_t,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,generalconv,2,4,3,skipconcat,True,relu,0.0,max,adam,0.001,139,0.6185,0.0054,137950.0,0.0219,0.0005,0.7774,0.0005,,,,,,,,
-l_t,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,gmulconv,1,4,1,stack,False,swish,0.0,mean,adam,0.001,179,0.8817,0.0274,134105.0,0.0292,0.002,0.6905,0.0117,,,,,,,,
-l_t,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,gmulconv,2,4,2,skipconcat,True,relu,0.3,max,sgd,0.01,379,1.0901,0.1146,137743.0,0.0257,0.0004,0.5608,0.0208,,,,,,,,
-l_t,nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,gmulconv,2,4,3,skipconcat,True,relu,0.0,max,adam,0.001,199,0.5039,0.0513,138138.0,0.0347,0.001,0.8095,0.015,,,,,,,,
-l_t,nx,scalefree,node,True,node_const,node_clustering_coefficient,gaddconv,1,2,2,skipsum,False,relu,0.0,mean,sgd,0.001,139,1.5452,0.0106,134789.0,0.0284,0.0012,0.3595,0.0174,,,,,,,,
-l_t,nx,scalefree,node,True,node_const,node_clustering_coefficient,gaddconv,1,4,2,stack,False,swish,0.0,mean,adam,0.1,179,1.0845,0.0196,134440.0,0.0282,0.0029,0.4944,0.0092,,,,,,,,
-l_t,nx,scalefree,node,True,node_const,node_clustering_coefficient,gaddconv,3,2,2,skipsum,False,swish,0.0,add,adam,0.1,59,1.5916,0.0091,133796.0,0.0264,0.0022,0.2688,0.0019,,,,,,,,
-l_t,nx,scalefree,node,True,node_const,node_clustering_coefficient,gaddconv,3,8,1,stack,False,swish,0.3,mean,sgd,0.1,19,1.5793,0.0012,134867.0,0.0373,0.0058,0.357,0.0178,,,,,,,,
-l_t,nx,scalefree,node,True,node_const,node_clustering_coefficient,generalconv,1,2,2,skipsum,False,relu,0.0,mean,sgd,0.001,39,1.592,0.0089,133957.0,0.0537,0.043,0.2688,0.0019,,,,,,,,
-l_t,nx,scalefree,node,True,node_const,node_clustering_coefficient,generalconv,1,4,2,stack,False,swish,0.0,mean,adam,0.1,39,4.1805,3.6778,134789.0,0.0541,0.0378,0.2688,0.0019,,,,,,,,
-l_t,nx,scalefree,node,True,node_const,node_clustering_coefficient,generalconv,3,2,2,skipsum,False,swish,0.0,add,adam,0.1,399,1.379,0.1296,134789.0,0.0221,0.0003,0.4121,0.0523,,,,,,,,
-l_t,nx,scalefree,node,True,node_const,node_clustering_coefficient,generalconv,3,8,1,stack,False,swish,0.3,mean,sgd,0.1,19,1.5849,0.0042,135360.0,0.0236,0.0011,0.2688,0.0019,,,,,,,,
-l_t,nx,scalefree,node,True,node_const,node_clustering_coefficient,gmulconv,1,2,2,skipsum,False,relu,0.0,mean,sgd,0.001,19,1.5619,0.0154,134373.0,0.0241,0.0003,0.3664,0.0182,,,,,,,,
-l_t,nx,scalefree,node,True,node_const,node_clustering_coefficient,gmulconv,1,4,2,stack,False,swish,0.0,mean,adam,0.1,139,1.1247,0.0124,133796.0,0.0287,0.0035,0.4711,0.0039,,,,,,,,
-l_t,nx,scalefree,node,True,node_const,node_clustering_coefficient,gmulconv,3,2,2,skipsum,False,swish,0.0,add,adam,0.1,39,1.5901,0.0058,135113.0,0.0298,0.0038,0.2688,0.0019,,,,,,,,
-l_t,nx,scalefree,node,True,node_const,node_clustering_coefficient,gmulconv,3,8,1,stack,False,swish,0.3,mean,sgd,0.1,19,1.5872,0.0087,133955.0,0.029,0.0016,0.2688,0.0019,,,,,,,,
-l_t,nx,scalefree,node,True,node_const,node_pagerank,gaddconv,2,2,1,skipsum,True,swish,0.0,mean,sgd,0.1,359,1.4913,0.0401,134348.0,0.0273,0.0039,0.4587,0.0174,,,,,,,,
-l_t,nx,scalefree,node,True,node_const,node_pagerank,gaddconv,2,8,3,skipconcat,True,swish,0.0,mean,adam,0.001,399,3.2793,0.4188,137857.0,0.034,0.0044,0.4511,0.0346,,,,,,,,
-l_t,nx,scalefree,node,True,node_const,node_pagerank,gaddconv,3,4,1,stack,False,prelu,0.3,add,sgd,0.01,139,1.6196,0.0036,134217.0,0.0295,0.0028,0.2055,0.0031,,,,,,,,
-l_t,nx,scalefree,node,True,node_const,node_pagerank,generalconv,2,2,1,skipsum,True,swish,0.0,mean,sgd,0.1,0,1.6303,0.0254,134789.0,0.0292,0.0042,0.2003,0.0068,,,,,,,,
-l_t,nx,scalefree,node,True,node_const,node_pagerank,generalconv,2,8,3,skipconcat,True,swish,0.0,mean,adam,0.001,139,1.6775,0.0677,137441.0,0.0338,0.0058,0.2099,0.0009,,,,,,,,
-l_t,nx,scalefree,node,True,node_const,node_pagerank,generalconv,3,4,1,stack,False,prelu,0.3,add,sgd,0.01,0,1.617,0.0041,134834.0,0.0228,0.0025,0.2099,0.0009,,,,,,,,
-l_t,nx,scalefree,node,True,node_const,node_pagerank,gmulconv,2,2,1,skipsum,True,swish,0.0,mean,sgd,0.1,379,1.5316,0.0141,135205.0,0.0306,0.0042,0.4267,0.0159,,,,,,,,
-l_t,nx,scalefree,node,True,node_const,node_pagerank,gmulconv,2,8,3,skipconcat,True,swish,0.0,mean,adam,0.001,399,3.5074,0.6464,137649.0,0.0343,0.0044,0.3917,0.044,,,,,,,,
-l_t,nx,scalefree,node,True,node_const,node_pagerank,gmulconv,3,4,1,stack,False,prelu,0.3,add,sgd,0.01,19,1.6113,0.0006,135426.0,0.0337,0.0011,0.2079,0.002,,,,,,,,
-l_t,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,gaddconv,1,2,3,skipsum,False,prelu,0.0,max,sgd,0.001,319,1.4871,0.0058,134106.0,0.0257,0.0016,0.3708,0.0044,,,,,,,,
-l_t,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,gaddconv,1,4,1,skipsum,True,prelu,0.0,add,adam,0.1,159,1.1507,0.0208,134256.0,0.0317,0.001,0.5335,0.0049,,,,,,,,
-l_t,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,gaddconv,3,6,1,skipconcat,False,prelu,0.0,max,sgd,0.01,159,1.4604,0.0216,137946.0,0.0371,0.0011,0.3745,0.0009,,,,,,,,
-l_t,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,generalconv,1,2,3,skipsum,False,prelu,0.0,max,sgd,0.001,359,1.5698,0.0101,134851.0,0.0265,0.0039,0.271,0.006,,,,,,,,
-l_t,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,generalconv,1,4,1,skipsum,True,prelu,0.0,add,adam,0.1,199,0.8347,0.0176,134286.0,0.025,0.0034,0.6179,0.0065,,,,,,,,
-l_t,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,generalconv,3,6,1,skipconcat,False,prelu,0.0,max,sgd,0.01,319,1.5026,0.0141,137034.0,0.0289,0.0038,0.3615,0.0176,,,,,,,,
-l_t,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,gmulconv,1,2,3,skipsum,False,prelu,0.0,max,sgd,0.001,339,1.4995,0.0207,135213.0,0.0284,0.0039,0.3648,0.0105,,,,,,,,
-l_t,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,gmulconv,1,4,1,skipsum,True,prelu,0.0,add,adam,0.1,199,1.1668,0.0323,135006.0,0.0278,0.0008,0.5177,0.0081,,,,,,,,
-l_t,nx,scalefree,node,True,node_onehot,node_clustering_coefficient,gmulconv,3,6,1,skipconcat,False,prelu,0.0,max,sgd,0.01,359,1.4369,0.0033,137490.0,0.033,0.0026,0.3786,0.0065,,,,,,,,
-l_t,nx,scalefree,node,True,node_onehot,node_pagerank,gaddconv,1,4,2,skipconcat,False,prelu,0.6,max,adam,0.1,59,1.6426,0.0549,137894.0,0.0325,0.0031,0.2294,0.0288,,,,,,,,
-l_t,nx,scalefree,node,True,node_onehot,node_pagerank,gaddconv,1,4,3,skipconcat,False,relu,0.6,mean,adam,0.001,39,0.8446,0.0353,135318.0,0.0268,0.0036,0.6496,0.0213,,,,,,,,
-l_t,nx,scalefree,node,True,node_onehot,node_pagerank,gaddconv,1,4,3,stack,True,relu,0.6,max,adam,0.01,319,0.4563,0.0229,135245.0,0.0325,0.0004,0.8267,0.0069,,,,,,,,
-l_t,nx,scalefree,node,True,node_onehot,node_pagerank,gaddconv,2,6,1,skipsum,True,relu,0.3,mean,adam,0.01,259,0.1302,0.0136,135461.0,0.0419,0.0034,0.954,0.0039,,,,,,,,
-l_t,nx,scalefree,node,True,node_onehot,node_pagerank,generalconv,1,4,2,skipconcat,False,prelu,0.6,max,adam,0.1,99,1.851,0.3325,137398.0,0.0381,0.0065,0.2573,0.0387,,,,,,,,
-l_t,nx,scalefree,node,True,node_onehot,node_pagerank,generalconv,1,4,3,skipconcat,False,relu,0.6,mean,adam,0.001,79,1.707,0.0696,134942.0,0.0239,0.0026,0.3144,0.016,,,,,,,,
-l_t,nx,scalefree,node,True,node_onehot,node_pagerank,generalconv,1,4,3,stack,True,relu,0.6,max,adam,0.01,259,2.923,0.1893,134069.0,0.0231,0.001,0.2669,0.0055,,,,,,,,
-l_t,nx,scalefree,node,True,node_onehot,node_pagerank,generalconv,2,6,1,skipsum,True,relu,0.3,mean,adam,0.01,179,1.6073,0.0501,133829.0,0.0264,0.0049,0.359,0.0072,,,,,,,,
-l_t,nx,scalefree,node,True,node_onehot,node_pagerank,gmulconv,1,4,2,skipconcat,False,prelu,0.6,max,adam,0.1,0,3.0542,0.2466,137646.0,0.0293,0.0035,0.2082,0.0054,,,,,,,,
-l_t,nx,scalefree,node,True,node_onehot,node_pagerank,gmulconv,1,4,3,skipconcat,False,relu,0.6,mean,adam,0.001,59,0.7725,0.0295,135130.0,0.0311,0.0013,0.6682,0.0161,,,,,,,,
-l_t,nx,scalefree,node,True,node_onehot,node_pagerank,gmulconv,1,4,3,stack,True,relu,0.6,max,adam,0.01,399,1.7056,0.4407,134657.0,0.0323,0.0006,0.4601,0.0114,,,,,,,,
-l_t,nx,scalefree,node,True,node_onehot,node_pagerank,gmulconv,2,6,1,skipsum,True,relu,0.3,mean,adam,0.01,399,0.116,0.0061,134645.0,0.0314,0.0046,0.9584,0.001,,,,,,,,
-l_t,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,gaddconv,1,6,3,skipsum,False,swish,0.6,mean,sgd,0.01,99,1.7138,0.292,133736.0,0.0227,0.0035,0.3654,0.0628,,,,,,,,
-l_t,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,gaddconv,1,8,1,skipsum,False,swish,0.3,max,sgd,0.1,0,37.0991,47.0635,134244.0,0.0214,0.0011,0.2884,0.0272,,,,,,,,
-l_t,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,generalconv,1,6,3,skipsum,False,swish,0.6,mean,sgd,0.01,0,7.0684,1.8089,134277.0,0.0164,0.0035,0.1987,0.0327,,,,,,,,
-l_t,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,generalconv,1,8,1,skipsum,False,swish,0.3,max,sgd,0.1,39,177.5317,59.1663,134277.0,0.0232,0.0059,0.2628,0.0595,,,,,,,,
-l_t,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,gmulconv,1,6,3,skipsum,False,swish,0.6,mean,sgd,0.01,19,2.2783,0.9388,135045.0,0.0188,0.0033,0.2179,0.0552,,,,,,,,
-l_t,nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,gmulconv,1,8,1,skipsum,False,swish,0.3,max,sgd,0.1,0,,,135301.0,0.0215,0.0018,0.25,0.0685,,,,,,,,
-l_t,nx,smallworld,graph,True,node_const,graph_path_len,gaddconv,2,2,1,skipconcat,False,relu,0.0,max,sgd,0.1,0,,,135725.0,0.0174,0.0012,0.2308,0.0831,,,,,,,,
-l_t,nx,smallworld,graph,True,node_const,graph_path_len,gaddconv,2,4,2,skipsum,False,relu,0.6,add,sgd,0.1,0,70.4032,30.4787,134216.0,0.0176,0.0017,0.1666,0.0181,,,,,,,,
-l_t,nx,smallworld,graph,True,node_const,graph_path_len,generalconv,2,2,1,skipconcat,False,relu,0.0,max,sgd,0.1,59,232.0742,48.5024,136479.0,0.012,0.0008,0.3077,0.0314,,,,,,,,
-l_t,nx,smallworld,graph,True,node_const,graph_path_len,generalconv,2,4,2,skipsum,False,relu,0.6,add,sgd,0.1,0,22.447,14.7604,134833.0,0.012,0.0018,0.1474,0.0091,,,,,,,,
-l_t,nx,smallworld,graph,True,node_const,graph_path_len,gmulconv,2,2,1,skipconcat,False,relu,0.0,max,sgd,0.1,0,,,135365.0,0.0169,0.0012,0.2628,0.0635,,,,,,,,
-l_t,nx,smallworld,graph,True,node_const,graph_path_len,gmulconv,2,4,2,skipsum,False,relu,0.6,add,sgd,0.1,0,45.2928,14.0151,135425.0,0.0153,0.0012,0.1666,0.0181,,,,,,,,
-l_t,nx,smallworld,graph,True,node_onehot,graph_path_len,gaddconv,2,2,2,stack,True,prelu,0.6,add,sgd,0.01,0,8.2144,5.4669,135006.0,0.0167,0.0017,0.3398,0.1179,,,,,,,,
-l_t,nx,smallworld,graph,True,node_onehot,graph_path_len,gaddconv,3,6,1,skipsum,True,prelu,0.0,mean,sgd,0.1,139,10.335,5.6315,134880.0,0.0186,0.0013,0.5641,0.0505,,,,,,,,
-l_t,nx,smallworld,graph,True,node_onehot,graph_path_len,generalconv,2,2,2,stack,True,prelu,0.6,add,sgd,0.01,39,6.5044,1.1402,134286.0,0.0156,0.0054,0.3205,0.0997,,,,,,,,
-l_t,nx,smallworld,graph,True,node_onehot,graph_path_len,generalconv,3,6,1,skipsum,True,prelu,0.0,mean,sgd,0.1,99,17.0928,20.8936,135430.0,0.0132,0.0026,0.4872,0.1269,,,,,,,,
-l_t,nx,smallworld,graph,True,node_onehot,graph_path_len,gmulconv,2,2,2,stack,True,prelu,0.6,add,sgd,0.01,0,10.1767,3.48,134646.0,0.016,0.0038,0.2372,0.0551,,,,,,,,
-l_t,nx,smallworld,graph,True,node_onehot,graph_path_len,gmulconv,3,6,1,skipsum,True,prelu,0.0,mean,sgd,0.1,0,,,134118.0,0.0177,0.0018,0.3269,0.1342,,,,,,,,
-l_t,nx,smallworld,graph,True,node_pagerank,graph_path_len,gaddconv,1,2,3,stack,False,relu,0.6,max,adam,0.1,0,128.125,65.1843,134105.0,0.0174,0.0024,0.1538,0.0,,,,,,,,
-l_t,nx,smallworld,graph,True,node_pagerank,graph_path_len,gaddconv,2,2,1,stack,True,relu,0.3,mean,adam,0.001,259,0.6283,0.0792,134348.0,0.015,0.0026,0.8397,0.0181,,,,,,,,
-l_t,nx,smallworld,graph,True,node_pagerank,graph_path_len,generalconv,1,2,3,stack,False,relu,0.6,max,adam,0.1,0,215.8245,85.7624,134850.0,0.0139,0.0022,0.1923,0.0157,,,,,,,,
-l_t,nx,smallworld,graph,True,node_pagerank,graph_path_len,generalconv,2,2,1,stack,True,relu,0.3,mean,adam,0.001,259,7.6762,4.5599,134789.0,0.0141,0.0018,0.3718,0.048,,,,,,,,
-l_t,nx,smallworld,graph,True,node_pagerank,graph_path_len,gmulconv,1,2,3,stack,False,relu,0.6,max,adam,0.1,0,216.4941,68.477,135212.0,0.0139,0.0017,0.1923,0.0272,,,,,,,,
-l_t,nx,smallworld,graph,True,node_pagerank,graph_path_len,gmulconv,2,2,1,stack,True,relu,0.3,mean,adam,0.001,339,0.6534,0.3014,135205.0,0.014,0.0017,0.8013,0.092,,,,,,,,
-l_t,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,gaddconv,1,4,3,stack,True,prelu,0.6,add,sgd,0.1,79,1.5179,0.0058,135246.0,0.0316,0.0019,0.301,0.0052,,,,,,,,
-l_t,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,gaddconv,1,6,1,skipsum,False,prelu,0.6,max,sgd,0.001,99,1.6244,0.0131,134805.0,0.0459,0.0023,0.1867,0.0143,,,,,,,,
-l_t,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,gaddconv,1,6,1,stack,True,relu,0.6,add,sgd,0.1,79,1.5185,0.0027,134033.0,0.0436,0.0009,0.3076,0.0053,,,,,,,,
-l_t,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,gaddconv,3,2,1,skipconcat,True,prelu,0.6,mean,adam,0.01,359,0.5561,0.006,136051.0,0.0286,0.0035,0.7824,0.0026,,,,,,,,
-l_t,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,gaddconv,3,6,2,skipconcat,False,relu,0.3,max,sgd,0.01,339,1.5167,0.0406,136315.0,0.0445,0.0054,0.342,0.0049,,,,,,,,
-l_t,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,gaddconv,3,8,2,skipsum,True,relu,0.0,mean,adam,0.01,99,0.2364,0.0061,134357.0,0.0374,0.0041,0.9085,0.0022,,,,,,,,
-l_t,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,generalconv,1,4,3,stack,True,prelu,0.6,add,sgd,0.1,99,1.0988,0.0071,134070.0,0.0233,0.0016,0.5069,0.0106,,,,,,,,
-l_t,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,generalconv,1,6,1,skipsum,False,prelu,0.6,max,sgd,0.001,0,1.6192,0.0047,134834.0,0.0414,0.0036,0.225,0.0211,,,,,,,,
-l_t,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,generalconv,1,6,1,stack,True,relu,0.6,add,sgd,0.1,199,0.9452,0.0025,134069.0,0.0226,0.0025,0.6054,0.0047,,,,,,,,
-l_t,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,generalconv,3,2,1,skipconcat,True,prelu,0.6,mean,adam,0.01,399,1.3928,0.0042,135407.0,0.0233,0.0016,0.4323,0.0049,,,,,,,,
-l_t,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,generalconv,3,6,2,skipconcat,False,relu,0.3,max,sgd,0.01,399,1.5502,0.0106,135799.0,0.0248,0.0038,0.2846,0.0079,,,,,,,,
-l_t,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,generalconv,3,8,2,skipsum,True,relu,0.0,mean,adam,0.01,99,1.2505,0.007,135056.0,0.0283,0.0028,0.4749,0.0062,,,,,,,,
-l_t,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,gmulconv,1,4,3,stack,True,prelu,0.6,add,sgd,0.1,19,2.707,1.4805,134658.0,0.03,0.0008,0.2164,0.0141,,,,,,,,
-l_t,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,gmulconv,1,6,1,skipsum,False,prelu,0.6,max,sgd,0.001,59,1.6187,0.0055,133923.0,0.0435,0.0018,0.1953,0.0068,,,,,,,,
-l_t,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,gmulconv,1,6,1,stack,True,relu,0.6,add,sgd,0.1,139,1.5661,0.0341,134951.0,0.0312,0.0008,0.2705,0.0297,,,,,,,,
-l_t,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,gmulconv,3,2,1,skipconcat,True,prelu,0.6,mean,adam,0.01,379,0.5289,0.0041,135729.0,0.0277,0.0017,0.7886,0.0047,,,,,,,,
-l_t,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,gmulconv,3,6,2,skipconcat,False,relu,0.3,max,sgd,0.01,379,1.5892,0.0181,136057.0,0.0329,0.0035,0.2583,0.0126,,,,,,,,
-l_t,nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,gmulconv,3,8,2,skipsum,True,relu,0.0,mean,adam,0.01,99,0.472,0.0061,135928.0,0.038,0.0046,0.8053,0.0027,,,,,,,,
-l_t,nx,smallworld,node,True,node_const,node_clustering_coefficient,gaddconv,3,2,3,skipsum,False,prelu,0.6,mean,adam,0.1,0,3.405,2.545,135426.0,0.0255,0.0021,0.2305,0.0055,,,,,,,,
-l_t,nx,smallworld,node,True,node_const,node_clustering_coefficient,gaddconv,3,4,3,skipconcat,False,swish,0.0,max,adam,0.001,379,1.1675,0.0063,139830.0,0.0305,0.0018,0.4866,0.0061,,,,,,,,
-l_t,nx,smallworld,node,True,node_const,node_clustering_coefficient,gaddconv,3,8,2,skipconcat,True,prelu,0.0,add,sgd,0.001,0,,,141378.0,0.0391,0.002,0.2018,0.0045,,,,,,,,
-l_t,nx,smallworld,node,True,node_const,node_clustering_coefficient,gaddconv,3,8,2,skipconcat,True,prelu,0.6,add,sgd,0.01,59,1.6117,0.0047,141378.0,0.0719,0.0517,0.2305,0.0055,,,,,,,,
-l_t,nx,smallworld,node,True,node_const,node_clustering_coefficient,generalconv,3,2,3,skipsum,False,prelu,0.6,mean,adam,0.1,19,1.6083,0.0042,134834.0,0.024,0.0047,0.2305,0.0055,,,,,,,,
-l_t,nx,smallworld,node,True,node_const,node_clustering_coefficient,generalconv,3,4,3,skipconcat,False,swish,0.0,max,adam,0.001,0,1.6076,0.0019,139454.0,0.0265,0.0032,0.2305,0.0055,,,,,,,,
-l_t,nx,smallworld,node,True,node_const,node_clustering_coefficient,generalconv,3,8,2,skipconcat,True,prelu,0.0,add,sgd,0.001,0,12.9725,15.9739,140834.0,0.0279,0.0036,0.2102,0.0092,,,,,,,,
-l_t,nx,smallworld,node,True,node_const,node_clustering_coefficient,generalconv,3,8,2,skipconcat,True,prelu,0.6,add,sgd,0.01,79,1.5905,0.0121,140834.0,0.0234,0.0023,0.2852,0.0024,,,,,,,,
-l_t,nx,smallworld,node,True,node_const,node_clustering_coefficient,gmulconv,3,2,3,skipsum,False,prelu,0.6,mean,adam,0.1,39,4.2548,3.5233,135130.0,0.0324,0.0009,0.2305,0.0055,,,,,,,,
-l_t,nx,smallworld,node,True,node_const,node_clustering_coefficient,gmulconv,3,4,3,skipconcat,False,swish,0.0,max,adam,0.001,359,1.205,0.0058,139642.0,0.0292,0.0045,0.4749,0.003,,,,,,,,
-l_t,nx,smallworld,node,True,node_const,node_clustering_coefficient,gmulconv,3,8,2,skipconcat,True,prelu,0.0,add,sgd,0.001,0,,,141106.0,0.0337,0.0015,0.2018,0.0045,,,,,,,,
-l_t,nx,smallworld,node,True,node_const,node_clustering_coefficient,gmulconv,3,8,2,skipconcat,True,prelu,0.6,add,sgd,0.01,19,1.6453,0.0169,141106.0,0.0336,0.003,0.2158,0.0104,,,,,,,,
-l_t,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,gaddconv,3,2,3,skipconcat,True,swish,0.0,mean,adam,0.1,379,1.2057,0.0046,136805.0,0.0283,0.0028,0.4834,0.0003,,,,,,,,
-l_t,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,generalconv,3,2,3,skipconcat,True,swish,0.0,mean,adam,0.1,359,2.0125,0.2309,136501.0,0.0227,0.0018,0.4556,0.0083,,,,,,,,
-l_t,nx,smallworld,node,True,node_onehot,node_clustering_coefficient,gmulconv,3,2,3,skipconcat,True,swish,0.0,mean,adam,0.1,379,1.2886,0.01,136653.0,0.0267,0.003,0.4396,0.0077,,,,,,,,
-l_t,nx,smallworld,node,True,node_onehot,node_pagerank,gaddconv,2,6,1,skipsum,False,swish,0.0,max,adam,0.1,179,1.6097,0.0002,134373.0,0.0392,0.0024,0.2129,0.0026,,,,,,,,
-l_t,nx,smallworld,node,True,node_onehot,node_pagerank,gaddconv,3,8,1,skipconcat,False,relu,0.0,add,adam,0.001,99,1.5892,0.008,137180.0,0.0362,0.0004,0.2582,0.0131,,,,,,,,
-l_t,nx,smallworld,node,True,node_onehot,node_pagerank,generalconv,2,6,1,skipsum,False,swish,0.0,max,adam,0.1,99,1.5446,0.0918,134676.0,0.032,0.0038,0.2685,0.0862,,,,,,,,
-l_t,nx,smallworld,node,True,node_onehot,node_pagerank,generalconv,3,8,1,skipconcat,False,relu,0.0,add,adam,0.001,99,1.5751,0.0031,136236.0,0.0291,0.0002,0.2615,0.0056,,,,,,,,
-l_t,nx,smallworld,node,True,node_onehot,node_pagerank,gmulconv,2,6,1,skipsum,False,swish,0.0,max,adam,0.1,19,1.6171,0.0055,135498.0,0.0345,0.0008,0.2095,0.0019,,,,,,,,
-l_t,nx,smallworld,node,True,node_onehot,node_pagerank,gmulconv,3,8,1,skipconcat,False,relu,0.0,add,adam,0.001,99,1.5973,0.0085,136708.0,0.0384,0.0022,0.2434,0.0222,,,,,,,,
-l_t,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,gaddconv,1,8,2,skipsum,False,swish,0.6,add,adam,0.1,0,3.088,0.316,134645.0,0.0398,0.0019,0.2211,0.009,,,,,,,,
-l_t,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,gaddconv,2,2,2,skipconcat,False,relu,0.0,mean,adam,0.001,79,1.2136,0.0049,136355.0,0.0243,0.0011,0.4611,0.0053,,,,,,,,
-l_t,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,gaddconv,2,4,1,skipsum,False,relu,0.0,mean,sgd,0.001,79,1.6155,0.0125,134440.0,0.0417,0.0009,0.2193,0.0146,,,,,,,,
-l_t,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,gaddconv,2,6,3,skipconcat,False,swish,0.3,mean,sgd,0.1,99,1.5298,0.0466,141445.0,0.0603,0.0479,0.3024,0.0479,,,,,,,,
-l_t,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,gaddconv,3,4,3,skipconcat,False,relu,0.3,mean,sgd,0.01,359,1.5911,0.0016,139830.0,0.0288,0.001,0.2646,0.0126,,,,,,,,
-l_t,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,gaddconv,3,6,3,stack,False,relu,0.6,add,sgd,0.001,59,1.6095,0.0013,134411.0,0.0319,0.0015,0.2211,0.009,,,,,,,,
-l_t,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,generalconv,1,8,2,skipsum,False,swish,0.6,add,adam,0.1,99,2.2254,0.8686,134920.0,0.0253,0.004,0.2617,0.0233,,,,,,,,
-l_t,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,generalconv,2,2,2,skipconcat,False,relu,0.0,mean,adam,0.001,99,1.1072,0.0104,135951.0,0.0195,0.0024,0.5287,0.0062,,,,,,,,
-l_t,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,generalconv,2,4,1,skipsum,False,relu,0.0,mean,sgd,0.001,0,1.6092,0.0019,134789.0,0.032,0.0076,0.2308,0.0058,,,,,,,,
-l_t,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,generalconv,2,6,3,skipconcat,False,swish,0.3,mean,sgd,0.1,39,1.5542,0.068,141037.0,0.0253,0.0052,0.3412,0.0034,,,,,,,,
-l_t,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,generalconv,3,4,3,skipconcat,False,relu,0.3,mean,sgd,0.01,19,1.6045,0.0042,139454.0,0.0241,0.0037,0.2307,0.0055,,,,,,,,
-l_t,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,generalconv,3,6,3,stack,False,relu,0.6,add,sgd,0.001,0,1.6101,0.0023,135360.0,0.0245,0.0016,0.2286,0.0212,,,,,,,,
-l_t,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,gmulconv,1,8,2,skipsum,False,swish,0.6,add,adam,0.1,19,2.7487,0.2757,133685.0,0.0335,0.001,0.2252,0.0125,,,,,,,,
-l_t,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,gmulconv,2,2,2,skipconcat,False,relu,0.0,mean,adam,0.001,99,1.2229,0.005,136153.0,0.0224,0.0014,0.461,0.0064,,,,,,,,
-l_t,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,gmulconv,2,4,1,skipsum,False,relu,0.0,mean,sgd,0.001,0,1.6184,0.0182,133796.0,0.029,0.0016,0.2017,0.0263,,,,,,,,
-l_t,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,gmulconv,2,6,3,skipconcat,False,swish,0.3,mean,sgd,0.1,79,1.5684,0.026,141241.0,0.0699,0.0562,0.3093,0.0243,,,,,,,,
-l_t,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,gmulconv,3,4,3,skipconcat,False,relu,0.3,mean,sgd,0.01,279,1.5914,0.0031,139642.0,0.027,0.0013,0.2518,0.0088,,,,,,,,
-l_t,nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,gmulconv,3,6,3,stack,False,relu,0.6,add,sgd,0.001,39,1.6136,0.0077,133727.0,0.0307,0.0042,0.2305,0.0055,,,,,,,,
diff --git a/run/results/design_v2_grid_round2/agg/train.csv b/run/results/design_v2_grid_round2/agg/train.csv
deleted file mode 100644
index 30a063ed..00000000
--- a/run/results/design_v2_grid_round2/agg/train.csv
+++ /dev/null
@@ -1,3073 +0,0 @@
-format,dataset,task,trans,feature,label,l_pre,l_mp,l_post,stage,agg,epoch,loss,loss_std,params,time_iter,time_iter_std,accuracy,accuracy_std,precision,precision_std,recall,recall_std,f1,f1_std,auc,auc_std
-PyG,AmazonComputers,node,True,,,1,2,2,skipconcat,add,399,0.0028,0.0015,217256.0,0.1662,0.0074,1.0,0.0,,,,,,,,
-PyG,AmazonComputers,node,True,,,1,2,2,skipconcat,max,399,0.0017,0.0007,217256.0,0.1082,0.0195,1.0,0.0,,,,,,,,
-PyG,AmazonComputers,node,True,,,1,2,2,skipconcat,mean,399,0.0024,0.0011,217256.0,0.1081,0.0028,1.0,0.0,,,,,,,,
-PyG,AmazonComputers,node,True,,,1,2,2,skipsum,add,399,0.0021,0.0007,295119.0,0.1479,0.0166,1.0,0.0,,,,,,,,
-PyG,AmazonComputers,node,True,,,1,2,2,skipsum,max,399,0.0017,0.0004,295119.0,0.136,0.0081,1.0,0.0,,,,,,,,
-PyG,AmazonComputers,node,True,,,1,2,2,skipsum,mean,399,0.0023,0.0007,295119.0,0.1279,0.0011,1.0,0.0,,,,,,,,
-PyG,AmazonComputers,node,True,,,1,2,3,skipconcat,add,399,0.0018,0.0007,199611.0,0.1202,0.0088,1.0,0.0,,,,,,,,
-PyG,AmazonComputers,node,True,,,1,2,3,skipconcat,max,399,0.0016,0.0005,199611.0,0.1557,0.002,1.0,0.0,,,,,,,,
-PyG,AmazonComputers,node,True,,,1,2,3,skipconcat,mean,399,0.0028,0.0021,199611.0,0.1143,0.0029,0.9999,0.0001,,,,,,,,
-PyG,AmazonComputers,node,True,,,1,2,3,skipsum,add,399,0.0038,0.0031,273502.0,0.1869,0.0078,0.9999,0.0002,,,,,,,,
-PyG,AmazonComputers,node,True,,,1,2,3,skipsum,max,399,0.0018,0.0003,273502.0,0.1709,0.0267,1.0,0.0,,,,,,,,
-PyG,AmazonComputers,node,True,,,1,2,3,skipsum,mean,399,0.0015,0.0003,273502.0,0.1719,0.0283,1.0,0.0,,,,,,,,
-PyG,AmazonComputers,node,True,,,1,4,2,skipconcat,add,399,0.0019,0.0001,186445.0,0.2082,0.0112,1.0,0.0,,,,,,,,
-PyG,AmazonComputers,node,True,,,1,4,2,skipconcat,max,399,0.0015,0.0001,186445.0,0.1953,0.0165,1.0,0.0,,,,,,,,
-PyG,AmazonComputers,node,True,,,1,4,2,skipconcat,mean,399,0.0021,0.0002,186445.0,0.1903,0.0418,1.0,0.0,,,,,,,,
-PyG,AmazonComputers,node,True,,,1,4,2,skipsum,add,399,0.0025,0.001,259049.0,0.1615,0.0188,1.0,0.0,,,,,,,,
-PyG,AmazonComputers,node,True,,,1,4,2,skipsum,max,399,0.0029,0.001,259049.0,0.119,0.0141,0.9999,0.0001,,,,,,,,
-PyG,AmazonComputers,node,True,,,1,4,2,skipsum,mean,399,0.0014,0.0001,259049.0,0.1349,0.0022,1.0,0.0,,,,,,,,
-PyG,AmazonComputers,node,True,,,1,4,3,skipconcat,add,399,0.0015,0.0,172360.0,0.1385,0.0128,1.0,0.0,,,,,,,,
-PyG,AmazonComputers,node,True,,,1,4,3,skipconcat,max,399,0.0011,0.0001,172360.0,0.1317,0.0042,1.0,0.0,,,,,,,,
-PyG,AmazonComputers,node,True,,,1,4,3,skipconcat,mean,399,0.0014,0.0002,172360.0,0.225,0.0162,1.0,0.0,,,,,,,,
-PyG,AmazonComputers,node,True,,,1,4,3,skipsum,add,399,0.002,0.0007,248503.0,0.2639,0.0301,1.0,0.0,,,,,,,,
-PyG,AmazonComputers,node,True,,,1,4,3,skipsum,max,399,0.0029,0.0015,248503.0,0.1847,0.0209,0.9999,0.0001,,,,,,,,
-PyG,AmazonComputers,node,True,,,1,4,3,skipsum,mean,399,0.0013,0.0,248503.0,0.1847,0.0378,1.0,0.0,,,,,,,,
-PyG,AmazonComputers,node,True,,,1,6,2,skipconcat,add,399,0.004,0.0019,173591.0,0.1591,0.0244,0.9999,0.0001,,,,,,,,
-PyG,AmazonComputers,node,True,,,1,6,2,skipconcat,max,399,0.0022,0.0005,173591.0,0.1472,0.0117,1.0,0.0,,,,,,,,
-PyG,AmazonComputers,node,True,,,1,6,2,skipconcat,mean,399,0.0029,0.0005,173591.0,0.1539,0.0237,1.0,0.0,,,,,,,,
-PyG,AmazonComputers,node,True,,,1,6,2,skipsum,add,399,0.0119,0.0052,240035.0,0.1878,0.0337,0.9989,0.0007,,,,,,,,
-PyG,AmazonComputers,node,True,,,1,6,2,skipsum,max,399,0.002,0.0005,240035.0,0.1772,0.0062,0.9999,0.0001,,,,,,,,
-PyG,AmazonComputers,node,True,,,1,6,2,skipsum,mean,399,0.0016,0.0002,240035.0,0.1899,0.0194,1.0,0.0,,,,,,,,
-PyG,AmazonComputers,node,True,,,1,6,3,skipconcat,add,399,0.0019,0.0005,167461.0,0.1611,0.0288,1.0,0.0,,,,,,,,
-PyG,AmazonComputers,node,True,,,1,6,3,skipconcat,max,399,0.0012,0.0001,167461.0,0.1682,0.0295,1.0,0.0,,,,,,,,
-PyG,AmazonComputers,node,True,,,1,6,3,skipconcat,mean,399,0.002,0.0011,167461.0,0.2165,0.0165,1.0,0.0,,,,,,,,
-PyG,AmazonComputers,node,True,,,1,6,3,skipsum,add,399,0.0021,0.001,232843.0,0.2526,0.0189,1.0,0.0,,,,,,,,
-PyG,AmazonComputers,node,True,,,1,6,3,skipsum,max,399,0.0018,0.0009,232843.0,0.2312,0.0446,0.9999,0.0002,,,,,,,,
-PyG,AmazonComputers,node,True,,,1,6,3,skipsum,mean,399,0.0014,0.0,232843.0,0.2533,0.0401,1.0,0.0,,,,,,,,
-PyG,AmazonComputers,node,True,,,1,8,2,skipconcat,add,399,0.004,0.0006,165625.0,0.1654,0.0301,1.0,0.0,,,,,,,,
-PyG,AmazonComputers,node,True,,,1,8,2,skipconcat,max,399,0.0021,0.0002,165625.0,0.1968,0.0318,1.0,0.0,,,,,,,,
-PyG,AmazonComputers,node,True,,,1,8,2,skipconcat,mean,399,0.0035,0.0003,165625.0,0.2188,0.027,1.0,0.0,,,,,,,,
-PyG,AmazonComputers,node,True,,,1,8,2,skipsum,add,399,0.0096,0.0037,228217.0,0.201,0.0386,0.9992,0.0005,,,,,,,,
-PyG,AmazonComputers,node,True,,,1,8,2,skipsum,max,399,0.0135,0.006,228217.0,0.2599,0.0157,0.9977,0.0008,,,,,,,,
-PyG,AmazonComputers,node,True,,,1,8,2,skipsum,mean,399,0.0019,0.0002,228217.0,0.1628,0.008,1.0,0.0,,,,,,,,
-PyG,AmazonComputers,node,True,,,1,8,3,skipconcat,add,399,0.0019,0.0004,157545.0,0.1323,0.0067,1.0,0.0,,,,,,,,
-PyG,AmazonComputers,node,True,,,1,8,3,skipconcat,max,399,0.0012,0.0001,157545.0,0.2703,0.046,1.0,0.0,,,,,,,,
-PyG,AmazonComputers,node,True,,,1,8,3,skipconcat,mean,399,0.0018,0.0005,157545.0,0.1621,0.0176,1.0,0.0,,,,,,,,
-PyG,AmazonComputers,node,True,,,1,8,3,skipsum,add,399,0.0039,0.0021,224146.0,0.1907,0.0382,0.9999,0.0002,,,,,,,,
-PyG,AmazonComputers,node,True,,,1,8,3,skipsum,max,399,0.0047,0.0019,224146.0,0.2622,0.0477,0.9993,0.0003,,,,,,,,
-PyG,AmazonComputers,node,True,,,1,8,3,skipsum,mean,399,0.0019,0.0004,224146.0,0.2034,0.0384,1.0,0.0,,,,,,,,
-PyG,AmazonComputers,node,True,,,2,2,2,skipconcat,add,399,0.0016,0.0005,214535.0,0.1671,0.013,1.0,0.0,,,,,,,,
-PyG,AmazonComputers,node,True,,,2,2,2,skipconcat,max,399,0.0021,0.0015,214535.0,0.1576,0.0091,1.0,0.0,,,,,,,,
-PyG,AmazonComputers,node,True,,,2,2,2,skipconcat,mean,399,0.0057,0.0033,214535.0,0.132,0.0179,0.9997,0.0003,,,,,,,,
-PyG,AmazonComputers,node,True,,,2,2,2,skipsum,add,399,0.0015,0.0005,273502.0,0.1342,0.0094,1.0,0.0,,,,,,,,
-PyG,AmazonComputers,node,True,,,2,2,2,skipsum,max,399,0.0019,0.0004,273502.0,0.1453,0.0116,1.0,0.0,,,,,,,,
-PyG,AmazonComputers,node,True,,,2,2,2,skipsum,mean,399,0.0064,0.006,273502.0,0.1338,0.0122,0.9993,0.0009,,,,,,,,
-PyG,AmazonComputers,node,True,,,2,2,3,skipconcat,add,399,0.0016,0.0009,197585.0,0.1721,0.0046,1.0,0.0,,,,,,,,
-PyG,AmazonComputers,node,True,,,2,2,3,skipconcat,max,399,0.0017,0.0013,197585.0,0.2208,0.0363,1.0,0.0,,,,,,,,
-PyG,AmazonComputers,node,True,,,2,2,3,skipconcat,mean,399,0.001,0.0004,197585.0,0.2578,0.0379,1.0,0.0,,,,,,,,
-PyG,AmazonComputers,node,True,,,2,2,3,skipsum,add,399,0.0016,0.0004,259049.0,0.1711,0.0051,1.0,0.0,,,,,,,,
-PyG,AmazonComputers,node,True,,,2,2,3,skipsum,max,399,0.0067,0.0026,259049.0,0.1344,0.0054,0.9998,0.0002,,,,,,,,
-PyG,AmazonComputers,node,True,,,2,2,3,skipsum,mean,399,0.0056,0.0044,259049.0,0.1534,0.0208,0.9997,0.0005,,,,,,,,
-PyG,AmazonComputers,node,True,,,2,4,2,skipconcat,add,399,0.007,0.0043,185146.0,0.1583,0.0172,0.9995,0.0005,,,,,,,,
-PyG,AmazonComputers,node,True,,,2,4,2,skipconcat,max,399,0.0015,0.0,185146.0,0.1442,0.0191,1.0,0.0,,,,,,,,
-PyG,AmazonComputers,node,True,,,2,4,2,skipconcat,mean,399,0.0017,0.0001,185146.0,0.138,0.0155,1.0,0.0,,,,,,,,
-PyG,AmazonComputers,node,True,,,2,4,2,skipsum,add,399,0.0045,0.0003,248503.0,0.1563,0.0046,0.9999,0.0001,,,,,,,,
-PyG,AmazonComputers,node,True,,,2,4,2,skipsum,max,399,0.0079,0.0012,248503.0,0.2525,0.0152,0.9995,0.0004,,,,,,,,
-PyG,AmazonComputers,node,True,,,2,4,2,skipsum,mean,399,0.0012,0.0,248503.0,0.1958,0.0077,1.0,0.0,,,,,,,,
-PyG,AmazonComputers,node,True,,,2,4,3,skipconcat,add,399,0.0014,0.0001,174663.0,0.2008,0.0473,1.0,0.0,,,,,,,,
-PyG,AmazonComputers,node,True,,,2,4,3,skipconcat,max,399,0.0022,0.0007,174663.0,0.2351,0.0564,1.0,0.0,,,,,,,,
-PyG,AmazonComputers,node,True,,,2,4,3,skipconcat,mean,399,0.0013,0.0002,174663.0,0.1461,0.0417,1.0,0.0,,,,,,,,
-PyG,AmazonComputers,node,True,,,2,4,3,skipsum,add,399,0.0028,0.001,240035.0,0.3002,0.0186,0.9999,0.0,,,,,,,,
-PyG,AmazonComputers,node,True,,,2,4,3,skipsum,max,399,0.0044,0.0021,240035.0,0.1623,0.0091,0.9999,0.0002,,,,,,,,
-PyG,AmazonComputers,node,True,,,2,4,3,skipsum,mean,399,0.0011,0.0,240035.0,0.1703,0.0389,1.0,0.0,,,,,,,,
-PyG,AmazonComputers,node,True,,,2,6,2,skipconcat,add,399,0.0021,0.0002,175615.0,0.1752,0.0112,1.0,0.0,,,,,,,,
-PyG,AmazonComputers,node,True,,,2,6,2,skipconcat,max,399,0.002,0.0003,175615.0,0.1545,0.0302,1.0,0.0,,,,,,,,
-PyG,AmazonComputers,node,True,,,2,6,2,skipconcat,mean,399,0.002,0.0003,175615.0,0.1554,0.0092,1.0,0.0,,,,,,,,
-PyG,AmazonComputers,node,True,,,2,6,2,skipsum,add,399,0.0095,0.0074,232843.0,0.2362,0.0197,0.999,0.0011,,,,,,,,
-PyG,AmazonComputers,node,True,,,2,6,2,skipsum,max,399,0.0028,0.0018,232843.0,0.1813,0.0121,0.9998,0.0002,,,,,,,,
-PyG,AmazonComputers,node,True,,,2,6,2,skipsum,mean,399,0.0017,0.0002,232843.0,0.2452,0.0141,1.0,0.0,,,,,,,,
-PyG,AmazonComputers,node,True,,,2,6,3,skipconcat,add,399,0.0012,0.0001,168685.0,0.2383,0.0223,1.0,0.0,,,,,,,,
-PyG,AmazonComputers,node,True,,,2,6,3,skipconcat,max,399,0.0026,0.0013,168685.0,0.1437,0.008,1.0,0.0,,,,,,,,
-PyG,AmazonComputers,node,True,,,2,6,3,skipconcat,mean,399,0.0014,0.0003,168685.0,0.2071,0.0187,1.0,0.0,,,,,,,,
-PyG,AmazonComputers,node,True,,,2,6,3,skipsum,add,399,0.0034,0.0013,228217.0,0.1664,0.0399,0.9999,0.0002,,,,,,,,
-PyG,AmazonComputers,node,True,,,2,6,3,skipsum,max,399,0.0015,0.0005,228217.0,0.2138,0.009,0.9998,0.0002,,,,,,,,
-PyG,AmazonComputers,node,True,,,2,6,3,skipsum,mean,399,0.0012,0.0,228217.0,0.2147,0.0477,1.0,0.0,,,,,,,,
-PyG,AmazonComputers,node,True,,,2,8,2,skipconcat,add,399,0.0026,0.0006,166849.0,0.1687,0.007,1.0,0.0,,,,,,,,
-PyG,AmazonComputers,node,True,,,2,8,2,skipconcat,max,399,0.0046,0.0041,166849.0,0.187,0.0403,0.9999,0.0002,,,,,,,,
-PyG,AmazonComputers,node,True,,,2,8,2,skipconcat,mean,399,0.0025,0.0004,166849.0,0.1944,0.0229,1.0,0.0,,,,,,,,
-PyG,AmazonComputers,node,True,,,2,8,2,skipsum,add,399,0.0032,0.0017,224146.0,0.2079,0.0123,0.9999,0.0001,,,,,,,,
-PyG,AmazonComputers,node,True,,,2,8,2,skipsum,max,399,0.0074,0.0036,224146.0,0.2086,0.0121,0.9985,0.0007,,,,,,,,
-PyG,AmazonComputers,node,True,,,2,8,2,skipsum,mean,399,0.0016,0.0002,224146.0,0.3488,0.0193,1.0,0.0,,,,,,,,
-PyG,AmazonComputers,node,True,,,2,8,3,skipconcat,add,399,0.0063,0.0065,158273.0,0.2095,0.0135,0.9993,0.001,,,,,,,,
-PyG,AmazonComputers,node,True,,,2,8,3,skipconcat,max,399,0.0013,0.0001,158273.0,0.1481,0.0015,1.0,0.0,,,,,,,,
-PyG,AmazonComputers,node,True,,,2,8,3,skipconcat,mean,399,0.0017,0.0004,158273.0,0.1456,0.0183,1.0,0.0,,,,,,,,
-PyG,AmazonComputers,node,True,,,2,8,3,skipsum,add,399,0.0027,0.0006,218011.0,0.2185,0.0285,1.0,0.0,,,,,,,,
-PyG,AmazonComputers,node,True,,,2,8,3,skipsum,max,399,0.0056,0.0014,218011.0,0.3568,0.028,0.9989,0.0005,,,,,,,,
-PyG,AmazonComputers,node,True,,,2,8,3,skipsum,mean,399,0.0019,0.0005,218011.0,0.1995,0.025,1.0,0.0,,,,,,,,
-PyG,AmazonPhoto,node,True,,,1,2,2,skipconcat,add,399,0.0017,0.0005,214314.0,0.0484,0.0059,1.0,0.0,,,,,,,,
-PyG,AmazonPhoto,node,True,,,1,2,2,skipconcat,max,399,0.0012,0.0001,214314.0,0.0518,0.0073,1.0,0.0,,,,,,,,
-PyG,AmazonPhoto,node,True,,,1,2,2,skipconcat,mean,399,0.0012,0.0001,214314.0,0.0556,0.0131,1.0,0.0,,,,,,,,
-PyG,AmazonPhoto,node,True,,,1,2,2,skipsum,add,399,0.0013,0.0003,290101.0,0.0479,0.0107,1.0,0.0,,,,,,,,
-PyG,AmazonPhoto,node,True,,,1,2,2,skipsum,max,399,0.001,0.0,290101.0,0.0476,0.002,1.0,0.0,,,,,,,,
-PyG,AmazonPhoto,node,True,,,1,2,2,skipsum,mean,399,0.0013,0.0001,290101.0,0.0506,0.0071,1.0,0.0,,,,,,,,
-PyG,AmazonPhoto,node,True,,,1,2,3,skipconcat,add,399,0.001,0.0001,197369.0,0.0598,0.0156,1.0,0.0,,,,,,,,
-PyG,AmazonPhoto,node,True,,,1,2,3,skipconcat,max,399,0.0011,0.0,197369.0,0.0452,0.0039,1.0,0.0,,,,,,,,
-PyG,AmazonPhoto,node,True,,,1,2,3,skipconcat,mean,399,0.0009,0.0,197369.0,0.0515,0.008,1.0,0.0,,,,,,,,
-PyG,AmazonPhoto,node,True,,,1,2,3,skipsum,add,399,0.0013,0.0002,269156.0,0.0533,0.0009,1.0,0.0,,,,,,,,
-PyG,AmazonPhoto,node,True,,,1,2,3,skipsum,max,399,0.0008,0.0001,269156.0,0.062,0.0098,1.0,0.0,,,,,,,,
-PyG,AmazonPhoto,node,True,,,1,2,3,skipsum,mean,399,0.0017,0.0007,269156.0,0.0446,0.0021,1.0,0.0,,,,,,,,
-PyG,AmazonPhoto,node,True,,,1,4,2,skipconcat,add,399,0.0012,0.0001,184459.0,0.0906,0.0063,1.0,0.0,,,,,,,,
-PyG,AmazonPhoto,node,True,,,1,4,2,skipconcat,max,399,0.0014,0.0,184459.0,0.0519,0.0026,1.0,0.0,,,,,,,,
-PyG,AmazonPhoto,node,True,,,1,4,2,skipconcat,mean,399,0.0013,0.0,184459.0,0.0524,0.0106,1.0,0.0,,,,,,,,
-PyG,AmazonPhoto,node,True,,,1,4,2,skipsum,add,399,0.0017,0.0001,255159.0,0.0922,0.0349,1.0,0.0,,,,,,,,
-PyG,AmazonPhoto,node,True,,,1,4,2,skipsum,max,399,0.0019,0.001,255159.0,0.075,0.0074,1.0,0.0,,,,,,,,
-PyG,AmazonPhoto,node,True,,,1,4,2,skipsum,mean,399,0.0026,0.0014,255159.0,0.0611,0.0094,0.9999,0.0001,,,,,,,,
-PyG,AmazonPhoto,node,True,,,1,4,3,skipconcat,add,399,0.0011,0.0001,170854.0,0.0714,0.0198,1.0,0.0,,,,,,,,
-PyG,AmazonPhoto,node,True,,,1,4,3,skipconcat,max,399,0.0012,0.0,170854.0,0.0619,0.008,1.0,0.0,,,,,,,,
-PyG,AmazonPhoto,node,True,,,1,4,3,skipconcat,mean,399,0.0011,0.0,170854.0,0.0543,0.0045,1.0,0.0,,,,,,,,
-PyG,AmazonPhoto,node,True,,,1,4,3,skipsum,add,399,0.0017,0.0006,244949.0,0.062,0.0096,1.0,0.0,,,,,,,,
-PyG,AmazonPhoto,node,True,,,1,4,3,skipsum,max,399,0.0009,0.0,244949.0,0.0649,0.0084,1.0,0.0,,,,,,,,
-PyG,AmazonPhoto,node,True,,,1,4,3,skipsum,mean,399,0.0009,0.0,244949.0,0.0525,0.0021,1.0,0.0,,,,,,,,
-PyG,AmazonPhoto,node,True,,,1,6,2,skipconcat,add,399,0.0013,0.0001,172005.0,0.1139,0.0051,1.0,0.0,,,,,,,,
-PyG,AmazonPhoto,node,True,,,1,6,2,skipconcat,max,399,0.0014,0.0001,172005.0,0.0644,0.0085,1.0,0.0,,,,,,,,
-PyG,AmazonPhoto,node,True,,,1,6,2,skipconcat,mean,399,0.0017,0.0002,172005.0,0.0475,0.0024,1.0,0.0,,,,,,,,
-PyG,AmazonPhoto,node,True,,,1,6,2,skipsum,add,399,0.0022,0.0012,236745.0,0.1092,0.03,0.9999,0.0001,,,,,,,,
-PyG,AmazonPhoto,node,True,,,1,6,2,skipsum,max,399,0.0034,0.0026,236745.0,0.0913,0.0031,0.9999,0.0001,,,,,,,,
-PyG,AmazonPhoto,node,True,,,1,6,2,skipsum,mean,399,0.0011,0.0,236745.0,0.0971,0.032,1.0,0.0,,,,,,,,
-PyG,AmazonPhoto,node,True,,,1,6,3,skipconcat,add,399,0.0012,0.0001,166235.0,0.1029,0.0061,1.0,0.0,,,,,,,,
-PyG,AmazonPhoto,node,True,,,1,6,3,skipconcat,max,399,0.0012,0.0001,166235.0,0.0648,0.0108,1.0,0.0,,,,,,,,
-PyG,AmazonPhoto,node,True,,,1,6,3,skipconcat,mean,399,0.0012,0.0,166235.0,0.0892,0.0408,1.0,0.0,,,,,,,,
-PyG,AmazonPhoto,node,True,,,1,6,3,skipsum,add,399,0.0063,0.0068,229769.0,0.1496,0.0214,0.9991,0.0013,,,,,,,,
-PyG,AmazonPhoto,node,True,,,1,6,3,skipsum,max,399,0.0011,0.0002,229769.0,0.0842,0.0112,1.0,0.0,,,,,,,,
-PyG,AmazonPhoto,node,True,,,1,6,3,skipsum,mean,399,0.001,0.0001,229769.0,0.0589,0.0027,1.0,0.0,,,,,,,,
-PyG,AmazonPhoto,node,True,,,1,8,2,skipconcat,add,399,0.0017,0.0002,164263.0,0.0642,0.0194,1.0,0.0,,,,,,,,
-PyG,AmazonPhoto,node,True,,,1,8,2,skipconcat,max,399,0.0015,0.0,164263.0,0.1189,0.0082,1.0,0.0,,,,,,,,
-PyG,AmazonPhoto,node,True,,,1,8,2,skipconcat,mean,399,0.002,0.0001,164263.0,0.0586,0.006,1.0,0.0,,,,,,,,
-PyG,AmazonPhoto,node,True,,,1,8,2,skipsum,add,399,0.0038,0.002,225311.0,0.1313,0.0081,0.9998,0.0002,,,,,,,,
-PyG,AmazonPhoto,node,True,,,1,8,2,skipsum,max,399,0.0021,0.0004,225311.0,0.155,0.0315,1.0,0.0,,,,,,,,
-PyG,AmazonPhoto,node,True,,,1,8,2,skipsum,mean,399,0.0012,0.0002,225311.0,0.13,0.0363,1.0,0.0,,,,,,,,
-PyG,AmazonPhoto,node,True,,,1,8,3,skipconcat,add,399,0.0013,0.0001,156503.0,0.1115,0.0233,1.0,0.0,,,,,,,,
-PyG,AmazonPhoto,node,True,,,1,8,3,skipconcat,max,399,0.0011,0.0001,156503.0,0.0758,0.0064,1.0,0.0,,,,,,,,
-PyG,AmazonPhoto,node,True,,,1,8,3,skipconcat,mean,399,0.0012,0.0,156503.0,0.0708,0.0122,1.0,0.0,,,,,,,,
-PyG,AmazonPhoto,node,True,,,1,8,3,skipsum,add,399,0.0024,0.0007,221384.0,0.0924,0.0096,1.0,0.0,,,,,,,,
-PyG,AmazonPhoto,node,True,,,1,8,3,skipsum,max,399,0.0037,0.0013,221384.0,0.0822,0.0047,1.0,0.0,,,,,,,,
-PyG,AmazonPhoto,node,True,,,1,8,3,skipsum,mean,399,0.0011,0.0001,221384.0,0.1414,0.0028,1.0,0.0,,,,,,,,
-PyG,AmazonPhoto,node,True,,,2,2,2,skipconcat,add,399,0.0017,0.0002,211705.0,0.0447,0.001,1.0,0.0,,,,,,,,
-PyG,AmazonPhoto,node,True,,,2,2,2,skipconcat,max,399,0.0011,0.0,211705.0,0.052,0.0123,1.0,0.0,,,,,,,,
-PyG,AmazonPhoto,node,True,,,2,2,2,skipconcat,mean,399,0.0013,0.0003,211705.0,0.0649,0.0062,1.0,0.0,,,,,,,,
-PyG,AmazonPhoto,node,True,,,2,2,2,skipsum,add,399,0.001,0.0002,269156.0,0.0659,0.012,1.0,0.0,,,,,,,,
-PyG,AmazonPhoto,node,True,,,2,2,2,skipsum,max,399,0.0013,0.0004,269156.0,0.0711,0.0181,1.0,0.0,,,,,,,,
-PyG,AmazonPhoto,node,True,,,2,2,2,skipsum,mean,399,0.0015,0.0005,269156.0,0.0744,0.0201,1.0,0.0,,,,,,,,
-PyG,AmazonPhoto,node,True,,,2,2,3,skipconcat,add,399,0.0009,0.0,195399.0,0.0448,0.0023,1.0,0.0,,,,,,,,
-PyG,AmazonPhoto,node,True,,,2,2,3,skipconcat,max,399,0.0011,0.0,195399.0,0.0505,0.0044,1.0,0.0,,,,,,,,
-PyG,AmazonPhoto,node,True,,,2,2,3,skipconcat,mean,399,0.001,0.0,195399.0,0.0599,0.027,1.0,0.0,,,,,,,,
-PyG,AmazonPhoto,node,True,,,2,2,3,skipsum,add,399,0.0015,0.0,255159.0,0.0574,0.0103,1.0,0.0,,,,,,,,
-PyG,AmazonPhoto,node,True,,,2,2,3,skipsum,max,399,0.0009,0.0001,255159.0,0.0527,0.0014,1.0,0.0,,,,,,,,
-PyG,AmazonPhoto,node,True,,,2,2,3,skipsum,mean,399,0.0008,0.0,255159.0,0.0476,0.0006,1.0,0.0,,,,,,,,
-PyG,AmazonPhoto,node,True,,,2,4,2,skipconcat,add,399,0.0016,0.0006,183192.0,0.0458,0.0016,1.0,0.0,,,,,,,,
-PyG,AmazonPhoto,node,True,,,2,4,2,skipconcat,max,399,0.0015,0.0,183192.0,0.0524,0.002,1.0,0.0,,,,,,,,
-PyG,AmazonPhoto,node,True,,,2,4,2,skipconcat,mean,399,0.0013,0.0,183192.0,0.0611,0.0128,1.0,0.0,,,,,,,,
-PyG,AmazonPhoto,node,True,,,2,4,2,skipsum,add,399,0.0013,0.0001,244949.0,0.0597,0.0097,1.0,0.0,,,,,,,,
-PyG,AmazonPhoto,node,True,,,2,4,2,skipsum,max,399,0.0011,0.0001,244949.0,0.0714,0.0047,1.0,0.0,,,,,,,,
-PyG,AmazonPhoto,node,True,,,2,4,2,skipsum,mean,399,0.001,0.0,244949.0,0.065,0.0095,1.0,0.0,,,,,,,,
-PyG,AmazonPhoto,node,True,,,2,4,3,skipconcat,add,399,0.001,0.0001,173157.0,0.0532,0.0068,1.0,0.0,,,,,,,,
-PyG,AmazonPhoto,node,True,,,2,4,3,skipconcat,max,399,0.0012,0.0001,173157.0,0.0763,0.0215,1.0,0.0,,,,,,,,
-PyG,AmazonPhoto,node,True,,,2,4,3,skipconcat,mean,399,0.001,0.0001,173157.0,0.0692,0.014,1.0,0.0,,,,,,,,
-PyG,AmazonPhoto,node,True,,,2,4,3,skipsum,add,399,0.0019,0.0007,236745.0,0.0712,0.0173,1.0,0.0,,,,,,,,
-PyG,AmazonPhoto,node,True,,,2,4,3,skipsum,max,399,0.0012,0.0004,236745.0,0.0888,0.021,1.0,0.0,,,,,,,,
-PyG,AmazonPhoto,node,True,,,2,4,3,skipsum,mean,399,0.0009,0.0,236745.0,0.1294,0.0093,1.0,0.0,,,,,,,,
-PyG,AmazonPhoto,node,True,,,2,6,2,skipconcat,add,399,0.0017,0.0007,174029.0,0.0668,0.0132,1.0,0.0,,,,,,,,
-PyG,AmazonPhoto,node,True,,,2,6,2,skipconcat,max,399,0.0014,0.0001,174029.0,0.0586,0.0047,1.0,0.0,,,,,,,,
-PyG,AmazonPhoto,node,True,,,2,6,2,skipconcat,mean,399,0.0014,0.0001,174029.0,0.054,0.0011,1.0,0.0,,,,,,,,
-PyG,AmazonPhoto,node,True,,,2,6,2,skipsum,add,399,0.0038,0.004,229769.0,0.1105,0.0136,0.9996,0.0005,,,,,,,,
-PyG,AmazonPhoto,node,True,,,2,6,2,skipsum,max,399,0.002,0.0012,229769.0,0.1309,0.0182,1.0,0.0,,,,,,,,
-PyG,AmazonPhoto,node,True,,,2,6,2,skipsum,mean,399,0.001,0.0001,229769.0,0.0617,0.0014,1.0,0.0,,,,,,,,
-PyG,AmazonPhoto,node,True,,,2,6,3,skipconcat,add,399,0.0021,0.0014,167459.0,0.1107,0.0145,0.9999,0.0001,,,,,,,,
-PyG,AmazonPhoto,node,True,,,2,6,3,skipconcat,max,399,0.0011,0.0001,167459.0,0.0861,0.0198,1.0,0.0,,,,,,,,
-PyG,AmazonPhoto,node,True,,,2,6,3,skipconcat,mean,399,0.0012,0.0,167459.0,0.0663,0.0145,1.0,0.0,,,,,,,,
-PyG,AmazonPhoto,node,True,,,2,6,3,skipsum,add,399,0.0021,0.0009,225311.0,0.1176,0.0321,1.0,0.0,,,,,,,,
-PyG,AmazonPhoto,node,True,,,2,6,3,skipsum,max,399,0.0021,0.0009,225311.0,0.1048,0.0228,1.0,0.0,,,,,,,,
-PyG,AmazonPhoto,node,True,,,2,6,3,skipsum,mean,399,0.0011,0.0,225311.0,0.0783,0.0079,1.0,0.0,,,,,,,,
-PyG,AmazonPhoto,node,True,,,2,8,2,skipconcat,add,399,0.0017,0.0002,165487.0,0.0704,0.0211,1.0,0.0,,,,,,,,
-PyG,AmazonPhoto,node,True,,,2,8,2,skipconcat,max,399,0.0015,0.0,165487.0,0.0667,0.004,1.0,0.0,,,,,,,,
-PyG,AmazonPhoto,node,True,,,2,8,2,skipconcat,mean,399,0.0017,0.0,165487.0,0.059,0.002,1.0,0.0,,,,,,,,
-PyG,AmazonPhoto,node,True,,,2,8,2,skipsum,add,399,0.0023,0.0015,221384.0,0.0759,0.0023,0.9999,0.0001,,,,,,,,
-PyG,AmazonPhoto,node,True,,,2,8,2,skipsum,max,399,0.002,0.0002,221384.0,0.1971,0.0131,1.0,0.0,,,,,,,,
-PyG,AmazonPhoto,node,True,,,2,8,2,skipsum,mean,399,0.0012,0.0002,221384.0,0.1639,0.0153,1.0,0.0,,,,,,,,
-PyG,AmazonPhoto,node,True,,,2,8,3,skipconcat,add,399,0.0011,0.0001,157231.0,0.083,0.0086,1.0,0.0,,,,,,,,
-PyG,AmazonPhoto,node,True,,,2,8,3,skipconcat,max,399,0.0012,0.0001,157231.0,0.0584,0.0025,1.0,0.0,,,,,,,,
-PyG,AmazonPhoto,node,True,,,2,8,3,skipconcat,mean,399,0.0012,0.0,157231.0,0.078,0.0129,1.0,0.0,,,,,,,,
-PyG,AmazonPhoto,node,True,,,2,8,3,skipsum,add,399,0.0025,0.0011,215393.0,0.0795,0.0025,0.9998,0.0001,,,,,,,,
-PyG,AmazonPhoto,node,True,,,2,8,3,skipsum,max,399,0.0015,0.0006,215393.0,0.0944,0.0063,1.0,0.0,,,,,,,,
-PyG,AmazonPhoto,node,True,,,2,8,3,skipsum,mean,399,0.0011,0.0001,215393.0,0.0717,0.0049,1.0,0.0,,,,,,,,
-PyG,CiteSeer,node,True,,,1,2,2,skipconcat,add,399,0.0011,0.0003,524272.0,0.0826,0.0315,0.9997,0.0002,,,,,,,,
-PyG,CiteSeer,node,True,,,1,2,2,skipconcat,max,399,0.0012,0.0003,524272.0,0.1032,0.0029,0.9997,0.0002,,,,,,,,
-PyG,CiteSeer,node,True,,,1,2,2,skipconcat,mean,399,0.0012,0.0003,524272.0,0.0951,0.0106,0.9997,0.0002,,,,,,,,
-PyG,CiteSeer,node,True,,,1,2,2,skipsum,add,399,0.0015,0.0003,907903.0,0.1023,0.0061,0.9997,0.0002,,,,,,,,
-PyG,CiteSeer,node,True,,,1,2,2,skipsum,max,399,0.0018,0.0007,907903.0,0.0872,0.0104,0.9997,0.0002,,,,,,,,
-PyG,CiteSeer,node,True,,,1,2,2,skipsum,mean,399,0.002,0.0006,907903.0,0.0989,0.005,0.9997,0.0002,,,,,,,,
-PyG,CiteSeer,node,True,,,1,2,3,skipconcat,add,399,0.0011,0.0003,433527.0,0.1441,0.0076,0.9997,0.0002,,,,,,,,
-PyG,CiteSeer,node,True,,,1,2,3,skipconcat,max,399,0.0012,0.0003,433527.0,0.1286,0.0404,0.9997,0.0002,,,,,,,,
-PyG,CiteSeer,node,True,,,1,2,3,skipconcat,mean,399,0.0011,0.0003,433527.0,0.1344,0.0313,0.9997,0.0002,,,,,,,,
-PyG,CiteSeer,node,True,,,1,2,3,skipsum,add,399,0.0013,0.0,804190.0,0.1237,0.0396,0.9997,0.0002,,,,,,,,
-PyG,CiteSeer,node,True,,,1,2,3,skipsum,max,399,0.0013,0.0001,804190.0,0.123,0.0335,0.9997,0.0002,,,,,,,,
-PyG,CiteSeer,node,True,,,1,2,3,skipsum,mean,399,0.0015,0.0001,804190.0,0.1456,0.0421,0.9997,0.0002,,,,,,,,
-PyG,CiteSeer,node,True,,,1,4,2,skipconcat,add,399,0.0011,0.0002,367233.0,0.1258,0.0476,0.9997,0.0002,,,,,,,,
-PyG,CiteSeer,node,True,,,1,4,2,skipconcat,max,399,0.0011,0.0002,367233.0,0.106,0.0082,0.9997,0.0002,,,,,,,,
-PyG,CiteSeer,node,True,,,1,4,2,skipconcat,mean,399,0.0012,0.0002,367233.0,0.0972,0.0073,0.9997,0.0002,,,,,,,,
-PyG,CiteSeer,node,True,,,1,4,2,skipsum,add,399,0.001,0.0003,734029.0,0.1047,0.009,0.9997,0.0002,,,,,,,,
-PyG,CiteSeer,node,True,,,1,4,2,skipsum,max,399,0.0014,0.0004,734029.0,0.105,0.0062,0.9997,0.0002,,,,,,,,
-PyG,CiteSeer,node,True,,,1,4,2,skipsum,mean,399,0.0012,0.0001,734029.0,0.073,0.0099,0.9997,0.0002,,,,,,,,
-PyG,CiteSeer,node,True,,,1,4,3,skipconcat,add,399,0.001,0.0002,309408.0,0.0531,0.0019,0.9997,0.0002,,,,,,,,
-PyG,CiteSeer,node,True,,,1,4,3,skipconcat,max,399,0.0011,0.0002,309408.0,0.1115,0.0105,0.9997,0.0002,,,,,,,,
-PyG,CiteSeer,node,True,,,1,4,3,skipconcat,mean,399,0.0011,0.0001,309408.0,0.0846,0.0086,0.9997,0.0002,,,,,,,,
-PyG,CiteSeer,node,True,,,1,4,3,skipsum,add,399,0.0011,0.0004,682435.0,0.1209,0.0147,0.9997,0.0002,,,,,,,,
-PyG,CiteSeer,node,True,,,1,4,3,skipsum,max,399,0.0014,0.0,682435.0,0.0761,0.0328,0.9997,0.0002,,,,,,,,
-PyG,CiteSeer,node,True,,,1,4,3,skipsum,mean,399,0.0009,0.0003,682435.0,0.1544,0.0072,0.9997,0.0002,,,,,,,,
-PyG,CiteSeer,node,True,,,1,6,2,skipconcat,add,399,0.0012,0.0003,301539.0,0.1049,0.0072,0.9997,0.0002,,,,,,,,
-PyG,CiteSeer,node,True,,,1,6,2,skipconcat,max,399,0.0012,0.0002,301539.0,0.1224,0.0222,0.9997,0.0002,,,,,,,,
-PyG,CiteSeer,node,True,,,1,6,2,skipconcat,mean,399,0.0012,0.0002,301539.0,0.1141,0.0198,0.9997,0.0002,,,,,,,,
-PyG,CiteSeer,node,True,,,1,6,2,skipsum,add,399,0.0009,0.0003,641715.0,0.0606,0.0043,0.9997,0.0002,,,,,,,,
-PyG,CiteSeer,node,True,,,1,6,2,skipsum,max,399,0.0018,0.0009,641715.0,0.1033,0.0071,0.9997,0.0002,,,,,,,,
-PyG,CiteSeer,node,True,,,1,6,2,skipsum,mean,399,0.0016,0.0009,641715.0,0.1053,0.0081,0.9997,0.0002,,,,,,,,
-PyG,CiteSeer,node,True,,,1,6,3,skipconcat,add,399,0.0011,0.0002,266329.0,0.1111,0.0107,0.9997,0.0002,,,,,,,,
-PyG,CiteSeer,node,True,,,1,6,3,skipconcat,max,399,0.001,0.0002,266329.0,0.0621,0.0114,0.9997,0.0002,,,,,,,,
-PyG,CiteSeer,node,True,,,1,6,3,skipconcat,mean,399,0.0011,0.0002,266329.0,0.1323,0.022,0.9997,0.0002,,,,,,,,
-PyG,CiteSeer,node,True,,,1,6,3,skipsum,add,399,0.0009,0.0003,608135.0,0.1075,0.0094,0.9997,0.0002,,,,,,,,
-PyG,CiteSeer,node,True,,,1,6,3,skipsum,max,399,0.0015,0.0005,608135.0,0.1123,0.0118,0.9997,0.0002,,,,,,,,
-PyG,CiteSeer,node,True,,,1,6,3,skipsum,mean,399,0.0013,0.0005,608135.0,0.0952,0.003,0.9997,0.0002,,,,,,,,
-PyG,CiteSeer,node,True,,,1,8,2,skipconcat,add,399,0.0012,0.0003,264221.0,0.1182,0.0163,0.9997,0.0002,,,,,,,,
-PyG,CiteSeer,node,True,,,1,8,2,skipconcat,max,399,0.0012,0.0002,264221.0,0.126,0.0225,0.9997,0.0002,,,,,,,,
-PyG,CiteSeer,node,True,,,1,8,2,skipconcat,mean,399,0.0013,0.0003,264221.0,0.1646,0.0214,0.9997,0.0002,,,,,,,,
-PyG,CiteSeer,node,True,,,1,8,2,skipsum,add,399,0.001,0.0003,582985.0,0.165,0.031,0.9997,0.0002,,,,,,,,
-PyG,CiteSeer,node,True,,,1,8,2,skipsum,max,399,0.0012,0.0003,582985.0,0.1472,0.0288,0.9997,0.0002,,,,,,,,
-PyG,CiteSeer,node,True,,,1,8,2,skipsum,mean,399,0.0012,0.0005,582985.0,0.1357,0.0339,0.9997,0.0002,,,,,,,,
-PyG,CiteSeer,node,True,,,1,8,3,skipconcat,add,399,0.0011,0.0003,232941.0,0.0967,0.0054,0.9997,0.0002,,,,,,,,
-PyG,CiteSeer,node,True,,,1,8,3,skipconcat,max,399,0.001,0.0003,232941.0,0.1208,0.0372,0.9997,0.0002,,,,,,,,
-PyG,CiteSeer,node,True,,,1,8,3,skipconcat,mean,399,0.001,0.0004,232941.0,0.1148,0.0056,0.9997,0.0002,,,,,,,,
-PyG,CiteSeer,node,True,,,1,8,3,skipsum,add,399,0.0009,0.0004,561322.0,0.1014,0.0054,0.9997,0.0002,,,,,,,,
-PyG,CiteSeer,node,True,,,1,8,3,skipsum,max,399,0.0012,0.0001,561322.0,0.1105,0.0032,0.9997,0.0002,,,,,,,,
-PyG,CiteSeer,node,True,,,1,8,3,skipsum,mean,399,0.0015,0.0008,561322.0,0.107,0.004,0.9997,0.0002,,,,,,,,
-PyG,CiteSeer,node,True,,,2,2,2,skipconcat,add,399,0.001,0.0002,509855.0,0.0931,0.0042,0.9997,0.0002,,,,,,,,
-PyG,CiteSeer,node,True,,,2,2,2,skipconcat,max,399,0.0012,0.0002,509855.0,0.1142,0.0177,0.9997,0.0002,,,,,,,,
-PyG,CiteSeer,node,True,,,2,2,2,skipconcat,mean,399,0.0011,0.0002,509855.0,0.1355,0.0186,0.9997,0.0002,,,,,,,,
-PyG,CiteSeer,node,True,,,2,2,2,skipsum,add,399,0.0017,0.0001,804190.0,0.1338,0.019,0.9997,0.0002,,,,,,,,
-PyG,CiteSeer,node,True,,,2,2,2,skipsum,max,399,0.0016,0.0003,804190.0,0.126,0.0121,0.9997,0.0002,,,,,,,,
-PyG,CiteSeer,node,True,,,2,2,2,skipsum,mean,399,0.0016,0.0001,804190.0,0.0924,0.0081,0.9997,0.0002,,,,,,,,
-PyG,CiteSeer,node,True,,,2,2,3,skipconcat,add,399,0.001,0.0004,425653.0,0.1367,0.0319,0.9997,0.0002,,,,,,,,
-PyG,CiteSeer,node,True,,,2,2,3,skipconcat,max,399,0.001,0.0004,425653.0,0.155,0.0231,0.9997,0.0002,,,,,,,,
-PyG,CiteSeer,node,True,,,2,2,3,skipconcat,mean,399,0.001,0.0003,425653.0,0.1324,0.0037,0.9997,0.0002,,,,,,,,
-PyG,CiteSeer,node,True,,,2,2,3,skipsum,add,399,0.0016,0.0005,734029.0,0.1039,0.0066,0.9997,0.0002,,,,,,,,
-PyG,CiteSeer,node,True,,,2,2,3,skipsum,max,399,0.0016,0.0001,734029.0,0.1095,0.0054,0.9997,0.0002,,,,,,,,
-PyG,CiteSeer,node,True,,,2,2,3,skipsum,mean,399,0.001,0.0004,734029.0,0.0641,0.0118,0.9997,0.0002,,,,,,,,
-PyG,CiteSeer,node,True,,,2,4,2,skipconcat,add,399,0.001,0.0003,363018.0,0.0923,0.0027,0.9997,0.0002,,,,,,,,
-PyG,CiteSeer,node,True,,,2,4,2,skipconcat,max,399,0.0011,0.0003,363018.0,0.1031,0.0051,0.9997,0.0002,,,,,,,,
-PyG,CiteSeer,node,True,,,2,4,2,skipconcat,mean,399,0.0012,0.0003,363018.0,0.1445,0.0382,0.9997,0.0002,,,,,,,,
-PyG,CiteSeer,node,True,,,2,4,2,skipsum,add,399,0.0014,0.0006,682435.0,0.1174,0.0309,0.9997,0.0002,,,,,,,,
-PyG,CiteSeer,node,True,,,2,4,2,skipsum,max,399,0.0012,0.0002,682435.0,0.1431,0.0275,0.9997,0.0002,,,,,,,,
-PyG,CiteSeer,node,True,,,2,4,2,skipsum,mean,399,0.0012,0.0005,682435.0,0.0956,0.0075,0.9997,0.0002,,,,,,,,
-PyG,CiteSeer,node,True,,,2,4,3,skipconcat,add,399,0.001,0.0002,311711.0,0.1207,0.0399,0.9997,0.0002,,,,,,,,
-PyG,CiteSeer,node,True,,,2,4,3,skipconcat,max,399,0.001,0.0002,311711.0,0.1109,0.002,0.9997,0.0002,,,,,,,,
-PyG,CiteSeer,node,True,,,2,4,3,skipconcat,mean,399,0.001,0.0002,311711.0,0.094,0.004,0.9997,0.0002,,,,,,,,
-PyG,CiteSeer,node,True,,,2,4,3,skipsum,add,399,0.001,0.0003,641715.0,0.1461,0.0169,0.9997,0.0002,,,,,,,,
-PyG,CiteSeer,node,True,,,2,4,3,skipsum,max,399,0.0014,0.0004,641715.0,0.1091,0.0055,0.9997,0.0002,,,,,,,,
-PyG,CiteSeer,node,True,,,2,4,3,skipsum,mean,399,0.0016,0.0007,641715.0,0.1,0.0074,0.9997,0.0002,,,,,,,,
-PyG,CiteSeer,node,True,,,2,6,2,skipconcat,add,399,0.0011,0.0003,303563.0,0.1152,0.0338,0.9997,0.0002,,,,,,,,
-PyG,CiteSeer,node,True,,,2,6,2,skipconcat,max,399,0.0011,0.0003,303563.0,0.1091,0.0161,0.9997,0.0002,,,,,,,,
-PyG,CiteSeer,node,True,,,2,6,2,skipconcat,mean,399,0.0012,0.0003,303563.0,0.1063,0.008,0.9997,0.0002,,,,,,,,
-PyG,CiteSeer,node,True,,,2,6,2,skipsum,add,399,0.0014,0.0004,608135.0,0.1048,0.009,0.9997,0.0002,,,,,,,,
-PyG,CiteSeer,node,True,,,2,6,2,skipsum,max,399,0.0017,0.0009,608135.0,0.1136,0.0069,0.9997,0.0002,,,,,,,,
-PyG,CiteSeer,node,True,,,2,6,2,skipsum,mean,399,0.0012,0.0005,608135.0,0.1344,0.0365,0.9997,0.0002,,,,,,,,
-PyG,CiteSeer,node,True,,,2,6,3,skipconcat,add,399,0.001,0.0002,267553.0,0.1105,0.0057,0.9997,0.0002,,,,,,,,
-PyG,CiteSeer,node,True,,,2,6,3,skipconcat,max,399,0.001,0.0003,267553.0,0.1385,0.0347,0.9997,0.0002,,,,,,,,
-PyG,CiteSeer,node,True,,,2,6,3,skipconcat,mean,399,0.001,0.0003,267553.0,0.1231,0.0174,0.9997,0.0002,,,,,,,,
-PyG,CiteSeer,node,True,,,2,6,3,skipsum,add,399,0.0009,0.0003,582985.0,0.1048,0.0066,0.9997,0.0002,,,,,,,,
-PyG,CiteSeer,node,True,,,2,6,3,skipsum,max,399,0.0014,0.0004,582985.0,0.1092,0.0079,0.9997,0.0002,,,,,,,,
-PyG,CiteSeer,node,True,,,2,6,3,skipsum,mean,399,0.0018,0.001,582985.0,0.0757,0.0334,0.9997,0.0002,,,,,,,,
-PyG,CiteSeer,node,True,,,2,8,2,skipconcat,add,399,0.0011,0.0002,265445.0,0.1185,0.0273,0.9997,0.0002,,,,,,,,
-PyG,CiteSeer,node,True,,,2,8,2,skipconcat,max,399,0.0012,0.0003,265445.0,0.1024,0.0045,0.9997,0.0002,,,,,,,,
-PyG,CiteSeer,node,True,,,2,8,2,skipconcat,mean,399,0.0012,0.0002,265445.0,0.1119,0.0073,0.9997,0.0002,,,,,,,,
-PyG,CiteSeer,node,True,,,2,8,2,skipsum,add,399,0.0009,0.0,561322.0,0.1097,0.0094,0.9997,0.0002,,,,,,,,
-PyG,CiteSeer,node,True,,,2,8,2,skipsum,max,399,0.0012,0.0003,561322.0,0.063,0.0072,0.9997,0.0002,,,,,,,,
-PyG,CiteSeer,node,True,,,2,8,2,skipsum,mean,399,0.0011,0.0006,561322.0,0.1088,0.0049,0.9997,0.0002,,,,,,,,
-PyG,CiteSeer,node,True,,,2,8,3,skipconcat,add,399,0.001,0.0003,233669.0,0.1428,0.0265,0.9997,0.0002,,,,,,,,
-PyG,CiteSeer,node,True,,,2,8,3,skipconcat,max,399,0.001,0.0003,233669.0,0.1145,0.0129,0.9997,0.0002,,,,,,,,
-PyG,CiteSeer,node,True,,,2,8,3,skipconcat,mean,399,0.001,0.0003,233669.0,0.1309,0.0297,0.9997,0.0002,,,,,,,,
-PyG,CiteSeer,node,True,,,2,8,3,skipsum,add,399,0.0009,0.0003,537595.0,0.1171,0.0105,0.9997,0.0002,,,,,,,,
-PyG,CiteSeer,node,True,,,2,8,3,skipsum,max,399,0.0012,0.0004,537595.0,0.103,0.0172,0.9997,0.0002,,,,,,,,
-PyG,CiteSeer,node,True,,,2,8,3,skipsum,mean,399,0.001,0.0002,537595.0,0.1197,0.0194,0.9997,0.0002,,,,,,,,
-PyG,CoauthorCS,node,True,,,1,2,2,skipconcat,add,399,0.0019,0.0004,852826.0,0.975,0.0843,1.0,0.0,,,,,,,,
-PyG,CoauthorCS,node,True,,,1,2,2,skipconcat,max,399,0.0016,0.0,852826.0,0.8377,0.0444,1.0,0.0,,,,,,,,
-PyG,CoauthorCS,node,True,,,1,2,2,skipconcat,mean,399,0.002,0.0006,852826.0,0.904,0.0229,1.0,0.0,,,,,,,,
-PyG,CoauthorCS,node,True,,,1,2,2,skipsum,add,399,0.0024,0.0006,1558111.0,0.9154,0.1163,1.0,0.0,,,,,,,,
-PyG,CoauthorCS,node,True,,,1,2,2,skipsum,max,399,0.0015,0.0002,1558111.0,0.8164,0.0335,1.0,0.0,,,,,,,,
-PyG,CoauthorCS,node,True,,,1,2,2,skipsum,mean,399,0.0017,0.0004,1558111.0,0.8654,0.0421,1.0,0.0,,,,,,,,
-PyG,CoauthorCS,node,True,,,1,2,3,skipconcat,add,399,0.0014,0.0,683856.0,0.8282,0.043,1.0,0.0,,,,,,,,
-PyG,CoauthorCS,node,True,,,1,2,3,skipconcat,max,399,0.0015,0.0001,683856.0,0.9302,0.0432,1.0,0.0,,,,,,,,
-PyG,CoauthorCS,node,True,,,1,2,3,skipconcat,mean,399,0.0014,0.0,683856.0,0.9889,0.0325,1.0,0.0,,,,,,,,
-PyG,CoauthorCS,node,True,,,1,2,3,skipsum,add,399,0.0022,0.0008,1367290.0,0.8134,0.0197,1.0,0.0,,,,,,,,
-PyG,CoauthorCS,node,True,,,1,2,3,skipsum,max,399,0.0014,0.0001,1367290.0,0.9812,0.0262,1.0,0.0,,,,,,,,
-PyG,CoauthorCS,node,True,,,1,2,3,skipsum,mean,399,0.0019,0.0002,1367290.0,0.8713,0.1095,1.0,0.0,,,,,,,,
-PyG,CoauthorCS,node,True,,,1,4,2,skipconcat,add,399,0.0017,0.0001,562356.0,0.8407,0.0184,1.0,0.0,,,,,,,,
-PyG,CoauthorCS,node,True,,,1,4,2,skipconcat,max,399,0.002,0.0001,562356.0,0.9527,0.119,1.0,0.0,,,,,,,,
-PyG,CoauthorCS,node,True,,,1,4,2,skipconcat,mean,399,0.0019,0.0002,562356.0,0.9199,0.0768,1.0,0.0,,,,,,,,
-PyG,CoauthorCS,node,True,,,1,4,2,skipsum,add,399,0.0021,0.0004,1238020.0,1.0496,0.1418,1.0,0.0,,,,,,,,
-PyG,CoauthorCS,node,True,,,1,4,2,skipsum,max,399,0.0015,0.0004,1238020.0,0.8456,0.0299,1.0,0.0,,,,,,,,
-PyG,CoauthorCS,node,True,,,1,4,2,skipsum,mean,399,0.0018,0.0004,1238020.0,0.8211,0.0432,1.0,0.0,,,,,,,,
-PyG,CoauthorCS,node,True,,,1,4,3,skipconcat,add,399,0.0017,0.0,457326.0,0.8955,0.0211,1.0,0.0,,,,,,,,
-PyG,CoauthorCS,node,True,,,1,4,3,skipconcat,max,399,0.0018,0.0,457326.0,0.9016,0.0352,1.0,0.0,,,,,,,,
-PyG,CoauthorCS,node,True,,,1,4,3,skipconcat,mean,399,0.0023,0.0001,457326.0,0.9571,0.0692,1.0,0.0,,,,,,,,
-PyG,CoauthorCS,node,True,,,1,4,3,skipsum,add,399,0.0019,0.0004,1142872.0,0.8439,0.0379,1.0,0.0,,,,,,,,
-PyG,CoauthorCS,node,True,,,1,4,3,skipsum,max,399,0.0016,0.0001,1142872.0,0.9388,0.0542,1.0,0.0,,,,,,,,
-PyG,CoauthorCS,node,True,,,1,4,3,skipsum,mean,399,0.0019,0.0008,1142872.0,0.9834,0.11,1.0,0.0,,,,,,,,
-PyG,CoauthorCS,node,True,,,1,6,2,skipconcat,add,399,0.0019,0.0001,440808.0,0.8409,0.0248,1.0,0.0,,,,,,,,
-PyG,CoauthorCS,node,True,,,1,6,2,skipconcat,max,399,0.0023,0.0001,440808.0,0.8953,0.0369,1.0,0.0,,,,,,,,
-PyG,CoauthorCS,node,True,,,1,6,2,skipconcat,mean,399,0.0021,0.0001,440808.0,0.9209,0.0131,1.0,0.0,,,,,,,,
-PyG,CoauthorCS,node,True,,,1,6,2,skipsum,add,399,0.0022,0.0006,1067931.0,0.826,0.049,1.0,0.0,,,,,,,,
-PyG,CoauthorCS,node,True,,,1,6,2,skipsum,max,399,0.002,0.0007,1067931.0,0.9062,0.02,1.0,0.0,,,,,,,,
-PyG,CoauthorCS,node,True,,,1,6,2,skipsum,mean,399,0.0039,0.002,1067931.0,1.0107,0.2408,0.9999,0.0,,,,,,,,
-PyG,CoauthorCS,node,True,,,1,6,3,skipconcat,add,399,0.0018,0.0001,373948.0,0.8708,0.0416,1.0,0.0,,,,,,,,
-PyG,CoauthorCS,node,True,,,1,6,3,skipconcat,max,399,0.002,0.0,373948.0,0.8567,0.0323,1.0,0.0,,,,,,,,
-PyG,CoauthorCS,node,True,,,1,6,3,skipconcat,mean,399,0.0019,0.0,373948.0,0.8646,0.0186,1.0,0.0,,,,,,,,
-PyG,CoauthorCS,node,True,,,1,6,3,skipsum,add,399,0.0017,0.0005,1006352.0,0.9906,0.1687,1.0,0.0,,,,,,,,
-PyG,CoauthorCS,node,True,,,1,6,3,skipsum,max,399,0.0017,0.0002,1006352.0,0.9678,0.1146,1.0,0.0,,,,,,,,
-PyG,CoauthorCS,node,True,,,1,6,3,skipsum,mean,399,0.0019,0.0002,1006352.0,1.0614,0.1088,1.0,0.0,,,,,,,,
-PyG,CoauthorCS,node,True,,,1,8,2,skipconcat,add,399,0.0021,0.0,372452.0,1.0384,0.0899,1.0,0.0,,,,,,,,
-PyG,CoauthorCS,node,True,,,1,8,2,skipconcat,max,399,0.0024,0.0001,372452.0,0.9231,0.1143,1.0,0.0,,,,,,,,
-PyG,CoauthorCS,node,True,,,1,8,2,skipconcat,mean,399,0.0025,0.0001,372452.0,0.9412,0.0692,1.0,0.0,,,,,,,,
-PyG,CoauthorCS,node,True,,,1,8,2,skipsum,add,399,0.0033,0.0016,959425.0,0.9125,0.079,0.9999,0.0001,,,,,,,,
-PyG,CoauthorCS,node,True,,,1,8,2,skipsum,max,399,0.0026,0.0004,959425.0,0.9378,0.1348,1.0,0.0,,,,,,,,
-PyG,CoauthorCS,node,True,,,1,8,2,skipsum,mean,399,0.0025,0.0007,959425.0,0.8383,0.0382,1.0,0.0,,,,,,,,
-PyG,CoauthorCS,node,True,,,1,8,3,skipconcat,add,399,0.002,0.0002,315708.0,0.8642,0.0253,1.0,0.0,,,,,,,,
-PyG,CoauthorCS,node,True,,,1,8,3,skipconcat,max,399,0.002,0.0,315708.0,0.8364,0.0457,1.0,0.0,,,,,,,,
-PyG,CoauthorCS,node,True,,,1,8,3,skipconcat,mean,399,0.0021,0.0002,315708.0,0.872,0.0872,1.0,0.0,,,,,,,,
-PyG,CoauthorCS,node,True,,,1,8,3,skipsum,add,399,0.0021,0.0008,919096.0,0.9396,0.0637,1.0,0.0,,,,,,,,
-PyG,CoauthorCS,node,True,,,1,8,3,skipsum,max,399,0.0022,0.0006,919096.0,0.9193,0.0799,1.0,0.0,,,,,,,,
-PyG,CoauthorCS,node,True,,,1,8,3,skipsum,mean,399,0.0037,0.0015,919096.0,0.8946,0.0377,1.0,0.0,,,,,,,,
-PyG,CoauthorCS,node,True,,,2,2,2,skipconcat,add,399,0.0014,0.0001,825893.0,0.8893,0.0803,1.0,0.0,,,,,,,,
-PyG,CoauthorCS,node,True,,,2,2,2,skipconcat,max,399,0.0015,0.0001,825893.0,0.8848,0.0904,1.0,0.0,,,,,,,,
-PyG,CoauthorCS,node,True,,,2,2,2,skipconcat,mean,399,0.0015,0.0001,825893.0,0.9538,0.0598,1.0,0.0,,,,,,,,
-PyG,CoauthorCS,node,True,,,2,2,2,skipsum,add,399,0.0014,0.0001,1367290.0,0.941,0.1066,1.0,0.0,,,,,,,,
-PyG,CoauthorCS,node,True,,,2,2,2,skipsum,max,399,0.0017,0.0004,1367290.0,0.8463,0.0377,1.0,0.0,,,,,,,,
-PyG,CoauthorCS,node,True,,,2,2,2,skipsum,mean,399,0.0014,0.0002,1367290.0,0.8873,0.0782,1.0,0.0,,,,,,,,
-PyG,CoauthorCS,node,True,,,2,2,3,skipconcat,add,399,0.0014,0.0,669724.0,0.9278,0.0958,1.0,0.0,,,,,,,,
-PyG,CoauthorCS,node,True,,,2,2,3,skipconcat,max,399,0.0015,0.0,669724.0,0.8813,0.0259,1.0,0.0,,,,,,,,
-PyG,CoauthorCS,node,True,,,2,2,3,skipconcat,mean,399,0.0014,0.0,669724.0,0.8736,0.0969,1.0,0.0,,,,,,,,
-PyG,CoauthorCS,node,True,,,2,2,3,skipsum,add,399,0.0015,0.0004,1238020.0,0.8636,0.0438,1.0,0.0,,,,,,,,
-PyG,CoauthorCS,node,True,,,2,2,3,skipsum,max,399,0.0015,0.0002,1238020.0,0.8828,0.0823,1.0,0.0,,,,,,,,
-PyG,CoauthorCS,node,True,,,2,2,3,skipsum,mean,399,0.0013,0.0001,1238020.0,0.8413,0.0552,1.0,0.0,,,,,,,,
-PyG,CoauthorCS,node,True,,,2,4,2,skipconcat,add,399,0.0015,0.0001,554994.0,0.9931,0.0891,1.0,0.0,,,,,,,,
-PyG,CoauthorCS,node,True,,,2,4,2,skipconcat,max,399,0.0018,0.0,554994.0,0.8397,0.0266,1.0,0.0,,,,,,,,
-PyG,CoauthorCS,node,True,,,2,4,2,skipconcat,mean,399,0.0017,0.0,554994.0,1.0021,0.0689,1.0,0.0,,,,,,,,
-PyG,CoauthorCS,node,True,,,2,4,2,skipsum,add,399,0.002,0.0004,1142872.0,0.8542,0.0577,1.0,0.0,,,,,,,,
-PyG,CoauthorCS,node,True,,,2,4,2,skipsum,max,399,0.0015,0.0001,1142872.0,0.856,0.0125,1.0,0.0,,,,,,,,
-PyG,CoauthorCS,node,True,,,2,4,2,skipsum,mean,399,0.0028,0.0014,1142872.0,0.9021,0.058,1.0,0.0,,,,,,,,
-PyG,CoauthorCS,node,True,,,2,4,3,skipconcat,add,399,0.0016,0.0001,459629.0,0.9325,0.0326,1.0,0.0,,,,,,,,
-PyG,CoauthorCS,node,True,,,2,4,3,skipconcat,max,399,0.0017,0.0,459629.0,0.9338,0.0972,1.0,0.0,,,,,,,,
-PyG,CoauthorCS,node,True,,,2,4,3,skipconcat,mean,399,0.0017,0.0,459629.0,0.9543,0.0889,1.0,0.0,,,,,,,,
-PyG,CoauthorCS,node,True,,,2,4,3,skipsum,add,399,0.0017,0.0001,1067931.0,0.863,0.0452,1.0,0.0,,,,,,,,
-PyG,CoauthorCS,node,True,,,2,4,3,skipsum,max,399,0.002,0.0004,1067931.0,0.9208,0.058,1.0,0.0,,,,,,,,
-PyG,CoauthorCS,node,True,,,2,4,3,skipsum,mean,399,0.0023,0.0006,1067931.0,0.9998,0.1064,1.0,0.0,,,,,,,,
-PyG,CoauthorCS,node,True,,,2,6,2,skipconcat,add,399,0.0019,0.0,442832.0,0.8982,0.0916,1.0,0.0,,,,,,,,
-PyG,CoauthorCS,node,True,,,2,6,2,skipconcat,max,399,0.0022,0.0,442832.0,0.8454,0.0338,1.0,0.0,,,,,,,,
-PyG,CoauthorCS,node,True,,,2,6,2,skipconcat,mean,399,0.0021,0.0,442832.0,1.0668,0.0753,1.0,0.0,,,,,,,,
-PyG,CoauthorCS,node,True,,,2,6,2,skipsum,add,399,0.0014,0.0001,1006352.0,0.8942,0.0369,1.0,0.0,,,,,,,,
-PyG,CoauthorCS,node,True,,,2,6,2,skipsum,max,399,0.0013,0.0003,1006352.0,0.9799,0.1504,1.0,0.0,,,,,,,,
-PyG,CoauthorCS,node,True,,,2,6,2,skipsum,mean,399,0.0027,0.0002,1006352.0,1.0183,0.0261,1.0,0.0,,,,,,,,
-PyG,CoauthorCS,node,True,,,2,6,3,skipconcat,add,399,0.0017,0.0001,375172.0,0.9602,0.049,1.0,0.0,,,,,,,,
-PyG,CoauthorCS,node,True,,,2,6,3,skipconcat,max,399,0.0018,0.0,375172.0,0.9987,0.1055,1.0,0.0,,,,,,,,
-PyG,CoauthorCS,node,True,,,2,6,3,skipconcat,mean,399,0.0017,0.0,375172.0,0.9553,0.0858,1.0,0.0,,,,,,,,
-PyG,CoauthorCS,node,True,,,2,6,3,skipsum,add,399,0.0024,0.0002,959425.0,0.9243,0.1312,1.0,0.0,,,,,,,,
-PyG,CoauthorCS,node,True,,,2,6,3,skipsum,max,399,0.0023,0.0008,959425.0,0.8087,0.0257,1.0,0.0,,,,,,,,
-PyG,CoauthorCS,node,True,,,2,6,3,skipsum,mean,399,0.0021,0.0009,959425.0,0.9001,0.0076,1.0,0.0,,,,,,,,
-PyG,CoauthorCS,node,True,,,2,8,2,skipconcat,add,399,0.0019,0.0,373676.0,1.0473,0.01,1.0,0.0,,,,,,,,
-PyG,CoauthorCS,node,True,,,2,8,2,skipconcat,max,399,0.0025,0.0,373676.0,1.0759,0.168,1.0,0.0,,,,,,,,
-PyG,CoauthorCS,node,True,,,2,8,2,skipconcat,mean,399,0.0021,0.0,373676.0,0.9634,0.1563,1.0,0.0,,,,,,,,
-PyG,CoauthorCS,node,True,,,2,8,2,skipsum,add,399,0.0015,0.0003,919096.0,0.9457,0.0698,1.0,0.0,,,,,,,,
-PyG,CoauthorCS,node,True,,,2,8,2,skipsum,max,399,0.0044,0.0038,919096.0,0.9871,0.1549,1.0,0.0,,,,,,,,
-PyG,CoauthorCS,node,True,,,2,8,2,skipsum,mean,399,0.0023,0.001,919096.0,1.0128,0.0313,1.0,0.0,,,,,,,,
-PyG,CoauthorCS,node,True,,,2,8,3,skipconcat,add,399,0.0018,0.0002,316436.0,0.8977,0.0854,1.0,0.0,,,,,,,,
-PyG,CoauthorCS,node,True,,,2,8,3,skipconcat,max,399,0.002,0.0,316436.0,0.9492,0.1013,1.0,0.0,,,,,,,,
-PyG,CoauthorCS,node,True,,,2,8,3,skipconcat,mean,399,0.002,0.0,316436.0,1.0276,0.0178,1.0,0.0,,,,,,,,
-PyG,CoauthorCS,node,True,,,2,8,3,skipsum,add,399,0.0018,0.0005,876703.0,1.1497,0.0475,1.0,0.0,,,,,,,,
-PyG,CoauthorCS,node,True,,,2,8,3,skipsum,max,399,0.002,0.0002,876703.0,0.9305,0.0377,1.0,0.0,,,,,,,,
-PyG,CoauthorCS,node,True,,,2,8,3,skipsum,mean,399,0.0014,0.0002,876703.0,1.0481,0.1025,1.0,0.0,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,1,2,2,skipconcat,add,399,0.0011,0.0004,1018716.0,1.837,0.0552,1.0,0.0,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,1,2,2,skipconcat,max,399,0.0013,0.0002,1018716.0,1.9826,0.0658,1.0,0.0,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,1,2,2,skipconcat,mean,399,0.0009,0.0002,1018716.0,1.5713,0.0138,1.0,0.0,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,1,2,2,skipsum,add,399,0.0008,0.0001,1892501.0,2.0585,0.124,1.0,0.0,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,1,2,2,skipsum,max,399,0.0007,0.0001,1892501.0,2.0451,0.0121,1.0,0.0,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,1,2,2,skipsum,mean,399,0.0007,0.0002,1892501.0,1.9502,0.1391,1.0,0.0,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,1,2,3,skipconcat,add,399,0.0007,0.0002,810246.0,1.9775,0.0383,1.0,0.0,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,1,2,3,skipconcat,max,399,0.001,0.0,810246.0,2.0711,0.2593,1.0,0.0,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,1,2,3,skipconcat,mean,399,0.001,0.0003,810246.0,1.9832,0.0709,1.0,0.0,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,1,2,3,skipsum,add,399,0.0013,0.0004,1656880.0,1.9606,0.1318,1.0,0.0,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,1,2,3,skipsum,max,399,0.0007,0.0002,1656880.0,1.9883,0.0334,1.0,0.0,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,1,2,3,skipsum,mean,399,0.001,0.0002,1656880.0,1.9736,0.1711,1.0,0.0,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,1,4,2,skipconcat,add,399,0.0012,0.0002,659066.0,1.5992,0.0521,1.0,0.0,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,1,4,2,skipconcat,max,399,0.001,0.0001,659066.0,1.6846,0.0602,1.0,0.0,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,1,4,2,skipconcat,mean,399,0.0012,0.0002,659066.0,1.6837,0.0146,1.0,0.0,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,1,4,2,skipsum,add,399,0.0011,0.0003,1497210.0,1.8826,0.0565,1.0,0.0,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,1,4,2,skipsum,max,399,0.001,0.0005,1497210.0,2.3006,0.3134,1.0,0.0,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,1,4,2,skipsum,mean,399,0.0028,0.0017,1497210.0,2.214,0.1972,0.9999,0.0002,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,1,4,3,skipconcat,add,399,0.0008,0.0001,530636.0,2.0405,0.0401,1.0,0.0,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,1,4,3,skipconcat,max,399,0.0009,0.0002,530636.0,1.9884,0.1036,1.0,0.0,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,1,4,3,skipconcat,mean,399,0.001,0.0003,530636.0,1.9916,0.0437,1.0,0.0,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,1,4,3,skipsum,add,399,0.0024,0.0016,1379662.0,1.8812,0.0314,0.9998,0.0002,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,1,4,3,skipsum,max,399,0.0008,0.0001,1379662.0,2.066,0.1336,1.0,0.0,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,1,4,3,skipsum,mean,399,0.0014,0.0006,1379662.0,1.7428,0.0351,1.0,0.0,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,1,6,2,skipconcat,add,399,0.001,0.0001,508558.0,1.7796,0.0877,1.0,0.0,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,1,6,2,skipconcat,max,399,0.0011,0.0001,508558.0,1.8953,0.1459,1.0,0.0,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,1,6,2,skipconcat,mean,399,0.0015,0.0003,508558.0,2.1867,0.0632,1.0,0.0,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,1,6,2,skipsum,add,399,0.0011,0.0002,1287121.0,2.0198,0.1362,1.0,0.0,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,1,6,2,skipsum,max,399,0.0015,0.0004,1287121.0,2.1342,0.0926,1.0,0.0,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,1,6,2,skipsum,mean,399,0.0016,0.0009,1287121.0,2.0028,0.0666,1.0,0.0,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,1,6,3,skipconcat,add,399,0.0007,0.0001,426298.0,2.182,0.1165,1.0,0.0,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,1,6,3,skipconcat,max,399,0.0014,0.0002,426298.0,1.8561,0.0964,1.0,0.0,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,1,6,3,skipconcat,mean,399,0.0014,0.0005,426298.0,2.1017,0.0637,1.0,0.0,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,1,6,3,skipsum,add,399,0.0012,0.0002,1211142.0,2.1451,0.1256,1.0,0.0,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,1,6,3,skipsum,max,399,0.0008,0.0003,1211142.0,2.1211,0.0769,1.0,0.0,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,1,6,3,skipsum,mean,399,0.0019,0.0009,1211142.0,2.1174,0.3125,1.0,0.0,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,1,8,2,skipconcat,add,399,0.0012,0.0001,424122.0,1.9126,0.0177,1.0,0.0,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,1,8,2,skipconcat,max,399,0.0014,0.0003,424122.0,1.9503,0.1181,1.0,0.0,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,1,8,2,skipconcat,mean,399,0.0014,0.0003,424122.0,1.9206,0.0539,1.0,0.0,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,1,8,2,skipsum,add,399,0.0011,0.0001,1153015.0,2.0455,0.0583,1.0,0.0,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,1,8,2,skipsum,max,399,0.0015,0.0006,1153015.0,2.0378,0.0858,1.0,0.0,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,1,8,2,skipsum,mean,399,0.0019,0.0011,1153015.0,1.956,0.1,1.0,0.0,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,1,8,3,skipconcat,add,399,0.0009,0.0,355218.0,1.9224,0.0529,1.0,0.0,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,1,8,3,skipconcat,max,399,0.001,0.0001,355218.0,2.1316,0.1069,1.0,0.0,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,1,8,3,skipconcat,mean,399,0.0016,0.0009,355218.0,2.201,0.1063,1.0,0.0,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,1,8,3,skipsum,add,399,0.0019,0.0004,1103086.0,2.3426,0.2428,0.9999,0.0,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,1,8,3,skipsum,max,399,0.0035,0.0032,1103086.0,2.2004,0.0902,0.9997,0.0004,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,1,8,3,skipsum,mean,399,0.0011,0.0001,1103086.0,1.8735,0.0386,1.0,0.0,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,2,2,2,skipconcat,add,399,0.0006,0.0,985463.0,1.993,0.209,1.0,0.0,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,2,2,2,skipconcat,max,399,0.0008,0.0001,985463.0,2.1997,0.3665,1.0,0.0,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,2,2,2,skipconcat,mean,399,0.0007,0.0001,985463.0,1.5854,0.0249,1.0,0.0,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,2,2,2,skipsum,add,399,0.0007,0.0,1656880.0,1.9842,0.0957,1.0,0.0,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,2,2,2,skipsum,max,399,0.0006,0.0,1656880.0,2.0144,0.0787,1.0,0.0,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,2,2,2,skipsum,mean,399,0.0011,0.0004,1656880.0,1.5884,0.0149,1.0,0.0,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,2,2,3,skipconcat,add,399,0.0006,0.0001,792954.0,1.7207,0.023,1.0,0.0,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,2,2,3,skipconcat,max,399,0.0007,0.0002,792954.0,2.1195,0.1597,1.0,0.0,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,2,2,3,skipconcat,mean,399,0.0006,0.0001,792954.0,2.0303,0.2111,1.0,0.0,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,2,2,3,skipsum,add,399,0.0008,0.0003,1497210.0,1.9379,0.0306,1.0,0.0,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,2,2,3,skipsum,max,399,0.0009,0.0001,1497210.0,2.2819,0.1481,1.0,0.0,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,2,2,3,skipsum,mean,399,0.0011,0.0004,1497210.0,2.2191,0.1506,1.0,0.0,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,2,4,2,skipconcat,add,399,0.0008,0.0001,650144.0,1.8534,0.0674,1.0,0.0,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,2,4,2,skipconcat,max,399,0.001,0.0,650144.0,1.8231,0.0609,1.0,0.0,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,2,4,2,skipconcat,mean,399,0.0009,0.0001,650144.0,1.9517,0.0186,1.0,0.0,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,2,4,2,skipsum,add,399,0.0008,0.0001,1379662.0,1.9258,0.0022,1.0,0.0,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,2,4,2,skipsum,max,399,0.0009,0.0001,1379662.0,2.0782,0.0347,1.0,0.0,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,2,4,2,skipsum,mean,399,0.0014,0.0005,1379662.0,2.1993,0.1139,1.0,0.0,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,2,4,3,skipconcat,add,399,0.0007,0.0,532939.0,1.9346,0.2553,1.0,0.0,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,2,4,3,skipconcat,max,399,0.0008,0.0001,532939.0,2.1451,0.1098,1.0,0.0,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,2,4,3,skipconcat,mean,399,0.0008,0.0,532939.0,2.0803,0.1769,1.0,0.0,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,2,4,3,skipsum,add,399,0.0007,0.0002,1287121.0,1.7038,0.0823,1.0,0.0,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,2,4,3,skipsum,max,399,0.001,0.0003,1287121.0,2.061,0.1714,1.0,0.0,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,2,4,3,skipsum,mean,399,0.0009,0.0004,1287121.0,2.055,0.1197,1.0,0.0,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,2,6,2,skipconcat,add,399,0.0009,0.0001,510582.0,2.025,0.1062,1.0,0.0,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,2,6,2,skipconcat,max,399,0.0012,0.0002,510582.0,1.9469,0.0833,1.0,0.0,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,2,6,2,skipconcat,mean,399,0.0011,0.0001,510582.0,2.318,0.3623,1.0,0.0,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,2,6,2,skipsum,add,399,0.0009,0.0002,1211142.0,2.2371,0.1898,1.0,0.0,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,2,6,2,skipsum,max,399,0.0015,0.0006,1211142.0,2.0218,0.0778,1.0,0.0,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,2,6,2,skipsum,mean,399,0.004,0.0044,1211142.0,2.0097,0.0561,0.9995,0.0007,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,2,6,3,skipconcat,add,399,0.0007,0.0001,427522.0,2.0646,0.0657,1.0,0.0,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,2,6,3,skipconcat,max,399,0.0013,0.0003,427522.0,2.2076,0.1274,1.0,0.0,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,2,6,3,skipconcat,mean,399,0.0007,0.0001,427522.0,1.9925,0.0379,1.0,0.0,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,2,6,3,skipsum,add,399,0.0013,0.0004,1153015.0,1.8762,0.0919,1.0,0.0,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,2,6,3,skipsum,max,399,0.0009,0.0001,1153015.0,2.1441,0.0409,1.0,0.0,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,2,6,3,skipsum,mean,399,0.001,0.0002,1153015.0,2.1111,0.1242,1.0,0.0,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,2,8,2,skipconcat,add,399,0.001,0.0001,425346.0,2.1128,0.1315,1.0,0.0,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,2,8,2,skipconcat,max,399,0.0015,0.0001,425346.0,2.2669,0.2118,1.0,0.0,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,2,8,2,skipconcat,mean,399,0.0014,0.0001,425346.0,2.2122,0.1438,1.0,0.0,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,2,8,2,skipsum,add,399,0.0012,0.0003,1103086.0,2.2665,0.1532,1.0,0.0,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,2,8,2,skipsum,max,399,0.0011,0.0003,1103086.0,2.1637,0.0886,1.0,0.0,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,2,8,2,skipsum,mean,399,0.0022,0.0016,1103086.0,1.674,0.0355,0.9999,0.0001,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,2,8,3,skipconcat,add,399,0.0008,0.0002,355946.0,2.2859,0.0487,1.0,0.0,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,2,8,3,skipconcat,max,399,0.0014,0.0004,355946.0,2.1386,0.1857,1.0,0.0,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,2,8,3,skipconcat,mean,399,0.0011,0.0001,355946.0,2.1392,0.1437,1.0,0.0,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,2,8,3,skipsum,add,399,0.0008,0.0001,1051093.0,2.0566,0.0589,1.0,0.0,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,2,8,3,skipsum,max,399,0.0035,0.0032,1051093.0,2.2916,0.0456,0.9998,0.0003,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,2,8,3,skipsum,mean,399,0.0008,0.0001,1051093.0,2.0711,0.2796,1.0,0.0,,,,,,,,
-PyG,Cora,node,True,,,1,2,2,skipconcat,add,399,0.0008,0.0001,286238.0,0.0493,0.0007,1.0,0.0,,,,,,,,
-PyG,Cora,node,True,,,1,2,2,skipconcat,max,399,0.0011,0.0,286238.0,0.0417,0.0001,1.0,0.0,,,,,,,,
-PyG,Cora,node,True,,,1,2,2,skipconcat,mean,399,0.001,0.0001,286238.0,0.0406,0.001,1.0,0.0,,,,,,,,
-PyG,Cora,node,True,,,1,2,2,skipsum,add,399,0.0007,0.0,433683.0,0.0449,0.0074,1.0,0.0,,,,,,,,
-PyG,Cora,node,True,,,1,2,2,skipsum,max,399,0.0013,0.0001,433683.0,0.0266,0.0046,1.0,0.0,,,,,,,,
-PyG,Cora,node,True,,,1,2,2,skipsum,mean,399,0.0012,0.0003,433683.0,0.0367,0.0121,1.0,0.0,,,,,,,,
-PyG,Cora,node,True,,,1,2,3,skipconcat,add,399,0.0006,0.0,252168.0,0.056,0.0018,1.0,0.0,,,,,,,,
-PyG,Cora,node,True,,,1,2,3,skipconcat,max,399,0.0008,0.0,252168.0,0.0231,0.0013,1.0,0.0,,,,,,,,
-PyG,Cora,node,True,,,1,2,3,skipconcat,mean,399,0.0008,0.0001,252168.0,0.0253,0.0015,1.0,0.0,,,,,,,,
-PyG,Cora,node,True,,,1,2,3,skipsum,add,399,0.0006,0.0,393502.0,0.043,0.0031,1.0,0.0,,,,,,,,
-PyG,Cora,node,True,,,1,2,3,skipsum,max,399,0.001,0.0002,393502.0,0.0227,0.0016,1.0,0.0,,,,,,,,
-PyG,Cora,node,True,,,1,2,3,skipsum,mean,399,0.0008,0.0,393502.0,0.0443,0.0005,1.0,0.0,,,,,,,,
-PyG,Cora,node,True,,,1,4,2,skipconcat,add,399,0.0008,0.0001,226804.0,0.0611,0.0015,1.0,0.0,,,,,,,,
-PyG,Cora,node,True,,,1,4,2,skipconcat,max,399,0.001,0.0001,226804.0,0.0305,0.0034,1.0,0.0,,,,,,,,
-PyG,Cora,node,True,,,1,4,2,skipconcat,mean,399,0.0011,0.0001,226804.0,0.0551,0.0005,1.0,0.0,,,,,,,,
-PyG,Cora,node,True,,,1,4,2,skipsum,add,399,0.0006,0.0001,366452.0,0.0308,0.0054,1.0,0.0,,,,,,,,
-PyG,Cora,node,True,,,1,4,2,skipsum,max,399,0.0009,0.0002,366452.0,0.0244,0.0026,1.0,0.0,,,,,,,,
-PyG,Cora,node,True,,,1,4,2,skipsum,mean,399,0.0008,0.0001,366452.0,0.0218,0.0006,1.0,0.0,,,,,,,,
-PyG,Cora,node,True,,,1,4,3,skipconcat,add,399,0.0008,0.0,202954.0,0.0555,0.0011,1.0,0.0,,,,,,,,
-PyG,Cora,node,True,,,1,4,3,skipconcat,max,399,0.0009,0.0,202954.0,0.0649,0.0043,1.0,0.0,,,,,,,,
-PyG,Cora,node,True,,,1,4,3,skipconcat,mean,399,0.001,0.0,202954.0,0.026,0.0028,1.0,0.0,,,,,,,,
-PyG,Cora,node,True,,,1,4,3,skipsum,add,399,0.0006,0.0001,346624.0,0.0248,0.0012,1.0,0.0,,,,,,,,
-PyG,Cora,node,True,,,1,4,3,skipsum,max,399,0.0007,0.0,346624.0,0.0328,0.0063,1.0,0.0,,,,,,,,
-PyG,Cora,node,True,,,1,4,3,skipsum,mean,399,0.0008,0.0,346624.0,0.0331,0.0077,1.0,0.0,,,,,,,,
-PyG,Cora,node,True,,,1,6,2,skipconcat,add,399,0.001,0.0,201968.0,0.0292,0.0042,1.0,0.0,,,,,,,,
-PyG,Cora,node,True,,,1,6,2,skipconcat,max,399,0.0011,0.0001,201968.0,0.0302,0.0034,1.0,0.0,,,,,,,,
-PyG,Cora,node,True,,,1,6,2,skipconcat,mean,399,0.0011,0.0001,201968.0,0.037,0.0126,1.0,0.0,,,,,,,,
-PyG,Cora,node,True,,,1,6,2,skipsum,add,399,0.0008,0.0001,330863.0,0.0345,0.0017,1.0,0.0,,,,,,,,
-PyG,Cora,node,True,,,1,6,2,skipsum,max,399,0.0008,0.0003,330863.0,0.0339,0.0033,1.0,0.0,,,,,,,,
-PyG,Cora,node,True,,,1,6,2,skipsum,mean,399,0.0008,0.0,330863.0,0.0294,0.0013,1.0,0.0,,,,,,,,
-PyG,Cora,node,True,,,1,6,3,skipconcat,add,399,0.0009,0.0,189388.0,0.0287,0.0022,1.0,0.0,,,,,,,,
-PyG,Cora,node,True,,,1,6,3,skipconcat,max,399,0.0009,0.0,189388.0,0.0431,0.0124,1.0,0.0,,,,,,,,
-PyG,Cora,node,True,,,1,6,3,skipconcat,mean,399,0.001,0.0,189388.0,0.0306,0.0009,1.0,0.0,,,,,,,,
-PyG,Cora,node,True,,,1,6,3,skipsum,add,399,0.0008,0.0002,317704.0,0.0624,0.0009,1.0,0.0,,,,,,,,
-PyG,Cora,node,True,,,1,6,3,skipsum,max,399,0.001,0.0001,317704.0,0.0338,0.0038,1.0,0.0,,,,,,,,
-PyG,Cora,node,True,,,1,6,3,skipsum,mean,399,0.0007,0.0001,317704.0,0.0337,0.0046,1.0,0.0,,,,,,,,
-PyG,Cora,node,True,,,1,8,2,skipconcat,add,399,0.0009,0.0001,187348.0,0.0919,0.0174,1.0,0.0,,,,,,,,
-PyG,Cora,node,True,,,1,8,2,skipconcat,max,399,0.0011,0.0001,187348.0,0.0365,0.0078,1.0,0.0,,,,,,,,
-PyG,Cora,node,True,,,1,8,2,skipconcat,mean,399,0.0011,0.0,187348.0,0.0338,0.0019,1.0,0.0,,,,,,,,
-PyG,Cora,node,True,,,1,8,2,skipsum,add,399,0.0006,0.0001,308437.0,0.0301,0.0038,1.0,0.0,,,,,,,,
-PyG,Cora,node,True,,,1,8,2,skipsum,max,399,0.0009,0.0003,308437.0,0.0369,0.0022,1.0,0.0,,,,,,,,
-PyG,Cora,node,True,,,1,8,2,skipsum,mean,399,0.0008,0.0001,308437.0,0.065,0.0031,1.0,0.0,,,,,,,,
-PyG,Cora,node,True,,,1,8,3,skipconcat,add,399,0.0009,0.0,174156.0,0.0472,0.0092,1.0,0.0,,,,,,,,
-PyG,Cora,node,True,,,1,8,3,skipconcat,max,399,0.0009,0.0001,174156.0,0.049,0.0121,1.0,0.0,,,,,,,,
-PyG,Cora,node,True,,,1,8,3,skipconcat,mean,399,0.0009,0.0,174156.0,0.0822,0.0013,1.0,0.0,,,,,,,,
-PyG,Cora,node,True,,,1,8,3,skipsum,add,399,0.0006,0.0001,300388.0,0.0386,0.0072,1.0,0.0,,,,,,,,
-PyG,Cora,node,True,,,1,8,3,skipsum,max,399,0.0011,0.0,300388.0,0.0453,0.015,1.0,0.0,,,,,,,,
-PyG,Cora,node,True,,,1,8,3,skipsum,mean,399,0.0008,0.0,300388.0,0.0881,0.0195,1.0,0.0,,,,,,,,
-PyG,Cora,node,True,,,2,2,2,skipconcat,add,399,0.0008,0.0,280889.0,0.0553,0.0037,1.0,0.0,,,,,,,,
-PyG,Cora,node,True,,,2,2,2,skipconcat,max,399,0.001,0.0001,280889.0,0.0532,0.0098,1.0,0.0,,,,,,,,
-PyG,Cora,node,True,,,2,2,2,skipconcat,mean,399,0.001,0.0,280889.0,0.0306,0.0021,1.0,0.0,,,,,,,,
-PyG,Cora,node,True,,,2,2,2,skipsum,add,399,0.0006,0.0,393502.0,0.048,0.0015,1.0,0.0,,,,,,,,
-PyG,Cora,node,True,,,2,2,2,skipsum,max,399,0.0009,0.0,393502.0,0.0507,0.0045,1.0,0.0,,,,,,,,
-PyG,Cora,node,True,,,2,2,2,skipsum,mean,399,0.0009,0.0,393502.0,0.025,0.0006,1.0,0.0,,,,,,,,
-PyG,Cora,node,True,,,2,2,3,skipconcat,add,399,0.0008,0.0001,248828.0,0.0271,0.0013,1.0,0.0,,,,,,,,
-PyG,Cora,node,True,,,2,2,3,skipconcat,max,399,0.0009,0.0001,248828.0,0.0576,0.0032,1.0,0.0,,,,,,,,
-PyG,Cora,node,True,,,2,2,3,skipconcat,mean,399,0.0009,0.0001,248828.0,0.0513,0.002,1.0,0.0,,,,,,,,
-PyG,Cora,node,True,,,2,2,3,skipsum,add,399,0.0007,0.0001,366452.0,0.0274,0.0017,1.0,0.0,,,,,,,,
-PyG,Cora,node,True,,,2,2,3,skipsum,max,399,0.0008,0.0001,366452.0,0.0244,0.0025,1.0,0.0,,,,,,,,
-PyG,Cora,node,True,,,2,2,3,skipsum,mean,399,0.0008,0.0001,366452.0,0.0487,0.0017,1.0,0.0,,,,,,,,
-PyG,Cora,node,True,,,2,4,2,skipconcat,add,399,0.0008,0.0001,224854.0,0.0703,0.0092,1.0,0.0,,,,,,,,
-PyG,Cora,node,True,,,2,4,2,skipconcat,max,399,0.001,0.0001,224854.0,0.0255,0.0025,1.0,0.0,,,,,,,,
-PyG,Cora,node,True,,,2,4,2,skipconcat,mean,399,0.0011,0.0001,224854.0,0.043,0.0177,1.0,0.0,,,,,,,,
-PyG,Cora,node,True,,,2,4,2,skipsum,add,399,0.0006,0.0,346624.0,0.0336,0.0003,1.0,0.0,,,,,,,,
-PyG,Cora,node,True,,,2,4,2,skipsum,max,399,0.0009,0.0004,346624.0,0.0281,0.0025,1.0,0.0,,,,,,,,
-PyG,Cora,node,True,,,2,4,2,skipsum,mean,399,0.0008,0.0001,346624.0,0.0267,0.0027,1.0,0.0,,,,,,,,
-PyG,Cora,node,True,,,2,4,3,skipconcat,add,399,0.0009,0.0,205257.0,0.0658,0.0046,1.0,0.0,,,,,,,,
-PyG,Cora,node,True,,,2,4,3,skipconcat,max,399,0.0009,0.0,205257.0,0.0639,0.0056,1.0,0.0,,,,,,,,
-PyG,Cora,node,True,,,2,4,3,skipconcat,mean,399,0.0009,0.0,205257.0,0.0723,0.0079,1.0,0.0,,,,,,,,
-PyG,Cora,node,True,,,2,4,3,skipsum,add,399,0.0005,0.0001,330863.0,0.0351,0.0073,1.0,0.0,,,,,,,,
-PyG,Cora,node,True,,,2,4,3,skipsum,max,399,0.0008,0.0001,330863.0,0.0385,0.0098,1.0,0.0,,,,,,,,
-PyG,Cora,node,True,,,2,4,3,skipsum,mean,399,0.0008,0.0,330863.0,0.039,0.0055,1.0,0.0,,,,,,,,
-PyG,Cora,node,True,,,2,6,2,skipconcat,add,399,0.0009,0.0001,203992.0,0.0809,0.0119,1.0,0.0,,,,,,,,
-PyG,Cora,node,True,,,2,6,2,skipconcat,max,399,0.0011,0.0002,203992.0,0.0332,0.0025,1.0,0.0,,,,,,,,
-PyG,Cora,node,True,,,2,6,2,skipconcat,mean,399,0.001,0.0001,203992.0,0.0409,0.0181,1.0,0.0,,,,,,,,
-PyG,Cora,node,True,,,2,6,2,skipsum,add,399,0.0005,0.0,317704.0,0.0402,0.0117,1.0,0.0,,,,,,,,
-PyG,Cora,node,True,,,2,6,2,skipsum,max,399,0.0009,0.0002,317704.0,0.0276,0.0014,1.0,0.0,,,,,,,,
-PyG,Cora,node,True,,,2,6,2,skipsum,mean,399,0.0007,0.0,317704.0,0.0418,0.0116,1.0,0.0,,,,,,,,
-PyG,Cora,node,True,,,2,6,3,skipconcat,add,399,0.0009,0.0001,190612.0,0.0309,0.0025,1.0,0.0,,,,,,,,
-PyG,Cora,node,True,,,2,6,3,skipconcat,max,399,0.001,0.0001,190612.0,0.0396,0.0102,1.0,0.0,,,,,,,,
-PyG,Cora,node,True,,,2,6,3,skipconcat,mean,399,0.0009,0.0001,190612.0,0.0345,0.0011,1.0,0.0,,,,,,,,
-PyG,Cora,node,True,,,2,6,3,skipsum,add,399,0.0006,0.0,308437.0,0.077,0.0028,1.0,0.0,,,,,,,,
-PyG,Cora,node,True,,,2,6,3,skipsum,max,399,0.0012,0.0002,308437.0,0.0778,0.01,1.0,0.0,,,,,,,,
-PyG,Cora,node,True,,,2,6,3,skipsum,mean,399,0.0007,0.0,308437.0,0.0382,0.0111,1.0,0.0,,,,,,,,
-PyG,Cora,node,True,,,2,8,2,skipconcat,add,399,0.001,0.0,188572.0,0.0931,0.011,1.0,0.0,,,,,,,,
-PyG,Cora,node,True,,,2,8,2,skipconcat,max,399,0.0011,0.0001,188572.0,0.0379,0.0067,1.0,0.0,,,,,,,,
-PyG,Cora,node,True,,,2,8,2,skipconcat,mean,399,0.0011,0.0001,188572.0,0.0416,0.0082,1.0,0.0,,,,,,,,
-PyG,Cora,node,True,,,2,8,2,skipsum,add,399,0.0006,0.0,300388.0,0.0334,0.0019,1.0,0.0,,,,,,,,
-PyG,Cora,node,True,,,2,8,2,skipsum,max,399,0.0013,0.0003,300388.0,0.0482,0.0219,1.0,0.0,,,,,,,,
-PyG,Cora,node,True,,,2,8,2,skipsum,mean,399,0.0008,0.0,300388.0,0.073,0.001,1.0,0.0,,,,,,,,
-PyG,Cora,node,True,,,2,8,3,skipconcat,add,399,0.0008,0.0,174884.0,0.0955,0.0041,1.0,0.0,,,,,,,,
-PyG,Cora,node,True,,,2,8,3,skipconcat,max,399,0.0009,0.0001,174884.0,0.0341,0.0017,1.0,0.0,,,,,,,,
-PyG,Cora,node,True,,,2,8,3,skipconcat,mean,399,0.0009,0.0001,174884.0,0.0637,0.0152,1.0,0.0,,,,,,,,
-PyG,Cora,node,True,,,2,8,3,skipsum,add,399,0.0006,0.0001,290275.0,0.0481,0.0051,1.0,0.0,,,,,,,,
-PyG,Cora,node,True,,,2,8,3,skipsum,max,399,0.0009,0.0001,290275.0,0.0452,0.0046,1.0,0.0,,,,,,,,
-PyG,Cora,node,True,,,2,8,3,skipsum,mean,399,0.0008,0.0,290275.0,0.0367,0.0033,1.0,0.0,,,,,,,,
-PyG,TU_BZR,graph,False,,,1,2,2,skipconcat,add,399,0.0358,0.0086,139442.0,0.0173,0.0001,0.9918,0.0029,0.9953,0.0066,0.967,0.0057,0.9809,0.0062,0.9998,0.0002
-PyG,TU_BZR,graph,False,,,1,2,2,skipconcat,max,399,0.0577,0.0098,139442.0,0.0165,0.0009,0.9877,0.0025,0.9809,0.0059,0.962,0.0136,0.9713,0.0059,0.999,0.0005
-PyG,TU_BZR,graph,False,,,1,2,2,skipconcat,mean,399,0.0492,0.014,139442.0,0.0179,0.0009,0.9887,0.0038,0.9817,0.0165,0.9666,0.0179,0.9739,0.0088,0.999,0.0006
-PyG,TU_BZR,graph,False,,,1,2,2,skipsum,add,399,0.0354,0.0115,144003.0,0.0379,0.0008,0.9948,0.0039,0.9817,0.0171,0.9954,0.0065,0.9884,0.0087,0.9992,0.001
-PyG,TU_BZR,graph,False,,,1,2,2,skipsum,max,399,0.0548,0.0069,144003.0,0.0168,0.0005,0.9835,0.0052,0.9665,0.0175,0.957,0.0128,0.9616,0.0126,0.9988,0.001
-PyG,TU_BZR,graph,False,,,1,2,2,skipsum,mean,399,0.0375,0.0099,144003.0,0.0149,0.0018,0.9948,0.0029,0.9863,0.0194,0.9905,0.0067,0.9882,0.0065,0.9996,0.0004
-PyG,TU_BZR,graph,False,,,1,2,3,skipconcat,add,399,0.0536,0.02,140322.0,0.0196,0.0011,0.9877,0.0067,0.9905,0.0067,0.9523,0.0364,0.9706,0.0164,0.9941,0.0071
-PyG,TU_BZR,graph,False,,,1,2,3,skipconcat,max,399,0.0623,0.0178,140322.0,0.0163,0.0005,0.9846,0.0025,0.9809,0.0135,0.9477,0.008,0.9639,0.0055,0.9912,0.0108
-PyG,TU_BZR,graph,False,,,1,2,3,skipconcat,mean,399,0.064,0.0149,140322.0,0.0452,0.0017,0.9763,0.0058,0.9702,0.0115,0.9193,0.0187,0.944,0.014,0.9933,0.0071
-PyG,TU_BZR,graph,False,,,1,2,3,skipsum,add,399,0.0394,0.0029,142630.0,0.0178,0.0021,0.9877,0.0,0.9715,0.0118,0.9719,0.0108,0.9715,0.0005,0.9993,0.0001
-PyG,TU_BZR,graph,False,,,1,2,3,skipsum,max,399,0.0459,0.0039,142630.0,0.0479,0.0003,0.9877,0.0025,0.9817,0.0165,0.9617,0.0182,0.9713,0.0058,0.9992,0.0004
-PyG,TU_BZR,graph,False,,,1,2,3,skipsum,mean,399,0.0401,0.0093,142630.0,0.0178,0.0014,0.9887,0.0052,0.9857,0.0115,0.9625,0.0168,0.9739,0.0114,0.9991,0.0009
-PyG,TU_BZR,graph,False,,,1,4,2,skipconcat,add,399,0.0154,0.0094,139378.0,0.0615,0.001,0.9969,0.0044,0.991,0.0127,0.9954,0.0065,0.9932,0.0096,0.9999,0.0001
-PyG,TU_BZR,graph,False,,,1,4,2,skipconcat,max,399,0.0113,0.0037,139378.0,0.0183,0.0007,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_BZR,graph,False,,,1,4,2,skipconcat,mean,399,0.0153,0.0067,139378.0,0.0212,0.0008,0.999,0.0015,1.0,0.0,0.9954,0.0065,0.9977,0.0033,1.0,0.0
-PyG,TU_BZR,graph,False,,,1,4,2,skipsum,add,399,0.0132,0.0016,141914.0,0.0464,0.0032,0.999,0.0015,1.0,0.0,0.9954,0.0065,0.9977,0.0033,1.0,0.0
-PyG,TU_BZR,graph,False,,,1,4,2,skipsum,max,399,0.0096,0.0017,141914.0,0.0186,0.0025,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_BZR,graph,False,,,1,4,2,skipsum,mean,399,0.0179,0.0009,141914.0,0.0517,0.001,0.9969,0.0025,0.9951,0.0069,0.9905,0.0067,0.9928,0.006,0.9999,0.0
-PyG,TU_BZR,graph,False,,,1,4,3,skipconcat,add,399,0.0393,0.0095,136678.0,0.0674,0.0041,0.9835,0.0077,0.9764,0.0181,0.9472,0.0471,0.9606,0.0195,0.9993,0.0003
-PyG,TU_BZR,graph,False,,,1,4,3,skipconcat,max,399,0.0277,0.018,136678.0,0.0216,0.0009,0.9928,0.0052,0.9903,0.0137,0.9761,0.0242,0.9829,0.0125,0.9961,0.0053
-PyG,TU_BZR,graph,False,,,1,4,3,skipconcat,mean,399,0.0411,0.0257,136678.0,0.0189,0.0028,0.9887,0.0116,0.9806,0.0188,0.9665,0.0374,0.9734,0.0276,0.9964,0.0049
-PyG,TU_BZR,graph,False,,,1,4,3,skipsum,add,399,0.0308,0.0099,141490.0,0.019,0.0005,0.9928,0.0063,0.986,0.0114,0.9815,0.017,0.9837,0.0142,0.9997,0.0004
-PyG,TU_BZR,graph,False,,,1,4,3,skipsum,max,399,0.0206,0.0072,141490.0,0.019,0.0032,0.9948,0.0039,0.9776,0.0166,1.0,0.0,0.9886,0.0084,0.9999,0.0001
-PyG,TU_BZR,graph,False,,,1,4,3,skipsum,mean,399,0.0394,0.0137,141490.0,0.048,0.0029,0.9918,0.0063,0.9859,0.0114,0.9768,0.0172,0.9813,0.0142,0.9987,0.0012
-PyG,TU_BZR,graph,False,,,1,6,2,skipconcat,add,399,0.0116,0.0008,139394.0,0.024,0.0006,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_BZR,graph,False,,,1,6,2,skipconcat,max,399,0.0114,0.0002,139394.0,0.0198,0.0021,0.999,0.0015,0.9952,0.0068,1.0,0.0,0.9976,0.0034,1.0,0.0
-PyG,TU_BZR,graph,False,,,1,6,2,skipconcat,mean,399,0.0138,0.0023,139394.0,0.0233,0.0003,0.9979,0.0015,0.9952,0.0068,0.9952,0.0067,0.9952,0.0034,1.0,0.0
-PyG,TU_BZR,graph,False,,,1,6,2,skipsum,add,399,0.0172,0.005,140975.0,0.0248,0.0007,0.9969,0.0025,0.9952,0.0067,0.9903,0.0068,0.9928,0.0058,0.9999,0.0001
-PyG,TU_BZR,graph,False,,,1,6,2,skipsum,max,399,0.0155,0.0064,140975.0,0.051,0.0027,0.9969,0.0025,0.9904,0.0068,0.9951,0.0069,0.9927,0.006,1.0,0.0
-PyG,TU_BZR,graph,False,,,1,6,2,skipsum,mean,399,0.0176,0.0084,140975.0,0.021,0.0013,0.999,0.0015,1.0,0.0,0.9952,0.0067,0.9976,0.0034,1.0,0.0
-PyG,TU_BZR,graph,False,,,1,6,3,skipconcat,add,399,0.0228,0.0101,141034.0,0.022,0.0013,0.9938,0.0043,0.9818,0.0165,0.9907,0.0066,0.9862,0.0093,0.9999,0.0002
-PyG,TU_BZR,graph,False,,,1,6,3,skipconcat,max,399,0.0149,0.007,141034.0,0.0677,0.0037,0.9959,0.0039,0.9868,0.0186,0.9952,0.0067,0.9909,0.0083,0.9999,0.0
-PyG,TU_BZR,graph,False,,,1,6,3,skipconcat,mean,399,0.0235,0.0063,141034.0,0.0225,0.0015,0.9959,0.0015,1.0,0.0,0.9812,0.0061,0.9905,0.0031,0.9999,0.0001
-PyG,TU_BZR,graph,False,,,1,6,3,skipsum,add,399,0.0343,0.007,140290.0,0.0214,0.0022,0.9918,0.0038,0.9861,0.0197,0.9766,0.0125,0.9811,0.0086,0.9988,0.0011
-PyG,TU_BZR,graph,False,,,1,6,3,skipsum,max,399,0.0244,0.0101,140290.0,0.0553,0.0007,0.9959,0.0039,0.9903,0.0137,0.9905,0.0067,0.9904,0.0091,0.9965,0.0048
-PyG,TU_BZR,graph,False,,,1,6,3,skipsum,mean,399,0.0366,0.0102,140290.0,0.0259,0.0004,0.9907,0.005,0.9764,0.0132,0.9813,0.0132,0.9788,0.0115,0.9988,0.0008
-PyG,TU_BZR,graph,False,,,1,8,2,skipconcat,add,399,0.0144,0.0032,138586.0,0.0255,0.0014,0.9979,0.0015,0.9955,0.0064,0.9952,0.0067,0.9953,0.0033,1.0,0.0
-PyG,TU_BZR,graph,False,,,1,8,2,skipconcat,max,399,0.0097,0.0025,138586.0,0.0271,0.0025,0.999,0.0015,0.9952,0.0068,1.0,0.0,0.9976,0.0034,1.0,0.0
-PyG,TU_BZR,graph,False,,,1,8,2,skipconcat,mean,399,0.016,0.0044,138586.0,0.0258,0.0045,0.9979,0.0015,0.9907,0.0066,1.0,0.0,0.9953,0.0033,1.0,0.0
-PyG,TU_BZR,graph,False,,,1,8,2,skipsum,add,399,0.0136,0.0022,140725.0,0.0233,0.0013,0.999,0.0015,1.0,0.0,0.9951,0.0069,0.9975,0.0035,1.0,0.0
-PyG,TU_BZR,graph,False,,,1,8,2,skipsum,max,399,0.0102,0.0009,140725.0,0.0584,0.0038,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_BZR,graph,False,,,1,8,2,skipsum,mean,399,0.0153,0.0013,140725.0,0.0229,0.0024,0.9979,0.0015,1.0,0.0,0.9905,0.0067,0.9952,0.0034,1.0,0.0
-PyG,TU_BZR,graph,False,,,1,8,3,skipconcat,add,399,0.0224,0.01,136866.0,0.0265,0.0018,0.9969,0.0044,0.9954,0.0066,0.9909,0.0129,0.9931,0.0098,0.9997,0.0004
-PyG,TU_BZR,graph,False,,,1,8,3,skipconcat,max,399,0.0126,0.0046,136866.0,0.026,0.0037,0.999,0.0015,1.0,0.0,0.9954,0.0065,0.9977,0.0033,1.0,0.0
-PyG,TU_BZR,graph,False,,,1,8,3,skipconcat,mean,399,0.0309,0.0083,136866.0,0.0334,0.0049,0.9907,0.0067,0.9814,0.017,0.9766,0.0125,0.979,0.0145,0.9995,0.0004
-PyG,TU_BZR,graph,False,,,1,8,3,skipsum,add,399,0.0431,0.02,140992.0,0.0289,0.0022,0.9897,0.0058,0.9902,0.0069,0.9614,0.0254,0.9754,0.0148,0.9958,0.0058
-PyG,TU_BZR,graph,False,,,1,8,3,skipsum,max,399,0.0194,0.011,140992.0,0.0301,0.0022,0.9969,0.0044,1.0,0.0,0.9853,0.0208,0.9925,0.0107,0.9994,0.0009
-PyG,TU_BZR,graph,False,,,1,8,3,skipsum,mean,399,0.0452,0.0164,140992.0,0.0617,0.0055,0.9866,0.0038,0.9721,0.0098,0.966,0.0303,0.9686,0.0106,0.9951,0.0066
-PyG,TU_BZR,graph,False,,,2,2,2,skipconcat,add,399,0.0361,0.0078,139685.0,0.0202,0.0013,0.9938,0.0025,0.9769,0.0061,0.9954,0.0065,0.9861,0.0053,0.9996,0.0002
-PyG,TU_BZR,graph,False,,,2,2,2,skipconcat,max,399,0.0654,0.0066,139685.0,0.0167,0.001,0.9825,0.0015,0.9708,0.001,0.9477,0.008,0.9591,0.0046,0.998,0.0006
-PyG,TU_BZR,graph,False,,,2,2,2,skipconcat,mean,399,0.041,0.009,139685.0,0.0141,0.001,0.9928,0.0015,0.9812,0.0064,0.986,0.0112,0.9835,0.003,0.9997,0.0002
-PyG,TU_BZR,graph,False,,,2,2,2,skipsum,add,399,0.0354,0.0123,142630.0,0.0153,0.002,0.9928,0.0029,0.9857,0.0003,0.9813,0.0132,0.9835,0.0065,0.9994,0.0008
-PyG,TU_BZR,graph,False,,,2,2,2,skipsum,max,399,0.0485,0.0068,142630.0,0.0185,0.0016,0.9856,0.0052,0.9809,0.0181,0.9522,0.0144,0.9662,0.0124,0.9991,0.0005
-PyG,TU_BZR,graph,False,,,2,2,2,skipsum,mean,399,0.0341,0.0081,142630.0,0.0148,0.0026,0.9907,0.0087,0.9724,0.0188,0.9863,0.0194,0.9793,0.019,0.9997,0.0003
-PyG,TU_BZR,graph,False,,,2,2,3,skipconcat,add,399,0.0552,0.0105,139778.0,0.0134,0.0004,0.9805,0.0039,0.9571,0.0005,0.9531,0.0162,0.955,0.0079,0.9954,0.0031
-PyG,TU_BZR,graph,False,,,2,2,3,skipconcat,max,399,0.0632,0.0094,139778.0,0.0516,0.0021,0.9805,0.0015,0.9705,0.0011,0.9382,0.0083,0.9541,0.0048,0.9917,0.0075
-PyG,TU_BZR,graph,False,,,2,2,3,skipconcat,mean,399,0.0553,0.0102,139778.0,0.0189,0.0011,0.9846,0.005,0.9668,0.0168,0.9616,0.0254,0.9639,0.013,0.9966,0.0019
-PyG,TU_BZR,graph,False,,,2,2,3,skipsum,add,399,0.0353,0.0121,141914.0,0.0182,0.002,0.9918,0.0063,0.9904,0.0068,0.9722,0.0224,0.9811,0.0144,0.9995,0.0003
-PyG,TU_BZR,graph,False,,,2,2,3,skipsum,max,399,0.0377,0.0094,141914.0,0.018,0.002,0.9856,0.0073,0.9714,0.0114,0.9627,0.0228,0.967,0.016,0.9993,0.0004
-PyG,TU_BZR,graph,False,,,2,2,3,skipsum,mean,399,0.0436,0.0106,141914.0,0.0142,0.0015,0.9887,0.0063,0.9719,0.0109,0.9768,0.0172,0.9743,0.014,0.9992,0.0005
-PyG,TU_BZR,graph,False,,,2,4,2,skipconcat,add,399,0.0177,0.0026,138838.0,0.0166,0.0019,0.9969,0.0025,1.0,0.0,0.9856,0.0117,0.9927,0.0059,1.0,0.0
-PyG,TU_BZR,graph,False,,,2,4,2,skipconcat,max,399,0.0135,0.0039,138838.0,0.0206,0.0034,0.999,0.0015,1.0,0.0,0.9952,0.0067,0.9976,0.0034,1.0,0.0
-PyG,TU_BZR,graph,False,,,2,4,2,skipconcat,mean,399,0.0215,0.003,138838.0,0.0228,0.0007,0.9969,0.0025,0.9951,0.0069,0.9903,0.0068,0.9927,0.006,1.0,0.0
-PyG,TU_BZR,graph,False,,,2,4,2,skipsum,add,399,0.0127,0.004,141490.0,0.0191,0.0011,0.999,0.0015,0.9953,0.0066,1.0,0.0,0.9976,0.0033,1.0,0.0
-PyG,TU_BZR,graph,False,,,2,4,2,skipsum,max,399,0.0139,0.0023,141490.0,0.0192,0.0022,0.9979,0.0015,0.9907,0.0066,1.0,0.0,0.9953,0.0033,1.0,0.0
-PyG,TU_BZR,graph,False,,,2,4,2,skipsum,mean,399,0.0178,0.0028,141490.0,0.0185,0.0036,0.9979,0.0029,0.9907,0.0131,1.0,0.0,0.9953,0.0066,1.0,0.0
-PyG,TU_BZR,graph,False,,,2,4,3,skipconcat,add,399,0.0231,0.0004,138981.0,0.0184,0.002,0.9948,0.0015,0.9813,0.0065,0.9954,0.0065,0.9883,0.0031,0.9997,0.0004
-PyG,TU_BZR,graph,False,,,2,4,3,skipconcat,max,399,0.0208,0.0103,138981.0,0.0231,0.0001,0.9959,0.0058,0.9861,0.0197,0.9952,0.0067,0.9906,0.0133,0.9998,0.0003
-PyG,TU_BZR,graph,False,,,2,4,3,skipconcat,mean,399,0.0354,0.0174,138981.0,0.021,0.0025,0.9897,0.0081,0.9772,0.0323,0.9761,0.0072,0.9764,0.0183,0.999,0.0014
-PyG,TU_BZR,graph,False,,,2,4,3,skipsum,add,399,0.0262,0.0054,140975.0,0.0219,0.0019,0.9948,0.0015,0.9907,0.0066,0.9854,0.012,0.988,0.0037,0.9999,0.0001
-PyG,TU_BZR,graph,False,,,2,4,3,skipsum,max,399,0.0159,0.0023,140975.0,0.0203,0.0026,0.999,0.0015,0.9955,0.0064,1.0,0.0,0.9977,0.0032,1.0,0.0
-PyG,TU_BZR,graph,False,,,2,4,3,skipsum,mean,399,0.0295,0.008,140975.0,0.0195,0.0019,0.9948,0.0015,0.9862,0.0113,0.9905,0.0067,0.9883,0.0031,0.9997,0.0003
-PyG,TU_BZR,graph,False,,,2,6,2,skipconcat,add,399,0.0182,0.0025,141418.0,0.0229,0.0033,0.9959,0.0039,1.0,0.0,0.9808,0.0178,0.9902,0.0091,0.9999,0.0001
-PyG,TU_BZR,graph,False,,,2,6,2,skipconcat,max,399,0.01,0.001,141418.0,0.0234,0.0006,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_BZR,graph,False,,,2,6,2,skipconcat,mean,399,0.0193,0.0008,141418.0,0.0262,0.0003,0.9969,0.0025,0.9954,0.0065,0.9905,0.0067,0.993,0.0056,0.9999,0.0001
-PyG,TU_BZR,graph,False,,,2,6,2,skipsum,add,399,0.0181,0.006,140290.0,0.0232,0.0004,0.999,0.0015,1.0,0.0,0.9954,0.0065,0.9977,0.0033,0.9997,0.0004
-PyG,TU_BZR,graph,False,,,2,6,2,skipsum,max,399,0.0164,0.0088,140290.0,0.0246,0.0019,0.999,0.0015,1.0,0.0,0.9954,0.0065,0.9977,0.0033,0.9983,0.0025
-PyG,TU_BZR,graph,False,,,2,6,2,skipsum,mean,399,0.0199,0.0078,140290.0,0.0235,0.0011,0.999,0.0015,1.0,0.0,0.9954,0.0065,0.9977,0.0033,0.9989,0.0016
-PyG,TU_BZR,graph,False,,,2,6,3,skipconcat,add,399,0.033,0.0237,142258.0,0.0318,0.0013,0.9897,0.0102,0.981,0.0269,0.9715,0.0202,0.9762,0.0235,0.9987,0.0018
-PyG,TU_BZR,graph,False,,,2,6,3,skipconcat,max,399,0.0207,0.0095,142258.0,0.0234,0.0019,0.9969,0.0025,0.9952,0.0067,0.9907,0.0066,0.9929,0.0058,0.9996,0.0004
-PyG,TU_BZR,graph,False,,,2,6,3,skipconcat,mean,399,0.0288,0.0117,142258.0,0.025,0.0029,0.9918,0.0029,0.972,0.0114,0.9907,0.0066,0.9812,0.0067,0.9995,0.0006
-PyG,TU_BZR,graph,False,,,2,6,3,skipsum,add,399,0.0309,0.0064,140725.0,0.0275,0.0014,0.9907,0.0043,0.9856,0.0114,0.9713,0.024,0.9781,0.0111,0.9997,0.0003
-PyG,TU_BZR,graph,False,,,2,6,3,skipsum,max,399,0.0189,0.0041,140725.0,0.0619,0.0017,0.9959,0.0015,0.9859,0.0003,0.9954,0.0065,0.9906,0.0031,0.9998,0.0002
-PyG,TU_BZR,graph,False,,,2,6,3,skipsum,mean,399,0.0358,0.0021,140725.0,0.0241,0.0029,0.9877,0.0025,0.9679,0.0156,0.9762,0.0135,0.9718,0.0048,0.9995,0.0001
-PyG,TU_BZR,graph,False,,,2,8,2,skipconcat,add,399,0.0148,0.0003,139810.0,0.0224,0.0019,0.9979,0.0015,0.9952,0.0068,0.9952,0.0067,0.9952,0.0034,0.9999,0.0
-PyG,TU_BZR,graph,False,,,2,8,2,skipconcat,max,399,0.0102,0.0028,139810.0,0.0267,0.0017,0.999,0.0015,0.9952,0.0068,1.0,0.0,0.9976,0.0034,1.0,0.0
-PyG,TU_BZR,graph,False,,,2,8,2,skipconcat,mean,399,0.0169,0.0019,139810.0,0.0893,0.0039,0.9979,0.0015,0.9952,0.0068,0.9952,0.0067,0.9952,0.0034,1.0,0.0
-PyG,TU_BZR,graph,False,,,2,8,2,skipsum,add,399,0.0242,0.0139,140992.0,0.0255,0.003,0.9969,0.0044,0.995,0.007,0.9902,0.0139,0.9926,0.0105,0.9991,0.0013
-PyG,TU_BZR,graph,False,,,2,8,2,skipsum,max,399,0.0129,0.0071,140992.0,0.0272,0.0006,0.9979,0.0015,0.9953,0.0066,0.9951,0.0069,0.9952,0.0034,0.9998,0.0003
-PyG,TU_BZR,graph,False,,,2,8,2,skipsum,mean,399,0.037,0.009,140992.0,0.0638,0.0038,0.9948,0.0015,0.9907,0.0066,0.9856,0.012,0.9881,0.0034,0.9989,0.0007
-PyG,TU_BZR,graph,False,,,2,8,3,skipconcat,add,399,0.024,0.0029,137594.0,0.0291,0.0003,0.9959,0.0015,0.986,0.0117,0.9952,0.0067,0.9905,0.0035,0.9999,0.0002
-PyG,TU_BZR,graph,False,,,2,8,3,skipconcat,max,399,0.0155,0.0052,137594.0,0.0268,0.0017,0.9938,0.0025,0.9861,0.0109,0.9854,0.012,0.9857,0.0061,0.9999,0.0001
-PyG,TU_BZR,graph,False,,,2,8,3,skipconcat,mean,399,0.0223,0.0074,137594.0,0.0884,0.0032,0.9979,0.0015,0.9952,0.0068,0.9952,0.0067,0.9952,0.0034,0.9999,0.0
-PyG,TU_BZR,graph,False,,,2,8,3,skipsum,add,399,0.0287,0.004,139195.0,0.0245,0.0027,0.9938,0.0025,0.9813,0.0176,0.9907,0.0066,0.9858,0.0059,0.9998,0.0002
-PyG,TU_BZR,graph,False,,,2,8,3,skipsum,max,399,0.0141,0.0032,139195.0,0.0313,0.0012,0.999,0.0015,1.0,0.0,0.9951,0.0069,0.9975,0.0035,1.0,0.0
-PyG,TU_BZR,graph,False,,,2,8,3,skipsum,mean,399,0.0274,0.0042,139195.0,0.0677,0.0039,0.9948,0.0029,0.9907,0.0066,0.9857,0.0202,0.988,0.007,0.9998,0.0001
-PyG,TU_COX2,graph,False,,,1,2,2,skipconcat,add,399,0.0148,0.0039,137552.0,0.0136,0.0016,0.9946,0.0044,0.9875,0.0103,0.9875,0.0103,0.9875,0.0103,0.9999,0.0001
-PyG,TU_COX2,graph,False,,,1,2,2,skipconcat,max,399,0.0216,0.0056,137552.0,0.0121,0.001,0.9937,0.0055,0.9874,0.0105,0.9832,0.0158,0.9853,0.0131,0.9998,0.0002
-PyG,TU_COX2,graph,False,,,1,2,2,skipconcat,mean,399,0.0172,0.0049,137552.0,0.0145,0.0031,0.9955,0.0033,0.9916,0.0059,0.9875,0.0103,0.9895,0.0079,0.9999,0.0
-PyG,TU_COX2,graph,False,,,1,2,2,skipsum,add,399,0.0152,0.0038,140241.0,0.0146,0.0015,0.9955,0.0013,0.9959,0.0058,0.9835,0.0058,0.9896,0.0028,0.9999,0.0001
-PyG,TU_COX2,graph,False,,,1,2,2,skipsum,max,399,0.0217,0.0036,140241.0,0.0138,0.0014,0.9946,0.0022,0.9959,0.0058,0.9794,0.0116,0.9875,0.0051,0.9997,0.0001
-PyG,TU_COX2,graph,False,,,1,2,2,skipsum,mean,399,0.019,0.0052,140241.0,0.0124,0.001,0.9929,0.0033,0.9875,0.0101,0.9793,0.006,0.9834,0.0078,0.9998,0.0001
-PyG,TU_COX2,graph,False,,,1,2,3,skipconcat,add,399,0.0102,0.0037,138882.0,0.0157,0.0019,0.9938,0.0025,0.9795,0.006,0.9917,0.0059,0.9855,0.0059,0.9999,0.0001
-PyG,TU_COX2,graph,False,,,1,2,3,skipconcat,max,399,0.0158,0.008,138882.0,0.0155,0.0005,0.9937,0.0033,0.9918,0.0058,0.9792,0.0154,0.9854,0.0078,0.9998,0.0003
-PyG,TU_COX2,graph,False,,,1,2,3,skipconcat,mean,399,0.0126,0.0052,138882.0,0.0137,0.0011,0.9973,0.0022,0.9958,0.0059,0.9918,0.0116,0.9937,0.0051,1.0,0.0
-PyG,TU_COX2,graph,False,,,1,2,3,skipsum,add,399,0.0106,0.0016,139372.0,0.0152,0.0022,0.9937,0.0033,0.9835,0.0058,0.9877,0.0101,0.9856,0.0077,0.9999,0.0001
-PyG,TU_COX2,graph,False,,,1,2,3,skipsum,max,399,0.0135,0.0032,139372.0,0.0448,0.004,0.9946,0.0022,0.9796,0.0059,0.9958,0.006,0.9876,0.0052,0.9999,0.0001
-PyG,TU_COX2,graph,False,,,1,2,3,skipsum,mean,399,0.0237,0.0003,139372.0,0.0128,0.0002,0.9884,0.0013,0.9712,0.0058,0.9753,0.0098,0.9732,0.0028,0.9995,0.0
-PyG,TU_COX2,graph,False,,,1,4,2,skipconcat,add,399,0.0021,0.0003,138262.0,0.0151,0.0012,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_COX2,graph,False,,,1,4,2,skipconcat,max,399,0.0014,0.0001,138262.0,0.015,0.0019,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_COX2,graph,False,,,1,4,2,skipconcat,mean,399,0.0024,0.0001,138262.0,0.0177,0.002,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_COX2,graph,False,,,1,4,2,skipsum,add,399,0.0023,0.0005,138998.0,0.0146,0.0005,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_COX2,graph,False,,,1,4,2,skipsum,max,399,0.0017,0.0001,138998.0,0.0145,0.0008,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_COX2,graph,False,,,1,4,2,skipsum,mean,399,0.0033,0.0005,138998.0,0.0511,0.004,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_COX2,graph,False,,,1,4,3,skipconcat,add,399,0.0014,0.0001,135832.0,0.0642,0.0024,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_COX2,graph,False,,,1,4,3,skipconcat,max,399,0.0015,0.0002,135832.0,0.0579,0.0038,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_COX2,graph,False,,,1,4,3,skipconcat,mean,399,0.0033,0.0015,135832.0,0.0559,0.0005,0.9991,0.0013,1.0,0.0,0.9958,0.006,0.9979,0.003,1.0,0.0
-PyG,TU_COX2,graph,False,,,1,4,3,skipsum,add,399,0.0029,0.0005,138826.0,0.0189,0.001,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_COX2,graph,False,,,1,4,3,skipsum,max,399,0.0033,0.0026,138826.0,0.0167,0.0013,0.9991,0.0013,1.0,0.0,0.9958,0.006,0.9979,0.003,1.0,0.0
-PyG,TU_COX2,graph,False,,,1,4,3,skipsum,mean,399,0.0057,0.0022,138826.0,0.0173,0.0014,0.9991,0.0013,1.0,0.0,0.9959,0.0058,0.998,0.0029,1.0,0.0
-PyG,TU_COX2,graph,False,,,1,6,2,skipconcat,add,399,0.0022,0.0003,138602.0,0.0175,0.0015,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_COX2,graph,False,,,1,6,2,skipconcat,max,399,0.0013,0.0003,138602.0,0.0233,0.0017,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_COX2,graph,False,,,1,6,2,skipconcat,mean,399,0.0025,0.0006,138602.0,0.0214,0.0011,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_COX2,graph,False,,,1,6,2,skipsum,add,399,0.002,0.0005,138509.0,0.0225,0.0019,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_COX2,graph,False,,,1,6,2,skipsum,max,399,0.0013,0.0004,138509.0,0.0555,0.0006,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_COX2,graph,False,,,1,6,2,skipsum,mean,399,0.0022,0.0004,138509.0,0.0212,0.0011,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_COX2,graph,False,,,1,6,3,skipconcat,add,399,0.0017,0.0004,140422.0,0.0209,0.0033,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_COX2,graph,False,,,1,6,3,skipconcat,max,399,0.0014,0.0003,140422.0,0.0247,0.0043,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_COX2,graph,False,,,1,6,3,skipconcat,mean,399,0.0021,0.0002,140422.0,0.0204,0.0006,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_COX2,graph,False,,,1,6,3,skipsum,add,399,0.0027,0.0015,137986.0,0.0195,0.0005,0.9991,0.0013,1.0,0.0,0.9959,0.0058,0.9979,0.0029,1.0,0.0
-PyG,TU_COX2,graph,False,,,1,6,3,skipsum,max,399,0.002,0.0012,137986.0,0.024,0.0007,0.9991,0.0013,1.0,0.0,0.9958,0.006,0.9979,0.003,1.0,0.0
-PyG,TU_COX2,graph,False,,,1,6,3,skipsum,mean,399,0.0063,0.0024,137986.0,0.0206,0.0018,0.9973,0.0022,0.9959,0.0058,0.9917,0.0059,0.9938,0.005,1.0,0.0
-PyG,TU_COX2,graph,False,,,1,8,2,skipconcat,add,399,0.0017,0.0006,137974.0,0.0199,0.0004,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_COX2,graph,False,,,1,8,2,skipconcat,max,399,0.0017,0.0009,137974.0,0.0254,0.002,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_COX2,graph,False,,,1,8,2,skipconcat,mean,399,0.0025,0.0011,137974.0,0.0244,0.0019,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_COX2,graph,False,,,1,8,2,skipsum,add,399,0.0023,0.0004,138547.0,0.0273,0.0005,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_COX2,graph,False,,,1,8,2,skipsum,max,399,0.0013,0.0005,138547.0,0.0283,0.0014,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_COX2,graph,False,,,1,8,2,skipsum,mean,399,0.0029,0.0002,138547.0,0.0555,0.0016,0.9991,0.0013,0.9959,0.0058,1.0,0.0,0.998,0.0029,1.0,0.0
-PyG,TU_COX2,graph,False,,,1,8,3,skipconcat,add,399,0.002,0.0013,136398.0,0.0282,0.0004,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_COX2,graph,False,,,1,8,3,skipconcat,max,399,0.0019,0.001,136398.0,0.0243,0.0035,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_COX2,graph,False,,,1,8,3,skipconcat,mean,399,0.0041,0.0021,136398.0,0.0277,0.0038,0.9982,0.0025,0.9959,0.0058,0.9959,0.0058,0.9959,0.0058,1.0,0.0
-PyG,TU_COX2,graph,False,,,1,8,3,skipsum,add,399,0.0043,0.0012,138922.0,0.0597,0.0029,0.9991,0.0013,1.0,0.0,0.9958,0.006,0.9979,0.003,1.0,0.0
-PyG,TU_COX2,graph,False,,,1,8,3,skipsum,max,399,0.0016,0.0005,138922.0,0.0266,0.0009,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_COX2,graph,False,,,1,8,3,skipsum,mean,399,0.0053,0.0009,138922.0,0.0221,0.0005,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_COX2,graph,False,,,2,2,2,skipconcat,add,399,0.019,0.0068,137867.0,0.0135,0.0008,0.9937,0.0033,0.9835,0.0058,0.9875,0.0101,0.9855,0.0077,0.9997,0.0002
-PyG,TU_COX2,graph,False,,,2,2,2,skipconcat,max,399,0.0256,0.0083,137867.0,0.0148,0.002,0.9919,0.0038,0.9795,0.0114,0.9835,0.0058,0.9815,0.0086,0.9996,0.0004
-PyG,TU_COX2,graph,False,,,2,2,2,skipconcat,mean,399,0.0257,0.0067,137867.0,0.0156,0.0003,0.9919,0.0058,0.9795,0.0057,0.9835,0.0233,0.9814,0.0136,0.9996,0.0003
-PyG,TU_COX2,graph,False,,,2,2,2,skipsum,add,399,0.0137,0.0021,139372.0,0.0149,0.0012,0.9946,0.0038,0.9876,0.0101,0.9877,0.0101,0.9876,0.0087,0.9999,0.0001
-PyG,TU_COX2,graph,False,,,2,2,2,skipsum,max,399,0.0193,0.0061,139372.0,0.0158,0.0017,0.9946,0.0022,0.9918,0.0058,0.9834,0.0154,0.9874,0.0052,0.9999,0.0001
-PyG,TU_COX2,graph,False,,,2,2,2,skipsum,mean,399,0.0225,0.0013,139372.0,0.0157,0.0011,0.992,0.0022,0.9915,0.006,0.9712,0.0114,0.9812,0.005,0.9998,0.0
-PyG,TU_COX2,graph,False,,,2,2,3,skipconcat,add,399,0.0106,0.0018,138374.0,0.0165,0.0011,0.9946,0.0,0.9876,0.0002,0.9876,0.0002,0.9876,0.0002,0.9999,0.0
-PyG,TU_COX2,graph,False,,,2,2,3,skipconcat,max,399,0.0163,0.0068,138374.0,0.0143,0.0017,0.9946,0.0022,0.9837,0.0055,0.9916,0.0119,0.9875,0.0053,0.9998,0.0001
-PyG,TU_COX2,graph,False,,,2,2,3,skipconcat,mean,399,0.0193,0.0034,138374.0,0.0189,0.0018,0.9911,0.0033,0.9754,0.0004,0.9836,0.0154,0.9794,0.0078,0.9997,0.0001
-PyG,TU_COX2,graph,False,,,2,2,3,skipsum,add,399,0.0105,0.0043,138998.0,0.0182,0.0024,0.9964,0.0033,0.9958,0.0059,0.9877,0.0101,0.9918,0.0077,0.9999,0.0001
-PyG,TU_COX2,graph,False,,,2,2,3,skipsum,max,399,0.0181,0.0049,138998.0,0.0143,0.0016,0.9911,0.0025,0.9796,0.0111,0.9792,0.0121,0.9793,0.0061,0.9998,0.0001
-PyG,TU_COX2,graph,False,,,2,2,3,skipsum,mean,399,0.02,0.007,138998.0,0.0183,0.0028,0.9911,0.0063,0.9834,0.0151,0.9749,0.0207,0.979,0.0149,0.9997,0.0002
-PyG,TU_COX2,graph,False,,,2,4,2,skipconcat,add,399,0.0016,0.0003,137740.0,0.0205,0.0019,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_COX2,graph,False,,,2,4,2,skipconcat,max,399,0.0014,0.0002,137740.0,0.0168,0.0013,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_COX2,graph,False,,,2,4,2,skipconcat,mean,399,0.0017,0.0003,137740.0,0.0565,0.0007,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_COX2,graph,False,,,2,4,2,skipsum,add,399,0.0028,0.0006,138826.0,0.0211,0.0024,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_COX2,graph,False,,,2,4,2,skipsum,max,399,0.004,0.0027,138826.0,0.0179,0.0018,0.9991,0.0013,1.0,0.0,0.9958,0.006,0.9979,0.003,1.0,0.0
-PyG,TU_COX2,graph,False,,,2,4,2,skipsum,mean,399,0.0064,0.0026,138826.0,0.0464,0.0011,0.9982,0.0013,1.0,0.0,0.9917,0.0059,0.9958,0.0029,1.0,0.0
-PyG,TU_COX2,graph,False,,,2,4,3,skipconcat,add,399,0.0019,0.0004,138135.0,0.0194,0.0018,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_COX2,graph,False,,,2,4,3,skipconcat,max,399,0.0013,0.0003,138135.0,0.0228,0.0017,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_COX2,graph,False,,,2,4,3,skipconcat,mean,399,0.0047,0.0021,138135.0,0.0203,0.0019,0.9982,0.0013,0.9918,0.0058,1.0,0.0,0.9959,0.0029,1.0,0.0
-PyG,TU_COX2,graph,False,,,2,4,3,skipsum,add,399,0.0026,0.0008,138509.0,0.0176,0.0006,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_COX2,graph,False,,,2,4,3,skipsum,max,399,0.0032,0.002,138509.0,0.0202,0.0014,0.9991,0.0013,0.996,0.0057,1.0,0.0,0.998,0.0029,1.0,0.0
-PyG,TU_COX2,graph,False,,,2,4,3,skipsum,mean,399,0.0113,0.001,138509.0,0.0193,0.0026,0.9964,0.0013,0.988,0.0097,0.9958,0.006,0.9918,0.0027,0.9999,0.0
-PyG,TU_COX2,graph,False,,,2,6,2,skipconcat,add,399,0.0017,0.0,140626.0,0.0228,0.002,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_COX2,graph,False,,,2,6,2,skipconcat,max,399,0.0013,0.0004,140626.0,0.0224,0.003,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_COX2,graph,False,,,2,6,2,skipconcat,mean,399,0.0018,0.0001,140626.0,0.0253,0.003,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_COX2,graph,False,,,2,6,2,skipsum,add,399,0.003,0.0012,137986.0,0.0217,0.002,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_COX2,graph,False,,,2,6,2,skipsum,max,399,0.0014,0.0002,137986.0,0.061,0.0014,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_COX2,graph,False,,,2,6,2,skipsum,mean,399,0.0033,0.0007,137986.0,0.0231,0.0023,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_COX2,graph,False,,,2,6,3,skipconcat,add,399,0.0021,0.0007,141646.0,0.0211,0.0014,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_COX2,graph,False,,,2,6,3,skipconcat,max,399,0.0014,0.0002,141646.0,0.0209,0.0003,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_COX2,graph,False,,,2,6,3,skipconcat,mean,399,0.0058,0.0034,141646.0,0.0197,0.0007,0.9991,0.0013,1.0,0.0,0.9959,0.0058,0.998,0.0029,1.0,0.0
-PyG,TU_COX2,graph,False,,,2,6,3,skipsum,add,399,0.0046,0.0011,138547.0,0.0238,0.0032,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_COX2,graph,False,,,2,6,3,skipsum,max,399,0.0026,0.0005,138547.0,0.0235,0.0002,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_COX2,graph,False,,,2,6,3,skipsum,mean,399,0.007,0.0014,138547.0,0.0616,0.0005,0.9982,0.0025,0.9921,0.0112,1.0,0.0,0.996,0.0057,1.0,0.0
-PyG,TU_COX2,graph,False,,,2,8,2,skipconcat,add,399,0.0014,0.0003,139198.0,0.0288,0.0022,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_COX2,graph,False,,,2,8,2,skipconcat,max,399,0.0013,0.0004,139198.0,0.028,0.0038,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_COX2,graph,False,,,2,8,2,skipconcat,mean,399,0.0021,0.0006,139198.0,0.0899,0.0032,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_COX2,graph,False,,,2,8,2,skipsum,add,399,0.0033,0.0016,138922.0,0.0659,0.0012,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_COX2,graph,False,,,2,8,2,skipsum,max,399,0.0018,0.0007,138922.0,0.0262,0.0009,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_COX2,graph,False,,,2,8,2,skipsum,mean,399,0.0052,0.0029,138922.0,0.0235,0.001,0.9982,0.0025,1.0,0.0,0.9916,0.0119,0.9957,0.006,1.0,0.0
-PyG,TU_COX2,graph,False,,,2,8,3,skipconcat,add,399,0.0013,0.0003,137126.0,0.0282,0.0015,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_COX2,graph,False,,,2,8,3,skipconcat,max,399,0.001,0.0,137126.0,0.0258,0.0017,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_COX2,graph,False,,,2,8,3,skipconcat,mean,399,0.0021,0.0016,137126.0,0.0249,0.0008,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_COX2,graph,False,,,2,8,3,skipsum,add,399,0.0023,0.0001,137233.0,0.0768,0.0083,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_COX2,graph,False,,,2,8,3,skipsum,max,399,0.0015,0.0004,137233.0,0.0266,0.0037,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_COX2,graph,False,,,2,8,3,skipsum,mean,399,0.006,0.0039,137233.0,0.0302,0.0031,0.9973,0.0038,0.9919,0.0115,0.9959,0.0058,0.9939,0.0087,1.0,0.0
-PyG,TU_DD,graph,False,,,1,2,2,skipconcat,add,399,0.0145,0.0055,143222.0,0.0317,0.0029,0.9968,0.0017,0.9965,0.0012,0.9957,0.0032,0.9961,0.0021,0.9999,0.0001
-PyG,TU_DD,graph,False,,,1,2,2,skipconcat,max,399,0.0017,0.001,143222.0,0.03,0.003,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_DD,graph,False,,,1,2,2,skipconcat,mean,399,0.0094,0.0068,143222.0,0.0264,0.0022,0.9979,0.0015,0.9983,0.0012,0.9965,0.0032,0.9974,0.0018,0.9999,0.0002
-PyG,TU_DD,graph,False,,,1,2,2,skipsum,add,399,0.0018,0.001,151527.0,0.0284,0.0018,0.9993,0.001,0.9983,0.0025,1.0,0.0,0.9991,0.0012,1.0,0.0
-PyG,TU_DD,graph,False,,,1,2,2,skipsum,max,399,0.0006,0.0002,151527.0,0.0309,0.0037,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_DD,graph,False,,,1,2,2,skipsum,mean,399,0.0012,0.0001,151527.0,0.0477,0.0012,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_DD,graph,False,,,1,2,3,skipconcat,add,399,0.008,0.0044,143202.0,0.0258,0.0004,0.9979,0.0017,0.9957,0.0044,0.9991,0.0012,0.9974,0.0021,1.0,0.0
-PyG,TU_DD,graph,False,,,1,2,3,skipconcat,max,399,0.002,0.0003,143202.0,0.0223,0.0016,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_DD,graph,False,,,1,2,3,skipconcat,mean,399,0.0046,0.0014,143202.0,0.0272,0.0022,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_DD,graph,False,,,1,2,3,skipsum,add,399,0.0036,0.0004,149146.0,0.026,0.0033,0.9986,0.0005,0.9983,0.0012,0.9983,0.0025,0.9983,0.0006,1.0,0.0
-PyG,TU_DD,graph,False,,,1,2,3,skipsum,max,399,0.0015,0.0007,149146.0,0.0363,0.0055,0.9996,0.0005,0.9991,0.0012,1.0,0.0,0.9996,0.0006,1.0,0.0
-PyG,TU_DD,graph,False,,,1,2,3,skipsum,mean,399,0.0018,0.0002,149146.0,0.0245,0.0014,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_DD,graph,False,,,1,4,2,skipconcat,add,399,0.0055,0.0046,141610.0,0.0259,0.0016,0.9996,0.0005,0.9991,0.0012,1.0,0.0,0.9996,0.0006,1.0,0.0
-PyG,TU_DD,graph,False,,,1,4,2,skipconcat,max,399,0.0006,0.0001,141610.0,0.0282,0.0023,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_DD,graph,False,,,1,4,2,skipconcat,mean,399,0.0012,0.0004,141610.0,0.081,0.0037,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_DD,graph,False,,,1,4,2,skipsum,add,399,0.003,0.0025,147746.0,0.0436,0.0012,0.9993,0.001,0.9983,0.0025,1.0,0.0,0.9991,0.0012,1.0,0.0
-PyG,TU_DD,graph,False,,,1,4,2,skipsum,max,399,0.001,0.0003,147746.0,0.0774,0.0067,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_DD,graph,False,,,1,4,2,skipsum,mean,399,0.0025,0.0021,147746.0,0.0426,0.0048,0.9993,0.001,0.9983,0.0025,1.0,0.0,0.9991,0.0012,1.0,0.0
-PyG,TU_DD,graph,False,,,1,4,3,skipconcat,add,399,0.0035,0.0005,138370.0,0.0433,0.0083,0.9986,0.0005,1.0,0.0,0.9965,0.0012,0.9983,0.0006,1.0,0.0
-PyG,TU_DD,graph,False,,,1,4,3,skipconcat,max,399,0.0017,0.0006,138370.0,0.0294,0.0018,0.9996,0.0005,0.9991,0.0012,1.0,0.0,0.9996,0.0006,1.0,0.0
-PyG,TU_DD,graph,False,,,1,4,3,skipconcat,mean,399,0.0022,0.0007,138370.0,0.0338,0.0044,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_DD,graph,False,,,1,4,3,skipsum,add,399,0.0027,0.0007,146818.0,0.044,0.0075,0.9996,0.0005,1.0,0.0,0.9991,0.0012,0.9996,0.0006,1.0,0.0
-PyG,TU_DD,graph,False,,,1,4,3,skipsum,max,399,0.0014,0.0002,146818.0,0.0465,0.0079,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_DD,graph,False,,,1,4,3,skipsum,mean,399,0.0018,0.0007,146818.0,0.0842,0.0168,0.9993,0.0005,1.0,0.0,0.9983,0.0012,0.9991,0.0006,1.0,0.0
-PyG,TU_DD,graph,False,,,1,6,2,skipconcat,add,399,0.0022,0.0006,140978.0,0.029,0.0013,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_DD,graph,False,,,1,6,2,skipconcat,max,399,0.0016,0.0007,140978.0,0.0365,0.006,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_DD,graph,False,,,1,6,2,skipconcat,mean,399,0.0018,0.0009,140978.0,0.0467,0.0041,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_DD,graph,False,,,1,6,2,skipsum,add,399,0.0023,0.0007,145907.0,0.1075,0.004,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_DD,graph,False,,,1,6,2,skipsum,max,399,0.0008,0.0002,145907.0,0.0479,0.0072,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_DD,graph,False,,,1,6,2,skipsum,mean,399,0.0014,0.0005,145907.0,0.0432,0.0015,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_DD,graph,False,,,1,6,3,skipconcat,add,399,0.0014,0.0001,142258.0,0.0346,0.0007,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_DD,graph,False,,,1,6,3,skipconcat,max,399,0.0009,0.0001,142258.0,0.1073,0.0154,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_DD,graph,False,,,1,6,3,skipconcat,mean,399,0.0011,0.0002,142258.0,0.0333,0.0013,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_DD,graph,False,,,1,6,3,skipsum,add,399,0.0014,0.0005,144898.0,0.0486,0.0052,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_DD,graph,False,,,1,6,3,skipsum,max,399,0.001,0.0005,144898.0,0.0855,0.0003,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_DD,graph,False,,,1,6,3,skipsum,mean,399,0.0011,0.0002,144898.0,0.0558,0.006,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_DD,graph,False,,,1,8,2,skipconcat,add,399,0.0014,0.0004,139810.0,0.04,0.002,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_DD,graph,False,,,1,8,2,skipconcat,max,399,0.0008,0.0002,139810.0,0.1013,0.0151,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_DD,graph,False,,,1,8,2,skipconcat,mean,399,0.0009,0.0002,139810.0,0.0373,0.0035,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_DD,graph,False,,,1,8,2,skipsum,add,399,0.0022,0.0007,145081.0,0.0418,0.0013,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_DD,graph,False,,,1,8,2,skipsum,max,399,0.001,0.0001,145081.0,0.0654,0.0123,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_DD,graph,False,,,1,8,2,skipsum,mean,399,0.0019,0.0005,145081.0,0.1028,0.0204,0.9996,0.0005,0.9991,0.0012,1.0,0.0,0.9996,0.0006,1.0,0.0
-PyG,TU_DD,graph,False,,,1,8,3,skipconcat,add,399,0.0019,0.0001,137802.0,0.0609,0.0193,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_DD,graph,False,,,1,8,3,skipconcat,max,399,0.0013,0.0003,137802.0,0.0349,0.0013,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_DD,graph,False,,,1,8,3,skipconcat,mean,399,0.0019,0.0006,137802.0,0.0401,0.0018,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_DD,graph,False,,,1,8,3,skipsum,add,399,0.0032,0.0004,145132.0,0.0475,0.0021,0.9993,0.0005,0.9991,0.0012,0.9991,0.0012,0.9991,0.0006,1.0,0.0
-PyG,TU_DD,graph,False,,,1,8,3,skipsum,max,399,0.0008,0.0001,145132.0,0.0453,0.0016,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_DD,graph,False,,,1,8,3,skipsum,mean,399,0.0014,0.0,145132.0,0.0716,0.0082,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_DD,graph,False,,,2,2,2,skipconcat,add,399,0.0821,0.0466,143321.0,0.0309,0.0005,0.9717,0.0195,0.9684,0.0213,0.9619,0.0279,0.9651,0.0241,0.995,0.0041
-PyG,TU_DD,graph,False,,,2,2,2,skipconcat,max,399,0.0029,0.0026,143321.0,0.05,0.0099,0.9996,0.0005,1.0,0.0,0.9991,0.0012,0.9996,0.0006,1.0,0.0
-PyG,TU_DD,graph,False,,,2,2,2,skipconcat,mean,399,0.0393,0.0333,143321.0,0.046,0.005,0.9898,0.0115,0.9904,0.0118,0.9844,0.0165,0.9874,0.0141,0.9988,0.0011
-PyG,TU_DD,graph,False,,,2,2,2,skipsum,add,399,0.0187,0.0075,149146.0,0.0471,0.0057,0.9954,0.0028,0.994,0.0012,0.9948,0.0056,0.9944,0.0034,0.9999,0.0001
-PyG,TU_DD,graph,False,,,2,2,2,skipsum,max,399,0.0019,0.0001,149146.0,0.031,0.0026,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_DD,graph,False,,,2,2,2,skipsum,mean,399,0.0055,0.0008,149146.0,0.0434,0.0101,0.9996,0.0005,1.0,0.0,0.9991,0.0012,0.9996,0.0006,1.0,0.0
-PyG,TU_DD,graph,False,,,2,2,3,skipconcat,add,399,0.0291,0.0122,142586.0,0.0686,0.0063,0.9894,0.0031,0.9879,0.0086,0.9862,0.0024,0.987,0.0038,0.9993,0.0005
-PyG,TU_DD,graph,False,,,2,2,3,skipconcat,max,399,0.0031,0.0014,142586.0,0.0299,0.0019,0.9996,0.0005,1.0,0.0,0.9991,0.0012,0.9996,0.0006,1.0,0.0
-PyG,TU_DD,graph,False,,,2,2,3,skipconcat,mean,399,0.0676,0.0556,142586.0,0.0291,0.0041,0.9759,0.0218,0.969,0.0277,0.9723,0.0263,0.9706,0.0266,0.995,0.006
-PyG,TU_DD,graph,False,,,2,2,3,skipsum,add,399,0.0213,0.0005,147746.0,0.0794,0.0102,0.9936,0.0009,0.9939,0.0025,0.9905,0.0044,0.9922,0.0011,0.9998,0.0
-PyG,TU_DD,graph,False,,,2,2,3,skipsum,max,399,0.0028,0.0008,147746.0,0.0358,0.0086,0.9993,0.0005,0.9983,0.0012,1.0,0.0,0.9991,0.0006,1.0,0.0
-PyG,TU_DD,graph,False,,,2,2,3,skipsum,mean,399,0.0107,0.0031,147746.0,0.0399,0.0038,0.9982,0.0005,0.9983,0.0012,0.9974,0.0021,0.9978,0.0006,0.9999,0.0001
-PyG,TU_DD,graph,False,,,2,4,2,skipconcat,add,399,0.0305,0.0357,141034.0,0.0414,0.0053,0.9904,0.0128,0.9912,0.0107,0.9853,0.0207,0.9882,0.0157,0.9986,0.002
-PyG,TU_DD,graph,False,,,2,4,2,skipconcat,max,399,0.001,0.0003,141034.0,0.0351,0.0014,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_DD,graph,False,,,2,4,2,skipconcat,mean,399,0.0038,0.0022,141034.0,0.0335,0.0011,0.9996,0.0005,1.0,0.0,0.9991,0.0012,0.9996,0.0006,1.0,0.0
-PyG,TU_DD,graph,False,,,2,4,2,skipsum,add,399,0.0032,0.0005,146818.0,0.0862,0.0021,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_DD,graph,False,,,2,4,2,skipsum,max,399,0.0011,0.0002,146818.0,0.084,0.0089,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_DD,graph,False,,,2,4,2,skipsum,mean,399,0.0022,0.0007,146818.0,0.1039,0.0094,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_DD,graph,False,,,2,4,3,skipconcat,add,399,0.0082,0.0019,140673.0,0.036,0.0067,0.9979,0.0009,0.9983,0.0025,0.9965,0.0012,0.9974,0.0011,1.0,0.0
-PyG,TU_DD,graph,False,,,2,4,3,skipconcat,max,399,0.0018,0.0011,140673.0,0.0305,0.0026,0.9996,0.0005,0.9991,0.0012,1.0,0.0,0.9996,0.0006,1.0,0.0
-PyG,TU_DD,graph,False,,,2,4,3,skipconcat,mean,399,0.0038,0.0023,140673.0,0.0375,0.0067,0.9993,0.0005,1.0,0.0,0.9983,0.0012,0.9991,0.0006,1.0,0.0
-PyG,TU_DD,graph,False,,,2,4,3,skipsum,add,399,0.0049,0.0014,145907.0,0.04,0.0002,0.9996,0.0005,0.9991,0.0012,1.0,0.0,0.9996,0.0006,1.0,0.0
-PyG,TU_DD,graph,False,,,2,4,3,skipsum,max,399,0.0009,0.0,145907.0,0.0418,0.0017,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_DD,graph,False,,,2,4,3,skipsum,mean,399,0.0036,0.0007,145907.0,0.1003,0.009,0.9989,0.0,0.9991,0.0012,0.9983,0.0012,0.9987,0.0,1.0,0.0
-PyG,TU_DD,graph,False,,,2,6,2,skipconcat,add,399,0.005,0.002,143002.0,0.1089,0.0093,0.9996,0.0005,1.0,0.0,0.9991,0.0012,0.9996,0.0006,1.0,0.0
-PyG,TU_DD,graph,False,,,2,6,2,skipconcat,max,399,0.0013,0.0006,143002.0,0.0469,0.0035,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_DD,graph,False,,,2,6,2,skipconcat,mean,399,0.003,0.0025,143002.0,0.0365,0.0018,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_DD,graph,False,,,2,6,2,skipsum,add,399,0.0029,0.0008,144898.0,0.049,0.0067,0.9993,0.001,1.0,0.0,0.9983,0.0025,0.9991,0.0012,1.0,0.0
-PyG,TU_DD,graph,False,,,2,6,2,skipsum,max,399,0.0008,0.0002,144898.0,0.0486,0.0057,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_DD,graph,False,,,2,6,2,skipsum,mean,399,0.0022,0.0006,144898.0,0.0673,0.019,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_DD,graph,False,,,2,6,3,skipconcat,add,399,0.0056,0.003,143482.0,0.0329,0.002,0.9986,0.0005,0.9983,0.0012,0.9983,0.0025,0.9983,0.0006,1.0,0.0
-PyG,TU_DD,graph,False,,,2,6,3,skipconcat,max,399,0.0014,0.0001,143482.0,0.044,0.0015,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_DD,graph,False,,,2,6,3,skipconcat,mean,399,0.0029,0.0015,143482.0,0.0699,0.0039,0.9993,0.001,1.0,0.0,0.9983,0.0025,0.9991,0.0012,1.0,0.0
-PyG,TU_DD,graph,False,,,2,6,3,skipsum,add,399,0.006,0.0019,145081.0,0.0493,0.0036,0.9982,0.0013,0.9974,0.0021,0.9983,0.0012,0.9978,0.0016,1.0,0.0
-PyG,TU_DD,graph,False,,,2,6,3,skipsum,max,399,0.0014,0.0002,145081.0,0.0984,0.014,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_DD,graph,False,,,2,6,3,skipsum,mean,399,0.0051,0.0021,145081.0,0.0668,0.0152,0.9979,0.0017,0.9974,0.0036,0.9974,0.0021,0.9974,0.0021,1.0,0.0
-PyG,TU_DD,graph,False,,,2,8,2,skipconcat,add,399,0.0043,0.0031,141034.0,0.1111,0.0063,0.9996,0.0005,1.0,0.0,0.9991,0.0012,0.9996,0.0006,1.0,0.0
-PyG,TU_DD,graph,False,,,2,8,2,skipconcat,max,399,0.0015,0.0005,141034.0,0.0549,0.0129,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_DD,graph,False,,,2,8,2,skipconcat,mean,399,0.0021,0.0007,141034.0,0.0385,0.0025,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_DD,graph,False,,,2,8,2,skipsum,add,399,0.0055,0.0027,145132.0,0.0437,0.0003,0.9986,0.0013,0.9965,0.0032,1.0,0.0,0.9983,0.0016,1.0,0.0
-PyG,TU_DD,graph,False,,,2,8,2,skipsum,max,399,0.0009,0.0001,145132.0,0.0468,0.0014,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_DD,graph,False,,,2,8,2,skipsum,mean,399,0.0023,0.0005,145132.0,0.0479,0.002,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_DD,graph,False,,,2,8,3,skipconcat,add,399,0.0065,0.0066,138530.0,0.0431,0.0013,0.9989,0.0015,0.9983,0.0025,0.9991,0.0012,0.9987,0.0018,0.9998,0.0003
-PyG,TU_DD,graph,False,,,2,8,3,skipconcat,max,399,0.0013,0.0002,138530.0,0.1112,0.0109,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0,1.0,0.0
-PyG,TU_DD,graph,False,,,2,8,3,skipconcat,mean,399,0.0029,0.0023,138530.0,0.111,0.0022,0.9996,0.0005,0.9991,0.0012,1.0,0.0,0.9996,0.0006,1.0,0.0
-PyG,TU_DD,graph,False,,,2,8,3,skipsum,add,399,0.0061,0.0031,143119.0,0.0949,0.0103,0.9979,0.0015,0.9965,0.0032,0.9983,0.0025,0.9974,0.0018,1.0,0.0
-PyG,TU_DD,graph,False,,,2,8,3,skipsum,max,399,0.0014,0.0008,143119.0,0.0859,0.0177,0.9996,0.0005,0.9991,0.0012,1.0,0.0,0.9996,0.0006,1.0,0.0
-PyG,TU_DD,graph,False,,,2,8,3,skipsum,mean,399,0.0046,0.0035,143119.0,0.0853,0.0255,0.9993,0.0005,0.9983,0.0012,1.0,0.0,0.9991,0.0006,1.0,0.0
-PyG,TU_ENZYMES,graph,False,,,1,2,2,skipconcat,add,399,0.0299,0.005,135772.0,0.0528,0.0003,0.9958,0.0034,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,1,2,2,skipconcat,max,399,0.3624,0.0797,135772.0,0.0166,0.004,0.884,0.0367,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,1,2,2,skipconcat,mean,399,0.2279,0.0213,135772.0,0.0117,0.0006,0.9455,0.0112,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,1,2,2,skipsum,add,399,0.0138,0.0035,134603.0,0.0114,0.0007,0.9972,0.002,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,1,2,2,skipsum,max,399,0.2262,0.0165,134603.0,0.0145,0.0011,0.9392,0.0129,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,1,2,2,skipsum,mean,399,0.1059,0.0046,134603.0,0.0133,0.0008,0.9769,0.0045,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,1,2,3,skipconcat,add,399,0.0232,0.0073,137527.0,0.0136,0.0007,0.9937,0.0045,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,1,2,3,skipconcat,max,399,0.1056,0.0414,137527.0,0.0126,0.0006,0.9664,0.0152,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,1,2,3,skipconcat,mean,399,0.1245,0.0628,137527.0,0.0145,0.0017,0.9636,0.0211,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,1,2,3,skipsum,add,399,0.015,0.0016,134490.0,0.0148,0.0021,0.9965,0.001,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,1,2,3,skipsum,max,399,0.0727,0.0074,134490.0,0.0125,0.0017,0.9762,0.0103,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,1,2,3,skipsum,mean,399,0.056,0.0107,134490.0,0.0414,0.0007,0.9839,0.0065,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,1,4,2,skipconcat,add,399,0.0056,0.0023,137833.0,0.0518,0.0007,1.0,0.0,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,1,4,2,skipconcat,max,399,0.0394,0.0022,137833.0,0.0539,0.0023,0.9881,0.0036,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,1,4,2,skipconcat,mean,399,0.0506,0.0128,137833.0,0.0155,0.0007,0.9839,0.0065,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,1,4,2,skipsum,add,399,0.0022,0.0006,134629.0,0.0149,0.0008,1.0,0.0,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,1,4,2,skipsum,max,399,0.0334,0.0073,134629.0,0.0151,0.0024,0.9888,0.002,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,1,4,2,skipsum,mean,399,0.027,0.0025,134629.0,0.0156,0.0003,0.9923,0.0026,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,1,4,3,skipconcat,add,399,0.0074,0.0029,135508.0,0.016,0.002,0.9993,0.001,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,1,4,3,skipconcat,max,399,0.0249,0.0051,135508.0,0.0172,0.0027,0.9902,0.0026,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,1,4,3,skipconcat,mean,399,0.0313,0.0026,135508.0,0.058,0.0005,0.9909,0.0026,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,1,4,3,skipsum,add,399,0.0039,0.0012,134835.0,0.0159,0.0008,1.0,0.0,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,1,4,3,skipsum,max,399,0.0203,0.0047,134835.0,0.0172,0.0006,0.9923,0.002,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,1,4,3,skipsum,mean,399,0.0244,0.0051,134835.0,0.017,0.0015,0.9895,0.003,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,1,6,2,skipconcat,add,399,0.0088,0.0021,138739.0,0.0188,0.0005,0.9993,0.001,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,1,6,2,skipconcat,max,399,0.0253,0.0047,138739.0,0.0657,0.0011,0.9916,0.003,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,1,6,2,skipconcat,mean,399,0.028,0.0062,138739.0,0.0185,0.0021,0.9951,0.0026,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,1,6,2,skipsum,add,399,0.0028,0.0018,134815.0,0.0513,0.0035,0.9993,0.001,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,1,6,2,skipsum,max,399,0.0235,0.0061,134815.0,0.0182,0.0003,0.9909,0.004,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,1,6,2,skipsum,mean,399,0.0185,0.0029,134815.0,0.0196,0.0003,0.993,0.001,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,1,6,3,skipconcat,add,399,0.0083,0.0029,140529.0,0.0685,0.001,0.9979,0.0017,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,1,6,3,skipconcat,max,399,0.0209,0.0069,140529.0,0.0204,0.0011,0.9916,0.0034,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,1,6,3,skipconcat,mean,399,0.0317,0.0047,140529.0,0.0211,0.0006,0.9902,0.0026,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,1,6,3,skipsum,add,399,0.0069,0.0032,134535.0,0.0189,0.0019,0.9993,0.001,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,1,6,3,skipsum,max,399,0.0207,0.0091,134535.0,0.0211,0.0019,0.9937,0.0051,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,1,6,3,skipsum,mean,399,0.022,0.0064,134535.0,0.0227,0.0007,0.9937,0.003,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,1,8,2,skipconcat,add,399,0.0034,0.0002,138421.0,0.0238,0.003,1.0,0.0,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,1,8,2,skipconcat,max,399,0.0255,0.0072,138421.0,0.0253,0.002,0.9909,0.0036,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,1,8,2,skipconcat,mean,399,0.0255,0.0076,138421.0,0.0233,0.0006,0.9923,0.004,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,1,8,2,skipsum,add,399,0.0021,0.0002,135285.0,0.026,0.0013,1.0,0.0,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,1,8,2,skipsum,max,399,0.0268,0.0047,135285.0,0.0225,0.0008,0.9916,0.0017,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,1,8,2,skipsum,mean,399,0.0225,0.0065,135285.0,0.0222,0.0009,0.9937,0.0034,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,1,8,3,skipconcat,add,399,0.0056,0.0023,136741.0,0.0263,0.0015,0.9986,0.001,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,1,8,3,skipconcat,max,399,0.0246,0.0077,136741.0,0.0255,0.0014,0.9923,0.0026,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,1,8,3,skipconcat,mean,399,0.0225,0.0095,136741.0,0.0298,0.0007,0.9923,0.0043,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,1,8,3,skipsum,add,399,0.0047,0.0015,135822.0,0.0252,0.002,1.0,0.0,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,1,8,3,skipsum,max,399,0.0258,0.007,135822.0,0.0239,0.0012,0.9902,0.0026,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,1,8,3,skipsum,mean,399,0.0285,0.0088,135822.0,0.0661,0.004,0.9916,0.003,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,2,2,2,skipconcat,add,399,0.0317,0.0017,136155.0,0.0468,0.0018,0.9958,0.003,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,2,2,2,skipconcat,max,399,0.345,0.0348,136155.0,0.0167,0.0006,0.8966,0.0146,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,2,2,2,skipconcat,mean,399,0.2334,0.0079,136155.0,0.0154,0.0017,0.9329,0.0034,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,2,2,2,skipsum,add,399,0.0163,0.0016,134490.0,0.0428,0.0007,0.9993,0.001,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,2,2,2,skipsum,max,399,0.2408,0.0176,134490.0,0.0417,0.0007,0.9336,0.0099,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,2,2,2,skipsum,mean,399,0.1239,0.0084,134490.0,0.0138,0.0005,0.97,0.0069,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,2,2,3,skipconcat,add,399,0.031,0.0017,137053.0,0.0163,0.0017,0.9909,0.001,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,2,2,3,skipconcat,max,399,0.1344,0.0184,137053.0,0.0144,0.0005,0.9616,0.0026,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,2,2,3,skipconcat,mean,399,0.138,0.0144,137053.0,0.0512,0.0001,0.9553,0.0081,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,2,2,3,skipsum,add,399,0.0069,0.0008,134629.0,0.0141,0.0012,0.9986,0.001,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,2,2,3,skipsum,max,399,0.0489,0.0057,134629.0,0.0157,0.0007,0.9895,0.0017,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,2,2,3,skipsum,mean,399,0.0408,0.0047,134629.0,0.0145,0.0003,0.9895,0.0034,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,2,4,2,skipconcat,add,399,0.0131,0.0103,137318.0,0.0179,0.0002,0.9965,0.0049,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,2,4,2,skipconcat,max,399,0.0403,0.0091,137318.0,0.0171,0.0012,0.9881,0.006,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,2,4,2,skipconcat,mean,399,0.0641,0.0165,137318.0,0.0218,0.0011,0.9797,0.0065,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,2,4,2,skipsum,add,399,0.003,0.0014,134835.0,0.0174,0.0008,0.9993,0.001,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,2,4,2,skipsum,max,399,0.028,0.0092,134835.0,0.0217,0.0011,0.9916,0.0051,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,2,4,2,skipsum,mean,399,0.0228,0.0069,134835.0,0.0175,0.0006,0.9937,0.003,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,2,4,3,skipconcat,add,399,0.0067,0.0025,137811.0,0.0176,0.0004,0.9986,0.001,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,2,4,3,skipconcat,max,399,0.0259,0.0032,137811.0,0.0196,0.0024,0.9937,0.0017,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,2,4,3,skipconcat,mean,399,0.0367,0.015,137811.0,0.0232,0.0017,0.9895,0.0091,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,2,4,3,skipsum,add,399,0.0044,0.0012,134815.0,0.0521,0.0017,1.0,0.0,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,2,4,3,skipsum,max,399,0.0253,0.0042,134815.0,0.0194,0.0009,0.9916,0.0034,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,2,4,3,skipsum,mean,399,0.0228,0.0037,134815.0,0.0199,0.0017,0.9923,0.0026,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,2,6,2,skipconcat,add,399,0.007,0.0021,140763.0,0.0226,0.0014,0.9986,0.001,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,2,6,2,skipconcat,max,399,0.0263,0.0049,140763.0,0.0225,0.0011,0.9916,0.0017,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,2,6,2,skipconcat,mean,399,0.0408,0.0068,140763.0,0.023,0.0017,0.9909,0.0026,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,2,6,2,skipsum,add,399,0.0027,0.0003,134535.0,0.0214,0.0001,1.0,0.0,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,2,6,2,skipsum,max,399,0.0252,0.0081,134535.0,0.0228,0.0011,0.9902,0.0052,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,2,6,2,skipsum,mean,399,0.0208,0.0064,134535.0,0.023,0.0008,0.9944,0.0036,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,2,6,3,skipconcat,add,399,0.0075,0.0042,141753.0,0.0283,0.0006,0.9993,0.001,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,2,6,3,skipconcat,max,399,0.0235,0.0043,141753.0,0.0246,0.0017,0.9909,0.001,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,2,6,3,skipconcat,mean,399,0.0257,0.0035,141753.0,0.0234,0.0002,0.9916,0.0017,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,2,6,3,skipsum,add,399,0.0046,0.0011,135285.0,0.0224,0.0019,0.9993,0.001,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,2,6,3,skipsum,max,399,0.0251,0.0043,135285.0,0.0229,0.001,0.9909,0.0026,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,2,6,3,skipsum,mean,399,0.0232,0.0081,135285.0,0.0223,0.0007,0.9937,0.003,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,2,8,2,skipconcat,add,399,0.0049,0.002,139645.0,0.0223,0.0008,1.0,0.0,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,2,8,2,skipconcat,max,399,0.0234,0.0045,139645.0,0.0246,0.0008,0.9923,0.0049,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,2,8,2,skipconcat,mean,399,0.0267,0.0015,139645.0,0.0282,0.0018,0.9909,0.0026,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,2,8,2,skipsum,add,399,0.0023,0.0004,135822.0,0.0237,0.0012,1.0,0.0,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,2,8,2,skipsum,max,399,0.0254,0.0069,135822.0,0.0602,0.001,0.9888,0.0036,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,2,8,2,skipsum,mean,399,0.027,0.01,135822.0,0.0243,0.0017,0.9916,0.0034,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,2,8,3,skipconcat,add,399,0.0103,0.0065,137469.0,0.0805,0.0006,0.9972,0.0026,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,2,8,3,skipconcat,max,399,0.0224,0.0029,137469.0,0.0293,0.0001,0.9923,0.002,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,2,8,3,skipconcat,mean,399,0.0228,0.0024,137469.0,0.0242,0.0012,0.993,0.001,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,2,8,3,skipsum,add,399,0.0066,0.0022,134295.0,0.0258,0.001,0.9986,0.001,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,2,8,3,skipsum,max,399,0.0254,0.0059,134295.0,0.0296,0.0013,0.9881,0.0036,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,2,8,3,skipsum,mean,399,0.0288,0.013,134295.0,0.029,0.0007,0.9923,0.0043,,,,,,,,
-PyG,TU_IMDB,graph,False,,,1,2,2,skipconcat,add,399,1.0132,0.0102,134614.0,0.0134,0.0006,0.4831,0.004,,,,,,,,
-PyG,TU_IMDB,graph,False,,,1,2,2,skipconcat,max,399,1.0911,0.0007,134614.0,0.0123,0.0002,0.3744,0.0032,,,,,,,,
-PyG,TU_IMDB,graph,False,,,1,2,2,skipconcat,mean,399,1.0914,0.0007,134614.0,0.0133,0.0007,0.3772,0.0063,,,,,,,,
-PyG,TU_IMDB,graph,False,,,1,2,2,skipsum,add,399,1.0036,0.002,133555.0,0.0153,0.0008,0.4842,0.0053,,,,,,,,
-PyG,TU_IMDB,graph,False,,,1,2,2,skipsum,max,399,1.0902,0.0015,133555.0,0.0132,0.001,0.3878,0.0044,,,,,,,,
-PyG,TU_IMDB,graph,False,,,1,2,2,skipsum,mean,399,1.0904,0.0007,133555.0,0.0145,0.0003,0.3819,0.0028,,,,,,,,
-PyG,TU_IMDB,graph,False,,,1,2,3,skipconcat,add,399,1.0035,0.0039,136644.0,0.0143,0.0009,0.4847,0.0076,,,,,,,,
-PyG,TU_IMDB,graph,False,,,1,2,3,skipconcat,max,399,1.0886,0.0011,136644.0,0.0154,0.0008,0.3833,0.0146,,,,,,,,
-PyG,TU_IMDB,graph,False,,,1,2,3,skipconcat,mean,399,1.0869,0.0012,136644.0,0.0159,0.0004,0.3861,0.0033,,,,,,,,
-PyG,TU_IMDB,graph,False,,,1,2,3,skipsum,add,399,1.0075,0.0023,133582.0,0.0399,0.0014,0.4875,0.0058,,,,,,,,
-PyG,TU_IMDB,graph,False,,,1,2,3,skipsum,max,399,1.0865,0.0018,133582.0,0.0141,0.0008,0.3958,0.0083,,,,,,,,
-PyG,TU_IMDB,graph,False,,,1,2,3,skipsum,mean,399,1.0866,0.0016,133582.0,0.0142,0.0012,0.3908,0.0072,,,,,,,,
-PyG,TU_IMDB,graph,False,,,1,4,2,skipconcat,add,399,1.0148,0.0039,136776.0,0.0166,0.0004,0.475,0.0059,,,,,,,,
-PyG,TU_IMDB,graph,False,,,1,4,2,skipconcat,max,399,1.0899,0.0016,136776.0,0.0195,0.0004,0.3747,0.007,,,,,,,,
-PyG,TU_IMDB,graph,False,,,1,4,2,skipconcat,mean,399,1.0859,0.0027,136776.0,0.02,0.0006,0.3878,0.0051,,,,,,,,
-PyG,TU_IMDB,graph,False,,,1,4,2,skipsum,add,399,0.9911,0.0035,133816.0,0.0174,0.0008,0.4928,0.0077,,,,,,,,
-PyG,TU_IMDB,graph,False,,,1,4,2,skipsum,max,399,1.0913,0.0013,133816.0,0.0154,0.0006,0.3739,0.0028,,,,,,,,
-PyG,TU_IMDB,graph,False,,,1,4,2,skipsum,mean,399,1.0917,0.0019,133816.0,0.0441,0.0028,0.3689,0.0104,,,,,,,,
-PyG,TU_IMDB,graph,False,,,1,4,3,skipconcat,add,399,1.0061,0.0066,134706.0,0.0203,0.0009,0.4903,0.0106,,,,,,,,
-PyG,TU_IMDB,graph,False,,,1,4,3,skipconcat,max,399,1.0863,0.0009,134706.0,0.0204,0.0013,0.3842,0.0031,,,,,,,,
-PyG,TU_IMDB,graph,False,,,1,4,3,skipconcat,mean,399,1.0857,0.0023,134706.0,0.0172,0.0018,0.3908,0.0045,,,,,,,,
-PyG,TU_IMDB,graph,False,,,1,4,3,skipsum,add,399,1.0058,0.0035,134092.0,0.0206,0.0015,0.4869,0.0031,,,,,,,,
-PyG,TU_IMDB,graph,False,,,1,4,3,skipsum,max,399,1.0873,0.0023,134092.0,0.019,0.0016,0.3908,0.0091,,,,,,,,
-PyG,TU_IMDB,graph,False,,,1,4,3,skipsum,mean,399,1.0858,0.0028,134092.0,0.0186,0.0007,0.3919,0.0068,,,,,,,,
-PyG,TU_IMDB,graph,False,,,1,6,2,skipconcat,add,399,1.0017,0.0033,137724.0,0.0184,0.0023,0.4845,0.0108,,,,,,,,
-PyG,TU_IMDB,graph,False,,,1,6,2,skipconcat,max,399,1.0903,0.0015,137724.0,0.0214,0.0004,0.3725,0.0112,,,,,,,,
-PyG,TU_IMDB,graph,False,,,1,6,2,skipconcat,mean,399,1.0878,0.0023,137724.0,0.0222,0.0007,0.3836,0.0125,,,,,,,,
-PyG,TU_IMDB,graph,False,,,1,6,2,skipsum,add,399,0.9976,0.0074,134127.0,0.0194,0.0023,0.4961,0.0082,,,,,,,,
-PyG,TU_IMDB,graph,False,,,1,6,2,skipsum,max,399,1.0909,0.0009,134127.0,0.0545,0.0006,0.3717,0.0018,,,,,,,,
-PyG,TU_IMDB,graph,False,,,1,6,2,skipsum,mean,399,1.0899,0.0035,134127.0,0.0186,0.0015,0.3845,0.0166,,,,,,,,
-PyG,TU_IMDB,graph,False,,,1,6,3,skipconcat,add,399,1.0082,0.0023,139744.0,0.0712,0.0008,0.4828,0.0034,,,,,,,,
-PyG,TU_IMDB,graph,False,,,1,6,3,skipconcat,max,399,1.0915,0.0042,139744.0,0.0211,0.001,0.3867,0.0072,,,,,,,,
-PyG,TU_IMDB,graph,False,,,1,6,3,skipconcat,mean,399,1.0885,0.0089,139744.0,0.0717,0.0024,0.3783,0.0269,,,,,,,,
-PyG,TU_IMDB,graph,False,,,1,6,3,skipsum,add,399,1.0044,0.0057,133892.0,0.0208,0.0016,0.4864,0.0016,,,,,,,,
-PyG,TU_IMDB,graph,False,,,1,6,3,skipsum,max,399,1.0897,0.0013,133892.0,0.0202,0.0002,0.3833,0.0074,,,,,,,,
-PyG,TU_IMDB,graph,False,,,1,6,3,skipsum,mean,399,1.0896,0.0026,133892.0,0.0198,0.0007,0.3864,0.0089,,,,,,,,
-PyG,TU_IMDB,graph,False,,,1,8,2,skipconcat,add,399,1.0075,0.0017,137432.0,0.0231,0.0015,0.4831,0.0058,,,,,,,,
-PyG,TU_IMDB,graph,False,,,1,8,2,skipconcat,max,399,1.0921,0.0002,137432.0,0.0236,0.0027,0.3697,0.005,,,,,,,,
-PyG,TU_IMDB,graph,False,,,1,8,2,skipconcat,mean,399,1.0823,0.002,137432.0,0.0244,0.0026,0.4072,0.0082,,,,,,,,
-PyG,TU_IMDB,graph,False,,,1,8,2,skipsum,add,399,0.9902,0.007,134677.0,0.0222,0.0018,0.5006,0.006,,,,,,,,
-PyG,TU_IMDB,graph,False,,,1,8,2,skipsum,max,399,1.0912,0.0011,134677.0,0.0205,0.0009,0.3692,0.0042,,,,,,,,
-PyG,TU_IMDB,graph,False,,,1,8,2,skipsum,mean,399,1.0865,0.0012,134677.0,0.0196,0.0016,0.3931,0.0054,,,,,,,,
-PyG,TU_IMDB,graph,False,,,1,8,3,skipconcat,add,399,1.0075,0.0049,135984.0,0.0223,0.0014,0.4831,0.0028,,,,,,,,
-PyG,TU_IMDB,graph,False,,,1,8,3,skipconcat,max,399,1.0878,0.0031,135984.0,0.0237,0.0013,0.3878,0.0091,,,,,,,,
-PyG,TU_IMDB,graph,False,,,1,8,3,skipconcat,mean,399,1.0879,0.0025,135984.0,0.0213,0.0016,0.3883,0.0054,,,,,,,,
-PyG,TU_IMDB,graph,False,,,1,8,3,skipsum,add,399,1.0008,0.0082,135244.0,0.0634,0.0006,0.4858,0.0092,,,,,,,,
-PyG,TU_IMDB,graph,False,,,1,8,3,skipsum,max,399,1.0871,0.002,135244.0,0.0254,0.0022,0.3947,0.004,,,,,,,,
-PyG,TU_IMDB,graph,False,,,1,8,3,skipsum,mean,399,1.0827,0.0028,135244.0,0.02,0.0007,0.3989,0.0141,,,,,,,,
-PyG,TU_IMDB,graph,False,,,2,2,2,skipconcat,add,399,1.0157,0.005,135041.0,0.0142,0.0012,0.4789,0.0072,,,,,,,,
-PyG,TU_IMDB,graph,False,,,2,2,2,skipconcat,max,399,1.0909,0.0017,135041.0,0.016,0.0002,0.3742,0.0018,,,,,,,,
-PyG,TU_IMDB,graph,False,,,2,2,2,skipconcat,mean,399,1.0912,0.0008,135041.0,0.0141,0.0016,0.3747,0.0048,,,,,,,,
-PyG,TU_IMDB,graph,False,,,2,2,2,skipsum,add,399,1.0099,0.0031,133582.0,0.0391,0.0008,0.4842,0.0053,,,,,,,,
-PyG,TU_IMDB,graph,False,,,2,2,2,skipsum,max,399,1.0911,0.0012,133582.0,0.0118,0.0006,0.3775,0.0095,,,,,,,,
-PyG,TU_IMDB,graph,False,,,2,2,2,skipsum,mean,399,1.0901,0.0005,133582.0,0.0153,0.0012,0.3783,0.0077,,,,,,,,
-PyG,TU_IMDB,graph,False,,,2,2,3,skipconcat,add,399,1.009,0.0078,136192.0,0.0149,0.0008,0.4828,0.012,,,,,,,,
-PyG,TU_IMDB,graph,False,,,2,2,3,skipconcat,max,399,1.0888,0.0014,136192.0,0.0158,0.0016,0.3836,0.0017,,,,,,,,
-PyG,TU_IMDB,graph,False,,,2,2,3,skipconcat,mean,399,1.0901,0.0014,136192.0,0.0135,0.0007,0.3844,0.0081,,,,,,,,
-PyG,TU_IMDB,graph,False,,,2,2,3,skipsum,add,399,1.0019,0.006,133816.0,0.0145,0.0002,0.4936,0.0028,,,,,,,,
-PyG,TU_IMDB,graph,False,,,2,2,3,skipsum,max,399,1.089,0.0025,133816.0,0.0122,0.0001,0.38,0.0116,,,,,,,,
-PyG,TU_IMDB,graph,False,,,2,2,3,skipsum,mean,399,1.0874,0.0009,133816.0,0.0173,0.0005,0.3936,0.0074,,,,,,,,
-PyG,TU_IMDB,graph,False,,,2,4,2,skipconcat,add,399,1.003,0.0071,136278.0,0.0165,0.0005,0.4889,0.0043,,,,,,,,
-PyG,TU_IMDB,graph,False,,,2,4,2,skipconcat,max,399,1.0926,0.0014,136278.0,0.0181,0.0019,0.3758,0.0061,,,,,,,,
-PyG,TU_IMDB,graph,False,,,2,4,2,skipconcat,mean,399,1.0912,0.0026,136278.0,0.0566,0.0028,0.3747,0.0134,,,,,,,,
-PyG,TU_IMDB,graph,False,,,2,4,2,skipsum,add,399,0.9952,0.0011,134092.0,0.0173,0.0009,0.4906,0.0066,,,,,,,,
-PyG,TU_IMDB,graph,False,,,2,4,2,skipsum,max,399,1.0918,0.0026,134092.0,0.0148,0.0007,0.3766,0.0105,,,,,,,,
-PyG,TU_IMDB,graph,False,,,2,4,2,skipsum,mean,399,1.0897,0.0023,134092.0,0.0162,0.0018,0.3911,0.0057,,,,,,,,
-PyG,TU_IMDB,graph,False,,,2,4,3,skipconcat,add,399,1.0159,0.0071,137009.0,0.02,0.0002,0.4753,0.0099,,,,,,,,
-PyG,TU_IMDB,graph,False,,,2,4,3,skipconcat,max,399,1.0913,0.0011,137009.0,0.0192,0.0017,0.3783,0.0074,,,,,,,,
-PyG,TU_IMDB,graph,False,,,2,4,3,skipconcat,mean,399,1.0915,0.0004,137009.0,0.0587,0.002,0.3783,0.0007,,,,,,,,
-PyG,TU_IMDB,graph,False,,,2,4,3,skipsum,add,399,1.0078,0.002,134127.0,0.0164,0.0008,0.485,0.0042,,,,,,,,
-PyG,TU_IMDB,graph,False,,,2,4,3,skipsum,max,399,1.0889,0.0024,134127.0,0.0218,0.0016,0.3864,0.011,,,,,,,,
-PyG,TU_IMDB,graph,False,,,2,4,3,skipsum,mean,399,1.0894,0.0033,134127.0,0.0189,0.0008,0.3861,0.0079,,,,,,,,
-PyG,TU_IMDB,graph,False,,,2,6,2,skipconcat,add,399,1.0068,0.0046,139748.0,0.0185,0.0012,0.4792,0.009,,,,,,,,
-PyG,TU_IMDB,graph,False,,,2,6,2,skipconcat,max,399,1.0916,0.0022,139748.0,0.0242,0.0031,0.3831,0.0043,,,,,,,,
-PyG,TU_IMDB,graph,False,,,2,6,2,skipconcat,mean,399,1.0897,0.0026,139748.0,0.0231,0.0006,0.3872,0.0136,,,,,,,,
-PyG,TU_IMDB,graph,False,,,2,6,2,skipsum,add,399,0.9975,0.0024,133892.0,0.019,0.0018,0.4886,0.0062,,,,,,,,
-PyG,TU_IMDB,graph,False,,,2,6,2,skipsum,max,399,1.0907,0.0018,133892.0,0.0224,0.0016,0.3808,0.0061,,,,,,,,
-PyG,TU_IMDB,graph,False,,,2,6,2,skipsum,mean,399,1.091,0.0013,133892.0,0.0228,0.0045,0.3772,0.0063,,,,,,,,
-PyG,TU_IMDB,graph,False,,,2,6,3,skipconcat,add,399,1.0088,0.0076,140968.0,0.0207,0.0013,0.4919,0.0084,,,,,,,,
-PyG,TU_IMDB,graph,False,,,2,6,3,skipconcat,max,399,1.0883,0.0005,140968.0,0.0237,0.002,0.3883,0.009,,,,,,,,
-PyG,TU_IMDB,graph,False,,,2,6,3,skipconcat,mean,399,1.0875,0.0036,140968.0,0.0739,0.0018,0.3828,0.0121,,,,,,,,
-PyG,TU_IMDB,graph,False,,,2,6,3,skipsum,add,399,1.0064,0.0068,134677.0,0.0228,0.003,0.4908,0.0109,,,,,,,,
-PyG,TU_IMDB,graph,False,,,2,6,3,skipsum,max,399,1.0875,0.0023,134677.0,0.0229,0.0013,0.3958,0.002,,,,,,,,
-PyG,TU_IMDB,graph,False,,,2,6,3,skipsum,mean,399,1.0891,0.0021,134677.0,0.0229,0.0016,0.3914,0.0045,,,,,,,,
-PyG,TU_IMDB,graph,False,,,2,8,2,skipconcat,add,399,1.0108,0.0047,138656.0,0.0232,0.0005,0.4808,0.0059,,,,,,,,
-PyG,TU_IMDB,graph,False,,,2,8,2,skipconcat,max,399,1.0906,0.0017,138656.0,0.0791,0.0023,0.382,0.0021,,,,,,,,
-PyG,TU_IMDB,graph,False,,,2,8,2,skipconcat,mean,399,1.0884,0.0025,138656.0,0.0263,0.0002,0.3925,0.0109,,,,,,,,
-PyG,TU_IMDB,graph,False,,,2,8,2,skipsum,add,399,0.9887,0.0048,135244.0,0.0211,0.0016,0.4953,0.0026,,,,,,,,
-PyG,TU_IMDB,graph,False,,,2,8,2,skipsum,max,399,1.0922,0.0003,135244.0,0.0249,0.0017,0.3739,0.0069,,,,,,,,
-PyG,TU_IMDB,graph,False,,,2,8,2,skipsum,mean,399,1.0912,0.0018,135244.0,0.0259,0.0023,0.3794,0.0051,,,,,,,,
-PyG,TU_IMDB,graph,False,,,2,8,3,skipconcat,add,399,1.0013,0.0018,136712.0,0.0264,0.0007,0.4858,0.0,,,,,,,,
-PyG,TU_IMDB,graph,False,,,2,8,3,skipconcat,max,399,1.0857,0.0013,136712.0,0.0256,0.002,0.3911,0.0089,,,,,,,,
-PyG,TU_IMDB,graph,False,,,2,8,3,skipconcat,mean,399,1.0857,0.0023,136712.0,0.0237,0.0013,0.398,0.0168,,,,,,,,
-PyG,TU_IMDB,graph,False,,,2,8,3,skipsum,add,399,1.0011,0.0099,133747.0,0.0228,0.0029,0.495,0.0094,,,,,,,,
-PyG,TU_IMDB,graph,False,,,2,8,3,skipsum,max,399,1.0899,0.002,133747.0,0.0261,0.002,0.3836,0.0098,,,,,,,,
-PyG,TU_IMDB,graph,False,,,2,8,3,skipsum,mean,399,1.0897,0.0022,133747.0,0.0689,0.004,0.3822,0.013,,,,,,,,
-PyG,TU_PROTEINS,graph,False,,,1,2,2,skipconcat,add,399,0.4343,0.0032,134192.0,0.0124,0.0007,0.7924,0.0033,0.7551,0.0026,0.703,0.0104,0.7281,0.0067,0.8705,0.0023
-PyG,TU_PROTEINS,graph,False,,,1,2,2,skipconcat,max,399,0.4894,0.008,134192.0,0.0124,0.0002,0.7663,0.0106,0.7211,0.0147,0.6666,0.0156,0.6928,0.0152,0.8309,0.0072
-PyG,TU_PROTEINS,graph,False,,,1,2,2,skipconcat,mean,399,0.4897,0.0142,134192.0,0.017,0.0002,0.7553,0.0125,0.7078,0.0127,0.6483,0.0321,0.6766,0.0229,0.8297,0.0135
-PyG,TU_PROTEINS,graph,False,,,1,2,2,skipsum,add,399,0.3803,0.0152,133553.0,0.014,0.0017,0.8261,0.0082,0.7995,0.0062,0.7481,0.026,0.7727,0.014,0.9042,0.0082
-PyG,TU_PROTEINS,graph,False,,,1,2,2,skipsum,max,399,0.4683,0.0108,133553.0,0.0132,0.0009,0.7765,0.0093,0.7303,0.0134,0.6897,0.0156,0.7094,0.0128,0.8484,0.0081
-PyG,TU_PROTEINS,graph,False,,,1,2,2,skipsum,mean,399,0.4749,0.0155,133553.0,0.0145,0.0012,0.7674,0.0084,0.7213,0.0115,0.6714,0.0159,0.6954,0.0118,0.8429,0.0124
-PyG,TU_PROTEINS,graph,False,,,1,2,3,skipconcat,add,399,0.4223,0.0127,136322.0,0.0142,0.0009,0.8083,0.0063,0.7784,0.0059,0.7203,0.0163,0.7482,0.0109,0.8802,0.0075
-PyG,TU_PROTEINS,graph,False,,,1,2,3,skipconcat,max,399,0.4743,0.0047,136322.0,0.0162,0.0017,0.7765,0.0079,0.7372,0.0134,0.6763,0.0024,0.7054,0.0071,0.8447,0.0037
-PyG,TU_PROTEINS,graph,False,,,1,2,3,skipconcat,mean,399,0.4846,0.0113,136322.0,0.0495,0.0032,0.7761,0.0113,0.7326,0.0203,0.6839,0.0071,0.7074,0.0133,0.8371,0.0095
-PyG,TU_PROTEINS,graph,False,,,1,2,3,skipsum,add,399,0.3547,0.0171,133580.0,0.0145,0.0018,0.8383,0.0071,0.804,0.0076,0.7816,0.0206,0.7925,0.0113,0.9169,0.0096
-PyG,TU_PROTEINS,graph,False,,,1,2,3,skipsum,max,399,0.4469,0.015,133580.0,0.0141,0.0022,0.7924,0.0133,0.7479,0.0136,0.7165,0.0258,0.7318,0.0192,0.8634,0.0095
-PyG,TU_PROTEINS,graph,False,,,1,2,3,skipsum,mean,399,0.4497,0.0103,133580.0,0.0154,0.0012,0.7916,0.0107,0.7514,0.0103,0.7069,0.0217,0.7284,0.016,0.861,0.0066
-PyG,TU_PROTEINS,graph,False,,,1,4,2,skipconcat,add,399,0.3973,0.01,136278.0,0.0527,0.0021,0.8132,0.0051,0.7826,0.0092,0.7308,0.0061,0.7558,0.0071,0.8961,0.0063
-PyG,TU_PROTEINS,graph,False,,,1,4,2,skipconcat,max,399,0.486,0.0057,136278.0,0.0181,0.0026,0.7682,0.0058,0.7213,0.007,0.6743,0.0152,0.6969,0.0099,0.8372,0.004
-PyG,TU_PROTEINS,graph,False,,,1,4,2,skipconcat,mean,399,0.4959,0.005,136278.0,0.0183,0.0012,0.7572,0.0084,0.7156,0.0145,0.6408,0.013,0.676,0.0124,0.8276,0.0055
-PyG,TU_PROTEINS,graph,False,,,1,4,2,skipsum,add,399,0.2117,0.0333,133814.0,0.015,0.0007,0.9114,0.0186,0.8909,0.0237,0.884,0.0261,0.8874,0.024,0.9729,0.0085
-PyG,TU_PROTEINS,graph,False,,,1,4,2,skipsum,max,399,0.4069,0.0214,133814.0,0.0198,0.0013,0.8095,0.0112,0.7717,0.0053,0.7355,0.0335,0.7529,0.0197,0.8902,0.0135
-PyG,TU_PROTEINS,graph,False,,,1,4,2,skipsum,mean,399,0.3937,0.0137,133814.0,0.0195,0.001,0.8091,0.0085,0.7686,0.0099,0.7403,0.031,0.7538,0.0162,0.8977,0.0071
-PyG,TU_PROTEINS,graph,False,,,1,4,3,skipconcat,add,399,0.4047,0.0311,134328.0,0.0162,0.0005,0.8102,0.0222,0.7741,0.0243,0.7337,0.0368,0.7533,0.0309,0.8897,0.0203
-PyG,TU_PROTEINS,graph,False,,,1,4,3,skipconcat,max,399,0.45,0.0183,134328.0,0.0205,0.0009,0.7871,0.0039,0.7407,0.0088,0.7107,0.0129,0.7253,0.005,0.8603,0.0129
-PyG,TU_PROTEINS,graph,False,,,1,4,3,skipconcat,mean,399,0.476,0.0111,134328.0,0.0203,0.0015,0.7731,0.0084,0.7301,0.0087,0.6762,0.023,0.702,0.014,0.8424,0.0083
-PyG,TU_PROTEINS,graph,False,,,1,4,3,skipsum,add,399,0.1947,0.0132,134090.0,0.0164,0.0009,0.9193,0.007,0.9017,0.0105,0.8936,0.0247,0.8974,0.0105,0.9769,0.003
-PyG,TU_PROTEINS,graph,False,,,1,4,3,skipsum,max,399,0.365,0.0289,134090.0,0.0193,0.0003,0.8383,0.0147,0.8024,0.0196,0.7845,0.0217,0.7933,0.0183,0.9122,0.0147
-PyG,TU_PROTEINS,graph,False,,,1,4,3,skipsum,mean,399,0.3773,0.0455,134090.0,0.0466,0.0018,0.8341,0.0247,0.7898,0.028,0.7913,0.0452,0.7902,0.0332,0.9044,0.0248
-PyG,TU_PROTEINS,graph,False,,,1,6,2,skipconcat,add,399,0.3677,0.0137,137194.0,0.0612,0.0005,0.8333,0.011,0.7953,0.0094,0.7787,0.0228,0.7868,0.0162,0.9126,0.0075
-PyG,TU_PROTEINS,graph,False,,,1,6,2,skipconcat,max,399,0.4491,0.0268,137194.0,0.0228,0.0022,0.7917,0.0116,0.7514,0.021,0.7079,0.0094,0.7289,0.0136,0.8617,0.0179
-PyG,TU_PROTEINS,graph,False,,,1,6,2,skipconcat,mean,399,0.4791,0.0051,137194.0,0.0215,0.0021,0.7655,0.0093,0.7212,0.0141,0.6638,0.0111,0.6913,0.0122,0.8402,0.0043
-PyG,TU_PROTEINS,graph,False,,,1,6,2,skipsum,add,399,0.1348,0.0084,134125.0,0.048,0.0033,0.9561,0.0046,0.9385,0.0016,0.9512,0.01,0.9448,0.0058,0.991,0.0018
-PyG,TU_PROTEINS,graph,False,,,1,6,2,skipsum,max,399,0.2703,0.0621,134125.0,0.0192,0.0021,0.8924,0.0368,0.8661,0.0394,0.8603,0.0581,0.8631,0.0484,0.9525,0.0237
-PyG,TU_PROTEINS,graph,False,,,1,6,2,skipsum,mean,399,0.3622,0.0091,134125.0,0.021,0.0023,0.8409,0.0137,0.8052,0.0161,0.7883,0.0221,0.7966,0.0182,0.9165,0.0045
-PyG,TU_PROTEINS,graph,False,,,1,6,3,skipconcat,add,399,0.3726,0.0128,139334.0,0.0186,0.0011,0.8254,0.008,0.7995,0.0025,0.7451,0.0268,0.7711,0.0152,0.9078,0.0074
-PyG,TU_PROTEINS,graph,False,,,1,6,3,skipconcat,max,399,0.4503,0.0181,139334.0,0.0181,0.0007,0.7989,0.0074,0.7521,0.0112,0.7338,0.0227,0.7425,0.0109,0.8607,0.0121
-PyG,TU_PROTEINS,graph,False,,,1,6,3,skipconcat,mean,399,0.4615,0.0194,139334.0,0.0251,0.0005,0.7856,0.0111,0.7394,0.0139,0.7069,0.0169,0.7228,0.0154,0.8531,0.014
-PyG,TU_PROTEINS,graph,False,,,1,6,3,skipsum,add,399,0.1918,0.019,133890.0,0.0191,0.0015,0.9212,0.0085,0.8919,0.0195,0.9119,0.0037,0.9017,0.0091,0.9773,0.0048
-PyG,TU_PROTEINS,graph,False,,,1,6,3,skipsum,max,399,0.2257,0.053,133890.0,0.0215,0.0008,0.9023,0.0176,0.8811,0.0328,0.8717,0.009,0.8762,0.0202,0.9664,0.0152
-PyG,TU_PROTEINS,graph,False,,,1,6,3,skipsum,mean,399,0.3878,0.0213,133890.0,0.0211,0.002,0.8231,0.0148,0.7939,0.0234,0.7471,0.0121,0.7698,0.0171,0.8999,0.0122
-PyG,TU_PROTEINS,graph,False,,,1,8,2,skipconcat,add,399,0.3245,0.0374,136886.0,0.0267,0.0018,0.8579,0.0198,0.8291,0.0261,0.8074,0.0298,0.818,0.0258,0.9319,0.0169
-PyG,TU_PROTEINS,graph,False,,,1,8,2,skipconcat,max,399,0.4466,0.0283,136886.0,0.0254,0.0028,0.7981,0.0197,0.76,0.0264,0.7155,0.0341,0.7368,0.0275,0.8646,0.0196
-PyG,TU_PROTEINS,graph,False,,,1,8,2,skipconcat,mean,399,0.4808,0.0146,136886.0,0.0282,0.0032,0.7629,0.0079,0.7171,0.0075,0.6609,0.0202,0.6878,0.0138,0.8386,0.0115
-PyG,TU_PROTEINS,graph,False,,,1,8,2,skipsum,add,399,0.1533,0.0219,134675.0,0.0254,0.0022,0.9466,0.0082,0.9354,0.0098,0.9291,0.0132,0.9322,0.0109,0.9876,0.0032
-PyG,TU_PROTEINS,graph,False,,,1,8,2,skipsum,max,399,0.166,0.0258,134675.0,0.0223,0.001,0.9341,0.0106,0.9127,0.0008,0.9215,0.03,0.9169,0.0146,0.9845,0.005
-PyG,TU_PROTEINS,graph,False,,,1,8,2,skipsum,mean,399,0.3801,0.039,134675.0,0.0259,0.0002,0.8231,0.0268,0.7813,0.0292,0.7662,0.0445,0.7736,0.0369,0.9042,0.021
-PyG,TU_PROTEINS,graph,False,,,1,8,3,skipconcat,add,399,0.3197,0.039,135566.0,0.0256,0.0033,0.8542,0.0209,0.8242,0.0187,0.8017,0.0427,0.8125,0.0299,0.9332,0.0165
-PyG,TU_PROTEINS,graph,False,,,1,8,3,skipconcat,max,399,0.4139,0.0431,135566.0,0.0286,0.0022,0.8087,0.0213,0.7708,0.0268,0.7346,0.0305,0.7522,0.0282,0.8834,0.026
-PyG,TU_PROTEINS,graph,False,,,1,8,3,skipconcat,mean,399,0.4652,0.0125,135566.0,0.0279,0.0014,0.7776,0.0071,0.7355,0.01,0.6838,0.0172,0.7086,0.0107,0.8499,0.0096
-PyG,TU_PROTEINS,graph,False,,,1,8,3,skipsum,add,399,0.2223,0.0123,135242.0,0.024,0.0018,0.9106,0.0079,0.8884,0.0081,0.8851,0.013,0.8867,0.0103,0.9691,0.0034
-PyG,TU_PROTEINS,graph,False,,,1,8,3,skipsum,max,399,0.2145,0.0697,135242.0,0.0294,0.0013,0.9121,0.0351,0.8744,0.0452,0.9091,0.04,0.8914,0.0427,0.9679,0.0203
-PyG,TU_PROTEINS,graph,False,,,1,8,3,skipsum,mean,399,0.3862,0.0287,135242.0,0.063,0.0021,0.8261,0.0088,0.7867,0.005,0.7691,0.0365,0.7773,0.017,0.9014,0.0156
-PyG,TU_PROTEINS,graph,False,,,2,2,2,skipconcat,add,399,0.4408,0.0102,134635.0,0.0166,0.002,0.7936,0.0053,0.7613,0.0065,0.6964,0.0121,0.7273,0.0079,0.8682,0.008
-PyG,TU_PROTEINS,graph,False,,,2,2,2,skipconcat,max,399,0.4906,0.0112,134635.0,0.0481,0.0015,0.7693,0.0049,0.7253,0.0045,0.6705,0.0122,0.6968,0.0086,0.8321,0.0098
-PyG,TU_PROTEINS,graph,False,,,2,2,2,skipconcat,mean,399,0.4985,0.0076,134635.0,0.0163,0.0012,0.7621,0.0028,0.7145,0.0048,0.6638,0.0076,0.6882,0.0048,0.8254,0.0067
-PyG,TU_PROTEINS,graph,False,,,2,2,2,skipsum,add,399,0.3938,0.0143,133580.0,0.02,0.0018,0.8148,0.013,0.7827,0.0113,0.7357,0.0253,0.7584,0.0186,0.897,0.0084
-PyG,TU_PROTEINS,graph,False,,,2,2,2,skipsum,max,399,0.4695,0.0069,133580.0,0.0418,0.0024,0.7727,0.0091,0.7261,0.0122,0.683,0.0111,0.7039,0.0116,0.8482,0.0049
-PyG,TU_PROTEINS,graph,False,,,2,2,2,skipsum,mean,399,0.4724,0.0159,133580.0,0.0135,0.001,0.7693,0.013,0.7314,0.0139,0.6581,0.0239,0.6927,0.0195,0.846,0.0121
-PyG,TU_PROTEINS,graph,False,,,2,2,3,skipconcat,add,399,0.4219,0.01,135878.0,0.0182,0.0006,0.797,0.0075,0.7702,0.0066,0.6935,0.02,0.7297,0.013,0.8781,0.0065
-PyG,TU_PROTEINS,graph,False,,,2,2,3,skipconcat,max,399,0.4756,0.0019,135878.0,0.0188,0.001,0.775,0.0033,0.7275,0.0075,0.6896,0.0188,0.7078,0.0077,0.8439,0.0014
-PyG,TU_PROTEINS,graph,False,,,2,2,3,skipconcat,mean,399,0.4835,0.0037,135878.0,0.0189,0.0008,0.7655,0.0032,0.7248,0.0132,0.6579,0.0342,0.689,0.0134,0.8376,0.003
-PyG,TU_PROTEINS,graph,False,,,2,2,3,skipsum,add,399,0.3619,0.0201,133814.0,0.0189,0.0018,0.8239,0.0162,0.7976,0.0167,0.7433,0.0379,0.7691,0.0246,0.9136,0.0105
-PyG,TU_PROTEINS,graph,False,,,2,2,3,skipsum,max,399,0.4496,0.0235,133814.0,0.0177,0.0019,0.7921,0.0155,0.7455,0.015,0.7194,0.0299,0.7321,0.0227,0.8615,0.0162
-PyG,TU_PROTEINS,graph,False,,,2,2,3,skipsum,mean,399,0.4555,0.0109,133814.0,0.0203,0.002,0.7845,0.0063,0.7461,0.0027,0.6896,0.0218,0.7166,0.0128,0.8576,0.0074
-PyG,TU_PROTEINS,graph,False,,,2,4,2,skipconcat,add,399,0.4071,0.0163,135788.0,0.0199,0.0027,0.8076,0.0135,0.7762,0.0187,0.7212,0.0222,0.7476,0.0195,0.8894,0.0109
-PyG,TU_PROTEINS,graph,False,,,2,4,2,skipconcat,max,399,0.4869,0.0025,135788.0,0.0195,0.0014,0.7697,0.0023,0.7253,0.0045,0.6724,0.0088,0.6978,0.0034,0.8348,0.0025
-PyG,TU_PROTEINS,graph,False,,,2,4,2,skipconcat,mean,399,0.4893,0.0099,135788.0,0.0609,0.0003,0.7629,0.0046,0.7209,0.004,0.6533,0.0146,0.6853,0.0093,0.8331,0.0061
-PyG,TU_PROTEINS,graph,False,,,2,4,2,skipsum,add,399,0.1836,0.0312,134090.0,0.045,0.0034,0.9326,0.0123,0.9132,0.017,0.9166,0.0149,0.9149,0.0156,0.98,0.0077
-PyG,TU_PROTEINS,graph,False,,,2,4,2,skipsum,max,399,0.4193,0.022,134090.0,0.0174,0.0003,0.8095,0.0185,0.7738,0.0282,0.7328,0.0176,0.7527,0.0226,0.8824,0.0142
-PyG,TU_PROTEINS,graph,False,,,2,4,2,skipsum,mean,399,0.3889,0.0223,134090.0,0.049,0.0016,0.8155,0.0197,0.7675,0.0179,0.7643,0.0393,0.7657,0.0285,0.9004,0.0124
-PyG,TU_PROTEINS,graph,False,,,2,4,3,skipconcat,add,399,0.3818,0.0215,136631.0,0.0179,0.0013,0.8299,0.0165,0.8023,0.0138,0.7558,0.0341,0.7782,0.0244,0.9035,0.0112
-PyG,TU_PROTEINS,graph,False,,,2,4,3,skipconcat,max,399,0.459,0.0174,136631.0,0.0251,0.0023,0.7803,0.0078,0.7358,0.0036,0.6935,0.0276,0.7138,0.015,0.8561,0.0126
-PyG,TU_PROTEINS,graph,False,,,2,4,3,skipconcat,mean,399,0.4767,0.0104,136631.0,0.0224,0.002,0.7739,0.0082,0.7348,0.0161,0.6723,0.0474,0.7008,0.0204,0.8428,0.0084
-PyG,TU_PROTEINS,graph,False,,,2,4,3,skipsum,add,399,0.2255,0.0436,134125.0,0.0203,0.0017,0.9057,0.0186,0.8766,0.0167,0.886,0.0359,0.8811,0.0245,0.9668,0.0131
-PyG,TU_PROTEINS,graph,False,,,2,4,3,skipsum,max,399,0.3924,0.0214,134125.0,0.0197,0.0023,0.822,0.02,0.7747,0.021,0.7748,0.0356,0.7746,0.0272,0.8967,0.0129
-PyG,TU_PROTEINS,graph,False,,,2,4,3,skipsum,mean,399,0.4167,0.0182,134125.0,0.0202,0.0014,0.8121,0.0088,0.7757,0.0032,0.7385,0.0324,0.7563,0.0165,0.884,0.0112
-PyG,TU_PROTEINS,graph,False,,,2,6,2,skipconcat,add,399,0.4082,0.0014,139218.0,0.0692,0.0012,0.8102,0.0016,0.7783,0.0129,0.728,0.0167,0.752,0.0033,0.889,0.0019
-PyG,TU_PROTEINS,graph,False,,,2,6,2,skipconcat,max,399,0.45,0.0109,139218.0,0.027,0.0021,0.7902,0.0131,0.7492,0.0146,0.7049,0.0264,0.7263,0.0208,0.8631,0.0091
-PyG,TU_PROTEINS,graph,False,,,2,6,2,skipconcat,mean,399,0.4834,0.015,139218.0,0.025,0.0008,0.7705,0.0107,0.7307,0.0103,0.6637,0.0267,0.6955,0.0193,0.8377,0.0117
-PyG,TU_PROTEINS,graph,False,,,2,6,2,skipsum,add,399,0.1598,0.0424,133890.0,0.0189,0.0013,0.9424,0.0184,0.9247,0.0223,0.93,0.0252,0.9273,0.0233,0.9849,0.0067
-PyG,TU_PROTEINS,graph,False,,,2,6,2,skipsum,max,399,0.2665,0.0452,133890.0,0.0231,0.0015,0.8894,0.0229,0.8621,0.0335,0.8583,0.0227,0.8602,0.0277,0.9567,0.014
-PyG,TU_PROTEINS,graph,False,,,2,6,2,skipsum,mean,399,0.3647,0.0605,133890.0,0.0233,0.0025,0.8428,0.0331,0.8088,0.0424,0.7892,0.0463,0.7987,0.0428,0.9114,0.0309
-PyG,TU_PROTEINS,graph,False,,,2,6,3,skipconcat,add,399,0.3718,0.0443,140558.0,0.0714,0.0023,0.822,0.0204,0.7966,0.0165,0.7376,0.0445,0.7656,0.0313,0.9074,0.025
-PyG,TU_PROTEINS,graph,False,,,2,6,3,skipconcat,max,399,0.4347,0.0154,140558.0,0.0257,0.0011,0.7932,0.0081,0.748,0.0016,0.7194,0.0265,0.7332,0.0145,0.8714,0.0096
-PyG,TU_PROTEINS,graph,False,,,2,6,3,skipconcat,mean,399,0.4526,0.0313,140558.0,0.0231,0.0007,0.7811,0.0144,0.7391,0.0088,0.6897,0.0441,0.7129,0.0262,0.8585,0.0226
-PyG,TU_PROTEINS,graph,False,,,2,6,3,skipsum,add,399,0.214,0.0163,134675.0,0.0231,0.0014,0.9106,0.0033,0.8808,0.0121,0.8956,0.0114,0.8879,0.0032,0.9718,0.005
-PyG,TU_PROTEINS,graph,False,,,2,6,3,skipsum,max,399,0.2759,0.037,134675.0,0.0246,0.0034,0.8864,0.0209,0.8512,0.0277,0.8641,0.0289,0.8574,0.0259,0.9501,0.0142
-PyG,TU_PROTEINS,graph,False,,,2,6,3,skipsum,mean,399,0.399,0.0152,134675.0,0.0255,0.0025,0.8193,0.0103,0.7774,0.0216,0.7625,0.0131,0.7696,0.0094,0.8945,0.0096
-PyG,TU_PROTEINS,graph,False,,,2,8,2,skipconcat,add,399,0.3553,0.0375,138110.0,0.0243,0.0016,0.8402,0.0204,0.8114,0.0236,0.7759,0.0301,0.7933,0.0269,0.9169,0.0203
-PyG,TU_PROTEINS,graph,False,,,2,8,2,skipconcat,max,399,0.4487,0.0168,138110.0,0.0285,0.0006,0.7973,0.0116,0.7551,0.0209,0.7222,0.0083,0.7382,0.0136,0.8647,0.0105
-PyG,TU_PROTEINS,graph,False,,,2,8,2,skipconcat,mean,399,0.4803,0.0069,138110.0,0.0265,0.0011,0.7629,0.0014,0.712,0.0038,0.6724,0.0014,0.6916,0.0024,0.8406,0.0051
-PyG,TU_PROTEINS,graph,False,,,2,8,2,skipsum,add,399,0.1367,0.0139,135242.0,0.0292,0.0033,0.9523,0.0032,0.9333,0.0145,0.9473,0.008,0.9402,0.0035,0.9907,0.0016
-PyG,TU_PROTEINS,graph,False,,,2,8,2,skipsum,max,399,0.1781,0.0228,135242.0,0.0655,0.0018,0.9311,0.0109,0.9108,0.0194,0.9157,0.0114,0.9132,0.013,0.9811,0.0042
-PyG,TU_PROTEINS,graph,False,,,2,8,2,skipsum,mean,399,0.3958,0.0133,135242.0,0.0247,0.0016,0.8223,0.0088,0.7866,0.0051,0.7557,0.0258,0.7707,0.0144,0.8975,0.0084
-PyG,TU_PROTEINS,graph,False,,,2,8,3,skipconcat,add,399,0.3819,0.0162,136294.0,0.0258,0.0007,0.8201,0.0121,0.7881,0.0122,0.7452,0.0254,0.7659,0.018,0.9023,0.0093
-PyG,TU_PROTEINS,graph,False,,,2,8,3,skipconcat,max,399,0.4466,0.0139,136294.0,0.0293,0.0025,0.7932,0.0116,0.7514,0.0062,0.7127,0.0339,0.7312,0.0201,0.8636,0.0094
-PyG,TU_PROTEINS,graph,False,,,2,8,3,skipconcat,mean,399,0.4597,0.0212,136294.0,0.0292,0.0011,0.7822,0.0132,0.7449,0.0186,0.6838,0.0292,0.7127,0.0193,0.8544,0.0151
-PyG,TU_PROTEINS,graph,False,,,2,8,3,skipsum,add,399,0.2271,0.0475,133745.0,0.0319,0.0015,0.9065,0.0247,0.8816,0.0344,0.8821,0.0328,0.8817,0.0317,0.9668,0.0131
-PyG,TU_PROTEINS,graph,False,,,2,8,3,skipsum,max,399,0.2413,0.0085,133745.0,0.0279,0.0035,0.8939,0.0056,0.8605,0.0098,0.8735,0.009,0.8669,0.0073,0.9635,0.0022
-PyG,TU_PROTEINS,graph,False,,,2,8,3,skipsum,mean,399,0.3998,0.0196,133745.0,0.0295,0.0039,0.8186,0.0166,0.7788,0.0187,0.7558,0.0239,0.7671,0.0213,0.8937,0.0112
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,1,2,2,skipconcat,add,399,0.0425,0.0055,136296.0,0.0171,0.0026,0.9869,0.0023,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,1,2,2,skipconcat,max,399,0.0025,0.0003,136296.0,0.0169,0.0002,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,1,2,2,skipconcat,mean,399,0.0131,0.0056,136296.0,0.0205,0.0028,0.9967,0.0046,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,1,2,2,skipsum,add,399,0.0236,0.0085,134790.0,0.041,0.0001,0.9967,0.0046,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,1,2,2,skipsum,max,399,0.0058,0.0053,134790.0,0.0415,0.0033,0.9984,0.0023,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,1,2,2,skipsum,mean,399,0.0125,0.01,134790.0,0.0209,0.0041,0.9967,0.0046,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,1,2,3,skipconcat,add,399,0.0325,0.0119,134543.0,0.0478,0.004,0.9951,0.004,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,1,2,3,skipconcat,max,399,0.0054,0.0021,134543.0,0.0191,0.0024,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,1,2,3,skipconcat,mean,399,0.0132,0.0063,134543.0,0.0209,0.0038,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,1,2,3,skipsum,add,399,0.019,0.0083,134286.0,0.0204,0.0027,0.9951,0.0069,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,1,2,3,skipsum,max,399,0.0038,0.0005,134286.0,0.0419,0.0007,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,1,2,3,skipsum,mean,399,0.0089,0.0028,134286.0,0.0443,0.0041,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,1,4,2,skipconcat,add,399,0.0382,0.0137,138018.0,0.0167,0.0008,0.9967,0.0046,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,1,4,2,skipconcat,max,399,0.0038,0.0018,138018.0,0.0178,0.0015,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,1,4,2,skipconcat,mean,399,0.0222,0.0171,138018.0,0.0187,0.0006,0.9967,0.0046,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,1,4,2,skipsum,add,399,0.0168,0.0062,134119.0,0.0202,0.0032,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,1,4,2,skipsum,max,399,0.0021,0.0011,134119.0,0.0487,0.003,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,1,4,2,skipsum,mean,399,0.0091,0.0012,134119.0,0.0185,0.0027,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,1,4,3,skipconcat,add,399,0.0343,0.0076,135648.0,0.0191,0.0019,0.9902,0.004,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,1,4,3,skipconcat,max,399,0.0131,0.0121,135648.0,0.0213,0.0029,0.9967,0.0046,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,1,4,3,skipconcat,mean,399,0.0179,0.0106,135648.0,0.0643,0.0023,0.9951,0.004,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,1,4,3,skipsum,add,399,0.0528,0.0194,134070.0,0.019,0.001,0.9788,0.0083,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,1,4,3,skipsum,max,399,0.0043,0.0024,134070.0,0.0212,0.0019,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,1,4,3,skipsum,mean,399,0.0341,0.0145,134070.0,0.0546,0.0026,0.9886,0.0046,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,1,6,2,skipconcat,add,399,0.0468,0.0137,138782.0,0.0216,0.0027,0.9886,0.0061,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,1,6,2,skipconcat,max,399,0.0024,0.001,138782.0,0.0678,0.0036,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,1,6,2,skipconcat,mean,399,0.0378,0.0371,138782.0,0.0721,0.0026,0.9902,0.0106,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,1,6,2,skipsum,add,399,0.0394,0.0126,133830.0,0.0556,0.0014,0.9886,0.0046,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,1,6,2,skipsum,max,399,0.0015,0.0005,133830.0,0.0247,0.0032,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,1,6,2,skipsum,mean,399,0.0113,0.0013,133830.0,0.0602,0.0018,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,1,6,3,skipconcat,add,399,0.0397,0.0153,140562.0,0.0729,0.0028,0.9902,0.008,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,1,6,3,skipconcat,max,399,0.0104,0.011,140562.0,0.0224,0.0015,0.9984,0.0023,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,1,6,3,skipconcat,mean,399,0.0173,0.0111,140562.0,0.0681,0.0029,0.9984,0.0023,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,1,6,3,skipsum,add,399,0.0449,0.019,135430.0,0.0218,0.002,0.9886,0.0083,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,1,6,3,skipsum,max,399,0.0057,0.0023,135430.0,0.0245,0.0007,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,1,6,3,skipsum,mean,399,0.0289,0.0131,135430.0,0.0223,0.0017,0.9935,0.0061,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,1,8,2,skipconcat,add,399,0.0324,0.0137,138386.0,0.0243,0.0014,0.9951,0.004,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,1,8,2,skipconcat,max,399,0.0162,0.0213,138386.0,0.0264,0.0009,0.9967,0.0046,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,1,8,2,skipconcat,mean,399,0.0171,0.0149,138386.0,0.0244,0.0013,0.9967,0.0046,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,1,8,2,skipsum,add,399,0.0272,0.0053,133926.0,0.0255,0.0021,0.9935,0.0023,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,1,8,2,skipsum,max,399,0.0021,0.0005,133926.0,0.0632,0.0005,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,1,8,2,skipsum,mean,399,0.0291,0.0151,133926.0,0.0296,0.0043,0.9951,0.004,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,1,8,3,skipconcat,add,399,0.0392,0.0103,136714.0,0.031,0.0014,0.9918,0.0083,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,1,8,3,skipconcat,max,399,0.0069,0.0039,136714.0,0.0263,0.0013,0.9984,0.0023,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,1,8,3,skipconcat,mean,399,0.0163,0.0044,136714.0,0.0837,0.0093,0.9984,0.0023,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,1,8,3,skipsum,add,399,0.0424,0.0161,134298.0,0.0711,0.004,0.9886,0.0061,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,1,8,3,skipsum,max,399,0.0024,0.0005,134298.0,0.0267,0.0036,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,1,8,3,skipsum,mean,399,0.0346,0.0207,134298.0,0.0256,0.0017,0.9935,0.0023,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,2,2,2,skipconcat,add,399,0.026,0.0082,136659.0,0.0202,0.0023,0.9967,0.0023,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,2,2,2,skipconcat,max,399,0.0048,0.0019,136659.0,0.0519,0.0021,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,2,2,2,skipconcat,mean,399,0.0083,0.0015,136659.0,0.0179,0.0007,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,2,2,2,skipsum,add,399,0.0108,0.0042,134286.0,0.0191,0.003,0.9984,0.0023,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,2,2,2,skipsum,max,399,0.0021,0.0008,134286.0,0.0184,0.0011,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,2,2,2,skipsum,mean,399,0.005,0.0013,134286.0,0.0205,0.0051,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,2,2,3,skipconcat,add,399,0.0427,0.0141,137442.0,0.0161,0.0018,0.9869,0.0083,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,2,2,3,skipconcat,max,399,0.0152,0.0092,137442.0,0.0547,0.0042,0.9951,0.004,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,2,2,3,skipconcat,mean,399,0.0211,0.016,137442.0,0.022,0.0019,0.9935,0.0092,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,2,2,3,skipsum,add,399,0.0218,0.0023,134119.0,0.0522,0.0075,0.9951,0.0,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,2,2,3,skipsum,max,399,0.0084,0.0059,134119.0,0.0157,0.0012,0.9984,0.0023,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,2,2,3,skipsum,mean,399,0.0157,0.0135,134119.0,0.0184,0.003,0.9984,0.0023,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,2,4,2,skipconcat,add,399,0.0233,0.008,137500.0,0.0185,0.0004,0.9918,0.0046,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,2,4,2,skipconcat,max,399,0.0023,0.0015,137500.0,0.0579,0.0023,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,2,4,2,skipconcat,mean,399,0.0106,0.0058,137500.0,0.0579,0.0039,0.9935,0.0061,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,2,4,2,skipsum,add,399,0.0183,0.0074,134070.0,0.0213,0.0038,0.9984,0.0023,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,2,4,2,skipsum,max,399,0.0041,0.0024,134070.0,0.0203,0.0004,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,2,4,2,skipsum,mean,399,0.0116,0.0051,134070.0,0.0218,0.0028,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,2,4,3,skipconcat,add,399,0.0271,0.0132,137951.0,0.0692,0.0032,0.9951,0.004,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,2,4,3,skipconcat,max,399,0.0144,0.0074,137951.0,0.0223,0.002,0.9951,0.004,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,2,4,3,skipconcat,mean,399,0.0259,0.0124,137951.0,0.0224,0.0013,0.9918,0.0061,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,2,4,3,skipsum,add,399,0.023,0.0074,133830.0,0.0598,0.0023,0.9951,0.004,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,2,4,3,skipsum,max,399,0.0049,0.0017,133830.0,0.0206,0.002,0.9984,0.0023,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,2,4,3,skipsum,mean,399,0.0128,0.0025,133830.0,0.0611,0.0051,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,2,6,2,skipconcat,add,399,0.0195,0.0079,134553.0,0.0222,0.0019,0.9935,0.0023,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,2,6,2,skipconcat,max,399,0.0018,0.0003,134553.0,0.074,0.0023,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,2,6,2,skipconcat,mean,399,0.009,0.0024,134553.0,0.0735,0.0017,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,2,6,2,skipsum,add,399,0.0151,0.0029,135430.0,0.0607,0.0073,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,2,6,2,skipsum,max,399,0.0059,0.0041,135430.0,0.0224,0.0003,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,2,6,2,skipsum,mean,399,0.027,0.0182,135430.0,0.0215,0.0011,0.9886,0.0129,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,2,6,3,skipconcat,add,399,0.0199,0.0035,141786.0,0.0249,0.0026,0.9967,0.0023,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,2,6,3,skipconcat,max,399,0.0104,0.0099,141786.0,0.024,0.0012,0.9967,0.0046,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,2,6,3,skipconcat,mean,399,0.0148,0.0019,141786.0,0.0778,0.0102,0.9951,0.0,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,2,6,3,skipsum,add,399,0.0195,0.0046,133926.0,0.0247,0.0022,0.9967,0.0023,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,2,6,3,skipsum,max,399,0.0037,0.0011,133926.0,0.0219,0.0019,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,2,6,3,skipsum,mean,399,0.0147,0.006,133926.0,0.0294,0.0026,0.9984,0.0023,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,2,8,2,skipconcat,add,399,0.0393,0.0136,139610.0,0.0823,0.0026,0.9902,0.004,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,2,8,2,skipconcat,max,399,0.0048,0.0023,139610.0,0.0289,0.0019,0.9984,0.0023,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,2,8,2,skipconcat,mean,399,0.0285,0.0156,139610.0,0.0307,0.0039,0.9886,0.0046,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,2,8,2,skipsum,add,399,0.0207,0.0072,134298.0,0.0283,0.0012,0.9935,0.0061,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,2,8,2,skipsum,max,399,0.002,0.0005,134298.0,0.0285,0.004,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,2,8,2,skipsum,mean,399,0.0184,0.0119,134298.0,0.0268,0.0016,0.9951,0.004,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,2,8,3,skipconcat,add,399,0.0159,0.0018,137442.0,0.0325,0.0074,0.9967,0.0023,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,2,8,3,skipconcat,max,399,0.0029,0.0011,137442.0,0.0278,0.0059,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,2,8,3,skipconcat,mean,399,0.0081,0.0038,137442.0,0.0872,0.0059,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,2,8,3,skipsum,add,399,0.0161,0.0035,135057.0,0.0709,0.0005,0.9984,0.0023,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,2,8,3,skipsum,max,399,0.0038,0.0015,135057.0,0.0326,0.0029,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,2,8,3,skipsum,mean,399,0.0308,0.0194,135057.0,0.0666,0.0012,0.9918,0.0061,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,1,2,2,skipconcat,add,399,0.3907,0.038,136296.0,0.0443,0.0023,0.8268,0.018,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,1,2,2,skipconcat,max,399,1.6073,0.0014,136296.0,0.0188,0.0012,0.2157,0.0069,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,1,2,2,skipconcat,mean,399,1.2492,0.0594,136296.0,0.0174,0.0021,0.4477,0.022,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,1,2,2,skipsum,add,399,0.3914,0.0281,134790.0,0.0402,0.0022,0.8398,0.0061,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,1,2,2,skipsum,max,399,1.6073,0.0014,134790.0,0.0166,0.0017,0.2157,0.0069,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,1,2,2,skipsum,mean,399,1.2138,0.0335,134790.0,0.015,0.0017,0.4853,0.0433,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,1,2,3,skipconcat,add,399,0.3611,0.0586,134543.0,0.0158,0.0022,0.8398,0.0061,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,1,2,3,skipconcat,max,399,1.6073,0.0014,134543.0,0.0242,0.0033,0.2157,0.0069,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,1,2,3,skipconcat,mean,399,1.0701,0.0415,134543.0,0.0183,0.0021,0.5474,0.0336,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,1,2,3,skipsum,add,399,0.3272,0.0091,134286.0,0.0168,0.0027,0.8578,0.0145,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,1,2,3,skipsum,max,399,1.6073,0.0014,134286.0,0.0186,0.0007,0.2157,0.0069,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,1,2,3,skipsum,mean,399,1.131,0.0705,134286.0,0.0164,0.0019,0.518,0.0455,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,1,4,2,skipconcat,add,399,0.2808,0.1026,138018.0,0.018,0.0003,0.8938,0.0489,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,1,4,2,skipconcat,max,399,1.6073,0.0014,138018.0,0.0179,0.0006,0.2157,0.0069,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,1,4,2,skipconcat,mean,399,0.7487,0.0669,138018.0,0.0223,0.0018,0.67,0.034,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,1,4,2,skipsum,add,399,0.2445,0.0796,134119.0,0.0202,0.0007,0.9085,0.0341,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,1,4,2,skipsum,max,399,1.6073,0.0014,134119.0,0.0237,0.0046,0.2157,0.0069,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,1,4,2,skipsum,mean,399,0.6525,0.0707,134119.0,0.0203,0.0035,0.75,0.036,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,1,4,3,skipconcat,add,399,0.2653,0.0459,135648.0,0.0648,0.004,0.8856,0.029,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,1,4,3,skipconcat,max,399,1.6073,0.0014,135648.0,0.0587,0.0022,0.2157,0.0069,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,1,4,3,skipconcat,mean,399,0.5737,0.0546,135648.0,0.064,0.0021,0.7598,0.028,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,1,4,3,skipsum,add,399,0.2713,0.0972,134070.0,0.0269,0.0052,0.8987,0.0405,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,1,4,3,skipsum,max,399,1.6073,0.0014,134070.0,0.0281,0.0078,0.2157,0.0069,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,1,4,3,skipsum,mean,399,0.6655,0.0176,134070.0,0.0528,0.0046,0.6945,0.0241,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,1,6,2,skipconcat,add,399,0.3429,0.074,138782.0,0.0194,0.0015,0.8562,0.0469,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,1,6,2,skipconcat,max,399,1.6073,0.0013,138782.0,0.0238,0.0021,0.2141,0.0061,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,1,6,2,skipconcat,mean,399,0.6827,0.0451,138782.0,0.023,0.0022,0.7124,0.0205,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,1,6,2,skipsum,add,399,0.2193,0.0419,133830.0,0.023,0.0018,0.9167,0.0243,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,1,6,2,skipsum,max,399,1.6073,0.0013,133830.0,0.0229,0.0017,0.2157,0.0069,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,1,6,2,skipsum,mean,399,0.6626,0.0682,133830.0,0.0564,0.0024,0.7157,0.0423,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,1,6,3,skipconcat,add,399,0.2644,0.0553,140562.0,0.0758,0.0048,0.8823,0.0313,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,1,6,3,skipconcat,max,399,1.6073,0.0013,140562.0,0.0736,0.008,0.2157,0.0069,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,1,6,3,skipconcat,mean,399,0.6729,0.0191,140562.0,0.0273,0.0006,0.7059,0.0144,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,1,6,3,skipsum,add,399,0.2797,0.0359,135430.0,0.0622,0.003,0.8922,0.0212,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,1,6,3,skipsum,max,399,1.6073,0.0014,135430.0,0.0254,0.0024,0.2157,0.0069,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,1,6,3,skipsum,mean,399,0.6308,0.0181,135430.0,0.0201,0.0002,0.7304,0.0174,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,1,8,2,skipconcat,add,399,0.2352,0.088,138386.0,0.0261,0.0038,0.9069,0.05,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,1,8,2,skipconcat,max,399,1.6073,0.0014,138386.0,0.026,0.0017,0.2157,0.0069,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,1,8,2,skipconcat,mean,399,0.644,0.0395,138386.0,0.0241,0.0012,0.7435,0.0046,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,1,8,2,skipsum,add,399,0.1969,0.0293,133926.0,0.027,0.0033,0.9298,0.0162,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,1,8,2,skipsum,max,399,1.6073,0.0014,133926.0,0.0682,0.0038,0.2157,0.0069,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,1,8,2,skipsum,mean,399,0.6666,0.055,133926.0,0.0658,0.0036,0.7026,0.0141,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,1,8,3,skipconcat,add,399,0.2656,0.0529,136714.0,0.0324,0.0028,0.8889,0.0162,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,1,8,3,skipconcat,max,399,1.6073,0.0014,136714.0,0.0291,0.0014,0.2157,0.0069,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,1,8,3,skipconcat,mean,399,0.7193,0.0182,136714.0,0.0247,0.0028,0.6879,0.022,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,1,8,3,skipsum,add,399,0.2888,0.0491,134298.0,0.0314,0.0025,0.8676,0.0244,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,1,8,3,skipsum,max,399,1.6073,0.0014,134298.0,0.0636,0.0011,0.2157,0.0069,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,1,8,3,skipsum,mean,399,0.6298,0.0422,134298.0,0.0268,0.0033,0.732,0.0227,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,2,2,2,skipconcat,add,399,0.4244,0.0212,136659.0,0.0216,0.0024,0.8039,0.0069,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,2,2,2,skipconcat,max,399,1.6073,0.0014,136659.0,0.0499,0.0027,0.2157,0.0069,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,2,2,2,skipconcat,mean,399,1.2743,0.0452,136659.0,0.0501,0.0012,0.451,0.0106,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,2,2,2,skipsum,add,399,0.3733,0.017,134286.0,0.0451,0.003,0.8366,0.0083,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,2,2,2,skipsum,max,399,1.6073,0.0014,134286.0,0.0183,0.0021,0.2157,0.0069,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,2,2,2,skipsum,mean,399,1.292,0.0427,134286.0,0.0154,0.0005,0.4379,0.0323,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,2,2,3,skipconcat,add,399,0.3741,0.0465,137442.0,0.0177,0.0012,0.8431,0.025,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,2,2,3,skipconcat,max,399,1.6073,0.0014,137442.0,0.0473,0.0015,0.2157,0.0069,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,2,2,3,skipconcat,mean,399,1.2163,0.0474,137442.0,0.0144,0.0009,0.4739,0.0393,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,2,2,3,skipsum,add,399,0.3805,0.0275,134119.0,0.0177,0.0024,0.8333,0.0106,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,2,2,3,skipsum,max,399,1.6073,0.0014,134119.0,0.0213,0.0014,0.2157,0.0069,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,2,2,3,skipsum,mean,399,1.108,0.1108,134119.0,0.0183,0.0014,0.5278,0.0507,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,2,4,2,skipconcat,add,399,0.2624,0.0491,137500.0,0.0205,0.0013,0.8971,0.0342,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,2,4,2,skipconcat,max,399,1.6073,0.0014,137500.0,0.0228,0.0039,0.2157,0.0069,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,2,4,2,skipconcat,mean,399,0.8311,0.1065,137500.0,0.0231,0.0047,0.6601,0.0552,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,2,4,2,skipsum,add,399,0.2404,0.0802,134070.0,0.0195,0.0008,0.902,0.0433,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,2,4,2,skipsum,max,399,1.6073,0.0014,134070.0,0.0207,0.001,0.2157,0.0069,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,2,4,2,skipsum,mean,399,1.0439,0.0337,134070.0,0.0242,0.0037,0.5882,0.0243,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,2,4,3,skipconcat,add,399,0.3231,0.0157,137951.0,0.0205,0.0013,0.8644,0.0101,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,2,4,3,skipconcat,max,399,1.6073,0.0014,137951.0,0.0227,0.0035,0.2157,0.0069,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,2,4,3,skipconcat,mean,399,0.9845,0.1877,137951.0,0.0199,0.0011,0.598,0.0604,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,2,4,3,skipsum,add,399,0.2973,0.0603,133830.0,0.059,0.0013,0.8791,0.0258,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,2,4,3,skipsum,max,399,1.6073,0.0014,133830.0,0.0625,0.001,0.2157,0.0069,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,2,4,3,skipsum,mean,399,0.8099,0.106,133830.0,0.0582,0.0023,0.6274,0.0487,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,2,6,2,skipconcat,add,399,0.3011,0.0648,134553.0,0.0774,0.002,0.8856,0.0261,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,2,6,2,skipconcat,max,399,1.6073,0.0014,134553.0,0.0239,0.0021,0.2157,0.0069,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,2,6,2,skipconcat,mean,399,0.9951,0.1301,134553.0,0.0241,0.0015,0.5948,0.0583,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,2,6,2,skipsum,add,399,0.2255,0.0536,135430.0,0.0593,0.0016,0.9183,0.0205,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,2,6,2,skipsum,max,399,1.6073,0.0014,135430.0,0.0664,0.0051,0.2157,0.0069,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,2,6,2,skipsum,mean,399,0.7114,0.0784,135430.0,0.0588,0.0011,0.683,0.0432,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,2,6,3,skipconcat,add,399,0.3321,0.0145,141786.0,0.03,0.002,0.8595,0.0189,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,2,6,3,skipconcat,max,399,1.6073,0.0014,141786.0,0.0257,0.001,0.2157,0.0069,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,2,6,3,skipconcat,mean,399,0.7846,0.054,141786.0,0.0299,0.0006,0.6683,0.0363,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,2,6,3,skipsum,add,399,0.2889,0.1064,133926.0,0.0255,0.0016,0.8807,0.0613,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,2,6,3,skipsum,max,399,1.6073,0.0014,133926.0,0.0211,0.0014,0.2157,0.0069,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,2,6,3,skipsum,mean,399,0.836,0.1507,133926.0,0.0279,0.0024,0.634,0.0805,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,2,8,2,skipconcat,add,399,0.3364,0.0917,139610.0,0.0247,0.0031,0.8628,0.0451,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,2,8,2,skipconcat,max,399,1.6073,0.0014,139610.0,0.0282,0.0005,0.2157,0.0069,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,2,8,2,skipconcat,mean,399,0.7303,0.0381,139610.0,0.0325,0.0031,0.6863,0.0382,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,2,8,2,skipsum,add,399,0.2857,0.0333,134298.0,0.0253,0.0007,0.8807,0.0152,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,2,8,2,skipsum,max,399,1.6073,0.0014,134298.0,0.0777,0.0021,0.2157,0.0069,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,2,8,2,skipsum,mean,399,0.7432,0.0451,134298.0,0.0285,0.002,0.6683,0.0359,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,2,8,3,skipconcat,add,399,0.2761,0.0833,137442.0,0.0935,0.0012,0.8824,0.0462,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,2,8,3,skipconcat,max,399,1.6073,0.0014,137442.0,0.0268,0.0012,0.2157,0.0069,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,2,8,3,skipconcat,mean,399,0.7286,0.074,137442.0,0.0284,0.0009,0.7059,0.0174,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,2,8,3,skipsum,add,399,0.2986,0.0475,135057.0,0.0255,0.0025,0.8709,0.0242,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,2,8,3,skipsum,max,399,1.6073,0.0014,135057.0,0.0714,0.0016,0.2157,0.0069,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,2,8,3,skipsum,mean,399,0.7463,0.019,135057.0,0.0279,0.0038,0.6585,0.0046,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,1,2,2,skipconcat,add,399,0.0128,0.0036,136296.0,0.0156,0.001,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,1,2,2,skipconcat,max,399,0.0015,0.0001,136296.0,0.0497,0.0029,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,1,2,2,skipconcat,mean,399,0.0023,0.0013,136296.0,0.0185,0.0007,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,1,2,2,skipsum,add,399,0.0183,0.0164,134790.0,0.0431,0.0024,0.9935,0.0092,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,1,2,2,skipsum,max,399,0.0034,0.0027,134790.0,0.0416,0.0004,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,1,2,2,skipsum,mean,399,0.0033,0.0026,134790.0,0.0146,0.0016,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,1,2,3,skipconcat,add,399,0.0183,0.0173,134543.0,0.0451,0.0017,0.9918,0.0115,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,1,2,3,skipconcat,max,399,0.0021,0.0014,134543.0,0.0501,0.0016,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,1,2,3,skipconcat,mean,399,0.0032,0.0013,134543.0,0.0198,0.002,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,1,2,3,skipsum,add,399,0.0093,0.0048,134286.0,0.0147,0.0009,0.9984,0.0023,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,1,2,3,skipsum,max,399,0.0016,0.0002,134286.0,0.0169,0.0005,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,1,2,3,skipsum,mean,399,0.0053,0.0029,134286.0,0.016,0.0009,0.9984,0.0023,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,1,4,2,skipconcat,add,399,0.0194,0.0077,138018.0,0.06,0.0025,0.9967,0.0046,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,1,4,2,skipconcat,max,399,0.0018,0.0007,138018.0,0.0614,0.0027,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,1,4,2,skipconcat,mean,399,0.0049,0.0018,138018.0,0.0615,0.006,0.9984,0.0023,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,1,4,2,skipsum,add,399,0.0063,0.0025,134119.0,0.0194,0.0026,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,1,4,2,skipsum,max,399,0.002,0.0012,134119.0,0.0203,0.003,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,1,4,2,skipsum,mean,399,0.0019,0.0009,134119.0,0.0649,0.0138,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,1,4,3,skipconcat,add,399,0.0224,0.0137,135648.0,0.0173,0.0014,0.9951,0.004,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,1,4,3,skipconcat,max,399,0.0018,0.0008,135648.0,0.0229,0.0017,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,1,4,3,skipconcat,mean,399,0.0043,0.0024,135648.0,0.0219,0.0037,0.9984,0.0023,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,1,4,3,skipsum,add,399,0.0132,0.0077,134070.0,0.0208,0.0006,0.9967,0.0046,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,1,4,3,skipsum,max,399,0.0024,0.0012,134070.0,0.0174,0.0007,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,1,4,3,skipsum,mean,399,0.0073,0.0046,134070.0,0.0544,0.0031,0.9984,0.0023,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,1,6,2,skipconcat,add,399,0.0213,0.006,138782.0,0.0716,0.0021,0.9967,0.0023,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,1,6,2,skipconcat,max,399,0.0015,0.0004,138782.0,0.0217,0.0009,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,1,6,2,skipconcat,mean,399,0.0035,0.0018,138782.0,0.0234,0.0006,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,1,6,2,skipsum,add,399,0.0092,0.0018,133830.0,0.0663,0.0024,0.9984,0.0023,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,1,6,2,skipsum,max,399,0.0015,0.0004,133830.0,0.0623,0.0057,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,1,6,2,skipsum,mean,399,0.0024,0.0009,133830.0,0.0208,0.0008,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,1,6,3,skipconcat,add,399,0.0293,0.0177,140562.0,0.021,0.0025,0.9918,0.0061,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,1,6,3,skipconcat,max,399,0.0014,0.0001,140562.0,0.0774,0.0055,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,1,6,3,skipconcat,mean,399,0.0044,0.0014,140562.0,0.072,0.0026,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,1,6,3,skipsum,add,399,0.0213,0.0098,135430.0,0.0206,0.0022,0.9886,0.0046,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,1,6,3,skipsum,max,399,0.0018,0.0005,135430.0,0.0583,0.0022,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,1,6,3,skipsum,mean,399,0.0033,0.0002,135430.0,0.059,0.0039,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,1,8,2,skipconcat,add,399,0.013,0.0071,138386.0,0.0264,0.0022,0.9984,0.0023,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,1,8,2,skipconcat,max,399,0.0011,0.0005,138386.0,0.0275,0.0029,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,1,8,2,skipconcat,mean,399,0.0029,0.0021,138386.0,0.0244,0.002,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,1,8,2,skipsum,add,399,0.0122,0.0076,133926.0,0.0641,0.0021,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,1,8,2,skipsum,max,399,0.0015,0.0005,133926.0,0.0277,0.0009,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,1,8,2,skipsum,mean,399,0.0092,0.0049,133926.0,0.0264,0.0018,0.9967,0.0023,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,1,8,3,skipconcat,add,399,0.0249,0.0055,136714.0,0.0274,0.0022,0.9918,0.0023,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,1,8,3,skipconcat,max,399,0.0036,0.0022,136714.0,0.0791,0.004,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,1,8,3,skipconcat,mean,399,0.0072,0.0048,136714.0,0.0269,0.0042,0.9984,0.0023,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,1,8,3,skipsum,add,399,0.012,0.0025,134298.0,0.0283,0.0045,0.9984,0.0023,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,1,8,3,skipsum,max,399,0.0024,0.0003,134298.0,0.0277,0.0012,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,1,8,3,skipsum,mean,399,0.0034,0.001,134298.0,0.0314,0.0007,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,2,2,2,skipconcat,add,399,0.0095,0.0027,136659.0,0.016,0.0022,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,2,2,2,skipconcat,max,399,0.0084,0.01,136659.0,0.0221,0.0032,0.9967,0.0046,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,2,2,2,skipconcat,mean,399,0.0027,0.0007,136659.0,0.0155,0.0011,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,2,2,2,skipsum,add,399,0.0042,0.0033,134286.0,0.0168,0.0007,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,2,2,2,skipsum,max,399,0.0011,0.0005,134286.0,0.052,0.0008,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,2,2,2,skipsum,mean,399,0.003,0.0034,134286.0,0.0208,0.0046,0.9984,0.0023,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,2,2,3,skipconcat,add,399,0.0117,0.0032,137442.0,0.0527,0.0037,0.9984,0.0023,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,2,2,3,skipconcat,max,399,0.0036,0.0007,137442.0,0.0228,0.0056,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,2,2,3,skipconcat,mean,399,0.0032,0.0008,137442.0,0.0193,0.003,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,2,2,3,skipsum,add,399,0.0075,0.0039,134119.0,0.0489,0.001,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,2,2,3,skipsum,max,399,0.0026,0.0008,134119.0,0.0465,0.0002,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,2,2,3,skipsum,mean,399,0.0065,0.0065,134119.0,0.0219,0.0016,0.9984,0.0023,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,2,4,2,skipconcat,add,399,0.0081,0.0044,137500.0,0.0224,0.0027,0.9984,0.0023,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,2,4,2,skipconcat,max,399,0.0015,0.0011,137500.0,0.0663,0.0024,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,2,4,2,skipconcat,mean,399,0.0022,0.002,137500.0,0.0189,0.0006,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,2,4,2,skipsum,add,399,0.0082,0.0043,134070.0,0.0215,0.0031,0.9984,0.0023,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,2,4,2,skipsum,max,399,0.0018,0.0009,134070.0,0.0235,0.0015,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,2,4,2,skipsum,mean,399,0.0025,0.0011,134070.0,0.0526,0.0015,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,2,4,3,skipconcat,add,399,0.0321,0.0179,137951.0,0.0191,0.001,0.9935,0.0046,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,2,4,3,skipconcat,max,399,0.0064,0.0043,137951.0,0.0208,0.0025,0.9967,0.0046,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,2,4,3,skipconcat,mean,399,0.0063,0.0039,137951.0,0.0227,0.0004,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,2,4,3,skipsum,add,399,0.01,0.0036,133830.0,0.0559,0.004,0.9984,0.0023,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,2,4,3,skipsum,max,399,0.0023,0.001,133830.0,0.0226,0.0042,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,2,4,3,skipsum,mean,399,0.0067,0.0033,133830.0,0.0199,0.0002,0.9967,0.0023,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,2,6,2,skipconcat,add,399,0.014,0.0126,134553.0,0.0788,0.0006,0.9951,0.004,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,2,6,2,skipconcat,max,399,0.01,0.0126,134553.0,0.072,0.001,0.9967,0.0046,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,2,6,2,skipconcat,mean,399,0.0239,0.031,134553.0,0.0765,0.003,0.9951,0.0069,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,2,6,2,skipsum,add,399,0.0047,0.0015,135430.0,0.0222,0.0019,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,2,6,2,skipsum,max,399,0.0013,0.0001,135430.0,0.0622,0.002,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,2,6,2,skipsum,mean,399,0.0022,0.0006,135430.0,0.0247,0.0017,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,2,6,3,skipconcat,add,399,0.0137,0.0087,141786.0,0.022,0.0013,0.9967,0.0046,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,2,6,3,skipconcat,max,399,0.0019,0.0006,141786.0,0.0216,0.0016,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,2,6,3,skipconcat,mean,399,0.0047,0.0018,141786.0,0.0713,0.0017,0.9984,0.0023,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,2,6,3,skipsum,add,399,0.0087,0.0031,133926.0,0.0268,0.0011,0.9984,0.0023,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,2,6,3,skipsum,max,399,0.0033,0.0016,133926.0,0.0252,0.0031,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,2,6,3,skipsum,mean,399,0.0043,0.0021,133926.0,0.0267,0.0017,0.9984,0.0023,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,2,8,2,skipconcat,add,399,0.0184,0.0038,139610.0,0.0278,0.0015,0.9935,0.0023,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,2,8,2,skipconcat,max,399,0.0032,0.0026,139610.0,0.0936,0.0082,0.9984,0.0023,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,2,8,2,skipconcat,mean,399,0.009,0.0082,139610.0,0.0247,0.0025,0.9984,0.0023,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,2,8,2,skipsum,add,399,0.0064,0.002,134298.0,0.0742,0.003,0.9984,0.0023,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,2,8,2,skipsum,max,399,0.001,0.0002,134298.0,0.0266,0.0018,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,2,8,2,skipsum,mean,399,0.0032,0.0008,134298.0,0.028,0.0002,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,2,8,3,skipconcat,add,399,0.007,0.0005,137442.0,0.0281,0.0012,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,2,8,3,skipconcat,max,399,0.0014,0.0003,137442.0,0.0853,0.0086,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,2,8,3,skipconcat,mean,399,0.0025,0.0007,137442.0,0.0792,0.0015,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,2,8,3,skipsum,add,399,0.0066,0.0008,135057.0,0.0747,0.0043,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,2,8,3,skipsum,max,399,0.0026,0.0009,135057.0,0.0313,0.0009,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,2,8,3,skipsum,mean,399,0.0048,0.0011,135057.0,0.0283,0.0024,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,1,2,2,skipconcat,add,399,0.0198,0.0054,136296.0,0.0135,0.0013,0.9967,0.0046,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,1,2,2,skipconcat,max,399,0.0026,0.0003,136296.0,0.0163,0.0016,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,1,2,2,skipconcat,mean,399,0.0037,0.0011,136296.0,0.0185,0.0005,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,1,2,2,skipsum,add,399,0.0218,0.0135,134790.0,0.0423,0.0028,0.9935,0.0061,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,1,2,2,skipsum,max,399,0.0028,0.0011,134790.0,0.0132,0.0006,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,1,2,2,skipsum,mean,399,0.0098,0.0099,134790.0,0.0139,0.0013,0.9984,0.0023,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,1,2,3,skipconcat,add,399,0.0172,0.0077,134543.0,0.0516,0.0047,0.9984,0.0023,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,1,2,3,skipconcat,max,399,0.0038,0.003,134543.0,0.0541,0.0025,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,1,2,3,skipconcat,mean,399,0.0063,0.0047,134543.0,0.0164,0.0015,0.9984,0.0023,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,1,2,3,skipsum,add,399,0.0124,0.0039,134286.0,0.0164,0.0023,0.9984,0.0023,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,1,2,3,skipsum,max,399,0.0115,0.0136,134286.0,0.0149,0.0003,0.9984,0.0023,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,1,2,3,skipsum,mean,399,0.007,0.0036,134286.0,0.017,0.0017,0.9967,0.0023,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,1,4,2,skipconcat,add,399,0.0259,0.0085,138018.0,0.0184,0.0026,0.9967,0.0023,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,1,4,2,skipconcat,max,399,0.002,0.0005,138018.0,0.0192,0.0013,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,1,4,2,skipconcat,mean,399,0.0097,0.0036,138018.0,0.0244,0.0036,0.9967,0.0023,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,1,4,2,skipsum,add,399,0.0139,0.0054,134119.0,0.0527,0.0009,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,1,4,2,skipsum,max,399,0.0022,0.0009,134119.0,0.0164,0.0007,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,1,4,2,skipsum,mean,399,0.0046,0.0024,134119.0,0.0461,0.0031,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,1,4,3,skipconcat,add,399,0.012,0.0037,135648.0,0.0206,0.0003,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,1,4,3,skipconcat,max,399,0.0015,0.0002,135648.0,0.0214,0.0013,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,1,4,3,skipconcat,mean,399,0.006,0.0044,135648.0,0.0248,0.0031,0.9984,0.0023,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,1,4,3,skipsum,add,399,0.0265,0.0109,134070.0,0.0211,0.0027,0.9951,0.004,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,1,4,3,skipsum,max,399,0.0056,0.0038,134070.0,0.0548,0.0011,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,1,4,3,skipsum,mean,399,0.0107,0.0061,134070.0,0.054,0.0052,0.9984,0.0023,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,1,6,2,skipconcat,add,399,0.024,0.0089,138782.0,0.0243,0.0027,0.9951,0.0069,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,1,6,2,skipconcat,max,399,0.0034,0.001,138782.0,0.0241,0.0011,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,1,6,2,skipconcat,mean,399,0.0035,0.0011,138782.0,0.0216,0.002,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,1,6,2,skipsum,add,399,0.0234,0.0036,133830.0,0.0257,0.0023,0.9984,0.0023,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,1,6,2,skipsum,max,399,0.0015,0.0002,133830.0,0.0259,0.0029,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,1,6,2,skipsum,mean,399,0.0031,0.0002,133830.0,0.0246,0.0018,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,1,6,3,skipconcat,add,399,0.0191,0.0063,140562.0,0.0233,0.0023,0.9951,0.004,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,1,6,3,skipconcat,max,399,0.004,0.0003,140562.0,0.0244,0.0034,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,1,6,3,skipconcat,mean,399,0.012,0.0102,140562.0,0.0276,0.0045,0.9967,0.0046,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,1,6,3,skipsum,add,399,0.0272,0.0131,135430.0,0.0193,0.0014,0.9967,0.0023,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,1,6,3,skipsum,max,399,0.004,0.0027,135430.0,0.0266,0.0017,0.9984,0.0023,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,1,6,3,skipsum,mean,399,0.0127,0.0067,135430.0,0.0688,0.0023,0.9951,0.004,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,1,8,2,skipconcat,add,399,0.0217,0.0063,138386.0,0.0876,0.0024,0.9984,0.0023,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,1,8,2,skipconcat,max,399,0.0012,0.0005,138386.0,0.0295,0.0029,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,1,8,2,skipconcat,mean,399,0.0073,0.0081,138386.0,0.0826,0.0047,0.9967,0.0046,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,1,8,2,skipsum,add,399,0.0211,0.0048,133926.0,0.0767,0.0055,0.9967,0.0046,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,1,8,2,skipsum,max,399,0.0018,0.0002,133926.0,0.0722,0.0035,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,1,8,2,skipsum,mean,399,0.0079,0.0018,133926.0,0.0231,0.0019,0.9984,0.0023,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,1,8,3,skipconcat,add,399,0.0333,0.0123,136714.0,0.0252,0.0028,0.9886,0.0023,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,1,8,3,skipconcat,max,399,0.0031,0.0016,136714.0,0.0238,0.0007,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,1,8,3,skipconcat,mean,399,0.0087,0.0071,136714.0,0.0758,0.0012,0.9984,0.0023,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,1,8,3,skipsum,add,399,0.0252,0.0038,134298.0,0.076,0.0048,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,1,8,3,skipsum,max,399,0.0058,0.0047,134298.0,0.0242,0.001,0.9984,0.0023,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,1,8,3,skipsum,mean,399,0.0072,0.0031,134298.0,0.0277,0.0025,0.9984,0.0023,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,2,2,2,skipconcat,add,399,0.0122,0.0024,136659.0,0.0557,0.0032,0.9984,0.0023,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,2,2,2,skipconcat,max,399,0.003,0.0007,136659.0,0.0184,0.0032,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,2,2,2,skipconcat,mean,399,0.0036,0.0004,136659.0,0.0474,0.0021,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,2,2,2,skipsum,add,399,0.0063,0.0018,134286.0,0.0168,0.0013,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,2,2,2,skipsum,max,399,0.0011,0.0001,134286.0,0.0168,0.0015,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,2,2,2,skipsum,mean,399,0.0016,0.0003,134286.0,0.0438,0.0031,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,2,2,3,skipconcat,add,399,0.0161,0.0048,137442.0,0.0169,0.0011,0.9984,0.0023,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,2,2,3,skipconcat,max,399,0.0071,0.0056,137442.0,0.0191,0.0012,0.9967,0.0046,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,2,2,3,skipconcat,mean,399,0.0099,0.0068,137442.0,0.0204,0.0006,0.9967,0.0046,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,2,2,3,skipsum,add,399,0.013,0.0072,134119.0,0.0183,0.002,0.9984,0.0023,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,2,2,3,skipsum,max,399,0.003,0.0008,134119.0,0.0208,0.0024,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,2,2,3,skipsum,mean,399,0.0058,0.0023,134119.0,0.019,0.0007,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,2,4,2,skipconcat,add,399,0.0134,0.0082,137500.0,0.0617,0.0028,0.9967,0.0046,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,2,4,2,skipconcat,max,399,0.0022,0.0011,137500.0,0.0185,0.0024,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,2,4,2,skipconcat,mean,399,0.0073,0.0068,137500.0,0.0189,0.0018,0.9967,0.0046,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,2,4,2,skipsum,add,399,0.0085,0.0017,134070.0,0.0211,0.0031,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,2,4,2,skipsum,max,399,0.0019,0.0009,134070.0,0.0535,0.0016,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,2,4,2,skipsum,mean,399,0.0039,0.0024,134070.0,0.0533,0.0027,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,2,4,3,skipconcat,add,399,0.0222,0.0077,137951.0,0.024,0.0024,0.9984,0.0023,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,2,4,3,skipconcat,max,399,0.0172,0.0121,137951.0,0.0635,0.0003,0.9951,0.004,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,2,4,3,skipconcat,mean,399,0.0133,0.0067,137951.0,0.0259,0.0024,0.9951,0.004,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,2,4,3,skipsum,add,399,0.0197,0.0055,133830.0,0.0225,0.0043,0.9967,0.0023,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,2,4,3,skipsum,max,399,0.0035,0.0018,133830.0,0.0245,0.002,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,2,4,3,skipsum,mean,399,0.0103,0.006,133830.0,0.0224,0.0011,0.9967,0.0023,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,2,6,2,skipconcat,add,399,0.0139,0.0077,134553.0,0.0246,0.0021,0.9951,0.0069,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,2,6,2,skipconcat,max,399,0.0023,0.0013,134553.0,0.0222,0.0014,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,2,6,2,skipconcat,mean,399,0.0095,0.0058,134553.0,0.0228,0.0019,0.9967,0.0023,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,2,6,2,skipsum,add,399,0.0141,0.0065,135430.0,0.0575,0.003,0.9984,0.0023,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,2,6,2,skipsum,max,399,0.0021,0.0003,135430.0,0.0658,0.0065,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,2,6,2,skipsum,mean,399,0.0042,0.0016,135430.0,0.0273,0.0018,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,2,6,3,skipconcat,add,399,0.0148,0.0053,141786.0,0.0202,0.0013,0.9967,0.0046,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,2,6,3,skipconcat,max,399,0.0022,0.0007,141786.0,0.0266,0.0015,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,2,6,3,skipconcat,mean,399,0.0044,0.0007,141786.0,0.0293,0.0037,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,2,6,3,skipsum,add,399,0.0137,0.0038,133926.0,0.0695,0.0111,0.9984,0.0023,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,2,6,3,skipsum,max,399,0.0027,0.0005,133926.0,0.0664,0.0023,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,2,6,3,skipsum,mean,399,0.0068,0.002,133926.0,0.0291,0.0043,0.9984,0.0023,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,2,8,2,skipconcat,add,399,0.0321,0.0141,139610.0,0.0278,0.0034,0.9918,0.0061,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,2,8,2,skipconcat,max,399,0.003,0.001,139610.0,0.03,0.0044,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,2,8,2,skipconcat,mean,399,0.0142,0.0097,139610.0,0.0278,0.0027,0.9951,0.004,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,2,8,2,skipsum,add,399,0.014,0.0028,134298.0,0.0332,0.0011,0.9984,0.0023,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,2,8,2,skipsum,max,399,0.0034,0.0028,134298.0,0.0387,0.0073,0.9984,0.0023,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,2,8,2,skipsum,mean,399,0.0036,0.0004,134298.0,0.0296,0.0034,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,2,8,3,skipconcat,add,399,0.01,0.0038,137442.0,0.0966,0.0115,0.9984,0.0023,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,2,8,3,skipconcat,max,399,0.0015,0.0002,137442.0,0.0276,0.0034,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,2,8,3,skipconcat,mean,399,0.0052,0.0031,137442.0,0.1003,0.0036,0.9984,0.0023,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,2,8,3,skipsum,add,399,0.024,0.0078,135057.0,0.0778,0.0026,0.9951,0.004,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,2,8,3,skipsum,max,399,0.0025,0.0009,135057.0,0.0771,0.0043,1.0,0.0,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,2,8,3,skipsum,mean,399,0.0053,0.0008,135057.0,0.0811,0.0075,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,1,2,2,skipconcat,add,399,0.0795,0.0023,136296.0,0.0593,0.0091,0.9715,0.0013,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,1,2,2,skipconcat,max,399,0.0149,0.0034,136296.0,0.0161,0.002,0.9991,0.0004,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,1,2,2,skipconcat,mean,399,0.0733,0.0108,136296.0,0.0504,0.0032,0.985,0.0047,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,1,2,2,skipsum,add,399,0.0574,0.0017,134790.0,0.0456,0.0034,0.9808,0.0006,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,1,2,2,skipsum,max,399,0.0059,0.0008,134790.0,0.0178,0.0012,0.9998,0.0,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,1,2,2,skipsum,mean,399,0.0281,0.0061,134790.0,0.02,0.0033,0.9963,0.0014,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,1,2,3,skipconcat,add,399,0.0547,0.0051,134543.0,0.019,0.0002,0.9789,0.0026,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,1,2,3,skipconcat,max,399,0.0052,0.0014,134543.0,0.0178,0.0017,0.9996,0.0002,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,1,2,3,skipconcat,mean,399,0.022,0.0047,134543.0,0.056,0.0031,0.9967,0.0015,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,1,2,3,skipsum,add,399,0.0481,0.0041,134286.0,0.0519,0.0022,0.9824,0.0019,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,1,2,3,skipsum,max,399,0.0034,0.0011,134286.0,0.0445,0.0016,0.9998,0.0,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,1,2,3,skipsum,mean,399,0.0164,0.0093,134286.0,0.0483,0.0017,0.9979,0.0026,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,1,4,2,skipconcat,add,399,0.0319,0.0012,138018.0,0.0222,0.0019,0.9913,0.0001,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,1,4,2,skipconcat,max,399,0.0046,0.0006,138018.0,0.0257,0.0012,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,1,4,2,skipconcat,mean,399,0.0256,0.0025,138018.0,0.0576,0.0026,0.997,0.0006,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,1,4,2,skipsum,add,399,0.0289,0.0006,134119.0,0.0541,0.0045,0.9925,0.0002,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,1,4,2,skipsum,max,399,0.0027,0.0005,134119.0,0.0229,0.0005,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,1,4,2,skipsum,mean,399,0.0118,0.0014,134119.0,0.0214,0.0008,0.9989,0.0007,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,1,4,3,skipconcat,add,399,0.0225,0.0019,135648.0,0.0703,0.0053,0.9931,0.0013,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,1,4,3,skipconcat,max,399,0.0017,0.0004,135648.0,0.0231,0.0015,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,1,4,3,skipconcat,mean,399,0.007,0.0017,135648.0,0.0244,0.0025,0.9994,0.0004,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,1,4,3,skipsum,add,399,0.024,0.0005,134070.0,0.0272,0.0021,0.9924,0.0001,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,1,4,3,skipsum,max,399,0.0011,0.0,134070.0,0.0274,0.0012,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,1,4,3,skipsum,mean,399,0.0044,0.0005,134070.0,0.0253,0.0009,0.9999,0.0,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,1,6,2,skipconcat,add,399,0.0339,0.0039,138782.0,0.0299,0.0011,0.9897,0.0021,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,1,6,2,skipconcat,max,399,0.004,0.0008,138782.0,0.0302,0.0014,0.9999,0.0001,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,1,6,2,skipconcat,mean,399,0.0214,0.0031,138782.0,0.0682,0.0025,0.9979,0.0007,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,1,6,2,skipsum,add,399,0.023,0.0015,133830.0,0.0225,0.0021,0.9945,0.0005,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,1,6,2,skipsum,max,399,0.0013,0.0,133830.0,0.0713,0.001,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,1,6,2,skipsum,mean,399,0.0048,0.001,133830.0,0.06,0.0052,0.9999,0.0001,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,1,6,3,skipconcat,add,399,0.0172,0.0013,140562.0,0.0383,0.0062,0.9953,0.0004,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,1,6,3,skipconcat,max,399,0.0013,0.0001,140562.0,0.0843,0.008,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,1,6,3,skipconcat,mean,399,0.0054,0.0016,140562.0,0.0861,0.0102,0.9998,0.0003,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,1,6,3,skipsum,add,399,0.0182,0.0009,135430.0,0.0738,0.0056,0.9948,0.0002,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,1,6,3,skipsum,max,399,0.001,0.0001,135430.0,0.0371,0.0094,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,1,6,3,skipsum,mean,399,0.0037,0.0009,135430.0,0.0316,0.0048,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,1,8,2,skipconcat,add,399,0.0267,0.0013,138386.0,0.0271,0.0009,0.9928,0.0005,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,1,8,2,skipconcat,max,399,0.0033,0.0008,138386.0,0.0328,0.0039,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,1,8,2,skipconcat,mean,399,0.0192,0.003,138386.0,0.0472,0.0105,0.9984,0.0002,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,1,8,2,skipsum,add,399,0.0243,0.0023,133926.0,0.0689,0.0015,0.9937,0.0008,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,1,8,2,skipsum,max,399,0.0013,0.0,133926.0,0.047,0.003,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,1,8,2,skipsum,mean,399,0.0068,0.0027,133926.0,0.0407,0.0038,0.9998,0.0002,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,1,8,3,skipconcat,add,399,0.0206,0.0008,136714.0,0.0505,0.0072,0.9937,0.0006,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,1,8,3,skipconcat,max,399,0.0016,0.0001,136714.0,0.0301,0.0038,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,1,8,3,skipconcat,mean,399,0.0066,0.0013,136714.0,0.0295,0.0031,0.9997,0.0002,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,1,8,3,skipsum,add,399,0.0203,0.0008,134298.0,0.0344,0.0075,0.9943,0.0005,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,1,8,3,skipsum,max,399,0.0012,0.0001,134298.0,0.0731,0.0077,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,1,8,3,skipsum,mean,399,0.0066,0.0025,134298.0,0.0735,0.0038,0.9995,0.0007,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,2,2,2,skipconcat,add,399,0.0563,0.0025,136659.0,0.0175,0.0024,0.9825,0.0016,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,2,2,2,skipconcat,max,399,0.0085,0.0007,136659.0,0.0524,0.0033,0.9997,0.0001,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,2,2,2,skipconcat,mean,399,0.0174,0.0019,136659.0,0.023,0.0029,0.999,0.0005,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,2,2,2,skipsum,add,399,0.0444,0.0047,134286.0,0.0197,0.0026,0.9862,0.0023,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,2,2,2,skipsum,max,399,0.0063,0.0019,134286.0,0.0518,0.0015,0.9998,0.0,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,2,2,2,skipsum,mean,399,0.0154,0.0067,134286.0,0.0217,0.0018,0.9985,0.0017,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,2,2,3,skipconcat,add,399,0.0366,0.0059,137442.0,0.0591,0.0031,0.988,0.003,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,2,2,3,skipconcat,max,399,0.0029,0.0004,137442.0,0.025,0.0016,0.9998,0.0,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,2,2,3,skipconcat,mean,399,0.0054,0.0012,137442.0,0.0504,0.0009,0.9996,0.0002,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,2,2,3,skipsum,add,399,0.0331,0.0033,134119.0,0.0209,0.0032,0.9892,0.0011,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,2,2,3,skipsum,max,399,0.0026,0.0004,134119.0,0.0507,0.0034,0.9998,0.0,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,2,2,3,skipsum,mean,399,0.007,0.0022,134119.0,0.0206,0.0024,0.9994,0.0004,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,2,4,2,skipconcat,add,399,0.0284,0.0016,137500.0,0.0304,0.0012,0.9927,0.0011,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,2,4,2,skipconcat,max,399,0.0036,0.0002,137500.0,0.0236,0.0011,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,2,4,2,skipconcat,mean,399,0.0085,0.0009,137500.0,0.0613,0.0009,0.9999,0.0001,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,2,4,2,skipsum,add,399,0.021,0.0022,134070.0,0.0193,0.0007,0.9954,0.0012,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,2,4,2,skipsum,max,399,0.0018,0.0001,134070.0,0.0302,0.0022,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,2,4,2,skipsum,mean,399,0.0048,0.0004,134070.0,0.0347,0.0044,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,2,4,3,skipconcat,add,399,0.0205,0.0009,137951.0,0.0243,0.0012,0.994,0.0005,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,2,4,3,skipconcat,max,399,0.0014,0.0,137951.0,0.0244,0.0007,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,2,4,3,skipconcat,mean,399,0.0028,0.0005,137951.0,0.0619,0.0036,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,2,4,3,skipsum,add,399,0.0191,0.003,133830.0,0.0257,0.0029,0.9948,0.0008,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,2,4,3,skipsum,max,399,0.0014,0.0004,133830.0,0.0721,0.0021,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,2,4,3,skipsum,mean,399,0.0042,0.0015,133830.0,0.0344,0.007,0.9999,0.0,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,2,6,2,skipconcat,add,399,0.0249,0.0014,134553.0,0.0868,0.0011,0.9942,0.0003,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,2,6,2,skipconcat,max,399,0.0034,0.0015,134553.0,0.0945,0.0098,0.9999,0.0001,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,2,6,2,skipconcat,mean,399,0.0105,0.0055,134553.0,0.0261,0.0008,0.9988,0.0015,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,2,6,2,skipsum,add,399,0.0173,0.0007,135430.0,0.0243,0.0002,0.9962,0.0004,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,2,6,2,skipsum,max,399,0.0015,0.0001,135430.0,0.0276,0.004,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,2,6,2,skipsum,mean,399,0.0038,0.0008,135430.0,0.0239,0.0007,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,2,6,3,skipconcat,add,399,0.0162,0.0019,141786.0,0.0927,0.0018,0.9953,0.0007,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,2,6,3,skipconcat,max,399,0.0016,0.0003,141786.0,0.0933,0.0049,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,2,6,3,skipconcat,mean,399,0.0041,0.0017,141786.0,0.0379,0.0035,0.9998,0.0003,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,2,6,3,skipsum,add,399,0.0123,0.0012,133926.0,0.0793,0.0039,0.9972,0.0007,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,2,6,3,skipsum,max,399,0.001,0.0,133926.0,0.0339,0.0032,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,2,6,3,skipsum,mean,399,0.0034,0.0012,133926.0,0.0866,0.0097,0.9998,0.0002,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,2,8,2,skipconcat,add,399,0.0265,0.0032,139610.0,0.0253,0.0017,0.9927,0.0018,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,2,8,2,skipconcat,max,399,0.0034,0.0005,139610.0,0.025,0.0004,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,2,8,2,skipconcat,mean,399,0.0122,0.0018,139610.0,0.0945,0.0042,0.999,0.0009,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,2,8,2,skipsum,add,399,0.0202,0.0038,134298.0,0.0859,0.0073,0.9952,0.0019,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,2,8,2,skipsum,max,399,0.0016,0.0002,134298.0,0.078,0.0077,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,2,8,2,skipsum,mean,399,0.0072,0.0023,134298.0,0.027,0.0009,0.9995,0.0004,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,2,8,3,skipconcat,add,399,0.0143,0.0016,137442.0,0.0366,0.002,0.9968,0.0007,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,2,8,3,skipconcat,max,399,0.0013,0.0003,137442.0,0.0261,0.0016,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,2,8,3,skipconcat,mean,399,0.003,0.0011,137442.0,0.0306,0.0007,0.9999,0.0001,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,2,8,3,skipsum,add,399,0.017,0.0029,135057.0,0.0756,0.0027,0.9955,0.001,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,2,8,3,skipsum,max,399,0.0013,0.0002,135057.0,0.0806,0.0055,0.9999,0.0001,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,2,8,3,skipsum,mean,399,0.0046,0.0016,135057.0,0.0278,0.0011,0.9997,0.0002,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,1,2,2,skipconcat,add,399,0.9191,0.0114,136296.0,0.0532,0.0036,0.5617,0.0064,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,1,2,2,skipconcat,max,399,1.5759,0.0006,136296.0,0.0489,0.0032,0.269,0.0005,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,1,2,2,skipconcat,mean,399,1.5498,0.0094,136296.0,0.0192,0.0008,0.2897,0.0075,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,1,2,2,skipsum,add,399,0.8978,0.0067,134790.0,0.0492,0.003,0.5744,0.0046,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,1,2,2,skipsum,max,399,1.5759,0.0006,134790.0,0.0436,0.0022,0.269,0.0005,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,1,2,2,skipsum,mean,399,1.5297,0.013,134790.0,0.0494,0.0035,0.2989,0.0063,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,1,2,3,skipconcat,add,399,0.892,0.0062,134543.0,0.018,0.0013,0.5771,0.0024,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,1,2,3,skipconcat,max,399,1.5759,0.0006,134543.0,0.0205,0.0014,0.269,0.0005,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,1,2,3,skipconcat,mean,399,1.4434,0.0151,134543.0,0.0531,0.0037,0.3644,0.0151,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,1,2,3,skipsum,add,399,0.8839,0.0047,134286.0,0.0519,0.0016,0.5824,0.0039,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,1,2,3,skipsum,max,399,1.5759,0.0006,134286.0,0.0518,0.0004,0.269,0.0005,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,1,2,3,skipsum,mean,399,1.4517,0.0145,134286.0,0.0258,0.0056,0.3538,0.0081,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,1,4,2,skipconcat,add,399,0.6378,0.0116,138018.0,0.061,0.0038,0.7173,0.006,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,1,4,2,skipconcat,max,399,1.5759,0.0006,138018.0,0.0221,0.0008,0.269,0.0005,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,1,4,2,skipconcat,mean,399,1.3725,0.0244,138018.0,0.0614,0.0052,0.4068,0.0126,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,1,4,2,skipsum,add,399,0.6302,0.0154,134119.0,0.0189,0.0002,0.723,0.0093,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,1,4,2,skipsum,max,399,1.5759,0.0006,134119.0,0.0241,0.0013,0.269,0.0005,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,1,4,2,skipsum,mean,399,1.3823,0.023,134119.0,0.0202,0.0022,0.3998,0.0137,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,1,4,3,skipconcat,add,399,0.4924,0.0637,135648.0,0.0718,0.0021,0.7983,0.0333,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,1,4,3,skipconcat,max,399,1.5759,0.0006,135648.0,0.0708,0.0113,0.269,0.0005,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,1,4,3,skipconcat,mean,399,1.3561,0.0366,135648.0,0.023,0.003,0.4107,0.0161,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,1,4,3,skipsum,add,399,0.5716,0.0333,134070.0,0.0571,0.0008,0.7548,0.0186,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,1,4,3,skipsum,max,399,1.5759,0.0006,134070.0,0.0221,0.0016,0.269,0.0005,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,1,4,3,skipsum,mean,399,1.3667,0.0384,134070.0,0.0589,0.0016,0.4018,0.0218,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,1,6,2,skipconcat,add,399,0.5553,0.0175,138782.0,0.0219,0.0004,0.7641,0.0103,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,1,6,2,skipconcat,max,399,1.5759,0.0006,138782.0,0.0259,0.0007,0.269,0.0005,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,1,6,2,skipconcat,mean,399,1.2311,0.0125,138782.0,0.0844,0.0059,0.4749,0.0118,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,1,6,2,skipsum,add,399,0.422,0.0628,133830.0,0.0665,0.0026,0.833,0.0334,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,1,6,2,skipsum,max,399,1.5759,0.0006,133830.0,0.068,0.003,0.269,0.0005,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,1,6,2,skipsum,mean,399,1.205,0.0183,133830.0,0.0218,0.0011,0.489,0.0064,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,1,6,3,skipconcat,add,399,0.2715,0.0719,140562.0,0.0816,0.0068,0.9056,0.0356,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,1,6,3,skipconcat,max,399,1.5759,0.0006,140562.0,0.025,0.0007,0.269,0.0005,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,1,6,3,skipconcat,mean,399,1.2608,0.0253,140562.0,0.0678,0.0017,0.4603,0.0103,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,1,6,3,skipsum,add,399,0.2809,0.0488,135430.0,0.0282,0.0012,0.9032,0.0224,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,1,6,3,skipsum,max,399,1.5759,0.0006,135430.0,0.023,0.0021,0.269,0.0005,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,1,6,3,skipsum,mean,399,1.2007,0.0079,135430.0,0.0255,0.0013,0.4905,0.0037,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,1,8,2,skipconcat,add,399,0.4306,0.0251,138386.0,0.1005,0.0151,0.8289,0.011,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,1,8,2,skipconcat,max,399,1.5759,0.0006,138386.0,0.0299,0.0032,0.269,0.0005,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,1,8,2,skipconcat,mean,399,1.1726,0.0432,138386.0,0.0879,0.003,0.5017,0.0192,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,1,8,2,skipsum,add,399,0.2387,0.0075,133926.0,0.0649,0.0012,0.922,0.005,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,1,8,2,skipsum,max,399,1.5759,0.0006,133926.0,0.0296,0.0016,0.269,0.0005,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,1,8,2,skipsum,mean,399,1.074,0.014,133926.0,0.0278,0.0012,0.5403,0.0079,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,1,8,3,skipconcat,add,399,0.2534,0.0411,136714.0,0.0946,0.0039,0.9131,0.0194,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,1,8,3,skipconcat,max,399,1.5759,0.0006,136714.0,0.0973,0.0032,0.269,0.0005,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,1,8,3,skipconcat,mean,399,1.1996,0.0157,136714.0,0.0262,0.0027,0.4898,0.005,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,1,8,3,skipsum,add,399,0.1672,0.0243,134298.0,0.0776,0.0041,0.9528,0.0098,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,1,8,3,skipsum,max,399,1.5759,0.0006,134298.0,0.0255,0.0015,0.269,0.0005,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,1,8,3,skipsum,mean,399,1.1091,0.0377,134298.0,0.0391,0.0022,0.5295,0.0193,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,2,2,2,skipconcat,add,399,0.9091,0.0068,136659.0,0.058,0.0045,0.5663,0.0061,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,2,2,2,skipconcat,max,399,1.5759,0.0006,136659.0,0.0163,0.0015,0.269,0.0005,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,2,2,2,skipconcat,mean,399,1.5355,0.0043,136659.0,0.052,0.0019,0.3057,0.0044,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,2,2,2,skipsum,add,399,0.9034,0.0031,134286.0,0.0238,0.0003,0.5697,0.0009,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,2,2,2,skipsum,max,399,1.5759,0.0006,134286.0,0.0502,0.003,0.269,0.0005,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,2,2,2,skipsum,mean,399,1.5341,0.015,134286.0,0.0526,0.0027,0.3006,0.0051,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,2,2,3,skipconcat,add,399,0.8817,0.0075,137442.0,0.0203,0.0036,0.5818,0.0048,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,2,2,3,skipconcat,max,399,1.5759,0.0006,137442.0,0.0179,0.0022,0.269,0.0005,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,2,2,3,skipconcat,mean,399,1.4888,0.0229,137442.0,0.0221,0.0007,0.3339,0.0155,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,2,2,3,skipsum,add,399,0.8885,0.0092,134119.0,0.0577,0.0042,0.5786,0.0067,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,2,2,3,skipsum,max,399,1.5759,0.0006,134119.0,0.0508,0.0009,0.269,0.0005,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,2,2,3,skipsum,mean,399,1.4893,0.0075,134119.0,0.0227,0.0017,0.3321,0.0057,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,2,4,2,skipconcat,add,399,0.6851,0.0246,137500.0,0.0629,0.0005,0.6978,0.0128,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,2,4,2,skipconcat,max,399,1.5759,0.0006,137500.0,0.0257,0.0031,0.269,0.0005,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,2,4,2,skipconcat,mean,399,1.4846,0.0647,137500.0,0.0214,0.0006,0.3295,0.0439,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,2,4,2,skipsum,add,399,0.6796,0.0236,134070.0,0.0237,0.0025,0.6987,0.016,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,2,4,2,skipsum,max,399,1.5759,0.0006,134070.0,0.0575,0.0056,0.269,0.0005,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,2,4,2,skipsum,mean,399,1.4855,0.0127,134070.0,0.0526,0.004,0.343,0.0072,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,2,4,3,skipconcat,add,399,0.5757,0.0641,137951.0,0.0768,0.0037,0.7525,0.034,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,2,4,3,skipconcat,max,399,1.5759,0.0006,137951.0,0.0745,0.0072,0.269,0.0005,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,2,4,3,skipconcat,mean,399,1.4465,0.0028,137951.0,0.03,0.0076,0.3597,0.0036,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,2,4,3,skipsum,add,399,0.5778,0.0202,133830.0,0.0297,0.0012,0.7522,0.0108,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,2,4,3,skipsum,max,399,1.5759,0.0006,133830.0,0.0242,0.0009,0.269,0.0005,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,2,4,3,skipsum,mean,399,1.4454,0.0162,133830.0,0.0277,0.0015,0.3652,0.0073,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,2,6,2,skipconcat,add,399,0.541,0.0524,134553.0,0.0303,0.0011,0.7728,0.03,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,2,6,2,skipconcat,max,399,1.5759,0.0006,134553.0,0.0291,0.002,0.269,0.0005,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,2,6,2,skipconcat,mean,399,1.4462,0.0692,134553.0,0.023,0.0026,0.3514,0.0486,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,2,6,2,skipsum,add,399,0.4549,0.0475,135430.0,0.0282,0.0033,0.8158,0.0257,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,2,6,2,skipsum,max,399,1.5759,0.0006,135430.0,0.0742,0.0031,0.269,0.0005,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,2,6,2,skipsum,mean,399,1.2873,0.0343,135430.0,0.066,0.0016,0.4517,0.0179,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,2,6,3,skipconcat,add,399,0.3564,0.0654,141786.0,0.0787,0.0044,0.8662,0.0307,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,2,6,3,skipconcat,max,399,1.5759,0.0006,141786.0,0.0272,0.002,0.269,0.0005,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,2,6,3,skipconcat,mean,399,1.3015,0.0114,141786.0,0.0302,0.0031,0.445,0.0073,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,2,6,3,skipsum,add,399,0.3371,0.0555,133926.0,0.0803,0.0023,0.8776,0.029,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,2,6,3,skipsum,max,399,1.5759,0.0006,133926.0,0.078,0.0027,0.269,0.0005,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,2,6,3,skipsum,mean,399,1.2442,0.0142,133926.0,0.0638,0.0052,0.4668,0.0082,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,2,8,2,skipconcat,add,399,0.481,0.0238,139610.0,0.0341,0.0002,0.8038,0.0118,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,2,8,2,skipconcat,max,399,1.5759,0.0006,139610.0,0.0889,0.0032,0.269,0.0005,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,2,8,2,skipconcat,mean,399,1.2656,0.0153,139610.0,0.1014,0.004,0.4645,0.0066,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,2,8,2,skipsum,add,399,0.3291,0.0365,134298.0,0.0303,0.002,0.878,0.0183,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,2,8,2,skipsum,max,399,1.5759,0.0006,134298.0,0.0301,0.0024,0.269,0.0005,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,2,8,2,skipsum,mean,399,1.1268,0.0106,134298.0,0.0318,0.0014,0.5187,0.0061,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,2,8,3,skipconcat,add,399,0.2169,0.0169,137442.0,0.1019,0.0082,0.931,0.011,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,2,8,3,skipconcat,max,399,1.5759,0.0006,137442.0,0.0388,0.0033,0.269,0.0005,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,2,8,3,skipconcat,mean,399,1.2808,0.0203,137442.0,0.0934,0.0029,0.4546,0.0095,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,2,8,3,skipsum,add,399,0.2347,0.0936,135057.0,0.0692,0.0028,0.9185,0.0434,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,2,8,3,skipsum,max,399,1.5759,0.0006,135057.0,0.0459,0.0087,0.269,0.0005,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,2,8,3,skipsum,mean,399,1.0931,0.0069,135057.0,0.0368,0.0033,0.5361,0.0048,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,1,2,2,skipconcat,add,399,0.2619,0.0049,136296.0,0.0175,0.0015,0.9011,0.0023,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,1,2,2,skipconcat,max,399,1.6094,0.0,136296.0,0.0497,0.0018,0.203,0.0007,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,1,2,2,skipconcat,mean,399,1.5317,0.0129,136296.0,0.0198,0.0024,0.2876,0.0113,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,1,2,2,skipsum,add,399,0.2458,0.0032,134790.0,0.0423,0.0025,0.9081,0.001,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,1,2,2,skipsum,max,399,1.6094,0.0,134790.0,0.0177,0.0018,0.203,0.0007,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,1,2,2,skipsum,mean,399,1.5496,0.0115,134790.0,0.0202,0.0045,0.2655,0.0141,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,1,2,3,skipconcat,add,399,0.2371,0.0068,134543.0,0.0632,0.003,0.9087,0.0034,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,1,2,3,skipconcat,max,399,1.6094,0.0,134543.0,0.0582,0.0036,0.203,0.0007,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,1,2,3,skipconcat,mean,399,1.4624,0.0076,134543.0,0.027,0.002,0.3368,0.0149,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,1,2,3,skipsum,add,399,0.2309,0.007,134286.0,0.0239,0.002,0.912,0.0027,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,1,2,3,skipsum,max,399,1.6094,0.0,134286.0,0.0165,0.0007,0.203,0.0007,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,1,2,3,skipsum,mean,399,1.4459,0.0074,134286.0,0.0159,0.0,0.3502,0.0025,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,1,4,2,skipconcat,add,399,0.0717,0.0012,138018.0,0.0584,0.0034,0.9746,0.0005,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,1,4,2,skipconcat,max,399,1.6094,0.0,138018.0,0.065,0.0051,0.203,0.0007,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,1,4,2,skipconcat,mean,399,1.4006,0.0143,138018.0,0.0583,0.0034,0.3876,0.0035,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,1,4,2,skipsum,add,399,0.0681,0.0053,134119.0,0.0562,0.0014,0.9753,0.0025,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,1,4,2,skipsum,max,399,1.6094,0.0,134119.0,0.0558,0.0021,0.203,0.0007,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,1,4,2,skipsum,mean,399,1.4106,0.0208,134119.0,0.0532,0.0017,0.3877,0.0096,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,1,4,3,skipconcat,add,399,0.0553,0.0017,135648.0,0.0259,0.0027,0.9785,0.0017,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,1,4,3,skipconcat,max,399,1.6094,0.0,135648.0,0.0283,0.0051,0.203,0.0007,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,1,4,3,skipconcat,mean,399,1.3652,0.0211,135648.0,0.0254,0.0034,0.4123,0.0139,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,1,4,3,skipsum,add,399,0.0573,0.004,134070.0,0.0251,0.0008,0.9775,0.0022,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,1,4,3,skipsum,max,399,1.6094,0.0,134070.0,0.0209,0.001,0.203,0.0007,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,1,4,3,skipsum,mean,399,1.3934,0.0352,134070.0,0.0206,0.0023,0.3935,0.0237,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,1,6,2,skipconcat,add,399,0.064,0.0023,138782.0,0.0728,0.0009,0.9764,0.0017,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,1,6,2,skipconcat,max,399,1.6094,0.0,138782.0,0.0729,0.0053,0.203,0.0007,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,1,6,2,skipconcat,mean,399,1.1914,0.0269,138782.0,0.0753,0.0064,0.4865,0.014,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,1,6,2,skipsum,add,399,0.0434,0.0039,133830.0,0.0357,0.0052,0.9852,0.0024,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,1,6,2,skipsum,max,399,1.6094,0.0,133830.0,0.0257,0.0013,0.203,0.0007,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,1,6,2,skipsum,mean,399,1.105,0.042,133830.0,0.0309,0.0026,0.5217,0.0191,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,1,6,3,skipconcat,add,399,0.0482,0.0011,140562.0,0.0397,0.0048,0.982,0.0009,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,1,6,3,skipconcat,max,399,1.6094,0.0,140562.0,0.0274,0.0034,0.203,0.0007,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,1,6,3,skipconcat,mean,399,1.1871,0.0314,140562.0,0.0364,0.0019,0.4866,0.0131,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,1,6,3,skipsum,add,399,0.0477,0.0009,135430.0,0.0348,0.0034,0.9818,0.0004,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,1,6,3,skipsum,max,399,1.6094,0.0,135430.0,0.0272,0.0024,0.203,0.0007,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,1,6,3,skipsum,mean,399,1.1169,0.0312,135430.0,0.0275,0.0045,0.5163,0.0098,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,1,8,2,skipconcat,add,399,0.0561,0.0012,138386.0,0.1047,0.0075,0.9808,0.001,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,1,8,2,skipconcat,max,399,1.6094,0.0,138386.0,0.1014,0.008,0.203,0.0007,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,1,8,2,skipconcat,mean,399,1.1289,0.0201,138386.0,0.1008,0.0018,0.5121,0.0085,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,1,8,2,skipsum,add,399,0.0396,0.004,133926.0,0.029,0.0011,0.9864,0.002,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,1,8,2,skipsum,max,399,1.6094,0.0,133926.0,0.0772,0.0053,0.203,0.0007,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,1,8,2,skipsum,mean,399,1.016,0.0481,133926.0,0.0753,0.0042,0.5581,0.0229,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,1,8,3,skipconcat,add,399,0.0467,0.0007,136714.0,0.0974,0.0113,0.9825,0.0004,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,1,8,3,skipconcat,max,399,1.6094,0.0,136714.0,0.0262,0.0013,0.203,0.0007,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,1,8,3,skipconcat,mean,399,1.1645,0.0215,136714.0,0.0277,0.0002,0.4949,0.0093,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,1,8,3,skipsum,add,399,0.0392,0.0009,134298.0,0.0249,0.001,0.9854,0.0007,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,1,8,3,skipsum,max,399,1.6094,0.0,134298.0,0.0823,0.0082,0.203,0.0007,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,1,8,3,skipsum,mean,399,1.007,0.0272,134298.0,0.0766,0.0137,0.5641,0.0096,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,2,2,2,skipconcat,add,399,0.2659,0.0066,136659.0,0.0179,0.0012,0.8967,0.0028,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,2,2,2,skipconcat,max,399,1.6094,0.0,136659.0,0.0595,0.0072,0.203,0.0007,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,2,2,2,skipconcat,mean,399,1.5576,0.0023,136659.0,0.0639,0.0032,0.2739,0.004,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,2,2,2,skipsum,add,399,0.2548,0.0073,134286.0,0.0155,0.0015,0.9023,0.0033,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,2,2,2,skipsum,max,399,1.6094,0.0,134286.0,0.0437,0.0046,0.203,0.0007,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,2,2,2,skipsum,mean,399,1.5516,0.0161,134286.0,0.017,0.0014,0.2738,0.0061,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,2,2,3,skipconcat,add,399,0.2314,0.0042,137442.0,0.0259,0.0035,0.9127,0.0026,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,2,2,3,skipconcat,max,399,1.6094,0.0,137442.0,0.053,0.0032,0.203,0.0007,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,2,2,3,skipconcat,mean,399,1.5281,0.0191,137442.0,0.0548,0.0015,0.2946,0.0174,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,2,2,3,skipsum,add,399,0.2403,0.0059,134119.0,0.0248,0.0035,0.9075,0.0027,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,2,2,3,skipsum,max,399,1.6094,0.0,134119.0,0.0193,0.0018,0.203,0.0007,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,2,2,3,skipsum,mean,399,1.5109,0.0128,134119.0,0.0199,0.0014,0.3062,0.008,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,2,4,2,skipconcat,add,399,0.0713,0.0052,137500.0,0.0201,0.0025,0.974,0.0021,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,2,4,2,skipconcat,max,399,1.6094,0.0,137500.0,0.0772,0.0027,0.203,0.0007,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,2,4,2,skipconcat,mean,399,1.5125,0.0065,137500.0,0.0259,0.0043,0.3197,0.0042,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,2,4,2,skipsum,add,399,0.0726,0.0034,134070.0,0.0557,0.0027,0.9724,0.0016,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,2,4,2,skipsum,max,399,1.6094,0.0,134070.0,0.0281,0.0036,0.203,0.0007,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,2,4,2,skipsum,mean,399,1.5007,0.0109,134070.0,0.0572,0.0015,0.3279,0.0107,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,2,4,3,skipconcat,add,399,0.0585,0.0009,137951.0,0.0232,0.0022,0.978,0.0003,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,2,4,3,skipconcat,max,399,1.6094,0.0,137951.0,0.0681,0.005,0.203,0.0007,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,2,4,3,skipconcat,mean,399,1.4615,0.0258,137951.0,0.0206,0.0011,0.356,0.0116,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,2,4,3,skipsum,add,399,0.0586,0.0033,133830.0,0.0236,0.002,0.9777,0.0022,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,2,4,3,skipsum,max,399,1.6094,0.0,133830.0,0.0597,0.003,0.203,0.0007,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,2,4,3,skipsum,mean,399,1.4604,0.0073,133830.0,0.0259,0.0042,0.3538,0.0043,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,2,6,2,skipconcat,add,399,0.0579,0.0007,134553.0,0.0282,0.0031,0.979,0.0007,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,2,6,2,skipconcat,max,399,1.6094,0.0,134553.0,0.0732,0.0018,0.203,0.0007,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,2,6,2,skipconcat,mean,399,1.315,0.01,134553.0,0.0804,0.0052,0.429,0.0065,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,2,6,2,skipsum,add,399,0.0471,0.0036,135430.0,0.026,0.0025,0.9841,0.0015,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,2,6,2,skipsum,max,399,1.6094,0.0,135430.0,0.0297,0.0004,0.203,0.0007,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,2,6,2,skipsum,mean,399,1.2363,0.018,135430.0,0.0245,0.0002,0.4639,0.0111,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,2,6,3,skipconcat,add,399,0.0472,0.004,141786.0,0.0263,0.0038,0.9822,0.0014,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,2,6,3,skipconcat,max,399,1.6094,0.0,141786.0,0.0332,0.0023,0.203,0.0007,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,2,6,3,skipconcat,mean,399,1.3456,0.0156,141786.0,0.0277,0.002,0.415,0.0073,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,2,6,3,skipsum,add,399,0.0446,0.0051,133926.0,0.0698,0.006,0.9841,0.0021,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,2,6,3,skipsum,max,399,1.6094,0.0,133926.0,0.0317,0.0035,0.203,0.0007,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,2,6,3,skipsum,mean,399,1.2123,0.0179,133926.0,0.0674,0.001,0.4784,0.0087,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,2,8,2,skipconcat,add,399,0.0561,0.0008,139610.0,0.0881,0.0059,0.9807,0.0013,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,2,8,2,skipconcat,max,399,1.6094,0.0,139610.0,0.0886,0.0028,0.203,0.0007,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,2,8,2,skipconcat,mean,399,1.2962,0.0301,139610.0,0.1013,0.0096,0.4401,0.0122,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,2,8,2,skipsum,add,399,0.0403,0.0003,134298.0,0.0275,0.0024,0.9863,0.001,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,2,8,2,skipsum,max,399,1.6094,0.0,134298.0,0.035,0.0043,0.203,0.0007,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,2,8,2,skipsum,mean,399,1.1388,0.0403,134298.0,0.0362,0.0058,0.5052,0.0155,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,2,8,3,skipconcat,add,399,0.0451,0.002,137442.0,0.0326,0.0034,0.983,0.0007,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,2,8,3,skipconcat,max,399,1.6094,0.0,137442.0,0.0366,0.0014,0.203,0.0007,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,2,8,3,skipconcat,mean,399,1.3228,0.0131,137442.0,0.0286,0.0019,0.43,0.0074,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,2,8,3,skipsum,add,399,0.0449,0.0022,135057.0,0.086,0.005,0.9829,0.0015,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,2,8,3,skipsum,max,399,1.6094,0.0,135057.0,0.0296,0.0038,0.203,0.0007,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,2,8,3,skipsum,mean,399,1.1889,0.039,135057.0,0.0917,0.0029,0.4867,0.0131,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,1,2,2,skipconcat,add,399,0.0836,0.0208,136296.0,0.0176,0.0013,0.9901,0.0063,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,1,2,2,skipconcat,max,399,0.0057,0.0017,136296.0,0.0155,0.0009,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,1,2,2,skipconcat,mean,399,0.006,0.0014,136296.0,0.0199,0.002,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,1,2,2,skipsum,add,399,0.0747,0.0456,134790.0,0.0421,0.0024,0.9934,0.0079,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,1,2,2,skipsum,max,399,0.0026,0.0006,134790.0,0.0535,0.0037,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,1,2,2,skipsum,mean,399,0.0022,0.0006,134790.0,0.0418,0.0024,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,1,2,3,skipconcat,add,399,0.0079,0.0009,134543.0,0.0166,0.0004,0.9999,0.0001,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,1,2,3,skipconcat,max,399,0.0021,0.0004,134543.0,0.0221,0.0015,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,1,2,3,skipconcat,mean,399,0.0023,0.0002,134543.0,0.0573,0.0043,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,1,2,3,skipsum,add,399,0.0109,0.002,134286.0,0.0486,0.002,0.9997,0.0001,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,1,2,3,skipsum,max,399,0.0022,0.0003,134286.0,0.0198,0.0007,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,1,2,3,skipsum,mean,399,0.002,0.0005,134286.0,0.024,0.0086,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,1,4,2,skipconcat,add,399,0.0359,0.0137,138018.0,0.0199,0.0014,0.999,0.0009,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,1,4,2,skipconcat,max,399,0.0031,0.0005,138018.0,0.0676,0.0035,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,1,4,2,skipconcat,mean,399,0.0038,0.0003,138018.0,0.072,0.005,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,1,4,2,skipsum,add,399,0.0218,0.0068,134119.0,0.0221,0.001,0.9994,0.0003,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,1,4,2,skipsum,max,399,0.0027,0.0004,134119.0,0.0233,0.0016,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,1,4,2,skipsum,mean,399,0.0022,0.0002,134119.0,0.06,0.0056,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,1,4,3,skipconcat,add,399,0.0045,0.0013,135648.0,0.0615,0.0039,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,1,4,3,skipconcat,max,399,0.0009,0.0003,135648.0,0.0221,0.0007,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,1,4,3,skipconcat,mean,399,0.0017,0.0001,135648.0,0.0205,0.0007,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,1,4,3,skipsum,add,399,0.0089,0.0029,134070.0,0.0508,0.001,0.9998,0.0002,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,1,4,3,skipsum,max,399,0.0011,0.0001,134070.0,0.0628,0.0053,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,1,4,3,skipsum,mean,399,0.0017,0.0002,134070.0,0.058,0.0038,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,1,6,2,skipconcat,add,399,0.0541,0.0218,138782.0,0.0245,0.0008,0.9927,0.0063,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,1,6,2,skipconcat,max,399,0.0041,0.001,138782.0,0.0734,0.0045,0.9999,0.0001,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,1,6,2,skipconcat,mean,399,0.0049,0.0011,138782.0,0.0289,0.0021,0.9999,0.0001,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,1,6,2,skipsum,add,399,0.0101,0.0023,133830.0,0.0213,0.0018,0.9999,0.0001,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,1,6,2,skipsum,max,399,0.0012,0.0002,133830.0,0.022,0.0029,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,1,6,2,skipsum,mean,399,0.0015,0.0002,133830.0,0.0595,0.0027,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,1,6,3,skipconcat,add,399,0.0041,0.0004,140562.0,0.0241,0.0023,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,1,6,3,skipconcat,max,399,0.0009,0.0,140562.0,0.0859,0.0055,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,1,6,3,skipconcat,mean,399,0.0018,0.0004,140562.0,0.0286,0.005,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,1,6,3,skipsum,add,399,0.0067,0.0018,135430.0,0.026,0.0004,0.9999,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,1,6,3,skipsum,max,399,0.0009,0.0001,135430.0,0.0285,0.0007,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,1,6,3,skipsum,mean,399,0.0019,0.0005,135430.0,0.0283,0.005,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,1,8,2,skipconcat,add,399,0.0454,0.0131,138386.0,0.0305,0.0022,0.9965,0.0036,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,1,8,2,skipconcat,max,399,0.003,0.0009,138386.0,0.091,0.0053,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,1,8,2,skipconcat,mean,399,0.004,0.0009,138386.0,0.036,0.0053,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,1,8,2,skipsum,add,399,0.0094,0.001,133926.0,0.0678,0.002,0.9999,0.0001,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,1,8,2,skipsum,max,399,0.0015,0.0001,133926.0,0.08,0.0044,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,1,8,2,skipsum,mean,399,0.0022,0.0006,133926.0,0.0337,0.0008,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,1,8,3,skipconcat,add,399,0.0082,0.0026,136714.0,0.0353,0.0024,0.9996,0.0005,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,1,8,3,skipconcat,max,399,0.0013,0.0004,136714.0,0.0337,0.0039,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,1,8,3,skipconcat,mean,399,0.0027,0.0005,136714.0,0.1099,0.0188,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,1,8,3,skipsum,add,399,0.0079,0.0015,134298.0,0.0305,0.0034,0.9999,0.0001,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,1,8,3,skipsum,max,399,0.0008,0.0002,134298.0,0.0695,0.005,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,1,8,3,skipsum,mean,399,0.002,0.0002,134298.0,0.029,0.0051,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,2,2,2,skipconcat,add,399,0.0208,0.0068,136659.0,0.0557,0.0024,0.9996,0.0006,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,2,2,2,skipconcat,max,399,0.0041,0.0012,136659.0,0.0558,0.004,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,2,2,2,skipconcat,mean,399,0.0037,0.001,136659.0,0.0208,0.0015,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,2,2,2,skipsum,add,399,0.0199,0.0059,134286.0,0.0201,0.0023,0.9992,0.0009,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,2,2,2,skipsum,max,399,0.0035,0.0008,134286.0,0.0176,0.001,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,2,2,2,skipsum,mean,399,0.0026,0.0012,134286.0,0.0514,0.0027,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,2,2,3,skipconcat,add,399,0.0062,0.0033,137442.0,0.0553,0.0046,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,2,2,3,skipconcat,max,399,0.002,0.001,137442.0,0.0253,0.0028,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,2,2,3,skipconcat,mean,399,0.0024,0.0002,137442.0,0.0528,0.0013,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,2,2,3,skipsum,add,399,0.007,0.0023,134119.0,0.0586,0.0027,0.9998,0.0003,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,2,2,3,skipsum,max,399,0.0017,0.0001,134119.0,0.0569,0.0045,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,2,2,3,skipsum,mean,399,0.0025,0.0001,134119.0,0.0163,0.0014,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,2,4,2,skipconcat,add,399,0.0173,0.0034,137500.0,0.0757,0.0026,0.9998,0.0001,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,2,4,2,skipconcat,max,399,0.0028,0.0006,137500.0,0.0203,0.0013,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,2,4,2,skipconcat,mean,399,0.0032,0.0004,137500.0,0.0722,0.0061,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,2,4,2,skipsum,add,399,0.0099,0.0007,134070.0,0.0664,0.0029,0.9999,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,2,4,2,skipsum,max,399,0.002,0.0001,134070.0,0.0565,0.0028,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,2,4,2,skipsum,mean,399,0.0025,0.0002,134070.0,0.0642,0.0029,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,2,4,3,skipconcat,add,399,0.0036,0.0005,137951.0,0.0745,0.0029,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,2,4,3,skipconcat,max,399,0.0011,0.0002,137951.0,0.0739,0.0063,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,2,4,3,skipconcat,mean,399,0.0017,0.0002,137951.0,0.0203,0.0012,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,2,4,3,skipsum,add,399,0.0072,0.0026,133830.0,0.0266,0.0022,0.9994,0.0007,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,2,4,3,skipsum,max,399,0.0015,0.0005,133830.0,0.06,0.0025,0.9999,0.0001,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,2,4,3,skipsum,mean,399,0.0022,0.0007,133830.0,0.0605,0.0033,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,2,6,2,skipconcat,add,399,0.0201,0.006,134553.0,0.0843,0.0018,0.9998,0.0003,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,2,6,2,skipconcat,max,399,0.0023,0.0001,134553.0,0.0838,0.0011,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,2,6,2,skipconcat,mean,399,0.0035,0.0005,134553.0,0.0755,0.0046,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,2,6,2,skipsum,add,399,0.0074,0.002,135430.0,0.0647,0.0011,0.9999,0.0001,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,2,6,2,skipsum,max,399,0.0017,0.0004,135430.0,0.0286,0.0019,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,2,6,2,skipsum,mean,399,0.0023,0.0006,135430.0,0.0234,0.0009,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,2,6,3,skipconcat,add,399,0.0042,0.0011,141786.0,0.0242,0.0005,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,2,6,3,skipconcat,max,399,0.0011,0.0001,141786.0,0.0301,0.0055,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,2,6,3,skipconcat,mean,399,0.0017,0.0003,141786.0,0.0283,0.003,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,2,6,3,skipsum,add,399,0.0039,0.0003,133926.0,0.0775,0.001,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,2,6,3,skipsum,max,399,0.0008,0.0001,133926.0,0.0682,0.0033,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,2,6,3,skipsum,mean,399,0.0019,0.0003,133926.0,0.0668,0.003,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,2,8,2,skipconcat,add,399,0.029,0.0119,139610.0,0.0332,0.0008,0.9983,0.0021,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,2,8,2,skipconcat,max,399,0.0026,0.0002,139610.0,0.0897,0.0032,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,2,8,2,skipconcat,mean,399,0.0038,0.0004,139610.0,0.0307,0.0026,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,2,8,2,skipsum,add,399,0.0082,0.0007,134298.0,0.0798,0.0088,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,2,8,2,skipsum,max,399,0.0013,0.0002,134298.0,0.0754,0.0048,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,2,8,2,skipsum,mean,399,0.0018,0.0002,134298.0,0.0308,0.0034,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,2,8,3,skipconcat,add,399,0.0039,0.0004,137442.0,0.0987,0.0063,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,2,8,3,skipconcat,max,399,0.0009,0.0001,137442.0,0.0986,0.0055,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,2,8,3,skipconcat,mean,399,0.0015,0.0005,137442.0,0.0294,0.0013,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,2,8,3,skipsum,add,399,0.0077,0.0023,135057.0,0.0295,0.0019,0.9996,0.0004,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,2,8,3,skipsum,max,399,0.0011,0.0002,135057.0,0.034,0.0036,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,2,8,3,skipsum,mean,399,0.0019,0.0005,135057.0,0.0298,0.0017,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,1,2,2,skipconcat,add,399,0.0994,0.0133,136296.0,0.0177,0.0017,0.9693,0.0057,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,1,2,2,skipconcat,max,399,0.0047,0.0014,136296.0,0.0148,0.0006,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,1,2,2,skipconcat,mean,399,0.0057,0.0012,136296.0,0.0513,0.0038,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,1,2,2,skipsum,add,399,0.0308,0.002,134790.0,0.0177,0.0007,0.9962,0.0008,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,1,2,2,skipsum,max,399,0.0024,0.0007,134790.0,0.0209,0.0008,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,1,2,2,skipsum,mean,399,0.0023,0.0008,134790.0,0.0486,0.0037,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,1,2,3,skipconcat,add,399,0.0288,0.0087,134543.0,0.0488,0.0018,0.9945,0.0034,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,1,2,3,skipconcat,max,399,0.0014,0.0001,134543.0,0.0203,0.0037,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,1,2,3,skipconcat,mean,399,0.0024,0.0001,134543.0,0.0179,0.0014,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,1,2,3,skipsum,add,399,0.0159,0.0068,134286.0,0.0222,0.001,0.998,0.0018,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,1,2,3,skipsum,max,399,0.0014,0.0003,134286.0,0.0212,0.0005,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,1,2,3,skipsum,mean,399,0.0018,0.0004,134286.0,0.019,0.0016,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,1,4,2,skipconcat,add,399,0.028,0.0055,138018.0,0.0185,0.0002,0.994,0.0025,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,1,4,2,skipconcat,max,399,0.0029,0.0002,138018.0,0.0688,0.0049,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,1,4,2,skipconcat,mean,399,0.004,0.0003,138018.0,0.0631,0.0009,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,1,4,2,skipsum,add,399,0.0239,0.0017,134119.0,0.0548,0.0061,0.9955,0.001,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,1,4,2,skipsum,max,399,0.0015,0.0002,134119.0,0.0501,0.005,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,1,4,2,skipsum,mean,399,0.0023,0.0004,134119.0,0.0201,0.0007,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,1,4,3,skipconcat,add,399,0.0163,0.0048,135648.0,0.0265,0.0013,0.9964,0.0018,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,1,4,3,skipconcat,max,399,0.0011,0.0001,135648.0,0.0247,0.0043,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,1,4,3,skipconcat,mean,399,0.0016,0.0002,135648.0,0.0208,0.0026,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,1,4,3,skipsum,add,399,0.0216,0.0023,134070.0,0.073,0.011,0.9944,0.0007,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,1,4,3,skipsum,max,399,0.001,0.0001,134070.0,0.0227,0.0008,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,1,4,3,skipsum,mean,399,0.0018,0.0001,134070.0,0.051,0.0018,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,1,6,2,skipconcat,add,399,0.0254,0.0044,138782.0,0.0945,0.0022,0.9941,0.0017,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,1,6,2,skipconcat,max,399,0.0026,0.0004,138782.0,0.0242,0.002,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,1,6,2,skipconcat,mean,399,0.0047,0.0002,138782.0,0.0226,0.0014,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,1,6,2,skipsum,add,399,0.0134,0.0004,133830.0,0.074,0.002,0.9984,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,1,6,2,skipsum,max,399,0.0013,0.0002,133830.0,0.07,0.006,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,1,6,2,skipsum,mean,399,0.0019,0.0003,133830.0,0.0682,0.0036,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,1,6,3,skipconcat,add,399,0.0092,0.0018,140562.0,0.0702,0.0029,0.9989,0.0005,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,1,6,3,skipconcat,max,399,0.0012,0.0,140562.0,0.077,0.0031,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,1,6,3,skipconcat,mean,399,0.0018,0.0002,140562.0,0.0256,0.001,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,1,6,3,skipsum,add,399,0.0118,0.0021,135430.0,0.0238,0.0003,0.998,0.0008,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,1,6,3,skipsum,max,399,0.0011,0.0001,135430.0,0.025,0.0008,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,1,6,3,skipsum,mean,399,0.0018,0.0005,135430.0,0.0304,0.0015,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,1,8,2,skipconcat,add,399,0.0202,0.002,138386.0,0.0284,0.0041,0.996,0.0012,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,1,8,2,skipconcat,max,399,0.0021,0.0002,138386.0,0.088,0.0057,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,1,8,2,skipconcat,mean,399,0.0041,0.0004,138386.0,0.0943,0.0072,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,1,8,2,skipsum,add,399,0.0139,0.0015,133926.0,0.0274,0.0016,0.9978,0.0009,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,1,8,2,skipsum,max,399,0.0013,0.0001,133926.0,0.0682,0.0011,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,1,8,2,skipsum,mean,399,0.002,0.0001,133926.0,0.0815,0.0007,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,1,8,3,skipconcat,add,399,0.0125,0.0024,136714.0,0.0877,0.0076,0.9974,0.001,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,1,8,3,skipconcat,max,399,0.0014,0.0002,136714.0,0.0347,0.0017,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,1,8,3,skipconcat,mean,399,0.0024,0.0005,136714.0,0.1001,0.005,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,1,8,3,skipsum,add,399,0.0128,0.0018,134298.0,0.0336,0.0019,0.997,0.0011,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,1,8,3,skipsum,max,399,0.001,0.0,134298.0,0.0845,0.0041,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,1,8,3,skipsum,mean,399,0.0015,0.0005,134298.0,0.0321,0.0015,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,2,2,2,skipconcat,add,399,0.0549,0.0202,136659.0,0.0484,0.0035,0.9876,0.0082,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,2,2,2,skipconcat,max,399,0.0038,0.0013,136659.0,0.0168,0.0006,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,2,2,2,skipconcat,mean,399,0.0041,0.0016,136659.0,0.0588,0.0023,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,2,2,2,skipsum,add,399,0.0195,0.0053,134286.0,0.0173,0.0012,0.9985,0.0009,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,2,2,2,skipsum,max,399,0.0027,0.0011,134286.0,0.0533,0.003,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,2,2,2,skipsum,mean,399,0.0023,0.0006,134286.0,0.017,0.0011,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,2,2,3,skipconcat,add,399,0.0102,0.0068,137442.0,0.0214,0.0039,0.9984,0.0023,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,2,2,3,skipconcat,max,399,0.0015,0.0003,137442.0,0.0206,0.0008,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,2,2,3,skipconcat,mean,399,0.0021,0.0002,137442.0,0.0186,0.001,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,2,2,3,skipsum,add,399,0.0078,0.0039,134119.0,0.0223,0.001,0.9989,0.0014,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,2,2,3,skipsum,max,399,0.0016,0.0004,134119.0,0.0166,0.0002,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,2,2,3,skipsum,mean,399,0.0029,0.0009,134119.0,0.0539,0.0018,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,2,4,2,skipconcat,add,399,0.0264,0.004,137500.0,0.0702,0.0029,0.9946,0.0014,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,2,4,2,skipconcat,max,399,0.0026,0.0003,137500.0,0.021,0.0012,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,2,4,2,skipconcat,mean,399,0.003,0.0003,137500.0,0.0691,0.0069,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,2,4,2,skipsum,add,399,0.0227,0.0023,134070.0,0.0575,0.001,0.9962,0.0008,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,2,4,2,skipsum,max,399,0.0016,0.0,134070.0,0.022,0.0004,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,2,4,2,skipsum,mean,399,0.0022,0.0003,134070.0,0.0534,0.0038,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,2,4,3,skipconcat,add,399,0.0137,0.0037,137951.0,0.0213,0.0017,0.9974,0.0013,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,2,4,3,skipconcat,max,399,0.0012,0.0002,137951.0,0.0748,0.0043,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,2,4,3,skipconcat,mean,399,0.0018,0.0004,137951.0,0.0235,0.001,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,2,4,3,skipsum,add,399,0.0185,0.005,133830.0,0.024,0.0016,0.9956,0.0027,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,2,4,3,skipsum,max,399,0.0012,0.0002,133830.0,0.0209,0.001,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,2,4,3,skipsum,mean,399,0.0026,0.0008,133830.0,0.0218,0.0013,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,2,6,2,skipconcat,add,399,0.0175,0.0009,134553.0,0.0259,0.0028,0.9979,0.0003,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,2,6,2,skipconcat,max,399,0.0023,0.0002,134553.0,0.0233,0.0007,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,2,6,2,skipconcat,mean,399,0.0032,0.0002,134553.0,0.0795,0.0008,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,2,6,2,skipsum,add,399,0.0131,0.0028,135430.0,0.0236,0.0027,0.9983,0.0008,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,2,6,2,skipsum,max,399,0.0015,0.0001,135430.0,0.0237,0.0032,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,2,6,2,skipsum,mean,399,0.0017,0.0002,135430.0,0.0689,0.0015,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,2,6,3,skipconcat,add,399,0.0107,0.0062,141786.0,0.0335,0.0022,0.9979,0.0021,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,2,6,3,skipconcat,max,399,0.0013,0.0001,141786.0,0.0335,0.0008,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,2,6,3,skipconcat,mean,399,0.0015,0.0002,141786.0,0.0811,0.003,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,2,6,3,skipsum,add,399,0.006,0.0001,133926.0,0.0767,0.0055,0.9996,0.0002,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,2,6,3,skipsum,max,399,0.001,0.0,133926.0,0.0772,0.0036,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,2,6,3,skipsum,mean,399,0.0016,0.0004,133926.0,0.0801,0.0048,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,2,8,2,skipconcat,add,399,0.0196,0.0082,139610.0,0.0312,0.0017,0.9961,0.0035,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,2,8,2,skipconcat,max,399,0.0022,0.0001,139610.0,0.0331,0.0008,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,2,8,2,skipconcat,mean,399,0.0037,0.0003,139610.0,0.0276,0.0052,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,2,8,2,skipsum,add,399,0.0135,0.0049,134298.0,0.0285,0.0001,0.998,0.0015,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,2,8,2,skipsum,max,399,0.0014,0.0001,134298.0,0.0261,0.0024,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,2,8,2,skipsum,mean,399,0.002,0.0005,134298.0,0.029,0.0014,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,2,8,3,skipconcat,add,399,0.0056,0.0025,137442.0,0.1004,0.0046,0.9995,0.0005,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,2,8,3,skipconcat,max,399,0.0012,0.0,137442.0,0.0344,0.0038,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,2,8,3,skipconcat,mean,399,0.0013,0.0002,137442.0,0.0979,0.0034,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,2,8,3,skipsum,add,399,0.009,0.0042,135057.0,0.0267,0.0012,0.9983,0.0017,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,2,8,3,skipsum,max,399,0.0012,0.0002,135057.0,0.0308,0.002,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,2,8,3,skipsum,mean,399,0.0019,0.0007,135057.0,0.0317,0.0022,0.9999,0.0001,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,1,2,2,skipconcat,add,399,0.2586,0.0377,136296.0,0.0211,0.0046,0.9202,0.0192,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,1,2,2,skipconcat,max,399,0.0118,0.0025,136296.0,0.0185,0.0007,0.9999,0.0001,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,1,2,2,skipconcat,mean,399,0.022,0.0025,136296.0,0.0469,0.0012,0.9994,0.0001,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,1,2,2,skipsum,add,399,0.1308,0.0104,134790.0,0.02,0.0014,0.9721,0.0021,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,1,2,2,skipsum,max,399,0.0054,0.0008,134790.0,0.0208,0.0021,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,1,2,2,skipsum,mean,399,0.0069,0.0006,134790.0,0.049,0.0009,0.9999,0.0,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,1,2,3,skipconcat,add,399,0.0318,0.0154,134543.0,0.0529,0.0012,0.9951,0.0048,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,1,2,3,skipconcat,max,399,0.005,0.0026,134543.0,0.0232,0.0046,0.9997,0.0005,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,1,2,3,skipconcat,mean,399,0.0077,0.0053,134543.0,0.0205,0.0015,0.9992,0.0011,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,1,2,3,skipsum,add,399,0.0311,0.0057,134286.0,0.0171,0.001,0.9963,0.0023,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,1,2,3,skipsum,max,399,0.0037,0.0005,134286.0,0.0188,0.0011,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,1,2,3,skipsum,mean,399,0.0046,0.0013,134286.0,0.0162,0.0005,0.9999,0.0,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,1,4,2,skipconcat,add,399,0.1494,0.0295,138018.0,0.0223,0.0047,0.9665,0.0115,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,1,4,2,skipconcat,max,399,0.0044,0.0003,138018.0,0.075,0.0027,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,1,4,2,skipconcat,mean,399,0.0077,0.0007,138018.0,0.0654,0.0036,0.9999,0.0,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,1,4,2,skipsum,add,399,0.0467,0.0149,134119.0,0.0232,0.0018,0.9945,0.003,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,1,4,2,skipsum,max,399,0.0032,0.0006,134119.0,0.0214,0.0009,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,1,4,2,skipsum,mean,399,0.0032,0.0005,134119.0,0.0223,0.0024,0.9999,0.0001,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,1,4,3,skipconcat,add,399,0.011,0.0022,135648.0,0.0653,0.004,0.9997,0.0002,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,1,4,3,skipconcat,max,399,0.0015,0.0003,135648.0,0.0204,0.0012,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,1,4,3,skipconcat,mean,399,0.0024,0.0004,135648.0,0.0233,0.0047,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,1,4,3,skipsum,add,399,0.0137,0.0011,134070.0,0.0616,0.0025,0.9996,0.0002,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,1,4,3,skipsum,max,399,0.0016,0.0002,134070.0,0.0224,0.0041,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,1,4,3,skipsum,mean,399,0.0026,0.0001,134070.0,0.0569,0.003,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,1,6,2,skipconcat,add,399,0.1358,0.0353,138782.0,0.0309,0.0054,0.9681,0.0124,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,1,6,2,skipconcat,max,399,0.0054,0.0012,138782.0,0.0296,0.0012,0.9999,0.0001,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,1,6,2,skipconcat,mean,399,0.0077,0.0009,138782.0,0.0764,0.0044,0.9997,0.0001,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,1,6,2,skipsum,add,399,0.0252,0.0075,133830.0,0.0219,0.0009,0.9988,0.0005,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,1,6,2,skipsum,max,399,0.0018,0.0002,133830.0,0.0614,0.002,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,1,6,2,skipsum,mean,399,0.0026,0.0001,133830.0,0.0253,0.004,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,1,6,3,skipconcat,add,399,0.0105,0.0022,140562.0,0.0232,0.001,0.9996,0.0004,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,1,6,3,skipconcat,max,399,0.0016,0.0003,140562.0,0.0322,0.003,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,1,6,3,skipconcat,mean,399,0.0023,0.0005,140562.0,0.0246,0.0012,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,1,6,3,skipsum,add,399,0.0135,0.0027,135430.0,0.0288,0.0016,0.9998,0.0002,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,1,6,3,skipsum,max,399,0.0012,0.0002,135430.0,0.0353,0.0032,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,1,6,3,skipsum,mean,399,0.0027,0.0007,135430.0,0.0798,0.0005,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,1,8,2,skipconcat,add,399,0.1138,0.0142,138386.0,0.0248,0.0011,0.9777,0.0058,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,1,8,2,skipconcat,max,399,0.0041,0.0006,138386.0,0.0294,0.0023,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,1,8,2,skipconcat,mean,399,0.0061,0.0007,138386.0,0.1067,0.0088,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,1,8,2,skipsum,add,399,0.0259,0.0039,133926.0,0.0806,0.001,0.9987,0.0004,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,1,8,2,skipsum,max,399,0.0015,0.0003,133926.0,0.0289,0.0029,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,1,8,2,skipsum,mean,399,0.0029,0.0002,133926.0,0.0275,0.0041,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,1,8,3,skipconcat,add,399,0.0141,0.0032,136714.0,0.087,0.0027,0.999,0.0006,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,1,8,3,skipconcat,max,399,0.0018,0.0003,136714.0,0.0311,0.0042,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,1,8,3,skipconcat,mean,399,0.0026,0.0007,136714.0,0.0349,0.0061,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,1,8,3,skipsum,add,399,0.0143,0.0006,134298.0,0.0284,0.0035,0.9996,0.0001,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,1,8,3,skipsum,max,399,0.0011,0.0002,134298.0,0.0871,0.0083,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,1,8,3,skipsum,mean,399,0.0029,0.0001,134298.0,0.0292,0.0021,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,2,2,2,skipconcat,add,399,0.0972,0.0205,136659.0,0.0193,0.0003,0.9822,0.007,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,2,2,2,skipconcat,max,399,0.0064,0.002,136659.0,0.0585,0.0051,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,2,2,2,skipconcat,mean,399,0.0081,0.0014,136659.0,0.0189,0.0025,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,2,2,2,skipsum,add,399,0.0577,0.0085,134286.0,0.0589,0.0024,0.9924,0.0024,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,2,2,2,skipsum,max,399,0.0053,0.0012,134286.0,0.0199,0.001,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,2,2,2,skipsum,mean,399,0.0043,0.0018,134286.0,0.0177,0.002,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,2,2,3,skipconcat,add,399,0.0136,0.0063,137442.0,0.0197,0.0008,0.9986,0.0016,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,2,2,3,skipconcat,max,399,0.0035,0.0005,137442.0,0.02,0.0026,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,2,2,3,skipconcat,mean,399,0.0042,0.0018,137442.0,0.0199,0.0017,0.9998,0.0002,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,2,2,3,skipsum,add,399,0.0151,0.0054,134119.0,0.0562,0.0013,0.9989,0.0009,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,2,2,3,skipsum,max,399,0.0038,0.0009,134119.0,0.0508,0.004,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,2,2,3,skipsum,mean,399,0.0034,0.0013,134119.0,0.0189,0.0022,0.9999,0.0002,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,2,4,2,skipconcat,add,399,0.0671,0.0185,137500.0,0.02,0.0002,0.9917,0.0038,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,2,4,2,skipconcat,max,399,0.0042,0.0004,137500.0,0.0245,0.0048,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,2,4,2,skipconcat,mean,399,0.0046,0.0004,137500.0,0.0233,0.0018,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,2,4,2,skipsum,add,399,0.0205,0.0056,134070.0,0.0264,0.0012,0.9993,0.0005,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,2,4,2,skipsum,max,399,0.003,0.0004,134070.0,0.0646,0.0014,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,2,4,2,skipsum,mean,399,0.0025,0.0002,134070.0,0.0582,0.0012,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,2,4,3,skipconcat,add,399,0.0064,0.0004,137951.0,0.0223,0.0008,0.9999,0.0,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,2,4,3,skipconcat,max,399,0.0017,0.0002,137951.0,0.0799,0.0075,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,2,4,3,skipconcat,mean,399,0.0018,0.0002,137951.0,0.0251,0.0025,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,2,4,3,skipsum,add,399,0.0112,0.0021,133830.0,0.0258,0.0048,0.9992,0.0009,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,2,4,3,skipsum,max,399,0.002,0.0007,133830.0,0.0244,0.0016,0.9999,0.0001,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,2,4,3,skipsum,mean,399,0.0027,0.0009,133830.0,0.024,0.001,0.9999,0.0001,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,2,6,2,skipconcat,add,399,0.0511,0.009,134553.0,0.0299,0.0037,0.9952,0.0023,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,2,6,2,skipconcat,max,399,0.0035,0.0007,134553.0,0.0795,0.0057,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,2,6,2,skipconcat,mean,399,0.0038,0.0009,134553.0,0.0285,0.0023,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,2,6,2,skipsum,add,399,0.0154,0.0053,135430.0,0.0257,0.0019,0.9995,0.0004,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,2,6,2,skipsum,max,399,0.002,0.0002,135430.0,0.0251,0.0023,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,2,6,2,skipsum,mean,399,0.0028,0.0009,135430.0,0.0692,0.0026,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,2,6,3,skipconcat,add,399,0.0069,0.0012,141786.0,0.0772,0.0015,0.9999,0.0001,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,2,6,3,skipconcat,max,399,0.0017,0.0006,141786.0,0.0244,0.0007,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,2,6,3,skipconcat,mean,399,0.0018,0.0005,141786.0,0.0263,0.0016,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,2,6,3,skipsum,add,399,0.0076,0.0013,133926.0,0.0258,0.001,0.9999,0.0,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,2,6,3,skipsum,max,399,0.0009,0.0001,133926.0,0.0804,0.0038,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,2,6,3,skipsum,mean,399,0.0018,0.0003,133926.0,0.0308,0.0041,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,2,8,2,skipconcat,add,399,0.0721,0.0219,139610.0,0.0298,0.0021,0.9881,0.0058,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,2,8,2,skipconcat,max,399,0.0058,0.0028,139610.0,0.0288,0.0016,0.9995,0.0007,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,2,8,2,skipconcat,mean,399,0.0055,0.0019,139610.0,0.027,0.0009,0.9998,0.0002,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,2,8,2,skipsum,add,399,0.0171,0.0047,134298.0,0.0291,0.0019,0.9994,0.0006,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,2,8,2,skipsum,max,399,0.002,0.0004,134298.0,0.0347,0.0046,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,2,8,2,skipsum,mean,399,0.0028,0.0,134298.0,0.0364,0.0064,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,2,8,3,skipconcat,add,399,0.0075,0.0022,137442.0,0.0279,0.0007,0.9998,0.0003,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,2,8,3,skipconcat,max,399,0.0014,0.0004,137442.0,0.0378,0.0033,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,2,8,3,skipconcat,mean,399,0.0017,0.0005,137442.0,0.1017,0.0051,1.0,0.0,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,2,8,3,skipsum,add,399,0.0139,0.0032,135057.0,0.0345,0.0018,0.9989,0.0009,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,2,8,3,skipsum,max,399,0.0017,0.0009,135057.0,0.0349,0.0041,0.9999,0.0002,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,2,8,3,skipsum,mean,399,0.0039,0.0023,135057.0,0.029,0.0025,0.9996,0.0005,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,1,2,2,skipconcat,add,399,0.1917,0.0122,136296.0,0.0206,0.0019,0.9379,0.0046,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,1,2,2,skipconcat,max,399,0.014,0.0056,136296.0,0.0502,0.0012,0.9967,0.0046,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,1,2,2,skipconcat,mean,399,0.1141,0.0109,136296.0,0.0181,0.0013,0.9722,0.0083,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,1,2,2,skipsum,add,399,0.2335,0.0701,134790.0,0.0426,0.0022,0.9167,0.0382,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,1,2,2,skipsum,max,399,0.0181,0.011,134790.0,0.0138,0.0006,0.9951,0.0069,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,1,2,2,skipsum,mean,399,0.093,0.0245,134790.0,0.0215,0.0031,0.9755,0.008,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,1,2,3,skipconcat,add,399,0.1712,0.0341,134543.0,0.0524,0.0019,0.9445,0.0141,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,1,2,3,skipconcat,max,399,0.0185,0.0079,134543.0,0.0535,0.0055,0.9951,0.004,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,1,2,3,skipconcat,mean,399,0.1196,0.0275,134543.0,0.0577,0.0085,0.9641,0.0101,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,1,2,3,skipsum,add,399,0.233,0.0986,134286.0,0.0156,0.0006,0.9036,0.0567,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,1,2,3,skipsum,max,399,0.0181,0.0061,134286.0,0.0145,0.0007,0.9951,0.0069,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,1,2,3,skipsum,mean,399,0.1201,0.0328,134286.0,0.0501,0.0019,0.9641,0.0162,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,1,4,2,skipconcat,add,399,0.2628,0.0585,138018.0,0.0244,0.0049,0.9069,0.0312,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,1,4,2,skipconcat,max,399,0.0263,0.0323,138018.0,0.0204,0.0013,0.9918,0.0115,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,1,4,2,skipconcat,mean,399,0.1007,0.0282,138018.0,0.0215,0.0018,0.9722,0.0151,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,1,4,2,skipsum,add,399,0.2738,0.085,134119.0,0.0243,0.0042,0.8905,0.0447,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,1,4,2,skipsum,max,399,0.0066,0.0003,134119.0,0.0208,0.0005,1.0,0.0,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,1,4,2,skipsum,mean,399,0.0991,0.024,134119.0,0.0504,0.0011,0.9722,0.0167,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,1,4,3,skipconcat,add,399,0.2206,0.0811,135648.0,0.029,0.0034,0.902,0.0424,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,1,4,3,skipconcat,max,399,0.0258,0.0246,135648.0,0.0254,0.0012,0.9935,0.0092,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,1,4,3,skipconcat,mean,399,0.1022,0.012,135648.0,0.0253,0.0041,0.9739,0.0061,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,1,4,3,skipsum,add,399,0.2339,0.0551,134070.0,0.0223,0.0017,0.9036,0.0267,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,1,4,3,skipsum,max,399,0.0067,0.0047,134070.0,0.02,0.002,0.9984,0.0023,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,1,4,3,skipsum,mean,399,0.1351,0.0322,134070.0,0.0238,0.0011,0.9543,0.0162,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,1,6,2,skipconcat,add,399,0.1604,0.0334,138782.0,0.0723,0.0035,0.9543,0.0244,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,1,6,2,skipconcat,max,399,0.0056,0.0018,138782.0,0.0216,0.0012,1.0,0.0,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,1,6,2,skipconcat,mean,399,0.0951,0.0223,138782.0,0.0785,0.0031,0.9788,0.0167,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,1,6,2,skipsum,add,399,0.2786,0.0497,133830.0,0.0674,0.0051,0.8873,0.0175,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,1,6,2,skipsum,max,399,0.0048,0.0023,133830.0,0.0604,0.0022,0.9984,0.0023,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,1,6,2,skipsum,mean,399,0.1001,0.0202,133830.0,0.0256,0.0009,0.9706,0.0069,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,1,6,3,skipconcat,add,399,0.2225,0.0621,140562.0,0.0813,0.0054,0.9036,0.0464,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,1,6,3,skipconcat,max,399,0.0076,0.0018,140562.0,0.0217,0.0013,1.0,0.0,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,1,6,3,skipconcat,mean,399,0.1255,0.0284,140562.0,0.026,0.0014,0.9559,0.016,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,1,6,3,skipsum,add,399,0.2514,0.0734,135430.0,0.0249,0.0025,0.8954,0.0301,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,1,6,3,skipsum,max,399,0.0061,0.0029,135430.0,0.0242,0.0013,1.0,0.0,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,1,6,3,skipsum,mean,399,0.141,0.04,135430.0,0.0264,0.004,0.9575,0.0231,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,1,8,2,skipconcat,add,399,0.1712,0.0108,138386.0,0.0847,0.0028,0.9347,0.0061,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,1,8,2,skipconcat,max,399,0.0076,0.0007,138386.0,0.0274,0.0028,0.9967,0.0023,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,1,8,2,skipconcat,mean,399,0.0895,0.009,138386.0,0.0285,0.0016,0.9722,0.0115,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,1,8,2,skipsum,add,399,0.2352,0.0622,133926.0,0.0309,0.0037,0.9102,0.0289,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,1,8,2,skipsum,max,399,0.0037,0.0014,133926.0,0.0716,0.0029,1.0,0.0,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,1,8,2,skipsum,mean,399,0.118,0.0127,133926.0,0.0342,0.0036,0.9526,0.0023,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,1,8,3,skipconcat,add,399,0.1783,0.0676,136714.0,0.0266,0.0021,0.9249,0.0363,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,1,8,3,skipconcat,max,399,0.0217,0.0204,136714.0,0.0329,0.0038,0.9951,0.0069,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,1,8,3,skipconcat,mean,399,0.1088,0.046,136714.0,0.027,0.0024,0.9673,0.0141,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,1,8,3,skipsum,add,399,0.2675,0.0508,134298.0,0.0348,0.0054,0.8922,0.0144,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,1,8,3,skipsum,max,399,0.0052,0.0,134298.0,0.0269,0.0006,1.0,0.0,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,1,8,3,skipsum,mean,399,0.1686,0.0177,134298.0,0.0724,0.0036,0.9461,0.004,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,2,2,2,skipconcat,add,399,0.1231,0.0243,136659.0,0.0517,0.0015,0.9706,0.012,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,2,2,2,skipconcat,max,399,0.007,0.0017,136659.0,0.0563,0.0021,1.0,0.0,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,2,2,2,skipconcat,mean,399,0.0385,0.0033,136659.0,0.0167,0.0005,0.9967,0.0023,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,2,2,2,skipsum,add,399,0.2006,0.0844,134286.0,0.0188,0.002,0.9248,0.0379,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,2,2,2,skipsum,max,399,0.0126,0.0017,134286.0,0.0177,0.0003,0.9967,0.0023,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,2,2,2,skipsum,mean,399,0.0514,0.0099,134286.0,0.0424,0.0016,0.9902,0.004,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,2,2,3,skipconcat,add,399,0.1693,0.0482,137442.0,0.0572,0.0007,0.9428,0.0189,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,2,2,3,skipconcat,max,399,0.0267,0.0081,137442.0,0.0171,0.0011,0.9935,0.0046,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,2,2,3,skipconcat,mean,399,0.1105,0.0583,137442.0,0.0167,0.0012,0.969,0.022,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,2,2,3,skipsum,add,399,0.1339,0.0205,134119.0,0.0196,0.0041,0.9592,0.0061,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,2,2,3,skipsum,max,399,0.0235,0.0126,134119.0,0.0181,0.001,0.9951,0.004,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,2,2,3,skipsum,mean,399,0.0961,0.0406,134119.0,0.0582,0.006,0.9657,0.024,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,2,4,2,skipconcat,add,399,0.1467,0.0195,137500.0,0.0264,0.0039,0.9559,0.012,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,2,4,2,skipconcat,max,399,0.0063,0.0046,137500.0,0.0236,0.0023,0.9984,0.0023,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,2,4,2,skipconcat,mean,399,0.0488,0.0226,137500.0,0.0315,0.0039,0.9902,0.008,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,2,4,2,skipsum,add,399,0.1749,0.0628,134070.0,0.0244,0.001,0.9347,0.03,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,2,4,2,skipsum,max,399,0.003,0.0009,134070.0,0.0581,0.0011,1.0,0.0,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,2,4,2,skipsum,mean,399,0.0598,0.0019,134070.0,0.0275,0.0013,0.9886,0.0046,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,2,4,3,skipconcat,add,399,0.1077,0.0491,137951.0,0.0233,0.0022,0.9608,0.0183,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,2,4,3,skipconcat,max,399,0.0129,0.013,137951.0,0.0201,0.0011,0.9967,0.0046,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,2,4,3,skipconcat,mean,399,0.0571,0.0225,137951.0,0.0318,0.0029,0.9853,0.0069,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,2,4,3,skipsum,add,399,0.199,0.0323,133830.0,0.0229,0.0014,0.9281,0.0189,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,2,4,3,skipsum,max,399,0.0042,0.0003,133830.0,0.0203,0.0002,1.0,0.0,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,2,4,3,skipsum,mean,399,0.0784,0.01,133830.0,0.0216,0.0007,0.982,0.0023,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,2,6,2,skipconcat,add,399,0.1126,0.028,134553.0,0.0322,0.0012,0.9641,0.0023,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,2,6,2,skipconcat,max,399,0.0074,0.005,134553.0,0.0841,0.0056,0.9984,0.0023,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,2,6,2,skipconcat,mean,399,0.049,0.0196,134553.0,0.0759,0.0025,0.9869,0.0083,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,2,6,2,skipsum,add,399,0.208,0.0576,135430.0,0.027,0.0013,0.9167,0.025,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,2,6,2,skipsum,max,399,0.0036,0.0017,135430.0,0.0724,0.0064,1.0,0.0,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,2,6,2,skipsum,mean,399,0.088,0.0155,135430.0,0.0309,0.0043,0.969,0.0061,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,2,6,3,skipconcat,add,399,0.1383,0.0592,141786.0,0.0321,0.0071,0.9494,0.0323,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,2,6,3,skipconcat,max,399,0.0145,0.0063,141786.0,0.0267,0.0031,0.9967,0.0023,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,2,6,3,skipconcat,mean,399,0.0547,0.0064,141786.0,0.0852,0.0018,0.9886,0.0046,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,2,6,3,skipsum,add,399,0.1945,0.0448,133926.0,0.0265,0.0008,0.9265,0.0144,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,2,6,3,skipsum,max,399,0.0109,0.0092,133926.0,0.0275,0.0021,0.9967,0.0046,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,2,6,3,skipsum,mean,399,0.0938,0.0503,133926.0,0.0309,0.0043,0.969,0.022,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,2,8,2,skipconcat,add,399,0.0979,0.0341,139610.0,0.0291,0.0032,0.9722,0.0227,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,2,8,2,skipconcat,max,399,0.0044,0.0015,139610.0,0.0284,0.0007,1.0,0.0,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,2,8,2,skipconcat,mean,399,0.0333,0.0149,139610.0,0.032,0.0095,0.9951,0.004,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,2,8,2,skipsum,add,399,0.2497,0.07,134298.0,0.0779,0.0063,0.902,0.0302,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,2,8,2,skipsum,max,399,0.0032,0.0006,134298.0,0.0256,0.0008,1.0,0.0,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,2,8,2,skipsum,mean,399,0.0839,0.0012,134298.0,0.0266,0.0022,0.9804,0.008,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,2,8,3,skipconcat,add,399,0.1063,0.0382,137442.0,0.0363,0.006,0.9624,0.0162,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,2,8,3,skipconcat,max,399,0.0126,0.0063,137442.0,0.1003,0.0059,0.9951,0.004,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,2,8,3,skipconcat,mean,399,0.035,0.0126,137442.0,0.0271,0.0009,0.9935,0.0061,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,2,8,3,skipsum,add,399,0.2173,0.1246,135057.0,0.0272,0.0016,0.9346,0.0544,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,2,8,3,skipsum,max,399,0.0047,0.0012,135057.0,0.0371,0.0025,1.0,0.0,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,2,8,3,skipsum,mean,399,0.082,0.0042,135057.0,0.0783,0.0027,0.9771,0.0023,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,1,2,2,skipconcat,add,399,0.4907,0.0164,136296.0,0.017,0.0002,0.7827,0.0061,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,1,2,2,skipconcat,max,399,1.6052,0.0012,136296.0,0.0227,0.0042,0.219,0.0023,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,1,2,2,skipconcat,mean,399,1.3635,0.0507,136296.0,0.0153,0.0015,0.3889,0.0484,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,1,2,2,skipsum,add,399,0.3758,0.0742,134790.0,0.0152,0.0002,0.848,0.0367,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,1,2,2,skipsum,max,399,1.6052,0.0012,134790.0,0.0178,0.0015,0.219,0.0023,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,1,2,2,skipsum,mean,399,1.3646,0.021,134790.0,0.0496,0.0067,0.3889,0.0464,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,1,2,3,skipconcat,add,399,0.4552,0.0863,134543.0,0.0563,0.0006,0.8055,0.045,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,1,2,3,skipconcat,max,399,1.6052,0.0012,134543.0,0.0554,0.0016,0.219,0.0023,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,1,2,3,skipconcat,mean,399,1.2414,0.0706,134543.0,0.0579,0.0093,0.4673,0.05,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,1,2,3,skipsum,add,399,0.4463,0.0991,134286.0,0.0181,0.0023,0.817,0.0753,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,1,2,3,skipsum,max,399,1.6052,0.0012,134286.0,0.0161,0.0002,0.219,0.0023,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,1,2,3,skipsum,mean,399,1.2931,0.0113,134286.0,0.045,0.0012,0.4216,0.0144,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,1,4,2,skipconcat,add,399,0.4663,0.018,138018.0,0.0196,0.0008,0.799,0.0183,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,1,4,2,skipconcat,max,399,1.6052,0.0012,138018.0,0.0246,0.003,0.219,0.0023,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,1,4,2,skipconcat,mean,399,1.2447,0.0404,138018.0,0.0177,0.0006,0.4559,0.0349,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,1,4,2,skipsum,add,399,0.3749,0.0452,134119.0,0.0219,0.0016,0.8529,0.02,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,1,4,2,skipsum,max,399,1.6052,0.0012,134119.0,0.0185,0.0012,0.219,0.0023,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,1,4,2,skipsum,mean,399,1.2385,0.0493,134119.0,0.0197,0.0026,0.451,0.0212,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,1,4,3,skipconcat,add,399,0.4965,0.0681,135648.0,0.0223,0.0033,0.7794,0.0451,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,1,4,3,skipconcat,max,399,1.6052,0.0012,135648.0,0.023,0.0022,0.219,0.0023,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,1,4,3,skipconcat,mean,399,1.1753,0.042,135648.0,0.0248,0.0012,0.5082,0.0167,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,1,4,3,skipsum,add,399,0.3636,0.0687,134070.0,0.0222,0.001,0.8529,0.0244,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,1,4,3,skipsum,max,399,1.6052,0.0012,134070.0,0.0226,0.0028,0.219,0.0023,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,1,4,3,skipsum,mean,399,1.1368,0.0579,134070.0,0.0656,0.0063,0.4788,0.0443,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,1,6,2,skipconcat,add,399,0.4319,0.0549,138782.0,0.0719,0.0034,0.8268,0.0323,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,1,6,2,skipconcat,max,399,1.6052,0.0012,138782.0,0.0239,0.0044,0.219,0.0023,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,1,6,2,skipconcat,mean,399,1.1935,0.0502,138782.0,0.0244,0.0009,0.4853,0.0422,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,1,6,2,skipsum,add,399,0.3804,0.0848,133830.0,0.061,0.001,0.8415,0.0197,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,1,6,2,skipsum,max,399,1.6052,0.0012,133830.0,0.06,0.0013,0.219,0.0023,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,1,6,2,skipsum,mean,399,1.2025,0.029,133830.0,0.0298,0.0038,0.5114,0.0061,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,1,6,3,skipconcat,add,399,0.4899,0.0253,140562.0,0.024,0.0036,0.768,0.0227,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,1,6,3,skipconcat,max,399,1.6052,0.0012,140562.0,0.0299,0.0016,0.219,0.0023,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,1,6,3,skipconcat,mean,399,1.2303,0.0707,140562.0,0.0854,0.0058,0.4624,0.0289,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,1,6,3,skipsum,add,399,0.3268,0.0642,135430.0,0.0251,0.0046,0.8644,0.0341,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,1,6,3,skipsum,max,399,1.6052,0.0013,135430.0,0.0257,0.0012,0.219,0.0023,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,1,6,3,skipsum,mean,399,1.1805,0.1553,135430.0,0.0252,0.0019,0.4886,0.0707,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,1,8,2,skipconcat,add,399,0.4555,0.0081,138386.0,0.0229,0.0016,0.8072,0.0162,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,1,8,2,skipconcat,max,399,1.6052,0.0012,138386.0,0.0337,0.0023,0.219,0.0023,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,1,8,2,skipconcat,mean,399,1.1931,0.054,138386.0,0.0248,0.0012,0.4722,0.0647,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,1,8,2,skipsum,add,399,0.3366,0.0425,133926.0,0.0255,0.0017,0.8562,0.0284,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,1,8,2,skipsum,max,399,1.6052,0.0012,133926.0,0.0329,0.007,0.219,0.0023,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,1,8,2,skipsum,mean,399,1.2533,0.0414,133926.0,0.0659,0.0022,0.4134,0.0201,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,1,8,3,skipconcat,add,399,0.3668,0.0606,136714.0,0.0949,0.013,0.8513,0.0205,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,1,8,3,skipconcat,max,399,1.6052,0.0012,136714.0,0.0288,0.0048,0.219,0.0023,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,1,8,3,skipconcat,mean,399,1.2345,0.0678,136714.0,0.0275,0.0029,0.4477,0.0345,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,1,8,3,skipsum,add,399,0.3489,0.0736,134298.0,0.0316,0.0036,0.8676,0.0289,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,1,8,3,skipsum,max,399,1.6052,0.0013,134298.0,0.0324,0.0014,0.219,0.0023,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,1,8,3,skipsum,mean,399,1.106,0.045,134298.0,0.0371,0.0041,0.5196,0.0386,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,2,2,2,skipconcat,add,399,0.4858,0.0498,136659.0,0.0221,0.0053,0.7876,0.0416,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,2,2,2,skipconcat,max,399,1.6052,0.0012,136659.0,0.0187,0.0008,0.219,0.0023,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,2,2,2,skipconcat,mean,399,1.3954,0.0247,136659.0,0.0535,0.0002,0.3382,0.0502,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,2,2,2,skipsum,add,399,0.4664,0.1149,134286.0,0.018,0.0022,0.8072,0.0717,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,2,2,2,skipsum,max,399,1.6052,0.0012,134286.0,0.0464,0.0008,0.219,0.0023,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,2,2,2,skipsum,mean,399,1.3894,0.0146,134286.0,0.0199,0.001,0.3889,0.0306,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,2,2,3,skipconcat,add,399,0.517,0.0459,137442.0,0.0191,0.002,0.7908,0.0244,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,2,2,3,skipconcat,max,399,1.6052,0.0012,137442.0,0.0165,0.0013,0.219,0.0023,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,2,2,3,skipconcat,mean,399,1.3596,0.0327,137442.0,0.0193,0.0012,0.4216,0.0243,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,2,2,3,skipsum,add,399,0.3302,0.0105,134119.0,0.0206,0.0017,0.8627,0.0069,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,2,2,3,skipsum,max,399,1.6052,0.0012,134119.0,0.0226,0.0029,0.219,0.0023,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,2,2,3,skipsum,mean,399,1.3249,0.0501,134119.0,0.049,0.0032,0.4134,0.0336,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,2,4,2,skipconcat,add,399,0.5014,0.0582,137500.0,0.072,0.0017,0.7696,0.0223,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,2,4,2,skipconcat,max,399,1.6052,0.0012,137500.0,0.0267,0.002,0.219,0.0023,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,2,4,2,skipconcat,mean,399,1.3126,0.0522,137500.0,0.0273,0.002,0.4134,0.0266,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,2,4,2,skipsum,add,399,0.3619,0.0539,134070.0,0.0288,0.0066,0.8546,0.0245,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,2,4,2,skipsum,max,399,1.6052,0.0012,134070.0,0.0204,0.0015,0.219,0.0023,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,2,4,2,skipsum,mean,399,1.2371,0.0735,134070.0,0.0222,0.0016,0.4641,0.0266,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,2,4,3,skipconcat,add,399,0.4314,0.0287,137951.0,0.0254,0.002,0.8202,0.0201,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,2,4,3,skipconcat,max,399,1.6052,0.0012,137951.0,0.0688,0.0046,0.219,0.0023,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,2,4,3,skipconcat,mean,399,1.2991,0.0416,137951.0,0.076,0.0025,0.4347,0.0083,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,2,4,3,skipsum,add,399,0.3898,0.0289,133830.0,0.0292,0.0002,0.8366,0.0083,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,2,4,3,skipsum,max,399,1.6052,0.0012,133830.0,0.0266,0.0025,0.219,0.0023,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,2,4,3,skipsum,mean,399,1.3953,0.0478,133830.0,0.0294,0.0038,0.366,0.0395,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,2,6,2,skipconcat,add,399,0.4465,0.0091,134553.0,0.0247,0.0017,0.8104,0.0061,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,2,6,2,skipconcat,max,399,1.6052,0.0012,134553.0,0.0301,0.0032,0.219,0.0023,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,2,6,2,skipconcat,mean,399,1.282,0.05,134553.0,0.0264,0.0032,0.4591,0.0762,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,2,6,2,skipsum,add,399,0.3526,0.0717,135430.0,0.024,0.0004,0.8431,0.0472,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,2,6,2,skipsum,max,399,1.6052,0.0013,135430.0,0.0261,0.0012,0.219,0.0023,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,2,6,2,skipsum,mean,399,1.2792,0.0966,135430.0,0.0649,0.0017,0.4592,0.0295,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,2,6,3,skipconcat,add,399,0.4332,0.0452,141786.0,0.0244,0.001,0.7957,0.0361,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,2,6,3,skipconcat,max,399,1.6052,0.0012,141786.0,0.0219,0.0011,0.219,0.0023,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,2,6,3,skipconcat,mean,399,1.2544,0.0347,141786.0,0.09,0.0067,0.4461,0.028,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,2,6,3,skipsum,add,399,0.3764,0.1215,133926.0,0.0768,0.0018,0.8284,0.0734,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,2,6,3,skipsum,max,399,1.6052,0.0012,133926.0,0.025,0.0031,0.219,0.0023,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,2,6,3,skipsum,mean,399,1.3652,0.0853,133926.0,0.0315,0.0016,0.4085,0.0361,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,2,8,2,skipconcat,add,399,0.3739,0.0554,139610.0,0.1091,0.0086,0.8562,0.0235,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,2,8,2,skipconcat,max,399,1.6052,0.0012,139610.0,0.0371,0.0085,0.219,0.0023,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,2,8,2,skipconcat,mean,399,1.2783,0.0576,139610.0,0.0274,0.0031,0.4265,0.0485,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,2,8,2,skipsum,add,399,0.3656,0.0614,134298.0,0.0279,0.0011,0.848,0.0263,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,2,8,2,skipsum,max,399,1.6052,0.0013,134298.0,0.0265,0.0014,0.219,0.0023,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,2,8,2,skipsum,mean,399,1.2907,0.0391,134298.0,0.0262,0.001,0.4347,0.0424,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,2,8,3,skipconcat,add,399,0.3805,0.0215,137442.0,0.0262,0.0025,0.8415,0.0061,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,2,8,3,skipconcat,max,399,1.6052,0.0012,137442.0,0.0944,0.0034,0.219,0.0023,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,2,8,3,skipconcat,mean,399,1.3788,0.0784,137442.0,0.0293,0.0011,0.384,0.0734,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,2,8,3,skipsum,add,399,0.3932,0.1325,135057.0,0.0862,0.0068,0.8317,0.0572,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,2,8,3,skipsum,max,399,1.6052,0.0012,135057.0,0.0304,0.003,0.219,0.0023,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,2,8,3,skipsum,mean,399,1.2711,0.007,135057.0,0.078,0.0052,0.4641,0.0289,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,1,2,2,skipconcat,add,399,0.004,0.0004,136296.0,0.0191,0.0024,1.0,0.0,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,1,2,2,skipconcat,max,399,0.0009,0.0001,136296.0,0.0165,0.0013,1.0,0.0,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,1,2,2,skipconcat,mean,399,0.0012,0.0003,136296.0,0.0183,0.0032,1.0,0.0,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,1,2,2,skipsum,add,399,0.0129,0.0138,134790.0,0.0481,0.0036,0.9951,0.0069,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,1,2,2,skipsum,max,399,0.0035,0.0027,134790.0,0.0156,0.0012,0.9984,0.0023,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,1,2,2,skipsum,mean,399,0.002,0.0011,134790.0,0.0445,0.002,1.0,0.0,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,1,2,3,skipconcat,add,399,0.0075,0.0018,134543.0,0.0179,0.0006,0.9984,0.0023,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,1,2,3,skipconcat,max,399,0.0033,0.0012,134543.0,0.0199,0.0003,1.0,0.0,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,1,2,3,skipconcat,mean,399,0.002,0.0004,134543.0,0.0199,0.006,1.0,0.0,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,1,2,3,skipsum,add,399,0.0151,0.0036,134286.0,0.0167,0.0012,0.9951,0.004,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,1,2,3,skipsum,max,399,0.01,0.0101,134286.0,0.0171,0.0003,0.9951,0.0069,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,1,2,3,skipsum,mean,399,0.007,0.0051,134286.0,0.016,0.0003,0.9984,0.0023,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,1,4,2,skipconcat,add,399,0.0268,0.0206,138018.0,0.0257,0.0034,0.9951,0.004,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,1,4,2,skipconcat,max,399,0.0024,0.0017,138018.0,0.0256,0.0079,0.9984,0.0023,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,1,4,2,skipconcat,mean,399,0.0022,0.001,138018.0,0.0244,0.0012,1.0,0.0,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,1,4,2,skipsum,add,399,0.0085,0.004,134119.0,0.0207,0.0014,0.9967,0.0046,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,1,4,2,skipsum,max,399,0.0018,0.0008,134119.0,0.0199,0.0018,1.0,0.0,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,1,4,2,skipsum,mean,399,0.0026,0.0021,134119.0,0.0204,0.0009,1.0,0.0,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,1,4,3,skipconcat,add,399,0.0094,0.0048,135648.0,0.0745,0.0048,0.9967,0.0023,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,1,4,3,skipconcat,max,399,0.0026,0.0022,135648.0,0.02,0.0019,0.9984,0.0023,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,1,4,3,skipconcat,mean,399,0.003,0.002,135648.0,0.069,0.0035,1.0,0.0,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,1,4,3,skipsum,add,399,0.0083,0.0014,134070.0,0.0272,0.0051,1.0,0.0,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,1,4,3,skipsum,max,399,0.0097,0.0062,134070.0,0.0229,0.0006,0.9951,0.004,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,1,4,3,skipsum,mean,399,0.003,0.001,134070.0,0.0564,0.0009,1.0,0.0,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,1,6,2,skipconcat,add,399,0.0121,0.0078,138782.0,0.0247,0.0009,0.9967,0.0023,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,1,6,2,skipconcat,max,399,0.0027,0.0027,138782.0,0.0823,0.0031,0.9984,0.0023,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,1,6,2,skipconcat,mean,399,0.0019,0.0005,138782.0,0.0235,0.0047,1.0,0.0,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,1,6,2,skipsum,add,399,0.0177,0.01,133830.0,0.0257,0.0026,0.9935,0.0061,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,1,6,2,skipsum,max,399,0.0029,0.0023,133830.0,0.0663,0.0045,1.0,0.0,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,1,6,2,skipsum,mean,399,0.0055,0.0034,133830.0,0.0305,0.0096,0.9984,0.0023,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,1,6,3,skipconcat,add,399,0.014,0.007,140562.0,0.0227,0.0022,0.9967,0.0023,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,1,6,3,skipconcat,max,399,0.0011,0.0001,140562.0,0.0231,0.0016,1.0,0.0,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,1,6,3,skipconcat,mean,399,0.002,0.0007,140562.0,0.086,0.0036,1.0,0.0,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,1,6,3,skipsum,add,399,0.0126,0.0081,135430.0,0.0242,0.0036,0.9984,0.0023,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,1,6,3,skipsum,max,399,0.0021,0.0008,135430.0,0.0245,0.0011,1.0,0.0,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,1,6,3,skipsum,mean,399,0.0042,0.0019,135430.0,0.0234,0.0015,1.0,0.0,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,1,8,2,skipconcat,add,399,0.0085,0.0059,138386.0,0.0268,0.0017,0.9984,0.0023,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,1,8,2,skipconcat,max,399,0.0012,0.0006,138386.0,0.0909,0.0025,1.0,0.0,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,1,8,2,skipconcat,mean,399,0.0012,0.0004,138386.0,0.0296,0.0032,1.0,0.0,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,1,8,2,skipsum,add,399,0.0056,0.0005,133926.0,0.0262,0.0002,1.0,0.0,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,1,8,2,skipsum,max,399,0.0011,0.0001,133926.0,0.0307,0.0042,1.0,0.0,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,1,8,2,skipsum,mean,399,0.0022,0.001,133926.0,0.0345,0.0092,1.0,0.0,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,1,8,3,skipconcat,add,399,0.0099,0.0061,136714.0,0.0983,0.0034,0.9984,0.0023,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,1,8,3,skipconcat,max,399,0.002,0.0015,136714.0,0.0295,0.0007,1.0,0.0,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,1,8,3,skipconcat,mean,399,0.0022,0.0014,136714.0,0.0913,0.0041,1.0,0.0,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,1,8,3,skipsum,add,399,0.0133,0.0085,134298.0,0.0286,0.0031,0.9984,0.0023,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,1,8,3,skipsum,max,399,0.0021,0.0006,134298.0,0.0271,0.0013,1.0,0.0,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,1,8,3,skipsum,mean,399,0.0042,0.0033,134298.0,0.0285,0.0015,1.0,0.0,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,2,2,2,skipconcat,add,399,0.0037,0.0021,136659.0,0.0183,0.0019,1.0,0.0,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,2,2,2,skipconcat,max,399,0.0012,0.0004,136659.0,0.0158,0.0013,1.0,0.0,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,2,2,2,skipconcat,mean,399,0.0011,0.0001,136659.0,0.0539,0.0017,1.0,0.0,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,2,2,2,skipsum,add,399,0.0037,0.0003,134286.0,0.0492,0.0016,1.0,0.0,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,2,2,2,skipsum,max,399,0.0025,0.0007,134286.0,0.0169,0.0008,1.0,0.0,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,2,2,2,skipsum,mean,399,0.0044,0.0036,134286.0,0.0499,0.0043,0.9984,0.0023,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,2,2,3,skipconcat,add,399,0.0151,0.0067,137442.0,0.0189,0.0019,0.9967,0.0023,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,2,2,3,skipconcat,max,399,0.0036,0.0009,137442.0,0.018,0.0004,1.0,0.0,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,2,2,3,skipconcat,mean,399,0.0042,0.0012,137442.0,0.017,0.0009,1.0,0.0,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,2,2,3,skipsum,add,399,0.0098,0.0091,134119.0,0.0598,0.0027,0.9967,0.0046,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,2,2,3,skipsum,max,399,0.0029,0.0011,134119.0,0.0563,0.0035,1.0,0.0,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,2,2,3,skipsum,mean,399,0.0043,0.0037,134119.0,0.0211,0.0027,0.9984,0.0023,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,2,4,2,skipconcat,add,399,0.0032,0.0006,137500.0,0.07,0.0025,1.0,0.0,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,2,4,2,skipconcat,max,399,0.0011,0.0003,137500.0,0.0602,0.0007,1.0,0.0,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,2,4,2,skipconcat,mean,399,0.0015,0.0006,137500.0,0.0213,0.0023,1.0,0.0,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,2,4,2,skipsum,add,399,0.0042,0.0009,134070.0,0.0199,0.0009,1.0,0.0,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,2,4,2,skipsum,max,399,0.0031,0.0018,134070.0,0.0211,0.0021,1.0,0.0,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,2,4,2,skipsum,mean,399,0.0015,0.0005,134070.0,0.066,0.0081,1.0,0.0,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,2,4,3,skipconcat,add,399,0.0057,0.0029,137951.0,0.0202,0.0038,1.0,0.0,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,2,4,3,skipconcat,max,399,0.0012,0.0002,137951.0,0.0262,0.0022,1.0,0.0,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,2,4,3,skipconcat,mean,399,0.0017,0.0003,137951.0,0.025,0.0036,1.0,0.0,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,2,4,3,skipsum,add,399,0.0146,0.0139,133830.0,0.0652,0.0034,0.9984,0.0023,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,2,4,3,skipsum,max,399,0.0011,0.0001,133830.0,0.0212,0.0022,1.0,0.0,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,2,4,3,skipsum,mean,399,0.0146,0.0187,133830.0,0.0627,0.0076,0.9967,0.0046,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,2,6,2,skipconcat,add,399,0.0036,0.0021,134553.0,0.0907,0.0062,1.0,0.0,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,2,6,2,skipconcat,max,399,0.0009,0.0002,134553.0,0.0224,0.0028,1.0,0.0,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,2,6,2,skipconcat,mean,399,0.0013,0.0006,134553.0,0.0914,0.0024,1.0,0.0,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,2,6,2,skipsum,add,399,0.0048,0.0021,135430.0,0.0243,0.0023,1.0,0.0,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,2,6,2,skipsum,max,399,0.001,0.0003,135430.0,0.0295,0.0052,1.0,0.0,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,2,6,2,skipsum,mean,399,0.0015,0.0006,135430.0,0.0242,0.0016,1.0,0.0,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,2,6,3,skipconcat,add,399,0.0036,0.0006,141786.0,0.0259,0.0026,1.0,0.0,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,2,6,3,skipconcat,max,399,0.0026,0.0015,141786.0,0.0894,0.0004,1.0,0.0,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,2,6,3,skipconcat,mean,399,0.0023,0.0011,141786.0,0.081,0.0047,1.0,0.0,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,2,6,3,skipsum,add,399,0.0065,0.0047,133926.0,0.0234,0.0016,0.9984,0.0023,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,2,6,3,skipsum,max,399,0.002,0.0009,133926.0,0.0283,0.0003,1.0,0.0,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,2,6,3,skipsum,mean,399,0.0025,0.0006,133926.0,0.0295,0.0026,1.0,0.0,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,2,8,2,skipconcat,add,399,0.0062,0.0032,139610.0,0.0253,0.0017,0.9984,0.0023,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,2,8,2,skipconcat,max,399,0.0013,0.0008,139610.0,0.0334,0.0077,1.0,0.0,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,2,8,2,skipconcat,mean,399,0.0011,0.0003,139610.0,0.0963,0.0042,1.0,0.0,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,2,8,2,skipsum,add,399,0.0053,0.0024,134298.0,0.0262,0.0024,1.0,0.0,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,2,8,2,skipsum,max,399,0.0016,0.0007,134298.0,0.0304,0.005,1.0,0.0,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,2,8,2,skipsum,mean,399,0.0014,0.0003,134298.0,0.0693,0.0013,1.0,0.0,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,2,8,3,skipconcat,add,399,0.0043,0.0007,137442.0,0.0297,0.0037,1.0,0.0,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,2,8,3,skipconcat,max,399,0.0015,0.0004,137442.0,0.0986,0.0073,1.0,0.0,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,2,8,3,skipconcat,mean,399,0.0033,0.0021,137442.0,0.0933,0.0054,0.9984,0.0023,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,2,8,3,skipsum,add,399,0.0104,0.0103,135057.0,0.0278,0.004,0.9984,0.0023,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,2,8,3,skipsum,max,399,0.0018,0.0008,135057.0,0.0305,0.001,1.0,0.0,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,2,8,3,skipsum,mean,399,0.0032,0.002,135057.0,0.0849,0.0066,1.0,0.0,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,1,2,2,skipconcat,add,399,0.1849,0.0048,136296.0,0.0525,0.0016,0.9412,0.0106,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,1,2,2,skipconcat,max,399,0.0111,0.0017,136296.0,0.0153,0.0013,0.9951,0.004,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,1,2,2,skipconcat,mean,399,0.0309,0.004,136296.0,0.0161,0.0008,0.9918,0.0046,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,1,2,2,skipsum,add,399,0.1697,0.0759,134790.0,0.0153,0.0013,0.9428,0.035,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,1,2,2,skipsum,max,399,0.0128,0.002,134790.0,0.0462,0.0048,0.9951,0.004,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,1,2,2,skipsum,mean,399,0.0286,0.0045,134790.0,0.0164,0.0014,0.9935,0.0023,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,1,2,3,skipconcat,add,399,0.1898,0.0351,134543.0,0.0158,0.0005,0.9379,0.0129,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,1,2,3,skipconcat,max,399,0.0133,0.0038,134543.0,0.0171,0.0016,0.9935,0.0023,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,1,2,3,skipconcat,mean,399,0.0269,0.0023,134543.0,0.0166,0.0018,0.9886,0.0023,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,1,2,3,skipsum,add,399,0.2339,0.1186,134286.0,0.0532,0.0037,0.9167,0.0561,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,1,2,3,skipsum,max,399,0.0217,0.0121,134286.0,0.0556,0.0031,0.9886,0.0023,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,1,2,3,skipsum,mean,399,0.0587,0.0124,134286.0,0.016,0.0007,0.9804,0.0069,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,1,4,2,skipconcat,add,399,0.2375,0.0602,138018.0,0.0178,0.0007,0.9085,0.0272,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,1,4,2,skipconcat,max,399,0.0149,0.0049,138018.0,0.0214,0.0005,0.9902,0.0,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,1,4,2,skipconcat,mean,399,0.0644,0.0498,138018.0,0.0214,0.0002,0.9853,0.012,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,1,4,2,skipsum,add,399,0.2281,0.1032,134119.0,0.0166,0.0005,0.915,0.0441,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,1,4,2,skipsum,max,399,0.0104,0.0021,134119.0,0.0515,0.0019,0.9935,0.0023,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,1,4,2,skipsum,mean,399,0.0389,0.0094,134119.0,0.0237,0.001,0.9902,0.004,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,1,4,3,skipconcat,add,399,0.256,0.0871,135648.0,0.0657,0.0014,0.8807,0.0455,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,1,4,3,skipconcat,max,399,0.0102,0.0005,135648.0,0.0313,0.0067,0.9935,0.0023,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,1,4,3,skipconcat,mean,399,0.0235,0.0032,135648.0,0.031,0.0038,0.9951,0.004,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,1,4,3,skipsum,add,399,0.2295,0.0325,134070.0,0.0541,0.0022,0.9216,0.02,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,1,4,3,skipsum,max,399,0.0131,0.0049,134070.0,0.0204,0.0005,0.9902,0.004,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,1,4,3,skipsum,mean,399,0.0462,0.0042,134070.0,0.0247,0.0016,0.9869,0.0023,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,1,6,2,skipconcat,add,399,0.1726,0.0264,138782.0,0.0243,0.0007,0.9526,0.0162,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,1,6,2,skipconcat,max,399,0.0093,0.0029,138782.0,0.0243,0.0003,0.9967,0.0023,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,1,6,2,skipconcat,mean,399,0.0312,0.0079,138782.0,0.0714,0.0031,0.9886,0.0061,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,1,6,2,skipsum,add,399,0.2311,0.0366,133830.0,0.0283,0.0049,0.92,0.0151,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,1,6,2,skipsum,max,399,0.0093,0.0018,133830.0,0.0287,0.0039,0.9967,0.0023,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,1,6,2,skipsum,mean,399,0.037,0.0103,133830.0,0.0229,0.0028,0.9935,0.0046,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,1,6,3,skipconcat,add,399,0.2483,0.11,140562.0,0.0224,0.0017,0.8954,0.0628,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,1,6,3,skipconcat,max,399,0.0097,0.0004,140562.0,0.0291,0.0027,0.9967,0.0023,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,1,6,3,skipconcat,mean,399,0.0284,0.0075,140562.0,0.0238,0.0011,0.9902,0.004,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,1,6,3,skipsum,add,399,0.2451,0.0688,135430.0,0.069,0.0047,0.9069,0.0277,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,1,6,3,skipsum,max,399,0.0095,0.0007,135430.0,0.0637,0.0015,0.9951,0.0,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,1,6,3,skipsum,mean,399,0.0483,0.0175,135430.0,0.0255,0.0016,0.9837,0.0141,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,1,8,2,skipconcat,add,399,0.1718,0.0148,138386.0,0.0429,0.0049,0.9461,0.008,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,1,8,2,skipconcat,max,399,0.0089,0.0009,138386.0,0.026,0.0019,0.9951,0.0,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,1,8,2,skipconcat,mean,399,0.022,0.0053,138386.0,0.0334,0.0081,0.9967,0.0046,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,1,8,2,skipsum,add,399,0.1985,0.0598,133926.0,0.0371,0.0028,0.9298,0.034,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,1,8,2,skipsum,max,399,0.0082,0.0004,133926.0,0.0297,0.0021,0.9967,0.0023,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,1,8,2,skipsum,mean,399,0.0416,0.0186,133926.0,0.0298,0.0049,0.9853,0.0106,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,1,8,3,skipconcat,add,399,0.1751,0.0902,136714.0,0.0286,0.0008,0.9428,0.0333,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,1,8,3,skipconcat,max,399,0.0094,0.0004,136714.0,0.0327,0.0041,0.9951,0.0,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,1,8,3,skipconcat,mean,399,0.0415,0.0311,136714.0,0.0289,0.0015,0.9902,0.0106,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,1,8,3,skipsum,add,399,0.2681,0.0721,134298.0,0.0835,0.0067,0.8938,0.0395,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,1,8,3,skipsum,max,399,0.0098,0.0017,134298.0,0.0329,0.0034,0.9967,0.0046,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,1,8,3,skipsum,mean,399,0.0457,0.0142,134298.0,0.0332,0.0049,0.9902,0.0,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,2,2,2,skipconcat,add,399,0.0826,0.0268,136659.0,0.0262,0.002,0.9837,0.0092,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,2,2,2,skipconcat,max,399,0.0104,0.002,136659.0,0.0195,0.0017,0.9967,0.0023,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,2,2,2,skipconcat,mean,399,0.0233,0.0134,136659.0,0.0162,0.0011,0.9918,0.0046,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,2,2,2,skipsum,add,399,0.1163,0.0396,134286.0,0.0442,0.0011,0.9641,0.0141,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,2,2,2,skipsum,max,399,0.011,0.0011,134286.0,0.05,0.0015,0.9951,0.004,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,2,2,2,skipsum,mean,399,0.0347,0.0067,134286.0,0.0212,0.0034,0.9902,0.0,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,2,2,3,skipconcat,add,399,0.1519,0.0627,137442.0,0.0205,0.0014,0.9608,0.0144,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,2,2,3,skipconcat,max,399,0.0148,0.0022,137442.0,0.0195,0.0016,0.9951,0.0,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,2,2,3,skipconcat,mean,399,0.0155,0.0046,137442.0,0.0227,0.0036,0.9984,0.0023,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,2,2,3,skipsum,add,399,0.0962,0.0509,134119.0,0.0212,0.0029,0.9755,0.0144,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,2,2,3,skipsum,max,399,0.0126,0.0018,134119.0,0.0182,0.0004,0.9918,0.0023,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,2,2,3,skipsum,mean,399,0.0265,0.0041,134119.0,0.0533,0.0032,0.9902,0.004,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,2,4,2,skipconcat,add,399,0.096,0.0371,137500.0,0.0264,0.0074,0.9657,0.012,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,2,4,2,skipconcat,max,399,0.0092,0.0008,137500.0,0.0221,0.0019,0.9951,0.0,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,2,4,2,skipconcat,mean,399,0.0197,0.0053,137500.0,0.0223,0.0014,0.9951,0.004,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,2,4,2,skipsum,add,399,0.1104,0.0278,134070.0,0.0214,0.0017,0.9722,0.0092,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,2,4,2,skipsum,max,399,0.0097,0.0002,134070.0,0.0198,0.0002,0.9935,0.0023,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,2,4,2,skipsum,mean,399,0.0304,0.0076,134070.0,0.0184,0.0005,0.9902,0.004,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,2,4,3,skipconcat,add,399,0.0693,0.0521,137951.0,0.0266,0.0066,0.9771,0.0289,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,2,4,3,skipconcat,max,399,0.0089,0.0012,137951.0,0.027,0.0044,0.9967,0.0023,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,2,4,3,skipconcat,mean,399,0.0147,0.0026,137951.0,0.081,0.0038,0.9951,0.0,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,2,4,3,skipsum,add,399,0.1842,0.0529,133830.0,0.0632,0.0016,0.9379,0.0289,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,2,4,3,skipsum,max,399,0.0095,0.0013,133830.0,0.0232,0.0019,0.9967,0.0023,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,2,4,3,skipsum,mean,399,0.0317,0.0122,133830.0,0.0239,0.0011,0.9853,0.0106,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,2,6,2,skipconcat,add,399,0.0663,0.0453,134553.0,0.025,0.0009,0.9771,0.022,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,2,6,2,skipconcat,max,399,0.0096,0.0009,134553.0,0.0833,0.0038,0.9951,0.004,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,2,6,2,skipconcat,mean,399,0.0247,0.0133,134553.0,0.024,0.0019,0.9918,0.0046,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,2,6,2,skipsum,add,399,0.1787,0.0802,135430.0,0.0285,0.0026,0.9379,0.0424,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,2,6,2,skipsum,max,399,0.0088,0.0003,135430.0,0.0289,0.003,0.9935,0.0023,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,2,6,2,skipsum,mean,399,0.033,0.0162,135430.0,0.0264,0.0022,0.9902,0.0106,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,2,6,3,skipconcat,add,399,0.0755,0.0464,141786.0,0.0238,0.0022,0.9771,0.0189,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,2,6,3,skipconcat,max,399,0.0094,0.0002,141786.0,0.0253,0.0033,0.9935,0.0023,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,2,6,3,skipconcat,mean,399,0.0172,0.0048,141786.0,0.0886,0.0038,0.9902,0.004,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,2,6,3,skipsum,add,399,0.1991,0.0711,133926.0,0.024,0.0006,0.9314,0.0349,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,2,6,3,skipsum,max,399,0.0139,0.0034,133926.0,0.0694,0.0038,0.9918,0.0023,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,2,6,3,skipsum,mean,399,0.0385,0.0068,133926.0,0.0255,0.0014,0.9853,0.0,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,2,8,2,skipconcat,add,399,0.0586,0.03,139610.0,0.0253,0.0014,0.9902,0.008,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,2,8,2,skipconcat,max,399,0.0086,0.0009,139610.0,0.0296,0.0052,0.9984,0.0023,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,2,8,2,skipconcat,mean,399,0.0203,0.0017,139610.0,0.0295,0.0016,0.9935,0.0023,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,2,8,2,skipsum,add,399,0.1448,0.0217,134298.0,0.0726,0.0024,0.9526,0.0141,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,2,8,2,skipsum,max,399,0.0111,0.0014,134298.0,0.0757,0.0027,0.9951,0.004,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,2,8,2,skipsum,mean,399,0.0334,0.0068,134298.0,0.0283,0.0028,0.9918,0.0023,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,2,8,3,skipconcat,add,399,0.0879,0.0657,137442.0,0.097,0.0014,0.9739,0.03,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,2,8,3,skipconcat,max,399,0.0105,0.0013,137442.0,0.0279,0.0031,0.9935,0.0023,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,2,8,3,skipconcat,mean,399,0.0159,0.0044,137442.0,0.0955,0.0054,0.9935,0.0023,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,2,8,3,skipsum,add,399,0.2127,0.1754,135057.0,0.0314,0.005,0.9281,0.081,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,2,8,3,skipsum,max,399,0.009,0.0006,135057.0,0.0299,0.0022,0.9951,0.0,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,2,8,3,skipsum,mean,399,0.0348,0.0116,135057.0,0.0341,0.0051,0.9886,0.0023,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,1,2,2,skipconcat,add,399,0.367,0.0084,136296.0,0.0237,0.0018,0.8441,0.0021,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,1,2,2,skipconcat,max,399,0.2453,0.0316,136296.0,0.0158,0.0004,0.9302,0.0142,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,1,2,2,skipconcat,mean,399,0.871,0.0307,136296.0,0.0184,0.0021,0.6557,0.0138,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,1,2,2,skipsum,add,399,0.3354,0.003,134790.0,0.0163,0.0024,0.8579,0.0024,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,1,2,2,skipsum,max,399,0.1749,0.0363,134790.0,0.0172,0.0021,0.9505,0.015,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,1,2,2,skipsum,mean,399,0.6059,0.0479,134790.0,0.0197,0.0039,0.7751,0.0228,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,1,2,3,skipconcat,add,399,0.3257,0.0093,134543.0,0.0233,0.0034,0.8616,0.0051,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,1,2,3,skipconcat,max,399,0.1151,0.0177,134543.0,0.0488,0.0022,0.9673,0.0078,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,1,2,3,skipconcat,mean,399,0.4828,0.0358,134543.0,0.0183,0.0018,0.8271,0.0162,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,1,2,3,skipsum,add,399,0.3128,0.0002,134286.0,0.0521,0.0017,0.8666,0.0011,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,1,2,3,skipsum,max,399,0.0965,0.0233,134286.0,0.0189,0.0041,0.9711,0.0097,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,1,2,3,skipsum,mean,399,0.338,0.0354,134286.0,0.0228,0.0041,0.8867,0.016,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,1,4,2,skipconcat,add,399,0.1652,0.0066,138018.0,0.0275,0.0052,0.9347,0.0025,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,1,4,2,skipconcat,max,399,0.0865,0.0138,138018.0,0.0641,0.0024,0.9817,0.0056,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,1,4,2,skipconcat,mean,399,0.6125,0.0216,138018.0,0.0216,0.0003,0.7772,0.0107,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,1,4,2,skipsum,add,399,0.1429,0.0076,134119.0,0.0198,0.0011,0.9435,0.0053,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,1,4,2,skipsum,max,399,0.0256,0.0021,134119.0,0.0201,0.0012,0.9974,0.0009,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,1,4,2,skipsum,mean,399,0.2358,0.0063,134119.0,0.0247,0.0019,0.9274,0.0019,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,1,4,3,skipconcat,add,399,0.1357,0.0104,135648.0,0.0245,0.0004,0.9445,0.0063,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,1,4,3,skipconcat,max,399,0.0401,0.0084,135648.0,0.0254,0.0029,0.9919,0.0029,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,1,4,3,skipconcat,mean,399,0.2098,0.0337,135648.0,0.0311,0.002,0.938,0.0135,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,1,4,3,skipsum,add,399,0.1185,0.0029,134070.0,0.0302,0.0031,0.9521,0.0014,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,1,4,3,skipsum,max,399,0.014,0.0025,134070.0,0.0271,0.0039,0.9979,0.001,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,1,4,3,skipsum,mean,399,0.0933,0.0137,134070.0,0.0226,0.0011,0.9803,0.0056,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,1,6,2,skipconcat,add,399,0.1461,0.0053,138782.0,0.0288,0.0033,0.9425,0.0024,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,1,6,2,skipconcat,max,399,0.0614,0.0052,138782.0,0.0273,0.003,0.9878,0.002,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,1,6,2,skipconcat,mean,399,0.4804,0.0571,138782.0,0.0274,0.0017,0.8341,0.022,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,1,6,2,skipsum,add,399,0.1132,0.0058,133830.0,0.0288,0.0008,0.9552,0.0035,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,1,6,2,skipsum,max,399,0.006,0.0009,133830.0,0.028,0.0003,0.9995,0.0002,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,1,6,2,skipsum,mean,399,0.1363,0.0153,133830.0,0.0699,0.0077,0.9648,0.0056,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,1,6,3,skipconcat,add,399,0.1104,0.0131,140562.0,0.0788,0.0013,0.9557,0.0054,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,1,6,3,skipconcat,max,399,0.029,0.0074,140562.0,0.0776,0.0034,0.9943,0.0025,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,1,6,3,skipconcat,mean,399,0.1622,0.0343,140562.0,0.0256,0.0021,0.9561,0.0142,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,1,6,3,skipsum,add,399,0.0958,0.0068,135430.0,0.032,0.0031,0.9616,0.0039,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,1,6,3,skipsum,max,399,0.0044,0.0004,135430.0,0.0277,0.0023,0.9993,0.0001,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,1,6,3,skipsum,mean,399,0.071,0.0107,135430.0,0.0249,0.0027,0.9872,0.0033,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,1,8,2,skipconcat,add,399,0.1368,0.0072,138386.0,0.0279,0.0012,0.9471,0.0038,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,1,8,2,skipconcat,max,399,0.0692,0.0187,138386.0,0.0305,0.0011,0.9829,0.0069,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,1,8,2,skipconcat,mean,399,0.493,0.0146,138386.0,0.0273,0.0039,0.8241,0.0094,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,1,8,2,skipsum,add,399,0.0997,0.003,133926.0,0.0313,0.0039,0.9624,0.0024,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,1,8,2,skipsum,max,399,0.0034,0.0006,133926.0,0.0301,0.0043,0.9997,0.0,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,1,8,2,skipsum,mean,399,0.1169,0.01,133926.0,0.0815,0.0036,0.9716,0.0028,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,1,8,3,skipconcat,add,399,0.1067,0.0059,136714.0,0.0306,0.0017,0.9572,0.0027,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,1,8,3,skipconcat,max,399,0.0283,0.0029,136714.0,0.1094,0.0044,0.9946,0.0013,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,1,8,3,skipconcat,mean,399,0.1736,0.0197,136714.0,0.0306,0.002,0.9528,0.007,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,1,8,3,skipsum,add,399,0.0904,0.0033,134298.0,0.0297,0.0043,0.9632,0.0024,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,1,8,3,skipsum,max,399,0.0026,0.0002,134298.0,0.0842,0.0022,0.9997,0.0001,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,1,8,3,skipsum,mean,399,0.0634,0.0116,134298.0,0.0319,0.0031,0.9901,0.0034,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,2,2,2,skipconcat,add,399,0.333,0.0041,136659.0,0.0191,0.0004,0.8622,0.0032,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,2,2,2,skipconcat,max,399,0.1337,0.0122,136659.0,0.0178,0.002,0.9692,0.0044,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,2,2,2,skipconcat,mean,399,0.5006,0.0474,136659.0,0.0194,0.0011,0.8268,0.0209,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,2,2,2,skipsum,add,399,0.3322,0.0005,134286.0,0.0556,0.0063,0.8588,0.0018,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,2,2,2,skipsum,max,399,0.1241,0.0215,134286.0,0.019,0.0014,0.9673,0.0093,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,2,2,2,skipsum,mean,399,0.3965,0.0214,134286.0,0.0481,0.001,0.8644,0.0085,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,2,2,3,skipconcat,add,399,0.3076,0.0027,137442.0,0.0599,0.0028,0.8679,0.0016,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,2,2,3,skipconcat,max,399,0.0459,0.0044,137442.0,0.0657,0.0024,0.9894,0.0015,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,2,2,3,skipconcat,mean,399,0.1968,0.0223,137442.0,0.0188,0.0029,0.9393,0.0084,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,2,2,3,skipsum,add,399,0.3096,0.0138,134119.0,0.0206,0.0032,0.869,0.0075,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,2,2,3,skipsum,max,399,0.0492,0.0056,134119.0,0.0214,0.0008,0.9889,0.0022,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,2,2,3,skipsum,mean,399,0.1893,0.0223,134119.0,0.0184,0.0005,0.9442,0.0091,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,2,4,2,skipconcat,add,399,0.1589,0.0027,137500.0,0.0259,0.0038,0.9369,0.0028,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,2,4,2,skipconcat,max,399,0.0449,0.0098,137500.0,0.0341,0.0024,0.9931,0.0027,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,2,4,2,skipconcat,mean,399,0.3056,0.0351,137500.0,0.0295,0.0039,0.9055,0.0154,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,2,4,2,skipsum,add,399,0.1457,0.0027,134070.0,0.0246,0.0044,0.9415,0.0007,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,2,4,2,skipsum,max,399,0.0168,0.0047,134070.0,0.0264,0.0022,0.9982,0.0011,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,2,4,2,skipsum,mean,399,0.1455,0.0213,134070.0,0.0213,0.0013,0.9601,0.0093,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,2,4,3,skipconcat,add,399,0.1381,0.0068,137951.0,0.0228,0.0004,0.9427,0.0033,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,2,4,3,skipconcat,max,399,0.0225,0.0097,137951.0,0.0252,0.0027,0.9965,0.0025,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,2,4,3,skipconcat,mean,399,0.1498,0.0419,137951.0,0.0762,0.0037,0.9581,0.0135,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,2,4,3,skipsum,add,399,0.1189,0.0056,133830.0,0.0582,0.002,0.9522,0.0032,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,2,4,3,skipsum,max,399,0.0127,0.0011,133830.0,0.0671,0.0023,0.9976,0.0005,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,2,4,3,skipsum,mean,399,0.0729,0.0101,133830.0,0.0278,0.0013,0.9851,0.003,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,2,6,2,skipconcat,add,399,0.1395,0.0056,134553.0,0.0768,0.001,0.9462,0.0022,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,2,6,2,skipconcat,max,399,0.0322,0.0038,134553.0,0.0273,0.0007,0.996,0.0012,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,2,6,2,skipconcat,mean,399,0.2901,0.0281,134553.0,0.0307,0.0045,0.9106,0.0123,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,2,6,2,skipsum,add,399,0.1164,0.0083,135430.0,0.0265,0.0022,0.9544,0.0042,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,2,6,2,skipsum,max,399,0.0053,0.0005,135430.0,0.0252,0.0013,0.9996,0.0001,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,2,6,2,skipsum,mean,399,0.0972,0.0209,135430.0,0.0293,0.0037,0.9769,0.0087,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,2,6,3,skipconcat,add,399,0.1072,0.0078,141786.0,0.0275,0.0033,0.9564,0.0039,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,2,6,3,skipconcat,max,399,0.0226,0.0062,141786.0,0.0258,0.0025,0.9953,0.0016,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,2,6,3,skipconcat,mean,399,0.1222,0.0079,141786.0,0.0314,0.0032,0.9659,0.0023,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,2,6,3,skipsum,add,399,0.0925,0.007,133926.0,0.024,0.0012,0.9628,0.0037,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,2,6,3,skipsum,max,399,0.0065,0.0023,133926.0,0.0743,0.004,0.9988,0.0007,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,2,6,3,skipsum,mean,399,0.0577,0.0071,133926.0,0.0319,0.0032,0.9895,0.0024,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,2,8,2,skipconcat,add,399,0.1339,0.0063,139610.0,0.0297,0.0035,0.9489,0.0025,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,2,8,2,skipconcat,max,399,0.0329,0.0089,139610.0,0.0997,0.0067,0.9947,0.0026,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,2,8,2,skipconcat,mean,399,0.3003,0.0301,139610.0,0.0352,0.0007,0.9065,0.0129,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,2,8,2,skipsum,add,399,0.1035,0.0034,134298.0,0.0282,0.0008,0.9606,0.0018,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,2,8,2,skipsum,max,399,0.0025,0.0005,134298.0,0.0304,0.0039,0.9998,0.0,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,2,8,2,skipsum,mean,399,0.0809,0.0105,134298.0,0.0409,0.0064,0.9836,0.0035,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,2,8,3,skipconcat,add,399,0.106,0.0007,137442.0,0.0384,0.009,0.9567,0.0004,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,2,8,3,skipconcat,max,399,0.0209,0.0033,137442.0,0.0324,0.002,0.9955,0.0016,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,2,8,3,skipconcat,mean,399,0.112,0.0162,137442.0,0.0352,0.0046,0.9698,0.0072,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,2,8,3,skipsum,add,399,0.0895,0.0011,135057.0,0.0307,0.0026,0.9647,0.0011,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,2,8,3,skipsum,max,399,0.0022,0.0006,135057.0,0.088,0.009,0.9997,0.0001,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,2,8,3,skipsum,mean,399,0.0576,0.0135,135057.0,0.0323,0.0019,0.9901,0.0045,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,1,2,2,skipconcat,add,399,1.1973,0.0093,136296.0,0.0225,0.0033,0.4786,0.0063,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,1,2,2,skipconcat,max,399,1.6048,0.0003,136296.0,0.0153,0.0005,0.233,0.0015,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,1,2,2,skipconcat,mean,399,1.602,0.0038,136296.0,0.0567,0.0025,0.2316,0.0034,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,1,2,2,skipsum,add,399,1.1878,0.0043,134790.0,0.0169,0.0015,0.4868,0.0028,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,1,2,2,skipsum,max,399,1.6048,0.0003,134790.0,0.0536,0.0064,0.233,0.0015,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,1,2,2,skipsum,mean,399,1.5962,0.0061,134790.0,0.0502,0.0045,0.2365,0.0021,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,1,2,3,skipconcat,add,399,1.1495,0.0189,134543.0,0.0192,0.001,0.5017,0.0082,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,1,2,3,skipconcat,max,399,1.6048,0.0003,134543.0,0.0569,0.0009,0.233,0.0015,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,1,2,3,skipconcat,mean,399,1.5884,0.0072,134543.0,0.0189,0.0033,0.2557,0.022,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,1,2,3,skipsum,add,399,1.1576,0.0187,134286.0,0.0189,0.0008,0.4952,0.0091,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,1,2,3,skipsum,max,399,1.6048,0.0003,134286.0,0.05,0.003,0.233,0.0015,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,1,2,3,skipsum,mean,399,1.5947,0.0033,134286.0,0.0522,0.0031,0.2176,0.0127,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,1,4,2,skipconcat,add,399,0.9681,0.0197,138018.0,0.0189,0.0016,0.5817,0.0096,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,1,4,2,skipconcat,max,399,1.6048,0.0003,138018.0,0.0247,0.0061,0.233,0.0015,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,1,4,2,skipconcat,mean,399,1.576,0.0114,138018.0,0.0229,0.0025,0.2757,0.0177,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,1,4,2,skipsum,add,399,0.9578,0.0117,134119.0,0.0586,0.0027,0.5865,0.003,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,1,4,2,skipsum,max,399,1.6048,0.0003,134119.0,0.0477,0.0001,0.233,0.0015,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,1,4,2,skipsum,mean,399,1.584,0.0091,134119.0,0.031,0.0035,0.2561,0.0134,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,1,4,3,skipconcat,add,399,0.9263,0.0074,135648.0,0.0213,0.0025,0.6029,0.0065,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,1,4,3,skipconcat,max,399,1.6048,0.0003,135648.0,0.0266,0.0032,0.233,0.0015,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,1,4,3,skipconcat,mean,399,1.5502,0.0081,135648.0,0.0279,0.0054,0.2867,0.0134,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,1,4,3,skipsum,add,399,0.9032,0.0077,134070.0,0.0266,0.0022,0.6162,0.0043,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,1,4,3,skipsum,max,399,1.6048,0.0003,134070.0,0.0586,0.0026,0.233,0.0015,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,1,4,3,skipsum,mean,399,1.5762,0.0107,134070.0,0.0242,0.0018,0.2811,0.0138,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,1,6,2,skipconcat,add,399,0.9323,0.042,138782.0,0.0241,0.0016,0.597,0.0227,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,1,6,2,skipconcat,max,399,1.6048,0.0003,138782.0,0.0239,0.0008,0.233,0.0015,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,1,6,2,skipconcat,mean,399,1.5534,0.0145,138782.0,0.0325,0.0038,0.2936,0.0091,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,1,6,2,skipsum,add,399,0.8799,0.0065,133830.0,0.0343,0.0015,0.6208,0.0038,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,1,6,2,skipsum,max,399,1.6048,0.0003,133830.0,0.0329,0.004,0.233,0.0015,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,1,6,2,skipsum,mean,399,1.5928,0.0091,133830.0,0.0335,0.0013,0.2543,0.0187,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,1,6,3,skipconcat,add,399,0.8894,0.0306,140562.0,0.0812,0.0052,0.6188,0.0157,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,1,6,3,skipconcat,max,399,1.6048,0.0003,140562.0,0.0329,0.0067,0.233,0.0015,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,1,6,3,skipconcat,mean,399,1.5605,0.0033,140562.0,0.0254,0.0004,0.2795,0.0097,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,1,6,3,skipsum,add,399,0.8573,0.0184,135430.0,0.0251,0.0017,0.6359,0.0097,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,1,6,3,skipsum,max,399,1.6048,0.0003,135430.0,0.0281,0.0034,0.233,0.0015,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,1,6,3,skipsum,mean,399,1.574,0.013,135430.0,0.0297,0.0048,0.2841,0.0032,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,1,8,2,skipconcat,add,399,0.9291,0.0328,138386.0,0.094,0.0055,0.599,0.014,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,1,8,2,skipconcat,max,399,1.6048,0.0003,138386.0,0.0372,0.0057,0.233,0.0015,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,1,8,2,skipconcat,mean,399,1.5641,0.0016,138386.0,0.0328,0.0025,0.2881,0.0153,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,1,8,2,skipsum,add,399,0.8642,0.0354,133926.0,0.033,0.0036,0.6295,0.014,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,1,8,2,skipsum,max,399,1.6048,0.0003,133926.0,0.032,0.0019,0.233,0.0015,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,1,8,2,skipsum,mean,399,1.5786,0.0035,133926.0,0.0315,0.0038,0.2729,0.0118,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,1,8,3,skipconcat,add,399,0.9106,0.0317,136714.0,0.0422,0.0115,0.607,0.0173,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,1,8,3,skipconcat,max,399,1.6048,0.0003,136714.0,0.0303,0.0041,0.233,0.0015,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,1,8,3,skipconcat,mean,399,1.5677,0.0044,136714.0,0.0313,0.0004,0.2842,0.0048,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,1,8,3,skipsum,add,399,0.8348,0.0729,134298.0,0.0756,0.0041,0.6443,0.0376,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,1,8,3,skipsum,max,399,1.6048,0.0003,134298.0,0.0353,0.0041,0.233,0.0015,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,1,8,3,skipsum,mean,399,1.5725,0.0024,134298.0,0.04,0.0007,0.2834,0.0073,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,2,2,2,skipconcat,add,399,1.2092,0.0197,136659.0,0.0189,0.0014,0.4729,0.01,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,2,2,2,skipconcat,max,399,1.6048,0.0003,136659.0,0.0225,0.0008,0.233,0.0015,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,2,2,2,skipconcat,mean,399,1.6048,0.0003,136659.0,0.0193,0.002,0.233,0.0015,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,2,2,2,skipsum,add,399,1.2182,0.0265,134286.0,0.0247,0.0019,0.4686,0.0139,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,2,2,2,skipsum,max,399,1.6048,0.0003,134286.0,0.0208,0.0025,0.233,0.0015,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,2,2,2,skipsum,mean,399,1.6048,0.0003,134286.0,0.0472,0.0024,0.233,0.0015,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,2,2,3,skipconcat,add,399,1.1505,0.0116,137442.0,0.0218,0.0003,0.4975,0.0059,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,2,2,3,skipconcat,max,399,1.6048,0.0003,137442.0,0.055,0.001,0.233,0.0015,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,2,2,3,skipconcat,mean,399,1.5912,0.0059,137442.0,0.0269,0.0089,0.2424,0.0075,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,2,2,3,skipsum,add,399,1.1719,0.0117,134119.0,0.0193,0.0011,0.4874,0.0063,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,2,2,3,skipsum,max,399,1.6048,0.0003,134119.0,0.0215,0.0032,0.233,0.0015,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,2,2,3,skipsum,mean,399,1.594,0.0069,134119.0,0.0538,0.0039,0.2528,0.0088,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,2,4,2,skipconcat,add,399,1.0006,0.0274,137500.0,0.023,0.0007,0.5674,0.0117,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,2,4,2,skipconcat,max,399,1.6048,0.0003,137500.0,0.0254,0.0025,0.233,0.0015,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,2,4,2,skipconcat,mean,399,1.5774,0.0099,137500.0,0.0333,0.0022,0.2724,0.0119,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,2,4,2,skipsum,add,399,0.955,0.0279,134070.0,0.032,0.0023,0.588,0.0118,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,2,4,2,skipsum,max,399,1.6048,0.0003,134070.0,0.0213,0.0018,0.233,0.0015,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,2,4,2,skipsum,mean,399,1.588,0.0051,134070.0,0.0271,0.0013,0.2671,0.0109,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,2,4,3,skipconcat,add,399,0.9749,0.0171,137951.0,0.0246,0.0031,0.5786,0.0091,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,2,4,3,skipconcat,max,399,1.6048,0.0003,137951.0,0.0282,0.0013,0.233,0.0015,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,2,4,3,skipconcat,mean,399,1.5795,0.0049,137951.0,0.0712,0.0019,0.2835,0.0033,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,2,4,3,skipsum,add,399,0.9532,0.0172,133830.0,0.026,0.0018,0.5912,0.0074,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,2,4,3,skipsum,max,399,1.6048,0.0003,133830.0,0.0243,0.0011,0.233,0.0015,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,2,4,3,skipsum,mean,399,1.5871,0.0063,133830.0,0.0325,0.0033,0.2538,0.0067,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,2,6,2,skipconcat,add,399,0.9887,0.0222,134553.0,0.0807,0.0058,0.5726,0.0107,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,2,6,2,skipconcat,max,399,1.6048,0.0003,134553.0,0.0306,0.0046,0.233,0.0015,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,2,6,2,skipconcat,mean,399,1.5523,0.0165,134553.0,0.0256,0.0033,0.303,0.0178,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,2,6,2,skipsum,add,399,0.9193,0.0117,135430.0,0.0285,0.0022,0.6032,0.0067,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,2,6,2,skipsum,max,399,1.6048,0.0003,135430.0,0.03,0.0052,0.233,0.0015,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,2,6,2,skipsum,mean,399,1.5821,0.0093,135430.0,0.071,0.0053,0.2786,0.0097,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,2,6,3,skipconcat,add,399,0.9406,0.0063,141786.0,0.0948,0.0021,0.5947,0.0049,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,2,6,3,skipconcat,max,399,1.6048,0.0003,141786.0,0.0264,0.0007,0.233,0.0015,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,2,6,3,skipconcat,mean,399,1.5701,0.0059,141786.0,0.0268,0.0031,0.2757,0.01,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,2,6,3,skipsum,add,399,0.9002,0.0319,133926.0,0.0268,0.0008,0.6138,0.0157,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,2,6,3,skipsum,max,399,1.6048,0.0003,133926.0,0.0296,0.0036,0.233,0.0015,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,2,6,3,skipsum,mean,399,1.5785,0.0082,133926.0,0.0745,0.0038,0.2646,0.0134,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,2,8,2,skipconcat,add,399,0.9843,0.017,139610.0,0.0377,0.0071,0.5741,0.0093,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,2,8,2,skipconcat,max,399,1.6048,0.0003,139610.0,0.0366,0.0015,0.233,0.0015,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,2,8,2,skipconcat,mean,399,1.5521,0.012,139610.0,0.033,0.002,0.2866,0.0169,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,2,8,2,skipsum,add,399,0.9062,0.0443,134298.0,0.0362,0.0024,0.607,0.0251,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,2,8,2,skipsum,max,399,1.6048,0.0003,134298.0,0.0316,0.0035,0.233,0.0015,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,2,8,2,skipsum,mean,399,1.5659,0.0068,134298.0,0.0305,0.0031,0.2928,0.002,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,2,8,3,skipconcat,add,399,0.949,0.0385,137442.0,0.0283,0.0007,0.5899,0.0207,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,2,8,3,skipconcat,max,399,1.6048,0.0003,137442.0,0.1003,0.0031,0.233,0.0015,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,2,8,3,skipconcat,mean,399,1.5754,0.0128,137442.0,0.0323,0.0035,0.2701,0.0308,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,2,8,3,skipsum,add,399,0.8982,0.0208,135057.0,0.0838,0.0084,0.6139,0.0109,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,2,8,3,skipsum,max,399,1.6048,0.0003,135057.0,0.0316,0.0028,0.233,0.0015,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,2,8,3,skipsum,mean,399,1.5839,0.0037,135057.0,0.0378,0.003,0.2637,0.0116,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,1,2,2,skipconcat,add,399,0.4489,0.0087,136296.0,0.0247,0.0023,0.8183,0.0034,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,1,2,2,skipconcat,max,399,1.6094,0.0,136296.0,0.0167,0.0014,0.2025,0.0005,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,1,2,2,skipconcat,mean,399,1.6094,0.0,136296.0,0.0519,0.002,0.2025,0.0005,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,1,2,2,skipsum,add,399,0.4423,0.0065,134790.0,0.0171,0.0013,0.8205,0.0041,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,1,2,2,skipsum,max,399,1.6094,0.0,134790.0,0.0227,0.0023,0.2025,0.0005,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,1,2,2,skipsum,mean,399,1.6094,0.0,134790.0,0.0163,0.001,0.2025,0.0005,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,1,2,3,skipconcat,add,399,0.4243,0.0109,134543.0,0.0182,0.0009,0.826,0.0048,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,1,2,3,skipconcat,max,399,1.6094,0.0,134543.0,0.0202,0.0012,0.2025,0.0005,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,1,2,3,skipconcat,mean,399,1.5987,0.0031,134543.0,0.0186,0.0008,0.2244,0.0013,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,1,2,3,skipsum,add,399,0.4235,0.0054,134286.0,0.0541,0.0051,0.8266,0.0024,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,1,2,3,skipsum,max,399,1.6094,0.0,134286.0,0.0205,0.0057,0.2025,0.0005,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,1,2,3,skipsum,mean,399,1.6044,0.0021,134286.0,0.0513,0.003,0.2201,0.0035,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,1,4,2,skipconcat,add,399,0.2291,0.0085,138018.0,0.0243,0.0062,0.9099,0.0044,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,1,4,2,skipconcat,max,399,1.6094,0.0,138018.0,0.0226,0.0019,0.2025,0.0005,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,1,4,2,skipconcat,mean,399,1.5875,0.0009,138018.0,0.0604,0.003,0.2439,0.0033,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,1,4,2,skipsum,add,399,0.206,0.0166,134119.0,0.0185,0.0013,0.9177,0.0069,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,1,4,2,skipsum,max,399,1.6094,0.0,134119.0,0.0614,0.0038,0.2025,0.0005,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,1,4,2,skipsum,mean,399,1.5977,0.0025,134119.0,0.0212,0.0012,0.2349,0.0068,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,1,4,3,skipconcat,add,399,0.176,0.009,135648.0,0.0225,0.0001,0.9287,0.0048,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,1,4,3,skipconcat,max,399,1.6094,0.0,135648.0,0.022,0.0007,0.2025,0.0005,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,1,4,3,skipconcat,mean,399,1.5881,0.0041,135648.0,0.0772,0.0008,0.241,0.0094,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,1,4,3,skipsum,add,399,0.1593,0.003,134070.0,0.0194,0.0001,0.9363,0.0008,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,1,4,3,skipsum,max,399,1.6094,0.0,134070.0,0.0232,0.0017,0.2025,0.0005,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,1,4,3,skipsum,mean,399,1.5906,0.0008,134070.0,0.0685,0.0033,0.2416,0.0089,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,1,6,2,skipconcat,add,399,0.2099,0.0076,138782.0,0.0874,0.0114,0.9184,0.005,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,1,6,2,skipconcat,max,399,1.6094,0.0,138782.0,0.0299,0.001,0.2025,0.0005,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,1,6,2,skipconcat,mean,399,1.5908,0.0034,138782.0,0.0316,0.0038,0.2416,0.0087,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,1,6,2,skipsum,add,399,0.1512,0.0049,133830.0,0.0215,0.0006,0.9412,0.0021,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,1,6,2,skipsum,max,399,1.6094,0.0,133830.0,0.0707,0.0064,0.2025,0.0005,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,1,6,2,skipsum,mean,399,1.5963,0.0015,133830.0,0.0228,0.0017,0.2346,0.0035,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,1,6,3,skipconcat,add,399,0.1606,0.0067,140562.0,0.0232,0.002,0.9345,0.0034,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,1,6,3,skipconcat,max,399,1.6094,0.0,140562.0,0.0277,0.001,0.2025,0.0005,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,1,6,3,skipconcat,mean,399,1.5852,0.0005,140562.0,0.029,0.0021,0.2444,0.0025,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,1,6,3,skipsum,add,399,0.1319,0.0049,135430.0,0.0715,0.0047,0.9472,0.002,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,1,6,3,skipsum,max,399,1.6094,0.0,135430.0,0.0714,0.0046,0.2025,0.0005,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,1,6,3,skipsum,mean,399,1.5894,0.0021,135430.0,0.0291,0.0032,0.2464,0.002,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,1,8,2,skipconcat,add,399,0.1927,0.0222,138386.0,0.0335,0.0004,0.9234,0.0096,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,1,8,2,skipconcat,max,399,1.6094,0.0,138386.0,0.0335,0.0005,0.2025,0.0005,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,1,8,2,skipconcat,mean,399,1.5881,0.0061,138386.0,0.0314,0.0009,0.2377,0.0104,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,1,8,2,skipsum,add,399,0.1268,0.0061,133926.0,0.0243,0.0016,0.9508,0.0028,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,1,8,2,skipsum,max,399,1.6094,0.0,133926.0,0.0311,0.0007,0.2025,0.0005,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,1,8,2,skipsum,mean,399,1.5971,0.0011,133926.0,0.034,0.0054,0.2368,0.0065,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,1,8,3,skipconcat,add,399,0.1541,0.005,136714.0,0.0899,0.0012,0.9375,0.0037,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,1,8,3,skipconcat,max,399,1.6094,0.0,136714.0,0.0276,0.0013,0.2025,0.0005,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,1,8,3,skipconcat,mean,399,1.5882,0.0068,136714.0,0.0431,0.0008,0.2418,0.0069,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,1,8,3,skipsum,add,399,0.12,0.0073,134298.0,0.0358,0.0035,0.951,0.0033,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,1,8,3,skipsum,max,399,1.6094,0.0,134298.0,0.087,0.0016,0.2025,0.0005,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,1,8,3,skipsum,mean,399,1.5977,0.0043,134298.0,0.0398,0.009,0.2243,0.0048,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,2,2,2,skipconcat,add,399,0.4546,0.0081,136659.0,0.025,0.0065,0.8144,0.005,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,2,2,2,skipconcat,max,399,1.6094,0.0,136659.0,0.0265,0.0031,0.2025,0.0005,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,2,2,2,skipconcat,mean,399,1.6094,0.0,136659.0,0.0573,0.0057,0.2025,0.0005,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,2,2,2,skipsum,add,399,0.4526,0.0043,134286.0,0.0499,0.0008,0.8147,0.0022,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,2,2,2,skipsum,max,399,1.6094,0.0,134286.0,0.0533,0.0011,0.2025,0.0005,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,2,2,2,skipsum,mean,399,1.6094,0.0,134286.0,0.0164,0.0006,0.2025,0.0005,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,2,2,3,skipconcat,add,399,0.4225,0.005,137442.0,0.0196,0.0024,0.8295,0.0031,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,2,2,3,skipconcat,max,399,1.6094,0.0,137442.0,0.0711,0.0056,0.2025,0.0005,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,2,2,3,skipconcat,mean,399,1.6042,0.0003,137442.0,0.0247,0.0038,0.2241,0.0027,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,2,2,3,skipsum,add,399,0.4445,0.0065,134119.0,0.0184,0.001,0.8178,0.0037,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,2,2,3,skipsum,max,399,1.6094,0.0,134119.0,0.0207,0.0046,0.2025,0.0005,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,2,2,3,skipsum,mean,399,1.6056,0.0016,134119.0,0.0219,0.0035,0.2205,0.0051,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,2,4,2,skipconcat,add,399,0.2441,0.0116,137500.0,0.0199,0.0004,0.9044,0.0062,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,2,4,2,skipconcat,max,399,1.6094,0.0,137500.0,0.0233,0.0014,0.2025,0.0005,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,2,4,2,skipconcat,mean,399,1.5985,0.0031,137500.0,0.0703,0.0034,0.2324,0.0132,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,2,4,2,skipsum,add,399,0.213,0.0118,134070.0,0.0229,0.0029,0.9169,0.003,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,2,4,2,skipsum,max,399,1.6094,0.0,134070.0,0.024,0.0022,0.2025,0.0005,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,2,4,2,skipsum,mean,399,1.6017,0.0027,134070.0,0.0259,0.0016,0.2238,0.0094,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,2,4,3,skipconcat,add,399,0.1932,0.0053,137951.0,0.0241,0.0019,0.9214,0.0027,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,2,4,3,skipconcat,max,399,1.6094,0.0,137951.0,0.0734,0.001,0.2025,0.0005,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,2,4,3,skipconcat,mean,399,1.5948,0.0053,137951.0,0.0278,0.0032,0.2387,0.0087,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,2,4,3,skipsum,add,399,0.1714,0.0096,133830.0,0.0605,0.0013,0.9292,0.005,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,2,4,3,skipsum,max,399,1.6094,0.0,133830.0,0.0611,0.0033,0.2025,0.0005,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,2,4,3,skipsum,mean,399,1.5982,0.0044,133830.0,0.0624,0.0019,0.2314,0.0094,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,2,6,2,skipconcat,add,399,0.2133,0.0205,134553.0,0.0289,0.0016,0.9177,0.0095,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,2,6,2,skipconcat,max,399,1.6094,0.0,134553.0,0.0292,0.0015,0.2025,0.0005,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,2,6,2,skipconcat,mean,399,1.5936,0.0061,134553.0,0.09,0.0023,0.2381,0.0117,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,2,6,2,skipsum,add,399,0.1574,0.014,135430.0,0.0238,0.0002,0.937,0.0072,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,2,6,2,skipsum,max,399,1.6094,0.0,135430.0,0.0275,0.0016,0.2025,0.0005,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,2,6,2,skipsum,mean,399,1.597,0.0014,135430.0,0.0298,0.0047,0.2338,0.0126,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,2,6,3,skipconcat,add,399,0.1675,0.0136,141786.0,0.0272,0.0034,0.9318,0.0057,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,2,6,3,skipconcat,max,399,1.6094,0.0,141786.0,0.0832,0.0008,0.2025,0.0005,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,2,6,3,skipconcat,mean,399,1.5899,0.0029,141786.0,0.034,0.0042,0.2385,0.0051,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,2,6,3,skipsum,add,399,0.1316,0.0106,133926.0,0.0336,0.0054,0.9472,0.0062,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,2,6,3,skipsum,max,399,1.6094,0.0,133926.0,0.0275,0.0037,0.2025,0.0005,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,2,6,3,skipsum,mean,399,1.5973,0.0015,133926.0,0.0366,0.0073,0.2395,0.0072,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,2,8,2,skipconcat,add,399,0.1988,0.0152,139610.0,0.0362,0.0058,0.9223,0.0058,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,2,8,2,skipconcat,max,399,1.6094,0.0,139610.0,0.0359,0.0094,0.2025,0.0005,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,2,8,2,skipconcat,mean,399,1.5884,0.0019,139610.0,0.1021,0.0017,0.2523,0.0109,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,2,8,2,skipsum,add,399,0.137,0.0069,134298.0,0.0874,0.0073,0.9462,0.0039,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,2,8,2,skipsum,max,399,1.6094,0.0,134298.0,0.078,0.0017,0.2025,0.0005,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,2,8,2,skipsum,mean,399,1.5912,0.0028,134298.0,0.0816,0.0029,0.2401,0.0084,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,2,8,3,skipconcat,add,399,0.1679,0.0092,137442.0,0.1029,0.0068,0.9316,0.0048,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,2,8,3,skipconcat,max,399,1.6094,0.0,137442.0,0.1077,0.0047,0.2025,0.0005,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,2,8,3,skipconcat,mean,399,1.5909,0.0025,137442.0,0.0999,0.0027,0.2364,0.0032,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,2,8,3,skipsum,add,399,0.1147,0.0105,135057.0,0.0262,0.0005,0.9533,0.0061,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,2,8,3,skipsum,max,399,1.6094,0.0,135057.0,0.0381,0.0006,0.2025,0.0005,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,2,8,3,skipsum,mean,399,1.5941,0.0062,135057.0,0.0384,0.0051,0.2337,0.0102,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,1,2,2,skipconcat,add,399,0.0421,0.0218,136296.0,0.0157,0.0011,0.9969,0.0042,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,1,2,2,skipconcat,max,399,0.007,0.0021,136296.0,0.0202,0.0003,0.9999,0.0001,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,1,2,2,skipconcat,mean,399,0.0058,0.0002,136296.0,0.0174,0.0013,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,1,2,2,skipsum,add,399,0.0215,0.0024,134790.0,0.0161,0.0018,0.9997,0.0002,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,1,2,2,skipsum,max,399,0.0038,0.0011,134790.0,0.0469,0.002,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,1,2,2,skipsum,mean,399,0.0031,0.0006,134790.0,0.0433,0.0022,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,1,2,3,skipconcat,add,399,0.0079,0.0054,134543.0,0.0173,0.0013,0.9996,0.0006,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,1,2,3,skipconcat,max,399,0.0025,0.0013,134543.0,0.0181,0.0018,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,1,2,3,skipconcat,mean,399,0.0039,0.0012,134543.0,0.0207,0.0018,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,1,2,3,skipsum,add,399,0.0077,0.0007,134286.0,0.0262,0.0014,0.9998,0.0001,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,1,2,3,skipsum,max,399,0.0019,0.0001,134286.0,0.0209,0.0036,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,1,2,3,skipsum,mean,399,0.0025,0.0005,134286.0,0.0184,0.0011,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,1,4,2,skipconcat,add,399,0.0244,0.0027,138018.0,0.0688,0.0051,0.9998,0.0002,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,1,4,2,skipconcat,max,399,0.0037,0.0004,138018.0,0.0258,0.0003,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,1,4,2,skipconcat,mean,399,0.0036,0.0004,138018.0,0.0622,0.0013,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,1,4,2,skipsum,add,399,0.0085,0.0033,134119.0,0.0231,0.0003,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,1,4,2,skipsum,max,399,0.0022,0.0003,134119.0,0.0233,0.003,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,1,4,2,skipsum,mean,399,0.0022,0.001,134119.0,0.0248,0.0048,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,1,4,3,skipconcat,add,399,0.0039,0.0012,135648.0,0.0263,0.0034,0.9999,0.0001,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,1,4,3,skipconcat,max,399,0.001,0.0002,135648.0,0.0212,0.0011,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,1,4,3,skipconcat,mean,399,0.0022,0.0007,135648.0,0.0718,0.0055,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,1,4,3,skipsum,add,399,0.0043,0.0001,134070.0,0.0247,0.001,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,1,4,3,skipsum,max,399,0.0009,0.0002,134070.0,0.065,0.0011,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,1,4,3,skipsum,mean,399,0.0019,0.0007,134070.0,0.0552,0.0014,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,1,6,2,skipconcat,add,399,0.0222,0.0043,138782.0,0.0232,0.0007,0.9997,0.0002,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,1,6,2,skipconcat,max,399,0.0032,0.0002,138782.0,0.0255,0.0023,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,1,6,2,skipconcat,mean,399,0.0037,0.0005,138782.0,0.0864,0.0021,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,1,6,2,skipsum,add,399,0.007,0.0012,133830.0,0.0736,0.0034,0.9999,0.0001,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,1,6,2,skipsum,max,399,0.0013,0.0002,133830.0,0.0254,0.0012,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,1,6,2,skipsum,mean,399,0.002,0.0005,133830.0,0.0272,0.0021,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,1,6,3,skipconcat,add,399,0.0051,0.0017,140562.0,0.0895,0.0017,0.9999,0.0001,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,1,6,3,skipconcat,max,399,0.0015,0.0007,140562.0,0.0263,0.0033,0.9999,0.0001,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,1,6,3,skipconcat,mean,399,0.0027,0.0013,140562.0,0.0252,0.0028,0.9999,0.0001,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,1,6,3,skipsum,add,399,0.0055,0.001,135430.0,0.0748,0.0057,0.9999,0.0001,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,1,6,3,skipsum,max,399,0.0008,0.0,135430.0,0.0322,0.0044,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,1,6,3,skipsum,mean,399,0.0022,0.0007,135430.0,0.0323,0.0041,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,1,8,2,skipconcat,add,399,0.0357,0.0051,138386.0,0.0305,0.0043,0.9982,0.001,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,1,8,2,skipconcat,max,399,0.0031,0.0005,138386.0,0.031,0.0005,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,1,8,2,skipconcat,mean,399,0.0037,0.0008,138386.0,0.0316,0.0036,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,1,8,2,skipsum,add,399,0.0091,0.0009,133926.0,0.0304,0.0051,0.9998,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,1,8,2,skipsum,max,399,0.0012,0.0002,133926.0,0.0741,0.0059,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,1,8,2,skipsum,mean,399,0.0027,0.0002,133926.0,0.0286,0.0017,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,1,8,3,skipconcat,add,399,0.0051,0.0007,136714.0,0.097,0.0063,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,1,8,3,skipconcat,max,399,0.0011,0.0002,136714.0,0.0933,0.0067,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,1,8,3,skipconcat,mean,399,0.0024,0.0003,136714.0,0.0299,0.0028,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,1,8,3,skipsum,add,399,0.0055,0.0003,134298.0,0.0808,0.0039,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,1,8,3,skipsum,max,399,0.0008,0.0001,134298.0,0.033,0.0055,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,1,8,3,skipsum,mean,399,0.002,0.0002,134298.0,0.0326,0.0014,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,2,2,2,skipconcat,add,399,0.0085,0.0007,136659.0,0.0222,0.0016,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,2,2,2,skipconcat,max,399,0.0041,0.0013,136659.0,0.0621,0.0035,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,2,2,2,skipconcat,mean,399,0.004,0.0007,136659.0,0.0183,0.0005,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,2,2,2,skipsum,add,399,0.0097,0.0008,134286.0,0.0217,0.0025,0.9999,0.0001,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,2,2,2,skipsum,max,399,0.0043,0.0008,134286.0,0.0497,0.0011,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,2,2,2,skipsum,mean,399,0.0035,0.0012,134286.0,0.0243,0.004,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,2,2,3,skipconcat,add,399,0.0037,0.0002,137442.0,0.0236,0.0035,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,2,2,3,skipconcat,max,399,0.0021,0.0003,137442.0,0.0196,0.0009,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,2,2,3,skipconcat,mean,399,0.0023,0.0002,137442.0,0.0182,0.0013,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,2,2,3,skipsum,add,399,0.0051,0.0011,134119.0,0.0178,0.0004,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,2,2,3,skipsum,max,399,0.0027,0.0009,134119.0,0.0229,0.0045,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,2,2,3,skipsum,mean,399,0.0032,0.0005,134119.0,0.0214,0.0022,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,2,4,2,skipconcat,add,399,0.01,0.0007,137500.0,0.0753,0.004,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,2,4,2,skipconcat,max,399,0.003,0.0009,137500.0,0.026,0.0006,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,2,4,2,skipconcat,mean,399,0.0031,0.0004,137500.0,0.0231,0.0026,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,2,4,2,skipsum,add,399,0.0052,0.0007,134070.0,0.0258,0.0015,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,2,4,2,skipsum,max,399,0.0023,0.0002,134070.0,0.0253,0.0014,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,2,4,2,skipsum,mean,399,0.0023,0.0002,134070.0,0.0562,0.0016,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,2,4,3,skipconcat,add,399,0.0042,0.0004,137951.0,0.0307,0.0057,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,2,4,3,skipconcat,max,399,0.0012,0.0001,137951.0,0.0275,0.0021,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,2,4,3,skipconcat,mean,399,0.0018,0.0001,137951.0,0.0236,0.0007,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,2,4,3,skipsum,add,399,0.0051,0.0007,133830.0,0.0254,0.0019,0.9999,0.0001,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,2,4,3,skipsum,max,399,0.002,0.0008,133830.0,0.0681,0.0038,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,2,4,3,skipsum,mean,399,0.0037,0.0016,133830.0,0.0246,0.0021,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,2,6,2,skipconcat,add,399,0.0117,0.0022,134553.0,0.0264,0.0024,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,2,6,2,skipconcat,max,399,0.0029,0.0004,134553.0,0.0783,0.0007,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,2,6,2,skipconcat,mean,399,0.0033,0.0001,134553.0,0.0826,0.0057,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,2,6,2,skipsum,add,399,0.0071,0.001,135430.0,0.0281,0.0016,0.9999,0.0001,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,2,6,2,skipsum,max,399,0.0017,0.0002,135430.0,0.0272,0.0036,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,2,6,2,skipsum,mean,399,0.0026,0.0003,135430.0,0.0294,0.0031,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,2,6,3,skipconcat,add,399,0.0039,0.001,141786.0,0.0315,0.0015,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,2,6,3,skipconcat,max,399,0.0011,0.0001,141786.0,0.031,0.0025,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,2,6,3,skipconcat,mean,399,0.0016,0.0004,141786.0,0.0315,0.0036,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,2,6,3,skipsum,add,399,0.0049,0.0013,133926.0,0.0298,0.0027,0.9999,0.0001,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,2,6,3,skipsum,max,399,0.0012,0.0002,133926.0,0.0253,0.0014,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,2,6,3,skipsum,mean,399,0.0024,0.0006,133926.0,0.0291,0.0019,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,2,8,2,skipconcat,add,399,0.0151,0.0028,139610.0,0.0305,0.0021,0.9997,0.0002,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,2,8,2,skipconcat,max,399,0.0029,0.0004,139610.0,0.0991,0.0078,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,2,8,2,skipconcat,mean,399,0.0031,0.0002,139610.0,0.0302,0.0018,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,2,8,2,skipsum,add,399,0.0063,0.0011,134298.0,0.0286,0.0032,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,2,8,2,skipsum,max,399,0.001,0.0002,134298.0,0.0315,0.0021,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,2,8,2,skipsum,mean,399,0.002,0.0001,134298.0,0.0291,0.001,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,2,8,3,skipconcat,add,399,0.0048,0.0015,137442.0,0.1019,0.0038,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,2,8,3,skipconcat,max,399,0.0015,0.0004,137442.0,0.0329,0.0022,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,2,8,3,skipconcat,mean,399,0.0022,0.0005,137442.0,0.0308,0.0006,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,2,8,3,skipsum,add,399,0.0045,0.0008,135057.0,0.086,0.0044,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,2,8,3,skipsum,max,399,0.0009,0.0002,135057.0,0.0363,0.0085,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,2,8,3,skipsum,mean,399,0.0022,0.0004,135057.0,0.0833,0.0014,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,1,2,2,skipconcat,add,399,0.298,0.0011,136296.0,0.0232,0.0038,0.8899,0.0004,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,1,2,2,skipconcat,max,399,0.0084,0.0019,136296.0,0.053,0.0018,0.9999,0.0001,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,1,2,2,skipconcat,mean,399,0.0073,0.0005,136296.0,0.0503,0.0005,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,1,2,2,skipsum,add,399,0.3104,0.0144,134790.0,0.0207,0.0035,0.8856,0.0073,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,1,2,2,skipsum,max,399,0.0052,0.0007,134790.0,0.0202,0.0012,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,1,2,2,skipsum,mean,399,0.0034,0.0011,134790.0,0.0171,0.0008,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,1,2,3,skipconcat,add,399,0.1282,0.0354,134543.0,0.0192,0.0054,0.9612,0.0157,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,1,2,3,skipconcat,max,399,0.0031,0.0018,134543.0,0.0537,0.0028,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,1,2,3,skipconcat,mean,399,0.0047,0.0004,134543.0,0.0544,0.0045,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,1,2,3,skipsum,add,399,0.1309,0.0326,134286.0,0.018,0.0046,0.9592,0.0122,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,1,2,3,skipsum,max,399,0.0022,0.0001,134286.0,0.0176,0.0013,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,1,2,3,skipsum,mean,399,0.0036,0.0004,134286.0,0.0195,0.002,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,1,4,2,skipconcat,add,399,0.141,0.0037,138018.0,0.0193,0.001,0.9488,0.0014,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,1,4,2,skipconcat,max,399,0.0044,0.0002,138018.0,0.0217,0.0019,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,1,4,2,skipconcat,mean,399,0.0054,0.0004,138018.0,0.0205,0.0013,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,1,4,2,skipsum,add,399,0.1116,0.01,134119.0,0.0564,0.0007,0.9633,0.0054,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,1,4,2,skipsum,max,399,0.0018,0.0004,134119.0,0.0193,0.0006,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,1,4,2,skipsum,mean,399,0.0021,0.0005,134119.0,0.0587,0.0037,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,1,4,3,skipconcat,add,399,0.0986,0.0134,135648.0,0.0229,0.0036,0.9643,0.0068,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,1,4,3,skipconcat,max,399,0.0011,0.0001,135648.0,0.0274,0.0016,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,1,4,3,skipconcat,mean,399,0.0031,0.0001,135648.0,0.0257,0.0018,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,1,4,3,skipsum,add,399,0.0811,0.0022,134070.0,0.0288,0.005,0.9735,0.0008,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,1,4,3,skipsum,max,399,0.0011,0.0001,134070.0,0.0286,0.0046,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,1,4,3,skipsum,mean,399,0.0027,0.0007,134070.0,0.0259,0.0018,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,1,6,2,skipconcat,add,399,0.1263,0.0088,138782.0,0.0235,0.0014,0.9553,0.0028,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,1,6,2,skipconcat,max,399,0.0036,0.0003,138782.0,0.0278,0.0038,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,1,6,2,skipconcat,mean,399,0.0044,0.0007,138782.0,0.0288,0.0037,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,1,6,2,skipsum,add,399,0.0884,0.0038,133830.0,0.0253,0.002,0.9713,0.0025,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,1,6,2,skipsum,max,399,0.0017,0.0003,133830.0,0.0291,0.0049,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,1,6,2,skipsum,mean,399,0.0025,0.0002,133830.0,0.0304,0.0024,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,1,6,3,skipconcat,add,399,0.0851,0.0186,140562.0,0.0304,0.0044,0.969,0.0084,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,1,6,3,skipconcat,max,399,0.0014,0.0003,140562.0,0.03,0.0023,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,1,6,3,skipconcat,mean,399,0.0037,0.0009,140562.0,0.026,0.0016,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,1,6,3,skipsum,add,399,0.0721,0.0066,135430.0,0.0279,0.0007,0.9749,0.0017,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,1,6,3,skipsum,max,399,0.0012,0.0001,135430.0,0.0291,0.0005,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,1,6,3,skipsum,mean,399,0.0028,0.0005,135430.0,0.0269,0.0031,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,1,8,2,skipconcat,add,399,0.1306,0.0045,138386.0,0.027,0.0007,0.9542,0.0021,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,1,8,2,skipconcat,max,399,0.0034,0.0002,138386.0,0.0275,0.0002,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,1,8,2,skipconcat,mean,399,0.005,0.0009,138386.0,0.0293,0.0024,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,1,8,2,skipsum,add,399,0.0707,0.0038,133926.0,0.0256,0.0038,0.9771,0.0015,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,1,8,2,skipsum,max,399,0.0012,0.0001,133926.0,0.0755,0.0048,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,1,8,2,skipsum,mean,399,0.003,0.0,133926.0,0.0304,0.0014,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,1,8,3,skipconcat,add,399,0.0948,0.0052,136714.0,0.1059,0.0066,0.9651,0.0028,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,1,8,3,skipconcat,max,399,0.0012,0.0002,136714.0,0.03,0.0024,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,1,8,3,skipconcat,mean,399,0.0028,0.0003,136714.0,0.0267,0.0011,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,1,8,3,skipsum,add,399,0.053,0.0043,134298.0,0.0284,0.0022,0.9821,0.0029,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,1,8,3,skipsum,max,399,0.0011,0.0001,134298.0,0.0834,0.0025,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,1,8,3,skipsum,mean,399,0.0028,0.0002,134298.0,0.0319,0.0036,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,2,2,2,skipconcat,add,399,0.2068,0.0247,136659.0,0.02,0.0029,0.9356,0.0112,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,2,2,2,skipconcat,max,399,0.0046,0.0011,136659.0,0.0643,0.0027,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,2,2,2,skipconcat,mean,399,0.0052,0.0012,136659.0,0.0176,0.0004,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,2,2,2,skipsum,add,399,0.1973,0.0121,134286.0,0.0178,0.0027,0.9421,0.0053,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,2,2,2,skipsum,max,399,0.0046,0.0012,134286.0,0.0508,0.0031,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,2,2,2,skipsum,mean,399,0.0048,0.0006,134286.0,0.0186,0.0009,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,2,2,3,skipconcat,add,399,0.0575,0.0091,137442.0,0.0182,0.0008,0.9886,0.0021,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,2,2,3,skipconcat,max,399,0.0021,0.0001,137442.0,0.0204,0.0013,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,2,2,3,skipconcat,mean,399,0.0046,0.0005,137442.0,0.0554,0.0013,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,2,2,3,skipsum,add,399,0.0593,0.0202,134119.0,0.0196,0.0019,0.9864,0.0068,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,2,2,3,skipsum,max,399,0.0029,0.0003,134119.0,0.0241,0.0034,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,2,2,3,skipsum,mean,399,0.0049,0.0018,134119.0,0.0181,0.0005,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,2,4,2,skipconcat,add,399,0.1304,0.013,137500.0,0.023,0.0018,0.9537,0.0056,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,2,4,2,skipconcat,max,399,0.0039,0.0007,137500.0,0.0225,0.0002,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,2,4,2,skipconcat,mean,399,0.0039,0.001,137500.0,0.0222,0.0028,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,2,4,2,skipsum,add,399,0.0959,0.0029,134070.0,0.0196,0.0015,0.9703,0.0023,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,2,4,2,skipsum,max,399,0.0023,0.0002,134070.0,0.0211,0.001,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,2,4,2,skipsum,mean,399,0.0035,0.0007,134070.0,0.058,0.0017,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,2,4,3,skipconcat,add,399,0.0837,0.0035,137951.0,0.0205,0.0012,0.97,0.0014,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,2,4,3,skipconcat,max,399,0.0014,0.0001,137951.0,0.0259,0.0028,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,2,4,3,skipconcat,mean,399,0.0033,0.0008,137951.0,0.0783,0.005,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,2,4,3,skipsum,add,399,0.0549,0.0087,133830.0,0.0259,0.0033,0.9831,0.0035,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,2,4,3,skipsum,max,399,0.0015,0.0001,133830.0,0.0617,0.003,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,2,4,3,skipsum,mean,399,0.004,0.0009,133830.0,0.0247,0.0021,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,2,6,2,skipconcat,add,399,0.1082,0.007,134553.0,0.027,0.0026,0.9643,0.0025,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,2,6,2,skipconcat,max,399,0.0032,0.0003,134553.0,0.0315,0.0057,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,2,6,2,skipconcat,mean,399,0.0042,0.0007,134553.0,0.0273,0.0018,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,2,6,2,skipsum,add,399,0.0831,0.0071,135430.0,0.0229,0.0006,0.9722,0.003,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,2,6,2,skipsum,max,399,0.0019,0.0003,135430.0,0.0267,0.0017,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,2,6,2,skipsum,mean,399,0.0038,0.0006,135430.0,0.0245,0.0028,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,2,6,3,skipconcat,add,399,0.0685,0.0137,141786.0,0.0327,0.0076,0.9775,0.006,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,2,6,3,skipconcat,max,399,0.0012,0.0001,141786.0,0.0314,0.0042,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,2,6,3,skipconcat,mean,399,0.0025,0.0001,141786.0,0.0292,0.0034,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,2,6,3,skipsum,add,399,0.0489,0.0084,133926.0,0.0266,0.0025,0.9848,0.0046,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,2,6,3,skipsum,max,399,0.0012,0.0002,133926.0,0.0275,0.0004,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,2,6,3,skipsum,mean,399,0.003,0.0007,133926.0,0.0668,0.0016,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,2,8,2,skipconcat,add,399,0.0971,0.0215,139610.0,0.0294,0.0005,0.9686,0.0105,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,2,8,2,skipconcat,max,399,0.0032,0.0005,139610.0,0.0289,0.0018,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,2,8,2,skipconcat,mean,399,0.0041,0.0003,139610.0,0.0301,0.0009,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,2,8,2,skipsum,add,399,0.0691,0.0006,134298.0,0.0321,0.0007,0.9786,0.0004,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,2,8,2,skipsum,max,399,0.0012,0.0001,134298.0,0.028,0.0024,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,2,8,2,skipsum,mean,399,0.0027,0.0006,134298.0,0.0306,0.0026,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,2,8,3,skipconcat,add,399,0.0807,0.0155,137442.0,0.0368,0.0023,0.9704,0.0076,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,2,8,3,skipconcat,max,399,0.0013,0.0001,137442.0,0.0307,0.0018,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,2,8,3,skipconcat,mean,399,0.0031,0.0006,137442.0,0.034,0.0044,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,2,8,3,skipsum,add,399,0.0482,0.0025,135057.0,0.0859,0.0082,0.9849,0.001,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,2,8,3,skipsum,max,399,0.0011,0.0002,135057.0,0.0305,0.0031,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,2,8,3,skipsum,mean,399,0.0037,0.0012,135057.0,0.0345,0.0033,0.9999,0.0,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,1,2,2,skipconcat,add,399,0.4229,0.068,136296.0,0.0208,0.0017,0.8572,0.0347,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,1,2,2,skipconcat,max,399,0.0564,0.0184,136296.0,0.0204,0.0029,0.9919,0.0063,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,1,2,2,skipconcat,mean,399,0.1794,0.0431,136296.0,0.019,0.0024,0.9545,0.02,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,1,2,2,skipsum,add,399,0.2922,0.0194,134790.0,0.0157,0.0013,0.9137,0.0077,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,1,2,2,skipsum,max,399,0.0278,0.0021,134790.0,0.0186,0.0026,0.9976,0.0006,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,1,2,2,skipsum,mean,399,0.1132,0.0153,134790.0,0.0489,0.0023,0.9742,0.0054,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,1,2,3,skipconcat,add,399,0.0767,0.0234,134543.0,0.018,0.0008,0.9822,0.011,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,1,2,3,skipconcat,max,399,0.0157,0.0062,134543.0,0.0179,0.0014,0.9977,0.0012,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,1,2,3,skipconcat,mean,399,0.0416,0.0119,134543.0,0.0592,0.0007,0.9921,0.0035,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,1,2,3,skipsum,add,399,0.0898,0.0216,134286.0,0.0567,0.003,0.9793,0.009,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,1,2,3,skipsum,max,399,0.0151,0.005,134286.0,0.0187,0.0011,0.9977,0.0011,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,1,2,3,skipsum,mean,399,0.0314,0.0009,134286.0,0.0218,0.0045,0.9946,0.0005,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,1,4,2,skipconcat,add,399,0.2005,0.0152,138018.0,0.0222,0.0022,0.9551,0.0039,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,1,4,2,skipconcat,max,399,0.0135,0.0027,138018.0,0.0188,0.0008,0.9993,0.0004,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,1,4,2,skipconcat,mean,399,0.0449,0.0042,138018.0,0.0198,0.001,0.9947,0.0008,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,1,4,2,skipsum,add,399,0.0686,0.0139,134119.0,0.0661,0.0051,0.9902,0.0037,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,1,4,2,skipsum,max,399,0.0072,0.002,134119.0,0.0205,0.0007,0.9994,0.0008,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,1,4,2,skipsum,mean,399,0.0263,0.004,134119.0,0.0193,0.0014,0.997,0.0017,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,1,4,3,skipconcat,add,399,0.0222,0.0045,135648.0,0.024,0.0034,0.9979,0.0013,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,1,4,3,skipconcat,max,399,0.0065,0.0022,135648.0,0.0211,0.0006,0.9992,0.0004,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,1,4,3,skipconcat,mean,399,0.0101,0.0021,135648.0,0.0216,0.0034,0.9991,0.0005,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,1,4,3,skipsum,add,399,0.0354,0.0031,134070.0,0.0249,0.002,0.9958,0.0014,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,1,4,3,skipsum,max,399,0.0032,0.0002,134070.0,0.0254,0.0042,0.9997,0.0002,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,1,4,3,skipsum,mean,399,0.0152,0.0033,134070.0,0.0231,0.0015,0.9985,0.0006,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,1,6,2,skipconcat,add,399,0.2226,0.0427,138782.0,0.0227,0.002,0.945,0.0175,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,1,6,2,skipconcat,max,399,0.0082,0.0008,138782.0,0.0694,0.0002,0.9998,0.0002,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,1,6,2,skipconcat,mean,399,0.0337,0.0057,138782.0,0.0314,0.0054,0.9962,0.0013,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,1,6,2,skipsum,add,399,0.0591,0.0076,133830.0,0.0268,0.0009,0.9929,0.0024,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,1,6,2,skipsum,max,399,0.0022,0.0005,133830.0,0.0247,0.0012,0.9999,0.0001,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,1,6,2,skipsum,mean,399,0.0168,0.0052,133830.0,0.0313,0.0046,0.9987,0.0009,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,1,6,3,skipconcat,add,399,0.0191,0.0057,140562.0,0.0307,0.0017,0.9984,0.0012,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,1,6,3,skipconcat,max,399,0.0047,0.0017,140562.0,0.0236,0.0005,0.9995,0.0002,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,1,6,3,skipconcat,mean,399,0.0109,0.0048,140562.0,0.0252,0.0014,0.9991,0.0006,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,1,6,3,skipsum,add,399,0.0298,0.0036,135430.0,0.0328,0.0044,0.9973,0.0011,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,1,6,3,skipsum,max,399,0.0015,0.0003,135430.0,0.0682,0.0036,0.9999,0.0001,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,1,6,3,skipsum,mean,399,0.0101,0.0009,135430.0,0.0266,0.0002,0.9996,0.0,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,1,8,2,skipconcat,add,399,0.2183,0.0144,138386.0,0.0299,0.0022,0.9433,0.0058,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,1,8,2,skipconcat,max,399,0.0082,0.0019,138386.0,0.0258,0.0014,0.9997,0.0002,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,1,8,2,skipconcat,mean,399,0.0305,0.0033,138386.0,0.0278,0.0017,0.9968,0.0011,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,1,8,2,skipsum,add,399,0.0732,0.0028,133926.0,0.027,0.005,0.9892,0.0021,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,1,8,2,skipsum,max,399,0.0018,0.0008,133926.0,0.0663,0.0012,0.9999,0.0001,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,1,8,2,skipsum,mean,399,0.0188,0.0011,133926.0,0.0277,0.002,0.9985,0.0,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,1,8,3,skipconcat,add,399,0.0225,0.0038,136714.0,0.0295,0.003,0.9979,0.0007,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,1,8,3,skipconcat,max,399,0.0051,0.002,136714.0,0.032,0.0033,0.9995,0.0003,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,1,8,3,skipconcat,mean,399,0.0089,0.0018,136714.0,0.0285,0.003,0.9994,0.0002,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,1,8,3,skipsum,add,399,0.0291,0.0029,134298.0,0.0273,0.0005,0.9973,0.0005,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,1,8,3,skipsum,max,399,0.0011,0.0001,134298.0,0.0285,0.0014,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,1,8,3,skipsum,mean,399,0.0103,0.0014,134298.0,0.0326,0.0026,0.9996,0.0001,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,2,2,2,skipconcat,add,399,0.1331,0.0096,136659.0,0.0203,0.001,0.9762,0.0028,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,2,2,2,skipconcat,max,399,0.0322,0.0012,136659.0,0.0198,0.0016,0.9972,0.0002,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,2,2,2,skipconcat,mean,399,0.0408,0.0026,136659.0,0.0536,0.0013,0.996,0.0005,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,2,2,2,skipsum,add,399,0.1017,0.01,134286.0,0.0192,0.0033,0.9792,0.0043,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,2,2,2,skipsum,max,399,0.0255,0.0047,134286.0,0.0236,0.0023,0.9975,0.0006,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,2,2,2,skipsum,mean,399,0.0423,0.0049,134286.0,0.023,0.0048,0.9944,0.0011,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,2,2,3,skipconcat,add,399,0.0206,0.0049,137442.0,0.0191,0.0006,0.9981,0.0006,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,2,2,3,skipconcat,max,399,0.0105,0.0006,137442.0,0.0196,0.0008,0.9989,0.0002,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,2,2,3,skipconcat,mean,399,0.0158,0.0007,137442.0,0.0196,0.0023,0.9981,0.0001,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,2,2,3,skipsum,add,399,0.0426,0.0082,134119.0,0.0203,0.0011,0.9931,0.0021,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,2,2,3,skipsum,max,399,0.0142,0.0065,134119.0,0.0213,0.0011,0.9984,0.0011,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,2,2,3,skipsum,mean,399,0.0232,0.0057,134119.0,0.0199,0.001,0.9969,0.0011,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,2,4,2,skipconcat,add,399,0.0871,0.0149,137500.0,0.0225,0.0031,0.9896,0.0025,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,2,4,2,skipconcat,max,399,0.009,0.0011,137500.0,0.0215,0.0004,0.9998,0.0001,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,2,4,2,skipconcat,mean,399,0.0213,0.0019,137500.0,0.0714,0.0024,0.9987,0.0002,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,2,4,2,skipsum,add,399,0.0426,0.0104,134070.0,0.0644,0.0035,0.9953,0.0019,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,2,4,2,skipsum,max,399,0.0052,0.0008,134070.0,0.0227,0.0022,0.9998,0.0001,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,2,4,2,skipsum,mean,399,0.0211,0.0003,134070.0,0.0211,0.0015,0.9975,0.0004,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,2,4,3,skipconcat,add,399,0.014,0.0016,137951.0,0.0253,0.0006,0.9992,0.0002,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,2,4,3,skipconcat,max,399,0.0057,0.0021,137951.0,0.022,0.0019,0.9996,0.0001,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,2,4,3,skipconcat,mean,399,0.0092,0.0025,137951.0,0.0198,0.0016,0.9993,0.0002,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,2,4,3,skipsum,add,399,0.0284,0.0025,133830.0,0.02,0.0002,0.9962,0.0005,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,2,4,3,skipsum,max,399,0.0045,0.0022,133830.0,0.0215,0.0009,0.9995,0.0005,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,2,4,3,skipsum,mean,399,0.0182,0.0055,133830.0,0.0661,0.001,0.9973,0.0014,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,2,6,2,skipconcat,add,399,0.0995,0.0196,134553.0,0.0258,0.0037,0.9844,0.0055,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,2,6,2,skipconcat,max,399,0.0069,0.0015,134553.0,0.0249,0.0018,0.9998,0.0001,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,2,6,2,skipconcat,mean,399,0.021,0.0051,134553.0,0.0285,0.0037,0.9986,0.0008,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,2,6,2,skipsum,add,399,0.0349,0.0061,135430.0,0.067,0.0021,0.9971,0.0014,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,2,6,2,skipsum,max,399,0.0021,0.0004,135430.0,0.0233,0.0007,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,2,6,2,skipsum,mean,399,0.0138,0.0009,135430.0,0.0269,0.0013,0.9993,0.0002,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,2,6,3,skipconcat,add,399,0.0136,0.0027,141786.0,0.0842,0.0029,0.9992,0.0006,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,2,6,3,skipconcat,max,399,0.0036,0.0013,141786.0,0.0258,0.0007,0.9998,0.0,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,2,6,3,skipconcat,mean,399,0.0073,0.001,141786.0,0.0272,0.0031,0.9995,0.0001,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,2,6,3,skipsum,add,399,0.0266,0.0101,133926.0,0.0266,0.0027,0.9962,0.0036,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,2,6,3,skipsum,max,399,0.0028,0.0016,133926.0,0.0233,0.0022,0.9997,0.0003,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,2,6,3,skipsum,mean,399,0.0164,0.0084,133926.0,0.0709,0.0012,0.9976,0.0025,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,2,8,2,skipconcat,add,399,0.136,0.0236,139610.0,0.0963,0.0088,0.9727,0.0101,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,2,8,2,skipconcat,max,399,0.0109,0.0053,139610.0,0.0287,0.0017,0.9991,0.0009,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,2,8,2,skipconcat,mean,399,0.0231,0.0052,139610.0,0.0297,0.0018,0.9981,0.0009,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,2,8,2,skipsum,add,399,0.0385,0.0046,134298.0,0.0316,0.0032,0.9967,0.0008,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,2,8,2,skipsum,max,399,0.0012,0.0001,134298.0,0.0344,0.0055,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,2,8,2,skipsum,mean,399,0.0108,0.0021,134298.0,0.0265,0.0024,0.9996,0.0002,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,2,8,3,skipconcat,add,399,0.0175,0.004,137442.0,0.0279,0.0015,0.9982,0.0009,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,2,8,3,skipconcat,max,399,0.0048,0.0024,137442.0,0.0259,0.001,0.9995,0.0005,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,2,8,3,skipconcat,mean,399,0.0093,0.0035,137442.0,0.0283,0.0012,0.9991,0.0008,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,2,8,3,skipsum,add,399,0.0279,0.0032,135057.0,0.0334,0.0048,0.9979,0.0006,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,2,8,3,skipsum,max,399,0.0011,0.0002,135057.0,0.0405,0.0133,1.0,0.0,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,2,8,3,skipsum,mean,399,0.0083,0.0007,135057.0,0.0361,0.0056,0.9998,0.0001,,,,,,,,
diff --git a/run/results/design_v2_grid_round2/agg/val.csv b/run/results/design_v2_grid_round2/agg/val.csv
deleted file mode 100644
index f78b688f..00000000
--- a/run/results/design_v2_grid_round2/agg/val.csv
+++ /dev/null
@@ -1,3073 +0,0 @@
-format,dataset,task,trans,feature,label,l_pre,l_mp,l_post,stage,agg,epoch,loss,loss_std,params,time_iter,time_iter_std,accuracy,accuracy_std,precision,precision_std,recall,recall_std,f1,f1_std,auc,auc_std
-PyG,AmazonComputers,node,True,,,1,2,2,skipconcat,add,399,0.5678,0.0248,217256.0,0.1098,0.0075,0.886,0.0017,,,,,,,,
-PyG,AmazonComputers,node,True,,,1,2,2,skipconcat,max,399,0.3754,0.0236,217256.0,0.0896,0.0026,0.9164,0.0017,,,,,,,,
-PyG,AmazonComputers,node,True,,,1,2,2,skipconcat,mean,399,0.4885,0.0122,217256.0,0.0859,0.0046,0.9083,0.0011,,,,,,,,
-PyG,AmazonComputers,node,True,,,1,2,2,skipsum,add,399,0.5624,0.022,295119.0,0.1121,0.0155,0.8853,0.0039,,,,,,,,
-PyG,AmazonComputers,node,True,,,1,2,2,skipsum,max,399,0.3966,0.0054,295119.0,0.1049,0.003,0.9151,0.0025,,,,,,,,
-PyG,AmazonComputers,node,True,,,1,2,2,skipsum,mean,399,0.4701,0.0118,295119.0,0.1027,0.0038,0.909,0.0028,,,,,,,,
-PyG,AmazonComputers,node,True,,,1,2,3,skipconcat,add,399,0.5944,0.0231,199611.0,0.1138,0.0376,0.8844,0.0082,,,,,,,,
-PyG,AmazonComputers,node,True,,,1,2,3,skipconcat,max,399,0.4389,0.0208,199611.0,0.1491,0.0528,0.9119,0.0022,,,,,,,,
-PyG,AmazonComputers,node,True,,,1,2,3,skipconcat,mean,399,0.4633,0.0228,199611.0,0.0897,0.0014,0.9111,0.0005,,,,,,,,
-PyG,AmazonComputers,node,True,,,1,2,3,skipsum,add,399,0.5597,0.0124,273502.0,0.1442,0.0154,0.8811,0.0039,,,,,,,,
-PyG,AmazonComputers,node,True,,,1,2,3,skipsum,max,399,0.4187,0.0147,273502.0,0.1285,0.0222,0.9109,0.0022,,,,,,,,
-PyG,AmazonComputers,node,True,,,1,2,3,skipsum,mean,399,0.4539,0.0258,273502.0,0.1344,0.0299,0.9113,0.0026,,,,,,,,
-PyG,AmazonComputers,node,True,,,1,4,2,skipconcat,add,399,0.6218,0.0125,186445.0,0.1385,0.0149,0.8862,0.0062,,,,,,,,
-PyG,AmazonComputers,node,True,,,1,4,2,skipconcat,max,399,0.443,0.0104,186445.0,0.1339,0.0081,0.9121,0.0012,,,,,,,,
-PyG,AmazonComputers,node,True,,,1,4,2,skipconcat,mean,399,0.5351,0.0139,186445.0,0.1472,0.0262,0.9048,0.004,,,,,,,,
-PyG,AmazonComputers,node,True,,,1,4,2,skipsum,add,399,0.6173,0.0246,259049.0,0.1305,0.028,0.8825,0.0024,,,,,,,,
-PyG,AmazonComputers,node,True,,,1,4,2,skipsum,max,399,0.4278,0.0297,259049.0,0.0812,0.0029,0.9114,0.0008,,,,,,,,
-PyG,AmazonComputers,node,True,,,1,4,2,skipsum,mean,399,0.4859,0.0183,259049.0,0.1023,0.0041,0.9106,0.001,,,,,,,,
-PyG,AmazonComputers,node,True,,,1,4,3,skipconcat,add,399,0.6441,0.0106,172360.0,0.1119,0.0249,0.8852,0.0048,,,,,,,,
-PyG,AmazonComputers,node,True,,,1,4,3,skipconcat,max,399,0.4598,0.0117,172360.0,0.1134,0.02,0.9095,0.0034,,,,,,,,
-PyG,AmazonComputers,node,True,,,1,4,3,skipconcat,mean,399,0.5034,0.0079,172360.0,0.1128,0.0084,0.91,0.0027,,,,,,,,
-PyG,AmazonComputers,node,True,,,1,4,3,skipsum,add,399,0.6156,0.0311,248503.0,0.1715,0.0216,0.8794,0.0044,,,,,,,,
-PyG,AmazonComputers,node,True,,,1,4,3,skipsum,max,399,0.4431,0.0206,248503.0,0.1335,0.0052,0.9076,0.0015,,,,,,,,
-PyG,AmazonComputers,node,True,,,1,4,3,skipsum,mean,399,0.5101,0.0216,248503.0,0.1476,0.0243,0.908,0.0023,,,,,,,,
-PyG,AmazonComputers,node,True,,,1,6,2,skipconcat,add,399,0.6383,0.0442,173591.0,0.1025,0.0123,0.8804,0.0044,,,,,,,,
-PyG,AmazonComputers,node,True,,,1,6,2,skipconcat,max,399,0.4377,0.0143,173591.0,0.1176,0.0156,0.9123,0.004,,,,,,,,
-PyG,AmazonComputers,node,True,,,1,6,2,skipconcat,mean,399,0.538,0.025,173591.0,0.1,0.0119,0.9072,0.0007,,,,,,,,
-PyG,AmazonComputers,node,True,,,1,6,2,skipsum,add,399,0.5636,0.029,240035.0,0.1193,0.0253,0.8807,0.0011,,,,,,,,
-PyG,AmazonComputers,node,True,,,1,6,2,skipsum,max,399,0.4669,0.0228,240035.0,0.1316,0.0108,0.9101,0.0026,,,,,,,,
-PyG,AmazonComputers,node,True,,,1,6,2,skipsum,mean,399,0.5053,0.009,240035.0,0.1162,0.0132,0.9102,0.0047,,,,,,,,
-PyG,AmazonComputers,node,True,,,1,6,3,skipconcat,add,399,0.6362,0.0311,167461.0,0.0897,0.0066,0.882,0.0065,,,,,,,,
-PyG,AmazonComputers,node,True,,,1,6,3,skipconcat,max,399,0.479,0.0072,167461.0,0.131,0.0464,0.9059,0.0027,,,,,,,,
-PyG,AmazonComputers,node,True,,,1,6,3,skipconcat,mean,399,0.54,0.0076,167461.0,0.1282,0.0099,0.908,0.0014,,,,,,,,
-PyG,AmazonComputers,node,True,,,1,6,3,skipsum,add,399,0.6192,0.0248,232843.0,0.1267,0.0132,0.8805,0.0011,,,,,,,,
-PyG,AmazonComputers,node,True,,,1,6,3,skipsum,max,399,0.489,0.011,232843.0,0.142,0.0199,0.9017,0.0009,,,,,,,,
-PyG,AmazonComputers,node,True,,,1,6,3,skipsum,mean,399,0.5179,0.0219,232843.0,0.1674,0.0277,0.9062,0.0016,,,,,,,,
-PyG,AmazonComputers,node,True,,,1,8,2,skipconcat,add,399,0.6714,0.0579,165625.0,0.1055,0.0176,0.8816,0.0049,,,,,,,,
-PyG,AmazonComputers,node,True,,,1,8,2,skipconcat,max,399,0.4617,0.0187,165625.0,0.1164,0.0195,0.908,0.0022,,,,,,,,
-PyG,AmazonComputers,node,True,,,1,8,2,skipconcat,mean,399,0.5648,0.0076,165625.0,0.1072,0.0119,0.9008,0.0009,,,,,,,,
-PyG,AmazonComputers,node,True,,,1,8,2,skipsum,add,399,0.5705,0.0344,228217.0,0.1286,0.0233,0.8845,0.0024,,,,,,,,
-PyG,AmazonComputers,node,True,,,1,8,2,skipsum,max,399,0.4279,0.0287,228217.0,0.1744,0.0435,0.9039,0.0038,,,,,,,,
-PyG,AmazonComputers,node,True,,,1,8,2,skipsum,mean,399,0.5196,0.0388,228217.0,0.1134,0.0106,0.9118,0.0022,,,,,,,,
-PyG,AmazonComputers,node,True,,,1,8,3,skipconcat,add,399,0.6529,0.0345,157545.0,0.097,0.0054,0.8839,0.0093,,,,,,,,
-PyG,AmazonComputers,node,True,,,1,8,3,skipconcat,max,399,0.5023,0.0223,157545.0,0.1544,0.032,0.904,0.0059,,,,,,,,
-PyG,AmazonComputers,node,True,,,1,8,3,skipconcat,mean,399,0.5364,0.0129,157545.0,0.1312,0.0202,0.9061,0.0045,,,,,,,,
-PyG,AmazonComputers,node,True,,,1,8,3,skipsum,add,399,0.6271,0.0558,224146.0,0.0808,0.0027,0.8766,0.0026,,,,,,,,
-PyG,AmazonComputers,node,True,,,1,8,3,skipsum,max,399,0.4704,0.0049,224146.0,0.1896,0.0353,0.9078,0.0035,,,,,,,,
-PyG,AmazonComputers,node,True,,,1,8,3,skipsum,mean,399,0.517,0.0186,224146.0,0.123,0.0192,0.9094,0.0031,,,,,,,,
-PyG,AmazonComputers,node,True,,,2,2,2,skipconcat,add,399,0.5977,0.0468,214535.0,0.111,0.0106,0.8829,0.0029,,,,,,,,
-PyG,AmazonComputers,node,True,,,2,2,2,skipconcat,max,399,0.4019,0.0071,214535.0,0.1081,0.0151,0.9148,0.0058,,,,,,,,
-PyG,AmazonComputers,node,True,,,2,2,2,skipconcat,mean,399,0.4261,0.0295,214535.0,0.1,0.0061,0.9107,0.0028,,,,,,,,
-PyG,AmazonComputers,node,True,,,2,2,2,skipsum,add,399,0.6121,0.0374,273502.0,0.0979,0.007,0.8839,0.0098,,,,,,,,
-PyG,AmazonComputers,node,True,,,2,2,2,skipsum,max,399,0.4042,0.0066,273502.0,0.1192,0.0154,0.915,0.0023,,,,,,,,
-PyG,AmazonComputers,node,True,,,2,2,2,skipsum,mean,399,0.4212,0.0548,273502.0,0.104,0.0075,0.9117,0.0051,,,,,,,,
-PyG,AmazonComputers,node,True,,,2,2,3,skipconcat,add,399,0.5744,0.0193,197585.0,0.1051,0.0098,0.8854,0.0051,,,,,,,,
-PyG,AmazonComputers,node,True,,,2,2,3,skipconcat,max,399,0.4176,0.0165,197585.0,0.1568,0.0313,0.9119,0.0028,,,,,,,,
-PyG,AmazonComputers,node,True,,,2,2,3,skipconcat,mean,399,0.5051,0.0271,197585.0,0.1529,0.0318,0.9065,0.0037,,,,,,,,
-PyG,AmazonComputers,node,True,,,2,2,3,skipsum,add,399,0.6031,0.0253,259049.0,0.1107,0.0279,0.8844,0.0044,,,,,,,,
-PyG,AmazonComputers,node,True,,,2,2,3,skipsum,max,399,0.3721,0.0134,259049.0,0.1236,0.0115,0.9139,0.0026,,,,,,,,
-PyG,AmazonComputers,node,True,,,2,2,3,skipsum,mean,399,0.4128,0.021,259049.0,0.1067,0.0007,0.9137,0.0016,,,,,,,,
-PyG,AmazonComputers,node,True,,,2,4,2,skipconcat,add,399,0.5667,0.0502,185146.0,0.1016,0.008,0.8811,0.0065,,,,,,,,
-PyG,AmazonComputers,node,True,,,2,4,2,skipconcat,max,399,0.4174,0.0256,185146.0,0.1216,0.0189,0.9114,0.0049,,,,,,,,
-PyG,AmazonComputers,node,True,,,2,4,2,skipconcat,mean,399,0.5047,0.0489,185146.0,0.0953,0.0091,0.9082,0.0075,,,,,,,,
-PyG,AmazonComputers,node,True,,,2,4,2,skipsum,add,399,0.627,0.0079,248503.0,0.1317,0.0291,0.8749,0.0042,,,,,,,,
-PyG,AmazonComputers,node,True,,,2,4,2,skipsum,max,399,0.3885,0.0089,248503.0,0.1637,0.0145,0.9102,0.0033,,,,,,,,
-PyG,AmazonComputers,node,True,,,2,4,2,skipsum,mean,399,0.4839,0.0134,248503.0,0.1333,0.0298,0.9135,0.0003,,,,,,,,
-PyG,AmazonComputers,node,True,,,2,4,3,skipconcat,add,399,0.632,0.0153,174663.0,0.1288,0.0349,0.8854,0.002,,,,,,,,
-PyG,AmazonComputers,node,True,,,2,4,3,skipconcat,max,399,0.4534,0.0202,174663.0,0.1476,0.0238,0.9095,0.0029,,,,,,,,
-PyG,AmazonComputers,node,True,,,2,4,3,skipconcat,mean,399,0.5091,0.016,174663.0,0.1024,0.0189,0.9096,0.0008,,,,,,,,
-PyG,AmazonComputers,node,True,,,2,4,3,skipsum,add,399,0.5962,0.029,240035.0,0.1663,0.0163,0.8809,0.0035,,,,,,,,
-PyG,AmazonComputers,node,True,,,2,4,3,skipsum,max,399,0.4355,0.0158,240035.0,0.1277,0.0239,0.907,0.0016,,,,,,,,
-PyG,AmazonComputers,node,True,,,2,4,3,skipsum,mean,399,0.4853,0.0155,240035.0,0.1146,0.0065,0.913,0.0042,,,,,,,,
-PyG,AmazonComputers,node,True,,,2,6,2,skipconcat,add,399,0.6685,0.0435,175615.0,0.1041,0.0134,0.8805,0.0046,,,,,,,,
-PyG,AmazonComputers,node,True,,,2,6,2,skipconcat,max,399,0.4428,0.0031,175615.0,0.1085,0.006,0.9098,0.0054,,,,,,,,
-PyG,AmazonComputers,node,True,,,2,6,2,skipconcat,mean,399,0.5288,0.0141,175615.0,0.1092,0.0215,0.9085,0.0035,,,,,,,,
-PyG,AmazonComputers,node,True,,,2,6,2,skipsum,add,399,0.6257,0.0561,232843.0,0.1805,0.0161,0.8763,0.0028,,,,,,,,
-PyG,AmazonComputers,node,True,,,2,6,2,skipsum,max,399,0.4538,0.0172,232843.0,0.1255,0.0076,0.9088,0.0003,,,,,,,,
-PyG,AmazonComputers,node,True,,,2,6,2,skipsum,mean,399,0.5163,0.0028,232843.0,0.127,0.0287,0.9098,0.0021,,,,,,,,
-PyG,AmazonComputers,node,True,,,2,6,3,skipconcat,add,399,0.6374,0.0208,168685.0,0.1235,0.0191,0.8854,0.0043,,,,,,,,
-PyG,AmazonComputers,node,True,,,2,6,3,skipconcat,max,399,0.4636,0.0381,168685.0,0.106,0.011,0.9078,0.0068,,,,,,,,
-PyG,AmazonComputers,node,True,,,2,6,3,skipconcat,mean,399,0.5406,0.0054,168685.0,0.1438,0.0393,0.9068,0.0067,,,,,,,,
-PyG,AmazonComputers,node,True,,,2,6,3,skipsum,add,399,0.5846,0.0533,228217.0,0.0815,0.0041,0.8797,0.0055,,,,,,,,
-PyG,AmazonComputers,node,True,,,2,6,3,skipsum,max,399,0.4515,0.0157,228217.0,0.1497,0.0149,0.9069,0.0037,,,,,,,,
-PyG,AmazonComputers,node,True,,,2,6,3,skipsum,mean,399,0.522,0.0214,228217.0,0.1481,0.0314,0.9039,0.0007,,,,,,,,
-PyG,AmazonComputers,node,True,,,2,8,2,skipconcat,add,399,0.6739,0.0311,166849.0,0.1113,0.0108,0.8786,0.0057,,,,,,,,
-PyG,AmazonComputers,node,True,,,2,8,2,skipconcat,max,399,0.4315,0.0327,166849.0,0.1198,0.0117,0.9096,0.0024,,,,,,,,
-PyG,AmazonComputers,node,True,,,2,8,2,skipconcat,mean,399,0.52,0.0204,166849.0,0.1028,0.0143,0.9085,0.002,,,,,,,,
-PyG,AmazonComputers,node,True,,,2,8,2,skipsum,add,399,0.6437,0.0126,224146.0,0.1383,0.0178,0.8804,0.0045,,,,,,,,
-PyG,AmazonComputers,node,True,,,2,8,2,skipsum,max,399,0.4637,0.0222,224146.0,0.1434,0.0156,0.9072,0.003,,,,,,,,
-PyG,AmazonComputers,node,True,,,2,8,2,skipsum,mean,399,0.5014,0.0113,224146.0,0.1431,0.0044,0.9113,0.0013,,,,,,,,
-PyG,AmazonComputers,node,True,,,2,8,3,skipconcat,add,399,0.646,0.0292,158273.0,0.1229,0.0082,0.8829,0.0016,,,,,,,,
-PyG,AmazonComputers,node,True,,,2,8,3,skipconcat,max,399,0.5236,0.0203,158273.0,0.1062,0.0019,0.9007,0.0015,,,,,,,,
-PyG,AmazonComputers,node,True,,,2,8,3,skipconcat,mean,399,0.5556,0.0073,158273.0,0.1053,0.0139,0.9018,0.0016,,,,,,,,
-PyG,AmazonComputers,node,True,,,2,8,3,skipsum,add,399,0.6156,0.0461,218011.0,0.1247,0.009,0.8842,0.0048,,,,,,,,
-PyG,AmazonComputers,node,True,,,2,8,3,skipsum,max,399,0.4721,0.0061,218011.0,0.1536,0.0154,0.9062,0.0038,,,,,,,,
-PyG,AmazonComputers,node,True,,,2,8,3,skipsum,mean,399,0.5317,0.0032,218011.0,0.1199,0.0243,0.907,0.0023,,,,,,,,
-PyG,AmazonPhoto,node,True,,,1,2,2,skipconcat,add,399,0.2488,0.0132,214314.0,0.0355,0.0015,0.9412,0.0037,,,,,,,,
-PyG,AmazonPhoto,node,True,,,1,2,2,skipconcat,max,399,0.1736,0.016,214314.0,0.0453,0.0098,0.9595,0.0027,,,,,,,,
-PyG,AmazonPhoto,node,True,,,1,2,2,skipconcat,mean,399,0.2053,0.0076,214314.0,0.0383,0.0049,0.9576,0.0019,,,,,,,,
-PyG,AmazonPhoto,node,True,,,1,2,2,skipsum,add,399,0.2474,0.0151,290101.0,0.034,0.0052,0.9403,0.0022,,,,,,,,
-PyG,AmazonPhoto,node,True,,,1,2,2,skipsum,max,399,0.178,0.0113,290101.0,0.0333,0.0004,0.9569,0.0011,,,,,,,,
-PyG,AmazonPhoto,node,True,,,1,2,2,skipsum,mean,399,0.1964,0.0231,290101.0,0.0359,0.0024,0.9608,0.0032,,,,,,,,
-PyG,AmazonPhoto,node,True,,,1,2,3,skipconcat,add,399,0.2514,0.0213,197369.0,0.0319,0.0029,0.941,0.0035,,,,,,,,
-PyG,AmazonPhoto,node,True,,,1,2,3,skipconcat,max,399,0.1759,0.0066,197369.0,0.0329,0.0029,0.9599,0.0025,,,,,,,,
-PyG,AmazonPhoto,node,True,,,1,2,3,skipconcat,mean,399,0.1946,0.0122,197369.0,0.0402,0.0106,0.9571,0.0034,,,,,,,,
-PyG,AmazonPhoto,node,True,,,1,2,3,skipsum,add,399,0.28,0.0192,269156.0,0.0367,0.0053,0.9382,0.0029,,,,,,,,
-PyG,AmazonPhoto,node,True,,,1,2,3,skipsum,max,399,0.1823,0.0097,269156.0,0.0378,0.0022,0.958,0.0022,,,,,,,,
-PyG,AmazonPhoto,node,True,,,1,2,3,skipsum,mean,399,0.2036,0.0155,269156.0,0.0282,0.0012,0.9593,0.0033,,,,,,,,
-PyG,AmazonPhoto,node,True,,,1,4,2,skipconcat,add,399,0.2432,0.0076,184459.0,0.0518,0.0027,0.9451,0.0016,,,,,,,,
-PyG,AmazonPhoto,node,True,,,1,4,2,skipconcat,max,399,0.1779,0.007,184459.0,0.0343,0.0017,0.9573,0.0014,,,,,,,,
-PyG,AmazonPhoto,node,True,,,1,4,2,skipconcat,mean,399,0.1997,0.0058,184459.0,0.0379,0.0067,0.9567,0.0008,,,,,,,,
-PyG,AmazonPhoto,node,True,,,1,4,2,skipsum,add,399,0.275,0.0125,255159.0,0.0551,0.0086,0.9412,0.0032,,,,,,,,
-PyG,AmazonPhoto,node,True,,,1,4,2,skipsum,max,399,0.1749,0.023,255159.0,0.0497,0.0094,0.9589,0.0051,,,,,,,,
-PyG,AmazonPhoto,node,True,,,1,4,2,skipsum,mean,399,0.2149,0.0216,255159.0,0.0398,0.0019,0.9545,0.0059,,,,,,,,
-PyG,AmazonPhoto,node,True,,,1,4,3,skipconcat,add,399,0.2504,0.022,170854.0,0.0318,0.0017,0.9414,0.0066,,,,,,,,
-PyG,AmazonPhoto,node,True,,,1,4,3,skipconcat,max,399,0.2189,0.0247,170854.0,0.0367,0.0067,0.9499,0.0062,,,,,,,,
-PyG,AmazonPhoto,node,True,,,1,4,3,skipconcat,mean,399,0.2066,0.0095,170854.0,0.0387,0.0011,0.9565,0.0022,,,,,,,,
-PyG,AmazonPhoto,node,True,,,1,4,3,skipsum,add,399,0.261,0.0281,244949.0,0.0365,0.0059,0.9425,0.0053,,,,,,,,
-PyG,AmazonPhoto,node,True,,,1,4,3,skipsum,max,399,0.2149,0.0274,244949.0,0.0413,0.0056,0.9506,0.0053,,,,,,,,
-PyG,AmazonPhoto,node,True,,,1,4,3,skipsum,mean,399,0.2211,0.0109,244949.0,0.0304,0.0004,0.9534,0.0043,,,,,,,,
-PyG,AmazonPhoto,node,True,,,1,6,2,skipconcat,add,399,0.2583,0.0188,172005.0,0.058,0.0043,0.9434,0.0041,,,,,,,,
-PyG,AmazonPhoto,node,True,,,1,6,2,skipconcat,max,399,0.2012,0.0283,172005.0,0.0338,0.0003,0.953,0.0049,,,,,,,,
-PyG,AmazonPhoto,node,True,,,1,6,2,skipconcat,mean,399,0.2159,0.0233,172005.0,0.0316,0.0083,0.9528,0.0048,,,,,,,,
-PyG,AmazonPhoto,node,True,,,1,6,2,skipsum,add,399,0.2759,0.0152,236745.0,0.0525,0.0088,0.941,0.0022,,,,,,,,
-PyG,AmazonPhoto,node,True,,,1,6,2,skipsum,max,399,0.2211,0.0419,236745.0,0.0494,0.0051,0.9534,0.0064,,,,,,,,
-PyG,AmazonPhoto,node,True,,,1,6,2,skipsum,mean,399,0.2247,0.0454,236745.0,0.0437,0.0126,0.9584,0.0053,,,,,,,,
-PyG,AmazonPhoto,node,True,,,1,6,3,skipconcat,add,399,0.2811,0.0226,166235.0,0.0495,0.0155,0.9403,0.0039,,,,,,,,
-PyG,AmazonPhoto,node,True,,,1,6,3,skipconcat,max,399,0.2192,0.03,166235.0,0.0347,0.0039,0.9523,0.0056,,,,,,,,
-PyG,AmazonPhoto,node,True,,,1,6,3,skipconcat,mean,399,0.2229,0.005,166235.0,0.0433,0.0156,0.9551,0.0008,,,,,,,,
-PyG,AmazonPhoto,node,True,,,1,6,3,skipsum,add,399,0.2525,0.0067,229769.0,0.0749,0.0223,0.9373,0.0021,,,,,,,,
-PyG,AmazonPhoto,node,True,,,1,6,3,skipsum,max,399,0.237,0.0396,229769.0,0.0465,0.0046,0.9493,0.0078,,,,,,,,
-PyG,AmazonPhoto,node,True,,,1,6,3,skipsum,mean,399,0.2446,0.0292,229769.0,0.0312,0.0033,0.953,0.0067,,,,,,,,
-PyG,AmazonPhoto,node,True,,,1,8,2,skipconcat,add,399,0.2645,0.0218,164263.0,0.0381,0.01,0.944,0.0059,,,,,,,,
-PyG,AmazonPhoto,node,True,,,1,8,2,skipconcat,max,399,0.2212,0.0222,164263.0,0.0687,0.0077,0.9516,0.0028,,,,,,,,
-PyG,AmazonPhoto,node,True,,,1,8,2,skipconcat,mean,399,0.2274,0.0296,164263.0,0.0348,0.0013,0.9532,0.0038,,,,,,,,
-PyG,AmazonPhoto,node,True,,,1,8,2,skipsum,add,399,0.2672,0.0278,225311.0,0.06,0.0123,0.9384,0.0014,,,,,,,,
-PyG,AmazonPhoto,node,True,,,1,8,2,skipsum,max,399,0.2385,0.0321,225311.0,0.0703,0.0148,0.9523,0.0032,,,,,,,,
-PyG,AmazonPhoto,node,True,,,1,8,2,skipsum,mean,399,0.2356,0.0206,225311.0,0.0513,0.0149,0.954,0.0031,,,,,,,,
-PyG,AmazonPhoto,node,True,,,1,8,3,skipconcat,add,399,0.2823,0.0087,156503.0,0.066,0.005,0.9405,0.003,,,,,,,,
-PyG,AmazonPhoto,node,True,,,1,8,3,skipconcat,max,399,0.2589,0.0302,156503.0,0.0507,0.0169,0.9462,0.0099,,,,,,,,
-PyG,AmazonPhoto,node,True,,,1,8,3,skipconcat,mean,399,0.2561,0.0427,156503.0,0.0467,0.0097,0.9541,0.0062,,,,,,,,
-PyG,AmazonPhoto,node,True,,,1,8,3,skipsum,add,399,0.2743,0.0039,221384.0,0.0389,0.0038,0.9381,0.005,,,,,,,,
-PyG,AmazonPhoto,node,True,,,1,8,3,skipsum,max,399,0.2211,0.0137,221384.0,0.0481,0.0025,0.9519,0.0027,,,,,,,,
-PyG,AmazonPhoto,node,True,,,1,8,3,skipsum,mean,399,0.2456,0.0246,221384.0,0.0548,0.0018,0.9526,0.0022,,,,,,,,
-PyG,AmazonPhoto,node,True,,,2,2,2,skipconcat,add,399,0.2691,0.0049,211705.0,0.0276,0.0039,0.9373,0.0034,,,,,,,,
-PyG,AmazonPhoto,node,True,,,2,2,2,skipconcat,max,399,0.1669,0.0231,211705.0,0.0372,0.0059,0.9614,0.0051,,,,,,,,
-PyG,AmazonPhoto,node,True,,,2,2,2,skipconcat,mean,399,0.2071,0.0101,211705.0,0.0449,0.002,0.9586,0.0028,,,,,,,,
-PyG,AmazonPhoto,node,True,,,2,2,2,skipsum,add,399,0.2798,0.0194,269156.0,0.0519,0.0114,0.9399,0.0009,,,,,,,,
-PyG,AmazonPhoto,node,True,,,2,2,2,skipsum,max,399,0.1763,0.0031,269156.0,0.0696,0.0206,0.9597,0.0051,,,,,,,,
-PyG,AmazonPhoto,node,True,,,2,2,2,skipsum,mean,399,0.209,0.0215,269156.0,0.0444,0.0105,0.958,0.002,,,,,,,,
-PyG,AmazonPhoto,node,True,,,2,2,3,skipconcat,add,399,0.2413,0.0196,195399.0,0.0364,0.005,0.9467,0.0048,,,,,,,,
-PyG,AmazonPhoto,node,True,,,2,2,3,skipconcat,max,399,0.1903,0.0167,195399.0,0.0464,0.0095,0.9553,0.0022,,,,,,,,
-PyG,AmazonPhoto,node,True,,,2,2,3,skipconcat,mean,399,0.2,0.0102,195399.0,0.0394,0.0147,0.9595,0.0011,,,,,,,,
-PyG,AmazonPhoto,node,True,,,2,2,3,skipsum,add,399,0.2817,0.0141,255159.0,0.0376,0.0071,0.936,0.0014,,,,,,,,
-PyG,AmazonPhoto,node,True,,,2,2,3,skipsum,max,399,0.1653,0.0102,255159.0,0.0335,0.0018,0.9573,0.0043,,,,,,,,
-PyG,AmazonPhoto,node,True,,,2,2,3,skipsum,mean,399,0.1959,0.0118,255159.0,0.035,0.0054,0.9584,0.0038,,,,,,,,
-PyG,AmazonPhoto,node,True,,,2,4,2,skipconcat,add,399,0.2587,0.0197,183192.0,0.0296,0.0029,0.9406,0.0054,,,,,,,,
-PyG,AmazonPhoto,node,True,,,2,4,2,skipconcat,max,399,0.1853,0.016,183192.0,0.0308,0.002,0.9582,0.0049,,,,,,,,
-PyG,AmazonPhoto,node,True,,,2,4,2,skipconcat,mean,399,0.2041,0.0207,183192.0,0.0287,0.0019,0.9567,0.0038,,,,,,,,
-PyG,AmazonPhoto,node,True,,,2,4,2,skipsum,add,399,0.3029,0.0088,244949.0,0.0353,0.0041,0.9386,0.0034,,,,,,,,
-PyG,AmazonPhoto,node,True,,,2,4,2,skipsum,max,399,0.1974,0.0187,244949.0,0.0504,0.0079,0.955,0.0047,,,,,,,,
-PyG,AmazonPhoto,node,True,,,2,4,2,skipsum,mean,399,0.203,0.0062,244949.0,0.0321,0.0025,0.9584,0.0013,,,,,,,,
-PyG,AmazonPhoto,node,True,,,2,4,3,skipconcat,add,399,0.277,0.0216,173157.0,0.0371,0.0158,0.9403,0.0022,,,,,,,,
-PyG,AmazonPhoto,node,True,,,2,4,3,skipconcat,max,399,0.2144,0.03,173157.0,0.0457,0.0128,0.951,0.0057,,,,,,,,
-PyG,AmazonPhoto,node,True,,,2,4,3,skipconcat,mean,399,0.2179,0.0077,173157.0,0.0487,0.0119,0.9597,0.0014,,,,,,,,
-PyG,AmazonPhoto,node,True,,,2,4,3,skipsum,add,399,0.2815,0.003,236745.0,0.0371,0.008,0.9379,0.0009,,,,,,,,
-PyG,AmazonPhoto,node,True,,,2,4,3,skipsum,max,399,0.2095,0.0278,236745.0,0.0627,0.0174,0.9573,0.0048,,,,,,,,
-PyG,AmazonPhoto,node,True,,,2,4,3,skipsum,mean,399,0.215,0.0089,236745.0,0.0728,0.0115,0.9554,0.002,,,,,,,,
-PyG,AmazonPhoto,node,True,,,2,6,2,skipconcat,add,399,0.2962,0.0268,174029.0,0.0403,0.0158,0.938,0.004,,,,,,,,
-PyG,AmazonPhoto,node,True,,,2,6,2,skipconcat,max,399,0.2155,0.0235,174029.0,0.0372,0.0011,0.9514,0.0049,,,,,,,,
-PyG,AmazonPhoto,node,True,,,2,6,2,skipconcat,mean,399,0.237,0.028,174029.0,0.0286,0.0007,0.9541,0.0035,,,,,,,,
-PyG,AmazonPhoto,node,True,,,2,6,2,skipsum,add,399,0.2736,0.0147,229769.0,0.0431,0.0042,0.9391,0.0035,,,,,,,,
-PyG,AmazonPhoto,node,True,,,2,6,2,skipsum,max,399,0.19,0.0046,229769.0,0.0723,0.0089,0.9571,0.0017,,,,,,,,
-PyG,AmazonPhoto,node,True,,,2,6,2,skipsum,mean,399,0.2248,0.0237,229769.0,0.0345,0.0018,0.9591,0.0027,,,,,,,,
-PyG,AmazonPhoto,node,True,,,2,6,3,skipconcat,add,399,0.2891,0.0042,167459.0,0.0543,0.0014,0.9373,0.0011,,,,,,,,
-PyG,AmazonPhoto,node,True,,,2,6,3,skipconcat,max,399,0.2319,0.0117,167459.0,0.0685,0.0251,0.9466,0.0014,,,,,,,,
-PyG,AmazonPhoto,node,True,,,2,6,3,skipconcat,mean,399,0.2459,0.0152,167459.0,0.0565,0.0171,0.9519,0.0025,,,,,,,,
-PyG,AmazonPhoto,node,True,,,2,6,3,skipsum,add,399,0.2924,0.0226,225311.0,0.0582,0.0152,0.9349,0.0045,,,,,,,,
-PyG,AmazonPhoto,node,True,,,2,6,3,skipsum,max,399,0.2225,0.0378,225311.0,0.055,0.0112,0.951,0.0056,,,,,,,,
-PyG,AmazonPhoto,node,True,,,2,6,3,skipsum,mean,399,0.2157,0.0148,225311.0,0.0475,0.0094,0.9599,0.0034,,,,,,,,
-PyG,AmazonPhoto,node,True,,,2,8,2,skipconcat,add,399,0.2873,0.0154,165487.0,0.0464,0.0193,0.9371,0.0061,,,,,,,,
-PyG,AmazonPhoto,node,True,,,2,8,2,skipconcat,max,399,0.2214,0.0152,165487.0,0.0362,0.0024,0.9523,0.0051,,,,,,,,
-PyG,AmazonPhoto,node,True,,,2,8,2,skipconcat,mean,399,0.2407,0.0365,165487.0,0.0378,0.0036,0.9547,0.0057,,,,,,,,
-PyG,AmazonPhoto,node,True,,,2,8,2,skipsum,add,399,0.2917,0.015,221384.0,0.0422,0.0026,0.9423,0.0024,,,,,,,,
-PyG,AmazonPhoto,node,True,,,2,8,2,skipsum,max,399,0.2206,0.0159,221384.0,0.0939,0.01,0.9538,0.0026,,,,,,,,
-PyG,AmazonPhoto,node,True,,,2,8,2,skipsum,mean,399,0.236,0.014,221384.0,0.0629,0.0054,0.9549,0.0028,,,,,,,,
-PyG,AmazonPhoto,node,True,,,2,8,3,skipconcat,add,399,0.2999,0.0359,157231.0,0.0409,0.0108,0.936,0.0058,,,,,,,,
-PyG,AmazonPhoto,node,True,,,2,8,3,skipconcat,max,399,0.2472,0.0249,157231.0,0.0413,0.0138,0.9456,0.0052,,,,,,,,
-PyG,AmazonPhoto,node,True,,,2,8,3,skipconcat,mean,399,0.2679,0.0372,157231.0,0.0734,0.0202,0.9508,0.0059,,,,,,,,
-PyG,AmazonPhoto,node,True,,,2,8,3,skipsum,add,399,0.3003,0.0259,215393.0,0.0456,0.0038,0.9366,0.0081,,,,,,,,
-PyG,AmazonPhoto,node,True,,,2,8,3,skipsum,max,399,0.2536,0.0259,215393.0,0.0492,0.0008,0.9469,0.0063,,,,,,,,
-PyG,AmazonPhoto,node,True,,,2,8,3,skipsum,mean,399,0.2377,0.016,215393.0,0.0357,0.0045,0.9552,0.0027,,,,,,,,
-PyG,CiteSeer,node,True,,,1,2,2,skipconcat,add,399,0.9637,0.0152,524272.0,0.0721,0.027,0.7077,0.016,,,,,,,,
-PyG,CiteSeer,node,True,,,1,2,2,skipconcat,max,399,0.9134,0.0496,524272.0,0.0938,0.0056,0.7282,0.0121,,,,,,,,
-PyG,CiteSeer,node,True,,,1,2,2,skipconcat,mean,399,0.9137,0.0619,524272.0,0.0868,0.0077,0.7152,0.0163,,,,,,,,
-PyG,CiteSeer,node,True,,,1,2,2,skipsum,add,399,1.1764,0.0977,907903.0,0.09,0.0073,0.7307,0.0019,,,,,,,,
-PyG,CiteSeer,node,True,,,1,2,2,skipsum,max,399,1.162,0.0877,907903.0,0.0859,0.0068,0.7327,0.0128,,,,,,,,
-PyG,CiteSeer,node,True,,,1,2,2,skipsum,mean,399,1.1751,0.0717,907903.0,0.091,0.0058,0.7312,0.0032,,,,,,,,
-PyG,CiteSeer,node,True,,,1,2,3,skipconcat,add,399,0.9741,0.0596,433527.0,0.1453,0.026,0.6902,0.0258,,,,,,,,
-PyG,CiteSeer,node,True,,,1,2,3,skipconcat,max,399,1.0443,0.1071,433527.0,0.1116,0.0405,0.6611,0.044,,,,,,,,
-PyG,CiteSeer,node,True,,,1,2,3,skipconcat,mean,399,1.0359,0.0597,433527.0,0.1073,0.024,0.6637,0.0283,,,,,,,,
-PyG,CiteSeer,node,True,,,1,2,3,skipsum,add,399,1.1069,0.1168,804190.0,0.1242,0.0538,0.7177,0.0073,,,,,,,,
-PyG,CiteSeer,node,True,,,1,2,3,skipsum,max,399,1.1068,0.0908,804190.0,0.1293,0.0252,0.7077,0.0123,,,,,,,,
-PyG,CiteSeer,node,True,,,1,2,3,skipsum,mean,399,1.2119,0.0694,804190.0,0.095,0.0121,0.7292,0.006,,,,,,,,
-PyG,CiteSeer,node,True,,,1,4,2,skipconcat,add,399,1.1229,0.0957,367233.0,0.1014,0.0201,0.7262,0.0062,,,,,,,,
-PyG,CiteSeer,node,True,,,1,4,2,skipconcat,max,399,1.0507,0.0852,367233.0,0.0961,0.0058,0.7377,0.0174,,,,,,,,
-PyG,CiteSeer,node,True,,,1,4,2,skipconcat,mean,399,1.0454,0.0701,367233.0,0.0882,0.0029,0.7322,0.007,,,,,,,,
-PyG,CiteSeer,node,True,,,1,4,2,skipsum,add,399,1.0135,0.0618,734029.0,0.0948,0.0092,0.7287,0.0062,,,,,,,,
-PyG,CiteSeer,node,True,,,1,4,2,skipsum,max,399,1.2408,0.0825,734029.0,0.0885,0.0029,0.7407,0.0074,,,,,,,,
-PyG,CiteSeer,node,True,,,1,4,2,skipsum,mean,399,1.2044,0.1817,734029.0,0.0565,0.0121,0.7327,0.0086,,,,,,,,
-PyG,CiteSeer,node,True,,,1,4,3,skipconcat,add,399,1.0745,0.0162,309408.0,0.0415,0.0011,0.7102,0.0129,,,,,,,,
-PyG,CiteSeer,node,True,,,1,4,3,skipconcat,max,399,1.0509,0.0467,309408.0,0.092,0.0069,0.7237,0.0105,,,,,,,,
-PyG,CiteSeer,node,True,,,1,4,3,skipconcat,mean,399,1.0925,0.0361,309408.0,0.0902,0.0285,0.7287,0.0137,,,,,,,,
-PyG,CiteSeer,node,True,,,1,4,3,skipsum,add,399,1.1504,0.2083,682435.0,0.0992,0.0134,0.7122,0.0147,,,,,,,,
-PyG,CiteSeer,node,True,,,1,4,3,skipsum,max,399,1.3019,0.0482,682435.0,0.0638,0.0196,0.7187,0.0072,,,,,,,,
-PyG,CiteSeer,node,True,,,1,4,3,skipsum,mean,399,1.0175,0.0553,682435.0,0.1208,0.005,0.7182,0.0152,,,,,,,,
-PyG,CiteSeer,node,True,,,1,6,2,skipconcat,add,399,1.135,0.0728,301539.0,0.1357,0.038,0.7232,0.0132,,,,,,,,
-PyG,CiteSeer,node,True,,,1,6,2,skipconcat,max,399,1.1369,0.0753,301539.0,0.0939,0.0053,0.7447,0.0193,,,,,,,,
-PyG,CiteSeer,node,True,,,1,6,2,skipconcat,mean,399,1.1784,0.0646,301539.0,0.1062,0.0172,0.7332,0.0237,,,,,,,,
-PyG,CiteSeer,node,True,,,1,6,2,skipsum,add,399,1.0141,0.1119,641715.0,0.0407,0.0002,0.7417,0.0086,,,,,,,,
-PyG,CiteSeer,node,True,,,1,6,2,skipsum,max,399,1.3487,0.135,641715.0,0.0915,0.0093,0.7242,0.0111,,,,,,,,
-PyG,CiteSeer,node,True,,,1,6,2,skipsum,mean,399,1.3435,0.026,641715.0,0.0948,0.0062,0.7322,0.0092,,,,,,,,
-PyG,CiteSeer,node,True,,,1,6,3,skipconcat,add,399,1.1257,0.0519,266329.0,0.118,0.0199,0.7102,0.0141,,,,,,,,
-PyG,CiteSeer,node,True,,,1,6,3,skipconcat,max,399,1.1464,0.0469,266329.0,0.0386,0.0048,0.7182,0.0155,,,,,,,,
-PyG,CiteSeer,node,True,,,1,6,3,skipconcat,mean,399,1.1753,0.0909,266329.0,0.1067,0.0168,0.7322,0.0028,,,,,,,,
-PyG,CiteSeer,node,True,,,1,6,3,skipsum,add,399,1.0539,0.0706,608135.0,0.1016,0.0069,0.7147,0.0061,,,,,,,,
-PyG,CiteSeer,node,True,,,1,6,3,skipsum,max,399,1.2576,0.076,608135.0,0.0887,0.0063,0.7207,0.0021,,,,,,,,
-PyG,CiteSeer,node,True,,,1,6,3,skipsum,mean,399,1.2389,0.1645,608135.0,0.0883,0.01,0.7267,0.0098,,,,,,,,
-PyG,CiteSeer,node,True,,,1,8,2,skipconcat,add,399,1.2612,0.1373,264221.0,0.0845,0.0052,0.7212,0.0182,,,,,,,,
-PyG,CiteSeer,node,True,,,1,8,2,skipconcat,max,399,1.244,0.0945,264221.0,0.1395,0.0273,0.7342,0.0117,,,,,,,,
-PyG,CiteSeer,node,True,,,1,8,2,skipconcat,mean,399,1.2884,0.1392,264221.0,0.1421,0.0215,0.7418,0.0149,,,,,,,,
-PyG,CiteSeer,node,True,,,1,8,2,skipsum,add,399,1.1402,0.1517,582985.0,0.1075,0.021,0.7222,0.0124,,,,,,,,
-PyG,CiteSeer,node,True,,,1,8,2,skipsum,max,399,1.3772,0.1663,582985.0,0.1257,0.0372,0.7242,0.0095,,,,,,,,
-PyG,CiteSeer,node,True,,,1,8,2,skipsum,mean,399,1.369,0.0536,582985.0,0.1141,0.007,0.7232,0.0049,,,,,,,,
-PyG,CiteSeer,node,True,,,1,8,3,skipconcat,add,399,1.2427,0.0534,232941.0,0.0774,0.0029,0.7302,0.0148,,,,,,,,
-PyG,CiteSeer,node,True,,,1,8,3,skipconcat,max,399,1.2847,0.0707,232941.0,0.0833,0.0035,0.7172,0.0134,,,,,,,,
-PyG,CiteSeer,node,True,,,1,8,3,skipconcat,mean,399,1.3377,0.0859,232941.0,0.0959,0.0043,0.7272,0.0174,,,,,,,,
-PyG,CiteSeer,node,True,,,1,8,3,skipsum,add,399,1.1161,0.0859,561322.0,0.0854,0.0014,0.7072,0.0012,,,,,,,,
-PyG,CiteSeer,node,True,,,1,8,3,skipsum,max,399,1.3726,0.1144,561322.0,0.0956,0.007,0.7097,0.0031,,,,,,,,
-PyG,CiteSeer,node,True,,,1,8,3,skipsum,mean,399,1.309,0.0911,561322.0,0.0898,0.0044,0.7172,0.0031,,,,,,,,
-PyG,CiteSeer,node,True,,,2,2,2,skipconcat,add,399,0.9964,0.0642,509855.0,0.0874,0.007,0.6907,0.0171,,,,,,,,
-PyG,CiteSeer,node,True,,,2,2,2,skipconcat,max,399,0.8973,0.0355,509855.0,0.0981,0.011,0.7282,0.0117,,,,,,,,
-PyG,CiteSeer,node,True,,,2,2,2,skipconcat,mean,399,0.9143,0.0309,509855.0,0.1209,0.0085,0.7417,0.0113,,,,,,,,
-PyG,CiteSeer,node,True,,,2,2,2,skipsum,add,399,1.4543,0.0727,804190.0,0.1116,0.0201,0.7122,0.0178,,,,,,,,
-PyG,CiteSeer,node,True,,,2,2,2,skipsum,max,399,1.1628,0.0606,804190.0,0.1244,0.0523,0.7412,0.0039,,,,,,,,
-PyG,CiteSeer,node,True,,,2,2,2,skipsum,mean,399,1.2439,0.0596,804190.0,0.1161,0.0181,0.7417,0.0076,,,,,,,,
-PyG,CiteSeer,node,True,,,2,2,3,skipconcat,add,399,1.0389,0.0543,425653.0,0.1164,0.0237,0.6857,0.0074,,,,,,,,
-PyG,CiteSeer,node,True,,,2,2,3,skipconcat,max,399,1.0042,0.0545,425653.0,0.1353,0.0252,0.6877,0.0117,,,,,,,,
-PyG,CiteSeer,node,True,,,2,2,3,skipconcat,mean,399,1.0055,0.0885,425653.0,0.1118,0.0092,0.6872,0.0231,,,,,,,,
-PyG,CiteSeer,node,True,,,2,2,3,skipsum,add,399,1.2452,0.2147,734029.0,0.0914,0.006,0.6952,0.0181,,,,,,,,
-PyG,CiteSeer,node,True,,,2,2,3,skipsum,max,399,1.3296,0.1019,734029.0,0.0956,0.0063,0.7217,0.0098,,,,,,,,
-PyG,CiteSeer,node,True,,,2,2,3,skipsum,mean,399,1.1786,0.2666,734029.0,0.0665,0.0375,0.6837,0.0156,,,,,,,,
-PyG,CiteSeer,node,True,,,2,4,2,skipconcat,add,399,1.1792,0.0755,363018.0,0.0916,0.0083,0.7147,0.02,,,,,,,,
-PyG,CiteSeer,node,True,,,2,4,2,skipconcat,max,399,1.1104,0.0577,363018.0,0.1047,0.0066,0.7422,0.0071,,,,,,,,
-PyG,CiteSeer,node,True,,,2,4,2,skipconcat,mean,399,1.1753,0.1052,363018.0,0.1124,0.0345,0.7387,0.0196,,,,,,,,
-PyG,CiteSeer,node,True,,,2,4,2,skipsum,add,399,1.2373,0.1726,682435.0,0.1138,0.0163,0.7132,0.0238,,,,,,,,
-PyG,CiteSeer,node,True,,,2,4,2,skipsum,max,399,1.2998,0.0294,682435.0,0.1325,0.0372,0.7382,0.0102,,,,,,,,
-PyG,CiteSeer,node,True,,,2,4,2,skipsum,mean,399,1.1657,0.0422,682435.0,0.0932,0.0196,0.7382,0.0167,,,,,,,,
-PyG,CiteSeer,node,True,,,2,4,3,skipconcat,add,399,1.1715,0.0348,311711.0,0.0914,0.0127,0.7027,0.0024,,,,,,,,
-PyG,CiteSeer,node,True,,,2,4,3,skipconcat,max,399,1.1678,0.0523,311711.0,0.0946,0.0048,0.7142,0.0046,,,,,,,,
-PyG,CiteSeer,node,True,,,2,4,3,skipconcat,mean,399,1.2421,0.0281,311711.0,0.0818,0.0046,0.7177,0.0096,,,,,,,,
-PyG,CiteSeer,node,True,,,2,4,3,skipsum,add,399,1.0882,0.1333,641715.0,0.0977,0.0072,0.6877,0.0297,,,,,,,,
-PyG,CiteSeer,node,True,,,2,4,3,skipsum,max,399,1.1769,0.1653,641715.0,0.0902,0.0016,0.7242,0.0167,,,,,,,,
-PyG,CiteSeer,node,True,,,2,4,3,skipsum,mean,399,1.1486,0.1299,641715.0,0.0876,0.0011,0.7142,0.0437,,,,,,,,
-PyG,CiteSeer,node,True,,,2,6,2,skipconcat,add,399,1.3078,0.094,303563.0,0.0803,0.0061,0.7157,0.0126,,,,,,,,
-PyG,CiteSeer,node,True,,,2,6,2,skipconcat,max,399,1.2825,0.1053,303563.0,0.0989,0.0162,0.7382,0.0014,,,,,,,,
-PyG,CiteSeer,node,True,,,2,6,2,skipconcat,mean,399,1.2665,0.0812,303563.0,0.1005,0.0095,0.7448,0.0107,,,,,,,,
-PyG,CiteSeer,node,True,,,2,6,2,skipsum,add,399,1.3248,0.3315,608135.0,0.101,0.0099,0.7097,0.0039,,,,,,,,
-PyG,CiteSeer,node,True,,,2,6,2,skipsum,max,399,1.2643,0.1177,608135.0,0.1149,0.0264,0.7392,0.0126,,,,,,,,
-PyG,CiteSeer,node,True,,,2,6,2,skipsum,mean,399,1.2292,0.0572,608135.0,0.1214,0.0372,0.7277,0.0137,,,,,,,,
-PyG,CiteSeer,node,True,,,2,6,3,skipconcat,add,399,1.3219,0.0781,267553.0,0.0824,0.0058,0.7057,0.016,,,,,,,,
-PyG,CiteSeer,node,True,,,2,6,3,skipconcat,max,399,1.3079,0.0612,267553.0,0.1018,0.0082,0.7157,0.0062,,,,,,,,
-PyG,CiteSeer,node,True,,,2,6,3,skipconcat,mean,399,1.2911,0.05,267553.0,0.0955,0.0217,0.7312,0.0117,,,,,,,,
-PyG,CiteSeer,node,True,,,2,6,3,skipsum,add,399,1.0018,0.0284,582985.0,0.0901,0.0049,0.6772,0.0076,,,,,,,,
-PyG,CiteSeer,node,True,,,2,6,3,skipsum,max,399,1.243,0.1379,582985.0,0.1103,0.0065,0.7307,0.0185,,,,,,,,
-PyG,CiteSeer,node,True,,,2,6,3,skipsum,mean,399,1.2693,0.0966,582985.0,0.0559,0.0247,0.7242,0.0106,,,,,,,,
-PyG,CiteSeer,node,True,,,2,8,2,skipconcat,add,399,1.3816,0.0984,265445.0,0.0968,0.0212,0.7087,0.0178,,,,,,,,
-PyG,CiteSeer,node,True,,,2,8,2,skipconcat,max,399,1.3578,0.0114,265445.0,0.0854,0.0024,0.7237,0.0024,,,,,,,,
-PyG,CiteSeer,node,True,,,2,8,2,skipconcat,mean,399,1.4065,0.068,265445.0,0.0655,0.0049,0.7222,0.0127,,,,,,,,
-PyG,CiteSeer,node,True,,,2,8,2,skipsum,add,399,1.3451,0.3093,561322.0,0.0912,0.0082,0.7087,0.0086,,,,,,,,
-PyG,CiteSeer,node,True,,,2,8,2,skipsum,max,399,1.3899,0.1179,561322.0,0.0439,0.0025,0.7302,0.0111,,,,,,,,
-PyG,CiteSeer,node,True,,,2,8,2,skipsum,mean,399,1.3589,0.1585,561322.0,0.125,0.038,0.7297,0.0135,,,,,,,,
-PyG,CiteSeer,node,True,,,2,8,3,skipconcat,add,399,1.3884,0.0422,233669.0,0.123,0.0285,0.7102,0.0121,,,,,,,,
-PyG,CiteSeer,node,True,,,2,8,3,skipconcat,max,399,1.4415,0.06,233669.0,0.117,0.0296,0.7052,0.0098,,,,,,,,
-PyG,CiteSeer,node,True,,,2,8,3,skipconcat,mean,399,1.4533,0.0777,233669.0,0.1395,0.0193,0.7227,0.0214,,,,,,,,
-PyG,CiteSeer,node,True,,,2,8,3,skipsum,add,399,1.0188,0.0771,537595.0,0.0991,0.0306,0.6847,0.0156,,,,,,,,
-PyG,CiteSeer,node,True,,,2,8,3,skipsum,max,399,1.3196,0.0691,537595.0,0.0925,0.0243,0.7107,0.0148,,,,,,,,
-PyG,CiteSeer,node,True,,,2,8,3,skipsum,mean,399,1.1334,0.0269,537595.0,0.1315,0.046,0.7177,0.008,,,,,,,,
-PyG,CoauthorCS,node,True,,,1,2,2,skipconcat,add,399,0.1939,0.0067,852826.0,0.8196,0.0079,0.9465,0.0033,,,,,,,,
-PyG,CoauthorCS,node,True,,,1,2,2,skipconcat,max,399,0.1782,0.0053,852826.0,0.838,0.0755,0.9468,0.0012,,,,,,,,
-PyG,CoauthorCS,node,True,,,1,2,2,skipconcat,mean,399,0.1858,0.0178,852826.0,0.786,0.0132,0.9481,0.0051,,,,,,,,
-PyG,CoauthorCS,node,True,,,1,2,2,skipsum,add,399,0.1934,0.0033,1558111.0,0.8311,0.0441,0.9504,0.0032,,,,,,,,
-PyG,CoauthorCS,node,True,,,1,2,2,skipsum,max,399,0.1826,0.0123,1558111.0,0.8298,0.0398,0.9482,0.0042,,,,,,,,
-PyG,CoauthorCS,node,True,,,1,2,2,skipsum,mean,399,0.2005,0.0138,1558111.0,0.8593,0.0684,0.9461,0.004,,,,,,,,
-PyG,CoauthorCS,node,True,,,1,2,3,skipconcat,add,399,0.209,0.0115,683856.0,0.7854,0.0613,0.9436,0.0035,,,,,,,,
-PyG,CoauthorCS,node,True,,,1,2,3,skipconcat,max,399,0.2075,0.0098,683856.0,0.8424,0.0303,0.9425,0.0028,,,,,,,,
-PyG,CoauthorCS,node,True,,,1,2,3,skipconcat,mean,399,0.2082,0.016,683856.0,0.8295,0.0595,0.9421,0.0016,,,,,,,,
-PyG,CoauthorCS,node,True,,,1,2,3,skipsum,add,399,0.1922,0.0134,1367290.0,0.8333,0.0453,0.9484,0.0036,,,,,,,,
-PyG,CoauthorCS,node,True,,,1,2,3,skipsum,max,399,0.1946,0.0099,1367290.0,0.8052,0.0177,0.9442,0.002,,,,,,,,
-PyG,CoauthorCS,node,True,,,1,2,3,skipsum,mean,399,0.1997,0.0044,1367290.0,0.8183,0.0987,0.948,0.0013,,,,,,,,
-PyG,CoauthorCS,node,True,,,1,4,2,skipconcat,add,399,0.2053,0.0045,562356.0,0.7876,0.0406,0.9456,0.0042,,,,,,,,
-PyG,CoauthorCS,node,True,,,1,4,2,skipconcat,max,399,0.1751,0.0082,562356.0,0.8121,0.0086,0.949,0.0031,,,,,,,,
-PyG,CoauthorCS,node,True,,,1,4,2,skipconcat,mean,399,0.1966,0.0157,562356.0,0.8309,0.0372,0.9477,0.0033,,,,,,,,
-PyG,CoauthorCS,node,True,,,1,4,2,skipsum,add,399,0.2013,0.0044,1238020.0,1.0303,0.0493,0.9466,0.0019,,,,,,,,
-PyG,CoauthorCS,node,True,,,1,4,2,skipsum,max,399,0.2054,0.0072,1238020.0,0.7733,0.0367,0.9428,0.0043,,,,,,,,
-PyG,CoauthorCS,node,True,,,1,4,2,skipsum,mean,399,0.2047,0.0131,1238020.0,0.7685,0.0282,0.9482,0.0056,,,,,,,,
-PyG,CoauthorCS,node,True,,,1,4,3,skipconcat,add,399,0.2191,0.0157,457326.0,0.8222,0.0111,0.9438,0.0047,,,,,,,,
-PyG,CoauthorCS,node,True,,,1,4,3,skipconcat,max,399,0.1928,0.0078,457326.0,0.898,0.0712,0.9465,0.0022,,,,,,,,
-PyG,CoauthorCS,node,True,,,1,4,3,skipconcat,mean,399,0.1896,0.0089,457326.0,0.9695,0.0778,0.9519,0.0036,,,,,,,,
-PyG,CoauthorCS,node,True,,,1,4,3,skipsum,add,399,0.2226,0.0112,1142872.0,0.7853,0.0387,0.9428,0.0036,,,,,,,,
-PyG,CoauthorCS,node,True,,,1,4,3,skipsum,max,399,0.2019,0.0039,1142872.0,0.921,0.0992,0.9463,0.0029,,,,,,,,
-PyG,CoauthorCS,node,True,,,1,4,3,skipsum,mean,399,0.2195,0.0239,1142872.0,0.9228,0.0682,0.9432,0.0078,,,,,,,,
-PyG,CoauthorCS,node,True,,,1,6,2,skipconcat,add,399,0.2107,0.0097,440808.0,0.8328,0.0317,0.9456,0.0005,,,,,,,,
-PyG,CoauthorCS,node,True,,,1,6,2,skipconcat,max,399,0.1743,0.0063,440808.0,0.8345,0.1268,0.9494,0.0043,,,,,,,,
-PyG,CoauthorCS,node,True,,,1,6,2,skipconcat,mean,399,0.1978,0.0048,440808.0,0.8597,0.0737,0.9476,0.0016,,,,,,,,
-PyG,CoauthorCS,node,True,,,1,6,2,skipsum,add,399,0.2068,0.0272,1067931.0,0.8068,0.077,0.9478,0.0053,,,,,,,,
-PyG,CoauthorCS,node,True,,,1,6,2,skipsum,max,399,0.2191,0.0165,1067931.0,0.9116,0.0903,0.9454,0.0033,,,,,,,,
-PyG,CoauthorCS,node,True,,,1,6,2,skipsum,mean,399,0.2012,0.019,1067931.0,0.7997,0.0189,0.9476,0.0019,,,,,,,,
-PyG,CoauthorCS,node,True,,,1,6,3,skipconcat,add,399,0.2159,0.01,373948.0,0.9524,0.1017,0.9468,0.0004,,,,,,,,
-PyG,CoauthorCS,node,True,,,1,6,3,skipconcat,max,399,0.198,0.0089,373948.0,0.8059,0.0363,0.9477,0.0015,,,,,,,,
-PyG,CoauthorCS,node,True,,,1,6,3,skipconcat,mean,399,0.2204,0.0072,373948.0,0.9164,0.0562,0.9464,0.003,,,,,,,,
-PyG,CoauthorCS,node,True,,,1,6,3,skipsum,add,399,0.2301,0.0283,1006352.0,0.8574,0.0542,0.943,0.0034,,,,,,,,
-PyG,CoauthorCS,node,True,,,1,6,3,skipsum,max,399,0.2215,0.0035,1006352.0,0.8098,0.0524,0.9398,0.0028,,,,,,,,
-PyG,CoauthorCS,node,True,,,1,6,3,skipsum,mean,399,0.24,0.0194,1006352.0,0.9723,0.1556,0.9414,0.0041,,,,,,,,
-PyG,CoauthorCS,node,True,,,1,8,2,skipconcat,add,399,0.209,0.0072,372452.0,0.9141,0.0625,0.949,0.0009,,,,,,,,
-PyG,CoauthorCS,node,True,,,1,8,2,skipconcat,max,399,0.1826,0.0093,372452.0,0.7763,0.0251,0.9494,0.0036,,,,,,,,
-PyG,CoauthorCS,node,True,,,1,8,2,skipconcat,mean,399,0.2061,0.0089,372452.0,0.7921,0.0477,0.9487,0.0037,,,,,,,,
-PyG,CoauthorCS,node,True,,,1,8,2,skipsum,add,399,0.2113,0.0235,959425.0,0.8296,0.0464,0.9447,0.0028,,,,,,,,
-PyG,CoauthorCS,node,True,,,1,8,2,skipsum,max,399,0.219,0.0039,959425.0,0.8093,0.0097,0.9436,0.0027,,,,,,,,
-PyG,CoauthorCS,node,True,,,1,8,2,skipsum,mean,399,0.2331,0.0168,959425.0,0.7949,0.0476,0.9435,0.0039,,,,,,,,
-PyG,CoauthorCS,node,True,,,1,8,3,skipconcat,add,399,0.2172,0.017,315708.0,0.8082,0.0371,0.9469,0.0037,,,,,,,,
-PyG,CoauthorCS,node,True,,,1,8,3,skipconcat,max,399,0.2108,0.0172,315708.0,0.8449,0.0292,0.9456,0.0029,,,,,,,,
-PyG,CoauthorCS,node,True,,,1,8,3,skipconcat,mean,399,0.2186,0.0114,315708.0,0.8182,0.0497,0.9477,0.0062,,,,,,,,
-PyG,CoauthorCS,node,True,,,1,8,3,skipsum,add,399,0.2197,0.0121,919096.0,0.8379,0.0814,0.9441,0.0016,,,,,,,,
-PyG,CoauthorCS,node,True,,,1,8,3,skipsum,max,399,0.2279,0.01,919096.0,0.8366,0.0776,0.9426,0.004,,,,,,,,
-PyG,CoauthorCS,node,True,,,1,8,3,skipsum,mean,399,0.2266,0.0257,919096.0,0.8559,0.1002,0.9438,0.0061,,,,,,,,
-PyG,CoauthorCS,node,True,,,2,2,2,skipconcat,add,399,0.2164,0.0114,825893.0,0.8665,0.1103,0.9431,0.0039,,,,,,,,
-PyG,CoauthorCS,node,True,,,2,2,2,skipconcat,max,399,0.1922,0.0094,825893.0,0.9749,0.0126,0.9465,0.0041,,,,,,,,
-PyG,CoauthorCS,node,True,,,2,2,2,skipconcat,mean,399,0.1962,0.0055,825893.0,0.7693,0.0271,0.9472,0.0003,,,,,,,,
-PyG,CoauthorCS,node,True,,,2,2,2,skipsum,add,399,0.2194,0.014,1367290.0,0.8852,0.1223,0.9438,0.0045,,,,,,,,
-PyG,CoauthorCS,node,True,,,2,2,2,skipsum,max,399,0.2017,0.0037,1367290.0,0.7814,0.0195,0.945,0.0045,,,,,,,,
-PyG,CoauthorCS,node,True,,,2,2,2,skipsum,mean,399,0.2094,0.0151,1367290.0,0.8375,0.0419,0.9445,0.0063,,,,,,,,
-PyG,CoauthorCS,node,True,,,2,2,3,skipconcat,add,399,0.2189,0.0112,669724.0,0.8011,0.0431,0.9413,0.0047,,,,,,,,
-PyG,CoauthorCS,node,True,,,2,2,3,skipconcat,max,399,0.2023,0.0128,669724.0,0.9558,0.1048,0.9461,0.0032,,,,,,,,
-PyG,CoauthorCS,node,True,,,2,2,3,skipconcat,mean,399,0.2171,0.01,669724.0,0.8668,0.0673,0.9448,0.0038,,,,,,,,
-PyG,CoauthorCS,node,True,,,2,2,3,skipsum,add,399,0.2213,0.0143,1238020.0,0.8019,0.024,0.9422,0.0062,,,,,,,,
-PyG,CoauthorCS,node,True,,,2,2,3,skipsum,max,399,0.2122,0.0082,1238020.0,0.8509,0.0737,0.9444,0.0013,,,,,,,,
-PyG,CoauthorCS,node,True,,,2,2,3,skipsum,mean,399,0.2261,0.0123,1238020.0,0.7608,0.012,0.9407,0.0032,,,,,,,,
-PyG,CoauthorCS,node,True,,,2,4,2,skipconcat,add,399,0.2108,0.0087,554994.0,1.0259,0.0898,0.9469,0.002,,,,,,,,
-PyG,CoauthorCS,node,True,,,2,4,2,skipconcat,max,399,0.1794,0.0116,554994.0,0.8509,0.0745,0.9514,0.0025,,,,,,,,
-PyG,CoauthorCS,node,True,,,2,4,2,skipconcat,mean,399,0.1933,0.0038,554994.0,0.9488,0.0684,0.9491,0.0012,,,,,,,,
-PyG,CoauthorCS,node,True,,,2,4,2,skipsum,add,399,0.2128,0.0211,1142872.0,0.8709,0.068,0.9473,0.0071,,,,,,,,
-PyG,CoauthorCS,node,True,,,2,4,2,skipsum,max,399,0.2101,0.0056,1142872.0,0.8451,0.0165,0.9413,0.0027,,,,,,,,
-PyG,CoauthorCS,node,True,,,2,4,2,skipsum,mean,399,0.207,0.0169,1142872.0,0.835,0.0088,0.9476,0.0049,,,,,,,,
-PyG,CoauthorCS,node,True,,,2,4,3,skipconcat,add,399,0.223,0.0132,459629.0,0.8406,0.0564,0.9435,0.0046,,,,,,,,
-PyG,CoauthorCS,node,True,,,2,4,3,skipconcat,max,399,0.1972,0.0079,459629.0,0.9977,0.2071,0.948,0.0017,,,,,,,,
-PyG,CoauthorCS,node,True,,,2,4,3,skipconcat,mean,399,0.2147,0.005,459629.0,0.8597,0.0496,0.9475,0.0016,,,,,,,,
-PyG,CoauthorCS,node,True,,,2,4,3,skipsum,add,399,0.2294,0.0121,1067931.0,0.7937,0.023,0.9444,0.0032,,,,,,,,
-PyG,CoauthorCS,node,True,,,2,4,3,skipsum,max,399,0.2084,0.01,1067931.0,0.8805,0.0632,0.9459,0.0044,,,,,,,,
-PyG,CoauthorCS,node,True,,,2,4,3,skipsum,mean,399,0.2079,0.0155,1067931.0,0.8544,0.0286,0.9462,0.0039,,,,,,,,
-PyG,CoauthorCS,node,True,,,2,6,2,skipconcat,add,399,0.2169,0.0176,442832.0,0.8138,0.0255,0.9458,0.0058,,,,,,,,
-PyG,CoauthorCS,node,True,,,2,6,2,skipconcat,max,399,0.1886,0.0071,442832.0,0.8385,0.0454,0.948,0.0016,,,,,,,,
-PyG,CoauthorCS,node,True,,,2,6,2,skipconcat,mean,399,0.2029,0.0122,442832.0,0.8732,0.0255,0.9474,0.0011,,,,,,,,
-PyG,CoauthorCS,node,True,,,2,6,2,skipsum,add,399,0.2444,0.0086,1006352.0,0.8095,0.0357,0.9409,0.0052,,,,,,,,
-PyG,CoauthorCS,node,True,,,2,6,2,skipsum,max,399,0.2295,0.0006,1006352.0,0.9344,0.1004,0.9382,0.0018,,,,,,,,
-PyG,CoauthorCS,node,True,,,2,6,2,skipsum,mean,399,0.2148,0.011,1006352.0,0.8399,0.0207,0.946,0.003,,,,,,,,
-PyG,CoauthorCS,node,True,,,2,6,3,skipconcat,add,399,0.2452,0.0102,375172.0,0.919,0.0794,0.9388,0.0027,,,,,,,,
-PyG,CoauthorCS,node,True,,,2,6,3,skipconcat,max,399,0.208,0.0118,375172.0,0.9514,0.0844,0.9454,0.0032,,,,,,,,
-PyG,CoauthorCS,node,True,,,2,6,3,skipconcat,mean,399,0.218,0.0104,375172.0,0.8884,0.0727,0.9494,0.0016,,,,,,,,
-PyG,CoauthorCS,node,True,,,2,6,3,skipsum,add,399,0.2175,0.0136,959425.0,0.8525,0.0739,0.9469,0.0033,,,,,,,,
-PyG,CoauthorCS,node,True,,,2,6,3,skipsum,max,399,0.2105,0.0137,959425.0,0.8123,0.0745,0.9446,0.0039,,,,,,,,
-PyG,CoauthorCS,node,True,,,2,6,3,skipsum,mean,399,0.2303,0.0117,959425.0,0.811,0.0355,0.9439,0.0054,,,,,,,,
-PyG,CoauthorCS,node,True,,,2,8,2,skipconcat,add,399,0.2239,0.0121,373676.0,0.885,0.0412,0.9424,0.0034,,,,,,,,
-PyG,CoauthorCS,node,True,,,2,8,2,skipconcat,max,399,0.1961,0.0016,373676.0,0.8667,0.0656,0.9467,0.0032,,,,,,,,
-PyG,CoauthorCS,node,True,,,2,8,2,skipconcat,mean,399,0.2051,0.0094,373676.0,0.8264,0.0115,0.9496,0.0039,,,,,,,,
-PyG,CoauthorCS,node,True,,,2,8,2,skipsum,add,399,0.224,0.0111,919096.0,0.9135,0.0606,0.9452,0.0046,,,,,,,,
-PyG,CoauthorCS,node,True,,,2,8,2,skipsum,max,399,0.2307,0.0196,919096.0,0.856,0.0277,0.9396,0.004,,,,,,,,
-PyG,CoauthorCS,node,True,,,2,8,2,skipsum,mean,399,0.2321,0.018,919096.0,0.8347,0.0928,0.9417,0.0025,,,,,,,,
-PyG,CoauthorCS,node,True,,,2,8,3,skipconcat,add,399,0.2437,0.0038,316436.0,0.8455,0.0395,0.9425,0.0022,,,,,,,,
-PyG,CoauthorCS,node,True,,,2,8,3,skipconcat,max,399,0.2247,0.0039,316436.0,0.8932,0.0741,0.9442,0.0029,,,,,,,,
-PyG,CoauthorCS,node,True,,,2,8,3,skipconcat,mean,399,0.2276,0.0094,316436.0,0.9153,0.0998,0.9463,0.002,,,,,,,,
-PyG,CoauthorCS,node,True,,,2,8,3,skipsum,add,399,0.2332,0.0129,876703.0,0.9065,0.0417,0.9446,0.0046,,,,,,,,
-PyG,CoauthorCS,node,True,,,2,8,3,skipsum,max,399,0.2312,0.0124,876703.0,0.8514,0.0108,0.9381,0.0022,,,,,,,,
-PyG,CoauthorCS,node,True,,,2,8,3,skipsum,mean,399,0.2499,0.0052,876703.0,0.879,0.0717,0.9375,0.0008,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,1,2,2,skipconcat,add,399,0.152,0.0081,1018716.0,1.795,0.0315,0.9626,0.0009,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,1,2,2,skipconcat,max,399,0.1368,0.0102,1018716.0,1.8505,0.0315,0.9671,0.0012,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,1,2,2,skipconcat,mean,399,0.1615,0.0086,1018716.0,1.5178,0.0139,0.9649,0.0001,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,1,2,2,skipsum,add,399,0.1626,0.0054,1892501.0,1.8161,0.1103,0.9625,0.0002,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,1,2,2,skipsum,max,399,0.1492,0.009,1892501.0,2.0386,0.0667,0.9642,0.001,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,1,2,2,skipsum,mean,399,0.1679,0.0102,1892501.0,1.945,0.0532,0.964,0.0022,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,1,2,3,skipconcat,add,399,0.1877,0.0065,810246.0,1.974,0.0197,0.9581,0.0021,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,1,2,3,skipconcat,max,399,0.1513,0.0025,810246.0,1.8715,0.0476,0.9649,0.0017,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,1,2,3,skipconcat,mean,399,0.1778,0.0111,810246.0,1.7436,0.0999,0.9634,0.0017,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,1,2,3,skipsum,add,399,0.1789,0.0163,1656880.0,2.0787,0.0879,0.9613,0.0028,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,1,2,3,skipsum,max,399,0.1606,0.0066,1656880.0,1.8747,0.1133,0.9645,0.0021,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,1,2,3,skipsum,mean,399,0.1887,0.0171,1656880.0,1.7764,0.1438,0.9621,0.0018,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,1,4,2,skipconcat,add,399,0.1594,0.0058,659066.0,1.5058,0.0225,0.963,0.0026,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,1,4,2,skipconcat,max,399,0.1353,0.0062,659066.0,1.6281,0.0173,0.9676,0.001,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,1,4,2,skipconcat,mean,399,0.165,0.0129,659066.0,1.5812,0.0413,0.9653,0.0015,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,1,4,2,skipsum,add,399,0.1753,0.006,1497210.0,1.8375,0.0599,0.9599,0.0,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,1,4,2,skipsum,max,399,0.1474,0.0081,1497210.0,2.2551,0.2659,0.9644,0.0021,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,1,4,2,skipsum,mean,399,0.1552,0.0143,1497210.0,1.9691,0.1813,0.9656,0.0004,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,1,4,3,skipconcat,add,399,0.1887,0.0134,530636.0,1.9482,0.1231,0.9609,0.002,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,1,4,3,skipconcat,max,399,0.1513,0.0178,530636.0,1.9139,0.0473,0.9673,0.0028,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,1,4,3,skipconcat,mean,399,0.1897,0.0138,530636.0,1.9872,0.0913,0.9635,0.0011,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,1,4,3,skipsum,add,399,0.1581,0.0129,1379662.0,2.2594,0.7679,0.9626,0.0028,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,1,4,3,skipsum,max,399,0.1595,0.007,1379662.0,2.1862,0.1162,0.9648,0.0015,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,1,4,3,skipsum,mean,399,0.1847,0.0106,1379662.0,1.6131,0.0866,0.9621,0.0019,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,1,6,2,skipconcat,add,399,0.1605,0.007,508558.0,1.6838,0.0206,0.9636,0.0008,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,1,6,2,skipconcat,max,399,0.1391,0.0064,508558.0,1.9061,0.0177,0.9669,0.0006,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,1,6,2,skipconcat,mean,399,0.162,0.0081,508558.0,2.2058,0.1696,0.9672,0.0015,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,1,6,2,skipsum,add,399,0.1682,0.0118,1287121.0,1.8556,0.0704,0.9606,0.0021,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,1,6,2,skipsum,max,399,0.1566,0.0066,1287121.0,1.9916,0.071,0.9636,0.0007,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,1,6,2,skipsum,mean,399,0.1734,0.0137,1287121.0,1.8589,0.0323,0.9636,0.0006,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,1,6,3,skipconcat,add,399,0.206,0.0031,426298.0,1.9269,0.0913,0.9604,0.0019,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,1,6,3,skipconcat,max,399,0.1513,0.0041,426298.0,1.73,0.0342,0.9667,0.0018,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,1,6,3,skipconcat,mean,399,0.1874,0.0187,426298.0,2.0124,0.324,0.9646,0.002,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,1,6,3,skipsum,add,399,0.176,0.0133,1211142.0,2.0127,0.2163,0.9598,0.0037,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,1,6,3,skipsum,max,399,0.1659,0.0047,1211142.0,1.8038,0.0674,0.9627,0.0022,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,1,6,3,skipsum,mean,399,0.1933,0.0177,1211142.0,1.8078,0.048,0.9618,0.0019,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,1,8,2,skipconcat,add,399,0.1813,0.0207,424122.0,1.8779,0.2712,0.9619,0.0029,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,1,8,2,skipconcat,max,399,0.1422,0.0026,424122.0,1.9736,0.0763,0.9659,0.0024,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,1,8,2,skipconcat,mean,399,0.171,0.0058,424122.0,1.7469,0.0331,0.9658,0.0013,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,1,8,2,skipsum,add,399,0.1709,0.0088,1153015.0,1.9909,0.0433,0.9614,0.0015,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,1,8,2,skipsum,max,399,0.1647,0.0119,1153015.0,1.9473,0.0796,0.9632,0.0018,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,1,8,2,skipsum,mean,399,0.1741,0.0138,1153015.0,1.7528,0.0341,0.9651,0.0012,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,1,8,3,skipconcat,add,399,0.198,0.0072,355218.0,1.9451,0.2244,0.9596,0.0,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,1,8,3,skipconcat,max,399,0.167,0.0051,355218.0,1.8825,0.0383,0.964,0.0018,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,1,8,3,skipconcat,mean,399,0.1897,0.0231,355218.0,1.9183,0.0967,0.9632,0.0025,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,1,8,3,skipsum,add,399,0.1832,0.026,1103086.0,1.9368,0.0579,0.9585,0.0038,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,1,8,3,skipsum,max,399,0.1521,0.0225,1103086.0,1.9649,0.1376,0.9635,0.0028,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,1,8,3,skipsum,mean,399,0.1888,0.0085,1103086.0,1.7235,0.0252,0.965,0.0003,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,2,2,2,skipconcat,add,399,0.1674,0.0085,985463.0,1.7811,0.0584,0.962,0.0002,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,2,2,2,skipconcat,max,399,0.139,0.0105,985463.0,1.9382,0.0948,0.9668,0.001,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,2,2,2,skipconcat,mean,399,0.1579,0.0074,985463.0,1.5487,0.0278,0.9647,0.0016,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,2,2,2,skipsum,add,399,0.1889,0.0108,1656880.0,1.9425,0.1373,0.9588,0.0018,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,2,2,2,skipsum,max,399,0.1473,0.0114,1656880.0,2.0609,0.1023,0.9667,0.001,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,2,2,2,skipsum,mean,399,0.1679,0.0101,1656880.0,1.5812,0.0316,0.965,0.0014,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,2,2,3,skipconcat,add,399,0.2012,0.0039,792954.0,1.6844,0.038,0.9576,0.0015,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,2,2,3,skipconcat,max,399,0.1648,0.005,792954.0,2.0176,0.2067,0.9652,0.0009,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,2,2,3,skipconcat,mean,399,0.1915,0.0141,792954.0,1.8287,0.0411,0.9618,0.0037,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,2,2,3,skipsum,add,399,0.1959,0.0042,1497210.0,1.907,0.0466,0.9581,0.0013,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,2,2,3,skipsum,max,399,0.1621,0.0071,1497210.0,1.9989,0.0296,0.9649,0.0012,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,2,2,3,skipsum,mean,399,0.1797,0.0057,1497210.0,2.2835,0.3316,0.963,0.0005,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,2,4,2,skipconcat,add,399,0.1761,0.0082,650144.0,1.9461,0.1782,0.9608,0.001,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,2,4,2,skipconcat,max,399,0.1447,0.0069,650144.0,1.8032,0.0507,0.9664,0.0013,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,2,4,2,skipconcat,mean,399,0.1654,0.0086,650144.0,1.8668,0.1019,0.9663,0.0009,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,2,4,2,skipsum,add,399,0.1861,0.004,1379662.0,1.7269,0.0292,0.9595,0.0014,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,2,4,2,skipsum,max,399,0.1586,0.0104,1379662.0,1.9272,0.0391,0.9642,0.002,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,2,4,2,skipsum,mean,399,0.1743,0.0058,1379662.0,1.946,0.1128,0.9643,0.0004,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,2,4,3,skipconcat,add,399,0.2073,0.0169,532939.0,1.7467,0.0694,0.959,0.002,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,2,4,3,skipconcat,max,399,0.1599,0.0013,532939.0,1.9035,0.0262,0.9665,0.0011,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,2,4,3,skipconcat,mean,399,0.1993,0.0069,532939.0,1.9485,0.1592,0.9628,0.0027,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,2,4,3,skipsum,add,399,0.1973,0.014,1287121.0,1.692,0.1036,0.9589,0.0012,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,2,4,3,skipsum,max,399,0.1607,0.0034,1287121.0,2.0183,0.1514,0.9657,0.0016,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,2,4,3,skipsum,mean,399,0.1893,0.0035,1287121.0,1.9292,0.0606,0.9639,0.0019,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,2,6,2,skipconcat,add,399,0.1886,0.0168,510582.0,1.92,0.0445,0.9602,0.0028,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,2,6,2,skipconcat,max,399,0.1385,0.0064,510582.0,1.9673,0.0741,0.9666,0.0008,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,2,6,2,skipconcat,mean,399,0.1817,0.0103,510582.0,1.9287,0.1365,0.964,0.0019,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,2,6,2,skipsum,add,399,0.1834,0.0151,1211142.0,1.9537,0.1296,0.9601,0.0026,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,2,6,2,skipsum,max,399,0.1514,0.0063,1211142.0,1.9193,0.1131,0.9642,0.0024,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,2,6,2,skipsum,mean,399,0.1623,0.0222,1211142.0,1.8018,0.0295,0.9648,0.001,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,2,6,3,skipconcat,add,399,0.2192,0.0042,427522.0,1.8147,0.0864,0.9592,0.0014,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,2,6,3,skipconcat,max,399,0.1547,0.0064,427522.0,2.0263,0.2346,0.9655,0.0021,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,2,6,3,skipconcat,mean,399,0.1961,0.0135,427522.0,1.8567,0.0113,0.9654,0.0008,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,2,6,3,skipsum,add,399,0.1805,0.016,1153015.0,1.7576,0.0922,0.9603,0.0035,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,2,6,3,skipsum,max,399,0.1702,0.0088,1153015.0,2.0097,0.0391,0.9646,0.003,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,2,6,3,skipsum,mean,399,0.1828,0.0134,1153015.0,1.9486,0.0746,0.9651,0.0025,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,2,8,2,skipconcat,add,399,0.1886,0.0057,425346.0,2.2967,0.1052,0.9603,0.0024,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,2,8,2,skipconcat,max,399,0.1404,0.0079,425346.0,2.2118,0.077,0.9658,0.0021,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,2,8,2,skipconcat,mean,399,0.179,0.0044,425346.0,2.0266,0.0516,0.9645,0.001,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,2,8,2,skipsum,add,399,0.1911,0.0084,1103086.0,2.04,0.1424,0.9603,0.0016,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,2,8,2,skipsum,max,399,0.1614,0.0036,1103086.0,2.0009,0.0511,0.9639,0.0018,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,2,8,2,skipsum,mean,399,0.1707,0.0156,1103086.0,1.552,0.0479,0.9663,0.0001,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,2,8,3,skipconcat,add,399,0.2029,0.0061,355946.0,2.1841,0.1061,0.96,0.0003,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,2,8,3,skipconcat,max,399,0.1572,0.0089,355946.0,2.0443,0.0845,0.9639,0.0019,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,2,8,3,skipconcat,mean,399,0.2015,0.0055,355946.0,1.8358,0.1418,0.9644,0.0005,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,2,8,3,skipsum,add,399,0.1861,0.0071,1051093.0,2.0314,0.0388,0.9598,0.0014,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,2,8,3,skipsum,max,399,0.1613,0.021,1051093.0,2.3591,0.3579,0.9637,0.0018,,,,,,,,
-PyG,CoauthorPhysics,node,True,,,2,8,3,skipsum,mean,399,0.1914,0.0084,1051093.0,1.7878,0.2003,0.9629,0.0006,,,,,,,,
-PyG,Cora,node,True,,,1,2,2,skipconcat,add,399,0.5445,0.0402,286238.0,0.027,0.0028,0.8453,0.0167,,,,,,,,
-PyG,Cora,node,True,,,1,2,2,skipconcat,max,399,0.4584,0.0242,286238.0,0.0241,0.0035,0.8741,0.0046,,,,,,,,
-PyG,Cora,node,True,,,1,2,2,skipconcat,mean,399,0.4539,0.0341,286238.0,0.0209,0.0002,0.8656,0.0069,,,,,,,,
-PyG,Cora,node,True,,,1,2,2,skipsum,add,399,0.5032,0.0268,433683.0,0.0176,0.0011,0.852,0.0182,,,,,,,,
-PyG,Cora,node,True,,,1,2,2,skipsum,max,399,0.5056,0.0323,433683.0,0.0158,0.0021,0.8692,0.0106,,,,,,,,
-PyG,Cora,node,True,,,1,2,2,skipsum,mean,399,0.5052,0.0377,433683.0,0.0231,0.0086,0.8655,0.0119,,,,,,,,
-PyG,Cora,node,True,,,1,2,3,skipconcat,add,399,0.5655,0.0296,252168.0,0.0271,0.0017,0.8318,0.0086,,,,,,,,
-PyG,Cora,node,True,,,1,2,3,skipconcat,max,399,0.4985,0.0201,252168.0,0.0163,0.0008,0.8533,0.0083,,,,,,,,
-PyG,Cora,node,True,,,1,2,3,skipconcat,mean,399,0.4538,0.0121,252168.0,0.0168,0.0003,0.8594,0.01,,,,,,,,
-PyG,Cora,node,True,,,1,2,3,skipsum,add,399,0.5426,0.0172,393502.0,0.0191,0.0013,0.8453,0.0113,,,,,,,,
-PyG,Cora,node,True,,,1,2,3,skipsum,max,399,0.5617,0.0456,393502.0,0.0145,0.0005,0.8539,0.0113,,,,,,,,
-PyG,Cora,node,True,,,1,2,3,skipsum,mean,399,0.5012,0.0421,393502.0,0.0186,0.0014,0.8545,0.0143,,,,,,,,
-PyG,Cora,node,True,,,1,4,2,skipconcat,add,399,0.5598,0.057,226804.0,0.0333,0.0004,0.8539,0.0203,,,,,,,,
-PyG,Cora,node,True,,,1,4,2,skipconcat,max,399,0.4897,0.0325,226804.0,0.0226,0.0034,0.8662,0.0046,,,,,,,,
-PyG,Cora,node,True,,,1,4,2,skipconcat,mean,399,0.5052,0.0479,226804.0,0.0272,0.001,0.8778,0.007,,,,,,,,
-PyG,Cora,node,True,,,1,4,2,skipsum,add,399,0.543,0.0428,366452.0,0.0283,0.015,0.8551,0.0136,,,,,,,,
-PyG,Cora,node,True,,,1,4,2,skipsum,max,399,0.5021,0.0253,366452.0,0.0154,0.0022,0.8693,0.0066,,,,,,,,
-PyG,Cora,node,True,,,1,4,2,skipsum,mean,399,0.5074,0.0332,366452.0,0.0138,0.0005,0.8686,0.0023,,,,,,,,
-PyG,Cora,node,True,,,1,4,3,skipconcat,add,399,0.5909,0.0348,202954.0,0.0253,0.0006,0.8392,0.0083,,,,,,,,
-PyG,Cora,node,True,,,1,4,3,skipconcat,max,399,0.5185,0.0384,202954.0,0.0305,0.0018,0.8594,0.0038,,,,,,,,
-PyG,Cora,node,True,,,1,4,3,skipconcat,mean,399,0.4906,0.0242,202954.0,0.0156,0.0021,0.8698,0.0083,,,,,,,,
-PyG,Cora,node,True,,,1,4,3,skipsum,add,399,0.5359,0.0487,346624.0,0.0146,0.0007,0.8404,0.0148,,,,,,,,
-PyG,Cora,node,True,,,1,4,3,skipsum,max,399,0.5111,0.0272,346624.0,0.0191,0.0029,0.8625,0.0048,,,,,,,,
-PyG,Cora,node,True,,,1,4,3,skipsum,mean,399,0.4618,0.0375,346624.0,0.0146,0.0007,0.8692,0.0069,,,,,,,,
-PyG,Cora,node,True,,,1,6,2,skipconcat,add,399,0.5725,0.0406,201968.0,0.0188,0.0036,0.8533,0.0125,,,,,,,,
-PyG,Cora,node,True,,,1,6,2,skipconcat,max,399,0.5072,0.0388,201968.0,0.017,0.0008,0.8705,0.0128,,,,,,,,
-PyG,Cora,node,True,,,1,6,2,skipconcat,mean,399,0.5257,0.0382,201968.0,0.0264,0.0137,0.873,0.0054,,,,,,,,
-PyG,Cora,node,True,,,1,6,2,skipsum,add,399,0.5617,0.0298,330863.0,0.0195,0.0031,0.8477,0.0053,,,,,,,,
-PyG,Cora,node,True,,,1,6,2,skipsum,max,399,0.5568,0.0426,330863.0,0.0205,0.0023,0.8612,0.0077,,,,,,,,
-PyG,Cora,node,True,,,1,6,2,skipsum,mean,399,0.5575,0.0494,330863.0,0.0169,0.0015,0.8778,0.0031,,,,,,,,
-PyG,Cora,node,True,,,1,6,3,skipconcat,add,399,0.5848,0.0065,189388.0,0.0152,0.0012,0.8527,0.0015,,,,,,,,
-PyG,Cora,node,True,,,1,6,3,skipconcat,max,399,0.5199,0.04,189388.0,0.02,0.0001,0.8619,0.0092,,,,,,,,
-PyG,Cora,node,True,,,1,6,3,skipconcat,mean,399,0.5155,0.0294,189388.0,0.0156,0.0008,0.8729,0.0098,,,,,,,,
-PyG,Cora,node,True,,,1,6,3,skipsum,add,399,0.6192,0.0643,317704.0,0.0275,0.0075,0.849,0.0092,,,,,,,,
-PyG,Cora,node,True,,,1,6,3,skipsum,max,399,0.5337,0.0808,317704.0,0.0184,0.0023,0.8827,0.0106,,,,,,,,
-PyG,Cora,node,True,,,1,6,3,skipsum,mean,399,0.5237,0.0279,317704.0,0.0184,0.0032,0.8736,0.0091,,,,,,,,
-PyG,Cora,node,True,,,1,8,2,skipconcat,add,399,0.6336,0.0386,187348.0,0.0445,0.0117,0.8514,0.0145,,,,,,,,
-PyG,Cora,node,True,,,1,8,2,skipconcat,max,399,0.5626,0.0667,187348.0,0.0195,0.002,0.8625,0.0074,,,,,,,,
-PyG,Cora,node,True,,,1,8,2,skipconcat,mean,399,0.5174,0.0454,187348.0,0.0182,0.001,0.8846,0.0083,,,,,,,,
-PyG,Cora,node,True,,,1,8,2,skipsum,add,399,0.5237,0.0423,308437.0,0.0185,0.003,0.8662,0.0149,,,,,,,,
-PyG,Cora,node,True,,,1,8,2,skipsum,max,399,0.6037,0.0473,308437.0,0.0208,0.0023,0.868,0.0083,,,,,,,,
-PyG,Cora,node,True,,,1,8,2,skipsum,mean,399,0.5762,0.06,308437.0,0.0227,0.0017,0.8766,0.0054,,,,,,,,
-PyG,Cora,node,True,,,1,8,3,skipconcat,add,399,0.6096,0.0964,174156.0,0.0224,0.0019,0.8588,0.0161,,,,,,,,
-PyG,Cora,node,True,,,1,8,3,skipconcat,max,399,0.5596,0.0253,174156.0,0.0203,0.002,0.86,0.0105,,,,,,,,
-PyG,Cora,node,True,,,1,8,3,skipconcat,mean,399,0.5562,0.0291,174156.0,0.0383,0.0033,0.868,0.0074,,,,,,,,
-PyG,Cora,node,True,,,1,8,3,skipsum,add,399,0.5536,0.0283,300388.0,0.0214,0.0059,0.849,0.0098,,,,,,,,
-PyG,Cora,node,True,,,1,8,3,skipsum,max,399,0.5937,0.0412,300388.0,0.021,0.005,0.8729,0.0079,,,,,,,,
-PyG,Cora,node,True,,,1,8,3,skipsum,mean,399,0.5361,0.0685,300388.0,0.0269,0.0051,0.8668,0.0136,,,,,,,,
-PyG,Cora,node,True,,,2,2,2,skipconcat,add,399,0.5653,0.0426,280889.0,0.0319,0.0025,0.8465,0.018,,,,,,,,
-PyG,Cora,node,True,,,2,2,2,skipconcat,max,399,0.4838,0.053,280889.0,0.0275,0.002,0.8508,0.0105,,,,,,,,
-PyG,Cora,node,True,,,2,2,2,skipconcat,mean,399,0.4597,0.0259,280889.0,0.0167,0.004,0.8692,0.003,,,,,,,,
-PyG,Cora,node,True,,,2,2,2,skipsum,add,399,0.5071,0.017,393502.0,0.0219,0.0004,0.8484,0.012,,,,,,,,
-PyG,Cora,node,True,,,2,2,2,skipsum,max,399,0.4775,0.0259,393502.0,0.0239,0.002,0.8711,0.0054,,,,,,,,
-PyG,Cora,node,True,,,2,2,2,skipsum,mean,399,0.4725,0.0218,393502.0,0.0149,0.0004,0.8637,0.009,,,,,,,,
-PyG,Cora,node,True,,,2,2,3,skipconcat,add,399,0.5615,0.0233,248828.0,0.0164,0.0007,0.8336,0.0097,,,,,,,,
-PyG,Cora,node,True,,,2,2,3,skipconcat,max,399,0.4992,0.0425,248828.0,0.03,0.0018,0.8509,0.0148,,,,,,,,
-PyG,Cora,node,True,,,2,2,3,skipconcat,mean,399,0.4607,0.0209,248828.0,0.0268,0.0034,0.8643,0.0123,,,,,,,,
-PyG,Cora,node,True,,,2,2,3,skipsum,add,399,0.5957,0.0466,366452.0,0.0178,0.0012,0.8238,0.025,,,,,,,,
-PyG,Cora,node,True,,,2,2,3,skipsum,max,399,0.662,0.0727,366452.0,0.014,0.0003,0.8158,0.0131,,,,,,,,
-PyG,Cora,node,True,,,2,2,3,skipsum,mean,399,0.498,0.0633,366452.0,0.0266,0.0044,0.8563,0.0196,,,,,,,,
-PyG,Cora,node,True,,,2,4,2,skipconcat,add,399,0.5939,0.0365,224854.0,0.0299,0.0046,0.8404,0.0052,,,,,,,,
-PyG,Cora,node,True,,,2,4,2,skipconcat,max,399,0.5527,0.0679,224854.0,0.0152,0.0006,0.8557,0.0068,,,,,,,,
-PyG,Cora,node,True,,,2,4,2,skipconcat,mean,399,0.4894,0.057,224854.0,0.0187,0.0032,0.8766,0.009,,,,,,,,
-PyG,Cora,node,True,,,2,4,2,skipsum,add,399,0.5264,0.0406,346624.0,0.0175,0.0006,0.8521,0.0179,,,,,,,,
-PyG,Cora,node,True,,,2,4,2,skipsum,max,399,0.5187,0.018,346624.0,0.0176,0.0021,0.8717,0.0023,,,,,,,,
-PyG,Cora,node,True,,,2,4,2,skipsum,mean,399,0.5018,0.0376,346624.0,0.015,0.0013,0.8785,0.012,,,,,,,,
-PyG,Cora,node,True,,,2,4,3,skipconcat,add,399,0.6297,0.0465,205257.0,0.0424,0.0175,0.841,0.0046,,,,,,,,
-PyG,Cora,node,True,,,2,4,3,skipconcat,max,399,0.5888,0.0403,205257.0,0.0293,0.0033,0.8398,0.0079,,,,,,,,
-PyG,Cora,node,True,,,2,4,3,skipconcat,mean,399,0.5252,0.0395,205257.0,0.033,0.0015,0.8748,0.0026,,,,,,,,
-PyG,Cora,node,True,,,2,4,3,skipsum,add,399,0.5322,0.0407,330863.0,0.0179,0.0007,0.8441,0.0008,,,,,,,,
-PyG,Cora,node,True,,,2,4,3,skipsum,max,399,0.5583,0.066,330863.0,0.0215,0.0062,0.8558,0.0009,,,,,,,,
-PyG,Cora,node,True,,,2,4,3,skipsum,mean,399,0.5024,0.073,330863.0,0.0187,0.002,0.868,0.0145,,,,,,,,
-PyG,Cora,node,True,,,2,6,2,skipconcat,add,399,0.6315,0.0137,203992.0,0.0362,0.0053,0.849,0.0159,,,,,,,,
-PyG,Cora,node,True,,,2,6,2,skipconcat,max,399,0.5748,0.0347,203992.0,0.0195,0.0025,0.8564,0.0094,,,,,,,,
-PyG,Cora,node,True,,,2,6,2,skipconcat,mean,399,0.5594,0.0422,203992.0,0.0262,0.0138,0.8809,0.0195,,,,,,,,
-PyG,Cora,node,True,,,2,6,2,skipsum,add,399,0.5867,0.0368,317704.0,0.0173,0.0011,0.8551,0.0032,,,,,,,,
-PyG,Cora,node,True,,,2,6,2,skipsum,max,399,0.5643,0.0438,317704.0,0.0147,0.0015,0.8656,0.0054,,,,,,,,
-PyG,Cora,node,True,,,2,6,2,skipsum,mean,399,0.5661,0.0218,317704.0,0.0205,0.0032,0.8772,0.0071,,,,,,,,
-PyG,Cora,node,True,,,2,6,3,skipconcat,add,399,0.6299,0.049,190612.0,0.0176,0.0016,0.8379,0.0182,,,,,,,,
-PyG,Cora,node,True,,,2,6,3,skipconcat,max,399,0.5941,0.0138,190612.0,0.0229,0.0026,0.8465,0.0031,,,,,,,,
-PyG,Cora,node,True,,,2,6,3,skipconcat,mean,399,0.5878,0.061,190612.0,0.022,0.0018,0.8656,0.0098,,,,,,,,
-PyG,Cora,node,True,,,2,6,3,skipsum,add,399,0.5992,0.0689,308437.0,0.0293,0.003,0.8398,0.0196,,,,,,,,
-PyG,Cora,node,True,,,2,6,3,skipsum,max,399,0.6007,0.0188,308437.0,0.0279,0.0049,0.8662,0.0038,,,,,,,,
-PyG,Cora,node,True,,,2,6,3,skipsum,mean,399,0.5382,0.0459,308437.0,0.0211,0.0073,0.8735,0.0062,,,,,,,,
-PyG,Cora,node,True,,,2,8,2,skipconcat,add,399,0.6532,0.0556,188572.0,0.0441,0.0062,0.8502,0.0098,,,,,,,,
-PyG,Cora,node,True,,,2,8,2,skipconcat,max,399,0.578,0.0219,188572.0,0.0261,0.0128,0.8637,0.0045,,,,,,,,
-PyG,Cora,node,True,,,2,8,2,skipconcat,mean,399,0.6035,0.0082,188572.0,0.0255,0.0072,0.868,0.0062,,,,,,,,
-PyG,Cora,node,True,,,2,8,2,skipsum,add,399,0.5626,0.0694,300388.0,0.0184,0.0009,0.857,0.0076,,,,,,,,
-PyG,Cora,node,True,,,2,8,2,skipsum,max,399,0.5878,0.0401,300388.0,0.0225,0.0066,0.8723,0.0083,,,,,,,,
-PyG,Cora,node,True,,,2,8,2,skipsum,mean,399,0.6011,0.0151,300388.0,0.0228,0.002,0.8772,0.0038,,,,,,,,
-PyG,Cora,node,True,,,2,8,3,skipconcat,add,399,0.6657,0.067,174884.0,0.0442,0.0042,0.8484,0.0097,,,,,,,,
-PyG,Cora,node,True,,,2,8,3,skipconcat,max,399,0.5965,0.0522,174884.0,0.0172,0.0018,0.8434,0.0152,,,,,,,,
-PyG,Cora,node,True,,,2,8,3,skipconcat,mean,399,0.6214,0.05,174884.0,0.0284,0.0069,0.8649,0.0091,,,,,,,,
-PyG,Cora,node,True,,,2,8,3,skipsum,add,399,0.6141,0.0383,290275.0,0.0285,0.0084,0.8398,0.0167,,,,,,,,
-PyG,Cora,node,True,,,2,8,3,skipsum,max,399,0.5776,0.069,290275.0,0.0186,0.0023,0.8698,0.0023,,,,,,,,
-PyG,Cora,node,True,,,2,8,3,skipsum,mean,399,0.5232,0.049,290275.0,0.0182,0.002,0.8797,0.0085,,,,,,,,
-PyG,TU_BZR,graph,False,,,1,2,2,skipconcat,add,399,0.4656,0.1245,139442.0,0.0102,0.0002,0.8724,0.0154,0.6502,0.0504,0.7566,0.1038,0.6925,0.0393,0.8893,0.0574
-PyG,TU_BZR,graph,False,,,1,2,2,skipconcat,max,399,0.4498,0.2109,139442.0,0.0089,0.001,0.856,0.0454,0.6155,0.1062,0.7124,0.1123,0.6562,0.0974,0.8885,0.0787
-PyG,TU_BZR,graph,False,,,1,2,2,skipconcat,mean,399,0.4239,0.1705,139442.0,0.0099,0.0005,0.8601,0.021,0.6415,0.0816,0.6731,0.1226,0.6443,0.0614,0.9083,0.0624
-PyG,TU_BZR,graph,False,,,1,2,2,skipsum,add,399,0.4531,0.1431,144003.0,0.0249,0.0006,0.8642,0.0202,0.6413,0.0383,0.7244,0.1737,0.6645,0.0617,0.8986,0.0694
-PyG,TU_BZR,graph,False,,,1,2,2,skipsum,max,399,0.3984,0.1638,144003.0,0.0079,0.0008,0.8724,0.0254,0.6559,0.059,0.7381,0.1298,0.6861,0.0648,0.9065,0.0562
-PyG,TU_BZR,graph,False,,,1,2,2,skipsum,mean,399,0.5782,0.1175,144003.0,0.0088,0.0018,0.8478,0.0154,0.6032,0.0978,0.7124,0.1123,0.6386,0.0477,0.8596,0.0629
-PyG,TU_BZR,graph,False,,,1,2,3,skipconcat,add,399,0.5353,0.1211,140322.0,0.0107,0.0024,0.8231,0.0058,0.5469,0.0509,0.6362,0.1506,0.573,0.0278,0.8828,0.0448
-PyG,TU_BZR,graph,False,,,1,2,3,skipconcat,max,399,0.4709,0.1068,140322.0,0.007,0.0002,0.8231,0.0291,0.5568,0.0866,0.6409,0.1896,0.5708,0.0819,0.9013,0.0272
-PyG,TU_BZR,graph,False,,,1,2,3,skipconcat,mean,399,0.516,0.1602,140322.0,0.0274,0.0012,0.8231,0.0324,0.5326,0.0295,0.636,0.1749,0.5704,0.0944,0.8955,0.0522
-PyG,TU_BZR,graph,False,,,1,2,3,skipsum,add,399,0.4532,0.1556,142630.0,0.0062,0.0007,0.8642,0.0266,0.6409,0.0408,0.6941,0.1077,0.6622,0.053,0.8968,0.0344
-PyG,TU_BZR,graph,False,,,1,2,3,skipsum,max,399,0.5105,0.1143,142630.0,0.0264,0.0003,0.8437,0.0116,0.5926,0.0504,0.6733,0.1239,0.6194,0.0201,0.878,0.046
-PyG,TU_BZR,graph,False,,,1,2,3,skipsum,mean,399,0.5279,0.2058,142630.0,0.0092,0.0013,0.8354,0.0354,0.5684,0.031,0.6451,0.0633,0.604,0.0453,0.8599,0.0704
-PyG,TU_BZR,graph,False,,,1,4,2,skipconcat,add,399,0.5503,0.1652,139378.0,0.0389,0.0032,0.8765,0.0201,0.6405,0.0529,0.8401,0.0856,0.7226,0.04,0.8991,0.0639
-PyG,TU_BZR,graph,False,,,1,4,2,skipconcat,max,399,0.4756,0.1496,139378.0,0.0085,0.0012,0.8848,0.0232,0.6775,0.1205,0.8657,0.1136,0.7422,0.0414,0.9124,0.0741
-PyG,TU_BZR,graph,False,,,1,4,2,skipconcat,mean,399,0.6009,0.1886,139378.0,0.009,0.0009,0.856,0.0381,0.6089,0.0687,0.7685,0.1819,0.6684,0.0798,0.8859,0.0706
-PyG,TU_BZR,graph,False,,,1,4,2,skipsum,add,399,0.4758,0.147,141914.0,0.0241,0.0035,0.8889,0.0202,0.6998,0.0087,0.7543,0.0733,0.7239,0.0299,0.8882,0.0484
-PyG,TU_BZR,graph,False,,,1,4,2,skipsum,max,399,0.4929,0.2254,141914.0,0.0087,0.0017,0.8724,0.0116,0.6453,0.0429,0.7751,0.0779,0.6994,0.0101,0.8994,0.0743
-PyG,TU_BZR,graph,False,,,1,4,2,skipsum,mean,399,0.4916,0.1074,141914.0,0.0271,0.0012,0.8642,0.01,0.6327,0.0443,0.7358,0.0965,0.6734,0.0186,0.899,0.0391
-PyG,TU_BZR,graph,False,,,1,4,3,skipconcat,add,399,0.5191,0.0915,136678.0,0.0392,0.0042,0.8395,0.0101,0.5854,0.079,0.6964,0.1188,0.6214,0.0183,0.8954,0.0439
-PyG,TU_BZR,graph,False,,,1,4,3,skipconcat,max,399,0.4883,0.1971,136678.0,0.0097,0.0023,0.8724,0.0308,0.659,0.0897,0.7637,0.1539,0.6932,0.0744,0.9155,0.0731
-PyG,TU_BZR,graph,False,,,1,4,3,skipconcat,mean,399,0.492,0.2272,136678.0,0.0083,0.0011,0.8642,0.0349,0.6441,0.0437,0.6802,0.1713,0.651,0.0957,0.8991,0.0634
-PyG,TU_BZR,graph,False,,,1,4,3,skipsum,add,399,0.5975,0.1387,141490.0,0.0095,0.0002,0.8066,0.0058,0.5022,0.049,0.7101,0.0704,0.5833,0.0246,0.8796,0.0497
-PyG,TU_BZR,graph,False,,,1,4,3,skipsum,max,399,0.5524,0.1862,141490.0,0.0104,0.0047,0.8354,0.0407,0.5598,0.0312,0.7197,0.1439,0.6265,0.0719,0.8914,0.059
-PyG,TU_BZR,graph,False,,,1,4,3,skipsum,mean,399,0.5933,0.1515,141490.0,0.0227,0.0008,0.819,0.0308,0.5239,0.0187,0.6731,0.1226,0.5855,0.0605,0.8682,0.0588
-PyG,TU_BZR,graph,False,,,1,6,2,skipconcat,add,399,0.5878,0.2294,139394.0,0.0091,0.0013,0.8724,0.0354,0.6386,0.07,0.796,0.0922,0.7064,0.07,0.882,0.077
-PyG,TU_BZR,graph,False,,,1,6,2,skipconcat,max,399,0.5181,0.2221,139394.0,0.0091,0.0014,0.8889,0.0202,0.6892,0.0342,0.8079,0.1588,0.7325,0.05,0.8852,0.0968
-PyG,TU_BZR,graph,False,,,1,6,2,skipconcat,mean,399,0.4844,0.1638,139394.0,0.0095,0.0007,0.8683,0.0382,0.6367,0.0436,0.7566,0.1038,0.6903,0.0678,0.8929,0.065
-PyG,TU_BZR,graph,False,,,1,6,2,skipsum,add,399,0.5151,0.1792,140975.0,0.0112,0.0014,0.8765,0.0363,0.6766,0.0323,0.7244,0.1737,0.6888,0.0896,0.8925,0.058
-PyG,TU_BZR,graph,False,,,1,6,2,skipsum,max,399,0.5187,0.1285,140975.0,0.0252,0.0027,0.8765,0.0267,0.6549,0.1127,0.8145,0.0663,0.7164,0.0637,0.9079,0.0529
-PyG,TU_BZR,graph,False,,,1,6,2,skipsum,mean,399,0.569,0.0626,140975.0,0.0092,0.0023,0.8354,0.0116,0.5624,0.0611,0.7101,0.0704,0.622,0.033,0.8791,0.0356
-PyG,TU_BZR,graph,False,,,1,6,3,skipconcat,add,399,0.6161,0.1201,141034.0,0.0092,0.0009,0.8313,0.0254,0.5545,0.0634,0.6916,0.0965,0.6098,0.0553,0.8589,0.079
-PyG,TU_BZR,graph,False,,,1,6,3,skipconcat,max,399,0.6373,0.137,141034.0,0.0376,0.0035,0.8436,0.0154,0.5967,0.0684,0.7292,0.2062,0.632,0.0491,0.8688,0.0808
-PyG,TU_BZR,graph,False,,,1,6,3,skipconcat,mean,399,0.6081,0.2192,141034.0,0.0099,0.0006,0.8313,0.0476,0.5556,0.0815,0.6731,0.1226,0.6058,0.0906,0.8699,0.0764
-PyG,TU_BZR,graph,False,,,1,6,3,skipsum,add,399,0.5167,0.189,140290.0,0.0083,0.0007,0.8518,0.0439,0.6056,0.0647,0.7035,0.1731,0.643,0.0925,0.8882,0.0901
-PyG,TU_BZR,graph,False,,,1,6,3,skipsum,max,399,0.5377,0.1945,140290.0,0.0246,0.0006,0.8683,0.0308,0.6534,0.0623,0.7267,0.2046,0.668,0.0982,0.9051,0.0665
-PyG,TU_BZR,graph,False,,,1,6,3,skipsum,mean,399,0.4832,0.1889,140290.0,0.0096,0.0019,0.8395,0.0175,0.5724,0.0328,0.6939,0.1382,0.6182,0.0568,0.8914,0.0617
-PyG,TU_BZR,graph,False,,,1,8,2,skipconcat,add,399,0.5654,0.2093,138586.0,0.0117,0.0027,0.8436,0.0324,0.5739,0.0779,0.7518,0.1084,0.6465,0.078,0.8915,0.0757
-PyG,TU_BZR,graph,False,,,1,8,2,skipconcat,max,399,0.5278,0.1799,138586.0,0.0113,0.0013,0.8765,0.0,0.6627,0.0667,0.7495,0.0611,0.6983,0.0233,0.8913,0.0834
-PyG,TU_BZR,graph,False,,,1,8,2,skipconcat,mean,399,0.4882,0.21,138586.0,0.0109,0.0028,0.893,0.0382,0.6964,0.0547,0.8145,0.0663,0.7508,0.0598,0.898,0.0713
-PyG,TU_BZR,graph,False,,,1,8,2,skipsum,add,399,0.5059,0.1968,140725.0,0.0097,0.0013,0.8807,0.0254,0.6875,0.0,0.7149,0.0979,0.6977,0.0461,0.8923,0.0699
-PyG,TU_BZR,graph,False,,,1,8,2,skipsum,max,399,0.591,0.1827,140725.0,0.0248,0.0017,0.8642,0.0174,0.6253,0.0329,0.7566,0.1038,0.6794,0.0386,0.8823,0.0632
-PyG,TU_BZR,graph,False,,,1,8,2,skipsum,mean,399,0.4817,0.1722,140725.0,0.0094,0.0013,0.8683,0.0382,0.6333,0.0471,0.766,0.1891,0.6835,0.0998,0.8941,0.072
-PyG,TU_BZR,graph,False,,,1,8,3,skipconcat,add,399,0.5423,0.1869,136866.0,0.0094,0.0016,0.8766,0.0462,0.6513,0.0518,0.8056,0.1416,0.7187,0.0877,0.8837,0.0658
-PyG,TU_BZR,graph,False,,,1,8,3,skipconcat,max,399,0.5344,0.1575,136866.0,0.0097,0.0009,0.8683,0.0154,0.6336,0.0596,0.7751,0.0779,0.6921,0.0359,0.8946,0.0599
-PyG,TU_BZR,graph,False,,,1,8,3,skipconcat,mean,399,0.545,0.2234,136866.0,0.0132,0.0021,0.856,0.0508,0.6162,0.0655,0.6987,0.1459,0.6529,0.1024,0.88,0.0551
-PyG,TU_BZR,graph,False,,,1,8,3,skipsum,add,399,0.5973,0.1575,140992.0,0.0111,0.0013,0.8231,0.0154,0.5382,0.0422,0.7221,0.152,0.6053,0.0351,0.8745,0.0701
-PyG,TU_BZR,graph,False,,,1,8,3,skipsum,max,399,0.5441,0.1382,140992.0,0.0111,0.0004,0.8477,0.0254,0.6041,0.1057,0.7846,0.1631,0.6591,0.0551,0.9027,0.0696
-PyG,TU_BZR,graph,False,,,1,8,3,skipsum,mean,399,0.5146,0.0948,140992.0,0.0235,0.0014,0.8189,0.0058,0.5408,0.0629,0.7058,0.1979,0.5877,0.0511,0.9077,0.0443
-PyG,TU_BZR,graph,False,,,2,2,2,skipconcat,add,399,0.4839,0.1198,139685.0,0.0109,0.0007,0.8601,0.0324,0.6094,0.0532,0.8079,0.1588,0.6866,0.0656,0.8927,0.0632
-PyG,TU_BZR,graph,False,,,2,2,2,skipconcat,max,399,0.4073,0.1528,139685.0,0.0083,0.0008,0.8436,0.0419,0.5835,0.1024,0.7566,0.1038,0.6516,0.0811,0.9072,0.0666
-PyG,TU_BZR,graph,False,,,2,2,2,skipconcat,mean,399,0.4463,0.1587,139685.0,0.0069,0.0006,0.8765,0.0363,0.6749,0.1092,0.7637,0.1539,0.7014,0.085,0.9012,0.0707
-PyG,TU_BZR,graph,False,,,2,2,2,skipsum,add,399,0.5608,0.112,142630.0,0.0072,0.0019,0.8724,0.0254,0.6357,0.0472,0.7888,0.0639,0.7037,0.0524,0.8655,0.0518
-PyG,TU_BZR,graph,False,,,2,2,2,skipsum,max,399,0.3555,0.1074,142630.0,0.0088,0.0013,0.8724,0.0254,0.6566,0.0684,0.7286,0.0445,0.6884,0.0442,0.9101,0.0431
-PyG,TU_BZR,graph,False,,,2,2,2,skipsum,mean,399,0.5213,0.1101,142630.0,0.0071,0.001,0.8395,0.0267,0.5736,0.053,0.7149,0.0979,0.6309,0.0376,0.8834,0.0472
-PyG,TU_BZR,graph,False,,,2,2,3,skipconcat,add,399,0.4543,0.0875,139778.0,0.006,0.0002,0.856,0.0308,0.6311,0.0253,0.6385,0.1643,0.6237,0.0805,0.9019,0.037
-PyG,TU_BZR,graph,False,,,2,2,3,skipconcat,max,399,0.4414,0.0531,139778.0,0.029,0.0006,0.8518,0.0174,0.6181,0.0839,0.6708,0.088,0.6332,0.0384,0.8967,0.0259
-PyG,TU_BZR,graph,False,,,2,2,3,skipconcat,mean,399,0.4804,0.1341,139778.0,0.009,0.001,0.8477,0.042,0.592,0.0423,0.6802,0.1713,0.6267,0.1008,0.9041,0.0408
-PyG,TU_BZR,graph,False,,,2,2,3,skipsum,add,399,0.571,0.2297,141914.0,0.0087,0.0013,0.823,0.0407,0.5351,0.0328,0.6385,0.1643,0.5765,0.0886,0.8452,0.0912
-PyG,TU_BZR,graph,False,,,2,2,3,skipsum,max,399,0.4548,0.161,141914.0,0.009,0.0012,0.8683,0.021,0.6597,0.026,0.6708,0.088,0.6611,0.0389,0.9022,0.0398
-PyG,TU_BZR,graph,False,,,2,2,3,skipsum,mean,399,0.467,0.1373,141914.0,0.0072,0.0018,0.8354,0.0291,0.5636,0.0284,0.6964,0.1188,0.6178,0.0502,0.8941,0.0492
-PyG,TU_BZR,graph,False,,,2,4,2,skipconcat,add,399,0.7054,0.1886,138838.0,0.0074,0.0007,0.8395,0.0175,0.5681,0.0366,0.7591,0.1163,0.6431,0.0211,0.8727,0.0755
-PyG,TU_BZR,graph,False,,,2,4,2,skipconcat,max,399,0.499,0.1563,138838.0,0.0094,0.0017,0.8765,0.0267,0.6611,0.0795,0.7728,0.0531,0.7083,0.0424,0.9075,0.0614
-PyG,TU_BZR,graph,False,,,2,4,2,skipconcat,mean,399,0.5261,0.0838,138838.0,0.0094,0.001,0.8724,0.021,0.6389,0.0643,0.796,0.0922,0.7037,0.0524,0.9001,0.0499
-PyG,TU_BZR,graph,False,,,2,4,2,skipsum,add,399,0.5306,0.1168,141490.0,0.0077,0.0002,0.8642,0.0266,0.619,0.0229,0.7936,0.0524,0.6947,0.0282,0.9029,0.0411
-PyG,TU_BZR,graph,False,,,2,4,2,skipsum,max,399,0.4939,0.1427,141490.0,0.0096,0.0025,0.8807,0.021,0.6593,0.0367,0.796,0.0922,0.7181,0.0457,0.8979,0.0548
-PyG,TU_BZR,graph,False,,,2,4,2,skipsum,mean,399,0.5084,0.1496,141490.0,0.009,0.0024,0.8807,0.0254,0.6608,0.0646,0.796,0.0922,0.7181,0.0586,0.8954,0.0548
-PyG,TU_BZR,graph,False,,,2,4,3,skipconcat,add,399,0.6567,0.172,138981.0,0.0075,0.0012,0.8395,0.0267,0.5693,0.0381,0.6939,0.1382,0.619,0.0709,0.8636,0.0496
-PyG,TU_BZR,graph,False,,,2,4,3,skipconcat,max,399,0.4797,0.1795,138981.0,0.0087,0.0008,0.8848,0.0324,0.6852,0.0262,0.7637,0.1539,0.715,0.0771,0.8994,0.0724
-PyG,TU_BZR,graph,False,,,2,4,3,skipconcat,mean,399,0.5924,0.1639,138981.0,0.0082,0.0009,0.8478,0.0291,0.6083,0.0969,0.6731,0.1226,0.626,0.0724,0.866,0.0734
-PyG,TU_BZR,graph,False,,,2,4,3,skipsum,add,399,0.5274,0.1237,140975.0,0.0094,0.0021,0.8477,0.0233,0.5857,0.0282,0.7381,0.1298,0.6469,0.0554,0.8764,0.0568
-PyG,TU_BZR,graph,False,,,2,4,3,skipsum,max,399,0.4899,0.1347,140975.0,0.0084,0.0004,0.8601,0.0608,0.6209,0.079,0.7292,0.2062,0.6667,0.1332,0.8974,0.0574
-PyG,TU_BZR,graph,False,,,2,4,3,skipsum,mean,399,0.5876,0.1651,140975.0,0.0089,0.0015,0.8477,0.0407,0.5885,0.0307,0.7244,0.1737,0.6427,0.0902,0.877,0.0357
-PyG,TU_BZR,graph,False,,,2,6,2,skipconcat,add,399,0.4948,0.1744,141418.0,0.0086,0.0011,0.8889,0.0101,0.6784,0.0619,0.8449,0.1157,0.7433,0.0174,0.8876,0.0788
-PyG,TU_BZR,graph,False,,,2,6,2,skipconcat,max,399,0.5515,0.1676,141418.0,0.009,0.0012,0.8807,0.0116,0.6767,0.0617,0.787,0.1609,0.7123,0.0329,0.8963,0.081
-PyG,TU_BZR,graph,False,,,2,6,2,skipconcat,mean,399,0.522,0.1481,141418.0,0.0127,0.0016,0.8601,0.0232,0.6026,0.0266,0.8216,0.1113,0.6914,0.0441,0.9045,0.0658
-PyG,TU_BZR,graph,False,,,2,6,2,skipsum,add,399,0.5648,0.1822,140290.0,0.0102,0.0005,0.8518,0.0439,0.5885,0.0603,0.8145,0.0663,0.683,0.0622,0.8822,0.062
-PyG,TU_BZR,graph,False,,,2,6,2,skipsum,max,399,0.4472,0.1604,140290.0,0.0091,0.0002,0.8601,0.0154,0.6039,0.0248,0.8216,0.1113,0.6908,0.0302,0.9144,0.0615
-PyG,TU_BZR,graph,False,,,2,6,2,skipsum,mean,399,0.5199,0.1705,140290.0,0.0088,0.0007,0.8642,0.0202,0.6146,0.0509,0.8216,0.1113,0.697,0.0449,0.8957,0.0632
-PyG,TU_BZR,graph,False,,,2,6,3,skipconcat,add,399,0.545,0.161,142258.0,0.0134,0.0012,0.856,0.0254,0.6261,0.108,0.7335,0.0802,0.6625,0.0404,0.8686,0.0558
-PyG,TU_BZR,graph,False,,,2,6,3,skipconcat,max,399,0.6017,0.1224,142258.0,0.0097,0.0004,0.8683,0.0116,0.621,0.039,0.8424,0.1244,0.7075,0.034,0.9025,0.0607
-PyG,TU_BZR,graph,False,,,2,6,3,skipconcat,mean,399,0.5472,0.231,142258.0,0.0106,0.0005,0.8354,0.0419,0.5633,0.0467,0.6779,0.1415,0.6115,0.0806,0.8835,0.0701
-PyG,TU_BZR,graph,False,,,2,6,3,skipsum,add,399,0.5776,0.1086,140725.0,0.0095,0.0013,0.8436,0.0058,0.5764,0.0431,0.7286,0.0445,0.6407,0.0111,0.8762,0.051
-PyG,TU_BZR,graph,False,,,2,6,3,skipsum,max,399,0.5411,0.1462,140725.0,0.0264,0.0013,0.8601,0.0154,0.6074,0.0416,0.7983,0.1375,0.6818,0.0507,0.8945,0.0741
-PyG,TU_BZR,graph,False,,,2,6,3,skipsum,mean,399,0.4799,0.2176,140725.0,0.0104,0.0016,0.8436,0.0408,0.5722,0.0283,0.7475,0.2152,0.6374,0.1085,0.9081,0.0722
-PyG,TU_BZR,graph,False,,,2,8,2,skipconcat,add,399,0.542,0.1865,139810.0,0.0085,0.0005,0.8601,0.0154,0.6039,0.0248,0.8216,0.1113,0.6908,0.0302,0.897,0.0702
-PyG,TU_BZR,graph,False,,,2,8,2,skipconcat,max,399,0.5499,0.1427,139810.0,0.012,0.0022,0.8642,0.0174,0.6145,0.0318,0.8239,0.1506,0.6948,0.0502,0.9027,0.0709
-PyG,TU_BZR,graph,False,,,2,8,2,skipconcat,mean,399,0.4646,0.1719,139810.0,0.0507,0.0025,0.8848,0.0407,0.6762,0.0461,0.7846,0.1631,0.7208,0.0944,0.9074,0.0671
-PyG,TU_BZR,graph,False,,,2,8,2,skipsum,add,399,0.6017,0.0881,140992.0,0.0099,0.0019,0.8601,0.0154,0.6045,0.0418,0.8216,0.1113,0.6904,0.0362,0.8872,0.0483
-PyG,TU_BZR,graph,False,,,2,8,2,skipsum,max,399,0.5054,0.0907,140992.0,0.0099,0.0002,0.8642,0.0363,0.6345,0.0872,0.7404,0.1704,0.6699,0.0983,0.9123,0.0359
-PyG,TU_BZR,graph,False,,,2,8,2,skipsum,mean,399,0.4599,0.1031,140992.0,0.0263,0.0014,0.8724,0.0058,0.6635,0.0813,0.7637,0.1539,0.6911,0.0331,0.9128,0.0542
-PyG,TU_BZR,graph,False,,,2,8,3,skipconcat,add,399,0.631,0.241,137594.0,0.0123,0.0005,0.8436,0.0308,0.5805,0.0153,0.6987,0.1459,0.6279,0.0701,0.8531,0.0833
-PyG,TU_BZR,graph,False,,,2,8,3,skipconcat,max,399,0.5344,0.1672,137594.0,0.0101,0.0005,0.8477,0.0116,0.596,0.0507,0.7173,0.1209,0.6405,0.0254,0.9101,0.0392
-PyG,TU_BZR,graph,False,,,2,8,3,skipconcat,mean,399,0.58,0.1173,137594.0,0.0463,0.0017,0.8519,0.0101,0.6153,0.0882,0.6916,0.0965,0.6389,0.034,0.8592,0.0457
-PyG,TU_BZR,graph,False,,,2,8,3,skipsum,add,399,0.5211,0.1062,139195.0,0.0081,0.0004,0.8313,0.0116,0.5718,0.0512,0.6154,0.1632,0.5753,0.0378,0.8749,0.0572
-PyG,TU_BZR,graph,False,,,2,8,3,skipsum,max,399,0.5407,0.1668,139195.0,0.0123,0.0013,0.8437,0.0116,0.6045,0.061,0.6642,0.1974,0.6083,0.0557,0.8828,0.0601
-PyG,TU_BZR,graph,False,,,2,8,3,skipsum,mean,399,0.4833,0.2054,139195.0,0.0273,0.002,0.8395,0.0174,0.5859,0.0571,0.7058,0.1979,0.6169,0.0631,0.8922,0.0766
-PyG,TU_COX2,graph,False,,,1,2,2,skipconcat,add,399,1.0973,0.153,137552.0,0.0073,0.0011,0.7766,0.0313,0.5226,0.0928,0.4537,0.0171,0.4816,0.0458,0.7465,0.0324
-PyG,TU_COX2,graph,False,,,1,2,2,skipconcat,max,399,0.9617,0.0878,137552.0,0.0065,0.0003,0.805,0.01,0.5838,0.0419,0.4993,0.0186,0.5371,0.0186,0.7663,0.0133
-PyG,TU_COX2,graph,False,,,1,2,2,skipconcat,mean,399,1.0639,0.2165,137552.0,0.0088,0.002,0.7766,0.0313,0.5314,0.0941,0.4531,0.0517,0.4796,0.033,0.7509,0.0359
-PyG,TU_COX2,graph,False,,,1,2,2,skipsum,add,399,0.9734,0.05,140241.0,0.0081,0.0021,0.7908,0.0411,0.5618,0.1206,0.484,0.0304,0.5158,0.0698,0.7672,0.0216
-PyG,TU_COX2,graph,False,,,1,2,2,skipsum,max,399,1.0325,0.0725,140241.0,0.007,0.0003,0.7943,0.0133,0.5585,0.0589,0.4848,0.0108,0.5169,0.021,0.7421,0.0184
-PyG,TU_COX2,graph,False,,,1,2,2,skipsum,mean,399,0.8753,0.0815,140241.0,0.0069,0.0006,0.7872,0.0087,0.5429,0.0458,0.4698,0.0693,0.4975,0.029,0.7809,0.0041
-PyG,TU_COX2,graph,False,,,1,2,3,skipconcat,add,399,1.253,0.0429,138882.0,0.0078,0.0006,0.7766,0.0313,0.5215,0.1219,0.4045,0.0386,0.453,0.0699,0.7265,0.0054
-PyG,TU_COX2,graph,False,,,1,2,3,skipconcat,max,399,1.0835,0.0812,138882.0,0.0084,0.0007,0.7695,0.01,0.5053,0.052,0.4588,0.1052,0.4682,0.0323,0.7502,0.0381
-PyG,TU_COX2,graph,False,,,1,2,3,skipconcat,mean,399,1.081,0.0115,138882.0,0.0081,0.0022,0.773,0.0133,0.5073,0.0633,0.3921,0.0335,0.4388,0.0263,0.7531,0.02
-PyG,TU_COX2,graph,False,,,1,2,3,skipsum,add,399,1.2834,0.1142,139372.0,0.0076,0.0017,0.7802,0.0133,0.5355,0.093,0.3945,0.1128,0.4405,0.0658,0.7247,0.0266
-PyG,TU_COX2,graph,False,,,1,2,3,skipsum,max,399,1.222,0.0605,139372.0,0.0268,0.0022,0.7447,0.0174,0.4336,0.0495,0.3618,0.0414,0.3902,0.0225,0.7293,0.0202
-PyG,TU_COX2,graph,False,,,1,2,3,skipsum,mean,399,1.0623,0.1181,139372.0,0.0066,0.0002,0.7766,0.0301,0.5228,0.1035,0.4211,0.0152,0.4632,0.0527,0.7595,0.0178
-PyG,TU_COX2,graph,False,,,1,4,2,skipconcat,add,399,1.1733,0.1495,138262.0,0.0071,0.0003,0.7801,0.005,0.5382,0.07,0.4435,0.1029,0.4704,0.0426,0.7584,0.0308
-PyG,TU_COX2,graph,False,,,1,4,2,skipconcat,max,399,1.2033,0.2241,138262.0,0.0072,0.0002,0.7659,0.015,0.4853,0.0923,0.3278,0.0298,0.3886,0.0421,0.7105,0.0419
-PyG,TU_COX2,graph,False,,,1,4,2,skipconcat,mean,399,1.1238,0.1154,138262.0,0.0079,0.0005,0.7908,0.005,0.5519,0.0409,0.4558,0.0467,0.4955,0.0163,0.7566,0.0397
-PyG,TU_COX2,graph,False,,,1,4,2,skipsum,add,399,1.041,0.1252,138998.0,0.0067,0.0001,0.7872,0.026,0.5462,0.081,0.4848,0.0108,0.5098,0.0323,0.7634,0.027
-PyG,TU_COX2,graph,False,,,1,4,2,skipsum,max,399,1.2033,0.1355,138998.0,0.0067,0.0002,0.766,0.0174,0.4817,0.0513,0.4104,0.0989,0.4378,0.0645,0.7276,0.033
-PyG,TU_COX2,graph,False,,,1,4,2,skipsum,mean,399,1.0171,0.0998,138998.0,0.0282,0.0021,0.7766,0.026,0.5136,0.0913,0.4509,0.0574,0.4775,0.0664,0.7643,0.0234
-PyG,TU_COX2,graph,False,,,1,4,3,skipconcat,add,399,1.2049,0.1551,135832.0,0.04,0.0016,0.7979,0.0313,0.5717,0.1169,0.466,0.0502,0.5122,0.0781,0.7412,0.0357
-PyG,TU_COX2,graph,False,,,1,4,3,skipconcat,max,399,1.2725,0.0918,135832.0,0.0345,0.0037,0.7482,0.005,0.4414,0.0252,0.3929,0.0426,0.413,0.0118,0.7182,0.0334
-PyG,TU_COX2,graph,False,,,1,4,3,skipconcat,mean,399,1.3107,0.1333,135832.0,0.0318,0.0005,0.7766,0.0,0.5198,0.0459,0.411,0.0809,0.4498,0.0368,0.733,0.024
-PyG,TU_COX2,graph,False,,,1,4,3,skipsum,add,399,1.1236,0.0571,138826.0,0.0074,0.0008,0.773,0.0392,0.5208,0.1284,0.4364,0.0409,0.4685,0.0682,0.7694,0.0385
-PyG,TU_COX2,graph,False,,,1,4,3,skipsum,max,399,1.2709,0.0386,138826.0,0.0091,0.0007,0.7376,0.0266,0.4185,0.0709,0.3451,0.0315,0.3743,0.0361,0.7243,0.0357
-PyG,TU_COX2,graph,False,,,1,4,3,skipsum,mean,399,1.1336,0.024,138826.0,0.0088,0.0014,0.7766,0.0087,0.5197,0.0487,0.4096,0.0653,0.451,0.0185,0.7512,0.0198
-PyG,TU_COX2,graph,False,,,1,6,2,skipconcat,add,399,1.1641,0.1449,138602.0,0.0082,0.0011,0.7837,0.0362,0.5241,0.0709,0.4594,0.1102,0.4866,0.0909,0.7453,0.026
-PyG,TU_COX2,graph,False,,,1,6,2,skipconcat,max,399,1.1414,0.1878,138602.0,0.0109,0.0026,0.7979,0.0087,0.5685,0.0224,0.4725,0.0648,0.5122,0.0312,0.7439,0.035
-PyG,TU_COX2,graph,False,,,1,6,2,skipconcat,mean,399,0.9641,0.0834,138602.0,0.0102,0.0013,0.7979,0.0174,0.5632,0.0065,0.4878,0.0794,0.5199,0.0463,0.7796,0.0246
-PyG,TU_COX2,graph,False,,,1,6,2,skipsum,add,399,1.1037,0.2094,138509.0,0.0101,0.0007,0.7766,0.0313,0.5086,0.0618,0.4268,0.0872,0.4618,0.0735,0.7699,0.0341
-PyG,TU_COX2,graph,False,,,1,6,2,skipsum,max,399,1.066,0.0895,138509.0,0.0274,0.0007,0.8085,0.0087,0.6127,0.0399,0.4219,0.0296,0.4992,0.0302,0.755,0.0251
-PyG,TU_COX2,graph,False,,,1,6,2,skipsum,mean,399,1.0967,0.1031,138509.0,0.0087,0.0008,0.7943,0.0133,0.5568,0.008,0.4733,0.0909,0.5065,0.047,0.7593,0.0157
-PyG,TU_COX2,graph,False,,,1,6,3,skipconcat,add,399,1.1678,0.0551,140422.0,0.0088,0.0004,0.7695,0.0181,0.4962,0.0629,0.4695,0.0389,0.4801,0.0392,0.7584,0.0191
-PyG,TU_COX2,graph,False,,,1,6,3,skipconcat,max,399,1.3251,0.1297,140422.0,0.0098,0.0011,0.7589,0.0265,0.4799,0.0965,0.4225,0.0381,0.4436,0.0443,0.7309,0.0233
-PyG,TU_COX2,graph,False,,,1,6,3,skipconcat,mean,399,1.2409,0.1023,140422.0,0.0094,0.0007,0.7731,0.0219,0.5114,0.0885,0.4378,0.009,0.4676,0.0346,0.7551,0.0154
-PyG,TU_COX2,graph,False,,,1,6,3,skipsum,add,399,1.2105,0.0713,137986.0,0.0087,0.0003,0.766,0.0261,0.494,0.0805,0.3776,0.0532,0.4219,0.0457,0.7359,0.0125
-PyG,TU_COX2,graph,False,,,1,6,3,skipsum,max,399,1.3187,0.0448,137986.0,0.0096,0.0012,0.7447,0.015,0.4345,0.0512,0.3612,0.0677,0.3874,0.0315,0.7243,0.0098
-PyG,TU_COX2,graph,False,,,1,6,3,skipsum,mean,399,1.1105,0.0481,137986.0,0.0089,0.0007,0.7873,0.015,0.5394,0.0164,0.44,0.0451,0.4831,0.0258,0.7418,0.0159
-PyG,TU_COX2,graph,False,,,1,8,2,skipconcat,add,399,1.1603,0.0678,137974.0,0.0084,0.0003,0.7802,0.0133,0.5242,0.0494,0.4545,0.0323,0.4835,0.0052,0.7558,0.0084
-PyG,TU_COX2,graph,False,,,1,8,2,skipconcat,max,399,1.1436,0.158,137974.0,0.0105,0.0006,0.7872,0.0,0.5431,0.042,0.44,0.0451,0.4825,0.0124,0.7439,0.0312
-PyG,TU_COX2,graph,False,,,1,8,2,skipconcat,mean,399,1.0057,0.1451,137974.0,0.0111,0.0003,0.7872,0.0174,0.5363,0.0097,0.4566,0.0678,0.4912,0.0427,0.7745,0.0227
-PyG,TU_COX2,graph,False,,,1,8,2,skipsum,add,399,1.1619,0.0551,138547.0,0.01,0.0007,0.7766,0.0,0.5166,0.0398,0.4263,0.0885,0.4588,0.0373,0.7514,0.01
-PyG,TU_COX2,graph,False,,,1,8,2,skipsum,max,399,1.0937,0.0361,138547.0,0.0117,0.0017,0.7943,0.0181,0.5853,0.0816,0.3929,0.0426,0.4636,0.0166,0.7419,0.0003
-PyG,TU_COX2,graph,False,,,1,8,2,skipsum,mean,399,1.0466,0.1546,138547.0,0.0256,0.0017,0.7908,0.01,0.5503,0.0198,0.4553,0.0705,0.4938,0.0327,0.7549,0.0291
-PyG,TU_COX2,graph,False,,,1,8,3,skipconcat,add,399,1.2801,0.0305,136398.0,0.0109,0.0013,0.766,0.0174,0.4888,0.0726,0.4068,0.0897,0.4358,0.0615,0.7173,0.0108
-PyG,TU_COX2,graph,False,,,1,8,3,skipconcat,max,399,1.2602,0.032,136398.0,0.0095,0.0003,0.7695,0.0251,0.505,0.0862,0.455,0.0542,0.472,0.043,0.7255,0.0226
-PyG,TU_COX2,graph,False,,,1,8,3,skipconcat,mean,399,1.3399,0.157,136398.0,0.0111,0.001,0.766,0.0087,0.4815,0.0262,0.3604,0.0286,0.4105,0.0086,0.7018,0.0365
-PyG,TU_COX2,graph,False,,,1,8,3,skipsum,add,399,1.2336,0.036,138922.0,0.0252,0.0022,0.7589,0.005,0.4641,0.0441,0.406,0.0518,0.4312,0.0403,0.752,0.0222
-PyG,TU_COX2,graph,False,,,1,8,3,skipsum,max,399,1.3328,0.2134,138922.0,0.0111,0.0008,0.7695,0.0181,0.4801,0.0712,0.4076,0.1288,0.4352,0.1009,0.7098,0.0413
-PyG,TU_COX2,graph,False,,,1,8,3,skipsum,mean,399,1.2377,0.1912,138922.0,0.0092,0.0003,0.7624,0.0266,0.477,0.096,0.4047,0.0849,0.4327,0.0797,0.7345,0.0342
-PyG,TU_COX2,graph,False,,,2,2,2,skipconcat,add,399,1.0992,0.0858,137867.0,0.0071,0.0006,0.7802,0.0362,0.5285,0.1279,0.4509,0.0574,0.4832,0.0826,0.7522,0.0236
-PyG,TU_COX2,graph,False,,,2,2,2,skipconcat,max,399,0.9935,0.1105,137867.0,0.0078,0.0009,0.7908,0.0133,0.5449,0.0654,0.4668,0.0398,0.5022,0.0492,0.7615,0.0105
-PyG,TU_COX2,graph,False,,,2,2,2,skipconcat,mean,399,1.0239,0.0956,137867.0,0.0088,0.0004,0.7872,0.0087,0.5422,0.0467,0.4531,0.0517,0.4896,0.0273,0.754,0.0099
-PyG,TU_COX2,graph,False,,,2,2,2,skipsum,add,399,0.9347,0.0626,139372.0,0.0076,0.0005,0.7979,0.015,0.5751,0.0711,0.4856,0.0498,0.5205,0.0214,0.777,0.019
-PyG,TU_COX2,graph,False,,,2,2,2,skipsum,max,399,1.0397,0.1269,139372.0,0.0078,0.0003,0.7659,0.023,0.4921,0.0721,0.4378,0.009,0.46,0.0299,0.7527,0.0215
-PyG,TU_COX2,graph,False,,,2,2,2,skipsum,mean,399,0.8601,0.1109,139372.0,0.008,0.0008,0.7837,0.0265,0.532,0.0731,0.5007,0.0186,0.5136,0.0404,0.7957,0.022
-PyG,TU_COX2,graph,False,,,2,2,3,skipconcat,add,399,1.0808,0.0444,138374.0,0.0083,0.0005,0.7801,0.0181,0.5243,0.0652,0.4862,0.0376,0.5006,0.0292,0.7671,0.0085
-PyG,TU_COX2,graph,False,,,2,2,3,skipconcat,max,399,1.1875,0.1936,138374.0,0.0064,0.0001,0.7873,0.015,0.5432,0.0698,0.4862,0.0376,0.5085,0.0248,0.7352,0.0471
-PyG,TU_COX2,graph,False,,,2,2,3,skipconcat,mean,399,1.2168,0.1158,138374.0,0.0082,0.0004,0.7766,0.015,0.5169,0.0503,0.4074,0.0304,0.4524,0.0033,0.7339,0.0181
-PyG,TU_COX2,graph,False,,,2,2,3,skipsum,add,399,1.2535,0.0407,138998.0,0.0083,0.0007,0.7695,0.0219,0.5042,0.063,0.4255,0.0622,0.454,0.0267,0.7344,0.0098
-PyG,TU_COX2,graph,False,,,2,2,3,skipsum,max,399,1.2412,0.0426,138998.0,0.0061,0.0004,0.7624,0.0279,0.4849,0.0966,0.3596,0.0152,0.4089,0.042,0.7221,0.0058
-PyG,TU_COX2,graph,False,,,2,2,3,skipsum,mean,399,1.1686,0.1055,138998.0,0.0085,0.0014,0.7553,0.026,0.4656,0.0734,0.3908,0.0078,0.4215,0.0287,0.7498,0.0234
-PyG,TU_COX2,graph,False,,,2,4,2,skipconcat,add,399,1.0824,0.161,137740.0,0.0118,0.0016,0.7731,0.005,0.5069,0.0428,0.4566,0.0678,0.4743,0.0181,0.7722,0.0294
-PyG,TU_COX2,graph,False,,,2,4,2,skipconcat,max,399,1.1354,0.0664,137740.0,0.0083,0.0011,0.7802,0.0133,0.5278,0.046,0.3784,0.0595,0.4359,0.0368,0.7452,0.0295
-PyG,TU_COX2,graph,False,,,2,4,2,skipconcat,mean,399,1.0889,0.157,137740.0,0.0337,0.0011,0.7801,0.01,0.5209,0.0149,0.4408,0.0774,0.4727,0.0362,0.7612,0.03
-PyG,TU_COX2,graph,False,,,2,4,2,skipsum,add,399,1.107,0.1106,138826.0,0.0099,0.0016,0.7837,0.01,0.5337,0.0653,0.4386,0.0487,0.4777,0.0336,0.7586,0.0252
-PyG,TU_COX2,graph,False,,,2,4,2,skipsum,max,399,1.2432,0.0994,138826.0,0.0091,0.0018,0.7731,0.005,0.51,0.0519,0.3951,0.0805,0.4363,0.0374,0.7175,0.0173
-PyG,TU_COX2,graph,False,,,2,4,2,skipsum,mean,399,1.0348,0.1119,138826.0,0.0236,0.0008,0.7695,0.005,0.4959,0.0323,0.4096,0.0653,0.4432,0.0238,0.7622,0.0176
-PyG,TU_COX2,graph,False,,,2,4,3,skipconcat,add,399,1.291,0.1864,138135.0,0.0083,0.0005,0.7695,0.0329,0.5171,0.11,0.4074,0.0304,0.4467,0.0316,0.7195,0.0402
-PyG,TU_COX2,graph,False,,,2,4,3,skipconcat,max,399,1.2499,0.0572,138135.0,0.009,0.0014,0.7908,0.005,0.5551,0.0473,0.4572,0.078,0.4937,0.0379,0.7271,0.0268
-PyG,TU_COX2,graph,False,,,2,4,3,skipconcat,mean,399,1.408,0.0526,138135.0,0.0091,0.0013,0.766,0.0087,0.4844,0.0616,0.3604,0.0286,0.4106,0.0233,0.6979,0.0193
-PyG,TU_COX2,graph,False,,,2,4,3,skipsum,add,399,1.0923,0.1221,138509.0,0.0076,0.0003,0.7801,0.0181,0.5185,0.0262,0.4392,0.0355,0.4752,0.0301,0.7602,0.0322
-PyG,TU_COX2,graph,False,,,2,4,3,skipsum,max,399,1.2572,0.1385,138509.0,0.0094,0.0016,0.7624,0.0181,0.4783,0.039,0.4255,0.0622,0.4463,0.0329,0.7242,0.0393
-PyG,TU_COX2,graph,False,,,2,4,3,skipsum,mean,399,1.2889,0.0229,138509.0,0.0071,0.0006,0.7588,0.0219,0.4704,0.04,0.4558,0.0467,0.4612,0.0333,0.7094,0.0269
-PyG,TU_COX2,graph,False,,,2,6,2,skipconcat,add,399,1.1361,0.1643,140626.0,0.0101,0.0011,0.7872,0.0174,0.5336,0.0293,0.5042,0.0803,0.5151,0.0499,0.7647,0.0369
-PyG,TU_COX2,graph,False,,,2,6,2,skipconcat,max,399,1.1931,0.073,140626.0,0.0103,0.0019,0.7624,0.0329,0.4625,0.0637,0.38,0.1204,0.4141,0.0967,0.727,0.0202
-PyG,TU_COX2,graph,False,,,2,6,2,skipconcat,mean,399,1.2064,0.0887,140626.0,0.0118,0.0018,0.7695,0.0133,0.4944,0.0342,0.4755,0.1277,0.4751,0.0641,0.7429,0.0298
-PyG,TU_COX2,graph,False,,,2,6,2,skipsum,add,399,1.0418,0.0751,137986.0,0.0079,0.0,0.7872,0.0087,0.5394,0.028,0.4378,0.009,0.4827,0.0064,0.7758,0.0137
-PyG,TU_COX2,graph,False,,,2,6,2,skipsum,max,399,1.2593,0.1724,137986.0,0.0291,0.0023,0.7766,0.023,0.5222,0.11,0.3445,0.0467,0.4116,0.0556,0.7084,0.0209
-PyG,TU_COX2,graph,False,,,2,6,2,skipsum,mean,399,1.1461,0.1297,137986.0,0.0098,0.0002,0.7837,0.0181,0.5265,0.0205,0.4249,0.0916,0.4667,0.0624,0.7404,0.0331
-PyG,TU_COX2,graph,False,,,2,6,3,skipconcat,add,399,1.2269,0.0566,141646.0,0.0096,0.0005,0.773,0.0133,0.5077,0.0629,0.4545,0.0323,0.4755,0.0174,0.7639,0.0122
-PyG,TU_COX2,graph,False,,,2,6,3,skipconcat,max,399,1.4034,0.12,141646.0,0.0095,0.0003,0.734,0.023,0.4088,0.0655,0.3437,0.0074,0.3706,0.0278,0.6803,0.0348
-PyG,TU_COX2,graph,False,,,2,6,3,skipconcat,mean,399,1.3891,0.1241,141646.0,0.0086,0.0003,0.7553,0.0174,0.4691,0.0672,0.4249,0.0916,0.436,0.0408,0.7254,0.0533
-PyG,TU_COX2,graph,False,,,2,6,3,skipsum,add,399,1.2318,0.0899,138547.0,0.0094,0.0021,0.766,0.0174,0.4823,0.0337,0.437,0.0311,0.4585,0.0323,0.7394,0.0264
-PyG,TU_COX2,graph,False,,,2,6,3,skipsum,max,399,1.3243,0.0595,138547.0,0.0095,0.0002,0.7412,0.0428,0.4346,0.1384,0.3118,0.0537,0.357,0.0762,0.714,0.0371
-PyG,TU_COX2,graph,False,,,2,6,3,skipsum,mean,399,1.1704,0.0737,138547.0,0.0295,0.0045,0.773,0.0133,0.5116,0.0679,0.44,0.0451,0.4668,0.0051,0.7488,0.0153
-PyG,TU_COX2,graph,False,,,2,8,2,skipconcat,add,399,1.2455,0.1637,139198.0,0.0113,0.0016,0.7695,0.0266,0.498,0.0537,0.4263,0.0885,0.453,0.0496,0.7451,0.0311
-PyG,TU_COX2,graph,False,,,2,8,2,skipconcat,max,399,1.0715,0.2131,139198.0,0.0106,0.001,0.7802,0.0133,0.5389,0.0926,0.4088,0.044,0.4562,0.0047,0.7622,0.0477
-PyG,TU_COX2,graph,False,,,2,8,2,skipconcat,mean,399,1.1924,0.1563,139198.0,0.0488,0.0015,0.7766,0.015,0.5088,0.0124,0.4747,0.103,0.4853,0.0562,0.7571,0.0352
-PyG,TU_COX2,graph,False,,,2,8,2,skipsum,add,399,1.0612,0.0821,138922.0,0.0265,0.0011,0.773,0.0133,0.5089,0.0541,0.44,0.0451,0.4668,0.0051,0.7682,0.0223
-PyG,TU_COX2,graph,False,,,2,8,2,skipsum,max,399,1.3355,0.0231,138922.0,0.0094,0.0013,0.766,0.0,0.4809,0.0424,0.3292,0.0189,0.3889,0.0,0.6891,0.0146
-PyG,TU_COX2,graph,False,,,2,8,2,skipsum,mean,399,1.0742,0.0829,138922.0,0.0098,0.0006,0.7872,0.0087,0.5406,0.0429,0.4733,0.0909,0.4978,0.043,0.7585,0.0158
-PyG,TU_COX2,graph,False,,,2,8,3,skipconcat,add,399,1.2463,0.1731,137126.0,0.0114,0.0013,0.7624,0.0181,0.4762,0.0413,0.4088,0.044,0.4376,0.0301,0.7357,0.0597
-PyG,TU_COX2,graph,False,,,2,8,3,skipconcat,max,399,1.2645,0.1428,137126.0,0.0114,0.0016,0.734,0.0087,0.416,0.0297,0.4088,0.044,0.4093,0.0157,0.7825,0.0406
-PyG,TU_COX2,graph,False,,,2,8,3,skipconcat,mean,399,1.3102,0.0968,137126.0,0.0115,0.0018,0.7873,0.0301,0.5658,0.1438,0.456,0.1099,0.4887,0.0719,0.7384,0.0391
-PyG,TU_COX2,graph,False,,,2,8,3,skipsum,add,399,1.2484,0.065,137233.0,0.0337,0.0076,0.766,0.023,0.4843,0.0552,0.437,0.0311,0.4592,0.042,0.7395,0.0139
-PyG,TU_COX2,graph,False,,,2,8,3,skipsum,max,399,1.3087,0.1284,137233.0,0.011,0.0015,0.7837,0.01,0.5306,0.0255,0.4233,0.0243,0.4698,0.0118,0.7186,0.0544
-PyG,TU_COX2,graph,False,,,2,8,3,skipsum,mean,399,1.4527,0.0829,137233.0,0.0126,0.0022,0.7589,0.0133,0.4697,0.0666,0.3915,0.0476,0.4228,0.0342,0.6729,0.0291
-PyG,TU_DD,graph,False,,,1,2,2,skipconcat,add,399,1.6113,0.155,143222.0,0.0175,0.0022,0.7133,0.0225,0.6589,0.0385,0.7009,0.0463,0.6776,0.0268,0.7692,0.0245
-PyG,TU_DD,graph,False,,,1,2,2,skipconcat,max,399,1.9808,0.335,143222.0,0.0145,0.0026,0.685,0.0236,0.623,0.0372,0.7018,0.043,0.6576,0.0046,0.748,0.0142
-PyG,TU_DD,graph,False,,,1,2,2,skipconcat,mean,399,1.8001,0.1126,143222.0,0.0139,0.0016,0.6978,0.01,0.6425,0.0371,0.6862,0.0408,0.6614,0.0016,0.7574,0.0094
-PyG,TU_DD,graph,False,,,1,2,2,skipsum,add,399,1.7311,0.2226,151527.0,0.0137,0.0018,0.7133,0.0144,0.657,0.0346,0.7051,0.0265,0.6792,0.0163,0.7756,0.017
-PyG,TU_DD,graph,False,,,1,2,2,skipsum,max,399,1.853,0.1978,151527.0,0.0162,0.0017,0.6893,0.0144,0.6239,0.0231,0.7044,0.0267,0.6612,0.0167,0.7615,0.0193
-PyG,TU_DD,graph,False,,,1,2,2,skipsum,mean,399,1.5551,0.2032,151527.0,0.021,0.0017,0.7119,0.027,0.6531,0.0424,0.7186,0.0233,0.6829,0.0179,0.7838,0.0284
-PyG,TU_DD,graph,False,,,1,2,3,skipconcat,add,399,1.2504,0.0762,143202.0,0.0147,0.0026,0.7302,0.0236,0.7172,0.0223,0.6172,0.0422,0.663,0.0312,0.7949,0.0139
-PyG,TU_DD,graph,False,,,1,2,3,skipconcat,max,399,1.4928,0.2211,143202.0,0.0134,0.0023,0.6935,0.0353,0.6551,0.0687,0.6372,0.0474,0.642,0.028,0.7616,0.0415
-PyG,TU_DD,graph,False,,,1,2,3,skipconcat,mean,399,1.2643,0.0818,143202.0,0.0145,0.0021,0.7119,0.0091,0.6885,0.0422,0.6177,0.0638,0.6473,0.0216,0.79,0.0025
-PyG,TU_DD,graph,False,,,1,2,3,skipsum,add,399,1.4564,0.2823,149146.0,0.0127,0.002,0.7204,0.0631,0.7833,0.0457,0.5131,0.2148,0.5824,0.1743,0.7865,0.023
-PyG,TU_DD,graph,False,,,1,2,3,skipsum,max,399,1.4289,0.2261,149146.0,0.0167,0.0016,0.6469,0.035,0.6695,0.0461,0.4013,0.1851,0.4661,0.1536,0.7552,0.0084
-PyG,TU_DD,graph,False,,,1,2,3,skipsum,mean,399,1.4751,0.1426,149146.0,0.0134,0.0017,0.685,0.0619,0.7544,0.0818,0.4582,0.2378,0.512,0.2101,0.7823,0.0089
-PyG,TU_DD,graph,False,,,1,4,2,skipconcat,add,399,1.7189,0.0771,141610.0,0.0117,0.0015,0.7119,0.0193,0.6607,0.0322,0.6884,0.019,0.6733,0.0093,0.7661,0.0121
-PyG,TU_DD,graph,False,,,1,4,2,skipconcat,max,399,1.5872,0.1396,141610.0,0.0155,0.0012,0.6964,0.014,0.6495,0.0379,0.6528,0.0362,0.6492,0.0071,0.7518,0.0124
-PyG,TU_DD,graph,False,,,1,4,2,skipconcat,mean,399,1.43,0.0888,141610.0,0.0401,0.0021,0.7303,0.014,0.68,0.0305,0.7081,0.0401,0.6928,0.0232,0.7894,0.0205
-PyG,TU_DD,graph,False,,,1,4,2,skipsum,add,399,1.5363,0.1914,147746.0,0.0164,0.0009,0.702,0.0223,0.6433,0.0443,0.7016,0.0368,0.6697,0.024,0.7764,0.0254
-PyG,TU_DD,graph,False,,,1,4,2,skipsum,max,399,1.4693,0.0651,147746.0,0.0285,0.001,0.7062,0.0243,0.6408,0.0369,0.7276,0.0151,0.681,0.0246,0.7654,0.0206
-PyG,TU_DD,graph,False,,,1,4,2,skipsum,mean,399,1.4073,0.0528,147746.0,0.0186,0.004,0.7062,0.0099,0.6505,0.0111,0.6884,0.0082,0.6688,0.0039,0.7907,0.0015
-PyG,TU_DD,graph,False,,,1,4,3,skipconcat,add,399,1.4604,0.1237,138370.0,0.0194,0.0032,0.7006,0.014,0.6658,0.0298,0.6244,0.0653,0.6409,0.0254,0.779,0.024
-PyG,TU_DD,graph,False,,,1,4,3,skipconcat,max,399,1.2663,0.1052,138370.0,0.0161,0.0007,0.7006,0.0131,0.6669,0.0478,0.6277,0.0592,0.6425,0.0171,0.7812,0.0261
-PyG,TU_DD,graph,False,,,1,4,3,skipconcat,mean,399,1.2711,0.1281,138370.0,0.0159,0.0031,0.7119,0.0151,0.6704,0.0143,0.6535,0.0461,0.6608,0.0226,0.7883,0.0123
-PyG,TU_DD,graph,False,,,1,4,3,skipsum,add,399,1.2223,0.1403,146818.0,0.018,0.002,0.733,0.0216,0.7235,0.0534,0.626,0.0317,0.669,0.0182,0.8041,0.0338
-PyG,TU_DD,graph,False,,,1,4,3,skipsum,max,399,1.1953,0.0458,146818.0,0.0203,0.0034,0.7302,0.014,0.7185,0.0199,0.6121,0.0454,0.6604,0.0325,0.7881,0.0079
-PyG,TU_DD,graph,False,,,1,4,3,skipsum,mean,399,1.1337,0.1136,146818.0,0.0286,0.006,0.7316,0.028,0.7171,0.0359,0.6187,0.0503,0.6641,0.0439,0.8141,0.0296
-PyG,TU_DD,graph,False,,,1,6,2,skipconcat,add,399,1.521,0.1488,140978.0,0.0146,0.0022,0.7034,0.0432,0.6587,0.0571,0.6559,0.0258,0.6568,0.0408,0.7687,0.0372
-PyG,TU_DD,graph,False,,,1,6,2,skipconcat,max,399,1.3439,0.0814,140978.0,0.0172,0.003,0.6893,0.0212,0.6316,0.032,0.6717,0.0199,0.6506,0.0227,0.7722,0.0226
-PyG,TU_DD,graph,False,,,1,6,2,skipconcat,mean,399,1.3247,0.0982,140978.0,0.025,0.0015,0.6921,0.0401,0.6398,0.0493,0.6553,0.0381,0.6473,0.0435,0.7838,0.024
-PyG,TU_DD,graph,False,,,1,6,2,skipsum,add,399,1.5266,0.0192,145907.0,0.0315,0.0008,0.7048,0.0174,0.6503,0.031,0.6983,0.083,0.6692,0.0246,0.7809,0.0139
-PyG,TU_DD,graph,False,,,1,6,2,skipsum,max,399,1.4123,0.1322,145907.0,0.0177,0.0004,0.6977,0.0178,0.631,0.0288,0.7242,0.0275,0.6736,0.0165,0.7727,0.0158
-PyG,TU_DD,graph,False,,,1,6,2,skipsum,mean,399,1.5079,0.2937,145907.0,0.0171,0.0019,0.6907,0.039,0.6302,0.0509,0.6987,0.0134,0.6616,0.0297,0.7675,0.0427
-PyG,TU_DD,graph,False,,,1,6,3,skipconcat,add,399,1.2711,0.1565,142258.0,0.0158,0.0018,0.7232,0.0053,0.7324,0.0276,0.5682,0.043,0.638,0.016,0.7827,0.0146
-PyG,TU_DD,graph,False,,,1,6,3,skipconcat,max,399,1.1402,0.1299,142258.0,0.0547,0.0091,0.7387,0.0072,0.7171,0.0366,0.659,0.0537,0.6839,0.0151,0.7984,0.0168
-PyG,TU_DD,graph,False,,,1,6,3,skipconcat,mean,399,1.1073,0.04,142258.0,0.0163,0.0007,0.7415,0.0183,0.7604,0.032,0.5875,0.0279,0.662,0.0173,0.8015,0.0201
-PyG,TU_DD,graph,False,,,1,6,3,skipsum,add,399,1.291,0.0612,144898.0,0.0173,0.002,0.7316,0.0222,0.7104,0.0307,0.6392,0.0184,0.6727,0.0206,0.7896,0.0094
-PyG,TU_DD,graph,False,,,1,6,3,skipsum,max,399,1.2292,0.0579,144898.0,0.027,0.0004,0.7288,0.0295,0.7124,0.0331,0.6203,0.0587,0.6623,0.0436,0.7806,0.021
-PyG,TU_DD,graph,False,,,1,6,3,skipsum,mean,399,1.2785,0.0686,144898.0,0.0235,0.0013,0.7161,0.0069,0.6907,0.0129,0.616,0.0259,0.651,0.019,0.7822,0.0103
-PyG,TU_DD,graph,False,,,1,8,2,skipconcat,add,399,1.4679,0.04,139810.0,0.018,0.0017,0.7246,0.0183,0.6774,0.0242,0.6921,0.0115,0.6843,0.0117,0.7862,0.0078
-PyG,TU_DD,graph,False,,,1,8,2,skipconcat,max,399,1.3236,0.0424,139810.0,0.0505,0.0087,0.7076,0.0104,0.6573,0.0323,0.679,0.0319,0.6666,0.0071,0.7892,0.0132
-PyG,TU_DD,graph,False,,,1,8,2,skipconcat,mean,399,1.387,0.1552,139810.0,0.0174,0.0037,0.7118,0.0385,0.6611,0.0553,0.6983,0.0108,0.6775,0.025,0.7812,0.0279
-PyG,TU_DD,graph,False,,,1,8,2,skipsum,add,399,1.409,0.1114,145081.0,0.0141,0.0025,0.7331,0.0104,0.681,0.0184,0.7145,0.0134,0.6973,0.016,0.7938,0.0126
-PyG,TU_DD,graph,False,,,1,8,2,skipsum,max,399,1.2892,0.1313,145081.0,0.0225,0.0076,0.726,0.0282,0.6678,0.04,0.7305,0.0265,0.6969,0.0262,0.7965,0.0187
-PyG,TU_DD,graph,False,,,1,8,2,skipsum,mean,399,1.5456,0.1369,145081.0,0.0288,0.0066,0.7034,0.0124,0.6461,0.0292,0.6919,0.0047,0.6677,0.0133,0.7673,0.0164
-PyG,TU_DD,graph,False,,,1,8,3,skipconcat,add,399,1.1976,0.0733,137802.0,0.0263,0.0098,0.7373,0.0295,0.721,0.0368,0.632,0.0535,0.6733,0.0465,0.8023,0.0276
-PyG,TU_DD,graph,False,,,1,8,3,skipconcat,max,399,1.2338,0.0969,137802.0,0.0138,0.002,0.7246,0.033,0.7128,0.0452,0.5988,0.0663,0.65,0.0556,0.7832,0.0221
-PyG,TU_DD,graph,False,,,1,8,3,skipconcat,mean,399,1.2578,0.1068,137802.0,0.018,0.0009,0.7048,0.0174,0.6877,0.0267,0.5773,0.0215,0.6275,0.021,0.7826,0.0098
-PyG,TU_DD,graph,False,,,1,8,3,skipsum,add,399,1.2465,0.0894,145132.0,0.0193,0.0073,0.7288,0.0333,0.7323,0.0375,0.5847,0.0511,0.6496,0.0434,0.7906,0.0282
-PyG,TU_DD,graph,False,,,1,8,3,skipsum,max,399,1.1514,0.1604,145132.0,0.0163,0.0026,0.7429,0.0259,0.7522,0.0705,0.6102,0.0264,0.6718,0.0286,0.7914,0.033
-PyG,TU_DD,graph,False,,,1,8,3,skipsum,mean,399,1.4835,0.1163,145132.0,0.0232,0.0031,0.6892,0.0461,0.7002,0.0441,0.4985,0.1453,0.569,0.0996,0.739,0.028
-PyG,TU_DD,graph,False,,,2,2,2,skipconcat,add,399,1.2789,0.5219,143321.0,0.0148,0.0038,0.7232,0.023,0.6888,0.0308,0.653,0.0574,0.669,0.0356,0.7815,0.0203
-PyG,TU_DD,graph,False,,,2,2,2,skipconcat,max,399,1.8584,0.0978,143321.0,0.0238,0.0064,0.6921,0.008,0.6364,0.0134,0.6644,0.0562,0.6488,0.0294,0.7568,0.004
-PyG,TU_DD,graph,False,,,2,2,2,skipconcat,mean,399,1.4287,0.1641,143321.0,0.0211,0.0024,0.7006,0.0106,0.6661,0.0142,0.6091,0.034,0.6361,0.0242,0.7519,0.0292
-PyG,TU_DD,graph,False,,,2,2,2,skipsum,add,399,1.4273,0.0966,149146.0,0.0191,0.0025,0.7076,0.006,0.6689,0.0333,0.6505,0.0817,0.6548,0.0293,0.7703,0.0086
-PyG,TU_DD,graph,False,,,2,2,2,skipsum,max,399,1.618,0.1683,149146.0,0.0181,0.0056,0.7302,0.0053,0.6959,0.0228,0.6694,0.0473,0.6806,0.0131,0.7801,0.0047
-PyG,TU_DD,graph,False,,,2,2,2,skipsum,mean,399,1.6944,0.1425,149146.0,0.0162,0.0028,0.6935,0.0501,0.6554,0.0694,0.6196,0.0322,0.6365,0.0499,0.7561,0.0338
-PyG,TU_DD,graph,False,,,2,2,3,skipconcat,add,399,1.3904,0.0308,142586.0,0.0328,0.0049,0.7218,0.0269,0.7046,0.0437,0.6204,0.0496,0.6575,0.0262,0.7737,0.0249
-PyG,TU_DD,graph,False,,,2,2,3,skipconcat,max,399,1.4754,0.2993,142586.0,0.016,0.0035,0.6794,0.0163,0.65,0.0385,0.5646,0.0289,0.6026,0.0104,0.7585,0.0404
-PyG,TU_DD,graph,False,,,2,2,3,skipconcat,mean,399,1.1835,0.0706,142586.0,0.0131,0.0032,0.75,0.0069,0.751,0.0302,0.6296,0.0103,0.6845,0.0077,0.7988,0.0205
-PyG,TU_DD,graph,False,,,2,2,3,skipsum,add,399,1.0918,0.0831,147746.0,0.029,0.0056,0.7514,0.0269,0.7783,0.0127,0.5907,0.062,0.6703,0.0449,0.8265,0.0226
-PyG,TU_DD,graph,False,,,2,2,3,skipsum,max,399,1.3376,0.139,147746.0,0.0161,0.0013,0.7118,0.033,0.6876,0.0292,0.6043,0.0762,0.6417,0.0523,0.7789,0.0284
-PyG,TU_DD,graph,False,,,2,2,3,skipsum,mean,399,1.4633,0.0976,147746.0,0.0178,0.0029,0.6978,0.0225,0.6864,0.0619,0.5735,0.0835,0.6174,0.0432,0.7815,0.0209
-PyG,TU_DD,graph,False,,,2,4,2,skipconcat,add,399,1.5297,0.3765,141034.0,0.0211,0.005,0.7034,0.0216,0.6657,0.04,0.6258,0.0227,0.6449,0.0297,0.7662,0.0223
-PyG,TU_DD,graph,False,,,2,4,2,skipconcat,max,399,1.5818,0.1841,141034.0,0.0156,0.0027,0.702,0.02,0.6354,0.0304,0.7244,0.0122,0.6768,0.0226,0.7582,0.0269
-PyG,TU_DD,graph,False,,,2,4,2,skipconcat,mean,399,1.6205,0.0561,141034.0,0.0171,0.0034,0.702,0.0245,0.6404,0.0247,0.7017,0.0354,0.6696,0.0293,0.7562,0.0209
-PyG,TU_DD,graph,False,,,2,4,2,skipsum,add,399,1.721,0.134,146818.0,0.0279,0.0021,0.7048,0.0225,0.663,0.0411,0.6563,0.0428,0.6571,0.0098,0.7787,0.024
-PyG,TU_DD,graph,False,,,2,4,2,skipsum,max,399,1.3223,0.0786,146818.0,0.0289,0.0044,0.7147,0.0087,0.6622,0.0163,0.688,0.0372,0.6744,0.0226,0.7831,0.011
-PyG,TU_DD,graph,False,,,2,4,2,skipsum,mean,399,1.5152,0.2819,146818.0,0.0333,0.0025,0.7189,0.047,0.6848,0.0679,0.6552,0.0298,0.6687,0.0456,0.7835,0.0375
-PyG,TU_DD,graph,False,,,2,4,3,skipconcat,add,399,1.3947,0.1126,140673.0,0.0184,0.0037,0.7246,0.0227,0.7483,0.0212,0.5453,0.0431,0.6299,0.0316,0.779,0.0122
-PyG,TU_DD,graph,False,,,2,4,3,skipconcat,max,399,1.2209,0.1328,140673.0,0.0141,0.0027,0.7232,0.0106,0.697,0.0222,0.6331,0.0225,0.6631,0.0156,0.7861,0.0181
-PyG,TU_DD,graph,False,,,2,4,3,skipconcat,mean,399,1.3188,0.0462,140673.0,0.0165,0.0037,0.726,0.0197,0.7487,0.0342,0.5595,0.0932,0.6337,0.0468,0.7996,0.0074
-PyG,TU_DD,graph,False,,,2,4,3,skipsum,add,399,1.2858,0.173,145907.0,0.0137,0.0013,0.7161,0.039,0.7269,0.0694,0.5481,0.074,0.6226,0.0623,0.8039,0.0429
-PyG,TU_DD,graph,False,,,2,4,3,skipsum,max,399,1.2278,0.12,145907.0,0.0162,0.002,0.7133,0.008,0.6893,0.0262,0.614,0.0494,0.6474,0.0212,0.7864,0.0208
-PyG,TU_DD,graph,False,,,2,4,3,skipsum,mean,399,1.3516,0.0484,145907.0,0.0294,0.0033,0.7062,0.0156,0.7029,0.0646,0.5683,0.0418,0.6245,0.0115,0.7852,0.0305
-PyG,TU_DD,graph,False,,,2,6,2,skipconcat,add,399,1.7345,0.0607,143002.0,0.0545,0.0054,0.6893,0.029,0.6247,0.039,0.7081,0.0078,0.6631,0.0221,0.7598,0.0216
-PyG,TU_DD,graph,False,,,2,6,2,skipconcat,max,399,1.3917,0.0668,143002.0,0.02,0.002,0.7175,0.0122,0.6633,0.0204,0.6979,0.0195,0.6801,0.019,0.7864,0.0162
-PyG,TU_DD,graph,False,,,2,6,2,skipconcat,mean,399,1.6112,0.0377,143002.0,0.0163,0.0029,0.6822,0.0,0.6179,0.0133,0.6889,0.0159,0.6512,0.0027,0.7534,0.0158
-PyG,TU_DD,graph,False,,,2,6,2,skipsum,add,399,1.7327,0.1563,144898.0,0.0167,0.0021,0.6935,0.0322,0.6435,0.0415,0.6597,0.0289,0.6503,0.0236,0.7567,0.0281
-PyG,TU_DD,graph,False,,,2,6,2,skipsum,max,399,1.4191,0.1383,144898.0,0.0176,0.0016,0.7175,0.0225,0.6519,0.0343,0.7409,0.013,0.6933,0.024,0.7814,0.0159
-PyG,TU_DD,graph,False,,,2,6,2,skipsum,mean,399,1.5441,0.1032,144898.0,0.02,0.0047,0.7048,0.0171,0.6474,0.0195,0.6952,0.0125,0.6701,0.0071,0.7805,0.0098
-PyG,TU_DD,graph,False,,,2,6,3,skipconcat,add,399,1.2973,0.0873,143482.0,0.0151,0.0033,0.7189,0.0171,0.7285,0.0659,0.5716,0.0473,0.636,0.0141,0.7974,0.0168
-PyG,TU_DD,graph,False,,,2,6,3,skipconcat,max,399,1.2874,0.1341,143482.0,0.0201,0.0015,0.709,0.023,0.6863,0.0411,0.596,0.0307,0.6379,0.0351,0.7772,0.0291
-PyG,TU_DD,graph,False,,,2,6,3,skipconcat,mean,399,1.2691,0.0467,143482.0,0.0316,0.0033,0.7175,0.0164,0.7203,0.0483,0.5715,0.0421,0.6349,0.021,0.8005,0.0207
-PyG,TU_DD,graph,False,,,2,6,3,skipsum,add,399,1.4166,0.1854,145081.0,0.017,0.0029,0.7458,0.0183,0.7304,0.0127,0.6497,0.0528,0.6866,0.0307,0.7867,0.0283
-PyG,TU_DD,graph,False,,,2,6,3,skipsum,max,399,1.2218,0.146,145081.0,0.0297,0.004,0.7288,0.0035,0.7004,0.0103,0.6487,0.0401,0.6726,0.0176,0.7867,0.0259
-PyG,TU_DD,graph,False,,,2,6,3,skipsum,mean,399,1.3351,0.1016,145081.0,0.0197,0.003,0.7443,0.0072,0.7434,0.0355,0.626,0.0441,0.6776,0.0186,0.8028,0.0139
-PyG,TU_DD,graph,False,,,2,8,2,skipconcat,add,399,1.7804,0.0463,141034.0,0.0514,0.0038,0.6992,0.006,0.6539,0.0131,0.6434,0.0322,0.6479,0.0105,0.7587,0.0041
-PyG,TU_DD,graph,False,,,2,8,2,skipconcat,max,399,1.3273,0.0913,141034.0,0.0212,0.0067,0.7104,0.0111,0.6576,0.0074,0.6851,0.0148,0.6709,0.006,0.7815,0.0098
-PyG,TU_DD,graph,False,,,2,8,2,skipconcat,mean,399,1.3794,0.0163,141034.0,0.0145,0.0006,0.7034,0.0092,0.6532,0.0074,0.6653,0.0206,0.6589,0.0071,0.784,0.0111
-PyG,TU_DD,graph,False,,,2,8,2,skipsum,add,399,1.4041,0.098,145132.0,0.014,0.0009,0.7387,0.0336,0.692,0.037,0.7123,0.0398,0.7016,0.0346,0.7973,0.0185
-PyG,TU_DD,graph,False,,,2,8,2,skipsum,max,399,1.5246,0.0112,145132.0,0.0153,0.0011,0.6864,0.0151,0.6266,0.0224,0.6818,0.0314,0.6519,0.0021,0.7494,0.0068
-PyG,TU_DD,graph,False,,,2,8,2,skipsum,mean,399,1.4611,0.1383,145132.0,0.0188,0.0043,0.7006,0.0222,0.6435,0.0322,0.6855,0.0342,0.6633,0.0272,0.7703,0.0242
-PyG,TU_DD,graph,False,,,2,8,3,skipconcat,add,399,1.2569,0.0379,138530.0,0.0163,0.0021,0.7203,0.0193,0.7245,0.0277,0.5757,0.0839,0.6361,0.046,0.7882,0.004
-PyG,TU_DD,graph,False,,,2,8,3,skipconcat,max,399,1.2743,0.2618,138530.0,0.0495,0.0036,0.6949,0.018,0.6657,0.0488,0.604,0.0413,0.6302,0.0034,0.7648,0.0283
-PyG,TU_DD,graph,False,,,2,8,3,skipconcat,mean,399,1.1744,0.1573,138530.0,0.052,0.0016,0.7486,0.008,0.7471,0.0168,0.6292,0.0134,0.683,0.0131,0.8111,0.0208
-PyG,TU_DD,graph,False,,,2,8,3,skipsum,add,399,1.3796,0.054,143119.0,0.024,0.002,0.7119,0.0104,0.7088,0.0487,0.575,0.0499,0.6312,0.0176,0.7919,0.0037
-PyG,TU_DD,graph,False,,,2,8,3,skipsum,max,399,1.2811,0.0777,143119.0,0.0248,0.0034,0.7232,0.0106,0.6953,0.0127,0.6364,0.022,0.6643,0.0138,0.7767,0.012
-PyG,TU_DD,graph,False,,,2,8,3,skipsum,mean,399,1.1861,0.1492,143119.0,0.0246,0.006,0.7288,0.021,0.7165,0.017,0.614,0.0395,0.6607,0.0268,0.8028,0.0269
-PyG,TU_ENZYMES,graph,False,,,1,2,2,skipconcat,add,399,2.2534,0.2615,135772.0,0.0386,0.0024,0.5667,0.0297,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,1,2,2,skipconcat,max,399,1.7853,0.1153,135772.0,0.0091,0.0021,0.5111,0.0239,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,1,2,2,skipconcat,mean,399,1.8632,0.2224,135772.0,0.0056,0.0002,0.5694,0.0196,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,1,2,2,skipsum,add,399,2.5048,0.4501,134603.0,0.0068,0.0013,0.5528,0.0208,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,1,2,2,skipsum,max,399,1.9237,0.1562,134603.0,0.0085,0.0015,0.5722,0.0104,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,1,2,2,skipsum,mean,399,1.9325,0.1149,134603.0,0.0087,0.0021,0.5639,0.0157,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,1,2,3,skipconcat,add,399,2.2473,0.1676,137527.0,0.0069,0.0015,0.5722,0.0142,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,1,2,3,skipconcat,max,399,2.4969,0.4443,137527.0,0.0058,0.0005,0.5333,0.0136,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,1,2,3,skipconcat,mean,399,2.1186,0.2267,137527.0,0.0066,0.0009,0.575,0.0312,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,1,2,3,skipsum,add,399,1.9768,0.0654,134490.0,0.007,0.0015,0.6028,0.0171,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,1,2,3,skipsum,max,399,2.4312,0.0366,134490.0,0.0057,0.0005,0.5639,0.0208,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,1,2,3,skipsum,mean,399,2.0694,0.1326,134490.0,0.0261,0.0019,0.5944,0.0104,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,1,4,2,skipconcat,add,399,2.58,0.6351,137833.0,0.0317,0.0011,0.5528,0.0258,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,1,4,2,skipconcat,max,399,2.7654,0.2591,137833.0,0.0334,0.0021,0.5278,0.0437,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,1,4,2,skipconcat,mean,399,1.9485,0.162,137833.0,0.0069,0.0005,0.6,0.036,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,1,4,2,skipsum,add,399,2.2793,0.2594,134629.0,0.0078,0.0006,0.5472,0.0142,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,1,4,2,skipsum,max,399,2.4349,0.2153,134629.0,0.008,0.0008,0.5083,0.018,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,1,4,2,skipsum,mean,399,1.9897,0.1703,134629.0,0.0076,0.0006,0.5667,0.0136,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,1,4,3,skipconcat,add,399,2.1039,0.1947,135508.0,0.0067,0.0001,0.5806,0.0157,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,1,4,3,skipconcat,max,399,2.3405,0.1531,135508.0,0.0071,0.0004,0.5278,0.0219,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,1,4,3,skipconcat,mean,399,2.1419,0.267,135508.0,0.0341,0.0002,0.5917,0.0246,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,1,4,3,skipsum,add,399,2.0485,0.1686,134835.0,0.0065,0.0007,0.5833,0.0136,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,1,4,3,skipsum,max,399,2.4895,0.1977,134835.0,0.0092,0.0005,0.5306,0.0079,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,1,4,3,skipsum,mean,399,2.1121,0.1406,134835.0,0.0085,0.0001,0.5778,0.0398,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,1,6,2,skipconcat,add,399,2.5924,0.4892,138739.0,0.0075,0.0003,0.55,0.018,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,1,6,2,skipconcat,max,399,2.6959,0.1203,138739.0,0.0401,0.0019,0.5083,0.0272,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,1,6,2,skipconcat,mean,399,1.9829,0.3062,138739.0,0.0094,0.0012,0.5833,0.0236,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,1,6,2,skipsum,add,399,2.266,0.3227,134815.0,0.026,0.0035,0.575,0.018,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,1,6,2,skipsum,max,399,2.5353,0.2265,134815.0,0.0096,0.0012,0.5445,0.0171,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,1,6,2,skipsum,mean,399,2.0308,0.2221,134815.0,0.0087,0.0008,0.5722,0.0142,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,1,6,3,skipconcat,add,399,2.2267,0.3241,140529.0,0.0379,0.0007,0.5722,0.0343,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,1,6,3,skipconcat,max,399,2.4544,0.2815,140529.0,0.0098,0.0016,0.5084,0.0589,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,1,6,3,skipconcat,mean,399,2.144,0.2216,140529.0,0.0085,0.0011,0.5667,0.0118,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,1,6,3,skipsum,add,399,2.1275,0.291,134535.0,0.0083,0.0015,0.5805,0.0239,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,1,6,3,skipsum,max,399,2.2835,0.3537,134535.0,0.0086,0.0021,0.5528,0.0375,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,1,6,3,skipsum,mean,399,2.2752,0.2648,134535.0,0.0107,0.0012,0.5806,0.0219,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,1,8,2,skipconcat,add,399,2.64,0.3369,138421.0,0.0112,0.002,0.5611,0.0104,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,1,8,2,skipconcat,max,399,2.7469,0.2951,138421.0,0.0115,0.0007,0.4972,0.0208,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,1,8,2,skipconcat,mean,399,2.0571,0.2803,138421.0,0.0096,0.0015,0.5722,0.0171,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,1,8,2,skipsum,add,399,2.2494,0.336,135285.0,0.0104,0.0016,0.5806,0.0219,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,1,8,2,skipsum,max,399,2.3794,0.3055,135285.0,0.0103,0.001,0.5361,0.0258,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,1,8,2,skipsum,mean,399,2.2812,0.1582,135285.0,0.0102,0.0018,0.5583,0.0068,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,1,8,3,skipconcat,add,399,2.0545,0.3153,136741.0,0.0114,0.0012,0.5972,0.0492,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,1,8,3,skipconcat,max,399,2.3636,0.2674,136741.0,0.0115,0.0014,0.5333,0.0379,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,1,8,3,skipconcat,mean,399,2.1849,0.1901,136741.0,0.0133,0.0023,0.5806,0.0157,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,1,8,3,skipsum,add,399,2.1818,0.1363,135822.0,0.0108,0.0021,0.5722,0.0078,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,1,8,3,skipsum,max,399,2.3795,0.1265,135822.0,0.0102,0.0005,0.5417,0.0476,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,1,8,3,skipsum,mean,399,2.132,0.1972,135822.0,0.029,0.0038,0.5945,0.0443,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,2,2,2,skipconcat,add,399,2.1768,0.2878,136155.0,0.0313,0.0008,0.575,0.0245,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,2,2,2,skipconcat,max,399,1.9474,0.189,136155.0,0.0088,0.0009,0.5167,0.0297,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,2,2,2,skipconcat,mean,399,1.8001,0.1008,136155.0,0.0081,0.0013,0.5861,0.0157,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,2,2,2,skipsum,add,399,2.4925,0.4649,134490.0,0.0257,0.0009,0.5611,0.0197,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,2,2,2,skipsum,max,399,1.9771,0.2235,134490.0,0.0244,0.0011,0.55,0.0136,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,2,2,2,skipsum,mean,399,1.7594,0.0126,134490.0,0.0064,0.001,0.5806,0.0196,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,2,2,3,skipconcat,add,399,2.3023,0.2125,137053.0,0.0081,0.0013,0.5861,0.0283,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,2,2,3,skipconcat,max,399,2.4223,0.3064,137053.0,0.0061,0.0005,0.5472,0.0142,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,2,2,3,skipconcat,mean,399,1.9742,0.0986,137053.0,0.0303,0.0003,0.5861,0.0307,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,2,2,3,skipsum,add,399,2.0586,0.3242,134629.0,0.0075,0.0015,0.5861,0.0104,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,2,2,3,skipsum,max,399,2.4517,0.2187,134629.0,0.0072,0.0003,0.55,0.0236,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,2,2,3,skipsum,mean,399,1.9439,0.0961,134629.0,0.0076,0.0004,0.5972,0.0104,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,2,4,2,skipconcat,add,399,2.5097,0.4672,137318.0,0.0083,0.0004,0.5722,0.0171,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,2,4,2,skipconcat,max,399,2.6832,0.2419,137318.0,0.0079,0.0018,0.5222,0.0349,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,2,4,2,skipconcat,mean,399,2.0018,0.2552,137318.0,0.0121,0.0014,0.5972,0.0157,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,2,4,2,skipsum,add,399,2.4053,0.2022,134835.0,0.0089,0.0007,0.5528,0.0307,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,2,4,2,skipsum,max,399,2.3487,0.3503,134835.0,0.0108,0.0011,0.5667,0.049,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,2,4,2,skipsum,mean,399,1.9824,0.1482,134835.0,0.0082,0.0017,0.5833,0.0136,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,2,4,3,skipconcat,add,399,2.133,0.2207,137811.0,0.0075,0.0009,0.5694,0.0104,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,2,4,3,skipconcat,max,399,2.5462,0.1003,137811.0,0.0092,0.0016,0.5305,0.0375,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,2,4,3,skipconcat,mean,399,2.1835,0.171,137811.0,0.0104,0.0014,0.5555,0.0502,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,2,4,3,skipsum,add,399,2.0788,0.096,134815.0,0.0258,0.0015,0.6083,0.018,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,2,4,3,skipsum,max,399,2.3895,0.4619,134815.0,0.0089,0.0001,0.5695,0.0375,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,2,4,3,skipsum,mean,399,2.0846,0.0505,134815.0,0.009,0.0008,0.5917,0.0204,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,2,6,2,skipconcat,add,399,2.338,0.0412,140763.0,0.0107,0.001,0.5833,0.0245,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,2,6,2,skipconcat,max,399,2.754,0.0994,140763.0,0.012,0.0011,0.5222,0.0208,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,2,6,2,skipconcat,mean,399,2.0742,0.1401,140763.0,0.0113,0.0009,0.5444,0.0258,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,2,6,2,skipsum,add,399,2.3542,0.649,134535.0,0.0108,0.001,0.5528,0.0629,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,2,6,2,skipsum,max,399,2.4048,0.2376,134535.0,0.0118,0.0019,0.5194,0.0142,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,2,6,2,skipsum,mean,399,2.0892,0.1269,134535.0,0.0105,0.001,0.5361,0.0171,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,2,6,3,skipconcat,add,399,2.1263,0.1484,141753.0,0.0097,0.0023,0.5861,0.0104,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,2,6,3,skipconcat,max,399,2.5339,0.2056,141753.0,0.0095,0.0006,0.5333,0.0068,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,2,6,3,skipconcat,mean,399,2.0816,0.1683,141753.0,0.0122,0.0028,0.5778,0.0142,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,2,6,3,skipsum,add,399,2.1421,0.1725,135285.0,0.0097,0.0025,0.5361,0.0239,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,2,6,3,skipsum,max,399,2.3737,0.2784,135285.0,0.0102,0.0009,0.5694,0.0511,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,2,6,3,skipsum,mean,399,2.0817,0.0436,135285.0,0.0106,0.0007,0.5806,0.0142,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,2,8,2,skipconcat,add,399,2.5109,0.3595,139645.0,0.0091,0.0003,0.5528,0.0239,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,2,8,2,skipconcat,max,399,2.7613,0.416,139645.0,0.0111,0.0007,0.4945,0.0336,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,2,8,2,skipconcat,mean,399,2.1086,0.2917,139645.0,0.0121,0.0003,0.5695,0.0208,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,2,8,2,skipsum,add,399,2.3657,0.1881,135822.0,0.0088,0.0009,0.5722,0.0039,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,2,8,2,skipsum,max,399,2.6985,0.1498,135822.0,0.0265,0.0029,0.4806,0.0322,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,2,8,2,skipsum,mean,399,2.1954,0.1783,135822.0,0.0104,0.0012,0.5639,0.0079,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,2,8,3,skipconcat,add,399,1.9714,0.3181,137469.0,0.0428,0.0013,0.5945,0.0208,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,2,8,3,skipconcat,max,399,2.6502,0.0286,137469.0,0.013,0.0008,0.5111,0.0275,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,2,8,3,skipconcat,mean,399,2.1188,0.0905,137469.0,0.0101,0.0025,0.5889,0.0275,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,2,8,3,skipsum,add,399,2.0809,0.2359,134295.0,0.0113,0.0004,0.6056,0.0104,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,2,8,3,skipsum,max,399,2.5543,0.3556,134295.0,0.014,0.0019,0.5222,0.0104,,,,,,,,
-PyG,TU_ENZYMES,graph,False,,,2,8,3,skipsum,mean,399,2.1397,0.1632,134295.0,0.0117,0.0016,0.5917,0.0204,,,,,,,,
-PyG,TU_IMDB,graph,False,,,1,2,2,skipconcat,add,399,1.0271,0.0023,134614.0,0.0076,0.0003,0.4711,0.015,,,,,,,,
-PyG,TU_IMDB,graph,False,,,1,2,2,skipconcat,max,399,1.0937,0.0007,134614.0,0.0066,0.001,0.3911,0.0231,,,,,,,,
-PyG,TU_IMDB,graph,False,,,1,2,2,skipconcat,mean,399,1.0947,0.001,134614.0,0.0077,0.0014,0.3889,0.0201,,,,,,,,
-PyG,TU_IMDB,graph,False,,,1,2,2,skipsum,add,399,1.0321,0.0027,133555.0,0.009,0.0007,0.4555,0.0137,,,,,,,,
-PyG,TU_IMDB,graph,False,,,1,2,2,skipsum,max,399,1.0938,0.0008,133555.0,0.0077,0.0013,0.3911,0.0257,,,,,,,,
-PyG,TU_IMDB,graph,False,,,1,2,2,skipsum,mean,399,1.0953,0.0015,133555.0,0.0081,0.0014,0.3855,0.0247,,,,,,,,
-PyG,TU_IMDB,graph,False,,,1,2,3,skipconcat,add,399,1.0324,0.0086,136644.0,0.0069,0.0013,0.4689,0.0181,,,,,,,,
-PyG,TU_IMDB,graph,False,,,1,2,3,skipconcat,max,399,1.0923,0.0019,136644.0,0.0084,0.0014,0.3967,0.0136,,,,,,,,
-PyG,TU_IMDB,graph,False,,,1,2,3,skipconcat,mean,399,1.093,0.0014,136644.0,0.0083,0.0018,0.4011,0.011,,,,,,,,
-PyG,TU_IMDB,graph,False,,,1,2,3,skipsum,add,399,1.0272,0.0117,133582.0,0.0248,0.0019,0.4744,0.0016,,,,,,,,
-PyG,TU_IMDB,graph,False,,,1,2,3,skipsum,max,399,1.0949,0.0029,133582.0,0.0076,0.0009,0.3989,0.0166,,,,,,,,
-PyG,TU_IMDB,graph,False,,,1,2,3,skipsum,mean,399,1.0937,0.0011,133582.0,0.0065,0.0002,0.3933,0.0151,,,,,,,,
-PyG,TU_IMDB,graph,False,,,1,4,2,skipconcat,add,399,1.0283,0.0031,136776.0,0.0084,0.0007,0.4567,0.0098,,,,,,,,
-PyG,TU_IMDB,graph,False,,,1,4,2,skipconcat,max,399,1.0934,0.0006,136776.0,0.0109,0.001,0.3856,0.0175,,,,,,,,
-PyG,TU_IMDB,graph,False,,,1,4,2,skipconcat,mean,399,1.1225,0.0213,136776.0,0.0098,0.0014,0.34,0.0216,,,,,,,,
-PyG,TU_IMDB,graph,False,,,1,4,2,skipsum,add,399,1.0149,0.0114,133816.0,0.0076,0.0012,0.4722,0.0113,,,,,,,,
-PyG,TU_IMDB,graph,False,,,1,4,2,skipsum,max,399,1.0936,0.0002,133816.0,0.0074,0.0017,0.3867,0.0276,,,,,,,,
-PyG,TU_IMDB,graph,False,,,1,4,2,skipsum,mean,399,1.0939,0.0008,133816.0,0.0255,0.0014,0.3856,0.02,,,,,,,,
-PyG,TU_IMDB,graph,False,,,1,4,3,skipconcat,add,399,1.0296,0.0125,134706.0,0.0109,0.0006,0.47,0.0189,,,,,,,,
-PyG,TU_IMDB,graph,False,,,1,4,3,skipconcat,max,399,1.0915,0.002,134706.0,0.0086,0.0012,0.4089,0.0134,,,,,,,,
-PyG,TU_IMDB,graph,False,,,1,4,3,skipconcat,mean,399,1.0925,0.0012,134706.0,0.0079,0.0007,0.3945,0.016,,,,,,,,
-PyG,TU_IMDB,graph,False,,,1,4,3,skipsum,add,399,1.0303,0.0092,134092.0,0.0093,0.0013,0.4666,0.0047,,,,,,,,
-PyG,TU_IMDB,graph,False,,,1,4,3,skipsum,max,399,1.091,0.0014,134092.0,0.0088,0.0012,0.4045,0.011,,,,,,,,
-PyG,TU_IMDB,graph,False,,,1,4,3,skipsum,mean,399,1.0924,0.0022,134092.0,0.0081,0.0002,0.4033,0.0109,,,,,,,,
-PyG,TU_IMDB,graph,False,,,1,6,2,skipconcat,add,399,1.0182,0.0169,137724.0,0.0071,0.0007,0.4578,0.0137,,,,,,,,
-PyG,TU_IMDB,graph,False,,,1,6,2,skipconcat,max,399,1.0943,0.001,137724.0,0.009,0.0011,0.3911,0.0259,,,,,,,,
-PyG,TU_IMDB,graph,False,,,1,6,2,skipconcat,mean,399,1.1342,0.0263,137724.0,0.0108,0.0013,0.3311,0.0253,,,,,,,,
-PyG,TU_IMDB,graph,False,,,1,6,2,skipsum,add,399,1.0262,0.0149,134127.0,0.0084,0.0017,0.4478,0.0069,,,,,,,,
-PyG,TU_IMDB,graph,False,,,1,6,2,skipsum,max,399,1.094,0.0023,134127.0,0.0289,0.0022,0.3845,0.0264,,,,,,,,
-PyG,TU_IMDB,graph,False,,,1,6,2,skipsum,mean,399,1.1019,0.009,134127.0,0.0084,0.0019,0.3433,0.0366,,,,,,,,
-PyG,TU_IMDB,graph,False,,,1,6,3,skipconcat,add,399,1.0376,0.0018,139744.0,0.0416,0.0019,0.4578,0.0126,,,,,,,,
-PyG,TU_IMDB,graph,False,,,1,6,3,skipconcat,max,399,1.0925,0.0023,139744.0,0.0081,0.0003,0.3856,0.0245,,,,,,,,
-PyG,TU_IMDB,graph,False,,,1,6,3,skipconcat,mean,399,1.1034,0.008,139744.0,0.0417,0.0007,0.3478,0.0422,,,,,,,,
-PyG,TU_IMDB,graph,False,,,1,6,3,skipsum,add,399,1.0318,0.0082,133892.0,0.0077,0.0007,0.47,0.0072,,,,,,,,
-PyG,TU_IMDB,graph,False,,,1,6,3,skipsum,max,399,1.0919,0.0025,133892.0,0.0081,0.0012,0.4067,0.0098,,,,,,,,
-PyG,TU_IMDB,graph,False,,,1,6,3,skipsum,mean,399,1.0939,0.0013,133892.0,0.0081,0.0005,0.4033,0.0213,,,,,,,,
-PyG,TU_IMDB,graph,False,,,1,8,2,skipconcat,add,399,1.0236,0.0133,137432.0,0.0099,0.0007,0.46,0.0072,,,,,,,,
-PyG,TU_IMDB,graph,False,,,1,8,2,skipconcat,max,399,1.1444,0.0268,137432.0,0.0102,0.0021,0.3134,0.0094,,,,,,,,
-PyG,TU_IMDB,graph,False,,,1,8,2,skipconcat,mean,399,1.1437,0.0099,137432.0,0.0103,0.0011,0.3289,0.0201,,,,,,,,
-PyG,TU_IMDB,graph,False,,,1,8,2,skipsum,add,399,1.0187,0.0157,134677.0,0.0089,0.0012,0.4733,0.0054,,,,,,,,
-PyG,TU_IMDB,graph,False,,,1,8,2,skipsum,max,399,1.122,0.0103,134677.0,0.0103,0.0012,0.3155,0.0032,,,,,,,,
-PyG,TU_IMDB,graph,False,,,1,8,2,skipsum,mean,399,1.1055,0.0121,134677.0,0.0074,0.0007,0.3578,0.0319,,,,,,,,
-PyG,TU_IMDB,graph,False,,,1,8,3,skipconcat,add,399,1.0294,0.0138,135984.0,0.0095,0.0016,0.46,0.0144,,,,,,,,
-PyG,TU_IMDB,graph,False,,,1,8,3,skipconcat,max,399,1.4203,0.2381,135984.0,0.01,0.0012,0.3111,0.0134,,,,,,,,
-PyG,TU_IMDB,graph,False,,,1,8,3,skipconcat,mean,399,1.1061,0.0158,135984.0,0.0083,0.0014,0.3667,0.0331,,,,,,,,
-PyG,TU_IMDB,graph,False,,,1,8,3,skipsum,add,399,1.0302,0.0091,135244.0,0.0273,0.0016,0.4655,0.0191,,,,,,,,
-PyG,TU_IMDB,graph,False,,,1,8,3,skipsum,max,399,1.3024,0.1282,135244.0,0.0103,0.0022,0.3311,0.022,,,,,,,,
-PyG,TU_IMDB,graph,False,,,1,8,3,skipsum,mean,399,1.1077,0.0088,135244.0,0.0083,0.0004,0.3767,0.0303,,,,,,,,
-PyG,TU_IMDB,graph,False,,,2,2,2,skipconcat,add,399,1.0218,0.0102,135041.0,0.0078,0.0005,0.4633,0.0119,,,,,,,,
-PyG,TU_IMDB,graph,False,,,2,2,2,skipconcat,max,399,1.0943,0.0017,135041.0,0.0087,0.0009,0.3889,0.0173,,,,,,,,
-PyG,TU_IMDB,graph,False,,,2,2,2,skipconcat,mean,399,1.0936,0.0004,135041.0,0.0077,0.0016,0.3911,0.0206,,,,,,,,
-PyG,TU_IMDB,graph,False,,,2,2,2,skipsum,add,399,1.0237,0.0117,133582.0,0.0248,0.0018,0.4589,0.022,,,,,,,,
-PyG,TU_IMDB,graph,False,,,2,2,2,skipsum,max,399,1.0932,0.0019,133582.0,0.0059,0.0006,0.3889,0.0272,,,,,,,,
-PyG,TU_IMDB,graph,False,,,2,2,2,skipsum,mean,399,1.0928,0.0003,133582.0,0.0082,0.0012,0.3911,0.0228,,,,,,,,
-PyG,TU_IMDB,graph,False,,,2,2,3,skipconcat,add,399,1.0329,0.0122,136192.0,0.0064,0.0007,0.4555,0.0088,,,,,,,,
-PyG,TU_IMDB,graph,False,,,2,2,3,skipconcat,max,399,1.0929,0.0025,136192.0,0.0061,0.001,0.4011,0.0123,,,,,,,,
-PyG,TU_IMDB,graph,False,,,2,2,3,skipconcat,mean,399,1.0908,0.0014,136192.0,0.0059,0.0004,0.3967,0.0223,,,,,,,,
-PyG,TU_IMDB,graph,False,,,2,2,3,skipsum,add,399,1.025,0.0108,133816.0,0.0076,0.0018,0.4667,0.0216,,,,,,,,
-PyG,TU_IMDB,graph,False,,,2,2,3,skipsum,max,399,1.0925,0.0013,133816.0,0.0055,0.0001,0.3922,0.0206,,,,,,,,
-PyG,TU_IMDB,graph,False,,,2,2,3,skipsum,mean,399,1.0919,0.0017,133816.0,0.0097,0.0001,0.3989,0.014,,,,,,,,
-PyG,TU_IMDB,graph,False,,,2,4,2,skipconcat,add,399,1.0246,0.0065,136278.0,0.0078,0.0013,0.4589,0.0083,,,,,,,,
-PyG,TU_IMDB,graph,False,,,2,4,2,skipconcat,max,399,1.0959,0.0032,136278.0,0.0071,0.0007,0.3855,0.0247,,,,,,,,
-PyG,TU_IMDB,graph,False,,,2,4,2,skipconcat,mean,399,1.3485,0.3587,136278.0,0.0344,0.0012,0.3689,0.0427,,,,,,,,
-PyG,TU_IMDB,graph,False,,,2,4,2,skipsum,add,399,1.0186,0.0182,134092.0,0.0078,0.0014,0.4678,0.0286,,,,,,,,
-PyG,TU_IMDB,graph,False,,,2,4,2,skipsum,max,399,1.0948,0.0006,134092.0,0.0065,0.0003,0.39,0.0259,,,,,,,,
-PyG,TU_IMDB,graph,False,,,2,4,2,skipsum,mean,399,1.112,0.0259,134092.0,0.0067,0.0004,0.3745,0.037,,,,,,,,
-PyG,TU_IMDB,graph,False,,,2,4,3,skipconcat,add,399,1.0408,0.0057,137009.0,0.0092,0.0013,0.4667,0.0238,,,,,,,,
-PyG,TU_IMDB,graph,False,,,2,4,3,skipconcat,max,399,1.0928,0.002,137009.0,0.0097,0.0013,0.3922,0.0173,,,,,,,,
-PyG,TU_IMDB,graph,False,,,2,4,3,skipconcat,mean,399,1.0939,0.0013,137009.0,0.0344,0.0011,0.3922,0.0278,,,,,,,,
-PyG,TU_IMDB,graph,False,,,2,4,3,skipsum,add,399,1.0293,0.0116,134127.0,0.0063,0.0002,0.4567,0.0191,,,,,,,,
-PyG,TU_IMDB,graph,False,,,2,4,3,skipsum,max,399,1.0908,0.0003,134127.0,0.0091,0.0023,0.3989,0.0129,,,,,,,,
-PyG,TU_IMDB,graph,False,,,2,4,3,skipsum,mean,399,1.0913,0.0013,134127.0,0.0093,0.0014,0.41,0.0094,,,,,,,,
-PyG,TU_IMDB,graph,False,,,2,6,2,skipconcat,add,399,1.0311,0.0137,139748.0,0.0075,0.0013,0.4567,0.0098,,,,,,,,
-PyG,TU_IMDB,graph,False,,,2,6,2,skipconcat,max,399,1.0958,0.0018,139748.0,0.01,0.0008,0.3889,0.0247,,,,,,,,
-PyG,TU_IMDB,graph,False,,,2,6,2,skipconcat,mean,399,1.1918,0.0689,139748.0,0.0098,0.0012,0.3278,0.0251,,,,,,,,
-PyG,TU_IMDB,graph,False,,,2,6,2,skipsum,add,399,1.0222,0.0188,133892.0,0.0071,0.0007,0.4678,0.037,,,,,,,,
-PyG,TU_IMDB,graph,False,,,2,6,2,skipsum,max,399,1.0999,0.0064,133892.0,0.0093,0.0004,0.36,0.0165,,,,,,,,
-PyG,TU_IMDB,graph,False,,,2,6,2,skipsum,mean,399,1.0943,0.0012,133892.0,0.0088,0.0012,0.3855,0.0218,,,,,,,,
-PyG,TU_IMDB,graph,False,,,2,6,3,skipconcat,add,399,1.0464,0.0035,140968.0,0.0086,0.0007,0.4634,0.017,,,,,,,,
-PyG,TU_IMDB,graph,False,,,2,6,3,skipconcat,max,399,1.237,0.0779,140968.0,0.0101,0.0007,0.3133,0.0072,,,,,,,,
-PyG,TU_IMDB,graph,False,,,2,6,3,skipconcat,mean,399,1.0936,0.0015,140968.0,0.0415,0.0011,0.3955,0.0185,,,,,,,,
-PyG,TU_IMDB,graph,False,,,2,6,3,skipsum,add,399,1.0307,0.0098,134677.0,0.0095,0.0009,0.4667,0.0262,,,,,,,,
-PyG,TU_IMDB,graph,False,,,2,6,3,skipsum,max,399,1.1766,0.0493,134677.0,0.0101,0.001,0.3511,0.0181,,,,,,,,
-PyG,TU_IMDB,graph,False,,,2,6,3,skipsum,mean,399,1.0914,0.0015,134677.0,0.0097,0.002,0.4033,0.0098,,,,,,,,
-PyG,TU_IMDB,graph,False,,,2,8,2,skipconcat,add,399,1.0262,0.0071,138656.0,0.0071,0.0002,0.4756,0.0181,,,,,,,,
-PyG,TU_IMDB,graph,False,,,2,8,2,skipconcat,max,399,1.1954,0.0213,138656.0,0.0456,0.0019,0.3133,0.0047,,,,,,,,
-PyG,TU_IMDB,graph,False,,,2,8,2,skipconcat,mean,399,1.135,0.0275,138656.0,0.0105,0.0002,0.34,0.0314,,,,,,,,
-PyG,TU_IMDB,graph,False,,,2,8,2,skipsum,add,399,1.018,0.0135,135244.0,0.0077,0.0008,0.4778,0.0218,,,,,,,,
-PyG,TU_IMDB,graph,False,,,2,8,2,skipsum,max,399,1.1189,0.0137,135244.0,0.0099,0.001,0.3256,0.0068,,,,,,,,
-PyG,TU_IMDB,graph,False,,,2,8,2,skipsum,mean,399,1.12,0.038,135244.0,0.0117,0.0018,0.3656,0.0397,,,,,,,,
-PyG,TU_IMDB,graph,False,,,2,8,3,skipconcat,add,399,1.0346,0.0094,136712.0,0.0085,0.0007,0.4633,0.0178,,,,,,,,
-PyG,TU_IMDB,graph,False,,,2,8,3,skipconcat,max,399,1.8972,0.2472,136712.0,0.0102,0.0021,0.3155,0.0057,,,,,,,,
-PyG,TU_IMDB,graph,False,,,2,8,3,skipconcat,mean,399,1.1067,0.0222,136712.0,0.0093,0.001,0.3711,0.0324,,,,,,,,
-PyG,TU_IMDB,graph,False,,,2,8,3,skipsum,add,399,1.0299,0.0135,133747.0,0.0085,0.0018,0.4656,0.0245,,,,,,,,
-PyG,TU_IMDB,graph,False,,,2,8,3,skipsum,max,399,1.2397,0.0577,133747.0,0.011,0.0012,0.32,0.0196,,,,,,,,
-PyG,TU_IMDB,graph,False,,,2,8,3,skipsum,mean,399,1.0936,0.0022,133747.0,0.0285,0.0015,0.3933,0.0166,,,,,,,,
-PyG,TU_PROTEINS,graph,False,,,1,2,2,skipconcat,add,399,0.5763,0.0162,134192.0,0.0066,0.001,0.7349,0.013,0.707,0.0137,0.5997,0.0351,0.6486,0.0256,0.7793,0.0183
-PyG,TU_PROTEINS,graph,False,,,1,2,2,skipconcat,max,399,0.5452,0.0217,134192.0,0.0065,0.0002,0.7258,0.0279,0.6922,0.0345,0.5886,0.0679,0.6352,0.0528,0.7988,0.0166
-PyG,TU_PROTEINS,graph,False,,,1,2,2,skipconcat,mean,399,0.539,0.0143,134192.0,0.0095,0.0014,0.7288,0.0187,0.7001,0.0244,0.5884,0.0666,0.6375,0.0448,0.8,0.0103
-PyG,TU_PROTEINS,graph,False,,,1,2,2,skipsum,add,399,0.6238,0.0445,133553.0,0.0073,0.0017,0.7227,0.0197,0.6912,0.0157,0.5816,0.0429,0.6313,0.031,0.7761,0.0191
-PyG,TU_PROTEINS,graph,False,,,1,2,2,skipsum,max,399,0.5575,0.0351,133553.0,0.0059,0.0,0.7227,0.017,0.6874,0.0327,0.597,0.0491,0.6371,0.0268,0.7896,0.0192
-PyG,TU_PROTEINS,graph,False,,,1,2,2,skipsum,mean,399,0.5546,0.0256,133553.0,0.0082,0.0009,0.7227,0.0064,0.7074,0.0305,0.5563,0.0494,0.6203,0.0223,0.7943,0.0138
-PyG,TU_PROTEINS,graph,False,,,1,2,3,skipconcat,add,399,0.5915,0.008,136322.0,0.0066,0.0002,0.7121,0.0119,0.732,0.0515,0.4743,0.0156,0.5741,0.0048,0.7731,0.0093
-PyG,TU_PROTEINS,graph,False,,,1,2,3,skipconcat,max,399,0.5896,0.0297,136322.0,0.0084,0.0014,0.6757,0.0187,0.6934,0.067,0.3898,0.0685,0.4923,0.0508,0.7744,0.007
-PyG,TU_PROTEINS,graph,False,,,1,2,3,skipconcat,mean,399,0.6039,0.0258,136322.0,0.0317,0.0014,0.6924,0.0167,0.7309,0.0578,0.4003,0.0217,0.5156,0.0175,0.7605,0.0179
-PyG,TU_PROTEINS,graph,False,,,1,2,3,skipsum,add,399,0.6838,0.0211,133580.0,0.0078,0.0014,0.6818,0.0162,0.6624,0.0138,0.4519,0.0415,0.5365,0.0333,0.744,0.0118
-PyG,TU_PROTEINS,graph,False,,,1,2,3,skipsum,max,399,0.5793,0.0227,133580.0,0.0072,0.0015,0.697,0.0077,0.7018,0.0108,0.4523,0.0292,0.5492,0.0189,0.783,0.008
-PyG,TU_PROTEINS,graph,False,,,1,2,3,skipsum,mean,399,0.589,0.0274,133580.0,0.0087,0.0007,0.7,0.0207,0.7558,0.0223,0.3972,0.0686,0.5165,0.057,0.7817,0.0138
-PyG,TU_PROTEINS,graph,False,,,1,4,2,skipconcat,add,399,0.6218,0.0371,136278.0,0.033,0.0015,0.7227,0.017,0.6958,0.0248,0.5698,0.042,0.6262,0.0347,0.7718,0.0105
-PyG,TU_PROTEINS,graph,False,,,1,4,2,skipconcat,max,399,0.5508,0.0086,136278.0,0.0091,0.0016,0.7106,0.012,0.6756,0.0125,0.5629,0.0184,0.6141,0.0155,0.7921,0.0126
-PyG,TU_PROTEINS,graph,False,,,1,4,2,skipconcat,mean,399,0.5453,0.0108,136278.0,0.0083,0.0017,0.7257,0.0187,0.7081,0.0322,0.5588,0.039,0.6244,0.0352,0.7963,0.0151
-PyG,TU_PROTEINS,graph,False,,,1,4,2,skipsum,add,399,0.8585,0.0792,133814.0,0.0059,0.0005,0.7152,0.0211,0.6611,0.0324,0.6219,0.0282,0.6409,0.0302,0.7547,0.0136
-PyG,TU_PROTEINS,graph,False,,,1,4,2,skipsum,max,399,0.5792,0.0252,133814.0,0.011,0.0012,0.7212,0.0113,0.6958,0.0092,0.5668,0.0557,0.6231,0.032,0.7898,0.0124
-PyG,TU_PROTEINS,graph,False,,,1,4,2,skipsum,mean,399,0.5911,0.0262,133814.0,0.0083,0.0028,0.7166,0.0043,0.687,0.0178,0.5671,0.0244,0.6206,0.009,0.7836,0.0078
-PyG,TU_PROTEINS,graph,False,,,1,4,3,skipconcat,add,399,0.6216,0.0185,134328.0,0.008,0.0018,0.7061,0.0093,0.7025,0.0313,0.4931,0.0434,0.5775,0.0248,0.7605,0.0088
-PyG,TU_PROTEINS,graph,False,,,1,4,3,skipconcat,max,399,0.5925,0.0316,134328.0,0.0097,0.001,0.6954,0.0162,0.6793,0.0058,0.4861,0.0593,0.5643,0.0407,0.7726,0.0159
-PyG,TU_PROTEINS,graph,False,,,1,4,3,skipconcat,mean,399,0.5676,0.014,134328.0,0.0098,0.0019,0.7152,0.014,0.7223,0.0408,0.4965,0.0224,0.5877,0.0198,0.7814,0.0064
-PyG,TU_PROTEINS,graph,False,,,1,4,3,skipsum,add,399,0.8237,0.0424,134090.0,0.0071,0.0002,0.7076,0.015,0.696,0.0212,0.5079,0.0286,0.5867,0.0215,0.7614,0.0062
-PyG,TU_PROTEINS,graph,False,,,1,4,3,skipsum,max,399,0.6821,0.0684,134090.0,0.0088,0.0009,0.7,0.0232,0.6903,0.017,0.4822,0.0523,0.5668,0.0423,0.7544,0.0226
-PyG,TU_PROTEINS,graph,False,,,1,4,3,skipsum,mean,399,0.6682,0.0848,134090.0,0.0237,0.0007,0.6909,0.0098,0.6966,0.0088,0.4334,0.0114,0.5343,0.0102,0.7591,0.0184
-PyG,TU_PROTEINS,graph,False,,,1,6,2,skipconcat,add,399,0.6762,0.0643,137194.0,0.0332,0.0013,0.7243,0.0086,0.6986,0.0139,0.5738,0.0193,0.6298,0.0123,0.757,0.0114
-PyG,TU_PROTEINS,graph,False,,,1,6,2,skipconcat,max,399,0.5685,0.033,137194.0,0.0101,0.0008,0.7106,0.013,0.6916,0.0146,0.5296,0.0368,0.5989,0.0233,0.7839,0.0128
-PyG,TU_PROTEINS,graph,False,,,1,6,2,skipconcat,mean,399,0.5475,0.0138,137194.0,0.0104,0.0014,0.7197,0.0191,0.7217,0.0313,0.5105,0.0533,0.5968,0.0442,0.7989,0.0098
-PyG,TU_PROTEINS,graph,False,,,1,6,2,skipsum,add,399,0.8326,0.0308,134125.0,0.0219,0.0017,0.6955,0.0074,0.6387,0.0246,0.5928,0.0181,0.6142,0.0048,0.7678,0.0117
-PyG,TU_PROTEINS,graph,False,,,1,6,2,skipsum,max,399,0.7695,0.1185,134125.0,0.0086,0.0007,0.7152,0.0113,0.6667,0.0389,0.619,0.0354,0.6398,0.0011,0.7671,0.0011
-PyG,TU_PROTEINS,graph,False,,,1,6,2,skipsum,mean,399,0.5921,0.0127,134125.0,0.011,0.0021,0.7258,0.013,0.6911,0.0416,0.6082,0.0537,0.6437,0.0206,0.7855,0.0123
-PyG,TU_PROTEINS,graph,False,,,1,6,3,skipconcat,add,399,0.6235,0.0487,139334.0,0.0075,0.0002,0.7045,0.0074,0.7077,0.0474,0.4859,0.0475,0.5724,0.0192,0.7717,0.0219
-PyG,TU_PROTEINS,graph,False,,,1,6,3,skipconcat,max,399,0.5695,0.0324,139334.0,0.0077,0.0002,0.7091,0.0207,0.7245,0.0299,0.4714,0.0669,0.5675,0.0478,0.7847,0.0179
-PyG,TU_PROTEINS,graph,False,,,1,6,3,skipconcat,mean,399,0.5804,0.0297,139334.0,0.0094,0.0007,0.7091,0.0064,0.7422,0.0523,0.4601,0.082,0.5599,0.0433,0.7778,0.0168
-PyG,TU_PROTEINS,graph,False,,,1,6,3,skipsum,add,399,0.8718,0.1782,133890.0,0.007,0.0002,0.7091,0.0413,0.6823,0.0367,0.5347,0.0975,0.5966,0.0751,0.7437,0.0534
-PyG,TU_PROTEINS,graph,False,,,1,6,3,skipsum,max,399,0.8897,0.1184,133890.0,0.0082,0.0004,0.6879,0.0077,0.6602,0.0046,0.4893,0.0249,0.5615,0.0151,0.751,0.0122
-PyG,TU_PROTEINS,graph,False,,,1,6,3,skipsum,mean,399,0.6084,0.0596,133890.0,0.0092,0.0018,0.697,0.03,0.693,0.0083,0.4645,0.098,0.5505,0.0773,0.7804,0.0311
-PyG,TU_PROTEINS,graph,False,,,1,8,2,skipconcat,add,399,0.7168,0.0813,136886.0,0.0114,0.0019,0.7257,0.0113,0.6868,0.0205,0.6077,0.0263,0.6443,0.0159,0.757,0.0097
-PyG,TU_PROTEINS,graph,False,,,1,8,2,skipconcat,max,399,0.5542,0.0377,136886.0,0.0107,0.0019,0.7197,0.0238,0.6829,0.0333,0.5849,0.0664,0.6287,0.0482,0.7912,0.0252
-PyG,TU_PROTEINS,graph,False,,,1,8,2,skipconcat,mean,399,0.5395,0.0152,136886.0,0.0127,0.0017,0.7394,0.0086,0.7256,0.0276,0.5919,0.0849,0.6465,0.0448,0.8016,0.0113
-PyG,TU_PROTEINS,graph,False,,,1,8,2,skipsum,add,399,0.8753,0.1806,134675.0,0.0112,0.0018,0.6985,0.0397,0.64,0.0509,0.604,0.0417,0.6215,0.0459,0.7409,0.0246
-PyG,TU_PROTEINS,graph,False,,,1,8,2,skipsum,max,399,0.9227,0.1075,134675.0,0.0088,0.0003,0.7015,0.0211,0.6407,0.0179,0.6153,0.0354,0.6276,0.0263,0.7528,0.0117
-PyG,TU_PROTEINS,graph,False,,,1,8,2,skipsum,mean,399,0.5796,0.0264,134675.0,0.0104,0.0005,0.7363,0.0207,0.7043,0.0422,0.6146,0.0215,0.6561,0.0276,0.7921,0.0122
-PyG,TU_PROTEINS,graph,False,,,1,8,3,skipconcat,add,399,0.7074,0.0887,135566.0,0.0108,0.0024,0.7015,0.0093,0.7018,0.0323,0.4745,0.0295,0.5648,0.0171,0.7486,0.0266
-PyG,TU_PROTEINS,graph,False,,,1,8,3,skipconcat,max,399,0.6091,0.0332,135566.0,0.0126,0.0024,0.6879,0.0107,0.6793,0.0622,0.4712,0.061,0.5504,0.0293,0.7588,0.014
-PyG,TU_PROTEINS,graph,False,,,1,8,3,skipconcat,mean,399,0.5737,0.0218,135566.0,0.0123,0.0011,0.7061,0.014,0.697,0.0099,0.5009,0.0574,0.5805,0.0366,0.7802,0.0099
-PyG,TU_PROTEINS,graph,False,,,1,8,3,skipsum,add,399,0.7808,0.0575,135242.0,0.0091,0.0006,0.7031,0.0107,0.6862,0.0201,0.5106,0.0672,0.5819,0.0408,0.7528,0.019
-PyG,TU_PROTEINS,graph,False,,,1,8,3,skipsum,max,399,0.9563,0.1804,135242.0,0.0136,0.0013,0.6955,0.0098,0.6686,0.0027,0.5072,0.0515,0.5753,0.0331,0.7493,0.0107
-PyG,TU_PROTEINS,graph,False,,,1,8,3,skipsum,mean,399,0.6317,0.0239,135242.0,0.0263,0.0009,0.6924,0.0204,0.7095,0.0412,0.4227,0.0667,0.5265,0.0519,0.7668,0.0024
-PyG,TU_PROTEINS,graph,False,,,2,2,2,skipconcat,add,399,0.5876,0.0202,134635.0,0.0085,0.0018,0.7288,0.0141,0.702,0.0361,0.589,0.0129,0.64,0.0148,0.7758,0.0163
-PyG,TU_PROTEINS,graph,False,,,2,2,2,skipconcat,max,399,0.5483,0.0222,134635.0,0.0301,0.0009,0.7061,0.0077,0.6677,0.0234,0.5632,0.0139,0.6105,0.006,0.7939,0.0163
-PyG,TU_PROTEINS,graph,False,,,2,2,2,skipconcat,mean,399,0.5477,0.0171,134635.0,0.0073,0.0002,0.7273,0.0197,0.6997,0.0215,0.5813,0.0563,0.6341,0.041,0.7923,0.0122
-PyG,TU_PROTEINS,graph,False,,,2,2,2,skipsum,add,399,0.6219,0.0504,133580.0,0.0095,0.0011,0.7121,0.013,0.6924,0.025,0.5334,0.0138,0.6025,0.0176,0.7727,0.0207
-PyG,TU_PROTEINS,graph,False,,,2,2,2,skipsum,max,399,0.5474,0.0225,133580.0,0.0241,0.0013,0.7258,0.0175,0.715,0.0358,0.5518,0.0017,0.6225,0.0128,0.7945,0.0189
-PyG,TU_PROTEINS,graph,False,,,2,2,2,skipsum,mean,399,0.5646,0.0202,133580.0,0.0063,0.0004,0.7303,0.0141,0.7032,0.0241,0.5884,0.0327,0.6404,0.0272,0.79,0.011
-PyG,TU_PROTEINS,graph,False,,,2,2,3,skipconcat,add,399,0.5983,0.0348,135878.0,0.0087,0.0004,0.697,0.0167,0.6997,0.0206,0.4563,0.0462,0.5508,0.0349,0.7705,0.0219
-PyG,TU_PROTEINS,graph,False,,,2,2,3,skipconcat,max,399,0.5665,0.014,135878.0,0.0092,0.0012,0.7091,0.0223,0.7019,0.0506,0.5034,0.0212,0.5861,0.0318,0.7836,0.0064
-PyG,TU_PROTEINS,graph,False,,,2,2,3,skipconcat,mean,399,0.5789,0.0198,135878.0,0.0102,0.0005,0.7136,0.0098,0.7477,0.034,0.4601,0.058,0.5657,0.037,0.7819,0.0069
-PyG,TU_PROTEINS,graph,False,,,2,2,3,skipsum,add,399,0.6584,0.0494,133814.0,0.0093,0.0018,0.7152,0.014,0.7175,0.0231,0.504,0.041,0.5907,0.0247,0.7574,0.0259
-PyG,TU_PROTEINS,graph,False,,,2,2,3,skipsum,max,399,0.5794,0.0357,133814.0,0.0096,0.0011,0.7167,0.0077,0.7076,0.0117,0.5258,0.0416,0.602,0.0239,0.7671,0.0273
-PyG,TU_PROTEINS,graph,False,,,2,2,3,skipsum,mean,399,0.5842,0.037,133814.0,0.0101,0.0021,0.7167,0.0057,0.7337,0.0505,0.4956,0.0585,0.5867,0.0282,0.7753,0.0237
-PyG,TU_PROTEINS,graph,False,,,2,4,2,skipconcat,add,399,0.5932,0.0258,135788.0,0.0099,0.0012,0.7349,0.0094,0.7147,0.0144,0.585,0.0165,0.6434,0.0158,0.7775,0.0038
-PyG,TU_PROTEINS,graph,False,,,2,4,2,skipconcat,max,399,0.5628,0.0174,135788.0,0.0084,0.002,0.7091,0.0129,0.6868,0.0063,0.529,0.0582,0.5961,0.0404,0.7855,0.013
-PyG,TU_PROTEINS,graph,False,,,2,4,2,skipconcat,mean,399,0.5635,0.0135,135788.0,0.0363,0.0016,0.7273,0.0134,0.7292,0.0185,0.5288,0.0496,0.612,0.0359,0.7894,0.0119
-PyG,TU_PROTEINS,graph,False,,,2,4,2,skipsum,add,399,0.7913,0.0448,134090.0,0.0236,0.0004,0.7167,0.0239,0.6706,0.0188,0.6038,0.0644,0.634,0.041,0.7709,0.0142
-PyG,TU_PROTEINS,graph,False,,,2,4,2,skipsum,max,399,0.5712,0.0417,134090.0,0.008,0.0016,0.7242,0.015,0.6906,0.017,0.5888,0.0373,0.6354,0.0283,0.7832,0.0297
-PyG,TU_PROTEINS,graph,False,,,2,4,2,skipsum,mean,399,0.5679,0.0319,134090.0,0.0271,0.003,0.7379,0.0371,0.7209,0.0749,0.6005,0.0458,0.6525,0.0413,0.7965,0.0197
-PyG,TU_PROTEINS,graph,False,,,2,4,3,skipconcat,add,399,0.6352,0.0347,136631.0,0.0076,0.0004,0.7046,0.0134,0.6999,0.026,0.493,0.065,0.5749,0.0365,0.7604,0.0132
-PyG,TU_PROTEINS,graph,False,,,2,4,3,skipconcat,max,399,0.5849,0.034,136631.0,0.0108,0.0023,0.7106,0.0107,0.7539,0.0588,0.4565,0.0993,0.5573,0.0539,0.7783,0.0132
-PyG,TU_PROTEINS,graph,False,,,2,4,3,skipconcat,mean,399,0.5805,0.0304,136631.0,0.0102,0.0009,0.7061,0.0211,0.7498,0.0423,0.4303,0.0772,0.5412,0.0538,0.7841,0.0103
-PyG,TU_PROTEINS,graph,False,,,2,4,3,skipsum,add,399,0.8072,0.0754,134125.0,0.0082,0.0015,0.7136,0.0232,0.7219,0.0233,0.4899,0.0635,0.5812,0.0476,0.7605,0.0241
-PyG,TU_PROTEINS,graph,False,,,2,4,3,skipsum,max,399,0.6371,0.0722,134125.0,0.0084,0.0008,0.7167,0.0345,0.7426,0.0347,0.4678,0.0718,0.5722,0.0647,0.7616,0.0396
-PyG,TU_PROTEINS,graph,False,,,2,4,3,skipsum,mean,399,0.615,0.0533,134125.0,0.0083,0.0002,0.7091,0.0354,0.7184,0.0304,0.4715,0.083,0.5666,0.07,0.7707,0.02
-PyG,TU_PROTEINS,graph,False,,,2,6,2,skipconcat,add,399,0.6031,0.0421,139218.0,0.0388,0.0015,0.7197,0.015,0.6821,0.0297,0.5921,0.0271,0.6333,0.0199,0.7747,0.0177
-PyG,TU_PROTEINS,graph,False,,,2,6,2,skipconcat,max,399,0.5638,0.0259,139218.0,0.011,0.0014,0.7167,0.0183,0.6746,0.0267,0.5925,0.0414,0.6305,0.0323,0.7843,0.0202
-PyG,TU_PROTEINS,graph,False,,,2,6,2,skipconcat,mean,399,0.5374,0.0143,139218.0,0.0119,0.0013,0.7303,0.0021,0.7112,0.0135,0.5741,0.0093,0.6351,0.0056,0.8033,0.012
-PyG,TU_PROTEINS,graph,False,,,2,6,2,skipsum,add,399,0.9035,0.1323,133890.0,0.0068,0.0007,0.6803,0.0175,0.6191,0.0139,0.5673,0.0485,0.5912,0.0307,0.7539,0.0065
-PyG,TU_PROTEINS,graph,False,,,2,6,2,skipsum,max,399,0.7301,0.0609,133890.0,0.0096,0.001,0.6879,0.015,0.6303,0.0276,0.5738,0.017,0.6006,0.021,0.7502,0.0084
-PyG,TU_PROTEINS,graph,False,,,2,6,2,skipsum,mean,399,0.6299,0.0895,133890.0,0.0109,0.0031,0.7076,0.015,0.665,0.0394,0.5858,0.0784,0.6186,0.037,0.7735,0.0165
-PyG,TU_PROTEINS,graph,False,,,2,6,3,skipconcat,add,399,0.6643,0.0417,140558.0,0.0388,0.0016,0.6924,0.0205,0.6809,0.0476,0.481,0.0302,0.5614,0.0041,0.7503,0.0191
-PyG,TU_PROTEINS,graph,False,,,2,6,3,skipconcat,max,399,0.5832,0.0084,140558.0,0.0096,0.0009,0.7106,0.0107,0.7044,0.0234,0.5036,0.0235,0.5872,0.0218,0.7796,0.0021
-PyG,TU_PROTEINS,graph,False,,,2,6,3,skipconcat,mean,399,0.6045,0.0316,140558.0,0.0096,0.0002,0.7,0.0226,0.7235,0.0319,0.4342,0.0648,0.5396,0.0518,0.7682,0.0165
-PyG,TU_PROTEINS,graph,False,,,2,6,3,skipsum,add,399,0.9099,0.0594,134675.0,0.0083,0.0013,0.6697,0.0337,0.633,0.031,0.4497,0.1038,0.5205,0.0832,0.7178,0.0201
-PyG,TU_PROTEINS,graph,False,,,2,6,3,skipsum,max,399,0.807,0.0973,134675.0,0.01,0.0014,0.6879,0.015,0.6803,0.0043,0.4489,0.0557,0.5387,0.0394,0.7408,0.0164
-PyG,TU_PROTEINS,graph,False,,,2,6,3,skipsum,mean,399,0.6299,0.0888,134675.0,0.0104,0.0011,0.6894,0.0504,0.6783,0.0437,0.4394,0.151,0.5214,0.1335,0.757,0.0525
-PyG,TU_PROTEINS,graph,False,,,2,8,2,skipconcat,add,399,0.6846,0.0783,138110.0,0.0092,0.0005,0.6909,0.0207,0.65,0.0421,0.5367,0.0206,0.5871,0.0204,0.7574,0.015
-PyG,TU_PROTEINS,graph,False,,,2,8,2,skipconcat,max,399,0.5623,0.0199,138110.0,0.0138,0.0006,0.7076,0.0057,0.6723,0.0115,0.5553,0.0201,0.6082,0.0162,0.7789,0.0129
-PyG,TU_PROTEINS,graph,False,,,2,8,2,skipconcat,mean,399,0.5406,0.0078,138110.0,0.0088,0.0009,0.7288,0.015,0.717,0.0099,0.5548,0.0617,0.6239,0.0426,0.8005,0.0093
-PyG,TU_PROTEINS,graph,False,,,2,8,2,skipsum,add,399,0.8659,0.1031,135242.0,0.0132,0.0019,0.7015,0.0269,0.6465,0.0434,0.5998,0.0196,0.6221,0.0308,0.7575,0.01
-PyG,TU_PROTEINS,graph,False,,,2,8,2,skipsum,max,399,0.8835,0.1334,135242.0,0.0276,0.0028,0.7061,0.015,0.6555,0.0152,0.5928,0.0258,0.6225,0.0206,0.7541,0.0129
-PyG,TU_PROTEINS,graph,False,,,2,8,2,skipsum,mean,399,0.575,0.0284,135242.0,0.0092,0.0004,0.7121,0.0227,0.6806,0.0383,0.5592,0.0233,0.6139,0.0295,0.7802,0.02
-PyG,TU_PROTEINS,graph,False,,,2,8,3,skipconcat,add,399,0.6192,0.0374,136294.0,0.0093,0.0004,0.7045,0.0111,0.7126,0.0288,0.4668,0.0117,0.5639,0.014,0.7736,0.0178
-PyG,TU_PROTEINS,graph,False,,,2,8,3,skipconcat,max,399,0.578,0.0278,136294.0,0.0111,0.0003,0.7121,0.0057,0.7362,0.0106,0.4624,0.044,0.5665,0.0317,0.789,0.0111
-PyG,TU_PROTEINS,graph,False,,,2,8,3,skipconcat,mean,399,0.5795,0.0186,136294.0,0.0127,0.0005,0.7258,0.0183,0.7652,0.0501,0.4775,0.0165,0.5877,0.0248,0.781,0.0135
-PyG,TU_PROTEINS,graph,False,,,2,8,3,skipsum,add,399,0.8505,0.0577,133745.0,0.0129,0.0009,0.6757,0.0211,0.6383,0.0315,0.482,0.0334,0.5485,0.0278,0.7183,0.0095
-PyG,TU_PROTEINS,graph,False,,,2,8,3,skipsum,max,399,0.7851,0.032,133745.0,0.0115,0.002,0.7076,0.0288,0.7066,0.0438,0.4895,0.0398,0.5779,0.0389,0.7502,0.0232
-PyG,TU_PROTEINS,graph,False,,,2,8,3,skipsum,mean,399,0.6194,0.0299,133745.0,0.0139,0.0015,0.6985,0.0154,0.7257,0.0264,0.4216,0.0486,0.532,0.0426,0.7592,0.0212
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,1,2,2,skipconcat,add,399,0.4575,0.1773,136296.0,0.01,0.0005,0.8398,0.0395,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,1,2,2,skipconcat,max,399,1.0878,0.067,136296.0,0.0113,0.0006,0.7628,0.024,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,1,2,2,skipconcat,mean,399,1.0195,0.1993,136296.0,0.015,0.0021,0.7628,0.0395,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,1,2,2,skipsum,add,399,0.4965,0.1866,134790.0,0.0265,0.001,0.8397,0.0551,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,1,2,2,skipsum,max,399,0.9615,0.0976,134790.0,0.0301,0.007,0.7436,0.0181,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,1,2,2,skipsum,mean,399,0.9469,0.1562,134790.0,0.0088,0.0015,0.75,0.0471,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,1,2,3,skipconcat,add,399,0.545,0.2338,134543.0,0.0309,0.0033,0.8334,0.0327,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,1,2,3,skipconcat,max,399,0.9968,0.1886,134543.0,0.014,0.0062,0.7821,0.0552,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,1,2,3,skipconcat,mean,399,1.1186,0.3249,134543.0,0.0142,0.0071,0.7244,0.0552,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,1,2,3,skipsum,add,399,0.5494,0.1142,134286.0,0.0138,0.0046,0.859,0.0363,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,1,2,3,skipsum,max,399,0.9615,0.0881,134286.0,0.0253,0.0012,0.7308,0.0157,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,1,2,3,skipsum,mean,399,1.0322,0.2371,134286.0,0.0322,0.0065,0.7564,0.0395,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,1,4,2,skipconcat,add,399,0.3526,0.0857,138018.0,0.0089,0.0012,0.8654,0.0272,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,1,4,2,skipconcat,max,399,1.0885,0.0917,138018.0,0.0096,0.0018,0.7372,0.0395,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,1,4,2,skipconcat,mean,399,0.956,0.1991,138018.0,0.0099,0.0015,0.8013,0.0505,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,1,4,2,skipsum,add,399,0.3598,0.062,134119.0,0.0106,0.0019,0.8526,0.0181,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,1,4,2,skipsum,max,399,0.9441,0.1327,134119.0,0.0273,0.0045,0.7628,0.0635,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,1,4,2,skipsum,mean,399,0.9894,0.1688,134119.0,0.009,0.0014,0.7308,0.0157,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,1,4,3,skipconcat,add,399,0.4269,0.0587,135648.0,0.012,0.0046,0.8462,0.0314,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,1,4,3,skipconcat,max,399,1.0169,0.0654,135648.0,0.0114,0.0004,0.7564,0.0091,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,1,4,3,skipconcat,mean,399,1.2004,0.2955,135648.0,0.0383,0.0028,0.7436,0.0327,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,1,4,3,skipsum,add,399,0.3148,0.1361,134070.0,0.0094,0.0009,0.8846,0.0544,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,1,4,3,skipsum,max,399,0.9138,0.2373,134070.0,0.011,0.001,0.7756,0.0395,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,1,4,3,skipsum,mean,399,0.9771,0.2216,134070.0,0.0321,0.0029,0.7692,0.0415,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,1,6,2,skipconcat,add,399,0.3625,0.0913,138782.0,0.0106,0.0018,0.8718,0.0091,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,1,6,2,skipconcat,max,399,1.1638,0.1349,138782.0,0.0431,0.0053,0.7436,0.0505,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,1,6,2,skipconcat,mean,399,1.0665,0.1495,138782.0,0.0438,0.0008,0.7436,0.0395,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,1,6,2,skipsum,add,399,0.3126,0.0932,133830.0,0.0268,0.0026,0.8975,0.0363,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,1,6,2,skipsum,max,399,0.8445,0.3174,133830.0,0.0126,0.0037,0.7949,0.0327,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,1,6,2,skipsum,mean,399,0.9851,0.1179,133830.0,0.0355,0.0041,0.75,0.0157,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,1,6,3,skipconcat,add,399,0.4327,0.2056,140562.0,0.0423,0.0012,0.8461,0.0544,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,1,6,3,skipconcat,max,399,1.032,0.124,140562.0,0.0102,0.0016,0.7436,0.0395,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,1,6,3,skipconcat,mean,399,1.1172,0.244,140562.0,0.0393,0.0014,0.7179,0.048,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,1,6,3,skipsum,add,399,0.3052,0.1489,135430.0,0.0099,0.0011,0.8718,0.0453,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,1,6,3,skipsum,max,399,0.8843,0.1192,135430.0,0.0139,0.005,0.7756,0.0594,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,1,6,3,skipsum,mean,399,0.8703,0.279,135430.0,0.0104,0.0008,0.7949,0.0635,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,1,8,2,skipconcat,add,399,0.4193,0.1871,138386.0,0.0124,0.0013,0.859,0.0654,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,1,8,2,skipconcat,max,399,1.2266,0.192,138386.0,0.0135,0.0008,0.6923,0.072,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,1,8,2,skipconcat,mean,399,1.1745,0.1285,138386.0,0.0128,0.0008,0.6987,0.0091,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,1,8,2,skipsum,add,399,0.2815,0.0834,133926.0,0.0103,0.0016,0.8846,0.0157,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,1,8,2,skipsum,max,399,0.8791,0.1034,133926.0,0.0299,0.0014,0.7628,0.0363,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,1,8,2,skipsum,mean,399,0.9138,0.215,133926.0,0.0148,0.0025,0.7692,0.0544,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,1,8,3,skipconcat,add,399,0.378,0.1023,136714.0,0.015,0.0016,0.8462,0.0415,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,1,8,3,skipconcat,max,399,1.0366,0.209,136714.0,0.0162,0.0038,0.7179,0.0708,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,1,8,3,skipconcat,mean,399,1.1057,0.3123,136714.0,0.0469,0.0057,0.7436,0.0453,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,1,8,3,skipsum,add,399,0.3399,0.1265,134298.0,0.0343,0.0024,0.8782,0.0395,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,1,8,3,skipsum,max,399,0.9864,0.1828,134298.0,0.0105,0.0007,0.7244,0.0552,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,1,8,3,skipsum,mean,399,0.922,0.2018,134298.0,0.0104,0.0009,0.7628,0.0091,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,2,2,2,skipconcat,add,399,0.3819,0.1999,136659.0,0.0106,0.0027,0.8589,0.0635,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,2,2,2,skipconcat,max,399,1.0146,0.0675,136659.0,0.0344,0.0025,0.7757,0.0181,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,2,2,2,skipconcat,mean,399,0.9566,0.1198,136659.0,0.0082,0.0015,0.7308,0.0314,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,2,2,2,skipsum,add,399,0.4664,0.161,134286.0,0.0114,0.0009,0.9039,0.0272,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,2,2,2,skipsum,max,399,0.9969,0.1459,134286.0,0.0092,0.0012,0.7692,0.0684,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,2,2,2,skipsum,mean,399,0.9136,0.0775,134286.0,0.0114,0.0035,0.8013,0.0395,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,2,2,3,skipconcat,add,399,0.4662,0.2376,137442.0,0.0099,0.0019,0.8398,0.0708,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,2,2,3,skipconcat,max,399,0.861,0.0764,137442.0,0.0339,0.0016,0.7949,0.0181,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,2,2,3,skipconcat,mean,399,1.0099,0.0685,137442.0,0.0107,0.0007,0.75,0.0544,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,2,2,3,skipsum,add,399,0.4742,0.1213,134119.0,0.0364,0.0141,0.8782,0.0395,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,2,2,3,skipsum,max,399,1.1469,0.2135,134119.0,0.0074,0.0003,0.7436,0.0363,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,2,2,3,skipsum,mean,399,1.1191,0.2715,134119.0,0.0097,0.0021,0.7244,0.0654,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,2,4,2,skipconcat,add,399,0.4198,0.2486,137500.0,0.0095,0.001,0.8333,0.0594,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,2,4,2,skipconcat,max,399,0.9761,0.0396,137500.0,0.0359,0.0042,0.7628,0.0327,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,2,4,2,skipconcat,mean,399,1.0367,0.1372,137500.0,0.0348,0.0033,0.7436,0.024,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,2,4,2,skipsum,add,399,0.3687,0.1715,134070.0,0.0077,0.0004,0.8718,0.0453,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,2,4,2,skipsum,max,399,0.9184,0.0956,134070.0,0.0103,0.002,0.7564,0.0327,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,2,4,2,skipsum,mean,399,0.9165,0.1518,134070.0,0.0138,0.0046,0.7692,0.0157,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,2,4,3,skipconcat,add,399,0.4894,0.1254,137951.0,0.0418,0.0007,0.8333,0.048,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,2,4,3,skipconcat,max,399,0.9783,0.1344,137951.0,0.0124,0.0003,0.7884,0.0544,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,2,4,3,skipconcat,mean,399,1.0792,0.1287,137951.0,0.0118,0.0004,0.718,0.0505,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,2,4,3,skipsum,add,399,0.4248,0.15,133830.0,0.029,0.0009,0.8718,0.0395,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,2,4,3,skipsum,max,399,0.9076,0.1302,133830.0,0.0095,0.0013,0.7308,0.0314,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,2,4,3,skipsum,mean,399,1.0616,0.2752,133830.0,0.0461,0.024,0.75,0.0544,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,2,6,2,skipconcat,add,399,0.3862,0.1127,134553.0,0.0085,0.0007,0.8397,0.0479,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,2,6,2,skipconcat,max,399,1.0976,0.1637,134553.0,0.0455,0.0008,0.7628,0.024,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,2,6,2,skipconcat,mean,399,1.1721,0.0561,134553.0,0.043,0.0022,0.7115,0.0157,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,2,6,2,skipsum,add,399,0.3035,0.1346,135430.0,0.031,0.0064,0.9039,0.0566,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,2,6,2,skipsum,max,399,0.9241,0.1735,135430.0,0.0096,0.0009,0.7628,0.0327,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,2,6,2,skipsum,mean,399,1.0597,0.1391,135430.0,0.0115,0.0006,0.7372,0.0327,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,2,6,3,skipconcat,add,399,0.4194,0.1224,141786.0,0.011,0.0017,0.859,0.024,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,2,6,3,skipconcat,max,399,0.9191,0.0855,141786.0,0.0131,0.0035,0.7757,0.0327,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,2,6,3,skipconcat,mean,399,1.3498,0.2529,141786.0,0.0462,0.0086,0.6923,0.0314,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,2,6,3,skipsum,add,399,0.5073,0.2388,133926.0,0.0101,0.0007,0.8718,0.0327,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,2,6,3,skipsum,max,399,0.7908,0.1563,133926.0,0.0121,0.0026,0.7564,0.0363,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,2,6,3,skipsum,mean,399,0.9184,0.0531,133926.0,0.0108,0.0019,0.75,0.0157,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,2,8,2,skipconcat,add,399,0.3947,0.0663,139610.0,0.047,0.003,0.8718,0.0363,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,2,8,2,skipconcat,max,399,1.2362,0.1543,139610.0,0.0126,0.0018,0.7372,0.0327,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,2,8,2,skipconcat,mean,399,1.0604,0.182,139610.0,0.0134,0.0018,0.6923,0.0157,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,2,8,2,skipsum,add,399,0.3276,0.1337,134298.0,0.0116,0.0007,0.8782,0.0239,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,2,8,2,skipsum,max,399,0.917,0.2089,134298.0,0.0123,0.0026,0.7693,0.072,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,2,8,2,skipsum,mean,399,1.0333,0.1008,134298.0,0.0117,0.0012,0.7372,0.0453,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,2,8,3,skipconcat,add,399,0.4349,0.1989,137442.0,0.0159,0.0038,0.8461,0.0566,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,2,8,3,skipconcat,max,399,0.9212,0.0882,137442.0,0.0118,0.0021,0.7885,0.0272,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,2,8,3,skipconcat,mean,399,1.1557,0.3683,137442.0,0.0473,0.0051,0.75,0.072,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,2,8,3,skipsum,add,399,0.4232,0.1868,135057.0,0.0328,0.0013,0.8782,0.0239,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,2,8,3,skipsum,max,399,0.927,0.0802,135057.0,0.0146,0.001,0.75,0.0471,,,,,,,,
-nx,scalefree,graph,True,node_clustering_coefficient,graph_path_len,2,8,3,skipsum,mean,399,0.9133,0.1441,135057.0,0.0291,0.0019,0.7564,0.0654,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,1,2,2,skipconcat,add,399,0.4404,0.0168,136296.0,0.0315,0.0007,0.7949,0.0091,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,1,2,2,skipconcat,max,399,1.6295,0.0123,136296.0,0.0128,0.0018,0.1346,0.0272,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,1,2,2,skipconcat,mean,399,734.8276,158.6322,136296.0,0.01,0.0007,0.2372,0.0395,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,1,2,2,skipsum,add,399,0.4802,0.06,134790.0,0.0268,0.002,0.7756,0.0091,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,1,2,2,skipsum,max,399,1.6295,0.013,134790.0,0.0097,0.0017,0.1346,0.0272,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,1,2,2,skipsum,mean,399,441.3496,106.2145,134790.0,0.0088,0.0012,0.2372,0.0395,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,1,2,3,skipconcat,add,399,0.447,0.05,134543.0,0.0089,0.0022,0.7692,0.0628,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,1,2,3,skipconcat,max,399,1.6295,0.0132,134543.0,0.0121,0.0042,0.1346,0.0272,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,1,2,3,skipconcat,mean,399,226.174,21.111,134543.0,0.011,0.0008,0.2372,0.0395,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,1,2,3,skipsum,add,399,0.4899,0.0606,134286.0,0.0089,0.0019,0.8141,0.0091,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,1,2,3,skipsum,max,399,1.6292,0.0126,134286.0,0.0106,0.0008,0.1346,0.0272,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,1,2,3,skipsum,mean,399,154.8686,18.2931,134286.0,0.0099,0.0028,0.2372,0.0395,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,1,4,2,skipconcat,add,399,0.4439,0.1639,138018.0,0.0085,0.0009,0.8269,0.0566,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,1,4,2,skipconcat,max,399,1.6294,0.0128,138018.0,0.0081,0.0005,0.1346,0.0272,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,1,4,2,skipconcat,mean,399,4.2032,0.4068,138018.0,0.0113,0.0024,0.2372,0.0395,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,1,4,2,skipsum,add,399,0.4683,0.1348,134119.0,0.0103,0.0007,0.8141,0.0327,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,1,4,2,skipsum,max,399,1.6298,0.0127,134119.0,0.015,0.0053,0.1346,0.0272,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,1,4,2,skipsum,mean,399,5.4335,0.3831,134119.0,0.0104,0.0011,0.2372,0.0395,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,1,4,3,skipconcat,add,399,0.4399,0.1598,135648.0,0.054,0.0041,0.8141,0.0594,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,1,4,3,skipconcat,max,399,1.6294,0.0129,135648.0,0.0364,0.0024,0.1346,0.0272,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,1,4,3,skipconcat,mean,399,6.5907,1.2023,135648.0,0.0402,0.0036,0.2372,0.0395,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,1,4,3,skipsum,add,399,0.4663,0.1332,134070.0,0.0114,0.0024,0.8269,0.0566,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,1,4,3,skipsum,max,399,1.6295,0.0129,134070.0,0.0111,0.0018,0.1346,0.0272,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,1,4,3,skipsum,mean,399,4.2216,1.3342,134070.0,0.0284,0.003,0.2372,0.0395,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,1,6,2,skipconcat,add,399,0.4372,0.113,138782.0,0.0112,0.0012,0.8398,0.0091,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,1,6,2,skipconcat,max,399,1.629,0.0125,138782.0,0.0115,0.0025,0.141,0.024,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,1,6,2,skipconcat,mean,399,5.5503,1.3778,138782.0,0.0116,0.0004,0.2372,0.0395,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,1,6,2,skipsum,add,399,0.4453,0.1205,133830.0,0.0095,0.0009,0.8269,0.0314,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,1,6,2,skipsum,max,399,1.6298,0.0132,133830.0,0.0146,0.0042,0.1346,0.0272,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,1,6,2,skipsum,mean,399,5.2961,0.3388,133830.0,0.0294,0.0033,0.2372,0.0395,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,1,6,3,skipconcat,add,399,0.439,0.1542,140562.0,0.0437,0.0027,0.8333,0.0594,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,1,6,3,skipconcat,max,399,1.629,0.0121,140562.0,0.0435,0.0075,0.1346,0.0272,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,1,6,3,skipconcat,mean,399,4.2271,1.2587,140562.0,0.015,0.0016,0.2372,0.0395,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,1,6,3,skipsum,add,399,0.4243,0.1006,135430.0,0.0298,0.0027,0.859,0.024,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,1,6,3,skipsum,max,399,1.6294,0.013,135430.0,0.012,0.0016,0.1346,0.0272,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,1,6,3,skipsum,mean,399,2.0484,0.1145,135430.0,0.0099,0.0011,0.1923,0.0157,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,1,8,2,skipconcat,add,399,0.4257,0.1428,138386.0,0.0106,0.0014,0.8334,0.0327,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,1,8,2,skipconcat,max,399,1.63,0.0132,138386.0,0.0116,0.0021,0.1346,0.0272,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,1,8,2,skipconcat,mean,399,5.0374,2.0809,138386.0,0.0116,0.0014,0.2372,0.0395,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,1,8,2,skipsum,add,399,0.4454,0.1347,133926.0,0.011,0.0006,0.8269,0.0471,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,1,8,2,skipsum,max,399,1.6287,0.0123,133926.0,0.0281,0.0022,0.1346,0.0272,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,1,8,2,skipsum,mean,399,5.3681,1.2943,133926.0,0.0385,0.0121,0.2372,0.0395,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,1,8,3,skipconcat,add,399,0.4645,0.1427,136714.0,0.0137,0.0014,0.8654,0.0566,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,1,8,3,skipconcat,max,399,1.6296,0.0132,136714.0,0.0126,0.001,0.1346,0.0272,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,1,8,3,skipconcat,mean,399,4.2073,0.8698,136714.0,0.0113,0.0012,0.2372,0.0395,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,1,8,3,skipsum,add,399,0.4856,0.1414,134298.0,0.0138,0.0016,0.8269,0.0314,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,1,8,3,skipsum,max,399,1.6299,0.0127,134298.0,0.0271,0.0017,0.1346,0.0272,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,1,8,3,skipsum,mean,399,3.0632,1.761,134298.0,0.0109,0.0026,0.218,0.0505,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,2,2,2,skipconcat,add,399,0.4374,0.0262,136659.0,0.0108,0.0018,0.8205,0.024,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,2,2,2,skipconcat,max,399,1.6295,0.013,136659.0,0.0328,0.0043,0.1346,0.0272,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,2,2,2,skipconcat,mean,399,516.6363,167.9161,136659.0,0.0313,0.0021,0.2372,0.0395,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,2,2,2,skipsum,add,399,0.5004,0.0142,134286.0,0.0286,0.001,0.8077,0.0157,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,2,2,2,skipsum,max,399,1.6292,0.0126,134286.0,0.0111,0.0006,0.1346,0.0272,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,2,2,2,skipsum,mean,399,841.6899,60.5986,134286.0,0.0086,0.001,0.2372,0.0395,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,2,2,3,skipconcat,add,399,0.4046,0.0184,137442.0,0.0086,0.0011,0.8269,0.0157,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,2,2,3,skipconcat,max,399,1.6298,0.0127,137442.0,0.0275,0.0016,0.1346,0.0272,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,2,2,3,skipconcat,mean,399,637.262,48.9338,137442.0,0.0066,0.0002,0.2372,0.0395,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,2,2,3,skipsum,add,399,0.4582,0.096,134119.0,0.0093,0.0014,0.8205,0.0181,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,2,2,3,skipsum,max,399,1.6292,0.0126,134119.0,0.0102,0.0016,0.1346,0.0272,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,2,2,3,skipsum,mean,399,455.7608,42.3339,134119.0,0.0099,0.0006,0.2372,0.0395,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,2,4,2,skipconcat,add,399,0.4485,0.1062,137500.0,0.012,0.0031,0.7949,0.0327,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,2,4,2,skipconcat,max,399,1.6293,0.0128,137500.0,0.0164,0.0083,0.1346,0.0272,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,2,4,2,skipconcat,mean,399,4.2547,1.1408,137500.0,0.0147,0.0077,0.2372,0.0395,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,2,4,2,skipsum,add,399,0.4637,0.1331,134070.0,0.0091,0.0008,0.8205,0.0327,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,2,4,2,skipsum,max,399,1.6295,0.0129,134070.0,0.0101,0.0002,0.1346,0.0272,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,2,4,2,skipsum,mean,399,12.8844,4.6626,134070.0,0.0142,0.0061,0.2372,0.0395,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,2,4,3,skipconcat,add,399,0.4154,0.064,137951.0,0.01,0.0012,0.8333,0.024,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,2,4,3,skipconcat,max,399,1.6293,0.0132,137951.0,0.0103,0.002,0.1346,0.0272,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,2,4,3,skipconcat,mean,399,10.4237,6.0943,137951.0,0.0128,0.0048,0.2372,0.0395,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,2,4,3,skipsum,add,399,0.4522,0.1427,133830.0,0.0325,0.0028,0.8334,0.0181,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,2,4,3,skipsum,max,399,1.6303,0.0131,133830.0,0.0348,0.0026,0.1346,0.0272,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,2,4,3,skipsum,mean,399,3.772,0.364,133830.0,0.0285,0.0018,0.218,0.0505,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,2,6,2,skipconcat,add,399,0.4074,0.0514,134553.0,0.0491,0.0052,0.8333,0.0091,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,2,6,2,skipconcat,max,399,1.6297,0.013,134553.0,0.0105,0.0021,0.1346,0.0272,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,2,6,2,skipconcat,mean,399,6.3396,3.1582,134553.0,0.012,0.0004,0.2372,0.0395,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,2,6,2,skipsum,add,399,0.4679,0.1538,135430.0,0.0246,0.0022,0.8013,0.0395,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,2,6,2,skipsum,max,399,1.6294,0.013,135430.0,0.0334,0.0047,0.1346,0.0272,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,2,6,2,skipsum,mean,399,3.9945,0.2616,135430.0,0.0263,0.0021,0.2372,0.0395,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,2,6,3,skipconcat,add,399,0.4002,0.0832,141786.0,0.0152,0.0011,0.859,0.0363,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,2,6,3,skipconcat,max,399,1.6293,0.0128,141786.0,0.013,0.0002,0.1346,0.0272,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,2,6,3,skipconcat,mean,399,3.6824,0.7551,141786.0,0.0134,0.0009,0.2372,0.0395,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,2,6,3,skipsum,add,399,0.452,0.135,133926.0,0.0124,0.0025,0.8333,0.048,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,2,6,3,skipsum,max,399,1.631,0.0141,133926.0,0.0087,0.0003,0.1346,0.0272,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,2,6,3,skipsum,mean,399,5.7491,2.2769,133926.0,0.013,0.0019,0.2244,0.048,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,2,8,2,skipconcat,add,399,0.4522,0.1159,139610.0,0.0101,0.0022,0.8269,0.0416,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,2,8,2,skipconcat,max,399,1.6298,0.0131,139610.0,0.0131,0.0012,0.1346,0.0272,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,2,8,2,skipconcat,mean,399,3.9867,1.039,139610.0,0.0157,0.0009,0.2372,0.0395,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,2,8,2,skipsum,add,399,0.4555,0.1143,134298.0,0.013,0.0007,0.8141,0.0327,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,2,8,2,skipsum,max,399,1.6299,0.0127,134298.0,0.0341,0.0022,0.1346,0.0272,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,2,8,2,skipsum,mean,399,3.9194,1.2366,134298.0,0.0133,0.0019,0.2436,0.0327,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,2,8,3,skipconcat,add,399,0.3882,0.0935,137442.0,0.0539,0.0034,0.8333,0.048,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,2,8,3,skipconcat,max,399,1.6294,0.0134,137442.0,0.0131,0.0009,0.1346,0.0272,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,2,8,3,skipconcat,mean,399,2.6232,0.5287,137442.0,0.0113,0.0012,0.2372,0.0395,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,2,8,3,skipsum,add,399,0.4711,0.1386,135057.0,0.0114,0.0004,0.8205,0.0181,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,2,8,3,skipsum,max,399,1.6293,0.0131,135057.0,0.0342,0.0039,0.1346,0.0272,,,,,,,,
-nx,scalefree,graph,True,node_const,graph_path_len,2,8,3,skipsum,mean,399,5.9844,1.8898,135057.0,0.0118,0.0019,0.2372,0.0395,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,1,2,2,skipconcat,add,399,1.3884,0.2045,136296.0,0.0089,0.0011,0.6667,0.0504,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,1,2,2,skipconcat,max,399,1.5192,0.1391,136296.0,0.0348,0.0016,0.5898,0.0865,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,1,2,2,skipconcat,mean,399,1.8848,0.3928,136296.0,0.0109,0.0008,0.5577,0.0272,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,1,2,2,skipsum,add,399,1.1666,0.1972,134790.0,0.0307,0.001,0.6923,0.0314,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,1,2,2,skipsum,max,399,1.3299,0.418,134790.0,0.028,0.0,0.6795,0.096,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,1,2,2,skipsum,mean,399,1.6654,0.3113,134790.0,0.0088,0.0007,0.609,0.0181,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,1,2,3,skipconcat,add,399,1.048,0.2526,134543.0,0.0286,0.0017,0.6987,0.0725,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,1,2,3,skipconcat,max,399,1.6077,0.1741,134543.0,0.0351,0.0023,0.6218,0.0327,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,1,2,3,skipconcat,mean,399,1.3055,0.1488,134543.0,0.0123,0.0034,0.641,0.0551,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,1,2,3,skipsum,add,399,1.0413,0.2548,134286.0,0.0079,0.0007,0.7051,0.048,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,1,2,3,skipsum,max,399,1.4462,0.3558,134286.0,0.0084,0.0013,0.6346,0.0955,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,1,2,3,skipsum,mean,399,1.4349,0.1554,134286.0,0.0081,0.0005,0.6346,0.0719,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,1,4,2,skipconcat,add,399,1.0713,0.1045,138018.0,0.04,0.0008,0.7179,0.0395,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,1,4,2,skipconcat,max,399,1.5394,0.2966,138018.0,0.041,0.0028,0.6346,0.0314,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,1,4,2,skipconcat,mean,399,1.6116,0.1535,138018.0,0.0394,0.0054,0.5705,0.0091,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,1,4,2,skipsum,add,399,0.9997,0.3113,134119.0,0.0113,0.0021,0.7179,0.0453,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,1,4,2,skipsum,max,399,1.6659,0.0606,134119.0,0.0105,0.0007,0.6282,0.0181,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,1,4,2,skipsum,mean,399,1.6076,0.1708,134119.0,0.043,0.0091,0.5897,0.0327,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,1,4,3,skipconcat,add,399,1.0821,0.1035,135648.0,0.0092,0.0013,0.7115,0.0272,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,1,4,3,skipconcat,max,399,1.6962,0.3169,135648.0,0.0167,0.0064,0.5897,0.0505,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,1,4,3,skipconcat,mean,399,1.4781,0.1596,135648.0,0.0116,0.0004,0.641,0.0327,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,1,4,3,skipsum,add,399,0.8158,0.1938,134070.0,0.0112,0.0016,0.7756,0.024,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,1,4,3,skipsum,max,399,1.2831,0.1456,134070.0,0.0095,0.0024,0.6667,0.0504,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,1,4,3,skipsum,mean,399,1.4131,0.2567,134070.0,0.0309,0.0035,0.641,0.0327,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,1,6,2,skipconcat,add,399,1.2313,0.2353,138782.0,0.0452,0.0023,0.6795,0.0594,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,1,6,2,skipconcat,max,399,1.4734,0.335,138782.0,0.0107,0.0015,0.6538,0.072,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,1,6,2,skipconcat,mean,399,1.4938,0.2675,138782.0,0.0128,0.0009,0.6538,0.0314,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,1,6,2,skipsum,add,399,0.8527,0.1201,133830.0,0.0316,0.0007,0.7692,0.0415,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,1,6,2,skipsum,max,399,1.4709,0.1331,133830.0,0.0315,0.0018,0.6218,0.0947,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,1,6,2,skipsum,mean,399,1.4533,0.1488,133830.0,0.0094,0.0009,0.6218,0.0239,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,1,6,3,skipconcat,add,399,1.0801,0.1398,140562.0,0.0101,0.0016,0.6987,0.0725,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,1,6,3,skipconcat,max,399,1.3941,0.3766,140562.0,0.0474,0.0028,0.641,0.0551,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,1,6,3,skipconcat,mean,399,1.4737,0.3353,140562.0,0.042,0.0028,0.6346,0.0471,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,1,6,3,skipsum,add,399,1.0109,0.1166,135430.0,0.0098,0.0012,0.7243,0.0635,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,1,6,3,skipsum,max,399,1.4485,0.0349,135430.0,0.026,0.0001,0.609,0.0551,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,1,6,3,skipsum,mean,399,1.5018,0.452,135430.0,0.0287,0.003,0.609,0.0395,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,1,8,2,skipconcat,add,399,1.0994,0.0529,138386.0,0.0116,0.0016,0.7115,0.0471,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,1,8,2,skipconcat,max,399,1.5639,0.2701,138386.0,0.0122,0.0015,0.6346,0.0314,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,1,8,2,skipconcat,mean,399,1.7395,0.2341,138386.0,0.0123,0.002,0.6154,0.0157,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,1,8,2,skipsum,add,399,1.0282,0.193,133926.0,0.0316,0.0023,0.7051,0.048,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,1,8,2,skipsum,max,399,1.4515,0.2279,133926.0,0.0124,0.0014,0.6538,0.0314,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,1,8,2,skipsum,mean,399,1.5691,0.0876,133926.0,0.0106,0.0007,0.6602,0.024,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,1,8,3,skipconcat,add,399,0.9867,0.111,136714.0,0.0141,0.0014,0.7051,0.0654,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,1,8,3,skipconcat,max,399,1.5701,0.3634,136714.0,0.0427,0.002,0.6154,0.1099,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,1,8,3,skipconcat,mean,399,1.5719,0.2806,136714.0,0.0129,0.0014,0.6346,0.0566,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,1,8,3,skipsum,add,399,0.8848,0.0184,134298.0,0.014,0.0015,0.7564,0.0091,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,1,8,3,skipsum,max,399,1.3723,0.1514,134298.0,0.0119,0.0007,0.6603,0.0551,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,1,8,3,skipsum,mean,399,1.4518,0.106,134298.0,0.0136,0.0012,0.6538,0.0,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,2,2,2,skipconcat,add,399,1.1018,0.0118,136659.0,0.0081,0.0012,0.7051,0.0395,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,2,2,2,skipconcat,max,399,1.4465,0.141,136659.0,0.0128,0.0054,0.5962,0.0471,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,2,2,2,skipconcat,mean,399,1.6223,0.1765,136659.0,0.008,0.0012,0.6346,0.0272,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,2,2,2,skipsum,add,399,1.1625,0.023,134286.0,0.0086,0.0005,0.6987,0.0327,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,2,2,2,skipsum,max,399,1.2985,0.1182,134286.0,0.0384,0.0079,0.6923,0.0157,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,2,2,2,skipsum,mean,399,1.5942,0.1387,134286.0,0.01,0.0022,0.5577,0.0314,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,2,2,3,skipconcat,add,399,1.2965,0.3316,137442.0,0.041,0.0116,0.6795,0.0865,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,2,2,3,skipconcat,max,399,1.6607,0.166,137442.0,0.011,0.0008,0.6218,0.0395,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,2,2,3,skipconcat,mean,399,1.8672,0.2121,137442.0,0.0086,0.0013,0.6282,0.0395,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,2,2,3,skipsum,add,399,1.1913,0.1784,134119.0,0.0324,0.0038,0.6923,0.0272,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,2,2,3,skipsum,max,399,1.5016,0.3027,134119.0,0.0266,0.0021,0.6538,0.0314,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,2,2,3,skipsum,mean,399,1.6199,0.1852,134119.0,0.0108,0.0019,0.609,0.048,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,2,4,2,skipconcat,add,399,1.0311,0.2386,137500.0,0.0104,0.0012,0.7436,0.0551,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,2,4,2,skipconcat,max,399,1.2345,0.0309,137500.0,0.0407,0.0006,0.6923,0.0157,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,2,4,2,skipconcat,mean,399,1.5584,0.1488,137500.0,0.0096,0.001,0.6538,0.0415,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,2,4,2,skipsum,add,399,0.9361,0.222,134070.0,0.0094,0.0019,0.7756,0.024,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,2,4,2,skipsum,max,399,1.4874,0.1208,134070.0,0.0124,0.0034,0.5898,0.0363,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,2,4,2,skipsum,mean,399,1.4003,0.3294,134070.0,0.0274,0.0024,0.6987,0.0708,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,2,4,3,skipconcat,add,399,1.0189,0.0635,137951.0,0.009,0.0013,0.75,0.0157,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,2,4,3,skipconcat,max,399,1.5501,0.3038,137951.0,0.0118,0.0019,0.6282,0.0806,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,2,4,3,skipconcat,mean,399,1.5655,0.0704,137951.0,0.0115,0.0005,0.6154,0.0157,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,2,4,3,skipsum,add,399,1.0461,0.1096,133830.0,0.0373,0.0119,0.7243,0.0327,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,2,4,3,skipsum,max,399,1.2425,0.1858,133830.0,0.0137,0.0051,0.6923,0.0719,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,2,4,3,skipsum,mean,399,1.4385,0.3667,133830.0,0.0108,0.0017,0.6282,0.0775,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,2,6,2,skipconcat,add,399,1.3981,0.1965,134553.0,0.0481,0.0011,0.6474,0.0551,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,2,6,2,skipconcat,max,399,1.7786,0.4485,134553.0,0.0434,0.0024,0.5705,0.0865,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,2,6,2,skipconcat,mean,399,1.8032,0.0564,134553.0,0.0444,0.0009,0.6282,0.0181,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,2,6,2,skipsum,add,399,1.0245,0.022,135430.0,0.0117,0.0018,0.7372,0.0327,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,2,6,2,skipsum,max,399,1.4625,0.1394,135430.0,0.0306,0.0031,0.5962,0.0544,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,2,6,2,skipsum,mean,399,1.6882,0.2844,135430.0,0.012,0.0015,0.5897,0.0181,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,2,6,3,skipconcat,add,399,1.0321,0.2628,141786.0,0.0094,0.0005,0.7372,0.048,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,2,6,3,skipconcat,max,399,1.4623,0.2061,141786.0,0.0096,0.0008,0.6346,0.0157,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,2,6,3,skipconcat,mean,399,1.6064,0.1945,141786.0,0.0408,0.0006,0.641,0.024,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,2,6,3,skipsum,add,399,1.158,0.053,133926.0,0.0117,0.0025,0.6987,0.024,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,2,6,3,skipsum,max,399,1.3744,0.0638,133926.0,0.0128,0.0013,0.6538,0.0471,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,2,6,3,skipsum,mean,399,1.578,0.1025,133926.0,0.0127,0.0011,0.609,0.0181,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,2,8,2,skipconcat,add,399,1.1818,0.0187,139610.0,0.0122,0.0021,0.7308,0.0157,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,2,8,2,skipconcat,max,399,1.5208,0.1624,139610.0,0.0529,0.0031,0.6346,0.0314,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,2,8,2,skipconcat,mean,399,1.6773,0.0634,139610.0,0.011,0.0013,0.6731,0.0157,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,2,8,2,skipsum,add,399,1.0461,0.2423,134298.0,0.0337,0.0007,0.7756,0.0363,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,2,8,2,skipsum,max,399,1.4868,0.3258,134298.0,0.0116,0.0007,0.6667,0.0959,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,2,8,2,skipsum,mean,399,1.7384,0.317,134298.0,0.0139,0.0031,0.609,0.048,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,2,8,3,skipconcat,add,399,0.9511,0.1947,137442.0,0.0123,0.0004,0.7692,0.0685,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,2,8,3,skipconcat,max,399,1.6954,0.2835,137442.0,0.047,0.0062,0.5962,0.072,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,2,8,3,skipconcat,mean,399,1.6679,0.2644,137442.0,0.0425,0.0003,0.6346,0.0471,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,2,8,3,skipsum,add,399,1.0493,0.1183,135057.0,0.0303,0.0009,0.718,0.0327,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,2,8,3,skipsum,max,399,1.3659,0.1312,135057.0,0.0113,0.002,0.6474,0.0181,,,,,,,,
-nx,scalefree,graph,True,node_onehot,graph_path_len,2,8,3,skipsum,mean,399,1.763,0.229,135057.0,0.0126,0.0016,0.5833,0.0708,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,1,2,2,skipconcat,add,399,0.9297,0.269,136296.0,0.0077,0.0012,0.7756,0.0363,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,1,2,2,skipconcat,max,399,1.2704,0.1216,136296.0,0.01,0.0009,0.6731,0.0157,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,1,2,2,skipconcat,mean,399,1.1135,0.2349,136296.0,0.011,0.0003,0.7372,0.048,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,1,2,2,skipsum,add,399,0.9473,0.2191,134790.0,0.0274,0.0026,0.7628,0.0395,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,1,2,2,skipsum,max,399,1.1521,0.2672,134790.0,0.0087,0.0029,0.7436,0.0395,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,1,2,2,skipsum,mean,399,0.8647,0.1208,134790.0,0.0081,0.0008,0.7244,0.0395,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,1,2,3,skipconcat,add,399,0.8628,0.2954,134543.0,0.0324,0.0034,0.7885,0.0471,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,1,2,3,skipconcat,max,399,1.2165,0.4138,134543.0,0.044,0.0111,0.6667,0.0725,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,1,2,3,skipconcat,mean,399,1.1946,0.1343,134543.0,0.0096,0.0016,0.7243,0.0327,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,1,2,3,skipsum,add,399,0.9093,0.1399,134286.0,0.0094,0.0024,0.7821,0.0363,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,1,2,3,skipsum,max,399,1.1069,0.2978,134286.0,0.0096,0.0029,0.7372,0.024,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,1,2,3,skipsum,mean,399,0.915,0.1203,134286.0,0.0101,0.0006,0.7757,0.0327,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,1,4,2,skipconcat,add,399,0.8255,0.2931,138018.0,0.0093,0.0017,0.8013,0.079,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,1,4,2,skipconcat,max,399,1.1826,0.2976,138018.0,0.0103,0.0016,0.7243,0.0181,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,1,4,2,skipconcat,mean,399,1.0212,0.2764,138018.0,0.0137,0.0034,0.7564,0.0505,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,1,4,2,skipsum,add,399,0.8949,0.1741,134119.0,0.0354,0.0034,0.7821,0.024,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,1,4,2,skipsum,max,399,1.3103,0.254,134119.0,0.0091,0.0011,0.7564,0.0505,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,1,4,2,skipsum,mean,399,0.9917,0.2021,134119.0,0.0247,0.0007,0.75,0.0157,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,1,4,3,skipconcat,add,399,0.7963,0.2291,135648.0,0.0113,0.0013,0.8141,0.0363,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,1,4,3,skipconcat,max,399,1.2027,0.1403,135648.0,0.0114,0.0015,0.75,0.0272,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,1,4,3,skipconcat,mean,399,1.0922,0.2988,135648.0,0.0096,0.0012,0.7564,0.024,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,1,4,3,skipsum,add,399,0.8627,0.0873,134070.0,0.0104,0.0009,0.8077,0.0157,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,1,4,3,skipsum,max,399,1.1976,0.3182,134070.0,0.0304,0.0028,0.7372,0.024,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,1,4,3,skipsum,mean,399,0.8067,0.0795,134070.0,0.0319,0.0043,0.8013,0.024,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,1,6,2,skipconcat,add,399,0.8052,0.3056,138782.0,0.0114,0.0017,0.7885,0.0628,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,1,6,2,skipconcat,max,399,1.2192,0.1706,138782.0,0.0119,0.0019,0.7051,0.0091,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,1,6,2,skipconcat,mean,399,1.1104,0.0911,138782.0,0.0128,0.0001,0.7179,0.0395,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,1,6,2,skipsum,add,399,0.8339,0.2043,133830.0,0.0121,0.0018,0.7756,0.0594,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,1,6,2,skipsum,max,399,1.0738,0.3808,133830.0,0.0129,0.0047,0.7756,0.0654,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,1,6,2,skipsum,mean,399,0.945,0.171,133830.0,0.0137,0.0014,0.8013,0.0505,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,1,6,3,skipconcat,add,399,0.7903,0.1718,140562.0,0.0118,0.0024,0.8205,0.0395,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,1,6,3,skipconcat,max,399,1.2621,0.1634,140562.0,0.0118,0.0012,0.7372,0.024,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,1,6,3,skipconcat,mean,399,0.9554,0.1255,140562.0,0.0112,0.0013,0.7564,0.0327,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,1,6,3,skipsum,add,399,0.7132,0.1041,135430.0,0.0084,0.0006,0.8205,0.0091,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,1,6,3,skipsum,max,399,0.9976,0.2772,135430.0,0.0152,0.0032,0.7243,0.0505,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,1,6,3,skipsum,mean,399,0.7927,0.0443,135430.0,0.0365,0.0018,0.7885,0.0628,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,1,8,2,skipconcat,add,399,0.853,0.2753,138386.0,0.0547,0.0004,0.7885,0.0415,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,1,8,2,skipconcat,max,399,1.3413,0.2642,138386.0,0.0144,0.0007,0.7115,0.0157,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,1,8,2,skipconcat,mean,399,1.0316,0.3238,138386.0,0.0514,0.0061,0.7436,0.0594,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,1,8,2,skipsum,add,399,0.7568,0.1677,133926.0,0.0329,0.0014,0.8333,0.0091,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,1,8,2,skipsum,max,399,1.1726,0.3845,133926.0,0.0319,0.0029,0.7564,0.0806,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,1,8,2,skipsum,mean,399,0.9692,0.0916,133926.0,0.0102,0.0014,0.7372,0.0181,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,1,8,3,skipconcat,add,399,0.7242,0.1723,136714.0,0.0114,0.0022,0.8397,0.0327,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,1,8,3,skipconcat,max,399,1.1949,0.5195,136714.0,0.0122,0.0019,0.718,0.0893,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,1,8,3,skipconcat,mean,399,1.1087,0.2203,136714.0,0.0419,0.0006,0.7244,0.0552,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,1,8,3,skipsum,add,399,0.8183,0.1646,134298.0,0.0362,0.0046,0.8269,0.0416,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,1,8,3,skipsum,max,399,1.1199,0.2105,134298.0,0.0105,0.0007,0.7308,0.0314,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,1,8,3,skipsum,mean,399,0.6859,0.0268,134298.0,0.0126,0.0018,0.7821,0.024,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,2,2,2,skipconcat,add,399,1.0501,0.3536,136659.0,0.0326,0.0029,0.7628,0.0327,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,2,2,2,skipconcat,max,399,1.0837,0.4828,136659.0,0.01,0.0017,0.75,0.0874,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,2,2,2,skipconcat,mean,399,1.2466,0.2221,136659.0,0.0328,0.0015,0.6859,0.0893,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,2,2,2,skipsum,add,399,1.1833,0.3081,134286.0,0.0085,0.0011,0.7308,0.0157,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,2,2,2,skipsum,max,399,1.2032,0.1204,134286.0,0.0078,0.0016,0.7308,0.0157,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,2,2,2,skipsum,mean,399,1.1048,0.1016,134286.0,0.0246,0.0029,0.7244,0.0395,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,2,2,3,skipconcat,add,399,0.924,0.1131,137442.0,0.0094,0.0007,0.7885,0.0157,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,2,2,3,skipconcat,max,399,1.1639,0.3655,137442.0,0.0119,0.0005,0.7436,0.0551,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,2,2,3,skipconcat,mean,399,1.2486,0.1043,137442.0,0.0096,0.0006,0.6987,0.0551,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,2,2,3,skipsum,add,399,1.0209,0.2005,134119.0,0.0092,0.0014,0.7308,0.0272,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,2,2,3,skipsum,max,399,1.1086,0.3535,134119.0,0.011,0.0024,0.7308,0.0471,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,2,2,3,skipsum,mean,399,0.8958,0.2032,134119.0,0.009,0.0009,0.7628,0.0395,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,2,4,2,skipconcat,add,399,0.9707,0.2922,137500.0,0.0379,0.0013,0.7564,0.0505,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,2,4,2,skipconcat,max,399,1.1768,0.1386,137500.0,0.0093,0.001,0.7179,0.024,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,2,4,2,skipconcat,mean,399,1.2779,0.3863,137500.0,0.0104,0.0016,0.7372,0.024,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,2,4,2,skipsum,add,399,0.9476,0.2193,134070.0,0.0107,0.002,0.7692,0.0157,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,2,4,2,skipsum,max,399,1.0717,0.2499,134070.0,0.029,0.0021,0.7628,0.0181,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,2,4,2,skipsum,mean,399,0.9916,0.3173,134070.0,0.0342,0.0067,0.7308,0.0816,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,2,4,3,skipconcat,add,399,0.8958,0.2609,137951.0,0.0128,0.0009,0.7692,0.0566,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,2,4,3,skipconcat,max,399,1.0869,0.3734,137951.0,0.0377,0.001,0.8077,0.0684,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,2,4,3,skipconcat,mean,399,1.1976,0.3097,137951.0,0.0124,0.0018,0.7115,0.0415,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,2,4,3,skipsum,add,399,0.7417,0.2149,133830.0,0.0137,0.0071,0.8013,0.024,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,2,4,3,skipsum,max,399,1.1171,0.1291,133830.0,0.0118,0.0026,0.7821,0.0395,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,2,4,3,skipsum,mean,399,0.8442,0.2379,133830.0,0.0109,0.0007,0.75,0.0544,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,2,6,2,skipconcat,add,399,0.8913,0.2468,134553.0,0.0114,0.0015,0.7692,0.0314,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,2,6,2,skipconcat,max,399,1.1114,0.2028,134553.0,0.0103,0.0012,0.7692,0.0415,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,2,6,2,skipconcat,mean,399,1.2994,0.2103,134553.0,0.0109,0.0017,0.6923,0.0471,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,2,6,2,skipsum,add,399,0.8776,0.1481,135430.0,0.0285,0.0043,0.7757,0.0327,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,2,6,2,skipsum,max,399,1.1754,0.3193,135430.0,0.0315,0.0044,0.7179,0.0708,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,2,6,2,skipsum,mean,399,0.8687,0.1342,135430.0,0.0141,0.0009,0.7179,0.048,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,2,6,3,skipconcat,add,399,0.9361,0.1785,141786.0,0.0105,0.0014,0.782,0.0327,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,2,6,3,skipconcat,max,399,1.1446,0.1884,141786.0,0.012,0.0008,0.7372,0.0635,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,2,6,3,skipconcat,mean,399,1.3263,0.3512,141786.0,0.0167,0.0078,0.7244,0.024,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,2,6,3,skipsum,add,399,0.971,0.1449,133926.0,0.0374,0.0146,0.7757,0.0181,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,2,6,3,skipsum,max,399,1.1423,0.1998,133926.0,0.0311,0.0023,0.7756,0.0395,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,2,6,3,skipsum,mean,399,0.8012,0.3021,133926.0,0.0122,0.0011,0.7436,0.0551,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,2,8,2,skipconcat,add,399,0.8081,0.267,139610.0,0.0116,0.0035,0.7885,0.0684,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,2,8,2,skipconcat,max,399,1.3123,0.1916,139610.0,0.0129,0.0022,0.7436,0.0181,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,2,8,2,skipconcat,mean,399,1.1803,0.1069,139610.0,0.012,0.0012,0.6987,0.048,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,2,8,2,skipsum,add,399,0.9002,0.1459,134298.0,0.0132,0.0017,0.7628,0.0181,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,2,8,2,skipsum,max,399,1.1504,0.1468,134298.0,0.0202,0.0104,0.7436,0.0634,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,2,8,2,skipsum,mean,399,1.0773,0.3131,134298.0,0.0128,0.0006,0.75,0.0955,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,2,8,3,skipconcat,add,399,0.9062,0.1793,137442.0,0.0559,0.0088,0.7821,0.048,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,2,8,3,skipconcat,max,399,1.1894,0.2227,137442.0,0.0104,0.0011,0.7564,0.0395,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,2,8,3,skipconcat,mean,399,1.1017,0.2939,137442.0,0.0609,0.0057,0.6987,0.0327,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,2,8,3,skipsum,add,399,0.8592,0.1897,135057.0,0.0337,0.0017,0.7949,0.0635,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,2,8,3,skipsum,max,399,0.921,0.2128,135057.0,0.0327,0.003,0.7564,0.0395,,,,,,,,
-nx,scalefree,graph,True,node_pagerank,graph_path_len,2,8,3,skipsum,mean,399,0.86,0.1879,135057.0,0.04,0.0096,0.7693,0.072,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,1,2,2,skipconcat,add,399,0.1355,0.0079,136296.0,0.0332,0.0028,0.944,0.0037,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,1,2,2,skipconcat,max,399,0.8963,0.0228,136296.0,0.0094,0.0017,0.7417,0.0045,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,1,2,2,skipconcat,mean,399,1.053,0.0203,136296.0,0.0291,0.0009,0.6916,0.0024,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,1,2,2,skipsum,add,399,0.1446,0.0064,134790.0,0.0235,0.0034,0.9428,0.0015,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,1,2,2,skipsum,max,399,0.9241,0.0099,134790.0,0.0103,0.0014,0.7481,0.0045,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,1,2,2,skipsum,mean,399,1.2498,0.0621,134790.0,0.0104,0.0009,0.6892,0.0018,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,1,2,3,skipconcat,add,399,0.1662,0.0151,134543.0,0.0104,0.0015,0.9408,0.0032,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,1,2,3,skipconcat,max,399,1.0818,0.0536,134543.0,0.0091,0.001,0.7335,0.006,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,1,2,3,skipconcat,mean,399,1.3108,0.0231,134543.0,0.0297,0.0017,0.6779,0.0027,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,1,2,3,skipsum,add,399,0.1569,0.0104,134286.0,0.0239,0.0016,0.942,0.0026,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,1,2,3,skipsum,max,399,1.0651,0.0569,134286.0,0.02,0.0009,0.7435,0.0045,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,1,2,3,skipsum,mean,399,1.3198,0.0135,134286.0,0.0228,0.0001,0.6847,0.0032,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,1,4,2,skipconcat,add,399,0.0743,0.0081,138018.0,0.0111,0.0015,0.969,0.0037,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,1,4,2,skipconcat,max,399,0.7914,0.0425,138018.0,0.017,0.0029,0.7799,0.0087,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,1,4,2,skipconcat,mean,399,1.1189,0.0103,138018.0,0.0316,0.0019,0.7044,0.0021,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,1,4,2,skipsum,add,399,0.0707,0.0079,134119.0,0.0281,0.0054,0.9707,0.0049,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,1,4,2,skipsum,max,399,0.7509,0.0347,134119.0,0.0124,0.0022,0.801,0.0054,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,1,4,2,skipsum,mean,399,1.2573,0.0351,134119.0,0.0111,0.0007,0.7028,0.0051,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,1,4,3,skipconcat,add,399,0.0801,0.0127,135648.0,0.0342,0.0009,0.9697,0.0044,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,1,4,3,skipconcat,max,399,0.981,0.0374,135648.0,0.0132,0.0028,0.775,0.0057,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,1,4,3,skipconcat,mean,399,1.2779,0.046,135648.0,0.0115,0.0017,0.7035,0.0057,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,1,4,3,skipsum,add,399,0.0686,0.0077,134070.0,0.0188,0.003,0.9726,0.003,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,1,4,3,skipsum,max,399,0.8504,0.0142,134070.0,0.0136,0.0009,0.8043,0.0054,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,1,4,3,skipsum,mean,399,1.2695,0.0112,134070.0,0.0125,0.0019,0.7057,0.0029,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,1,6,2,skipconcat,add,399,0.0685,0.0068,138782.0,0.0131,0.0023,0.9725,0.004,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,1,6,2,skipconcat,max,399,0.8082,0.0599,138782.0,0.0196,0.0014,0.7938,0.0079,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,1,6,2,skipconcat,mean,399,1.1366,0.0099,138782.0,0.0344,0.0016,0.7011,0.0044,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,1,6,2,skipsum,add,399,0.0594,0.008,133830.0,0.0127,0.0003,0.9747,0.0035,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,1,6,2,skipsum,max,399,0.7223,0.0381,133830.0,0.0267,0.0032,0.8143,0.007,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,1,6,2,skipsum,mean,399,1.2153,0.0112,133830.0,0.0248,0.0031,0.7095,0.0027,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,1,6,3,skipconcat,add,399,0.0758,0.0075,140562.0,0.0164,0.004,0.9698,0.003,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,1,6,3,skipconcat,max,399,0.8862,0.0293,140562.0,0.0414,0.0037,0.7944,0.0067,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,1,6,3,skipconcat,mean,399,1.2862,0.0313,140562.0,0.0426,0.0053,0.6976,0.0087,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,1,6,3,skipsum,add,399,0.0604,0.0038,135430.0,0.0284,0.0007,0.975,0.0013,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,1,6,3,skipsum,max,399,0.7571,0.0333,135430.0,0.0165,0.0012,0.8254,0.0026,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,1,6,3,skipsum,mean,399,1.2641,0.0152,135430.0,0.0133,0.0025,0.7086,0.0028,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,1,8,2,skipconcat,add,399,0.0715,0.0085,138386.0,0.0123,0.0025,0.9718,0.0034,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,1,8,2,skipconcat,max,399,0.8298,0.0447,138386.0,0.0136,0.0016,0.7845,0.0045,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,1,8,2,skipconcat,mean,399,1.1345,0.0085,138386.0,0.0225,0.0052,0.6987,0.0065,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,1,8,2,skipsum,add,399,0.0583,0.0045,133926.0,0.0269,0.0029,0.9763,0.0026,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,1,8,2,skipsum,max,399,0.711,0.0261,133926.0,0.0217,0.0036,0.8144,0.0047,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,1,8,2,skipsum,mean,399,1.1929,0.0322,133926.0,0.0202,0.0026,0.7149,0.0027,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,1,8,3,skipconcat,add,399,0.0741,0.0115,136714.0,0.0241,0.0065,0.9729,0.0033,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,1,8,3,skipconcat,max,399,0.8885,0.0053,136714.0,0.0152,0.0017,0.7967,0.0058,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,1,8,3,skipconcat,mean,399,1.2706,0.0329,136714.0,0.0157,0.0051,0.6993,0.01,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,1,8,3,skipsum,add,399,0.0575,0.0071,134298.0,0.0123,0.0015,0.9763,0.0041,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,1,8,3,skipsum,max,399,0.7189,0.0259,134298.0,0.0306,0.0054,0.8336,0.0051,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,1,8,3,skipsum,mean,399,1.258,0.0284,134298.0,0.0287,0.002,0.7164,0.0085,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,2,2,2,skipconcat,add,399,0.1401,0.0059,136659.0,0.0082,0.0004,0.946,0.0038,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,2,2,2,skipconcat,max,399,0.8181,0.0051,136659.0,0.0293,0.0027,0.757,0.0052,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,2,2,2,skipconcat,mean,399,1.1044,0.0126,136659.0,0.0123,0.0005,0.7018,0.0018,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,2,2,2,skipsum,add,399,0.1506,0.0063,134286.0,0.011,0.0018,0.9438,0.0024,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,2,2,2,skipsum,max,399,0.8488,0.0041,134286.0,0.0248,0.0007,0.7594,0.0011,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,2,2,2,skipsum,mean,399,1.182,0.0285,134286.0,0.0133,0.0014,0.7038,0.0041,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,2,2,3,skipconcat,add,399,0.1682,0.0085,137442.0,0.0288,0.0015,0.9422,0.0038,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,2,2,3,skipconcat,max,399,1.0297,0.0678,137442.0,0.0135,0.0032,0.7484,0.0056,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,2,2,3,skipconcat,mean,399,1.289,0.0366,137442.0,0.0247,0.0012,0.6967,0.0116,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,2,2,3,skipsum,add,399,0.1661,0.0082,134119.0,0.0114,0.0009,0.9448,0.0024,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,2,2,3,skipsum,max,399,1.0681,0.0404,134119.0,0.0223,0.0023,0.7521,0.0035,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,2,2,3,skipsum,mean,399,1.2954,0.0228,134119.0,0.0103,0.0013,0.6995,0.0056,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,2,4,2,skipconcat,add,399,0.0801,0.0127,137500.0,0.0196,0.0048,0.9669,0.0052,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,2,4,2,skipconcat,max,399,0.7459,0.0562,137500.0,0.0115,0.003,0.7889,0.0077,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,2,4,2,skipconcat,mean,399,1.0978,0.0379,137500.0,0.0312,0.0014,0.7114,0.0069,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,2,4,2,skipsum,add,399,0.0757,0.0025,134070.0,0.0108,0.0015,0.9689,0.0023,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,2,4,2,skipsum,max,399,0.7566,0.0413,134070.0,0.0147,0.0005,0.7939,0.012,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,2,4,2,skipsum,mean,399,1.1491,0.0129,134070.0,0.0142,0.0023,0.7251,0.0007,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,2,4,3,skipconcat,add,399,0.0818,0.0097,137951.0,0.0122,0.0007,0.9677,0.0026,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,2,4,3,skipconcat,max,399,0.9035,0.0405,137951.0,0.0132,0.0017,0.7858,0.0056,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,2,4,3,skipconcat,mean,399,1.2205,0.0253,137951.0,0.0286,0.0025,0.7134,0.0095,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,2,4,3,skipsum,add,399,0.082,0.0108,133830.0,0.0141,0.0026,0.9702,0.0029,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,2,4,3,skipsum,max,399,0.8038,0.0215,133830.0,0.0342,0.003,0.8133,0.005,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,2,4,3,skipsum,mean,399,1.2419,0.0307,133830.0,0.0192,0.0084,0.7212,0.0083,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,2,6,2,skipconcat,add,399,0.0714,0.0098,134553.0,0.0474,0.0042,0.9712,0.0032,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,2,6,2,skipconcat,max,399,0.7791,0.0876,134553.0,0.0551,0.008,0.7901,0.011,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,2,6,2,skipconcat,mean,399,1.1119,0.0384,134553.0,0.0105,0.0003,0.7144,0.011,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,2,6,2,skipsum,add,399,0.0628,0.0084,135430.0,0.0106,0.0001,0.9757,0.0042,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,2,6,2,skipsum,max,399,0.7179,0.0243,135430.0,0.0135,0.0026,0.8066,0.0063,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,2,6,2,skipsum,mean,399,1.1308,0.003,135430.0,0.0111,0.0008,0.7271,0.0022,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,2,6,3,skipconcat,add,399,0.0766,0.0149,141786.0,0.0452,0.0021,0.9712,0.0054,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,2,6,3,skipconcat,max,399,0.8548,0.0343,141786.0,0.0454,0.0022,0.7986,0.0056,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,2,6,3,skipconcat,mean,399,1.2314,0.026,141786.0,0.017,0.0008,0.7091,0.0128,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,2,6,3,skipsum,add,399,0.0668,0.011,133926.0,0.0283,0.0022,0.9744,0.0033,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,2,6,3,skipsum,max,399,0.7171,0.0074,133926.0,0.014,0.0015,0.8293,0.0027,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,2,6,3,skipsum,mean,399,1.2095,0.0415,133926.0,0.0274,0.0019,0.7338,0.0087,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,2,8,2,skipconcat,add,399,0.0712,0.008,139610.0,0.0123,0.0007,0.9702,0.0024,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,2,8,2,skipconcat,max,399,0.7379,0.0693,139610.0,0.011,0.0004,0.7998,0.0111,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,2,8,2,skipconcat,mean,399,1.0949,0.0304,139610.0,0.0477,0.0033,0.7131,0.0061,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,2,8,2,skipsum,add,399,0.0609,0.0066,134298.0,0.0343,0.008,0.9744,0.0038,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,2,8,2,skipsum,max,399,0.6997,0.0261,134298.0,0.0305,0.0013,0.8155,0.0042,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,2,8,2,skipsum,mean,399,1.1191,0.0213,134298.0,0.0118,0.001,0.7337,0.0031,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,2,8,3,skipconcat,add,399,0.0809,0.0152,137442.0,0.0167,0.0007,0.9695,0.0054,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,2,8,3,skipconcat,max,399,0.8112,0.02,137442.0,0.0118,0.0017,0.8069,0.0058,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,2,8,3,skipconcat,mean,399,1.2172,0.0166,137442.0,0.016,0.0004,0.7144,0.0021,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,2,8,3,skipsum,add,399,0.0622,0.0112,135057.0,0.0262,0.0018,0.9767,0.004,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,2,8,3,skipsum,max,399,0.693,0.0309,135057.0,0.0284,0.0023,0.8381,0.0057,,,,,,,,
-nx,scalefree,node,True,node_clustering_coefficient,node_pagerank,2,8,3,skipsum,mean,399,1.2312,0.0136,135057.0,0.0122,0.0018,0.7238,0.0024,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,1,2,2,skipconcat,add,399,0.9166,0.002,136296.0,0.0297,0.001,0.5639,0.009,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,1,2,2,skipconcat,max,399,1.5778,0.0023,136296.0,0.0285,0.0021,0.2688,0.0019,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,1,2,2,skipconcat,mean,399,62.508,32.371,136296.0,0.0123,0.0038,0.2688,0.0019,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,1,2,2,skipsum,add,399,0.9119,0.003,134790.0,0.0264,0.0006,0.5669,0.0098,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,1,2,2,skipsum,max,399,1.5778,0.0023,134790.0,0.0241,0.0011,0.2688,0.0019,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,1,2,2,skipsum,mean,399,21.886,5.0484,134790.0,0.0271,0.0029,0.2688,0.0019,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,1,2,3,skipconcat,add,399,0.9088,0.004,134543.0,0.0102,0.0012,0.5639,0.0078,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,1,2,3,skipconcat,max,399,1.5778,0.0023,134543.0,0.0126,0.0004,0.2688,0.0019,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,1,2,3,skipconcat,mean,399,181.4754,69.4706,134543.0,0.0287,0.0012,0.2688,0.0019,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,1,2,3,skipsum,add,399,0.9101,0.004,134286.0,0.0253,0.001,0.5642,0.0066,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,1,2,3,skipsum,max,399,1.5778,0.0023,134286.0,0.0253,0.0009,0.2688,0.0019,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,1,2,3,skipsum,mean,399,140.853,38.4664,134286.0,0.0105,0.0007,0.2688,0.0019,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,1,4,2,skipconcat,add,399,0.7252,0.0106,138018.0,0.0343,0.0017,0.671,0.005,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,1,4,2,skipconcat,max,399,1.5778,0.0023,138018.0,0.0124,0.0007,0.2688,0.0019,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,1,4,2,skipconcat,mean,399,3.1664,0.829,138018.0,0.0341,0.0038,0.2688,0.0019,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,1,4,2,skipsum,add,399,0.7288,0.0107,134119.0,0.0096,0.0009,0.6655,0.0057,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,1,4,2,skipsum,max,399,1.5778,0.0023,134119.0,0.0131,0.0009,0.2688,0.0019,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,1,4,2,skipsum,mean,399,3.3193,0.7157,134119.0,0.0097,0.0014,0.2688,0.0019,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,1,4,3,skipconcat,add,399,0.8124,0.0214,135648.0,0.037,0.0003,0.6446,0.0063,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,1,4,3,skipconcat,max,399,1.5778,0.0023,135648.0,0.0373,0.0079,0.2688,0.0019,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,1,4,3,skipconcat,mean,399,3.4399,0.8198,135648.0,0.0103,0.0011,0.2688,0.0019,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,1,4,3,skipsum,add,399,0.7722,0.0043,134070.0,0.0234,0.0004,0.6491,0.0017,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,1,4,3,skipsum,max,399,1.5778,0.0023,134070.0,0.0122,0.0011,0.2688,0.0019,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,1,4,3,skipsum,mean,399,2.4608,0.688,134070.0,0.0264,0.0022,0.2688,0.0019,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,1,6,2,skipconcat,add,399,0.6777,0.0041,138782.0,0.0113,0.001,0.6917,0.0083,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,1,6,2,skipconcat,max,399,1.5778,0.0023,138782.0,0.0128,0.0021,0.2688,0.0019,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,1,6,2,skipconcat,mean,399,3.181,0.9695,138782.0,0.0446,0.0033,0.2688,0.0019,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,1,6,2,skipsum,add,399,0.691,0.0066,133830.0,0.0266,0.001,0.6932,0.0042,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,1,6,2,skipsum,max,399,1.5778,0.0023,133830.0,0.027,0.0028,0.2688,0.0019,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,1,6,2,skipsum,mean,399,2.319,0.3755,133830.0,0.0105,0.001,0.2688,0.0019,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,1,6,3,skipconcat,add,399,0.8934,0.0453,140562.0,0.0396,0.003,0.6695,0.0023,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,1,6,3,skipconcat,max,399,1.5778,0.0023,140562.0,0.012,0.0007,0.2688,0.0019,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,1,6,3,skipconcat,mean,399,2.33,0.5597,140562.0,0.0353,0.0016,0.2688,0.0019,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,1,6,3,skipsum,add,399,0.854,0.0306,135430.0,0.0129,0.0008,0.6715,0.003,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,1,6,3,skipsum,max,399,1.5778,0.0023,135430.0,0.0109,0.0015,0.2688,0.0019,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,1,6,3,skipsum,mean,399,2.4959,0.5454,135430.0,0.013,0.0007,0.2482,0.0305,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,1,8,2,skipconcat,add,399,0.6741,0.005,138386.0,0.0523,0.0067,0.7004,0.0014,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,1,8,2,skipconcat,max,399,1.5778,0.0023,138386.0,0.0156,0.0058,0.2688,0.0019,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,1,8,2,skipconcat,mean,399,3.8659,1.5806,138386.0,0.046,0.0015,0.2688,0.0019,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,1,8,2,skipsum,add,399,0.7455,0.0072,133926.0,0.0257,0.002,0.7089,0.0029,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,1,8,2,skipsum,max,399,1.5778,0.0023,133926.0,0.0134,0.0011,0.2688,0.0019,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,1,8,2,skipsum,mean,399,4.2306,0.8049,133926.0,0.0148,0.001,0.2688,0.0019,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,1,8,3,skipconcat,add,399,0.8848,0.0285,136714.0,0.0467,0.0027,0.6729,0.0042,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,1,8,3,skipconcat,max,399,1.5778,0.0023,136714.0,0.0488,0.0023,0.2688,0.0019,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,1,8,3,skipconcat,mean,399,1.9465,0.0906,136714.0,0.0111,0.0005,0.2688,0.0019,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,1,8,3,skipsum,add,399,0.9127,0.0272,134298.0,0.0285,0.0032,0.6819,0.0032,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,1,8,3,skipsum,max,399,1.5778,0.0023,134298.0,0.011,0.0001,0.2688,0.0019,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,1,8,3,skipsum,mean,399,5.2499,1.2441,134298.0,0.0152,0.002,0.2688,0.0019,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,2,2,2,skipconcat,add,399,0.9146,0.0024,136659.0,0.0306,0.0022,0.5646,0.009,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,2,2,2,skipconcat,max,399,1.5778,0.0023,136659.0,0.0089,0.0006,0.2688,0.0019,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,2,2,2,skipconcat,mean,399,129.7362,20.8222,136659.0,0.0285,0.0016,0.2688,0.0019,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,2,2,2,skipsum,add,399,0.9137,0.0035,134286.0,0.0128,0.0008,0.5693,0.0084,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,2,2,2,skipsum,max,399,1.5778,0.0023,134286.0,0.028,0.0067,0.2688,0.0019,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,2,2,2,skipsum,mean,399,112.9497,22.8386,134286.0,0.0259,0.0001,0.2688,0.0019,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,2,2,3,skipconcat,add,399,0.9095,0.0025,137442.0,0.0103,0.0012,0.5644,0.0086,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,2,2,3,skipconcat,max,399,1.5778,0.0023,137442.0,0.0101,0.0013,0.2688,0.0019,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,2,2,3,skipconcat,mean,399,153.8188,41.1765,137442.0,0.0116,0.0021,0.2688,0.0019,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,2,2,3,skipsum,add,399,0.9128,0.0037,134119.0,0.0245,0.0038,0.5613,0.0054,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,2,2,3,skipsum,max,399,1.5778,0.0023,134119.0,0.0222,0.0009,0.2688,0.0019,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,2,2,3,skipsum,mean,399,328.3342,40.7281,134119.0,0.0119,0.0016,0.2688,0.0019,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,2,4,2,skipconcat,add,399,0.742,0.0167,137500.0,0.0345,0.002,0.6622,0.0117,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,2,4,2,skipconcat,max,399,1.5778,0.0023,137500.0,0.0129,0.0024,0.2688,0.0019,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,2,4,2,skipconcat,mean,399,1.7537,0.1624,137500.0,0.011,0.0012,0.2436,0.0339,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,2,4,2,skipsum,add,399,0.7399,0.0026,134070.0,0.0123,0.0012,0.6613,0.0027,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,2,4,2,skipsum,max,399,1.5778,0.0023,134070.0,0.0267,0.0053,0.2688,0.0019,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,2,4,2,skipsum,mean,399,2.2815,0.205,134070.0,0.0213,0.0025,0.2688,0.0019,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,2,4,3,skipconcat,add,399,0.795,0.0122,137951.0,0.0361,0.0013,0.6441,0.0029,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,2,4,3,skipconcat,max,399,1.5778,0.0023,137951.0,0.038,0.0046,0.2688,0.0019,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,2,4,3,skipconcat,mean,399,1.795,0.1195,137951.0,0.0154,0.0056,0.2436,0.0339,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,2,4,3,skipsum,add,399,0.7872,0.0036,133830.0,0.0148,0.0031,0.6473,0.0004,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,2,4,3,skipsum,max,399,1.5778,0.0023,133830.0,0.0103,0.0014,0.2688,0.0019,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,2,4,3,skipsum,mean,399,2.2081,0.1882,133830.0,0.0169,0.0058,0.2688,0.0019,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,2,6,2,skipconcat,add,399,0.6887,0.0035,134553.0,0.0132,0.0024,0.688,0.0045,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,2,6,2,skipconcat,max,399,1.5778,0.0023,134553.0,0.0135,0.0008,0.2688,0.0019,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,2,6,2,skipconcat,mean,399,1.7801,0.0923,134553.0,0.0108,0.0009,0.2181,0.0344,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,2,6,2,skipsum,add,399,0.6939,0.0182,135430.0,0.0129,0.0015,0.6941,0.007,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,2,6,2,skipsum,max,399,1.5778,0.0023,135430.0,0.0296,0.0021,0.2688,0.0019,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,2,6,2,skipsum,mean,399,2.033,0.1356,135430.0,0.0243,0.0011,0.2688,0.0019,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,2,6,3,skipconcat,add,399,0.8473,0.073,141786.0,0.0393,0.0037,0.6552,0.0107,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,2,6,3,skipconcat,max,399,1.5778,0.0023,141786.0,0.0128,0.0014,0.2688,0.0019,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,2,6,3,skipconcat,mean,399,1.7473,0.0411,141786.0,0.0137,0.0012,0.2688,0.0019,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,2,6,3,skipsum,add,399,0.807,0.04,133926.0,0.0282,0.0027,0.6726,0.0056,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,2,6,3,skipsum,max,399,1.5778,0.0023,133926.0,0.0266,0.0011,0.2688,0.0019,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,2,6,3,skipsum,mean,399,2.2665,0.1255,133926.0,0.0228,0.0029,0.2688,0.0019,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,2,8,2,skipconcat,add,399,0.6616,0.0039,139610.0,0.0161,0.0003,0.7082,0.0053,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,2,8,2,skipconcat,max,399,1.5778,0.0023,139610.0,0.0446,0.0012,0.2688,0.0019,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,2,8,2,skipconcat,mean,399,1.9144,0.0816,139610.0,0.0532,0.001,0.2688,0.0019,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,2,8,2,skipsum,add,399,0.6951,0.0127,134298.0,0.0155,0.003,0.7115,0.0068,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,2,8,2,skipsum,max,399,1.5778,0.0023,134298.0,0.0146,0.0025,0.2688,0.0019,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,2,8,2,skipsum,mean,399,3.6317,0.2659,134298.0,0.0164,0.001,0.2688,0.0019,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,2,8,3,skipconcat,add,399,0.8869,0.0145,137442.0,0.0512,0.0063,0.6782,0.0022,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,2,8,3,skipconcat,max,399,1.5778,0.0023,137442.0,0.0164,0.0019,0.2688,0.0019,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,2,8,3,skipconcat,mean,399,2.237,0.1721,137442.0,0.0462,0.003,0.2688,0.0019,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,2,8,3,skipsum,add,399,0.9002,0.1043,135057.0,0.0244,0.0018,0.6852,0.0021,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,2,8,3,skipsum,max,399,1.5778,0.0023,135057.0,0.0151,0.0021,0.2688,0.0019,,,,,,,,
-nx,scalefree,node,True,node_const,node_clustering_coefficient,2,8,3,skipsum,mean,399,4.9612,0.9895,135057.0,0.0152,0.0022,0.2688,0.0019,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,1,2,2,skipconcat,add,399,0.2499,0.0049,136296.0,0.0083,0.0006,0.9049,0.0027,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,1,2,2,skipconcat,max,399,1.6099,0.0002,136296.0,0.0301,0.0011,0.1893,0.0025,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,1,2,2,skipconcat,mean,399,43.3106,5.0504,136296.0,0.0129,0.0032,0.1996,0.0053,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,1,2,2,skipsum,add,399,0.2483,0.0035,134790.0,0.022,0.002,0.9066,0.0036,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,1,2,2,skipsum,max,399,1.6099,0.0002,134790.0,0.0113,0.0018,0.1893,0.0025,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,1,2,2,skipsum,mean,399,22.8872,10.0929,134790.0,0.0112,0.0022,0.1996,0.0053,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,1,2,3,skipconcat,add,399,0.2443,0.0055,134543.0,0.0372,0.005,0.909,0.0045,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,1,2,3,skipconcat,max,399,1.6099,0.0002,134543.0,0.0363,0.0052,0.1893,0.0025,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,1,2,3,skipconcat,mean,399,90.9308,30.0319,134543.0,0.0129,0.0016,0.1996,0.0053,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,1,2,3,skipsum,add,399,0.2445,0.006,134286.0,0.0121,0.0013,0.9067,0.0036,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,1,2,3,skipsum,max,399,1.6099,0.0002,134286.0,0.0099,0.001,0.1893,0.0025,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,1,2,3,skipsum,mean,399,64.5648,50.9546,134286.0,0.0083,0.0005,0.1996,0.0053,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,1,4,2,skipconcat,add,399,0.0747,0.0039,138018.0,0.0284,0.0019,0.9727,0.0024,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,1,4,2,skipconcat,max,399,1.6099,0.0002,138018.0,0.0349,0.0017,0.1893,0.0025,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,1,4,2,skipconcat,mean,399,2.4394,0.0518,138018.0,0.0325,0.0029,0.1996,0.0053,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,1,4,2,skipsum,add,399,0.0697,0.0033,134119.0,0.0251,0.0017,0.9734,0.0023,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,1,4,2,skipsum,max,399,1.6099,0.0002,134119.0,0.0244,0.0003,0.1893,0.0025,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,1,4,2,skipsum,mean,399,2.6663,0.6541,134119.0,0.0225,0.0007,0.1968,0.0067,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,1,4,3,skipconcat,add,399,0.0598,0.0055,135648.0,0.0132,0.0014,0.9744,0.0038,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,1,4,3,skipconcat,max,399,1.6099,0.0002,135648.0,0.0233,0.0072,0.1893,0.0025,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,1,4,3,skipconcat,mean,399,2.3309,0.9328,135648.0,0.0135,0.0026,0.2056,0.0048,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,1,4,3,skipsum,add,399,0.0618,0.0037,134070.0,0.0158,0.0053,0.9753,0.0017,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,1,4,3,skipsum,max,399,1.6099,0.0002,134070.0,0.0104,0.0007,0.1893,0.0025,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,1,4,3,skipsum,mean,399,2.6888,0.7188,134070.0,0.0102,0.0017,0.2053,0.0053,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,1,6,2,skipconcat,add,399,0.0667,0.0052,138782.0,0.0392,0.0009,0.9738,0.0024,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,1,6,2,skipconcat,max,399,1.6099,0.0002,138782.0,0.035,0.0021,0.1893,0.0025,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,1,6,2,skipconcat,mean,399,2.2209,0.3403,138782.0,0.0396,0.003,0.1926,0.0011,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,1,6,2,skipsum,add,399,0.0564,0.002,133830.0,0.0171,0.0027,0.9763,0.002,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,1,6,2,skipsum,max,399,1.6099,0.0002,133830.0,0.0127,0.0008,0.1893,0.0025,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,1,6,2,skipsum,mean,399,2.1338,0.1174,133830.0,0.0132,0.0013,0.2028,0.0031,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,1,6,3,skipconcat,add,399,0.0587,0.0057,140562.0,0.0188,0.0013,0.9746,0.0036,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,1,6,3,skipconcat,max,399,1.6099,0.0002,140562.0,0.0128,0.0017,0.1893,0.0025,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,1,6,3,skipconcat,mean,399,2.3278,0.5977,140562.0,0.0163,0.0023,0.1986,0.0074,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,1,6,3,skipsum,add,399,0.0587,0.0059,135430.0,0.0132,0.0005,0.9749,0.0034,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,1,6,3,skipsum,max,399,1.6099,0.0002,135430.0,0.0136,0.0013,0.1893,0.0025,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,1,6,3,skipsum,mean,399,2.663,1.0515,135430.0,0.0125,0.0004,0.2031,0.0026,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,1,8,2,skipconcat,add,399,0.065,0.0033,138386.0,0.053,0.0043,0.9741,0.0027,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,1,8,2,skipconcat,max,399,1.6099,0.0002,138386.0,0.0522,0.0011,0.1893,0.0025,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,1,8,2,skipconcat,mean,399,2.3699,0.0597,138386.0,0.0526,0.002,0.2052,0.0048,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,1,8,2,skipsum,add,399,0.0525,0.0038,133926.0,0.0129,0.0018,0.9773,0.0028,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,1,8,2,skipsum,max,399,1.6099,0.0002,133926.0,0.0285,0.0024,0.1893,0.0025,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,1,8,2,skipsum,mean,399,2.2119,0.581,133926.0,0.0283,0.0002,0.1947,0.0035,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,1,8,3,skipconcat,add,399,0.0562,0.0045,136714.0,0.0486,0.0067,0.9759,0.0032,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,1,8,3,skipconcat,max,399,1.6099,0.0002,136714.0,0.0125,0.0022,0.1893,0.0025,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,1,8,3,skipconcat,mean,399,1.8797,0.1439,136714.0,0.0139,0.0013,0.2003,0.0065,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,1,8,3,skipsum,add,399,0.0508,0.0028,134298.0,0.0105,0.0001,0.9771,0.0018,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,1,8,3,skipsum,max,399,1.6099,0.0002,134298.0,0.0279,0.0031,0.1893,0.0025,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,1,8,3,skipsum,mean,399,2.021,0.1085,134298.0,0.0284,0.0051,0.2039,0.0091,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,2,2,2,skipconcat,add,399,0.2528,0.0035,136659.0,0.0099,0.0007,0.905,0.0053,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,2,2,2,skipconcat,max,399,1.6099,0.0002,136659.0,0.0287,0.001,0.1893,0.0025,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,2,2,2,skipconcat,mean,399,58.2485,14.0004,136659.0,0.0329,0.003,0.1996,0.0053,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,2,2,2,skipsum,add,399,0.251,0.004,134286.0,0.0088,0.0012,0.9039,0.0036,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,2,2,2,skipsum,max,399,1.6099,0.0002,134286.0,0.0196,0.0033,0.1893,0.0025,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,2,2,2,skipsum,mean,399,50.9773,22.8804,134286.0,0.0092,0.0012,0.1996,0.0053,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,2,2,3,skipconcat,add,399,0.2459,0.0058,137442.0,0.012,0.0014,0.9075,0.0053,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,2,2,3,skipconcat,max,399,1.6099,0.0002,137442.0,0.0255,0.0027,0.1893,0.0025,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,2,2,3,skipconcat,mean,399,101.8452,7.4636,137442.0,0.0264,0.001,0.1996,0.0053,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,2,2,3,skipsum,add,399,0.2467,0.0057,134119.0,0.015,0.003,0.9066,0.0043,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,2,2,3,skipsum,max,399,1.6099,0.0002,134119.0,0.0118,0.0022,0.1893,0.0025,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,2,2,3,skipsum,mean,399,158.8236,28.6349,134119.0,0.0096,0.0007,0.1996,0.0053,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,2,4,2,skipconcat,add,399,0.0742,0.0042,137500.0,0.0113,0.0007,0.9723,0.003,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,2,4,2,skipconcat,max,399,1.6099,0.0002,137500.0,0.0364,0.0032,0.1893,0.0025,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,2,4,2,skipconcat,mean,399,1.6869,0.0285,137500.0,0.0168,0.0037,0.2028,0.0085,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,2,4,2,skipsum,add,399,0.074,0.0051,134070.0,0.0258,0.0028,0.9713,0.0028,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,2,4,2,skipsum,max,399,1.6099,0.0002,134070.0,0.0162,0.0017,0.1893,0.0025,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,2,4,2,skipsum,mean,399,2.8358,0.328,134070.0,0.0242,0.0009,0.1996,0.0053,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,2,4,3,skipconcat,add,399,0.0604,0.0052,137951.0,0.0106,0.001,0.9748,0.0044,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,2,4,3,skipconcat,max,399,1.6099,0.0002,137951.0,0.0332,0.0031,0.1893,0.0025,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,2,4,3,skipconcat,mean,399,1.9702,0.3611,137951.0,0.0099,0.0005,0.1989,0.0062,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,2,4,3,skipsum,add,399,0.0635,0.0043,133830.0,0.0105,0.0015,0.9728,0.0023,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,2,4,3,skipsum,max,399,1.6099,0.0002,133830.0,0.0244,0.0003,0.1893,0.0025,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,2,4,3,skipsum,mean,399,4.8803,2.3779,133830.0,0.012,0.0027,0.1996,0.0053,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,2,6,2,skipconcat,add,399,0.0647,0.0033,134553.0,0.0129,0.0012,0.9739,0.0008,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,2,6,2,skipconcat,max,399,1.6099,0.0002,134553.0,0.037,0.0015,0.1893,0.0025,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,2,6,2,skipconcat,mean,399,1.6999,0.0358,134553.0,0.0409,0.0034,0.1981,0.0056,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,2,6,2,skipsum,add,399,0.0595,0.0039,135430.0,0.0114,0.0009,0.9742,0.0016,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,2,6,2,skipsum,max,399,1.6099,0.0002,135430.0,0.0128,0.0005,0.1893,0.0025,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,2,6,2,skipsum,mean,399,1.8477,0.019,135430.0,0.0128,0.0034,0.1957,0.0065,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,2,6,3,skipconcat,add,399,0.059,0.0037,141786.0,0.0101,0.0014,0.9751,0.0023,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,2,6,3,skipconcat,max,399,1.6099,0.0002,141786.0,0.0154,0.0022,0.1893,0.0025,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,2,6,3,skipconcat,mean,399,1.7444,0.1191,141786.0,0.0121,0.0016,0.2048,0.0052,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,2,6,3,skipsum,add,399,0.0558,0.0069,133926.0,0.0258,0.0009,0.9752,0.0032,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,2,6,3,skipsum,max,399,1.6099,0.0002,133926.0,0.0129,0.0012,0.1893,0.0025,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,2,6,3,skipsum,mean,399,1.9911,0.1648,133926.0,0.0258,0.0016,0.1981,0.0056,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,2,8,2,skipconcat,add,399,0.0643,0.0042,139610.0,0.0438,0.0042,0.9743,0.0017,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,2,8,2,skipconcat,max,399,1.6099,0.0002,139610.0,0.0439,0.0016,0.1893,0.0025,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,2,8,2,skipconcat,mean,399,1.6804,0.0249,139610.0,0.0481,0.0037,0.1966,0.0061,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,2,8,2,skipsum,add,399,0.0546,0.003,134298.0,0.0109,0.001,0.9776,0.0022,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,2,8,2,skipsum,max,399,1.6099,0.0002,134298.0,0.016,0.0033,0.1893,0.0025,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,2,8,2,skipsum,mean,399,1.9946,0.1345,134298.0,0.0174,0.0064,0.2009,0.0028,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,2,8,3,skipconcat,add,399,0.0635,0.005,137442.0,0.0125,0.0016,0.9735,0.003,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,2,8,3,skipconcat,max,399,1.6099,0.0002,137442.0,0.0168,0.0013,0.1893,0.0025,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,2,8,3,skipconcat,mean,399,1.7067,0.036,137442.0,0.0135,0.0016,0.194,0.0081,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,2,8,3,skipsum,add,399,0.053,0.0038,135057.0,0.0298,0.0032,0.9773,0.0025,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,2,8,3,skipsum,max,399,1.6099,0.0002,135057.0,0.012,0.0008,0.1893,0.0025,,,,,,,,
-nx,scalefree,node,True,node_const,node_pagerank,2,8,3,skipsum,mean,399,2.6267,0.3855,135057.0,0.0285,0.0016,0.1991,0.0048,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,1,2,2,skipconcat,add,399,1.4917,0.0278,136296.0,0.0102,0.0011,0.5576,0.0055,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,1,2,2,skipconcat,max,399,1.7065,0.141,136296.0,0.0091,0.0019,0.5391,0.0199,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,1,2,2,skipconcat,mean,399,2.0372,0.0981,136296.0,0.0149,0.0048,0.4861,0.0113,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,1,2,2,skipsum,add,399,1.5077,0.1137,134790.0,0.022,0.0031,0.5574,0.0115,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,1,2,2,skipsum,max,399,1.7569,0.1723,134790.0,0.0287,0.0016,0.5462,0.0111,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,1,2,2,skipsum,mean,399,2.321,0.2929,134790.0,0.0227,0.0005,0.4609,0.0279,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,1,2,3,skipconcat,add,399,1.9072,0.0478,134543.0,0.0104,0.0019,0.525,0.0013,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,1,2,3,skipconcat,max,399,1.9285,0.0779,134543.0,0.0114,0.0009,0.524,0.016,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,1,2,3,skipconcat,mean,399,2.196,0.0487,134543.0,0.0289,0.0013,0.4468,0.0136,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,1,2,3,skipsum,add,399,2.02,0.0946,134286.0,0.0296,0.0064,0.5194,0.0113,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,1,2,3,skipsum,max,399,1.912,0.0681,134286.0,0.0101,0.0011,0.5437,0.0047,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,1,2,3,skipsum,mean,399,2.4346,0.2144,134286.0,0.0102,0.0027,0.4446,0.0266,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,1,4,2,skipconcat,add,399,1.2163,0.0072,138018.0,0.0106,0.0021,0.6392,0.0088,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,1,4,2,skipconcat,max,399,1.4231,0.03,138018.0,0.0376,0.003,0.5977,0.0059,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,1,4,2,skipconcat,mean,399,1.7601,0.0711,138018.0,0.0381,0.0025,0.5344,0.0146,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,1,4,2,skipsum,add,399,1.3068,0.0302,134119.0,0.0149,0.0048,0.6443,0.0059,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,1,4,2,skipsum,max,399,1.4272,0.0533,134119.0,0.0131,0.0032,0.6272,0.0052,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,1,4,2,skipsum,mean,399,2.0124,0.161,134119.0,0.0297,0.0039,0.5167,0.0185,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,1,4,3,skipconcat,add,399,1.6294,0.0762,135648.0,0.0336,0.0038,0.5825,0.0245,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,1,4,3,skipconcat,max,399,1.9316,0.1112,135648.0,0.0117,0.0023,0.5694,0.0079,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,1,4,3,skipconcat,mean,399,1.9606,0.0248,135648.0,0.01,0.0004,0.5087,0.0199,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,1,4,3,skipsum,add,399,1.6399,0.0231,134070.0,0.0208,0.0005,0.6068,0.0156,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,1,4,3,skipsum,max,399,1.7717,0.0599,134070.0,0.0268,0.0003,0.6058,0.009,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,1,4,3,skipsum,mean,399,2.0698,0.1468,134070.0,0.0281,0.0007,0.5166,0.0215,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,1,6,2,skipconcat,add,399,1.173,0.0192,138782.0,0.012,0.0024,0.6407,0.0149,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,1,6,2,skipconcat,max,399,1.4261,0.1149,138782.0,0.0391,0.0016,0.6033,0.0012,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,1,6,2,skipconcat,mean,399,1.6917,0.0745,138782.0,0.0136,0.0015,0.5515,0.0177,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,1,6,2,skipsum,add,399,1.2602,0.0248,133830.0,0.0114,0.0016,0.6683,0.0026,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,1,6,2,skipsum,max,399,1.4677,0.0832,133830.0,0.0098,0.0003,0.6415,0.0046,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,1,6,2,skipsum,mean,399,1.9672,0.1077,133830.0,0.0241,0.0017,0.5441,0.0118,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,1,6,3,skipconcat,add,399,1.5852,0.0251,140562.0,0.0112,0.0008,0.5886,0.0184,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,1,6,3,skipconcat,max,399,1.8584,0.0647,140562.0,0.0424,0.0025,0.5784,0.0075,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,1,6,3,skipconcat,mean,399,2.0037,0.0467,140562.0,0.0141,0.0025,0.5076,0.0216,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,1,6,3,skipsum,add,399,1.5011,0.0415,135430.0,0.0118,0.0027,0.6434,0.0048,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,1,6,3,skipsum,max,399,1.6279,0.0562,135430.0,0.0116,0.0003,0.6296,0.0094,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,1,6,3,skipsum,mean,399,2.0652,0.0673,135430.0,0.0128,0.0028,0.533,0.0102,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,1,8,2,skipconcat,add,399,1.1454,0.0077,138386.0,0.0156,0.0007,0.6524,0.0118,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,1,8,2,skipconcat,max,399,1.4613,0.1328,138386.0,0.0485,0.0023,0.607,0.0056,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,1,8,2,skipconcat,mean,399,1.704,0.0262,138386.0,0.017,0.0029,0.5494,0.011,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,1,8,2,skipsum,add,399,1.1966,0.0247,133926.0,0.0251,0.002,0.684,0.0033,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,1,8,2,skipsum,max,399,1.5141,0.0984,133926.0,0.0312,0.0038,0.6392,0.0057,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,1,8,2,skipsum,mean,399,2.0127,0.1069,133926.0,0.0153,0.0019,0.5476,0.0056,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,1,8,3,skipconcat,add,399,1.6415,0.1178,136714.0,0.0165,0.0016,0.5724,0.0329,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,1,8,3,skipconcat,max,399,1.8311,0.0546,136714.0,0.017,0.0029,0.5877,0.0088,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,1,8,3,skipconcat,mean,399,1.9582,0.0428,136714.0,0.0526,0.0061,0.5168,0.0157,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,1,8,3,skipsum,add,399,1.4559,0.0333,134298.0,0.0147,0.0003,0.651,0.0086,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,1,8,3,skipsum,max,399,1.6482,0.0466,134298.0,0.0256,0.0037,0.6382,0.0076,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,1,8,3,skipsum,mean,399,2.0293,0.0223,134298.0,0.0133,0.0002,0.5452,0.0071,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,2,2,2,skipconcat,add,399,1.6786,0.0721,136659.0,0.0287,0.0005,0.5552,0.0115,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,2,2,2,skipconcat,max,399,1.6526,0.1539,136659.0,0.0306,0.0013,0.5487,0.0073,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,2,2,2,skipconcat,mean,399,1.8501,0.1127,136659.0,0.0121,0.0009,0.5083,0.0042,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,2,2,2,skipsum,add,399,1.78,0.0571,134286.0,0.0096,0.0008,0.5505,0.013,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,2,2,2,skipsum,max,399,1.67,0.0947,134286.0,0.0092,0.0006,0.5615,0.0057,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,2,2,2,skipsum,mean,399,2.1439,0.1724,134286.0,0.0245,0.0007,0.4913,0.008,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,2,2,3,skipconcat,add,399,1.9134,0.1124,137442.0,0.0284,0.003,0.5161,0.0182,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,2,2,3,skipconcat,max,399,1.8573,0.143,137442.0,0.0127,0.0007,0.5481,0.0086,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,2,2,3,skipconcat,mean,399,2.0299,0.0898,137442.0,0.0264,0.0012,0.496,0.0057,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,2,2,3,skipsum,add,399,1.9762,0.0681,134119.0,0.025,0.0008,0.5206,0.0131,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,2,2,3,skipsum,max,399,1.9285,0.1065,134119.0,0.0253,0.0028,0.5505,0.007,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,2,2,3,skipsum,mean,399,2.1702,0.1192,134119.0,0.0083,0.0012,0.4782,0.0233,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,2,4,2,skipconcat,add,399,1.3156,0.0461,137500.0,0.0384,0.0006,0.6209,0.0103,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,2,4,2,skipconcat,max,399,1.4108,0.0388,137500.0,0.0105,0.001,0.6057,0.0036,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,2,4,2,skipconcat,mean,399,1.6379,0.0441,137500.0,0.0366,0.0037,0.5549,0.0078,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,2,4,2,skipsum,add,399,1.3545,0.0354,134070.0,0.0263,0.0027,0.6412,0.0078,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,2,4,2,skipsum,max,399,1.5077,0.1352,134070.0,0.0245,0.0026,0.6204,0.01,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,2,4,2,skipsum,mean,399,1.8407,0.1011,134070.0,0.0285,0.0016,0.5527,0.0133,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,2,4,3,skipconcat,add,399,1.6749,0.0575,137951.0,0.0357,0.002,0.5684,0.0261,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,2,4,3,skipconcat,max,399,1.8524,0.0803,137951.0,0.0371,0.0036,0.5786,0.0038,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,2,4,3,skipconcat,mean,399,1.926,0.0229,137951.0,0.0095,0.0002,0.5293,0.0054,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,2,4,3,skipsum,add,399,1.6596,0.0427,133830.0,0.0121,0.0023,0.6033,0.0155,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,2,4,3,skipsum,max,399,1.7314,0.0749,133830.0,0.0264,0.0014,0.6122,0.0062,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,2,4,3,skipsum,mean,399,1.837,0.0685,133830.0,0.0244,0.0021,0.548,0.0037,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,2,6,2,skipconcat,add,399,1.3018,0.0821,134553.0,0.0436,0.0008,0.631,0.0198,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,2,6,2,skipconcat,max,399,1.393,0.1127,134553.0,0.0415,0.0002,0.6201,0.0061,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,2,6,2,skipconcat,mean,399,1.6341,0.0579,134553.0,0.0381,0.0021,0.5503,0.0144,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,2,6,2,skipsum,add,399,1.2951,0.0503,135430.0,0.025,0.0007,0.6638,0.0097,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,2,6,2,skipsum,max,399,1.4437,0.0514,135430.0,0.0153,0.004,0.6387,0.0066,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,2,6,2,skipsum,mean,399,1.8231,0.1207,135430.0,0.0114,0.0012,0.5537,0.0129,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,2,6,3,skipconcat,add,399,1.6463,0.0433,141786.0,0.0123,0.0009,0.5732,0.0194,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,2,6,3,skipconcat,max,399,1.819,0.0475,141786.0,0.0144,0.0031,0.5799,0.0034,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,2,6,3,skipconcat,mean,399,1.9451,0.0746,141786.0,0.0137,0.0017,0.5315,0.0107,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,2,6,3,skipsum,add,399,1.5528,0.0496,133926.0,0.0279,0.0023,0.6323,0.0159,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,2,6,3,skipsum,max,399,1.62,0.0644,133926.0,0.0241,0.0011,0.635,0.0065,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,2,6,3,skipsum,mean,399,1.873,0.0345,133926.0,0.0275,0.0016,0.561,0.0024,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,2,8,2,skipconcat,add,399,1.3132,0.0612,139610.0,0.0147,0.0016,0.6208,0.015,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,2,8,2,skipconcat,max,399,1.4267,0.1546,139610.0,0.0447,0.0026,0.6039,0.0097,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,2,8,2,skipconcat,mean,399,1.5998,0.028,139610.0,0.0153,0.0023,0.5588,0.0138,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,2,8,2,skipsum,add,399,1.2661,0.0029,134298.0,0.0269,0.0024,0.6772,0.0074,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,2,8,2,skipsum,max,399,1.4606,0.0477,134298.0,0.0332,0.0019,0.6538,0.0037,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,2,8,2,skipsum,mean,399,1.8722,0.0605,134298.0,0.0132,0.0019,0.5699,0.0054,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,2,8,3,skipconcat,add,399,1.5922,0.0736,137442.0,0.0476,0.0049,0.5808,0.0214,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,2,8,3,skipconcat,max,399,1.8001,0.0913,137442.0,0.0477,0.0031,0.5799,0.0113,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,2,8,3,skipconcat,mean,399,1.9621,0.1124,137442.0,0.0143,0.0018,0.5284,0.0127,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,2,8,3,skipsum,add,399,1.4968,0.0513,135057.0,0.0142,0.0035,0.6455,0.0162,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,2,8,3,skipsum,max,399,1.629,0.0451,135057.0,0.0132,0.0019,0.6441,0.0078,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_clustering_coefficient,2,8,3,skipsum,mean,399,2.0246,0.0522,135057.0,0.0126,0.0012,0.5551,0.0048,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,1,2,2,skipconcat,add,399,0.4018,0.0261,136296.0,0.0106,0.0017,0.862,0.0019,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,1,2,2,skipconcat,max,399,0.9586,0.0627,136296.0,0.0096,0.0011,0.7057,0.0123,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,1,2,2,skipconcat,mean,399,1.6725,0.0894,136296.0,0.0316,0.0034,0.5383,0.01,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,1,2,2,skipsum,add,399,0.474,0.0091,134790.0,0.0091,0.0015,0.8544,0.0022,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,1,2,2,skipsum,max,399,0.9674,0.0867,134790.0,0.0112,0.0007,0.711,0.0131,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,1,2,2,skipsum,mean,399,2.0146,0.2777,134790.0,0.0255,0.0023,0.5091,0.0216,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,1,2,3,skipconcat,add,399,0.6059,0.0403,134543.0,0.0249,0.0018,0.846,0.0022,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,1,2,3,skipconcat,max,399,1.1755,0.0192,134543.0,0.0107,0.0018,0.7112,0.0087,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,1,2,3,skipconcat,mean,399,1.8183,0.0603,134543.0,0.01,0.0015,0.5219,0.0114,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,1,2,3,skipsum,add,399,0.6451,0.0144,134286.0,0.0119,0.0009,0.8456,0.0058,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,1,2,3,skipsum,max,399,1.2297,0.0779,134286.0,0.0111,0.0005,0.7009,0.0124,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,1,2,3,skipsum,mean,399,2.1094,0.2006,134286.0,0.0105,0.0013,0.4904,0.0251,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,1,4,2,skipconcat,add,399,0.0884,0.0032,138018.0,0.0108,0.001,0.9634,0.0034,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,1,4,2,skipconcat,max,399,0.8924,0.0853,138018.0,0.0379,0.0009,0.758,0.0154,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,1,4,2,skipconcat,mean,399,1.4913,0.0122,138018.0,0.035,0.0009,0.5788,0.0134,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,1,4,2,skipsum,add,399,0.0883,0.0081,134119.0,0.0238,0.0011,0.9648,0.0037,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,1,4,2,skipsum,max,399,0.7447,0.0541,134119.0,0.0215,0.0009,0.7868,0.008,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,1,4,2,skipsum,mean,399,1.6898,0.1077,134119.0,0.0103,0.0007,0.5758,0.0099,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,1,4,3,skipconcat,add,399,0.1053,0.0045,135648.0,0.0132,0.0025,0.9593,0.0027,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,1,4,3,skipconcat,max,399,0.7708,0.0132,135648.0,0.0125,0.0017,0.7935,0.0121,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,1,4,3,skipconcat,mean,399,1.7521,0.086,135648.0,0.0108,0.0012,0.5597,0.0155,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,1,4,3,skipsum,add,399,0.0887,0.005,134070.0,0.0353,0.0045,0.965,0.0024,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,1,4,3,skipsum,max,399,0.7423,0.0197,134070.0,0.0109,0.0016,0.8123,0.0106,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,1,4,3,skipsum,mean,399,1.8648,0.0244,134070.0,0.0203,0.0031,0.5557,0.0094,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,1,6,2,skipconcat,add,399,0.0918,0.0085,138782.0,0.0507,0.0015,0.9648,0.0031,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,1,6,2,skipconcat,max,399,0.86,0.0645,138782.0,0.0125,0.0013,0.7697,0.0125,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,1,6,2,skipconcat,mean,399,1.4752,0.0199,138782.0,0.0108,0.0002,0.5901,0.0008,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,1,6,2,skipsum,add,399,0.0736,0.0034,133830.0,0.0273,0.0014,0.971,0.0011,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,1,6,2,skipsum,max,399,0.7051,0.0249,133830.0,0.0274,0.0022,0.8009,0.0025,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,1,6,2,skipsum,mean,399,1.6464,0.1591,133830.0,0.026,0.0008,0.5861,0.009,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,1,6,3,skipconcat,add,399,0.1091,0.0101,140562.0,0.035,0.003,0.9618,0.0021,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,1,6,3,skipconcat,max,399,0.7164,0.0377,140562.0,0.0392,0.0028,0.8085,0.0051,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,1,6,3,skipconcat,mean,399,1.7126,0.0805,140562.0,0.0122,0.0004,0.5641,0.0124,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,1,6,3,skipsum,add,399,0.0818,0.0041,135430.0,0.0117,0.0015,0.9681,0.0017,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,1,6,3,skipsum,max,399,0.6885,0.0313,135430.0,0.0103,0.001,0.8253,0.0045,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,1,6,3,skipsum,mean,399,1.7897,0.0261,135430.0,0.0129,0.0014,0.5774,0.0088,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,1,8,2,skipconcat,add,399,0.0872,0.0046,138386.0,0.0174,0.0022,0.9648,0.002,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,1,8,2,skipconcat,max,399,0.8748,0.0517,138386.0,0.0472,0.0024,0.7643,0.0113,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,1,8,2,skipconcat,mean,399,1.444,0.0579,138386.0,0.0495,0.0033,0.5923,0.0124,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,1,8,2,skipsum,add,399,0.0743,0.0016,133926.0,0.0119,0.0015,0.9706,0.0005,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,1,8,2,skipsum,max,399,0.6911,0.0383,133926.0,0.0252,0.0013,0.8119,0.0078,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,1,8,2,skipsum,mean,399,1.6492,0.1092,133926.0,0.0345,0.0046,0.6035,0.0164,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,1,8,3,skipconcat,add,399,0.1084,0.0112,136714.0,0.0426,0.0025,0.9632,0.0042,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,1,8,3,skipconcat,max,399,0.7047,0.0387,136714.0,0.0148,0.0011,0.8147,0.0047,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,1,8,3,skipconcat,mean,399,1.7763,0.0569,136714.0,0.0502,0.0029,0.5542,0.0177,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,1,8,3,skipsum,add,399,0.0772,0.0065,134298.0,0.0136,0.0004,0.9731,0.0032,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,1,8,3,skipsum,max,399,0.6719,0.0273,134298.0,0.0318,0.0035,0.8325,0.0087,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,1,8,3,skipsum,mean,399,1.8349,0.0303,134298.0,0.0127,0.0016,0.5891,0.0071,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,2,2,2,skipconcat,add,399,0.4653,0.0138,136659.0,0.0253,0.002,0.8503,0.0054,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,2,2,2,skipconcat,max,399,0.8776,0.0309,136659.0,0.009,0.0015,0.7253,0.0023,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,2,2,2,skipconcat,mean,399,1.4942,0.0813,136659.0,0.0306,0.0015,0.5703,0.0048,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,2,2,2,skipsum,add,399,0.5573,0.015,134286.0,0.0086,0.0004,0.8376,0.0067,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,2,2,2,skipsum,max,399,0.8828,0.0547,134286.0,0.0267,0.0024,0.7356,0.0073,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,2,2,2,skipsum,mean,399,1.7952,0.1379,134286.0,0.0082,0.0008,0.5382,0.0128,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,2,2,3,skipconcat,add,399,0.743,0.0317,137442.0,0.0101,0.0011,0.8324,0.0074,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,2,2,3,skipconcat,max,399,1.1625,0.0509,137442.0,0.0119,0.0019,0.7128,0.0134,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,2,2,3,skipconcat,mean,399,1.7137,0.1034,137442.0,0.01,0.0011,0.564,0.0033,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,2,2,3,skipsum,add,399,0.7294,0.0194,134119.0,0.0103,0.001,0.8374,0.0043,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,2,2,3,skipsum,max,399,1.1602,0.0582,134119.0,0.0092,0.0009,0.7177,0.0104,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,2,2,3,skipsum,mean,399,1.9782,0.0766,134119.0,0.0232,0.0006,0.5243,0.0069,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,2,4,2,skipconcat,add,399,0.0981,0.0098,137500.0,0.0346,0.0026,0.959,0.0045,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,2,4,2,skipconcat,max,399,0.8317,0.1091,137500.0,0.0094,0.0004,0.7653,0.016,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,2,4,2,skipconcat,mean,399,1.3053,0.0174,137500.0,0.0358,0.0036,0.625,0.0127,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,2,4,2,skipsum,add,399,0.0985,0.0096,134070.0,0.0264,0.0025,0.9613,0.0035,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,2,4,2,skipsum,max,399,0.7196,0.0796,134070.0,0.0103,0.0007,0.7965,0.0143,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,2,4,2,skipsum,mean,399,1.5178,0.0334,134070.0,0.0229,0.0039,0.6018,0.0059,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,2,4,3,skipconcat,add,399,0.1293,0.0104,137951.0,0.0104,0.0009,0.9541,0.0035,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,2,4,3,skipconcat,max,399,0.7824,0.065,137951.0,0.036,0.0042,0.802,0.0097,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,2,4,3,skipconcat,mean,399,1.6849,0.1474,137951.0,0.0111,0.0009,0.5931,0.0049,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,2,4,3,skipsum,add,399,0.1038,0.0105,133830.0,0.0105,0.0003,0.9607,0.003,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,2,4,3,skipsum,max,399,0.6995,0.0546,133830.0,0.0104,0.0007,0.8178,0.0036,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,2,4,3,skipsum,mean,399,1.6668,0.11,133830.0,0.011,0.0004,0.5938,0.0097,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,2,6,2,skipconcat,add,399,0.0952,0.0065,134553.0,0.013,0.0016,0.9635,0.0048,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,2,6,2,skipconcat,max,399,0.8753,0.0458,134553.0,0.0129,0.001,0.7686,0.0103,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,2,6,2,skipconcat,mean,399,1.2978,0.0256,134553.0,0.0402,0.0022,0.6205,0.0081,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,2,6,2,skipsum,add,399,0.0871,0.0065,135430.0,0.0112,0.0011,0.9656,0.0027,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,2,6,2,skipsum,max,399,0.6784,0.0193,135430.0,0.0103,0.0,0.8067,0.0068,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,2,6,2,skipsum,mean,399,1.4739,0.0329,135430.0,0.028,0.0023,0.611,0.0115,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,2,6,3,skipconcat,add,399,0.1144,0.0089,141786.0,0.0134,0.0009,0.96,0.0034,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,2,6,3,skipconcat,max,399,0.7029,0.0282,141786.0,0.0152,0.0013,0.8159,0.0065,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,2,6,3,skipconcat,mean,399,1.7904,0.1249,141786.0,0.0408,0.0007,0.5737,0.0052,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,2,6,3,skipsum,add,399,0.0925,0.0133,133926.0,0.0255,0.0013,0.9675,0.0038,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,2,6,3,skipsum,max,399,0.6512,0.032,133926.0,0.0283,0.0006,0.8252,0.0066,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,2,6,3,skipsum,mean,399,1.7124,0.0781,133926.0,0.0319,0.0028,0.6044,0.0093,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,2,8,2,skipconcat,add,399,0.0985,0.0012,139610.0,0.0135,0.0019,0.9626,0.0007,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,2,8,2,skipconcat,max,399,0.8449,0.0244,139610.0,0.0159,0.001,0.7704,0.0076,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,2,8,2,skipconcat,mean,399,1.3154,0.0127,139610.0,0.0109,0.0002,0.6162,0.0056,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,2,8,2,skipsum,add,399,0.083,0.0051,134298.0,0.0116,0.0012,0.9669,0.0026,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,2,8,2,skipsum,max,399,0.6726,0.0365,134298.0,0.0129,0.002,0.8148,0.0079,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,2,8,2,skipsum,mean,399,1.5363,0.0876,134298.0,0.0132,0.0026,0.6218,0.0049,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,2,8,3,skipconcat,add,399,0.1287,0.0074,137442.0,0.0483,0.0035,0.957,0.0024,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,2,8,3,skipconcat,max,399,0.6706,0.0284,137442.0,0.0156,0.0023,0.8158,0.0033,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,2,8,3,skipconcat,mean,399,1.7639,0.0735,137442.0,0.0465,0.0016,0.5834,0.0054,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,2,8,3,skipsum,add,399,0.0951,0.0023,135057.0,0.0101,0.0016,0.9658,0.0008,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,2,8,3,skipsum,max,399,0.6743,0.0286,135057.0,0.0137,0.0023,0.8331,0.0029,,,,,,,,
-nx,scalefree,node,True,node_onehot,node_pagerank,2,8,3,skipsum,mean,399,1.7069,0.1085,135057.0,0.0131,0.0018,0.6154,0.0198,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,1,2,2,skipconcat,add,399,0.9613,0.0186,136296.0,0.0106,0.0009,0.6389,0.0096,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,1,2,2,skipconcat,max,399,1.355,0.0057,136296.0,0.0106,0.0015,0.6345,0.0027,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,1,2,2,skipconcat,mean,399,1.5202,0.0285,136296.0,0.0272,0.0011,0.6053,0.0025,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,1,2,2,skipsum,add,399,1.1482,0.0036,134790.0,0.0117,0.0006,0.6324,0.0097,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,1,2,2,skipsum,max,399,1.4203,0.0607,134790.0,0.014,0.0038,0.6343,0.0062,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,1,2,2,skipsum,mean,399,1.6687,0.0886,134790.0,0.0286,0.0025,0.5969,0.0105,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,1,2,3,skipconcat,add,399,1.5059,0.0274,134543.0,0.0291,0.0003,0.6149,0.0062,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,1,2,3,skipconcat,max,399,1.4442,0.0232,134543.0,0.0114,0.0011,0.6254,0.0045,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,1,2,3,skipconcat,mean,399,1.6985,0.0237,134543.0,0.0108,0.0007,0.5818,0.0045,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,1,2,3,skipsum,add,399,1.5094,0.0195,134286.0,0.0088,0.0009,0.6142,0.0025,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,1,2,3,skipsum,max,399,1.4848,0.0129,134286.0,0.0101,0.0016,0.6291,0.0046,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,1,2,3,skipsum,mean,399,1.8046,0.0849,134286.0,0.0083,0.0009,0.5842,0.0096,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,1,4,2,skipconcat,add,399,0.8903,0.022,138018.0,0.0104,0.0007,0.6779,0.0034,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,1,4,2,skipconcat,max,399,1.219,0.0256,138018.0,0.0423,0.0007,0.6614,0.0071,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,1,4,2,skipconcat,mean,399,1.2462,0.0404,138018.0,0.0362,0.0039,0.6667,0.0072,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,1,4,2,skipsum,add,399,1.0412,0.0438,134119.0,0.0113,0.0016,0.6954,0.0085,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,1,4,2,skipsum,max,399,1.2747,0.0202,134119.0,0.0111,0.002,0.6711,0.0041,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,1,4,2,skipsum,mean,399,1.3682,0.1298,134119.0,0.0124,0.0006,0.6609,0.0184,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,1,4,3,skipconcat,add,399,1.3379,0.0279,135648.0,0.0338,0.0021,0.6494,0.0109,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,1,4,3,skipconcat,max,399,1.4619,0.0436,135648.0,0.0106,0.0012,0.6509,0.0072,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,1,4,3,skipconcat,mean,399,1.4164,0.0393,135648.0,0.0133,0.0037,0.6492,0.0209,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,1,4,3,skipsum,add,399,1.3175,0.0297,134070.0,0.027,0.0036,0.6629,0.008,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,1,4,3,skipsum,max,399,1.4436,0.0405,134070.0,0.0119,0.0007,0.6719,0.0028,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,1,4,3,skipsum,mean,399,1.4083,0.0511,134070.0,0.0226,0.0012,0.6528,0.0113,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,1,6,2,skipconcat,add,399,0.9003,0.0234,138782.0,0.0103,0.0009,0.6922,0.0054,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,1,6,2,skipconcat,max,399,1.18,0.0338,138782.0,0.0145,0.0015,0.6729,0.0034,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,1,6,2,skipconcat,mean,399,1.1951,0.0173,138782.0,0.0418,0.0017,0.6827,0.0066,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,1,6,2,skipsum,add,399,1.0374,0.019,133830.0,0.0121,0.0022,0.7042,0.0132,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,1,6,2,skipsum,max,399,1.2592,0.0422,133830.0,0.0253,0.0013,0.6849,0.0068,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,1,6,2,skipsum,mean,399,1.337,0.0938,133830.0,0.0115,0.0011,0.6725,0.011,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,1,6,3,skipconcat,add,399,1.2711,0.0058,140562.0,0.0108,0.001,0.6623,0.0095,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,1,6,3,skipconcat,max,399,1.4764,0.1049,140562.0,0.0137,0.0022,0.6558,0.0059,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,1,6,3,skipconcat,mean,399,1.3446,0.0121,140562.0,0.0098,0.0007,0.6666,0.0123,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,1,6,3,skipsum,add,399,1.2336,0.0214,135430.0,0.0145,0.001,0.68,0.0047,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,1,6,3,skipsum,max,399,1.4359,0.0564,135430.0,0.0157,0.0049,0.6811,0.0121,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,1,6,3,skipsum,mean,399,1.3557,0.0718,135430.0,0.0307,0.0008,0.6775,0.0132,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,1,8,2,skipconcat,add,399,0.922,0.0128,138386.0,0.0136,0.0023,0.6906,0.0083,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,1,8,2,skipconcat,max,399,1.202,0.0588,138386.0,0.0146,0.0028,0.6779,0.0054,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,1,8,2,skipconcat,mean,399,1.2023,0.0212,138386.0,0.0549,0.0045,0.6858,0.0066,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,1,8,2,skipsum,add,399,1.0043,0.0346,133926.0,0.0264,0.0002,0.7183,0.0051,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,1,8,2,skipsum,max,399,1.3272,0.0806,133926.0,0.012,0.0014,0.6931,0.0049,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,1,8,2,skipsum,mean,399,1.2602,0.0915,133926.0,0.0132,0.0025,0.6875,0.0111,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,1,8,3,skipconcat,add,399,1.2528,0.0253,136714.0,0.0437,0.0013,0.6644,0.0102,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,1,8,3,skipconcat,max,399,1.3987,0.0753,136714.0,0.015,0.0016,0.6727,0.0059,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,1,8,3,skipconcat,mean,399,1.3257,0.0162,136714.0,0.0146,0.0022,0.6652,0.0164,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,1,8,3,skipsum,add,399,1.2413,0.0205,134298.0,0.0132,0.0009,0.6906,0.011,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,1,8,3,skipsum,max,399,1.4494,0.0501,134298.0,0.0319,0.0035,0.7012,0.0014,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,1,8,3,skipsum,mean,399,1.321,0.0614,134298.0,0.0124,0.0015,0.6818,0.009,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,2,2,2,skipconcat,add,399,1.142,0.0116,136659.0,0.0096,0.0007,0.6362,0.0024,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,2,2,2,skipconcat,max,399,1.3452,0.078,136659.0,0.0316,0.0015,0.6483,0.0027,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,2,2,2,skipconcat,mean,399,1.424,0.0011,136659.0,0.0098,0.0017,0.6222,0.0019,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,2,2,2,skipsum,add,399,1.2786,0.0292,134286.0,0.0303,0.0071,0.6428,0.0102,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,2,2,2,skipsum,max,399,1.3991,0.0717,134286.0,0.0114,0.0005,0.6419,0.0031,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,2,2,2,skipsum,mean,399,1.5255,0.075,134286.0,0.0097,0.0009,0.6171,0.0094,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,2,2,3,skipconcat,add,399,1.4974,0.0175,137442.0,0.0105,0.0018,0.6183,0.0056,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,2,2,3,skipconcat,max,399,1.3819,0.0365,137442.0,0.011,0.0016,0.6321,0.0163,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,2,2,3,skipconcat,mean,399,1.5712,0.0098,137442.0,0.0108,0.0015,0.6039,0.0101,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,2,2,3,skipsum,add,399,1.5286,0.0227,134119.0,0.0299,0.0044,0.6231,0.0057,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,2,2,3,skipsum,max,399,1.4925,0.0207,134119.0,0.0249,0.0052,0.6257,0.0072,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,2,2,3,skipsum,mean,399,1.6288,0.0185,134119.0,0.0104,0.002,0.608,0.0035,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,2,4,2,skipconcat,add,399,1.0637,0.0212,137500.0,0.0098,0.0013,0.6711,0.0075,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,2,4,2,skipconcat,max,399,1.1601,0.0366,137500.0,0.0134,0.0054,0.6742,0.0111,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,2,4,2,skipconcat,mean,399,1.1993,0.0103,137500.0,0.0152,0.0038,0.6749,0.002,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,2,4,2,skipsum,add,399,1.1232,0.0362,134070.0,0.0142,0.0037,0.6956,0.0049,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,2,4,2,skipsum,max,399,1.2249,0.0149,134070.0,0.0286,0.0028,0.6794,0.0046,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,2,4,2,skipsum,mean,399,1.2874,0.0933,134070.0,0.0243,0.0011,0.6721,0.0049,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,2,4,3,skipconcat,add,399,1.3638,0.0023,137951.0,0.0095,0.0005,0.6501,0.007,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,2,4,3,skipconcat,max,399,1.3666,0.0767,137951.0,0.0378,0.0016,0.6659,0.0051,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,2,4,3,skipconcat,mean,399,1.3833,0.0216,137951.0,0.0112,0.0008,0.6527,0.016,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,2,4,3,skipsum,add,399,1.3209,0.0127,133830.0,0.0105,0.0012,0.6708,0.0087,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,2,4,3,skipsum,max,399,1.4019,0.0315,133830.0,0.0117,0.0015,0.6788,0.0005,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,2,4,3,skipsum,mean,399,1.3841,0.0284,133830.0,0.0139,0.0024,0.6631,0.0097,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,2,6,2,skipconcat,add,399,1.0366,0.0195,134553.0,0.0131,0.001,0.6801,0.0075,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,2,6,2,skipconcat,max,399,1.1716,0.0361,134553.0,0.0396,0.0031,0.674,0.0043,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,2,6,2,skipconcat,mean,399,1.1585,0.0179,134553.0,0.0127,0.001,0.685,0.005,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,2,6,2,skipsum,add,399,1.0884,0.005,135430.0,0.0122,0.0019,0.7106,0.0057,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,2,6,2,skipsum,max,399,1.2157,0.0373,135430.0,0.0111,0.0009,0.6947,0.0036,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,2,6,2,skipsum,mean,399,1.2565,0.077,135430.0,0.0266,0.0018,0.6863,0.0109,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,2,6,3,skipconcat,add,399,1.3292,0.034,141786.0,0.0383,0.0017,0.6517,0.0187,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,2,6,3,skipconcat,max,399,1.3932,0.1082,141786.0,0.0114,0.0011,0.6665,0.0096,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,2,6,3,skipconcat,mean,399,1.3306,0.0333,141786.0,0.017,0.0012,0.6671,0.0118,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,2,6,3,skipsum,add,399,1.2542,0.0092,133926.0,0.0099,0.0001,0.69,0.0062,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,2,6,3,skipsum,max,399,1.4064,0.0746,133926.0,0.0271,0.0024,0.6889,0.0042,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,2,6,3,skipsum,mean,399,1.2629,0.0201,133926.0,0.0175,0.003,0.6924,0.0106,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,2,8,2,skipconcat,add,399,1.006,0.0427,139610.0,0.0137,0.0015,0.6882,0.0081,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,2,8,2,skipconcat,max,399,1.158,0.0537,139610.0,0.0175,0.006,0.6799,0.0037,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,2,8,2,skipconcat,mean,399,1.1332,0.0172,139610.0,0.0128,0.0007,0.6879,0.0069,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,2,8,2,skipsum,add,399,1.0557,0.0292,134298.0,0.0112,0.0015,0.7168,0.0018,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,2,8,2,skipsum,max,399,1.2796,0.0461,134298.0,0.0164,0.0022,0.6906,0.0041,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,2,8,2,skipsum,mean,399,1.258,0.0772,134298.0,0.0201,0.0048,0.6918,0.0158,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,2,8,3,skipconcat,add,399,1.3482,0.0553,137442.0,0.0142,0.0019,0.6542,0.0115,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,2,8,3,skipconcat,max,399,1.368,0.0538,137442.0,0.02,0.0028,0.6731,0.0026,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,2,8,3,skipconcat,mean,399,1.302,0.0202,137442.0,0.0512,0.0049,0.6723,0.0131,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,2,8,3,skipsum,add,399,1.2584,0.0131,135057.0,0.0142,0.0017,0.691,0.0029,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,2,8,3,skipsum,max,399,1.3777,0.0475,135057.0,0.0134,0.0021,0.7009,0.0039,,,,,,,,
-nx,scalefree,node,True,node_pagerank,node_clustering_coefficient,2,8,3,skipsum,mean,399,1.2779,0.0162,135057.0,0.0127,0.0019,0.688,0.0092,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,1,2,2,skipconcat,add,399,0.2634,0.0708,136296.0,0.0127,0.0006,0.8846,0.0314,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,1,2,2,skipconcat,max,399,1.3962,0.4875,136296.0,0.036,0.0014,0.5962,0.0942,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,1,2,2,skipconcat,mean,399,0.7179,0.0812,136296.0,0.0103,0.0023,0.7179,0.0453,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,1,2,2,skipsum,add,399,0.2625,0.0835,134790.0,0.0298,0.0015,0.9039,0.0415,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,1,2,2,skipsum,max,399,1.1583,0.3492,134790.0,0.0083,0.0015,0.6667,0.0893,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,1,2,2,skipsum,mean,399,0.7016,0.1334,134790.0,0.0097,0.0011,0.7564,0.024,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,1,2,3,skipconcat,add,399,0.2635,0.1076,134543.0,0.0344,0.0013,0.9167,0.0453,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,1,2,3,skipconcat,max,399,1.2921,0.3877,134543.0,0.0339,0.0012,0.641,0.0893,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,1,2,3,skipconcat,mean,399,0.7764,0.1439,134543.0,0.0423,0.0128,0.7243,0.0327,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,1,2,3,skipsum,add,399,0.2794,0.1054,134286.0,0.0079,0.0003,0.8782,0.0327,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,1,2,3,skipsum,max,399,1.1632,0.3432,134286.0,0.0077,0.0006,0.7244,0.0708,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,1,2,3,skipsum,mean,399,0.6813,0.1027,134286.0,0.0357,0.0029,0.7436,0.0634,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,1,4,2,skipconcat,add,399,0.2406,0.0822,138018.0,0.0162,0.0078,0.9231,0.0314,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,1,4,2,skipconcat,max,399,1.5352,0.4803,138018.0,0.0122,0.0009,0.5769,0.0816,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,1,4,2,skipconcat,mean,399,0.8862,0.0953,138018.0,0.0119,0.0004,0.7372,0.0091,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,1,4,2,skipsum,add,399,0.2633,0.0867,134119.0,0.011,0.0017,0.8974,0.0654,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,1,4,2,skipsum,max,399,1.5202,0.3651,134119.0,0.0109,0.0004,0.6346,0.072,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,1,4,2,skipsum,mean,399,0.7117,0.1562,134119.0,0.0288,0.0007,0.7628,0.0181,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,1,4,3,skipconcat,add,399,0.2314,0.0847,135648.0,0.0171,0.0071,0.9103,0.0479,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,1,4,3,skipconcat,max,399,1.6404,0.3659,135648.0,0.0122,0.0008,0.5962,0.0816,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,1,4,3,skipconcat,mean,399,0.798,0.1314,135648.0,0.0143,0.005,0.75,0.0566,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,1,4,3,skipsum,add,399,0.2664,0.1185,134070.0,0.0112,0.0006,0.891,0.0742,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,1,4,3,skipsum,max,399,1.6478,0.5342,134070.0,0.0089,0.0002,0.6282,0.0865,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,1,4,3,skipsum,mean,399,0.6718,0.1417,134070.0,0.0107,0.0012,0.75,0.0416,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,1,6,2,skipconcat,add,399,0.2309,0.0866,138782.0,0.0441,0.0029,0.9102,0.0395,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,1,6,2,skipconcat,max,399,1.5018,0.4784,138782.0,0.0114,0.0011,0.6539,0.0955,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,1,6,2,skipconcat,mean,399,0.8651,0.1978,138782.0,0.0496,0.0013,0.7372,0.0551,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,1,6,2,skipsum,add,399,0.265,0.0875,133830.0,0.0351,0.0052,0.8974,0.0327,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,1,6,2,skipsum,max,399,1.6142,0.4676,133830.0,0.0318,0.0007,0.6026,0.1219,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,1,6,2,skipsum,mean,399,0.6306,0.1452,133830.0,0.0133,0.0016,0.7628,0.048,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,1,6,3,skipconcat,add,399,0.2669,0.1166,140562.0,0.0477,0.0014,0.9231,0.0416,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,1,6,3,skipconcat,max,399,1.6072,0.5019,140562.0,0.0109,0.0021,0.641,0.0806,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,1,6,3,skipconcat,mean,399,0.8314,0.0992,140562.0,0.0129,0.0016,0.7372,0.0327,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,1,6,3,skipsum,add,399,0.2677,0.0888,135430.0,0.0104,0.0008,0.8782,0.0635,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,1,6,3,skipsum,max,399,1.5397,0.57,135430.0,0.012,0.0015,0.6282,0.1407,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,1,6,3,skipsum,mean,399,0.6648,0.2204,135430.0,0.0136,0.0048,0.7628,0.048,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,1,8,2,skipconcat,add,399,0.2358,0.0918,138386.0,0.0513,0.0029,0.9231,0.0314,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,1,8,2,skipconcat,max,399,1.6439,0.2894,138386.0,0.0139,0.0026,0.5897,0.0181,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,1,8,2,skipconcat,mean,399,0.8394,0.1369,138386.0,0.0158,0.0005,0.7179,0.048,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,1,8,2,skipsum,add,399,0.2651,0.0899,133926.0,0.0158,0.0059,0.9039,0.0415,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,1,8,2,skipsum,max,399,1.5412,0.4703,133926.0,0.0418,0.009,0.5961,0.0831,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,1,8,2,skipsum,mean,399,0.6745,0.0951,133926.0,0.0134,0.0005,0.7243,0.0635,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,1,8,3,skipconcat,add,399,0.2254,0.0878,136714.0,0.0126,0.0026,0.9103,0.0327,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,1,8,3,skipconcat,max,399,1.5242,0.4608,136714.0,0.0152,0.0027,0.609,0.1103,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,1,8,3,skipconcat,mean,399,0.8253,0.2354,136714.0,0.013,0.0017,0.7243,0.0505,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,1,8,3,skipsum,add,399,0.266,0.0976,134298.0,0.0211,0.0042,0.891,0.0551,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,1,8,3,skipsum,max,399,1.7362,0.4721,134298.0,0.0128,0.0026,0.5705,0.0708,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,1,8,3,skipsum,mean,399,0.6721,0.1599,134298.0,0.0334,0.0028,0.75,0.0628,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,2,2,2,skipconcat,add,399,0.3068,0.1115,136659.0,0.0368,0.0031,0.891,0.0395,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,2,2,2,skipconcat,max,399,1.1341,0.4311,136659.0,0.04,0.0051,0.6859,0.0775,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,2,2,2,skipconcat,mean,399,0.6508,0.0311,136659.0,0.0092,0.001,0.75,0.0628,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,2,2,2,skipsum,add,399,0.2733,0.093,134286.0,0.0099,0.0024,0.9102,0.0395,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,2,2,2,skipsum,max,399,1.085,0.0852,134286.0,0.011,0.0007,0.6539,0.0415,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,2,2,2,skipsum,mean,399,0.6932,0.0382,134286.0,0.0277,0.0012,0.7436,0.0091,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,2,2,3,skipconcat,add,399,0.2992,0.1264,137442.0,0.037,0.0005,0.9039,0.0566,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,2,2,3,skipconcat,max,399,1.1884,0.3677,137442.0,0.0099,0.0018,0.6603,0.0893,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,2,2,3,skipconcat,mean,399,0.8035,0.1733,137442.0,0.0085,0.0016,0.7436,0.0327,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,2,2,3,skipsum,add,399,0.2969,0.1218,134119.0,0.0101,0.0013,0.8782,0.0239,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,2,2,3,skipsum,max,399,1.2417,0.2844,134119.0,0.0094,0.0014,0.6539,0.0684,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,2,2,3,skipsum,mean,399,0.7661,0.1132,134119.0,0.0309,0.0037,0.7244,0.024,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,2,4,2,skipconcat,add,399,0.2653,0.1092,137500.0,0.0097,0.0019,0.9103,0.0327,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,2,4,2,skipconcat,max,399,1.5257,0.6264,137500.0,0.0127,0.0019,0.6603,0.092,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,2,4,2,skipconcat,mean,399,0.8919,0.2548,137500.0,0.0158,0.0014,0.7051,0.0551,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,2,4,2,skipsum,add,399,0.2535,0.0979,134070.0,0.0106,0.0014,0.9167,0.0395,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,2,4,2,skipsum,max,399,1.5017,0.445,134070.0,0.0317,0.0022,0.5834,0.0635,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,2,4,2,skipsum,mean,399,0.7694,0.0965,134070.0,0.0199,0.0094,0.7179,0.024,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,2,4,3,skipconcat,add,399,0.2957,0.1315,137951.0,0.0128,0.0033,0.8974,0.0453,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,2,4,3,skipconcat,max,399,1.6473,0.4857,137951.0,0.0091,0.0015,0.6475,0.101,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,2,4,3,skipconcat,mean,399,0.8194,0.2144,137951.0,0.0164,0.0012,0.7564,0.0594,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,2,4,3,skipsum,add,399,0.2731,0.0823,133830.0,0.0118,0.002,0.8974,0.0327,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,2,4,3,skipsum,max,399,1.3296,0.5315,133830.0,0.0084,0.0007,0.6282,0.1045,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,2,4,3,skipsum,mean,399,0.7229,0.1579,133830.0,0.0093,0.0009,0.7628,0.0635,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,2,6,2,skipconcat,add,399,0.2686,0.095,134553.0,0.0178,0.0044,0.8974,0.0327,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,2,6,2,skipconcat,max,399,1.4036,0.4122,134553.0,0.0505,0.0057,0.6666,0.0327,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,2,6,2,skipconcat,mean,399,0.7977,0.2612,134553.0,0.0471,0.0029,0.7692,0.0566,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,2,6,2,skipsum,add,399,0.2627,0.0802,135430.0,0.0214,0.0081,0.9038,0.0314,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,2,6,2,skipsum,max,399,1.5529,0.5386,135430.0,0.0334,0.0043,0.6282,0.0453,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,2,6,2,skipsum,mean,399,0.6727,0.1253,135430.0,0.0143,0.0024,0.7436,0.0654,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,2,6,3,skipconcat,add,399,0.2901,0.1157,141786.0,0.0131,0.0025,0.9103,0.0479,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,2,6,3,skipconcat,max,399,1.5635,0.6048,141786.0,0.0117,0.0006,0.6539,0.0831,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,2,6,3,skipconcat,mean,399,0.8567,0.2079,141786.0,0.0471,0.0022,0.7308,0.0566,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,2,6,3,skipsum,add,399,0.2908,0.0799,133926.0,0.0105,0.0006,0.8654,0.0314,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,2,6,3,skipsum,max,399,1.2988,0.4986,133926.0,0.0129,0.0023,0.6538,0.1099,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,2,6,3,skipsum,mean,399,0.7499,0.1367,133926.0,0.0126,0.0004,0.7564,0.0327,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,2,8,2,skipconcat,add,399,0.3137,0.1187,139610.0,0.0152,0.0048,0.8974,0.0327,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,2,8,2,skipconcat,max,399,1.6517,0.4597,139610.0,0.0156,0.0017,0.5961,0.0566,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,2,8,2,skipconcat,mean,399,0.8287,0.2115,139610.0,0.016,0.0076,0.7564,0.0551,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,2,8,2,skipsum,add,399,0.2866,0.0869,134298.0,0.0351,0.0024,0.9038,0.0415,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,2,8,2,skipsum,max,399,1.577,0.4492,134298.0,0.0114,0.0016,0.641,0.092,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,2,8,2,skipsum,mean,399,0.8194,0.1593,134298.0,0.011,0.0022,0.7244,0.0091,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,2,8,3,skipconcat,add,399,0.3007,0.1143,137442.0,0.0139,0.0022,0.8974,0.0395,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,2,8,3,skipconcat,max,399,1.5381,0.5726,137442.0,0.0592,0.0045,0.6346,0.0685,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,2,8,3,skipconcat,mean,399,0.8127,0.1222,137442.0,0.0211,0.0054,0.7436,0.0395,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,2,8,3,skipsum,add,399,0.2912,0.0894,135057.0,0.0136,0.0011,0.891,0.048,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,2,8,3,skipsum,max,399,1.4288,0.3259,135057.0,0.0172,0.0047,0.6667,0.0708,,,,,,,,
-nx,smallworld,graph,True,node_clustering_coefficient,graph_path_len,2,8,3,skipsum,mean,399,0.7372,0.2204,135057.0,0.0351,0.0018,0.7628,0.0806,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,1,2,2,skipconcat,add,399,0.5184,0.0255,136296.0,0.0091,0.0011,0.7692,0.0415,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,1,2,2,skipconcat,max,399,1.6434,0.0117,136296.0,0.01,0.0019,0.1346,0.0157,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,1,2,2,skipconcat,mean,399,797.4069,267.9886,136296.0,0.0089,0.0012,0.2308,0.0831,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,1,2,2,skipsum,add,399,0.3852,0.0348,134790.0,0.0103,0.0004,0.8141,0.0327,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,1,2,2,skipsum,max,399,1.6426,0.0114,134790.0,0.0082,0.0012,0.1346,0.0157,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,1,2,2,skipsum,mean,399,440.5523,79.8633,134790.0,0.0317,0.0025,0.2308,0.0831,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,1,2,3,skipconcat,add,399,0.4798,0.0178,134543.0,0.0359,0.001,0.7949,0.0091,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,1,2,3,skipconcat,max,399,1.6433,0.012,134543.0,0.0367,0.0005,0.1346,0.0157,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,1,2,3,skipconcat,mean,399,274.8641,18.7733,134543.0,0.0395,0.0086,0.2308,0.0831,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,1,2,3,skipsum,add,399,0.3902,0.0191,134286.0,0.0101,0.0024,0.8397,0.0181,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,1,2,3,skipsum,max,399,1.6427,0.0119,134286.0,0.0092,0.0013,0.1346,0.0157,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,1,2,3,skipsum,mean,399,93.8101,14.7801,134286.0,0.0293,0.0018,0.2308,0.0831,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,1,4,2,skipconcat,add,399,0.4584,0.0646,138018.0,0.0113,0.0011,0.8205,0.0181,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,1,4,2,skipconcat,max,399,1.6427,0.0109,138018.0,0.0154,0.007,0.1346,0.0157,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,1,4,2,skipconcat,mean,399,4.5936,0.1982,138018.0,0.01,0.0007,0.2308,0.0831,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,1,4,2,skipsum,add,399,0.3825,0.0321,134119.0,0.0121,0.003,0.8141,0.024,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,1,4,2,skipsum,max,399,1.6432,0.0122,134119.0,0.0112,0.0009,0.1346,0.0157,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,1,4,2,skipsum,mean,399,4.4368,0.8134,134119.0,0.0092,0.0004,0.2308,0.0831,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,1,4,3,skipconcat,add,399,0.45,0.0245,135648.0,0.0141,0.0067,0.8205,0.0091,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,1,4,3,skipconcat,max,399,1.644,0.0124,135648.0,0.0104,0.0005,0.1346,0.0157,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,1,4,3,skipconcat,mean,399,4.4027,0.416,135648.0,0.0125,0.0016,0.2308,0.0831,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,1,4,3,skipsum,add,399,0.4006,0.0069,134070.0,0.0127,0.0008,0.8077,0.0272,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,1,4,3,skipsum,max,399,1.6432,0.0118,134070.0,0.0212,0.0133,0.1346,0.0157,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,1,4,3,skipsum,mean,399,3.1629,0.2502,134070.0,0.0344,0.0013,0.2308,0.0831,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,1,6,2,skipconcat,add,399,0.4526,0.0388,138782.0,0.0462,0.0003,0.8077,0.0157,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,1,6,2,skipconcat,max,399,1.643,0.0118,138782.0,0.0114,0.0006,0.1346,0.0157,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,1,6,2,skipconcat,mean,399,4.432,0.2286,138782.0,0.0115,0.0014,0.2308,0.0831,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,1,6,2,skipsum,add,399,0.3751,0.0189,133830.0,0.0314,0.0004,0.827,0.0272,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,1,6,2,skipsum,max,399,1.6432,0.0115,133830.0,0.0296,0.0017,0.1346,0.0157,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,1,6,2,skipsum,mean,399,4.1676,0.9219,133830.0,0.0142,0.0028,0.2308,0.0831,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,1,6,3,skipconcat,add,399,0.4507,0.0503,140562.0,0.0132,0.0057,0.8077,0.0272,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,1,6,3,skipconcat,max,399,1.6432,0.0122,140562.0,0.0302,0.0186,0.1346,0.0157,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,1,6,3,skipconcat,mean,399,3.4784,0.0622,140562.0,0.0529,0.0047,0.2308,0.0831,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,1,6,3,skipsum,add,399,0.4067,0.0697,135430.0,0.0099,0.0003,0.8013,0.0181,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,1,6,3,skipsum,max,399,1.6434,0.0113,135430.0,0.0126,0.0014,0.1346,0.0157,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,1,6,3,skipsum,mean,399,4.7969,0.9847,135430.0,0.0107,0.0015,0.2308,0.0831,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,1,8,2,skipconcat,add,399,0.482,0.0227,138386.0,0.0105,0.0003,0.7949,0.0327,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,1,8,2,skipconcat,max,399,1.6439,0.0115,138386.0,0.0143,0.0022,0.1346,0.0157,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,1,8,2,skipconcat,mean,399,3.936,0.8162,138386.0,0.0119,0.0013,0.2308,0.0831,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,1,8,2,skipsum,add,399,0.3504,0.0136,133926.0,0.012,0.0017,0.8654,0.0,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,1,8,2,skipsum,max,399,1.6431,0.0127,133926.0,0.0186,0.0116,0.1346,0.0157,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,1,8,2,skipsum,mean,399,4.3919,0.7889,133926.0,0.0298,0.0004,0.2308,0.0831,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,1,8,3,skipconcat,add,399,0.3974,0.0091,136714.0,0.0545,0.0054,0.8013,0.024,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,1,8,3,skipconcat,max,399,1.6431,0.0122,136714.0,0.0135,0.0019,0.1346,0.0157,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,1,8,3,skipconcat,mean,399,3.2595,0.3547,136714.0,0.0136,0.0015,0.2308,0.0831,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,1,8,3,skipsum,add,399,0.3721,0.0196,134298.0,0.0158,0.0017,0.8398,0.024,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,1,8,3,skipsum,max,399,1.6438,0.0123,134298.0,0.0118,0.0012,0.1346,0.0157,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,1,8,3,skipsum,mean,399,4.49,0.3121,134298.0,0.0179,0.0032,0.2308,0.0831,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,2,2,2,skipconcat,add,399,0.5402,0.0252,136659.0,0.0102,0.0015,0.7692,0.0157,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,2,2,2,skipconcat,max,399,1.6434,0.0117,136659.0,0.0096,0.0005,0.1346,0.0157,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,2,2,2,skipconcat,mean,399,559.8663,176.8912,136659.0,0.0369,0.0021,0.2308,0.0831,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,2,2,2,skipsum,add,399,0.3953,0.0181,134286.0,0.0095,0.0009,0.8141,0.024,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,2,2,2,skipsum,max,399,1.6427,0.0119,134286.0,0.0293,0.0011,0.1346,0.0157,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,2,2,2,skipsum,mean,399,381.3428,134.5203,134286.0,0.0119,0.0007,0.2308,0.0831,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,2,2,3,skipconcat,add,399,0.4788,0.0198,137442.0,0.0095,0.0012,0.8077,0.0314,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,2,2,3,skipconcat,max,399,1.6434,0.012,137442.0,0.0107,0.0023,0.1346,0.0157,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,2,2,3,skipconcat,mean,399,432.6095,140.6729,137442.0,0.0092,0.0015,0.2308,0.0831,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,2,2,3,skipsum,add,399,0.4033,0.0262,134119.0,0.0099,0.0016,0.8334,0.0181,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,2,2,3,skipsum,max,399,1.6442,0.0129,134119.0,0.0092,0.0014,0.1346,0.0157,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,2,2,3,skipsum,mean,399,324.8434,75.731,134119.0,0.031,0.0052,0.2308,0.0831,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,2,4,2,skipconcat,add,399,0.4591,0.0568,137500.0,0.0514,0.0083,0.8077,0.0314,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,2,4,2,skipconcat,max,399,1.6433,0.0115,137500.0,0.0147,0.0013,0.1346,0.0157,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,2,4,2,skipconcat,mean,399,7.8429,0.4691,137500.0,0.0144,0.0004,0.2308,0.0831,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,2,4,2,skipsum,add,399,0.3863,0.0195,134070.0,0.0155,0.0056,0.8269,0.0157,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,2,4,2,skipsum,max,399,1.6432,0.0118,134070.0,0.011,0.0009,0.1346,0.0157,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,2,4,2,skipsum,mean,399,3.7034,0.865,134070.0,0.012,0.0004,0.2308,0.0831,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,2,4,3,skipconcat,add,399,0.4941,0.0289,137951.0,0.0127,0.0003,0.8013,0.0327,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,2,4,3,skipconcat,max,399,1.6431,0.0115,137951.0,0.0407,0.0007,0.1346,0.0157,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,2,4,3,skipconcat,mean,399,7.0744,0.8198,137951.0,0.0433,0.0033,0.2308,0.0831,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,2,4,3,skipsum,add,399,0.3817,0.0095,133830.0,0.0127,0.0021,0.8269,0.0157,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,2,4,3,skipsum,max,399,1.6441,0.0122,133830.0,0.0134,0.0015,0.1346,0.0157,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,2,4,3,skipsum,mean,399,2.797,0.1877,133830.0,0.0133,0.0013,0.2308,0.0831,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,2,6,2,skipconcat,add,399,0.4657,0.0245,134553.0,0.0121,0.0013,0.8205,0.024,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,2,6,2,skipconcat,max,399,1.6424,0.0122,134553.0,0.0168,0.0042,0.1346,0.0157,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,2,6,2,skipconcat,mean,399,4.437,0.5285,134553.0,0.0119,0.0018,0.2308,0.0831,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,2,6,2,skipsum,add,399,0.4149,0.0506,135430.0,0.0115,0.0007,0.8077,0.0314,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,2,6,2,skipsum,max,399,1.6434,0.0113,135430.0,0.0119,0.0003,0.1346,0.0157,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,2,6,2,skipsum,mean,399,4.2523,0.1477,135430.0,0.0333,0.0002,0.2308,0.0831,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,2,6,3,skipconcat,add,399,0.4512,0.0346,141786.0,0.0114,0.0009,0.7949,0.024,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,2,6,3,skipconcat,max,399,1.6437,0.0136,141786.0,0.0108,0.0005,0.1346,0.0157,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,2,6,3,skipconcat,mean,399,6.1308,2.419,141786.0,0.0517,0.0043,0.2308,0.0831,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,2,6,3,skipsum,add,399,0.3845,0.0398,133926.0,0.0384,0.0078,0.8141,0.0453,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,2,6,3,skipsum,max,399,1.6434,0.0115,133926.0,0.0113,0.0008,0.1346,0.0157,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,2,6,3,skipsum,mean,399,5.2893,1.0577,133926.0,0.0129,0.0041,0.2308,0.0831,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,2,8,2,skipconcat,add,399,0.4207,0.0129,139610.0,0.0629,0.0046,0.7885,0.0157,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,2,8,2,skipconcat,max,399,1.643,0.012,139610.0,0.0179,0.0028,0.1346,0.0157,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,2,8,2,skipconcat,mean,399,3.2383,0.3084,139610.0,0.0162,0.0015,0.2308,0.0831,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,2,8,2,skipsum,add,399,0.3982,0.0237,134298.0,0.0117,0.0008,0.8205,0.0327,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,2,8,2,skipsum,max,399,1.6438,0.0123,134298.0,0.0136,0.0005,0.1346,0.0157,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,2,8,2,skipsum,mean,399,4.0125,0.2997,134298.0,0.0102,0.0002,0.2308,0.0831,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,2,8,3,skipconcat,add,399,0.443,0.0187,137442.0,0.0118,0.0012,0.8141,0.0181,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,2,8,3,skipconcat,max,399,1.6425,0.0111,137442.0,0.0549,0.0019,0.1346,0.0157,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,2,8,3,skipconcat,mean,399,4.208,1.5019,137442.0,0.0163,0.0033,0.2308,0.0831,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,2,8,3,skipsum,add,399,0.362,0.0041,135057.0,0.0334,0.0015,0.8205,0.0363,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,2,8,3,skipsum,max,399,1.6445,0.0123,135057.0,0.0136,0.0006,0.1346,0.0157,,,,,,,,
-nx,smallworld,graph,True,node_const,graph_path_len,2,8,3,skipsum,mean,399,5.2875,0.4039,135057.0,0.0381,0.0042,0.2308,0.0831,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,1,2,2,skipconcat,add,399,1.7763,0.2817,136296.0,0.0161,0.003,0.5962,0.0157,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,1,2,2,skipconcat,max,399,2.4958,0.4757,136296.0,0.0099,0.0014,0.4744,0.024,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,1,2,2,skipconcat,mean,399,2.0733,0.3321,136296.0,0.0113,0.0021,0.4744,0.0865,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,1,2,2,skipsum,add,399,1.5435,0.3112,134790.0,0.0291,0.0016,0.609,0.0654,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,1,2,2,skipsum,max,399,2.1607,0.1721,134790.0,0.0082,0.0004,0.5064,0.0865,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,1,2,2,skipsum,mean,399,2.1437,0.1267,134790.0,0.0304,0.0008,0.5321,0.048,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,1,2,3,skipconcat,add,399,1.5113,0.4057,134543.0,0.0101,0.0006,0.6474,0.0635,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,1,2,3,skipconcat,max,399,2.3168,0.7232,134543.0,0.0111,0.001,0.5385,0.1132,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,1,2,3,skipconcat,mean,399,2.0031,0.2569,134543.0,0.0104,0.0038,0.5641,0.048,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,1,2,3,skipsum,add,399,1.3347,0.2734,134286.0,0.0102,0.0011,0.6859,0.0327,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,1,2,3,skipsum,max,399,2.3602,0.535,134286.0,0.0104,0.0007,0.5064,0.0806,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,1,2,3,skipsum,mean,399,2.1381,0.1446,134286.0,0.0088,0.0013,0.5385,0.072,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,1,4,2,skipconcat,add,399,1.4504,0.2007,138018.0,0.0128,0.0021,0.6282,0.0327,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,1,4,2,skipconcat,max,399,2.2947,0.1421,138018.0,0.0131,0.0055,0.5256,0.0395,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,1,4,2,skipconcat,mean,399,1.8759,0.081,138018.0,0.0155,0.0061,0.5513,0.0327,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,1,4,2,skipsum,add,399,1.2971,0.3075,134119.0,0.0101,0.0012,0.641,0.0453,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,1,4,2,skipsum,max,399,2.0993,0.4514,134119.0,0.0102,0.0008,0.5449,0.0725,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,1,4,2,skipsum,mean,399,2.2325,0.4684,134119.0,0.0118,0.001,0.5577,0.0566,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,1,4,3,skipconcat,add,399,1.2992,0.3384,135648.0,0.0474,0.0051,0.6987,0.0742,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,1,4,3,skipconcat,max,399,2.0019,0.2163,135648.0,0.0098,0.0014,0.532,0.0181,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,1,4,3,skipconcat,mean,399,1.8306,0.2669,135648.0,0.0587,0.0214,0.5513,0.0775,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,1,4,3,skipsum,add,399,1.306,0.1614,134070.0,0.0119,0.0014,0.6603,0.0635,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,1,4,3,skipsum,max,399,2.1226,0.3776,134070.0,0.0123,0.0004,0.5,0.0628,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,1,4,3,skipsum,mean,399,2.1292,0.1915,134070.0,0.0352,0.0006,0.4936,0.0453,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,1,6,2,skipconcat,add,399,1.7313,0.3528,138782.0,0.0131,0.0019,0.6218,0.0363,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,1,6,2,skipconcat,max,399,2.1503,0.31,138782.0,0.0485,0.0018,0.5577,0.0628,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,1,6,2,skipconcat,mean,399,2.044,0.3438,138782.0,0.0133,0.0008,0.5256,0.1179,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,1,6,2,skipsum,add,399,1.4671,0.1736,133830.0,0.0127,0.0028,0.5962,0.0157,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,1,6,2,skipsum,max,399,2.0668,0.2783,133830.0,0.0314,0.0029,0.4808,0.0157,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,1,6,2,skipsum,mean,399,2.0062,0.1557,133830.0,0.0142,0.0021,0.5385,0.0314,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,1,6,3,skipconcat,add,399,1.2199,0.0996,140562.0,0.0113,0.0019,0.6859,0.048,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,1,6,3,skipconcat,max,399,2.453,0.2385,140562.0,0.0115,0.0014,0.4744,0.0395,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,1,6,3,skipconcat,mean,399,2.3031,0.1347,140562.0,0.0508,0.0004,0.4872,0.0635,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,1,6,3,skipsum,add,399,1.0736,0.0838,135430.0,0.0139,0.0045,0.6795,0.0327,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,1,6,3,skipsum,max,399,1.9368,0.2658,135430.0,0.0118,0.0004,0.5513,0.024,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,1,6,3,skipsum,mean,399,2.0235,0.1486,135430.0,0.0116,0.0011,0.5577,0.0314,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,1,8,2,skipconcat,add,399,1.5106,0.1665,138386.0,0.0123,0.0012,0.641,0.0594,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,1,8,2,skipconcat,max,399,2.3956,0.0845,138386.0,0.0583,0.0089,0.4679,0.024,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,1,8,2,skipconcat,mean,399,2.4183,0.162,138386.0,0.025,0.0064,0.4872,0.0363,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,1,8,2,skipsum,add,399,1.3096,0.1561,133926.0,0.0118,0.0015,0.6474,0.024,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,1,8,2,skipsum,max,399,1.7551,0.2322,133926.0,0.0212,0.0116,0.5385,0.0684,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,1,8,2,skipsum,mean,399,1.7848,0.3509,133926.0,0.0147,0.0026,0.6025,0.0806,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,1,8,3,skipconcat,add,399,1.42,0.1457,136714.0,0.0624,0.0082,0.6666,0.0181,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,1,8,3,skipconcat,max,399,2.1436,0.3465,136714.0,0.0129,0.0015,0.4551,0.0395,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,1,8,3,skipconcat,mean,399,2.2162,0.4233,136714.0,0.0608,0.0088,0.4872,0.1269,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,1,8,3,skipsum,add,399,1.3285,0.225,134298.0,0.0129,0.0021,0.6282,0.0653,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,1,8,3,skipsum,max,399,1.6453,0.3594,134298.0,0.0115,0.0004,0.5705,0.1022,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,1,8,3,skipsum,mean,399,2.0662,0.2305,134298.0,0.0105,0.0023,0.5577,0.0416,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,2,2,2,skipconcat,add,399,1.9599,0.3819,136659.0,0.0109,0.0003,0.6346,0.0,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,2,2,2,skipconcat,max,399,2.4298,0.3929,136659.0,0.0088,0.0009,0.5064,0.0775,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,2,2,2,skipconcat,mean,399,2.228,0.1368,136659.0,0.0381,0.0027,0.532,0.0181,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,2,2,2,skipsum,add,399,1.4783,0.2736,134286.0,0.0318,0.0004,0.6731,0.0566,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,2,2,2,skipsum,max,399,2.2328,0.126,134286.0,0.0094,0.0009,0.5,0.0785,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,2,2,2,skipsum,mean,399,1.6581,0.2393,134286.0,0.032,0.0042,0.5449,0.0865,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,2,2,3,skipconcat,add,399,1.494,0.2667,137442.0,0.0103,0.0012,0.6602,0.0594,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,2,2,3,skipconcat,max,399,2.4884,0.5038,137442.0,0.0102,0.0003,0.5128,0.1335,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,2,2,3,skipconcat,mean,399,2.1789,0.2302,137442.0,0.0081,0.0007,0.5257,0.0327,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,2,2,3,skipsum,add,399,1.475,0.2272,134119.0,0.0415,0.0125,0.641,0.0504,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,2,2,3,skipsum,max,399,2.0898,0.3692,134119.0,0.0342,0.0016,0.5449,0.0181,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,2,2,3,skipsum,mean,399,1.8546,0.195,134119.0,0.0086,0.0014,0.5449,0.0327,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,2,4,2,skipconcat,add,399,1.5155,0.4144,137500.0,0.0431,0.0036,0.6474,0.0327,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,2,4,2,skipconcat,max,399,2.6329,0.3415,137500.0,0.0386,0.0009,0.4872,0.048,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,2,4,2,skipconcat,mean,399,1.9113,0.257,137500.0,0.0116,0.0024,0.609,0.0634,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,2,4,2,skipsum,add,399,1.6494,0.3668,134070.0,0.0097,0.0004,0.6346,0.0416,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,2,4,2,skipsum,max,399,2.3172,0.2586,134070.0,0.0102,0.0035,0.5,0.0566,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,2,4,2,skipsum,mean,399,1.8682,0.2242,134070.0,0.0357,0.0043,0.5897,0.0505,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,2,4,3,skipconcat,add,399,1.534,0.2483,137951.0,0.0101,0.0004,0.6154,0.0157,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,2,4,3,skipconcat,max,399,2.1922,0.1365,137951.0,0.0212,0.005,0.5449,0.0551,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,2,4,3,skipconcat,mean,399,1.9977,0.4162,137951.0,0.0122,0.0027,0.5449,0.024,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,2,4,3,skipsum,add,399,1.3607,0.2837,133830.0,0.0333,0.0034,0.6538,0.0314,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,2,4,3,skipsum,max,399,2.1023,0.1664,133830.0,0.0129,0.005,0.5641,0.0395,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,2,4,3,skipsum,mean,399,1.8197,0.2329,133830.0,0.0292,0.0009,0.5577,0.0416,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,2,6,2,skipconcat,add,399,1.3485,0.2301,134553.0,0.0551,0.0036,0.6795,0.0551,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,2,6,2,skipconcat,max,399,2.1672,0.1814,134553.0,0.0121,0.0015,0.5,0.0157,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,2,6,2,skipconcat,mean,399,1.7618,0.2323,134553.0,0.0563,0.0016,0.5449,0.0595,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,2,6,2,skipsum,add,399,1.1244,0.0919,135430.0,0.0161,0.0023,0.6731,0.0272,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,2,6,2,skipsum,max,399,2.2737,0.2145,135430.0,0.0111,0.0016,0.5064,0.024,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,2,6,2,skipsum,mean,399,1.9028,0.2509,135430.0,0.0121,0.002,0.5769,0.0314,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,2,6,3,skipconcat,add,399,1.544,0.2074,141786.0,0.011,0.004,0.6923,0.0157,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,2,6,3,skipconcat,max,399,2.1481,0.3127,141786.0,0.0505,0.0011,0.5192,0.0415,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,2,6,3,skipconcat,mean,399,1.8823,0.3432,141786.0,0.0474,0.0044,0.5321,0.048,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,2,6,3,skipsum,add,399,1.4482,0.3505,133926.0,0.011,0.0021,0.6603,0.0551,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,2,6,3,skipsum,max,399,2.1016,0.3962,133926.0,0.0132,0.002,0.5128,0.0453,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,2,6,3,skipsum,mean,399,2.0052,0.367,133926.0,0.014,0.001,0.532,0.096,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,2,8,2,skipconcat,add,399,1.6014,0.1485,139610.0,0.0118,0.0018,0.6346,0.0272,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,2,8,2,skipconcat,max,399,2.2155,0.3231,139610.0,0.0156,0.0029,0.468,0.0505,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,2,8,2,skipconcat,mean,399,2.1059,0.1808,139610.0,0.0599,0.0063,0.4936,0.0091,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,2,8,2,skipsum,add,399,1.0989,0.1611,134298.0,0.0124,0.0017,0.6923,0.0157,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,2,8,2,skipsum,max,399,1.9746,0.2358,134298.0,0.0137,0.0012,0.5577,0.0,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,2,8,2,skipsum,mean,399,1.7693,0.1582,134298.0,0.0318,0.0023,0.6218,0.0505,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,2,8,3,skipconcat,add,399,1.7579,0.1371,137442.0,0.0126,0.0002,0.6154,0.0272,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,2,8,3,skipconcat,max,399,2.042,0.1871,137442.0,0.0555,0.0034,0.5577,0.098,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,2,8,3,skipconcat,mean,399,1.7971,0.3657,137442.0,0.0523,0.0046,0.5897,0.0479,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,2,8,3,skipsum,add,399,1.4343,0.4232,135057.0,0.013,0.0031,0.6602,0.0594,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,2,8,3,skipsum,max,399,1.8857,0.1351,135057.0,0.0151,0.0019,0.5385,0.0416,,,,,,,,
-nx,smallworld,graph,True,node_onehot,graph_path_len,2,8,3,skipsum,mean,399,1.8272,0.2892,135057.0,0.035,0.0032,0.5898,0.0806,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,1,2,2,skipconcat,add,399,0.4804,0.1166,136296.0,0.0366,0.0022,0.8077,0.0416,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,1,2,2,skipconcat,max,399,0.8949,0.1228,136296.0,0.0087,0.0008,0.7564,0.024,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,1,2,2,skipconcat,mean,399,0.9374,0.35,136296.0,0.0092,0.0025,0.6923,0.0874,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,1,2,2,skipsum,add,399,0.5216,0.1754,134790.0,0.0082,0.0011,0.8205,0.0708,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,1,2,2,skipsum,max,399,0.867,0.1882,134790.0,0.0304,0.0017,0.7564,0.0395,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,1,2,2,skipsum,mean,399,1.1841,0.1857,134790.0,0.0103,0.0013,0.6667,0.0893,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,1,2,3,skipconcat,add,399,0.5005,0.0733,134543.0,0.0084,0.001,0.8013,0.048,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,1,2,3,skipconcat,max,399,0.9048,0.0274,134543.0,0.0104,0.002,0.75,0.0272,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,1,2,3,skipconcat,mean,399,1.2469,0.2777,134543.0,0.0096,0.001,0.641,0.0725,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,1,2,3,skipsum,add,399,0.5416,0.1466,134286.0,0.0345,0.0021,0.8013,0.0505,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,1,2,3,skipsum,max,399,1.0591,0.1842,134286.0,0.0358,0.0047,0.7436,0.0327,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,1,2,3,skipsum,mean,399,1.3655,0.377,134286.0,0.0094,0.0003,0.6282,0.1045,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,1,4,2,skipconcat,add,399,0.5227,0.1405,138018.0,0.0091,0.0016,0.7885,0.0684,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,1,4,2,skipconcat,max,399,1.0003,0.2508,138018.0,0.0149,0.0047,0.6859,0.0594,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,1,4,2,skipconcat,mean,399,1.0572,0.4452,138018.0,0.0107,0.0009,0.6923,0.0955,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,1,4,2,skipsum,add,399,0.5109,0.1938,134119.0,0.0092,0.0011,0.8526,0.0453,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,1,4,2,skipsum,max,399,1.0801,0.2254,134119.0,0.0277,0.0021,0.7372,0.0363,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,1,4,2,skipsum,mean,399,1.2484,0.4779,134119.0,0.0112,0.0029,0.6795,0.0775,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,1,4,3,skipconcat,add,399,0.4642,0.107,135648.0,0.0461,0.0083,0.8013,0.048,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,1,4,3,skipconcat,max,399,1.0116,0.1616,135648.0,0.0135,0.0002,0.7372,0.0181,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,1,4,3,skipconcat,mean,399,1.22,0.3398,135648.0,0.0274,0.0133,0.6218,0.1022,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,1,4,3,skipsum,add,399,0.52,0.1958,134070.0,0.0305,0.003,0.7949,0.0551,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,1,4,3,skipsum,max,399,1.0697,0.3609,134070.0,0.0097,0.0015,0.7564,0.024,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,1,4,3,skipsum,mean,399,1.2597,0.3486,134070.0,0.0182,0.0015,0.641,0.0504,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,1,6,2,skipconcat,add,399,0.508,0.1689,138782.0,0.0118,0.0018,0.7756,0.1114,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,1,6,2,skipconcat,max,399,1.1447,0.1675,138782.0,0.0126,0.0019,0.7436,0.0551,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,1,6,2,skipconcat,mean,399,1.1855,0.3578,138782.0,0.0438,0.0006,0.6603,0.0654,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,1,6,2,skipsum,add,399,0.464,0.1503,133830.0,0.0144,0.0012,0.8077,0.0785,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,1,6,2,skipsum,max,399,0.9974,0.314,133830.0,0.0211,0.0034,0.7244,0.0806,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,1,6,2,skipsum,mean,399,1.2949,0.4044,133830.0,0.0112,0.0011,0.641,0.1269,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,1,6,3,skipconcat,add,399,0.5575,0.1836,140562.0,0.0102,0.0014,0.7692,0.0566,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,1,6,3,skipconcat,max,399,0.9849,0.0411,140562.0,0.0186,0.0063,0.7692,0.0,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,1,6,3,skipconcat,mean,399,1.3951,0.4115,140562.0,0.0124,0.0019,0.641,0.0959,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,1,6,3,skipsum,add,399,0.4875,0.1774,135430.0,0.0423,0.0123,0.8013,0.0635,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,1,6,3,skipsum,max,399,0.9881,0.2355,135430.0,0.0339,0.002,0.718,0.0327,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,1,6,3,skipsum,mean,399,1.2319,0.4304,135430.0,0.0105,0.0005,0.6667,0.1157,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,1,8,2,skipconcat,add,399,0.4971,0.0816,138386.0,0.0186,0.0045,0.7885,0.0544,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,1,8,2,skipconcat,max,399,1.32,0.0582,138386.0,0.0122,0.0012,0.6859,0.0363,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,1,8,2,skipconcat,mean,399,1.0619,0.2888,138386.0,0.0186,0.0119,0.641,0.1114,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,1,8,2,skipsum,add,399,0.4832,0.1465,133926.0,0.0155,0.0009,0.8013,0.0708,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,1,8,2,skipsum,max,399,1.0995,0.1213,133926.0,0.0133,0.0007,0.7436,0.048,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,1,8,2,skipsum,mean,399,1.3441,0.5015,133926.0,0.0139,0.0013,0.6859,0.079,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,1,8,3,skipconcat,add,399,0.4936,0.1686,136714.0,0.0125,0.0017,0.8013,0.0635,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,1,8,3,skipconcat,max,399,1.014,0.2124,136714.0,0.0172,0.0033,0.7308,0.0628,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,1,8,3,skipconcat,mean,399,1.2219,0.1853,136714.0,0.0126,0.0031,0.6346,0.1285,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,1,8,3,skipsum,add,399,0.4298,0.1069,134298.0,0.0452,0.0046,0.7949,0.0395,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,1,8,3,skipsum,max,399,1.2691,0.2049,134298.0,0.0141,0.0016,0.6731,0.0314,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,1,8,3,skipsum,mean,399,1.3179,0.5018,134298.0,0.0162,0.0058,0.6795,0.1069,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,2,2,2,skipconcat,add,399,0.5083,0.1351,136659.0,0.0132,0.0008,0.8077,0.0874,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,2,2,2,skipconcat,max,399,0.8878,0.157,136659.0,0.0107,0.001,0.7564,0.0634,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,2,2,2,skipconcat,mean,399,0.645,0.1213,136659.0,0.0083,0.0005,0.7756,0.0363,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,2,2,2,skipsum,add,399,0.5164,0.1197,134286.0,0.0286,0.003,0.782,0.0327,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,2,2,2,skipsum,max,399,0.9001,0.2378,134286.0,0.0315,0.0014,0.7757,0.0635,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,2,2,2,skipsum,mean,399,0.595,0.2174,134286.0,0.0124,0.0015,0.8077,0.0471,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,2,2,3,skipconcat,add,399,0.4781,0.1909,137442.0,0.01,0.0013,0.8333,0.0654,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,2,2,3,skipconcat,max,399,0.9775,0.2153,137442.0,0.0103,0.0015,0.7308,0.0157,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,2,2,3,skipconcat,mean,399,0.8232,0.1181,137442.0,0.013,0.0021,0.75,0.0471,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,2,2,3,skipsum,add,399,0.5818,0.1025,134119.0,0.015,0.0075,0.8077,0.0566,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,2,2,3,skipsum,max,399,0.9385,0.1967,134119.0,0.0092,0.0007,0.7436,0.0363,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,2,2,3,skipsum,mean,399,0.7237,0.0609,134119.0,0.0318,0.004,0.7757,0.0635,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,2,4,2,skipconcat,add,399,0.6997,0.1736,137500.0,0.0166,0.0043,0.7628,0.0742,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,2,4,2,skipconcat,max,399,1.0329,0.1996,137500.0,0.0112,0.0009,0.7564,0.0634,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,2,4,2,skipconcat,mean,399,0.9009,0.1445,137500.0,0.0116,0.0038,0.75,0.0416,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,2,4,2,skipsum,add,399,0.5628,0.1561,134070.0,0.0113,0.0014,0.8013,0.0395,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,2,4,2,skipsum,max,399,1.0493,0.2605,134070.0,0.0106,0.0016,0.7436,0.0505,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,2,4,2,skipsum,mean,399,0.6644,0.1759,134070.0,0.0091,0.0012,0.7757,0.0742,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,2,4,3,skipconcat,add,399,0.6008,0.1768,137951.0,0.0148,0.0047,0.7692,0.0831,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,2,4,3,skipconcat,max,399,0.8241,0.255,137951.0,0.0177,0.0067,0.7821,0.0453,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,2,4,3,skipconcat,mean,399,0.7124,0.2722,137951.0,0.0576,0.0138,0.8269,0.0785,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,2,4,3,skipsum,add,399,0.502,0.1404,133830.0,0.0335,0.0024,0.8461,0.0544,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,2,4,3,skipsum,max,399,0.9312,0.1958,133830.0,0.0116,0.002,0.7372,0.0505,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,2,4,3,skipsum,mean,399,0.6415,0.142,133830.0,0.015,0.003,0.7692,0.0416,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,2,6,2,skipconcat,add,399,0.6854,0.2405,134553.0,0.0124,0.0009,0.7756,0.0806,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,2,6,2,skipconcat,max,399,0.9268,0.1808,134553.0,0.0499,0.0022,0.75,0.0544,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,2,6,2,skipconcat,mean,399,0.7489,0.1342,134553.0,0.0107,0.0017,0.7244,0.0775,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,2,6,2,skipsum,add,399,0.5151,0.1869,135430.0,0.0116,0.0025,0.8141,0.0181,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,2,6,2,skipsum,max,399,0.8204,0.2876,135430.0,0.0132,0.0014,0.7564,0.0775,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,2,6,2,skipsum,mean,399,0.7342,0.2165,135430.0,0.0134,0.0018,0.75,0.0785,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,2,6,3,skipconcat,add,399,0.5697,0.211,141786.0,0.0115,0.0031,0.8013,0.079,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,2,6,3,skipconcat,max,399,0.8339,0.148,141786.0,0.0106,0.0009,0.7628,0.0327,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,2,6,3,skipconcat,mean,399,0.8771,0.3746,141786.0,0.0546,0.0039,0.7628,0.0742,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,2,6,3,skipsum,add,399,0.4897,0.1568,133926.0,0.0105,0.0015,0.8205,0.0363,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,2,6,3,skipsum,max,399,0.9565,0.1413,133926.0,0.0324,0.0013,0.7756,0.024,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,2,6,3,skipsum,mean,399,0.6246,0.142,133926.0,0.0114,0.0019,0.7756,0.0453,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,2,8,2,skipconcat,add,399,0.6616,0.3266,139610.0,0.011,0.0024,0.7885,0.0981,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,2,8,2,skipconcat,max,399,0.973,0.2656,139610.0,0.0125,0.0016,0.75,0.0314,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,2,8,2,skipconcat,mean,399,0.8224,0.214,139610.0,0.0141,0.0029,0.7564,0.0654,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,2,8,2,skipsum,add,399,0.5433,0.1647,134298.0,0.0312,0.0016,0.7949,0.0595,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,2,8,2,skipsum,max,399,0.8071,0.3228,134298.0,0.0378,0.0029,0.7756,0.0775,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,2,8,2,skipsum,mean,399,0.6906,0.2012,134298.0,0.0119,0.0014,0.7949,0.0551,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,2,8,3,skipconcat,add,399,0.7333,0.2692,137442.0,0.0535,0.0011,0.7821,0.0806,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,2,8,3,skipconcat,max,399,1.0055,0.2292,137442.0,0.0121,0.0024,0.7052,0.0806,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,2,8,3,skipconcat,mean,399,0.8248,0.2972,137442.0,0.0524,0.0017,0.75,0.0785,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,2,8,3,skipsum,add,399,0.4615,0.142,135057.0,0.016,0.0048,0.8397,0.0479,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,2,8,3,skipsum,max,399,1.1463,0.0684,135057.0,0.0124,0.0019,0.6987,0.0091,,,,,,,,
-nx,smallworld,graph,True,node_pagerank,graph_path_len,2,8,3,skipsum,mean,399,0.6875,0.127,135057.0,0.018,0.0062,0.782,0.0635,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,1,2,2,skipconcat,add,399,0.3558,0.0069,136296.0,0.0131,0.0016,0.8534,0.0065,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,1,2,2,skipconcat,max,399,1.8057,0.0414,136296.0,0.0085,0.0004,0.4853,0.0022,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,1,2,2,skipconcat,mean,399,1.3832,0.009,136296.0,0.0133,0.0038,0.4516,0.0011,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,1,2,2,skipsum,add,399,0.3336,0.0045,134790.0,0.0099,0.001,0.8637,0.0019,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,1,2,2,skipsum,max,399,1.9888,0.0078,134790.0,0.0107,0.0024,0.4827,0.0064,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,1,2,2,skipsum,mean,399,1.6754,0.0181,134790.0,0.0107,0.0016,0.4348,0.0045,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,1,2,3,skipconcat,add,399,0.3287,0.003,134543.0,0.009,0.0015,0.8619,0.0014,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,1,2,3,skipconcat,max,399,2.3784,0.029,134543.0,0.0264,0.0012,0.4635,0.0057,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,1,2,3,skipconcat,mean,399,1.9603,0.0332,134543.0,0.0106,0.0016,0.4227,0.0036,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,1,2,3,skipsum,add,399,0.326,0.0063,134286.0,0.0287,0.0047,0.862,0.0034,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,1,2,3,skipsum,max,399,2.5416,0.0146,134286.0,0.0111,0.0024,0.4569,0.0066,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,1,2,3,skipsum,mean,399,2.1559,0.0393,134286.0,0.0106,0.0013,0.4139,0.0039,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,1,4,2,skipconcat,add,399,0.1958,0.0257,138018.0,0.0128,0.0022,0.9203,0.0116,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,1,4,2,skipconcat,max,399,2.0187,0.0366,138018.0,0.0357,0.0007,0.5189,0.0095,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,1,4,2,skipconcat,mean,399,1.4917,0.0165,138018.0,0.0105,0.0003,0.4607,0.0025,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,1,4,2,skipsum,add,399,0.1628,0.0087,134119.0,0.0105,0.0012,0.9318,0.0044,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,1,4,2,skipsum,max,399,2.265,0.0106,134119.0,0.0107,0.0009,0.5227,0.0047,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,1,4,2,skipsum,mean,399,2.0269,0.0423,134119.0,0.0156,0.004,0.4568,0.0097,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,1,4,3,skipconcat,add,399,0.2021,0.0273,135648.0,0.0135,0.0022,0.9114,0.0106,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,1,4,3,skipconcat,max,399,2.5655,0.0557,135648.0,0.0151,0.0017,0.4944,0.0069,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,1,4,3,skipconcat,mean,399,2.253,0.0528,135648.0,0.0163,0.0009,0.4227,0.0058,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,1,4,3,skipsum,add,399,0.2304,0.041,134070.0,0.0133,0.0024,0.9048,0.0117,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,1,4,3,skipsum,max,399,2.6848,0.0702,134070.0,0.0139,0.0022,0.5132,0.0025,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,1,4,3,skipsum,mean,399,2.5996,0.017,134070.0,0.0124,0.002,0.4184,0.0039,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,1,6,2,skipconcat,add,399,0.1474,0.0022,138782.0,0.0154,0.0027,0.9393,0.0021,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,1,6,2,skipconcat,max,399,2.1818,0.0296,138782.0,0.0148,0.0033,0.5312,0.004,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,1,6,2,skipconcat,mean,399,1.5767,0.0446,138782.0,0.0151,0.0014,0.4697,0.0045,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,1,6,2,skipsum,add,399,0.1245,0.0097,133830.0,0.0127,0.0007,0.9502,0.0055,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,1,6,2,skipsum,max,399,2.5424,0.0167,133830.0,0.0148,0.0026,0.5396,0.0032,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,1,6,2,skipsum,mean,399,2.2436,0.0343,133830.0,0.0275,0.0029,0.4555,0.0041,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,1,6,3,skipconcat,add,399,0.125,0.0167,140562.0,0.0413,0.0011,0.9467,0.0097,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,1,6,3,skipconcat,max,399,2.6614,0.1076,140562.0,0.038,0.0001,0.5023,0.0042,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,1,6,3,skipconcat,mean,399,2.3335,0.0328,140562.0,0.0128,0.002,0.4195,0.0011,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,1,6,3,skipsum,add,399,0.107,0.0065,135430.0,0.0153,0.0029,0.9557,0.0017,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,1,6,3,skipsum,max,399,2.7423,0.0352,135430.0,0.0118,0.001,0.5364,0.0006,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,1,6,3,skipsum,mean,399,2.6802,0.0307,135430.0,0.0145,0.0024,0.4243,0.0024,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,1,8,2,skipconcat,add,399,0.1347,0.0065,138386.0,0.0143,0.0014,0.9445,0.0033,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,1,8,2,skipconcat,max,399,2.1626,0.0328,138386.0,0.0182,0.0023,0.5306,0.0137,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,1,8,2,skipconcat,mean,399,1.6115,0.004,138386.0,0.0145,0.0044,0.468,0.0041,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,1,8,2,skipsum,add,399,0.1084,0.0031,133926.0,0.0118,0.0006,0.9573,0.001,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,1,8,2,skipsum,max,399,2.6039,0.0374,133926.0,0.0121,0.0023,0.5472,0.0083,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,1,8,2,skipsum,mean,399,2.2206,0.0451,133926.0,0.0302,0.0036,0.4682,0.0019,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,1,8,3,skipconcat,add,399,0.1192,0.012,136714.0,0.0132,0.0004,0.9506,0.0052,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,1,8,3,skipconcat,max,399,2.5873,0.1503,136714.0,0.0545,0.0014,0.5062,0.0064,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,1,8,3,skipconcat,mean,399,2.2929,0.0431,136714.0,0.0158,0.0026,0.4283,0.0012,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,1,8,3,skipsum,add,399,0.1123,0.014,134298.0,0.0126,0.0016,0.9533,0.0052,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,1,8,3,skipsum,max,399,2.565,0.0268,134298.0,0.0292,0.0022,0.5502,0.0014,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,1,8,3,skipsum,mean,399,2.7049,0.0649,134298.0,0.0127,0.0006,0.4249,0.0038,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,2,2,2,skipconcat,add,399,0.3428,0.0018,136659.0,0.0115,0.0013,0.8565,0.0034,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,2,2,2,skipconcat,max,399,1.9392,0.0207,136659.0,0.0113,0.0005,0.4957,0.0047,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,2,2,2,skipconcat,mean,399,1.6331,0.0439,136659.0,0.0104,0.0014,0.4513,0.0077,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,2,2,2,skipsum,add,399,0.3376,0.0045,134286.0,0.0291,0.0055,0.8589,0.0039,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,2,2,2,skipsum,max,399,2.1181,0.0313,134286.0,0.0091,0.0013,0.4908,0.0092,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,2,2,2,skipsum,mean,399,1.882,0.046,134286.0,0.0269,0.0017,0.4389,0.0095,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,2,2,3,skipconcat,add,399,0.3231,0.0037,137442.0,0.03,0.0009,0.8624,0.0048,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,2,2,3,skipconcat,max,399,2.4779,0.0274,137442.0,0.0338,0.0009,0.466,0.0034,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,2,2,3,skipconcat,mean,399,2.3154,0.0373,137442.0,0.0121,0.0023,0.4289,0.0043,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,2,2,3,skipsum,add,399,0.3205,0.0123,134119.0,0.0093,0.0005,0.8612,0.0081,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,2,2,3,skipsum,max,399,2.5548,0.0036,134119.0,0.0097,0.0016,0.4684,0.0007,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,2,2,3,skipsum,mean,399,2.3752,0.0448,134119.0,0.009,0.0015,0.4229,0.0064,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,2,4,2,skipconcat,add,399,0.1798,0.0062,137500.0,0.0118,0.002,0.9251,0.0026,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,2,4,2,skipconcat,max,399,2.0861,0.0411,137500.0,0.0148,0.0025,0.5235,0.0035,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,2,4,2,skipconcat,mean,399,1.755,0.0053,137500.0,0.0176,0.0038,0.4687,0.0059,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,2,4,2,skipsum,add,399,0.1789,0.0153,134070.0,0.014,0.0007,0.925,0.0057,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,2,4,2,skipsum,max,399,2.2727,0.0145,134070.0,0.0167,0.0034,0.537,0.0008,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,2,4,2,skipsum,mean,399,2.1469,0.0236,134070.0,0.0104,0.0014,0.4651,0.0032,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,2,4,3,skipconcat,add,399,0.1942,0.0074,137951.0,0.0111,0.001,0.9161,0.0033,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,2,4,3,skipconcat,max,399,2.5374,0.0837,137951.0,0.0123,0.001,0.4991,0.0059,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,2,4,3,skipconcat,mean,399,2.3466,0.0828,137951.0,0.0386,0.0026,0.4334,0.0076,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,2,4,3,skipsum,add,399,0.2131,0.0263,133830.0,0.0228,0.0023,0.9122,0.0107,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,2,4,3,skipsum,max,399,2.7367,0.098,133830.0,0.0297,0.0063,0.5208,0.0096,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,2,4,3,skipsum,mean,399,2.7065,0.0145,133830.0,0.0141,0.0013,0.4277,0.0065,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,2,6,2,skipconcat,add,399,0.152,0.0078,134553.0,0.0404,0.0,0.9353,0.0033,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,2,6,2,skipconcat,max,399,2.171,0.0683,134553.0,0.0132,0.0009,0.5258,0.0035,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,2,6,2,skipconcat,mean,399,1.7785,0.0326,134553.0,0.0144,0.0026,0.4729,0.0025,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,2,6,2,skipsum,add,399,0.1247,0.0115,135430.0,0.016,0.0051,0.9507,0.0064,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,2,6,2,skipsum,max,399,2.4988,0.0376,135430.0,0.0103,0.0005,0.5523,0.001,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,2,6,2,skipsum,mean,399,2.2978,0.0735,135430.0,0.0135,0.0026,0.47,0.0104,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,2,6,3,skipconcat,add,399,0.1256,0.0021,141786.0,0.012,0.0014,0.9479,0.0024,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,2,6,3,skipconcat,max,399,2.5941,0.1035,141786.0,0.0145,0.001,0.5106,0.0079,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,2,6,3,skipconcat,mean,399,2.393,0.0352,141786.0,0.0196,0.0049,0.4329,0.0012,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,2,6,3,skipsum,add,399,0.1183,0.0099,133926.0,0.0104,0.0003,0.9512,0.0053,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,2,6,3,skipsum,max,399,2.6637,0.0255,133926.0,0.0292,0.0021,0.5479,0.0044,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,2,6,3,skipsum,mean,399,2.7759,0.0388,133926.0,0.0182,0.0056,0.4246,0.0079,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,2,8,2,skipconcat,add,399,0.1362,0.0026,139610.0,0.0126,0.0007,0.9457,0.0022,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,2,8,2,skipconcat,max,399,2.1807,0.0659,139610.0,0.0489,0.0059,0.5381,0.0026,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,2,8,2,skipconcat,mean,399,1.7838,0.0184,139610.0,0.015,0.0025,0.4664,0.0023,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,2,8,2,skipsum,add,399,0.1159,0.0113,134298.0,0.0129,0.0008,0.9532,0.0064,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,2,8,2,skipsum,max,399,2.5463,0.0684,134298.0,0.0147,0.0018,0.5527,0.0058,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,2,8,2,skipsum,mean,399,2.1784,0.0499,134298.0,0.0143,0.0008,0.4882,0.0047,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,2,8,3,skipconcat,add,399,0.1211,0.0123,137442.0,0.0174,0.0054,0.9489,0.0053,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,2,8,3,skipconcat,max,399,2.5456,0.0902,137442.0,0.0153,0.0024,0.5155,0.0087,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,2,8,3,skipconcat,mean,399,2.4089,0.0216,137442.0,0.0158,0.0018,0.435,0.0052,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,2,8,3,skipsum,add,399,0.1079,0.0079,135057.0,0.013,0.0023,0.954,0.0028,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,2,8,3,skipsum,max,399,2.4889,0.0737,135057.0,0.0292,0.002,0.5569,0.0002,,,,,,,,
-nx,smallworld,node,True,node_clustering_coefficient,node_pagerank,2,8,3,skipsum,mean,399,2.7044,0.0062,135057.0,0.0156,0.0005,0.4305,0.002,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,1,2,2,skipconcat,add,399,1.1423,0.0028,136296.0,0.0116,0.0007,0.5033,0.0037,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,1,2,2,skipconcat,max,399,1.6049,0.001,136296.0,0.0081,0.0002,0.2305,0.0055,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,1,2,2,skipconcat,mean,399,3.1032,2.118,136296.0,0.0316,0.0004,0.2211,0.009,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,1,2,2,skipsum,add,399,1.1469,0.0049,134790.0,0.0102,0.0026,0.5027,0.0043,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,1,2,2,skipsum,max,399,1.6049,0.001,134790.0,0.0267,0.0016,0.2305,0.0055,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,1,2,2,skipsum,mean,399,2.038,0.6154,134790.0,0.0239,0.0008,0.2273,0.0166,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,1,2,3,skipconcat,add,399,1.1186,0.0052,134543.0,0.012,0.0014,0.5133,0.001,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,1,2,3,skipconcat,max,399,1.6049,0.001,134543.0,0.0309,0.0022,0.2305,0.0055,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,1,2,3,skipconcat,mean,399,101.4173,67.8099,134543.0,0.0101,0.0006,0.1962,0.0097,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,1,2,3,skipsum,add,399,1.1299,0.008,134286.0,0.0092,0.0018,0.5087,0.0036,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,1,2,3,skipsum,max,399,1.6049,0.001,134286.0,0.0249,0.0009,0.2305,0.0055,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,1,2,3,skipsum,mean,399,77.5959,30.0798,134286.0,0.0247,0.0008,0.2065,0.0092,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,1,4,2,skipconcat,add,399,0.9694,0.0115,138018.0,0.0092,0.0016,0.5766,0.0064,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,1,4,2,skipconcat,max,399,1.6049,0.001,138018.0,0.0108,0.001,0.2305,0.0055,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,1,4,2,skipconcat,mean,399,2.1676,0.0614,138018.0,0.0122,0.0008,0.188,0.0044,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,1,4,2,skipsum,add,399,0.9609,0.0019,134119.0,0.0255,0.0032,0.5817,0.004,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,1,4,2,skipsum,max,399,1.6049,0.001,134119.0,0.024,0.0005,0.2305,0.0055,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,1,4,2,skipsum,mean,399,2.7463,0.1635,134119.0,0.016,0.0039,0.188,0.0044,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,1,4,3,skipconcat,add,399,0.9747,0.002,135648.0,0.0105,0.0021,0.5727,0.0048,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,1,4,3,skipconcat,max,399,1.6049,0.001,135648.0,0.0175,0.0067,0.2305,0.0055,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,1,4,3,skipconcat,mean,399,2.1611,0.0604,135648.0,0.0131,0.0014,0.184,0.009,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,1,4,3,skipsum,add,399,0.9745,0.0031,134070.0,0.0125,0.0016,0.5731,0.0034,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,1,4,3,skipsum,max,399,1.6049,0.001,134070.0,0.0295,0.0033,0.2305,0.0055,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,1,4,3,skipsum,mean,399,2.6301,0.2483,134070.0,0.0111,0.0007,0.188,0.0044,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,1,6,2,skipconcat,add,399,0.9349,0.0234,138782.0,0.0101,0.0004,0.5913,0.0077,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,1,6,2,skipconcat,max,399,1.6049,0.001,138782.0,0.0136,0.0019,0.2305,0.0055,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,1,6,2,skipconcat,mean,399,1.9172,0.0181,138782.0,0.0193,0.0035,0.2008,0.0167,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,1,6,2,skipsum,add,399,0.9101,0.004,133830.0,0.0198,0.0031,0.5977,0.0022,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,1,6,2,skipsum,max,399,1.6049,0.001,133830.0,0.0161,0.0031,0.2305,0.0055,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,1,6,2,skipsum,mean,399,1.9271,0.0398,133830.0,0.0147,0.0011,0.1898,0.0069,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,1,6,3,skipconcat,add,399,0.9481,0.0103,140562.0,0.0404,0.001,0.5831,0.0036,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,1,6,3,skipconcat,max,399,1.6049,0.001,140562.0,0.0159,0.0041,0.2305,0.0055,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,1,6,3,skipconcat,mean,399,2.1505,0.0387,140562.0,0.0125,0.0006,0.2056,0.0226,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,1,6,3,skipsum,add,399,0.9275,0.01,135430.0,0.0103,0.0002,0.5913,0.0022,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,1,6,3,skipsum,max,399,1.6049,0.001,135430.0,0.0141,0.0044,0.2305,0.0055,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,1,6,3,skipsum,mean,399,2.112,0.0516,135430.0,0.0126,0.001,0.188,0.0044,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,1,8,2,skipconcat,add,399,0.9263,0.0153,138386.0,0.05,0.0016,0.5984,0.0112,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,1,8,2,skipconcat,max,399,1.6049,0.001,138386.0,0.0155,0.0027,0.2305,0.0055,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,1,8,2,skipconcat,mean,399,1.9449,0.0273,138386.0,0.0145,0.0006,0.2129,0.0203,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,1,8,2,skipsum,add,399,0.8963,0.0115,133926.0,0.0154,0.0048,0.6066,0.0051,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,1,8,2,skipsum,max,399,1.6049,0.001,133926.0,0.0145,0.0012,0.2305,0.0055,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,1,8,2,skipsum,mean,399,1.9503,0.0199,133926.0,0.0163,0.0025,0.188,0.0044,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,1,8,3,skipconcat,add,399,0.9416,0.0151,136714.0,0.0124,0.0015,0.5869,0.0103,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,1,8,3,skipconcat,max,399,1.6049,0.001,136714.0,0.0147,0.0024,0.2305,0.0055,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,1,8,3,skipconcat,mean,399,1.8778,0.0513,136714.0,0.0154,0.0014,0.2065,0.0092,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,1,8,3,skipsum,add,399,0.9313,0.0051,134298.0,0.0263,0.0019,0.5974,0.0022,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,1,8,3,skipsum,max,399,1.6049,0.001,134298.0,0.0195,0.0069,0.2305,0.0055,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,1,8,3,skipsum,mean,399,2.0253,0.0752,134298.0,0.0179,0.0047,0.188,0.0044,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,2,2,2,skipconcat,add,399,1.1632,0.0142,136659.0,0.0113,0.0006,0.4936,0.0092,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,2,2,2,skipconcat,max,399,1.6049,0.001,136659.0,0.0126,0.0015,0.2305,0.0055,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,2,2,2,skipconcat,mean,399,1.6049,0.001,136659.0,0.0105,0.0014,0.2305,0.0055,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,2,2,2,skipsum,add,399,1.1631,0.0086,134286.0,0.0118,0.0015,0.4953,0.0022,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,2,2,2,skipsum,max,399,1.6049,0.001,134286.0,0.0106,0.0016,0.2305,0.0055,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,2,2,2,skipsum,mean,399,1.6049,0.001,134286.0,0.0216,0.0008,0.2305,0.0055,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,2,2,3,skipconcat,add,399,1.1269,0.0028,137442.0,0.011,0.0018,0.5064,0.0048,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,2,2,3,skipconcat,max,399,1.6049,0.001,137442.0,0.0298,0.0019,0.2305,0.0055,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,2,2,3,skipconcat,mean,399,92.6738,47.8649,137442.0,0.0107,0.0018,0.198,0.0097,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,2,2,3,skipsum,add,399,1.1475,0.0077,134119.0,0.0096,0.0015,0.4952,0.0027,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,2,2,3,skipsum,max,399,1.6049,0.001,134119.0,0.0111,0.0025,0.2305,0.0055,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,2,2,3,skipsum,mean,399,241.1994,49.051,134119.0,0.0235,0.0022,0.2065,0.0092,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,2,4,2,skipconcat,add,399,0.9932,0.014,137500.0,0.0125,0.0015,0.5671,0.0066,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,2,4,2,skipconcat,max,399,1.6049,0.001,137500.0,0.0155,0.0018,0.2305,0.0055,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,2,4,2,skipconcat,mean,399,2.0611,0.079,137500.0,0.0163,0.0045,0.2065,0.0092,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,2,4,2,skipsum,add,399,0.9679,0.0174,134070.0,0.0127,0.0012,0.5735,0.0054,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,2,4,2,skipsum,max,399,1.6049,0.001,134070.0,0.0141,0.0031,0.2305,0.0055,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,2,4,2,skipsum,mean,399,2.8314,0.1894,134070.0,0.0126,0.0005,0.2082,0.0068,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,2,4,3,skipconcat,add,399,0.9813,0.009,137951.0,0.0116,0.001,0.5668,0.0045,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,2,4,3,skipconcat,max,399,1.6049,0.001,137951.0,0.0143,0.0014,0.2305,0.0055,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,2,4,3,skipconcat,mean,399,2.4521,0.1993,137951.0,0.0351,0.0006,0.2065,0.0092,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,2,4,3,skipsum,add,399,0.9752,0.0052,133830.0,0.0125,0.0004,0.5708,0.0046,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,2,4,3,skipsum,max,399,1.6049,0.001,133830.0,0.0115,0.0013,0.2305,0.0055,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,2,4,3,skipsum,mean,399,2.9249,0.1491,133830.0,0.0145,0.0021,0.1983,0.0133,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,2,6,2,skipconcat,add,399,0.9744,0.0177,134553.0,0.041,0.002,0.5719,0.0045,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,2,6,2,skipconcat,max,399,1.6049,0.001,134553.0,0.0158,0.0007,0.2305,0.0055,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,2,6,2,skipconcat,mean,399,2.0081,0.1145,134553.0,0.0125,0.0018,0.228,0.0088,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,2,6,2,skipsum,add,399,0.9263,0.0136,135430.0,0.0151,0.0038,0.5934,0.0043,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,2,6,2,skipsum,max,399,1.6049,0.001,135430.0,0.0128,0.0019,0.2305,0.0055,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,2,6,2,skipsum,mean,399,2.0618,0.0123,135430.0,0.0288,0.0016,0.188,0.0044,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,2,6,3,skipconcat,add,399,0.9585,0.0082,141786.0,0.0441,0.0018,0.5861,0.003,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,2,6,3,skipconcat,max,399,1.6049,0.001,141786.0,0.0119,0.0005,0.2305,0.0055,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,2,6,3,skipconcat,mean,399,1.9854,0.0395,141786.0,0.014,0.0023,0.1962,0.0097,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,2,6,3,skipsum,add,399,0.9405,0.0095,133926.0,0.0114,0.0009,0.5915,0.0052,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,2,6,3,skipsum,max,399,1.6049,0.001,133926.0,0.0141,0.0008,0.2305,0.0055,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,2,6,3,skipsum,mean,399,2.2468,0.0153,133926.0,0.0255,0.0019,0.1962,0.0097,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,2,8,2,skipconcat,add,399,0.9606,0.0031,139610.0,0.0201,0.0013,0.5822,0.0037,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,2,8,2,skipconcat,max,399,1.6049,0.001,139610.0,0.0173,0.0014,0.2305,0.0055,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,2,8,2,skipconcat,mean,399,1.9801,0.0049,139610.0,0.0121,0.0028,0.228,0.0088,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,2,8,2,skipsum,add,399,0.9244,0.0155,134298.0,0.0148,0.002,0.5941,0.005,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,2,8,2,skipsum,max,399,1.6049,0.001,134298.0,0.0137,0.002,0.2305,0.0055,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,2,8,2,skipsum,mean,399,1.9381,0.041,134298.0,0.0137,0.0017,0.2082,0.0068,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,2,8,3,skipconcat,add,399,0.9805,0.0374,137442.0,0.0135,0.0007,0.5754,0.0177,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,2,8,3,skipconcat,max,399,1.6049,0.001,137442.0,0.0504,0.0025,0.2305,0.0055,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,2,8,3,skipconcat,mean,399,1.9407,0.0689,137442.0,0.0154,0.0006,0.2082,0.0068,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,2,8,3,skipsum,add,399,0.9314,0.0106,135057.0,0.0306,0.0017,0.5912,0.0041,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,2,8,3,skipsum,max,399,1.6049,0.001,135057.0,0.0135,0.0022,0.2305,0.0055,,,,,,,,
-nx,smallworld,node,True,node_const,node_clustering_coefficient,2,8,3,skipsum,mean,399,1.943,0.129,135057.0,0.0193,0.0016,0.2108,0.01,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,1,2,2,skipconcat,add,399,0.433,0.0046,136296.0,0.0149,0.0034,0.8276,0.0068,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,1,2,2,skipconcat,max,399,1.6097,0.0,136296.0,0.0088,0.0003,0.1911,0.0017,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,1,2,2,skipconcat,mean,399,1.6097,0.0,136296.0,0.0299,0.0008,0.1911,0.0017,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,1,2,2,skipsum,add,399,0.4252,0.002,134790.0,0.0098,0.0012,0.8333,0.0013,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,1,2,2,skipsum,max,399,1.6097,0.0,134790.0,0.0147,0.0016,0.1911,0.0017,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,1,2,2,skipsum,mean,399,1.6097,0.0,134790.0,0.0093,0.0005,0.1911,0.0017,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,1,2,3,skipconcat,add,399,0.4012,0.0062,134543.0,0.0114,0.0003,0.8385,0.004,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,1,2,3,skipconcat,max,399,1.6097,0.0,134543.0,0.0116,0.0012,0.1911,0.0017,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,1,2,3,skipconcat,mean,399,30.9255,18.5354,134543.0,0.0112,0.0016,0.1976,0.0024,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,1,2,3,skipsum,add,399,0.3998,0.0077,134286.0,0.0253,0.0016,0.8381,0.0066,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,1,2,3,skipsum,max,399,1.6097,0.0,134286.0,0.009,0.0016,0.1911,0.0017,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,1,2,3,skipsum,mean,399,26.9952,19.6325,134286.0,0.0247,0.0013,0.1976,0.0024,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,1,4,2,skipconcat,add,399,0.2355,0.0083,138018.0,0.0162,0.0069,0.9087,0.0035,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,1,4,2,skipconcat,max,399,1.6097,0.0,138018.0,0.0113,0.0012,0.1911,0.0017,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,1,4,2,skipconcat,mean,399,1.6263,0.0009,138018.0,0.0342,0.0018,0.1976,0.0024,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,1,4,2,skipsum,add,399,0.2001,0.0142,134119.0,0.0095,0.001,0.9227,0.0036,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,1,4,2,skipsum,max,399,1.6097,0.0,134119.0,0.0275,0.0026,0.1911,0.0017,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,1,4,2,skipsum,mean,399,1.6642,0.0275,134119.0,0.0109,0.0017,0.1976,0.0024,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,1,4,3,skipconcat,add,399,0.2239,0.0282,135648.0,0.0116,0.0024,0.9049,0.0099,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,1,4,3,skipconcat,max,399,1.6097,0.0,135648.0,0.0108,0.0005,0.1911,0.0017,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,1,4,3,skipconcat,mean,399,1.6518,0.0173,135648.0,0.0407,0.0002,0.1976,0.0024,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,1,4,3,skipsum,add,399,0.2303,0.0438,134070.0,0.0103,0.0009,0.9066,0.0185,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,1,4,3,skipsum,max,399,1.6097,0.0,134070.0,0.0122,0.0031,0.1911,0.0017,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,1,4,3,skipsum,mean,399,1.6335,0.0103,134070.0,0.0331,0.0032,0.1938,0.0031,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,1,6,2,skipconcat,add,399,0.198,0.0092,138782.0,0.048,0.0068,0.9248,0.0068,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,1,6,2,skipconcat,max,399,1.6097,0.0,138782.0,0.0153,0.0007,0.1911,0.0017,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,1,6,2,skipconcat,mean,399,1.6264,0.0103,138782.0,0.014,0.0007,0.1938,0.0031,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,1,6,2,skipsum,add,399,0.1555,0.0141,133830.0,0.0102,0.0012,0.941,0.0095,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,1,6,2,skipsum,max,399,1.6097,0.0,133830.0,0.0292,0.002,0.1911,0.0017,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,1,6,2,skipsum,mean,399,1.6407,0.0066,133830.0,0.0112,0.0017,0.1976,0.0024,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,1,6,3,skipconcat,add,399,0.163,0.0116,140562.0,0.012,0.0021,0.9319,0.0084,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,1,6,3,skipconcat,max,399,1.6097,0.0,140562.0,0.015,0.0018,0.1911,0.0017,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,1,6,3,skipconcat,mean,399,1.6425,0.0059,140562.0,0.0154,0.0021,0.1976,0.0024,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,1,6,3,skipsum,add,399,0.1386,0.0141,135430.0,0.0258,0.001,0.945,0.0081,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,1,6,3,skipsum,max,399,1.6097,0.0,135430.0,0.0262,0.0008,0.1911,0.0017,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,1,6,3,skipsum,mean,399,1.6844,0.0432,135430.0,0.0141,0.0004,0.1976,0.0024,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,1,8,2,skipconcat,add,399,0.1841,0.0118,138386.0,0.0152,0.0003,0.9294,0.0072,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,1,8,2,skipconcat,max,399,1.6097,0.0,138386.0,0.0151,0.0012,0.1911,0.0017,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,1,8,2,skipconcat,mean,399,1.6328,0.0151,138386.0,0.015,0.001,0.1976,0.0024,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,1,8,2,skipsum,add,399,0.1247,0.0058,133926.0,0.0117,0.0014,0.9514,0.0019,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,1,8,2,skipsum,max,399,1.6097,0.0,133926.0,0.0128,0.0008,0.1911,0.0017,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,1,8,2,skipsum,mean,399,1.6489,0.0166,133926.0,0.0144,0.0024,0.1976,0.0024,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,1,8,3,skipconcat,add,399,0.156,0.0054,136714.0,0.0455,0.0011,0.9376,0.0041,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,1,8,3,skipconcat,max,399,1.6097,0.0,136714.0,0.0141,0.0009,0.1911,0.0017,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,1,8,3,skipconcat,mean,399,1.6375,0.0097,136714.0,0.0183,0.0043,0.1976,0.0024,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,1,8,3,skipsum,add,399,0.1244,0.011,134298.0,0.0151,0.0035,0.9488,0.0062,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,1,8,3,skipsum,max,399,1.6097,0.0,134298.0,0.0344,0.0031,0.1911,0.0017,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,1,8,3,skipsum,mean,399,1.6538,0.0137,134298.0,0.0163,0.0029,0.1976,0.0024,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,2,2,2,skipconcat,add,399,0.4375,0.0056,136659.0,0.0134,0.0038,0.8289,0.0021,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,2,2,2,skipconcat,max,399,1.6097,0.0,136659.0,0.0157,0.0024,0.1911,0.0017,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,2,2,2,skipconcat,mean,399,1.6097,0.0,136659.0,0.0314,0.0017,0.1911,0.0017,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,2,2,2,skipsum,add,399,0.4321,0.0047,134286.0,0.0297,0.0063,0.829,0.0034,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,2,2,2,skipsum,max,399,1.6097,0.0,134286.0,0.0259,0.0005,0.1911,0.0017,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,2,2,2,skipsum,mean,399,1.6097,0.0,134286.0,0.0102,0.0007,0.1911,0.0017,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,2,2,3,skipconcat,add,399,0.4079,0.005,137442.0,0.0097,0.0009,0.837,0.004,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,2,2,3,skipconcat,max,399,1.6097,0.0,137442.0,0.0352,0.0029,0.1911,0.0017,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,2,2,3,skipconcat,mean,399,73.3185,21.4894,137442.0,0.0108,0.001,0.1976,0.0024,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,2,2,3,skipsum,add,399,0.4123,0.013,134119.0,0.0112,0.0013,0.8303,0.0128,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,2,2,3,skipsum,max,399,1.6097,0.0,134119.0,0.0093,0.0012,0.1911,0.0017,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,2,2,3,skipsum,mean,399,130.6182,27.9545,134119.0,0.0105,0.0021,0.1976,0.0024,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,2,4,2,skipconcat,add,399,0.2392,0.0055,137500.0,0.0117,0.0004,0.9089,0.002,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,2,4,2,skipconcat,max,399,1.6097,0.0,137500.0,0.0145,0.0005,0.1911,0.0017,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,2,4,2,skipconcat,mean,399,1.7647,0.0134,137500.0,0.0361,0.0027,0.1977,0.0023,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,2,4,2,skipsum,add,399,0.2082,0.0084,134070.0,0.0118,0.0009,0.9208,0.0017,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,2,4,2,skipsum,max,399,1.6097,0.0,134070.0,0.015,0.0042,0.1911,0.0017,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,2,4,2,skipsum,mean,399,1.7282,0.0802,134070.0,0.0127,0.0013,0.1976,0.0024,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,2,4,3,skipconcat,add,399,0.2068,0.0188,137951.0,0.0106,0.0007,0.9128,0.0101,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,2,4,3,skipconcat,max,399,1.6097,0.0,137951.0,0.038,0.0008,0.1911,0.0017,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,2,4,3,skipconcat,mean,399,1.7784,0.1093,137951.0,0.0115,0.0007,0.1976,0.0024,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,2,4,3,skipsum,add,399,0.199,0.0206,133830.0,0.0253,0.0019,0.9173,0.0087,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,2,4,3,skipsum,max,399,1.6097,0.0,133830.0,0.0244,0.0018,0.1911,0.0017,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,2,4,3,skipsum,mean,399,1.6687,0.0059,133830.0,0.0246,0.0018,0.1976,0.0024,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,2,6,2,skipconcat,add,399,0.2065,0.0082,134553.0,0.016,0.001,0.9244,0.0022,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,2,6,2,skipconcat,max,399,1.6097,0.0,134553.0,0.0151,0.0028,0.1911,0.0017,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,2,6,2,skipconcat,mean,399,1.7705,0.0184,134553.0,0.0451,0.0032,0.1976,0.0024,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,2,6,2,skipsum,add,399,0.1479,0.0053,135430.0,0.0102,0.0011,0.9424,0.0032,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,2,6,2,skipsum,max,399,1.6097,0.0,135430.0,0.0117,0.0012,0.1911,0.0017,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,2,6,2,skipsum,mean,399,1.7683,0.0331,135430.0,0.0124,0.002,0.1976,0.0024,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,2,6,3,skipconcat,add,399,0.1585,0.0178,141786.0,0.012,0.0009,0.935,0.0105,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,2,6,3,skipconcat,max,399,1.6097,0.0,141786.0,0.0413,0.0021,0.1911,0.0017,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,2,6,3,skipconcat,mean,399,1.7375,0.0352,141786.0,0.0154,0.0023,0.1976,0.0024,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,2,6,3,skipsum,add,399,0.1282,0.0144,133926.0,0.0135,0.0017,0.9499,0.0075,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,2,6,3,skipsum,max,399,1.6097,0.0,133926.0,0.0127,0.0022,0.1911,0.0017,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,2,6,3,skipsum,mean,399,1.79,0.1079,133926.0,0.0143,0.0025,0.1976,0.0024,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,2,8,2,skipconcat,add,399,0.1848,0.0063,139610.0,0.0148,0.0038,0.9283,0.0037,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,2,8,2,skipconcat,max,399,1.6097,0.0,139610.0,0.0168,0.0046,0.1911,0.0017,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,2,8,2,skipconcat,mean,399,1.7927,0.0122,139610.0,0.0514,0.0021,0.1976,0.0024,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,2,8,2,skipsum,add,399,0.1365,0.0102,134298.0,0.0298,0.0022,0.9458,0.0095,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,2,8,2,skipsum,max,399,1.6097,0.0,134298.0,0.0285,0.0005,0.1911,0.0017,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,2,8,2,skipsum,mean,399,1.6991,0.0088,134298.0,0.0269,0.0018,0.1976,0.0024,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,2,8,3,skipconcat,add,399,0.1622,0.0199,137442.0,0.051,0.0013,0.9317,0.0105,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,2,8,3,skipconcat,max,399,1.6097,0.0,137442.0,0.05,0.0035,0.1911,0.0017,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,2,8,3,skipconcat,mean,399,1.708,0.0198,137442.0,0.0485,0.0013,0.1976,0.0024,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,2,8,3,skipsum,add,399,0.1142,0.0019,135057.0,0.0101,0.0004,0.9533,0.0018,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,2,8,3,skipsum,max,399,1.6097,0.0,135057.0,0.0149,0.0013,0.1911,0.0017,,,,,,,,
-nx,smallworld,node,True,node_const,node_pagerank,2,8,3,skipsum,mean,399,1.6839,0.0053,135057.0,0.0161,0.003,0.1976,0.0024,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,1,2,2,skipconcat,add,399,2.0649,0.0585,136296.0,0.0099,0.0009,0.4652,0.0053,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,1,2,2,skipconcat,max,399,2.0795,0.1726,136296.0,0.0127,0.0002,0.4608,0.0212,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,1,2,2,skipconcat,mean,399,2.341,0.112,136296.0,0.0108,0.0019,0.4442,0.0037,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,1,2,2,skipsum,add,399,2.2007,0.0536,134790.0,0.0098,0.0012,0.4664,0.0078,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,1,2,2,skipsum,max,399,2.0875,0.1664,134790.0,0.0248,0.0012,0.4768,0.0163,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,1,2,2,skipsum,mean,399,2.6739,0.2597,134790.0,0.0221,0.0009,0.4077,0.0196,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,1,2,3,skipconcat,add,399,2.4415,0.0442,134543.0,0.0105,0.0013,0.4223,0.0075,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,1,2,3,skipconcat,max,399,2.4676,0.0174,134543.0,0.0109,0.0012,0.4286,0.0341,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,1,2,3,skipconcat,mean,399,2.5063,0.0574,134543.0,0.0134,0.0023,0.3815,0.0176,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,1,2,3,skipsum,add,399,2.4826,0.0535,134286.0,0.0113,0.0016,0.4311,0.0091,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,1,2,3,skipsum,max,399,2.4353,0.2043,134286.0,0.0125,0.0029,0.4578,0.0082,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,1,2,3,skipsum,mean,399,2.7469,0.2051,134286.0,0.0095,0.0012,0.3838,0.0177,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,1,4,2,skipconcat,add,399,1.5625,0.0167,138018.0,0.0385,0.0024,0.5684,0.0035,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,1,4,2,skipconcat,max,399,1.8062,0.0449,138018.0,0.0121,0.0032,0.54,0.0171,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,1,4,2,skipconcat,mean,399,2.0152,0.1636,138018.0,0.0351,0.0008,0.5096,0.0175,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,1,4,2,skipsum,add,399,1.7043,0.0386,134119.0,0.0149,0.003,0.5719,0.0017,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,1,4,2,skipsum,max,399,2.0018,0.2631,134119.0,0.0121,0.0022,0.5629,0.012,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,1,4,2,skipsum,mean,399,2.2208,0.1821,134119.0,0.0121,0.0008,0.493,0.0115,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,1,4,3,skipconcat,add,399,1.965,0.0368,135648.0,0.0104,0.0013,0.5241,0.0141,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,1,4,3,skipconcat,max,399,2.3315,0.1351,135648.0,0.0137,0.0028,0.5089,0.0094,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,1,4,3,skipconcat,mean,399,2.0748,0.0608,135648.0,0.038,0.004,0.4744,0.0217,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,1,4,3,skipsum,add,399,2.0763,0.0769,134070.0,0.012,0.0011,0.5394,0.0059,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,1,4,3,skipsum,max,399,2.1978,0.042,134070.0,0.0283,0.0001,0.5449,0.0025,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,1,4,3,skipsum,mean,399,2.2021,0.1676,134070.0,0.024,0.0024,0.4871,0.0141,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,1,6,2,skipconcat,add,399,1.538,0.0306,138782.0,0.0118,0.001,0.5805,0.0059,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,1,6,2,skipconcat,max,399,1.9162,0.2404,138782.0,0.0122,0.002,0.553,0.0099,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,1,6,2,skipconcat,mean,399,1.9404,0.1061,138782.0,0.0452,0.001,0.5172,0.015,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,1,6,2,skipsum,add,399,1.7432,0.0281,133830.0,0.0367,0.0058,0.583,0.0056,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,1,6,2,skipsum,max,399,2.2113,0.1007,133830.0,0.0117,0.0024,0.5759,0.011,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,1,6,2,skipsum,mean,399,2.1553,0.2095,133830.0,0.0133,0.0052,0.519,0.01,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,1,6,3,skipconcat,add,399,1.9731,0.0465,140562.0,0.0445,0.0003,0.5248,0.0074,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,1,6,3,skipconcat,max,399,2.2939,0.0516,140562.0,0.0138,0.0028,0.5171,0.0108,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,1,6,3,skipconcat,mean,399,2.0154,0.0331,140562.0,0.0137,0.0016,0.4856,0.0211,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,1,6,3,skipsum,add,399,1.978,0.0452,135430.0,0.0263,0.0016,0.5572,0.0061,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,1,6,3,skipsum,max,399,2.0358,0.0596,135430.0,0.013,0.0022,0.5707,0.0087,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,1,6,3,skipsum,mean,399,2.0848,0.1593,135430.0,0.014,0.0018,0.5125,0.0176,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,1,8,2,skipconcat,add,399,1.5165,0.0388,138386.0,0.0122,0.0018,0.5807,0.0056,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,1,8,2,skipconcat,max,399,2.0285,0.3308,138386.0,0.0148,0.0009,0.5567,0.0062,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,1,8,2,skipconcat,mean,399,1.904,0.1553,138386.0,0.0138,0.0011,0.5251,0.0234,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,1,8,2,skipsum,add,399,1.6347,0.0262,133926.0,0.0125,0.0016,0.5998,0.0024,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,1,8,2,skipsum,max,399,2.1753,0.0512,133926.0,0.0298,0.0028,0.5759,0.0084,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,1,8,2,skipsum,mean,399,2.1113,0.1127,133926.0,0.0123,0.0018,0.5352,0.0108,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,1,8,3,skipconcat,add,399,1.9529,0.0212,136714.0,0.052,0.0048,0.5291,0.0146,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,1,8,3,skipconcat,max,399,2.3196,0.0439,136714.0,0.0471,0.0027,0.5261,0.0162,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,1,8,3,skipconcat,mean,399,2.0162,0.0171,136714.0,0.0159,0.0016,0.4915,0.0229,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,1,8,3,skipsum,add,399,1.9518,0.0072,134298.0,0.0301,0.0043,0.5692,0.0049,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,1,8,3,skipsum,max,399,1.9873,0.0618,134298.0,0.0141,0.0014,0.5823,0.0098,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,1,8,3,skipsum,mean,399,2.0545,0.0558,134298.0,0.0133,0.001,0.5375,0.0089,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,2,2,2,skipconcat,add,399,2.0272,0.0493,136659.0,0.0121,0.0019,0.4832,0.0047,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,2,2,2,skipconcat,max,399,2.0727,0.1899,136659.0,0.0325,0.0011,0.4762,0.0226,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,2,2,2,skipconcat,mean,399,2.0986,0.1338,136659.0,0.0094,0.0014,0.464,0.0074,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,2,2,2,skipsum,add,399,2.1096,0.0189,134286.0,0.0112,0.0029,0.4825,0.0051,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,2,2,2,skipsum,max,399,2.0239,0.0963,134286.0,0.0262,0.0023,0.4868,0.0158,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,2,2,2,skipsum,mean,399,2.5144,0.2271,134286.0,0.0106,0.0006,0.4312,0.0126,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,2,2,3,skipconcat,add,399,2.2647,0.0666,137442.0,0.0125,0.0021,0.4244,0.0111,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,2,2,3,skipconcat,max,399,2.2623,0.0442,137442.0,0.0108,0.0004,0.4583,0.0323,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,2,2,3,skipconcat,mean,399,2.1924,0.0311,137442.0,0.0096,0.0003,0.4292,0.0023,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,2,2,3,skipsum,add,399,2.4389,0.0247,134119.0,0.009,0.0002,0.4429,0.0007,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,2,2,3,skipsum,max,399,2.3659,0.1537,134119.0,0.0106,0.0035,0.4715,0.0029,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,2,2,3,skipsum,mean,399,2.5495,0.1311,134119.0,0.0108,0.0012,0.4099,0.0115,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,2,4,2,skipconcat,add,399,1.6871,0.0546,137500.0,0.0371,0.0011,0.5575,0.0132,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,2,4,2,skipconcat,max,399,1.7228,0.113,137500.0,0.0129,0.0003,0.5546,0.0096,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,2,4,2,skipconcat,mean,399,1.8517,0.1166,137500.0,0.01,0.0012,0.5186,0.0142,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,2,4,2,skipsum,add,399,1.7824,0.0733,134070.0,0.0126,0.0009,0.5717,0.0051,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,2,4,2,skipsum,max,399,1.9316,0.1933,134070.0,0.0128,0.0017,0.5651,0.0058,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,2,4,2,skipsum,mean,399,2.0654,0.1147,134070.0,0.027,0.0008,0.5108,0.0171,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,2,4,3,skipconcat,add,399,2.0348,0.0419,137951.0,0.0148,0.0013,0.516,0.0106,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,2,4,3,skipconcat,max,399,2.2405,0.0834,137951.0,0.0134,0.0025,0.5129,0.0139,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,2,4,3,skipconcat,mean,399,2.0061,0.0202,137951.0,0.0125,0.0019,0.4848,0.0138,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,2,4,3,skipsum,add,399,2.1603,0.0357,133830.0,0.0109,0.001,0.5374,0.0014,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,2,4,3,skipsum,max,399,2.1616,0.0534,133830.0,0.024,0.0007,0.5496,0.0007,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,2,4,3,skipsum,mean,399,2.0423,0.0529,133830.0,0.012,0.0002,0.499,0.0146,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,2,6,2,skipconcat,add,399,1.6739,0.0523,134553.0,0.014,0.0014,0.5611,0.0082,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,2,6,2,skipconcat,max,399,1.826,0.3374,134553.0,0.0432,0.0017,0.5535,0.0004,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,2,6,2,skipconcat,mean,399,1.8014,0.1146,134553.0,0.0421,0.0015,0.5253,0.0272,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,2,6,2,skipsum,add,399,1.7362,0.0529,135430.0,0.0124,0.0034,0.5842,0.0029,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,2,6,2,skipsum,max,399,2.2148,0.1476,135430.0,0.0154,0.0045,0.5675,0.0056,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,2,6,2,skipsum,mean,399,1.9862,0.1434,135430.0,0.0143,0.004,0.5294,0.0155,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,2,6,3,skipconcat,add,399,2.0053,0.0637,141786.0,0.0127,0.0016,0.5101,0.0034,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,2,6,3,skipconcat,max,399,2.2442,0.0405,141786.0,0.0133,0.0013,0.5271,0.0146,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,2,6,3,skipconcat,mean,399,1.9818,0.0347,141786.0,0.0148,0.0037,0.5012,0.0228,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,2,6,3,skipsum,add,399,2.0548,0.0448,133926.0,0.0131,0.0018,0.5522,0.0059,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,2,6,3,skipsum,max,399,2.0957,0.0245,133926.0,0.0124,0.0017,0.5687,0.0035,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,2,6,3,skipsum,mean,399,2.0376,0.0685,133926.0,0.0122,0.0004,0.5212,0.0073,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,2,8,2,skipconcat,add,399,1.6525,0.0293,139610.0,0.0198,0.0012,0.5617,0.0085,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,2,8,2,skipconcat,max,399,1.9284,0.3432,139610.0,0.0471,0.0026,0.5588,0.0119,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,2,8,2,skipconcat,mean,399,1.8612,0.1642,139610.0,0.014,0.002,0.5202,0.0229,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,2,8,2,skipsum,add,399,1.691,0.0392,134298.0,0.0131,0.0023,0.598,0.0113,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,2,8,2,skipsum,max,399,2.1902,0.0332,134298.0,0.0152,0.0004,0.5745,0.0079,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,2,8,2,skipsum,mean,399,2.0059,0.0909,134298.0,0.0144,0.0023,0.5465,0.0071,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,2,8,3,skipconcat,add,399,2.028,0.0982,137442.0,0.0486,0.0011,0.5104,0.0178,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,2,8,3,skipconcat,max,399,2.3063,0.0596,137442.0,0.0139,0.0002,0.5259,0.0064,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,2,8,3,skipconcat,mean,399,2.0652,0.0405,137442.0,0.012,0.0021,0.484,0.0256,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,2,8,3,skipsum,add,399,2.1008,0.0494,135057.0,0.0302,0.0026,0.5609,0.0034,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,2,8,3,skipsum,max,399,2.0005,0.0343,135057.0,0.0158,0.0037,0.5901,0.0074,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_clustering_coefficient,2,8,3,skipsum,mean,399,2.0525,0.0398,135057.0,0.033,0.0106,0.5323,0.006,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,1,2,2,skipconcat,add,399,0.4481,0.0121,136296.0,0.011,0.0008,0.8208,0.0062,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,1,2,2,skipconcat,max,399,2.1123,0.1213,136296.0,0.0309,0.0008,0.4534,0.0209,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,1,2,2,skipconcat,mean,399,3.1513,0.1278,136296.0,0.0289,0.001,0.3186,0.0107,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,1,2,2,skipsum,add,399,0.4616,0.0067,134790.0,0.0123,0.0025,0.8116,0.0073,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,1,2,2,skipsum,max,399,2.081,0.1285,134790.0,0.012,0.0007,0.4652,0.0192,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,1,2,2,skipsum,mean,399,3.451,0.2792,134790.0,0.0096,0.0017,0.2889,0.0069,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,1,2,3,skipconcat,add,399,0.629,0.0286,134543.0,0.0122,0.0045,0.7985,0.0019,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,1,2,3,skipconcat,max,399,2.6221,0.2702,134543.0,0.0284,0.0015,0.4149,0.0321,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,1,2,3,skipconcat,mean,399,3.1275,0.076,134543.0,0.031,0.0008,0.2748,0.0072,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,1,2,3,skipsum,add,399,0.6755,0.0542,134286.0,0.0084,0.0017,0.7864,0.0026,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,1,2,3,skipsum,max,399,2.6864,0.1109,134286.0,0.009,0.0007,0.4317,0.0142,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,1,2,3,skipsum,mean,399,3.4979,0.1817,134286.0,0.0106,0.0024,0.2617,0.0164,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,1,4,2,skipconcat,add,399,0.217,0.034,138018.0,0.011,0.0002,0.9094,0.0134,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,1,4,2,skipconcat,max,399,1.9872,0.0964,138018.0,0.0116,0.0021,0.5266,0.0237,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,1,4,2,skipconcat,mean,399,2.7793,0.1149,138018.0,0.0112,0.0023,0.3554,0.0182,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,1,4,2,skipsum,add,399,0.1863,0.0117,134119.0,0.0274,0.0006,0.922,0.0036,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,1,4,2,skipsum,max,399,2.0365,0.0986,134119.0,0.0107,0.0017,0.5574,0.0063,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,1,4,2,skipsum,mean,399,3.2164,0.2771,134119.0,0.0304,0.0066,0.3406,0.0233,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,1,4,3,skipconcat,add,399,0.2373,0.028,135648.0,0.0129,0.0031,0.9059,0.0102,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,1,4,3,skipconcat,max,399,2.4889,0.0304,135648.0,0.0139,0.0028,0.4827,0.0118,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,1,4,3,skipconcat,mean,399,2.9713,0.037,135648.0,0.0127,0.0014,0.3008,0.0211,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,1,4,3,skipsum,add,399,0.2476,0.0369,134070.0,0.0144,0.0018,0.908,0.0116,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,1,4,3,skipsum,max,399,2.1419,0.0549,134070.0,0.0118,0.0007,0.5299,0.0069,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,1,4,3,skipsum,mean,399,3.3857,0.1387,134070.0,0.0133,0.0016,0.2947,0.0225,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,1,6,2,skipconcat,add,399,0.1553,0.0058,138782.0,0.0115,0.0014,0.9371,0.0058,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,1,6,2,skipconcat,max,399,2.0795,0.0894,138782.0,0.0138,0.0023,0.5509,0.0068,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,1,6,2,skipconcat,mean,399,2.7947,0.1239,138782.0,0.015,0.0028,0.3624,0.0278,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,1,6,2,skipsum,add,399,0.1338,0.0043,133830.0,0.0119,0.0009,0.9439,0.0012,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,1,6,2,skipsum,max,399,2.0865,0.0794,133830.0,0.0122,0.0023,0.564,0.0114,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,1,6,2,skipsum,mean,399,3.2808,0.1768,133830.0,0.017,0.0051,0.3666,0.0104,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,1,6,3,skipconcat,add,399,0.1694,0.02,140562.0,0.0137,0.0022,0.9308,0.0079,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,1,6,3,skipconcat,max,399,2.3733,0.0494,140562.0,0.0144,0.0011,0.5063,0.0056,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,1,6,3,skipconcat,mean,399,2.9082,0.0495,140562.0,0.0141,0.0013,0.307,0.0322,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,1,6,3,skipsum,add,399,0.1368,0.0097,135430.0,0.0147,0.0017,0.9453,0.0025,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,1,6,3,skipsum,max,399,1.9394,0.0378,135430.0,0.0185,0.0056,0.5627,0.011,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,1,6,3,skipsum,mean,399,3.369,0.1473,135430.0,0.0129,0.0007,0.3267,0.0123,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,1,8,2,skipconcat,add,399,0.1614,0.0064,138386.0,0.0119,0.0013,0.932,0.0026,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,1,8,2,skipconcat,max,399,2.1292,0.1945,138386.0,0.0136,0.0016,0.5511,0.009,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,1,8,2,skipconcat,mean,399,2.8272,0.0709,138386.0,0.0119,0.0011,0.3552,0.0167,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,1,8,2,skipsum,add,399,0.1214,0.0055,133926.0,0.0097,0.0001,0.95,0.0022,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,1,8,2,skipsum,max,399,2.0226,0.0607,133926.0,0.0298,0.0018,0.5715,0.0062,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,1,8,2,skipsum,mean,399,3.3616,0.184,133926.0,0.0124,0.0003,0.3662,0.0131,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,1,8,3,skipconcat,add,399,0.1529,0.004,136714.0,0.0517,0.0033,0.9377,0.0025,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,1,8,3,skipconcat,max,399,2.3749,0.0127,136714.0,0.0143,0.0019,0.495,0.0017,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,1,8,3,skipconcat,mean,399,2.9604,0.1029,136714.0,0.0127,0.0019,0.3062,0.0246,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,1,8,3,skipsum,add,399,0.1422,0.0175,134298.0,0.0111,0.0002,0.9415,0.006,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,1,8,3,skipsum,max,399,1.8974,0.0327,134298.0,0.029,0.0009,0.5801,0.008,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,1,8,3,skipsum,mean,399,3.4712,0.1681,134298.0,0.0112,0.0008,0.3332,0.0106,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,2,2,2,skipconcat,add,399,0.4648,0.0126,136659.0,0.0114,0.0008,0.8153,0.0041,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,2,2,2,skipconcat,max,399,2.0569,0.1342,136659.0,0.0337,0.0038,0.4607,0.0269,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,2,2,2,skipconcat,mean,399,2.8549,0.1497,136659.0,0.0093,0.0007,0.3359,0.0018,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,2,2,2,skipsum,add,399,0.5245,0.0113,134286.0,0.0116,0.0022,0.7966,0.0052,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,2,2,2,skipsum,max,399,2.2271,0.1682,134286.0,0.0258,0.0026,0.448,0.0311,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,2,2,2,skipsum,mean,399,3.3595,0.2602,134286.0,0.0116,0.0023,0.2945,0.0093,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,2,2,3,skipconcat,add,399,0.7879,0.0196,137442.0,0.0096,0.0011,0.7792,0.0028,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,2,2,3,skipconcat,max,399,2.4777,0.1568,137442.0,0.0119,0.004,0.4257,0.019,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,2,2,3,skipconcat,mean,399,2.9184,0.059,137442.0,0.0314,0.0017,0.2866,0.0112,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,2,2,3,skipsum,add,399,0.8818,0.0719,134119.0,0.0103,0.0016,0.7611,0.009,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,2,2,3,skipsum,max,399,2.6634,0.1586,134119.0,0.0119,0.0007,0.4361,0.0192,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,2,2,3,skipsum,mean,399,3.4121,0.0738,134119.0,0.0093,0.0006,0.2657,0.0082,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,2,4,2,skipconcat,add,399,0.1937,0.0044,137500.0,0.0125,0.0033,0.92,0.0041,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,2,4,2,skipconcat,max,399,1.929,0.0845,137500.0,0.0113,0.0014,0.5362,0.0162,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,2,4,2,skipconcat,mean,399,2.601,0.1549,137500.0,0.0122,0.0013,0.377,0.0079,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,2,4,2,skipsum,add,399,0.2138,0.0146,134070.0,0.01,0.0012,0.9105,0.0043,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,2,4,2,skipsum,max,399,1.9884,0.1663,134070.0,0.0107,0.001,0.5624,0.0119,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,2,4,2,skipsum,mean,399,3.0034,0.084,134070.0,0.025,0.002,0.3659,0.0061,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,2,4,3,skipconcat,add,399,0.2634,0.0188,137951.0,0.0096,0.0013,0.9018,0.0053,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,2,4,3,skipconcat,max,399,2.4976,0.0812,137951.0,0.0116,0.0025,0.4763,0.0199,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,2,4,3,skipconcat,mean,399,2.8787,0.1194,137951.0,0.0391,0.0016,0.327,0.0248,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,2,4,3,skipsum,add,399,0.273,0.0054,133830.0,0.0123,0.0032,0.9034,0.0012,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,2,4,3,skipsum,max,399,2.1559,0.0371,133830.0,0.0271,0.0041,0.5405,0.0049,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,2,4,3,skipsum,mean,399,3.2073,0.0321,133830.0,0.0137,0.0014,0.3141,0.0192,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,2,6,2,skipconcat,add,399,0.1617,0.0038,134553.0,0.0142,0.0044,0.9336,0.0018,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,2,6,2,skipconcat,max,399,1.9944,0.1511,134553.0,0.0142,0.0026,0.5451,0.0085,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,2,6,2,skipconcat,mean,399,2.5871,0.0293,134553.0,0.0133,0.0019,0.3803,0.0159,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,2,6,2,skipsum,add,399,0.1388,0.01,135430.0,0.0109,0.001,0.942,0.003,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,2,6,2,skipsum,max,399,2.0122,0.1197,135430.0,0.0121,0.0015,0.5751,0.0091,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,2,6,2,skipsum,mean,399,3.033,0.1075,135430.0,0.0107,0.0003,0.3767,0.0119,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,2,6,3,skipconcat,add,399,0.1758,0.0161,141786.0,0.0197,0.0101,0.929,0.0076,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,2,6,3,skipconcat,max,399,2.3415,0.0163,141786.0,0.0139,0.003,0.4967,0.0104,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,2,6,3,skipconcat,mean,399,2.8697,0.0834,141786.0,0.0129,0.0034,0.3178,0.0173,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,2,6,3,skipsum,add,399,0.1509,0.0054,133926.0,0.0113,0.0013,0.941,0.0022,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,2,6,3,skipsum,max,399,1.9586,0.0441,133926.0,0.0133,0.002,0.5689,0.0057,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,2,6,3,skipsum,mean,399,3.2164,0.0854,133926.0,0.0266,0.0012,0.3367,0.0204,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,2,8,2,skipconcat,add,399,0.1578,0.0048,139610.0,0.0111,0.0,0.9322,0.0012,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,2,8,2,skipconcat,max,399,1.9754,0.1594,139610.0,0.012,0.0011,0.5496,0.0038,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,2,8,2,skipconcat,mean,399,2.6291,0.1029,139610.0,0.0157,0.0019,0.3806,0.0168,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,2,8,2,skipsum,add,399,0.1326,0.009,134298.0,0.0135,0.0008,0.943,0.0046,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,2,8,2,skipsum,max,399,2.0016,0.0377,134298.0,0.0119,0.0011,0.5717,0.0079,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,2,8,2,skipsum,mean,399,3.0629,0.1423,134298.0,0.0121,0.0012,0.3932,0.0104,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,2,8,3,skipconcat,add,399,0.1776,0.0229,137442.0,0.0109,0.0014,0.9263,0.01,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,2,8,3,skipconcat,max,399,2.2918,0.1536,137442.0,0.0161,0.0019,0.4929,0.0105,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,2,8,3,skipconcat,mean,399,2.8859,0.1234,137442.0,0.0138,0.0031,0.3231,0.0183,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,2,8,3,skipsum,add,399,0.1401,0.0086,135057.0,0.0259,0.0021,0.9454,0.0042,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,2,8,3,skipsum,max,399,1.8299,0.0272,135057.0,0.0131,0.0019,0.5732,0.0071,,,,,,,,
-nx,smallworld,node,True,node_onehot,node_pagerank,2,8,3,skipsum,mean,399,3.1786,0.0452,135057.0,0.0145,0.0047,0.361,0.0072,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,1,2,2,skipconcat,add,399,1.1413,0.037,136296.0,0.0119,0.0005,0.575,0.0034,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,1,2,2,skipconcat,max,399,1.735,0.0124,136296.0,0.0117,0.0021,0.5498,0.0041,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,1,2,2,skipconcat,mean,399,1.5023,0.0101,136296.0,0.0111,0.0013,0.5507,0.002,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,1,2,2,skipsum,add,399,1.2876,0.0222,134790.0,0.0096,0.001,0.5666,0.0032,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,1,2,2,skipsum,max,399,1.8065,0.0408,134790.0,0.01,0.0004,0.5563,0.0043,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,1,2,2,skipsum,mean,399,1.6748,0.0264,134790.0,0.0248,0.0021,0.536,0.002,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,1,2,3,skipconcat,add,399,1.8534,0.0272,134543.0,0.0115,0.0005,0.5367,0.0073,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,1,2,3,skipconcat,max,399,1.9917,0.0172,134543.0,0.0132,0.0067,0.5325,0.0065,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,1,2,3,skipconcat,mean,399,1.9911,0.0247,134543.0,0.0331,0.0013,0.5262,0.0046,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,1,2,3,skipsum,add,399,1.821,0.0304,134286.0,0.0262,0.0019,0.5364,0.006,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,1,2,3,skipsum,max,399,2.0089,0.0181,134286.0,0.0104,0.0014,0.5382,0.003,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,1,2,3,skipsum,mean,399,2.0582,0.0224,134286.0,0.0107,0.0004,0.5191,0.0027,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,1,4,2,skipconcat,add,399,1.1368,0.0194,138018.0,0.0088,0.0002,0.606,0.0055,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,1,4,2,skipconcat,max,399,1.7074,0.0267,138018.0,0.0098,0.0006,0.5819,0.0013,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,1,4,2,skipconcat,mean,399,1.457,0.0185,138018.0,0.0106,0.0019,0.6001,0.0026,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,1,4,2,skipsum,add,399,1.4263,0.0652,134119.0,0.0331,0.003,0.6026,0.0067,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,1,4,2,skipsum,max,399,1.8005,0.0643,134119.0,0.0124,0.0006,0.5868,0.0063,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,1,4,2,skipsum,mean,399,1.6172,0.0228,134119.0,0.0098,0.0007,0.5907,0.0035,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,1,4,3,skipconcat,add,399,1.7878,0.0105,135648.0,0.0127,0.0009,0.5663,0.0076,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,1,4,3,skipconcat,max,399,2.0401,0.1706,135648.0,0.0105,0.0011,0.5656,0.0075,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,1,4,3,skipconcat,mean,399,1.8099,0.0174,135648.0,0.0106,0.0011,0.5623,0.0039,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,1,4,3,skipsum,add,399,1.7103,0.0492,134070.0,0.0126,0.0017,0.5775,0.004,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,1,4,3,skipsum,max,399,2.1796,0.1026,134070.0,0.0113,0.0015,0.5783,0.0095,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,1,4,3,skipsum,mean,399,1.8442,0.0255,134070.0,0.0112,0.0022,0.5678,0.0121,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,1,6,2,skipconcat,add,399,1.1062,0.0487,138782.0,0.0098,0.0007,0.6112,0.0054,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,1,6,2,skipconcat,max,399,1.7084,0.0448,138782.0,0.0373,0.0008,0.5939,0.0033,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,1,6,2,skipconcat,mean,399,1.477,0.0104,138782.0,0.0176,0.0035,0.6084,0.002,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,1,6,2,skipsum,add,399,1.3858,0.02,133830.0,0.0125,0.0013,0.6179,0.0084,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,1,6,2,skipsum,max,399,2.0465,0.1459,133830.0,0.013,0.0011,0.5935,0.0075,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,1,6,2,skipsum,mean,399,1.583,0.0417,133830.0,0.0152,0.0033,0.6028,0.0071,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,1,6,3,skipconcat,add,399,1.7677,0.0169,140562.0,0.015,0.0003,0.567,0.0021,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,1,6,3,skipconcat,max,399,2.0001,0.1378,140562.0,0.012,0.001,0.5747,0.0033,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,1,6,3,skipconcat,mean,399,1.7651,0.0358,140562.0,0.014,0.0036,0.5767,0.0118,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,1,6,3,skipsum,add,399,1.7319,0.0374,135430.0,0.0148,0.0018,0.5878,0.0068,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,1,6,3,skipsum,max,399,2.2026,0.0368,135430.0,0.0284,0.0055,0.5946,0.0067,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,1,6,3,skipsum,mean,399,1.7863,0.0089,135430.0,0.0123,0.0011,0.5779,0.0041,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,1,8,2,skipconcat,add,399,1.1223,0.033,138386.0,0.0139,0.003,0.6136,0.0047,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,1,8,2,skipconcat,max,399,1.7769,0.0867,138386.0,0.0119,0.0002,0.5929,0.0033,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,1,8,2,skipconcat,mean,399,1.4589,0.0349,138386.0,0.0137,0.0016,0.6078,0.0029,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,1,8,2,skipsum,add,399,1.3615,0.0364,133926.0,0.0114,0.0021,0.6183,0.0049,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,1,8,2,skipsum,max,399,2.1782,0.074,133926.0,0.0274,0.0006,0.6017,0.003,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,1,8,2,skipsum,mean,399,1.5879,0.0209,133926.0,0.0142,0.0005,0.6083,0.0028,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,1,8,3,skipconcat,add,399,1.7286,0.0392,136714.0,0.0115,0.0008,0.5729,0.0047,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,1,8,3,skipconcat,max,399,2.0573,0.172,136714.0,0.0119,0.0023,0.5698,0.0048,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,1,8,3,skipconcat,mean,399,1.7544,0.0243,136714.0,0.0146,0.0023,0.5833,0.006,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,1,8,3,skipsum,add,399,1.6395,0.0114,134298.0,0.011,0.0017,0.5956,0.0062,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,1,8,3,skipsum,max,399,2.1775,0.0128,134298.0,0.014,0.0008,0.6018,0.0018,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,1,8,3,skipsum,mean,399,1.7513,0.0145,134298.0,0.0147,0.0008,0.5941,0.0063,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,2,2,2,skipconcat,add,399,1.4369,0.0229,136659.0,0.011,0.0007,0.5686,0.0021,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,2,2,2,skipconcat,max,399,1.7771,0.0194,136659.0,0.01,0.002,0.5556,0.0037,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,2,2,2,skipconcat,mean,399,1.7039,0.0103,136659.0,0.0301,0.0053,0.5575,0.0015,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,2,2,2,skipsum,add,399,1.5569,0.0415,134286.0,0.0107,0.0018,0.5658,0.0048,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,2,2,2,skipsum,max,399,1.8705,0.0158,134286.0,0.013,0.0025,0.5531,0.0009,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,2,2,2,skipsum,mean,399,1.7845,0.039,134286.0,0.0113,0.001,0.5519,0.0066,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,2,2,3,skipconcat,add,399,1.9873,0.0351,137442.0,0.0097,0.0017,0.5345,0.0037,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,2,2,3,skipconcat,max,399,1.9505,0.019,137442.0,0.0103,0.0013,0.5399,0.0083,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,2,2,3,skipconcat,mean,399,1.9973,0.0442,137442.0,0.0109,0.0014,0.5304,0.0048,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,2,2,3,skipsum,add,399,1.9599,0.0381,134119.0,0.0099,0.0017,0.539,0.0029,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,2,2,3,skipsum,max,399,2.0377,0.065,134119.0,0.0125,0.0011,0.5399,0.0058,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,2,2,3,skipsum,mean,399,1.9967,0.035,134119.0,0.009,0.0002,0.5342,0.0066,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,2,4,2,skipconcat,add,399,1.3503,0.0377,137500.0,0.0103,0.0009,0.6036,0.0023,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,2,4,2,skipconcat,max,399,1.703,0.0057,137500.0,0.0119,0.0012,0.5844,0.006,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,2,4,2,skipconcat,mean,399,1.5853,0.0149,137500.0,0.0333,0.0012,0.5953,0.0032,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,2,4,2,skipsum,add,399,1.5142,0.0581,134070.0,0.0289,0.0034,0.6059,0.0049,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,2,4,2,skipsum,max,399,1.8382,0.057,134070.0,0.0098,0.0002,0.5973,0.0057,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,2,4,2,skipsum,mean,399,1.6082,0.0039,134070.0,0.0104,0.0019,0.603,0.0102,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,2,4,3,skipconcat,add,399,1.809,0.0259,137951.0,0.0116,0.0008,0.5695,0.0052,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,2,4,3,skipconcat,max,399,1.9734,0.1064,137951.0,0.0094,0.0001,0.571,0.0067,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,2,4,3,skipconcat,mean,399,1.8245,0.0415,137951.0,0.0104,0.0019,0.5717,0.0097,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,2,4,3,skipsum,add,399,1.8355,0.0191,133830.0,0.0095,0.0012,0.58,0.0051,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,2,4,3,skipsum,max,399,2.174,0.1198,133830.0,0.0099,0.0007,0.5852,0.0068,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,2,4,3,skipsum,mean,399,1.8199,0.0226,133830.0,0.0265,0.0024,0.5742,0.002,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,2,6,2,skipconcat,add,399,1.3486,0.0374,134553.0,0.0094,0.0004,0.5971,0.0028,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,2,6,2,skipconcat,max,399,1.7285,0.0803,134553.0,0.0124,0.0019,0.5893,0.0025,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,2,6,2,skipconcat,mean,399,1.545,0.0147,134553.0,0.0141,0.0022,0.6017,0.0028,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,2,6,2,skipsum,add,399,1.4864,0.0071,135430.0,0.0273,0.0011,0.6145,0.0036,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,2,6,2,skipsum,max,399,1.9981,0.0979,135430.0,0.0121,0.0018,0.5969,0.0013,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,2,6,2,skipsum,mean,399,1.5954,0.0019,135430.0,0.0118,0.0006,0.6027,0.002,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,2,6,3,skipconcat,add,399,1.8175,0.0194,141786.0,0.0416,0.002,0.5698,0.005,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,2,6,3,skipconcat,max,399,1.9995,0.1187,141786.0,0.0119,0.0021,0.577,0.0098,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,2,6,3,skipconcat,mean,399,1.7562,0.0302,141786.0,0.0122,0.0013,0.5823,0.0065,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,2,6,3,skipsum,add,399,1.7839,0.0446,133926.0,0.0106,0.001,0.5841,0.0054,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,2,6,3,skipsum,max,399,2.1853,0.0717,133926.0,0.0109,0.0012,0.5931,0.0054,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,2,6,3,skipsum,mean,399,1.7943,0.0164,133926.0,0.0284,0.0021,0.5867,0.0089,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,2,8,2,skipconcat,add,399,1.3035,0.0172,139610.0,0.046,0.0057,0.5945,0.0069,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,2,8,2,skipconcat,max,399,1.7713,0.0724,139610.0,0.0119,0.0009,0.5845,0.0034,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,2,8,2,skipconcat,mean,399,1.5168,0.0168,139610.0,0.0139,0.0019,0.6076,0.0027,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,2,8,2,skipsum,add,399,1.4322,0.028,134298.0,0.0123,0.0014,0.6177,0.0033,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,2,8,2,skipsum,max,399,2.0954,0.1403,134298.0,0.0125,0.0003,0.5978,0.0098,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,2,8,2,skipsum,mean,399,1.5892,0.0059,134298.0,0.0132,0.0017,0.6096,0.0005,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,2,8,3,skipconcat,add,399,1.7855,0.0095,137442.0,0.0125,0.0012,0.5679,0.0101,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,2,8,3,skipconcat,max,399,2.0417,0.136,137442.0,0.0116,0.0002,0.5764,0.0095,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,2,8,3,skipconcat,mean,399,1.7709,0.0269,137442.0,0.0133,0.0015,0.5859,0.0044,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,2,8,3,skipsum,add,399,1.7318,0.0467,135057.0,0.0128,0.0016,0.5916,0.002,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,2,8,3,skipsum,max,399,2.1742,0.0248,135057.0,0.0143,0.0026,0.6059,0.0043,,,,,,,,
-nx,smallworld,node,True,node_pagerank,node_clustering_coefficient,2,8,3,skipsum,mean,399,1.8029,0.0185,135057.0,0.0153,0.0038,0.5912,0.0058,,,,,,,,
diff --git a/run/results/design_v2link_grid_round2link/agg/train.csv b/run/results/design_v2link_grid_round2link/agg/train.csv
deleted file mode 100644
index 7c16023b..00000000
--- a/run/results/design_v2link_grid_round2link/agg/train.csv
+++ /dev/null
@@ -1,1052 +0,0 @@
-format,dataset,task,trans,feature,label,l_pre,l_mp,l_post,stage,agg,epoch,loss,loss_std,params,time_iter,time_iter_std,accuracy,accuracy_std,precision,precision_std,recall,recall_std,f1,f1_std,auc,auc_std
-PyG,AmazonComputers,link_pred,True,,,1,2,2,skipconcat,add,99,0.4913,0.0058,273444.0,0.4434,0.1062,0.7677,0.0028,0.6925,0.0022,0.9632,0.002,0.8057,0.0022,0.9232,0.0025
-PyG,AmazonComputers,link_pred,True,,,1,2,2,skipconcat,max,99,0.4898,0.009,273444.0,0.3375,0.0195,0.7693,0.003,0.6899,0.0026,0.9783,0.001,0.8092,0.0022,0.9304,0.0048
-PyG,AmazonComputers,link_pred,True,,,1,2,2,skipconcat,mean,99,0.4766,0.006,273444.0,0.3613,0.046,0.7844,0.0011,0.7063,0.0015,0.9738,0.0017,0.8187,0.0006,0.9366,0.0038
-PyG,AmazonComputers,link_pred,True,,,1,2,2,skipsum,add,99,0.4866,0.0013,369409.0,0.3704,0.0504,0.7697,0.0017,0.6946,0.0017,0.9626,0.0006,0.807,0.0011,0.9217,0.0011
-PyG,AmazonComputers,link_pred,True,,,1,2,2,skipsum,max,99,0.4849,0.0047,369409.0,0.4435,0.0619,0.7709,0.0041,0.6911,0.0037,0.9799,0.0013,0.8105,0.003,0.9297,0.0042
-PyG,AmazonComputers,link_pred,True,,,1,2,2,skipsum,mean,99,0.4754,0.0047,369409.0,0.321,0.0268,0.7911,0.0034,0.7136,0.0033,0.9725,0.0015,0.8231,0.0025,0.9337,0.0032
-PyG,AmazonComputers,link_pred,True,,,1,2,3,skipconcat,add,99,0.4772,0.0038,266337.0,0.3374,0.0065,0.7729,0.0008,0.697,0.0005,0.9655,0.0022,0.8096,0.0009,0.9295,0.0026
-PyG,AmazonComputers,link_pred,True,,,1,2,3,skipconcat,max,99,0.4724,0.0031,266337.0,0.4557,0.1096,0.7806,0.0021,0.7005,0.0018,0.9801,0.0016,0.817,0.0016,0.9382,0.0027
-PyG,AmazonComputers,link_pred,True,,,1,2,3,skipconcat,mean,99,0.4591,0.0006,266337.0,0.3157,0.0444,0.8,0.0027,0.7221,0.0028,0.9753,0.0016,0.8298,0.0019,0.945,0.0008
-PyG,AmazonComputers,link_pred,True,,,1,2,3,skipsum,add,99,0.4851,0.0012,352828.0,0.323,0.0065,0.7753,0.0016,0.7011,0.0011,0.9596,0.0021,0.8103,0.0014,0.921,0.0004
-PyG,AmazonComputers,link_pred,True,,,1,2,3,skipsum,max,99,0.4757,0.0033,352828.0,0.3883,0.1077,0.7784,0.0044,0.6983,0.0045,0.9805,0.0004,0.8157,0.0029,0.9363,0.0018
-PyG,AmazonComputers,link_pred,True,,,1,2,3,skipsum,mean,99,0.4637,0.005,352828.0,0.3275,0.0642,0.7979,0.0038,0.7202,0.004,0.9743,0.0009,0.8282,0.0026,0.9413,0.003
-PyG,AmazonComputers,link_pred,True,,,1,4,2,skipconcat,add,99,0.4861,0.0042,247777.0,0.4066,0.0827,0.7692,0.0014,0.6943,0.0015,0.9618,0.0029,0.8065,0.0011,0.925,0.0042
-PyG,AmazonComputers,link_pred,True,,,1,4,2,skipconcat,max,99,0.4805,0.0052,247777.0,0.3962,0.0827,0.773,0.0016,0.6931,0.0012,0.9799,0.0014,0.8119,0.0013,0.9379,0.0041
-PyG,AmazonComputers,link_pred,True,,,1,4,2,skipconcat,mean,99,0.4625,0.0045,247777.0,0.4034,0.0921,0.7929,0.0026,0.715,0.0024,0.9744,0.0012,0.8247,0.002,0.9451,0.0021
-PyG,AmazonComputers,link_pred,True,,,1,4,2,skipsum,add,99,0.49,0.0047,337747.0,0.3433,0.0649,0.7693,0.003,0.6956,0.0028,0.9574,0.0023,0.8058,0.0023,0.9176,0.0034
-PyG,AmazonComputers,link_pred,True,,,1,4,2,skipsum,max,99,0.486,0.001,337747.0,0.3339,0.054,0.7719,0.0019,0.693,0.0019,0.9762,0.0002,0.8106,0.0012,0.9277,0.0005
-PyG,AmazonComputers,link_pred,True,,,1,4,2,skipsum,mean,99,0.4612,0.0033,337747.0,0.3715,0.0917,0.8032,0.0005,0.7264,0.001,0.9727,0.0023,0.8317,0.0005,0.9423,0.0026
-PyG,AmazonComputers,link_pred,True,,,1,4,3,skipconcat,add,99,0.4749,0.0041,243384.0,0.3937,0.0786,0.7752,0.0035,0.6997,0.0029,0.9644,0.0032,0.811,0.0029,0.9302,0.0034
-PyG,AmazonComputers,link_pred,True,,,1,4,3,skipconcat,max,99,0.4662,0.0032,243384.0,0.3302,0.0534,0.7834,0.001,0.7028,0.0007,0.9823,0.0016,0.8194,0.0009,0.9446,0.0025
-PyG,AmazonComputers,link_pred,True,,,1,4,3,skipconcat,mean,99,0.4502,0.0022,243384.0,0.4625,0.1285,0.807,0.0025,0.7292,0.0028,0.9768,0.0009,0.8351,0.0017,0.9513,0.0009
-PyG,AmazonComputers,link_pred,True,,,1,4,3,skipsum,add,99,0.4827,0.0022,328945.0,0.3831,0.0623,0.7682,0.0013,0.6939,0.0013,0.9595,0.0013,0.8054,0.001,0.9222,0.0014
-PyG,AmazonComputers,link_pred,True,,,1,4,3,skipsum,max,99,0.4776,0.0022,328945.0,0.4378,0.0829,0.7794,0.002,0.7002,0.0018,0.9772,0.001,0.8158,0.0015,0.9329,0.0017
-PyG,AmazonComputers,link_pred,True,,,1,4,3,skipsum,mean,99,0.4529,0.0018,328945.0,0.4958,0.079,0.8095,0.0021,0.7329,0.002,0.9741,0.0016,0.8365,0.0016,0.9485,0.0018
-PyG,AmazonComputers,link_pred,True,,,1,6,2,skipconcat,add,99,0.4851,0.0041,232922.0,0.4294,0.1068,0.7712,0.0012,0.6962,0.0006,0.9622,0.0027,0.8079,0.0012,0.9263,0.0022
-PyG,AmazonComputers,link_pred,True,,,1,6,2,skipconcat,max,99,0.4803,0.0055,232922.0,0.42,0.0453,0.7686,0.0006,0.6893,0.0008,0.978,0.0022,0.8087,0.0005,0.9382,0.0039
-PyG,AmazonComputers,link_pred,True,,,1,6,2,skipconcat,mean,99,0.4588,0.007,232922.0,0.3628,0.0439,0.7926,0.0031,0.7142,0.0029,0.9756,0.002,0.8247,0.0024,0.9479,0.0043
-PyG,AmazonComputers,link_pred,True,,,1,6,2,skipsum,add,99,0.4958,0.0045,320281.0,0.4136,0.0855,0.7635,0.0031,0.692,0.0022,0.9496,0.0034,0.8006,0.0027,0.9104,0.0037
-PyG,AmazonComputers,link_pred,True,,,1,6,2,skipsum,max,99,0.4852,0.0022,320281.0,0.4494,0.0561,0.7721,0.0026,0.6936,0.002,0.9748,0.002,0.8105,0.0021,0.9274,0.0025
-PyG,AmazonComputers,link_pred,True,,,1,6,2,skipsum,mean,99,0.4543,0.0023,320281.0,0.4026,0.0673,0.8111,0.0022,0.7354,0.0029,0.9719,0.0024,0.8373,0.0015,0.9468,0.002
-PyG,AmazonComputers,link_pred,True,,,1,6,3,skipconcat,add,99,0.4743,0.0005,234361.0,0.3782,0.048,0.774,0.0046,0.6987,0.0049,0.9636,0.0011,0.8101,0.003,0.9298,0.0007
-PyG,AmazonComputers,link_pred,True,,,1,6,3,skipconcat,max,99,0.4628,0.0032,234361.0,0.3343,0.0824,0.7861,0.0068,0.7056,0.0075,0.9824,0.0019,0.8213,0.0044,0.9467,0.0014
-PyG,AmazonComputers,link_pred,True,,,1,6,3,skipconcat,mean,99,0.4516,0.001,234361.0,0.3245,0.0544,0.8048,0.0044,0.7269,0.0047,0.9764,0.0014,0.8334,0.0032,0.9503,0.0013
-PyG,AmazonComputers,link_pred,True,,,1,6,3,skipsum,add,99,0.4824,0.0038,313465.0,0.4363,0.0914,0.7655,0.0048,0.692,0.0047,0.9572,0.0006,0.8033,0.0033,0.9213,0.003
-PyG,AmazonComputers,link_pred,True,,,1,6,3,skipsum,max,99,0.4783,0.0021,313465.0,0.4511,0.0409,0.778,0.0007,0.6991,0.0009,0.9763,0.0009,0.8148,0.0004,0.932,0.0021
-PyG,AmazonComputers,link_pred,True,,,1,6,3,skipsum,mean,99,0.4508,0.002,313465.0,0.4284,0.0546,0.8159,0.0009,0.7397,0.0012,0.9748,0.0006,0.8412,0.0005,0.9505,0.0018
-PyG,AmazonComputers,link_pred,True,,,1,8,2,skipconcat,add,99,0.4884,0.0045,228737.0,0.2944,0.0287,0.7691,0.0013,0.6953,0.0008,0.9579,0.002,0.8058,0.0013,0.9226,0.0022
-PyG,AmazonComputers,link_pred,True,,,1,8,2,skipconcat,max,99,0.4744,0.0055,228737.0,0.4135,0.0693,0.7718,0.0027,0.6922,0.0023,0.9787,0.0021,0.8109,0.0021,0.9419,0.003
-PyG,AmazonComputers,link_pred,True,,,1,8,2,skipconcat,mean,99,0.4607,0.0045,228737.0,0.3737,0.1065,0.7934,0.0041,0.7154,0.0036,0.9745,0.0023,0.8251,0.0032,0.9459,0.0026
-PyG,AmazonComputers,link_pred,True,,,1,8,2,skipsum,add,99,0.4937,0.0015,306321.0,0.3835,0.0368,0.7636,0.0001,0.6919,0.0008,0.9503,0.0026,0.8008,0.0004,0.9124,0.0018
-PyG,AmazonComputers,link_pred,True,,,1,8,2,skipsum,max,99,0.4865,0.0045,306321.0,0.41,0.0254,0.7689,0.0043,0.6908,0.0035,0.9735,0.0026,0.8082,0.0033,0.9262,0.0041
-PyG,AmazonComputers,link_pred,True,,,1,8,2,skipsum,mean,99,0.4528,0.0017,306321.0,0.4283,0.0802,0.8129,0.0026,0.7376,0.0028,0.9714,0.0007,0.8385,0.0019,0.9475,0.0012
-PyG,AmazonComputers,link_pred,True,,,1,8,3,skipconcat,add,99,0.4768,0.0028,225802.0,0.399,0.0565,0.7753,0.0035,0.7008,0.0035,0.9609,0.0006,0.8105,0.0025,0.9274,0.0017
-PyG,AmazonComputers,link_pred,True,,,1,8,3,skipconcat,max,99,0.4628,0.003,225802.0,0.386,0.0421,0.7804,0.0017,0.6998,0.0016,0.9821,0.0004,0.8173,0.0012,0.9471,0.0015
-PyG,AmazonComputers,link_pred,True,,,1,8,3,skipconcat,mean,99,0.4507,0.0032,225802.0,0.4071,0.0076,0.8059,0.0026,0.7282,0.0029,0.9762,0.002,0.8341,0.0019,0.9507,0.0022
-PyG,AmazonComputers,link_pred,True,,,1,8,3,skipsum,add,99,0.4928,0.0032,303377.0,0.4519,0.0721,0.7607,0.0032,0.69,0.0023,0.9466,0.0035,0.7982,0.0027,0.911,0.0031
-PyG,AmazonComputers,link_pred,True,,,1,8,3,skipsum,max,99,0.4757,0.0017,303377.0,0.4814,0.1207,0.781,0.003,0.7018,0.0029,0.9773,0.0008,0.8169,0.0021,0.9346,0.001
-PyG,AmazonComputers,link_pred,True,,,1,8,3,skipsum,mean,99,0.4523,0.0014,303377.0,0.3719,0.0221,0.8145,0.0032,0.7393,0.0038,0.9719,0.0005,0.8398,0.0023,0.948,0.001
-PyG,AmazonComputers,link_pred,True,,,2,2,2,skipconcat,add,99,0.4761,0.0047,273031.0,0.3635,0.0752,0.7739,0.0022,0.6968,0.0018,0.9697,0.0015,0.8109,0.0017,0.9347,0.0028
-PyG,AmazonComputers,link_pred,True,,,2,2,2,skipconcat,max,99,0.4795,0.0012,273031.0,0.3247,0.0466,0.7759,0.0011,0.6961,0.0011,0.9793,0.0005,0.8138,0.0007,0.9364,0.0007
-PyG,AmazonComputers,link_pred,True,,,2,2,2,skipconcat,mean,99,0.4637,0.0052,273031.0,0.3878,0.0733,0.7915,0.0045,0.7124,0.0046,0.9777,0.0008,0.8242,0.0032,0.9445,0.0031
-PyG,AmazonComputers,link_pred,True,,,2,2,2,skipsum,add,99,0.4834,0.0036,352828.0,0.3872,0.0437,0.774,0.0018,0.6988,0.0016,0.9633,0.0008,0.81,0.0014,0.9243,0.0025
-PyG,AmazonComputers,link_pred,True,,,2,2,2,skipsum,max,99,0.4804,0.0009,352828.0,0.378,0.0487,0.7758,0.0026,0.6959,0.0028,0.9799,0.0008,0.8138,0.0017,0.9333,0.001
-PyG,AmazonComputers,link_pred,True,,,2,2,2,skipsum,mean,99,0.4628,0.0028,352828.0,0.3184,0.007,0.7993,0.0036,0.7218,0.0038,0.9741,0.0011,0.8292,0.0026,0.9423,0.0025
-PyG,AmazonComputers,link_pred,True,,,2,2,3,skipconcat,add,99,0.4627,0.005,261601.0,0.3763,0.0756,0.782,0.004,0.7036,0.0037,0.9747,0.0014,0.8172,0.003,0.9421,0.0037
-PyG,AmazonComputers,link_pred,True,,,2,2,3,skipconcat,max,99,0.4695,0.0013,261601.0,0.346,0.0308,0.786,0.0024,0.7058,0.0027,0.9808,0.001,0.8209,0.0015,0.9408,0.0011
-PyG,AmazonComputers,link_pred,True,,,2,2,3,skipconcat,mean,99,0.453,0.0034,261601.0,0.3867,0.099,0.7998,0.002,0.7203,0.002,0.9803,0.0007,0.8304,0.0015,0.9511,0.0025
-PyG,AmazonComputers,link_pred,True,,,2,2,3,skipsum,add,99,0.4768,0.0022,337747.0,0.3533,0.033,0.7772,0.0007,0.7013,0.0007,0.9656,0.0013,0.8125,0.0006,0.9286,0.0011
-PyG,AmazonComputers,link_pred,True,,,2,2,3,skipsum,max,99,0.4703,0.0021,337747.0,0.3805,0.0451,0.7837,0.0005,0.7033,0.0007,0.9815,0.0009,0.8194,0.0003,0.9402,0.0017
-PyG,AmazonComputers,link_pred,True,,,2,2,3,skipsum,mean,99,0.4562,0.0014,337747.0,0.3269,0.0496,0.8057,0.0007,0.7286,0.0009,0.9743,0.0016,0.8337,0.0005,0.9461,0.0019
-PyG,AmazonComputers,link_pred,True,,,2,4,2,skipconcat,add,99,0.4773,0.0043,243448.0,0.3062,0.0453,0.7739,0.0022,0.6978,0.0017,0.966,0.002,0.8103,0.0018,0.9325,0.0023
-PyG,AmazonComputers,link_pred,True,,,2,4,2,skipconcat,max,99,0.4751,0.002,243448.0,0.3477,0.0171,0.7787,0.0011,0.6991,0.001,0.9789,0.0008,0.8157,0.0008,0.9404,0.0019
-PyG,AmazonComputers,link_pred,True,,,2,4,2,skipconcat,mean,99,0.4589,0.004,243448.0,0.4353,0.0762,0.7945,0.0049,0.7158,0.005,0.9769,0.0006,0.8262,0.0035,0.9481,0.0017
-PyG,AmazonComputers,link_pred,True,,,2,4,2,skipsum,add,99,0.4871,0.0028,328945.0,0.3747,0.028,0.7702,0.0025,0.6963,0.0022,0.9583,0.0012,0.8066,0.0018,0.9195,0.0021
-PyG,AmazonComputers,link_pred,True,,,2,4,2,skipsum,max,99,0.4822,0.0037,328945.0,0.4299,0.1007,0.7728,0.0038,0.6936,0.0031,0.9776,0.0022,0.8114,0.0029,0.9309,0.0036
-PyG,AmazonComputers,link_pred,True,,,2,4,2,skipsum,mean,99,0.4582,0.0012,328945.0,0.4275,0.0536,0.8058,0.0026,0.7295,0.0031,0.9719,0.0004,0.8334,0.0018,0.9442,0.0009
-PyG,AmazonComputers,link_pred,True,,,2,4,3,skipconcat,add,99,0.4682,0.0018,236737.0,0.4168,0.1139,0.7793,0.0006,0.7019,0.0008,0.9709,0.0006,0.8148,0.0004,0.9371,0.0019
-PyG,AmazonComputers,link_pred,True,,,2,4,3,skipconcat,max,99,0.4623,0.0033,236737.0,0.3667,0.0688,0.7852,0.0067,0.7046,0.0069,0.9825,0.0007,0.8207,0.0045,0.9475,0.0021
-PyG,AmazonComputers,link_pred,True,,,2,4,3,skipconcat,mean,99,0.4533,0.0014,236737.0,0.4046,0.0263,0.8037,0.0022,0.7257,0.0031,0.9767,0.0019,0.8326,0.0013,0.9498,0.0012
-PyG,AmazonComputers,link_pred,True,,,2,4,3,skipsum,add,99,0.4834,0.0019,320281.0,0.3693,0.0424,0.7692,0.0013,0.6957,0.0019,0.9574,0.0026,0.8058,0.0007,0.9203,0.0019
-PyG,AmazonComputers,link_pred,True,,,2,4,3,skipsum,max,99,0.4732,0.0046,320281.0,0.3559,0.0554,0.7811,0.0035,0.7015,0.003,0.9787,0.0022,0.8172,0.0027,0.9367,0.004
-PyG,AmazonComputers,link_pred,True,,,2,4,3,skipsum,mean,99,0.4493,0.0009,320281.0,0.4012,0.0204,0.8132,0.0009,0.7368,0.0014,0.9743,0.0012,0.8391,0.0006,0.9512,0.0007
-PyG,AmazonComputers,link_pred,True,,,2,6,2,skipconcat,add,99,0.4851,0.007,234685.0,0.389,0.0655,0.7706,0.0029,0.696,0.0021,0.9611,0.0029,0.8073,0.0024,0.9263,0.0037
-PyG,AmazonComputers,link_pred,True,,,2,6,2,skipconcat,max,99,0.4747,0.0038,234685.0,0.392,0.0692,0.7721,0.003,0.6922,0.0025,0.9798,0.0018,0.8113,0.0023,0.9416,0.0027
-PyG,AmazonComputers,link_pred,True,,,2,6,2,skipconcat,mean,99,0.4607,0.0012,234685.0,0.3913,0.0346,0.7924,0.0013,0.7144,0.0016,0.9746,0.0008,0.8244,0.0008,0.9468,0.0001
-PyG,AmazonComputers,link_pred,True,,,2,6,2,skipsum,add,99,0.4926,0.0023,313465.0,0.3726,0.0576,0.7643,0.0031,0.6923,0.0028,0.9514,0.002,0.8015,0.0023,0.913,0.0021
-PyG,AmazonComputers,link_pred,True,,,2,6,2,skipsum,max,99,0.4822,0.0009,313465.0,0.397,0.0219,0.775,0.001,0.696,0.0011,0.9764,0.0009,0.8127,0.0006,0.9302,0.0005
-PyG,AmazonComputers,link_pred,True,,,2,6,2,skipsum,mean,99,0.4519,0.0011,313465.0,0.4203,0.0539,0.8107,0.0021,0.7346,0.0026,0.973,0.0017,0.8371,0.0015,0.9491,0.0011
-PyG,AmazonComputers,link_pred,True,,,2,6,3,skipconcat,add,99,0.47,0.004,235656.0,0.3543,0.0209,0.7774,0.0014,0.701,0.001,0.9673,0.0013,0.8129,0.0011,0.9347,0.0028
-PyG,AmazonComputers,link_pred,True,,,2,6,3,skipconcat,max,99,0.4644,0.0075,235656.0,0.3398,0.03,0.7854,0.0092,0.7051,0.0094,0.9815,0.0003,0.8206,0.0063,0.9453,0.0039
-PyG,AmazonComputers,link_pred,True,,,2,6,3,skipconcat,mean,99,0.448,0.0014,235656.0,0.3048,0.0593,0.8073,0.0015,0.7297,0.0015,0.9764,0.0007,0.8352,0.0012,0.9524,0.001
-PyG,AmazonComputers,link_pred,True,,,2,6,3,skipsum,add,99,0.4819,0.0029,306321.0,0.3692,0.0372,0.7648,0.0027,0.6907,0.0022,0.959,0.0016,0.803,0.002,0.9225,0.0026
-PyG,AmazonComputers,link_pred,True,,,2,6,3,skipsum,max,99,0.4759,0.003,306321.0,0.4597,0.0748,0.7816,0.003,0.7022,0.0029,0.9779,0.0012,0.8174,0.0021,0.9347,0.0029
-PyG,AmazonComputers,link_pred,True,,,2,6,3,skipsum,mean,99,0.4481,0.0016,306321.0,0.3606,0.0093,0.816,0.0017,0.7401,0.0018,0.9741,0.0007,0.8411,0.0012,0.9522,0.0012
-PyG,AmazonComputers,link_pred,True,,,2,8,2,skipconcat,add,99,0.487,0.0046,229825.0,0.3415,0.0174,0.77,0.0023,0.6962,0.0019,0.9583,0.003,0.8065,0.002,0.9239,0.0025
-PyG,AmazonComputers,link_pred,True,,,2,8,2,skipconcat,max,99,0.4759,0.005,229825.0,0.3943,0.0647,0.7712,0.0027,0.6915,0.0023,0.9794,0.0015,0.8106,0.002,0.9413,0.0031
-PyG,AmazonComputers,link_pred,True,,,2,8,2,skipconcat,mean,99,0.4576,0.0031,229825.0,0.408,0.0296,0.7955,0.0016,0.7175,0.0015,0.9749,0.0011,0.8266,0.0012,0.9476,0.0016
-PyG,AmazonComputers,link_pred,True,,,2,8,2,skipsum,add,99,0.4868,0.0054,303377.0,0.3962,0.0435,0.7675,0.0019,0.6941,0.001,0.9568,0.0034,0.8045,0.0018,0.9189,0.0043
-PyG,AmazonComputers,link_pred,True,,,2,8,2,skipsum,max,99,0.4832,0.007,303377.0,0.4928,0.1105,0.7732,0.0046,0.6946,0.0041,0.9751,0.0021,0.8113,0.0034,0.9286,0.0053
-PyG,AmazonComputers,link_pred,True,,,2,8,2,skipsum,mean,99,0.4514,0.0011,303377.0,0.3544,0.0219,0.8087,0.0008,0.7324,0.0012,0.973,0.0008,0.8357,0.0005,0.9496,0.0004
-PyG,AmazonComputers,link_pred,True,,,2,8,3,skipconcat,add,99,0.4758,0.0024,226585.0,0.3679,0.0748,0.7774,0.0019,0.703,0.0019,0.9608,0.0015,0.8119,0.0014,0.9282,0.0028
-PyG,AmazonComputers,link_pred,True,,,2,8,3,skipconcat,max,99,0.461,0.005,226585.0,0.379,0.0102,0.7882,0.0051,0.708,0.0056,0.9811,0.0013,0.8225,0.0034,0.9475,0.0023
-PyG,AmazonComputers,link_pred,True,,,2,8,3,skipconcat,mean,99,0.4495,0.0027,226585.0,0.4215,0.0709,0.8073,0.0034,0.7295,0.0037,0.9769,0.0,0.8353,0.0024,0.9518,0.0014
-PyG,AmazonComputers,link_pred,True,,,2,8,3,skipsum,add,99,0.4848,0.0052,297985.0,0.3913,0.022,0.7652,0.0057,0.6922,0.0045,0.9554,0.0046,0.8028,0.0046,0.9188,0.0054
-PyG,AmazonComputers,link_pred,True,,,2,8,3,skipsum,max,99,0.4762,0.0022,297985.0,0.3973,0.0407,0.78,0.0019,0.7009,0.002,0.9769,0.0005,0.8162,0.0012,0.9335,0.0017
-PyG,AmazonComputers,link_pred,True,,,2,8,3,skipsum,mean,99,0.451,0.0021,297985.0,0.3462,0.0524,0.8149,0.0048,0.7392,0.0056,0.9735,0.0007,0.8403,0.0034,0.9498,0.0008
-PyG,AmazonPhoto,link_pred,True,,,1,2,2,skipconcat,add,99,0.4663,0.0009,271310.0,0.1617,0.0253,0.7831,0.003,0.703,0.0033,0.9805,0.001,0.8189,0.0019,0.9457,0.0008
-PyG,AmazonPhoto,link_pred,True,,,1,2,2,skipconcat,max,99,0.461,0.003,271310.0,0.139,0.0142,0.7873,0.0021,0.7044,0.0021,0.9899,0.0004,0.8231,0.0015,0.9518,0.0016
-PyG,AmazonPhoto,link_pred,True,,,1,2,2,skipconcat,mean,99,0.4592,0.0028,271310.0,0.1429,0.0091,0.7995,0.0016,0.7179,0.0018,0.9867,0.0002,0.8311,0.0011,0.9522,0.0012
-PyG,AmazonPhoto,link_pred,True,,,1,2,2,skipsum,add,99,0.4645,0.0022,364525.0,0.1878,0.0326,0.7876,0.0014,0.7073,0.0016,0.9812,0.0005,0.822,0.0009,0.9444,0.0017
-PyG,AmazonPhoto,link_pred,True,,,1,2,2,skipsum,max,99,0.465,0.004,364525.0,0.1658,0.0185,0.7856,0.002,0.703,0.0018,0.9891,0.0006,0.8218,0.0015,0.9469,0.0034
-PyG,AmazonPhoto,link_pred,True,,,1,2,2,skipsum,mean,99,0.4542,0.0037,364525.0,0.1366,0.0121,0.8114,0.0021,0.7305,0.0024,0.9867,0.0007,0.8395,0.0014,0.9516,0.0022
-PyG,AmazonPhoto,link_pred,True,,,1,2,3,skipconcat,add,99,0.4512,0.0004,264533.0,0.1297,0.0012,0.7947,0.0031,0.714,0.0034,0.9831,0.002,0.8272,0.0021,0.952,0.0004
-PyG,AmazonPhoto,link_pred,True,,,1,2,3,skipconcat,max,99,0.4506,0.0026,264533.0,0.1511,0.0135,0.8002,0.003,0.7176,0.0031,0.9901,0.0007,0.8321,0.0021,0.9558,0.0018
-PyG,AmazonPhoto,link_pred,True,,,1,2,3,skipconcat,mean,99,0.4448,0.0031,264533.0,0.1384,0.011,0.8145,0.0033,0.7337,0.0032,0.9875,0.0014,0.8419,0.0025,0.9573,0.0027
-PyG,AmazonPhoto,link_pred,True,,,1,2,3,skipsum,add,99,0.4573,0.0038,348450.0,0.1406,0.0202,0.7921,0.0008,0.7114,0.0007,0.9829,0.0012,0.8254,0.0007,0.9483,0.0034
-PyG,AmazonPhoto,link_pred,True,,,1,2,3,skipsum,max,99,0.4563,0.0004,348450.0,0.1496,0.0087,0.796,0.0052,0.7133,0.0056,0.9899,0.0007,0.8291,0.0036,0.9522,0.0017
-PyG,AmazonPhoto,link_pred,True,,,1,2,3,skipsum,mean,99,0.4424,0.0021,348450.0,0.1356,0.0133,0.8202,0.003,0.7396,0.0035,0.9884,0.0004,0.8461,0.0022,0.959,0.0018
-PyG,AmazonPhoto,link_pred,True,,,1,4,2,skipconcat,add,99,0.4595,0.0045,246501.0,0.1371,0.0067,0.7867,0.003,0.7068,0.0029,0.9799,0.001,0.8212,0.0022,0.9485,0.0017
-PyG,AmazonPhoto,link_pred,True,,,1,4,2,skipconcat,max,99,0.4541,0.0035,246501.0,0.1417,0.0147,0.7872,0.0024,0.7041,0.0025,0.9907,0.0004,0.8232,0.0016,0.9584,0.0015
-PyG,AmazonPhoto,link_pred,True,,,1,4,2,skipconcat,mean,99,0.4435,0.0023,246501.0,0.1597,0.0212,0.8092,0.0023,0.7281,0.0026,0.9871,0.0003,0.838,0.0016,0.96,0.0012
-PyG,AmazonPhoto,link_pred,True,,,1,4,2,skipsum,add,99,0.4611,0.0023,333765.0,0.1495,0.0156,0.7867,0.0017,0.7062,0.0017,0.9817,0.0014,0.8215,0.0012,0.9456,0.0019
-PyG,AmazonPhoto,link_pred,True,,,1,4,2,skipsum,max,99,0.4622,0.0028,333765.0,0.1753,0.0465,0.7893,0.0019,0.7066,0.0019,0.9894,0.0004,0.8244,0.0013,0.9488,0.0024
-PyG,AmazonPhoto,link_pred,True,,,1,4,2,skipsum,mean,99,0.4404,0.003,333765.0,0.1354,0.0052,0.8221,0.0045,0.7425,0.0046,0.9863,0.0013,0.8472,0.0034,0.96,0.0019
-PyG,AmazonPhoto,link_pred,True,,,1,4,3,skipconcat,add,99,0.45,0.0018,242306.0,0.1289,0.0075,0.7949,0.0024,0.7145,0.0026,0.9823,0.0009,0.8273,0.0016,0.9525,0.001
-PyG,AmazonPhoto,link_pred,True,,,1,4,3,skipconcat,max,99,0.4416,0.002,242306.0,0.1431,0.0297,0.8034,0.0035,0.7206,0.0038,0.9912,0.0005,0.8345,0.0024,0.9626,0.0007
-PyG,AmazonPhoto,link_pred,True,,,1,4,3,skipconcat,mean,99,0.4369,0.0025,242306.0,0.1651,0.055,0.8207,0.0016,0.7401,0.0013,0.9886,0.0015,0.8465,0.0013,0.9625,0.0022
-PyG,AmazonPhoto,link_pred,True,,,1,4,3,skipsum,add,99,0.456,0.0053,325249.0,0.169,0.0516,0.7894,0.006,0.7087,0.0052,0.9827,0.0033,0.8235,0.0046,0.9487,0.0047
-PyG,AmazonPhoto,link_pred,True,,,1,4,3,skipsum,max,99,0.4512,0.0004,325249.0,0.1647,0.0107,0.8035,0.0019,0.7211,0.0021,0.9897,0.0007,0.8343,0.0014,0.9549,0.001
-PyG,AmazonPhoto,link_pred,True,,,1,4,3,skipsum,mean,99,0.4345,0.0025,325249.0,0.1486,0.0251,0.8328,0.0017,0.7542,0.0017,0.9874,0.0012,0.8552,0.0013,0.9633,0.0016
-PyG,AmazonPhoto,link_pred,True,,,1,6,2,skipconcat,add,99,0.4572,0.0016,232020.0,0.1463,0.0089,0.7863,0.0015,0.7063,0.001,0.9803,0.0022,0.821,0.0013,0.9505,0.0021
-PyG,AmazonPhoto,link_pred,True,,,1,6,2,skipconcat,max,99,0.4516,0.0033,232020.0,0.1577,0.0074,0.7833,0.0007,0.7,0.0008,0.9914,0.0002,0.8206,0.0005,0.9607,0.0023
-PyG,AmazonPhoto,link_pred,True,,,1,6,2,skipconcat,mean,99,0.437,0.0048,232020.0,0.1357,0.0084,0.8154,0.0033,0.7347,0.0037,0.9874,0.0006,0.8425,0.0024,0.963,0.0029
-PyG,AmazonPhoto,link_pred,True,,,1,6,2,skipsum,add,99,0.4627,0.0017,316827.0,0.1463,0.0199,0.7853,0.0024,0.7053,0.0021,0.9805,0.0014,0.8204,0.0019,0.9447,0.0017
-PyG,AmazonPhoto,link_pred,True,,,1,6,2,skipsum,max,99,0.4575,0.0012,316827.0,0.157,0.0118,0.7973,0.0014,0.7153,0.0015,0.9879,0.0009,0.8298,0.0009,0.9506,0.0013
-PyG,AmazonPhoto,link_pred,True,,,1,6,2,skipsum,mean,99,0.4346,0.0012,316827.0,0.1468,0.012,0.8337,0.0007,0.7557,0.0012,0.9863,0.001,0.8557,0.0004,0.9623,0.0005
-PyG,AmazonPhoto,link_pred,True,,,1,6,3,skipconcat,add,99,0.4473,0.0016,233591.0,0.1572,0.0067,0.7934,0.0018,0.7124,0.002,0.9844,0.0021,0.8266,0.0012,0.955,0.0015
-PyG,AmazonPhoto,link_pred,True,,,1,6,3,skipconcat,max,99,0.4401,0.0048,233591.0,0.1663,0.0112,0.801,0.0028,0.7181,0.003,0.9909,0.0007,0.8328,0.002,0.9636,0.0026
-PyG,AmazonPhoto,link_pred,True,,,1,6,3,skipconcat,mean,99,0.4355,0.0011,233591.0,0.1741,0.0516,0.8227,0.0011,0.7426,0.0011,0.9875,0.0005,0.8478,0.0009,0.9628,0.0006
-PyG,AmazonPhoto,link_pred,True,,,1,6,3,skipsum,add,99,0.4559,0.0049,310209.0,0.1616,0.0089,0.7845,0.0045,0.7038,0.0047,0.9825,0.0011,0.8201,0.003,0.949,0.003
-PyG,AmazonPhoto,link_pred,True,,,1,6,3,skipsum,max,99,0.4576,0.0004,310209.0,0.1423,0.0074,0.7962,0.0022,0.7137,0.0023,0.9892,0.0004,0.8292,0.0015,0.9509,0.0008
-PyG,AmazonPhoto,link_pred,True,,,1,6,3,skipsum,mean,99,0.4335,0.0026,310209.0,0.145,0.0208,0.836,0.0013,0.758,0.0017,0.9871,0.0007,0.8575,0.0009,0.9636,0.002
-PyG,AmazonPhoto,link_pred,True,,,1,8,2,skipconcat,add,99,0.4589,0.0023,228033.0,0.1519,0.018,0.788,0.0024,0.708,0.0023,0.98,0.0008,0.8221,0.0018,0.9505,0.001
-PyG,AmazonPhoto,link_pred,True,,,1,8,2,skipconcat,max,99,0.4495,0.0019,228033.0,0.1472,0.0099,0.7876,0.0012,0.7045,0.0014,0.9904,0.0007,0.8234,0.0007,0.9605,0.0007
-PyG,AmazonPhoto,link_pred,True,,,1,8,2,skipconcat,mean,99,0.4398,0.0024,228033.0,0.1541,0.017,0.8163,0.0056,0.736,0.0061,0.9868,0.0003,0.8431,0.004,0.9614,0.0007
-PyG,AmazonPhoto,link_pred,True,,,1,8,2,skipsum,add,99,0.464,0.0015,303241.0,0.1895,0.0316,0.7839,0.0029,0.7044,0.0029,0.9785,0.0021,0.8191,0.0021,0.9424,0.0021
-PyG,AmazonPhoto,link_pred,True,,,1,8,2,skipsum,max,99,0.4634,0.0013,303241.0,0.1952,0.0166,0.7885,0.0019,0.7062,0.0017,0.9881,0.0013,0.8237,0.0015,0.9474,0.0012
-PyG,AmazonPhoto,link_pred,True,,,1,8,2,skipsum,mean,99,0.4346,0.0007,303241.0,0.171,0.017,0.8336,0.0036,0.7556,0.0038,0.9863,0.001,0.8557,0.0028,0.963,0.0004
-PyG,AmazonPhoto,link_pred,True,,,1,8,3,skipconcat,add,99,0.4495,0.0005,225208.0,0.1285,0.0043,0.7919,0.0014,0.7114,0.0015,0.9822,0.0016,0.8251,0.001,0.9527,0.0012
-PyG,AmazonPhoto,link_pred,True,,,1,8,3,skipconcat,max,99,0.4415,0.004,225208.0,0.1652,0.0179,0.7974,0.0029,0.7146,0.0027,0.9905,0.0017,0.8302,0.0021,0.963,0.0028
-PyG,AmazonPhoto,link_pred,True,,,1,8,3,skipconcat,mean,99,0.4331,0.0018,225208.0,0.1409,0.0067,0.8262,0.0027,0.7463,0.0029,0.9883,0.0011,0.8504,0.002,0.9643,0.0009
-PyG,AmazonPhoto,link_pred,True,,,1,8,3,skipsum,add,99,0.4578,0.0031,300429.0,0.1717,0.0355,0.7834,0.0029,0.7037,0.0034,0.9792,0.0015,0.8189,0.0018,0.946,0.0023
-PyG,AmazonPhoto,link_pred,True,,,1,8,3,skipsum,max,99,0.4542,0.0023,300429.0,0.2174,0.0331,0.7974,0.0023,0.7147,0.0023,0.9902,0.0003,0.8302,0.0016,0.9538,0.0016
-PyG,AmazonPhoto,link_pred,True,,,1,8,3,skipsum,mean,99,0.4303,0.0015,300429.0,0.1589,0.0086,0.8408,0.0025,0.7635,0.0028,0.9876,0.0006,0.8612,0.002,0.9658,0.0009
-PyG,AmazonPhoto,link_pred,True,,,2,2,2,skipconcat,add,99,0.4538,0.0023,270941.0,0.1365,0.0153,0.788,0.0017,0.7068,0.0015,0.9844,0.001,0.8228,0.0013,0.9538,0.002
-PyG,AmazonPhoto,link_pred,True,,,2,2,2,skipconcat,max,99,0.458,0.0007,270941.0,0.1745,0.0202,0.7926,0.0033,0.7097,0.0033,0.9902,0.0003,0.8268,0.0023,0.954,0.0007
-PyG,AmazonPhoto,link_pred,True,,,2,2,2,skipconcat,mean,99,0.4484,0.0054,270941.0,0.1472,0.0369,0.8057,0.0013,0.7241,0.0015,0.988,0.0006,0.8357,0.0008,0.9572,0.0031
-PyG,AmazonPhoto,link_pred,True,,,2,2,2,skipsum,add,99,0.4555,0.0038,348450.0,0.1451,0.0203,0.7935,0.0028,0.7122,0.0028,0.9852,0.0009,0.8267,0.002,0.9513,0.0023
-PyG,AmazonPhoto,link_pred,True,,,2,2,2,skipsum,max,99,0.4565,0.0015,348450.0,0.1464,0.008,0.7932,0.0027,0.7105,0.0029,0.9899,0.0008,0.8272,0.0017,0.9524,0.0007
-PyG,AmazonPhoto,link_pred,True,,,2,2,2,skipsum,mean,99,0.4449,0.0013,348450.0,0.1458,0.0145,0.8151,0.001,0.7342,0.0011,0.9878,0.0005,0.8423,0.0007,0.9576,0.0009
-PyG,AmazonPhoto,link_pred,True,,,2,2,3,skipconcat,add,99,0.4428,0.0035,259841.0,0.1288,0.0078,0.8005,0.002,0.7191,0.0016,0.9862,0.0018,0.8317,0.0017,0.9584,0.0027
-PyG,AmazonPhoto,link_pred,True,,,2,2,3,skipconcat,max,99,0.4488,0.0024,259841.0,0.1463,0.0231,0.801,0.0052,0.7184,0.0055,0.9902,0.0005,0.8326,0.0036,0.9571,0.0016
-PyG,AmazonPhoto,link_pred,True,,,2,2,3,skipconcat,mean,99,0.4386,0.0021,259841.0,0.1385,0.0243,0.8193,0.0042,0.7381,0.0045,0.99,0.0002,0.8456,0.0031,0.9626,0.0011
-PyG,AmazonPhoto,link_pred,True,,,2,2,3,skipsum,add,99,0.45,0.0027,333765.0,0.1496,0.034,0.7968,0.0015,0.7155,0.0016,0.9852,0.0009,0.829,0.001,0.9539,0.0024
-PyG,AmazonPhoto,link_pred,True,,,2,2,3,skipsum,max,99,0.4485,0.0013,333765.0,0.1476,0.0045,0.801,0.0029,0.7182,0.003,0.9906,0.001,0.8327,0.002,0.9577,0.0007
-PyG,AmazonPhoto,link_pred,True,,,2,2,3,skipsum,mean,99,0.4362,0.0046,333765.0,0.1461,0.0307,0.8256,0.0034,0.7455,0.0036,0.9887,0.001,0.85,0.0026,0.9631,0.003
-PyG,AmazonPhoto,link_pred,True,,,2,4,2,skipconcat,add,99,0.4512,0.0018,242194.0,0.1304,0.0095,0.7901,0.0012,0.7091,0.0012,0.9838,0.0004,0.8242,0.0009,0.955,0.0011
-PyG,AmazonPhoto,link_pred,True,,,2,4,2,skipconcat,max,99,0.4521,0.0061,242194.0,0.1385,0.0197,0.7902,0.0055,0.7073,0.0056,0.9902,0.0007,0.8252,0.0039,0.9588,0.0027
-PyG,AmazonPhoto,link_pred,True,,,2,4,2,skipconcat,mean,99,0.4418,0.0014,242194.0,0.14,0.0035,0.8098,0.0045,0.7282,0.0048,0.9886,0.0003,0.8387,0.0033,0.9615,0.0001
-PyG,AmazonPhoto,link_pred,True,,,2,4,2,skipsum,add,99,0.4567,0.0033,325249.0,0.1608,0.0069,0.7935,0.0012,0.7134,0.0012,0.9811,0.0006,0.8261,0.0008,0.9485,0.002
-PyG,AmazonPhoto,link_pred,True,,,2,4,2,skipsum,max,99,0.4585,0.0019,325249.0,0.1546,0.0078,0.7934,0.001,0.7112,0.001,0.9883,0.0007,0.8271,0.0007,0.9508,0.0016
-PyG,AmazonPhoto,link_pred,True,,,2,4,2,skipsum,mean,99,0.4373,0.0043,325249.0,0.1603,0.0115,0.825,0.0054,0.745,0.0059,0.9885,0.0004,0.8497,0.004,0.9624,0.0028
-PyG,AmazonPhoto,link_pred,True,,,2,4,3,skipconcat,add,99,0.4463,0.002,235681.0,0.1455,0.0047,0.7958,0.0037,0.7143,0.0039,0.9858,0.0005,0.8284,0.0026,0.9562,0.0008
-PyG,AmazonPhoto,link_pred,True,,,2,4,3,skipconcat,max,99,0.4429,0.0026,235681.0,0.1443,0.0119,0.8024,0.0006,0.7196,0.0007,0.991,0.0007,0.8338,0.0004,0.9617,0.0022
-PyG,AmazonPhoto,link_pred,True,,,2,4,3,skipconcat,mean,99,0.4363,0.0008,235681.0,0.1521,0.0114,0.8229,0.0043,0.7425,0.0044,0.9887,0.0011,0.8481,0.0033,0.963,0.0002
-PyG,AmazonPhoto,link_pred,True,,,2,4,3,skipsum,add,99,0.4466,0.0048,316827.0,0.1559,0.0282,0.7956,0.006,0.7144,0.0058,0.9852,0.0018,0.8282,0.0044,0.9558,0.0035
-PyG,AmazonPhoto,link_pred,True,,,2,4,3,skipsum,max,99,0.4497,0.0027,316827.0,0.1743,0.0284,0.8017,0.0026,0.719,0.0028,0.9903,0.0005,0.8331,0.0018,0.9563,0.0018
-PyG,AmazonPhoto,link_pred,True,,,2,4,3,skipsum,mean,99,0.4327,0.0016,316827.0,0.154,0.0164,0.8354,0.0018,0.7576,0.0017,0.9864,0.0011,0.857,0.0015,0.9642,0.0011
-PyG,AmazonPhoto,link_pred,True,,,2,6,2,skipconcat,add,99,0.4601,0.0071,233783.0,0.1354,0.0084,0.7878,0.0006,0.7077,0.001,0.9805,0.0025,0.822,0.0005,0.9491,0.0044
-PyG,AmazonPhoto,link_pred,True,,,2,6,2,skipconcat,max,99,0.4494,0.0064,233783.0,0.1447,0.0034,0.7903,0.0044,0.7073,0.0043,0.9904,0.001,0.8252,0.0031,0.9606,0.0031
-PyG,AmazonPhoto,link_pred,True,,,2,6,2,skipconcat,mean,99,0.4392,0.0035,233783.0,0.1471,0.0129,0.8109,0.0055,0.7299,0.0058,0.9873,0.0007,0.8393,0.004,0.9622,0.0017
-PyG,AmazonPhoto,link_pred,True,,,2,6,2,skipsum,add,99,0.4592,0.0011,310209.0,0.1914,0.0682,0.7851,0.002,0.7045,0.002,0.982,0.0012,0.8204,0.0014,0.9471,0.0011
-PyG,AmazonPhoto,link_pred,True,,,2,6,2,skipsum,max,99,0.4554,0.0019,310209.0,0.1789,0.0274,0.7949,0.0035,0.7125,0.0035,0.9887,0.0005,0.8282,0.0024,0.953,0.0015
-PyG,AmazonPhoto,link_pred,True,,,2,6,2,skipsum,mean,99,0.4337,0.0022,310209.0,0.1686,0.0077,0.8344,0.0036,0.7559,0.0047,0.988,0.0013,0.8565,0.0026,0.9643,0.0015
-PyG,AmazonPhoto,link_pred,True,,,2,6,3,skipconcat,add,99,0.4449,0.0016,234886.0,0.1466,0.0082,0.7965,0.0017,0.7151,0.002,0.9855,0.0006,0.8288,0.0011,0.9567,0.0012
-PyG,AmazonPhoto,link_pred,True,,,2,6,3,skipconcat,max,99,0.4435,0.0033,234886.0,0.1357,0.0062,0.8005,0.0019,0.7177,0.0022,0.9909,0.001,0.8324,0.0011,0.9622,0.0009
-PyG,AmazonPhoto,link_pred,True,,,2,6,3,skipconcat,mean,99,0.4339,0.0031,234886.0,0.1415,0.0022,0.8254,0.0047,0.7457,0.0053,0.9877,0.0018,0.8498,0.0035,0.9642,0.0012
-PyG,AmazonPhoto,link_pred,True,,,2,6,3,skipsum,add,99,0.4516,0.0023,303241.0,0.1477,0.0122,0.7906,0.0016,0.7097,0.0014,0.9836,0.0012,0.8245,0.0012,0.952,0.0018
-PyG,AmazonPhoto,link_pred,True,,,2,6,3,skipsum,max,99,0.4539,0.0025,303241.0,0.1585,0.0116,0.7974,0.0025,0.7148,0.0027,0.9898,0.0008,0.8301,0.0018,0.9537,0.0018
-PyG,AmazonPhoto,link_pred,True,,,2,6,3,skipsum,mean,99,0.4315,0.0024,303241.0,0.1872,0.0245,0.8371,0.0017,0.7594,0.002,0.9869,0.001,0.8583,0.0013,0.9654,0.0016
-PyG,AmazonPhoto,link_pred,True,,,2,8,2,skipconcat,add,99,0.4613,0.004,229121.0,0.1438,0.0105,0.788,0.0009,0.7092,0.0012,0.9763,0.0011,0.8216,0.0004,0.9466,0.002
-PyG,AmazonPhoto,link_pred,True,,,2,8,2,skipconcat,max,99,0.4528,0.0046,229121.0,0.1988,0.0188,0.7851,0.0033,0.7024,0.0032,0.9892,0.0007,0.8215,0.0023,0.9587,0.0024
-PyG,AmazonPhoto,link_pred,True,,,2,8,2,skipconcat,mean,99,0.4367,0.0036,229121.0,0.1652,0.0474,0.8153,0.0021,0.7348,0.0024,0.9869,0.0006,0.8424,0.0015,0.9636,0.0018
-PyG,AmazonPhoto,link_pred,True,,,2,8,2,skipsum,add,99,0.4574,0.0026,300429.0,0.1781,0.0116,0.7851,0.0013,0.7047,0.0014,0.9814,0.002,0.8204,0.001,0.9478,0.0022
-PyG,AmazonPhoto,link_pred,True,,,2,8,2,skipsum,max,99,0.4595,0.0026,300429.0,0.2096,0.0341,0.7934,0.0043,0.7109,0.0043,0.989,0.0004,0.8272,0.003,0.95,0.0017
-PyG,AmazonPhoto,link_pred,True,,,2,8,2,skipsum,mean,99,0.4349,0.0057,300429.0,0.1997,0.0307,0.8355,0.0038,0.7577,0.0039,0.9863,0.0014,0.857,0.003,0.9632,0.0034
-PyG,AmazonPhoto,link_pred,True,,,2,8,3,skipconcat,add,99,0.4492,0.002,225991.0,0.1455,0.0088,0.7954,0.0035,0.7147,0.0034,0.9832,0.0006,0.8277,0.0025,0.953,0.0015
-PyG,AmazonPhoto,link_pred,True,,,2,8,3,skipconcat,max,99,0.4442,0.0022,225991.0,0.1595,0.0148,0.7977,0.0037,0.7147,0.004,0.991,0.0008,0.8305,0.0025,0.9615,0.0005
-PyG,AmazonPhoto,link_pred,True,,,2,8,3,skipconcat,mean,99,0.4347,0.0024,225991.0,0.144,0.003,0.827,0.0037,0.7477,0.004,0.9871,0.0005,0.8509,0.0028,0.9633,0.0015
-PyG,AmazonPhoto,link_pred,True,,,2,8,3,skipsum,add,99,0.4543,0.0025,295169.0,0.1617,0.02,0.7863,0.0018,0.7052,0.002,0.9838,0.0016,0.8215,0.0012,0.9503,0.0026
-PyG,AmazonPhoto,link_pred,True,,,2,8,3,skipsum,max,99,0.455,0.002,295169.0,0.1828,0.0233,0.7962,0.0038,0.7137,0.004,0.9894,0.0007,0.8292,0.0026,0.9534,0.0009
-PyG,AmazonPhoto,link_pred,True,,,2,8,3,skipsum,mean,99,0.4306,0.0017,295169.0,0.1794,0.0275,0.8387,0.0041,0.7614,0.0051,0.9865,0.0019,0.8594,0.003,0.9652,0.0019
-PyG,CiteSeer,link_pred,True,,,1,2,2,skipconcat,add,99,0.4572,0.0174,558236.0,0.0912,0.0071,0.764,0.007,0.6794,0.0064,1.0,0.0,0.809,0.0045,0.983,0.0072
-PyG,CiteSeer,link_pred,True,,,1,2,2,skipconcat,max,99,0.5114,0.0133,558236.0,0.0966,0.0067,0.7555,0.0027,0.6716,0.0024,1.0,0.0,0.8035,0.0017,0.9695,0.0066
-PyG,CiteSeer,link_pred,True,,,1,2,2,skipconcat,mean,99,0.4809,0.0286,558236.0,0.1266,0.025,0.7588,0.0053,0.6746,0.0048,1.0,0.0,0.8057,0.0035,0.9805,0.0065
-PyG,CiteSeer,link_pred,True,,,1,2,2,skipsum,add,99,0.4486,0.0156,1021201.0,0.0921,0.0074,0.7634,0.0025,0.6788,0.0023,1.0,0.0,0.8086,0.0016,0.9862,0.0033
-PyG,CiteSeer,link_pred,True,,,1,2,2,skipsum,max,99,0.4775,0.0066,1021201.0,0.1041,0.028,0.7544,0.0022,0.6706,0.002,1.0,0.0,0.8029,0.0015,0.9706,0.0033
-PyG,CiteSeer,link_pred,True,,,1,2,2,skipsum,mean,99,0.4454,0.0107,1021201.0,0.1247,0.0394,0.7602,0.0038,0.6759,0.0035,1.0,0.0,0.8066,0.0025,0.9838,0.0049
-PyG,CiteSeer,link_pred,True,,,1,2,3,skipconcat,add,99,0.4306,0.0101,507089.0,0.0855,0.0023,0.7629,0.0075,0.6784,0.007,1.0,0.0,0.8084,0.0049,0.9869,0.0047
-PyG,CiteSeer,link_pred,True,,,1,2,3,skipconcat,max,99,0.4386,0.0119,507089.0,0.0918,0.0135,0.7676,0.01,0.6828,0.0093,1.0,0.0,0.8115,0.0066,0.9823,0.0035
-PyG,CiteSeer,link_pred,True,,,1,2,3,skipconcat,mean,99,0.4389,0.0119,507089.0,0.1175,0.0064,0.7595,0.0054,0.6752,0.0049,1.0,0.0,0.8061,0.0034,0.9859,0.0051
-PyG,CiteSeer,link_pred,True,,,1,2,3,skipsum,add,99,0.428,0.0054,937092.0,0.1077,0.0217,0.7694,0.0064,0.6845,0.006,1.0,0.0,0.8126,0.0042,0.9859,0.0028
-PyG,CiteSeer,link_pred,True,,,1,2,3,skipsum,max,99,0.458,0.0164,937092.0,0.1053,0.0046,0.7633,0.0059,0.6787,0.0054,1.0,0.0,0.8086,0.0039,0.972,0.0068
-PyG,CiteSeer,link_pred,True,,,1,2,3,skipsum,mean,99,0.4465,0.0173,937092.0,0.0999,0.0099,0.7633,0.0048,0.6787,0.0044,1.0,0.0,0.8086,0.0031,0.9777,0.0074
-PyG,CiteSeer,link_pred,True,,,1,4,2,skipconcat,add,99,0.4568,0.0151,418065.0,0.1247,0.0171,0.7617,0.0022,0.6772,0.002,1.0,0.0,0.8075,0.0014,0.9806,0.0066
-PyG,CiteSeer,link_pred,True,,,1,4,2,skipconcat,max,99,0.5065,0.0189,418065.0,0.0964,0.0038,0.7601,0.005,0.6758,0.0046,1.0,0.0,0.8065,0.0033,0.9652,0.0041
-PyG,CiteSeer,link_pred,True,,,1,4,2,skipconcat,mean,99,0.4846,0.0157,418065.0,0.1091,0.0102,0.7588,0.0039,0.6746,0.0036,1.0,0.0,0.8057,0.0025,0.9762,0.0029
-PyG,CiteSeer,link_pred,True,,,1,4,2,skipsum,add,99,0.4372,0.0133,869163.0,0.1065,0.0066,0.7612,0.0028,0.6768,0.0026,1.0,0.0,0.8072,0.0018,0.9854,0.0034
-PyG,CiteSeer,link_pred,True,,,1,4,2,skipsum,max,99,0.4874,0.0113,869163.0,0.1135,0.009,0.7683,0.0078,0.6834,0.0073,1.0,0.0,0.8119,0.0052,0.9521,0.0028
-PyG,CiteSeer,link_pred,True,,,1,4,2,skipsum,mean,99,0.4486,0.005,869163.0,0.1265,0.0363,0.7725,0.0026,0.6873,0.0025,1.0,0.0,0.8147,0.0017,0.9748,0.0018
-PyG,CiteSeer,link_pred,True,,,1,4,3,skipconcat,add,99,0.4322,0.0129,387248.0,0.127,0.0466,0.7669,0.0078,0.6821,0.0073,1.0,0.0,0.811,0.0051,0.986,0.0047
-PyG,CiteSeer,link_pred,True,,,1,4,3,skipconcat,max,99,0.4654,0.0092,387248.0,0.1069,0.0126,0.7642,0.0048,0.6795,0.0044,1.0,0.0,0.8092,0.0031,0.9674,0.0042
-PyG,CiteSeer,link_pred,True,,,1,4,3,skipconcat,mean,99,0.4466,0.0058,387248.0,0.0937,0.0085,0.7656,0.0037,0.6809,0.0034,1.0,0.0,0.8102,0.0024,0.9779,0.0041
-PyG,CiteSeer,link_pred,True,,,1,4,3,skipsum,add,99,0.4255,0.0055,822193.0,0.1156,0.0162,0.7686,0.0054,0.6837,0.005,1.0,0.0,0.8121,0.0035,0.9864,0.0028
-PyG,CiteSeer,link_pred,True,,,1,4,3,skipsum,max,99,0.4789,0.0128,822193.0,0.1189,0.0411,0.7643,0.0085,0.6797,0.0078,1.0,0.0,0.8093,0.0056,0.9514,0.0041
-PyG,CiteSeer,link_pred,True,,,1,4,3,skipsum,mean,99,0.464,0.0026,822193.0,0.0961,0.0026,0.7734,0.0009,0.6884,0.0007,0.9991,0.0013,0.8151,0.0007,0.9599,0.0037
-PyG,CiteSeer,link_pred,True,,,1,6,2,skipconcat,add,99,0.439,0.0076,353298.0,0.0786,0.0204,0.7716,0.0058,0.6866,0.0055,0.9995,0.0007,0.814,0.0038,0.9829,0.0057
-PyG,CiteSeer,link_pred,True,,,1,6,2,skipconcat,max,99,0.5164,0.0196,353298.0,0.0858,0.0016,0.7564,0.0056,0.6724,0.0051,1.0,0.0,0.8041,0.0037,0.9601,0.005
-PyG,CiteSeer,link_pred,True,,,1,6,2,skipconcat,mean,99,0.4704,0.0065,353298.0,0.0933,0.0051,0.767,0.0014,0.6822,0.0013,1.0,0.0,0.8111,0.0009,0.9719,0.0027
-PyG,CiteSeer,link_pred,True,,,1,6,2,skipsum,add,99,0.4406,0.0108,781233.0,0.0965,0.0026,0.7576,0.0044,0.6735,0.004,1.0,0.0,0.8049,0.0029,0.9839,0.0045
-PyG,CiteSeer,link_pred,True,,,1,6,2,skipsum,max,99,0.4851,0.0155,781233.0,0.1004,0.0029,0.7687,0.0065,0.6839,0.0059,0.9995,0.0007,0.8121,0.0044,0.9488,0.0062
-PyG,CiteSeer,link_pred,True,,,1,6,2,skipsum,mean,99,0.4572,0.0059,781233.0,0.0993,0.0096,0.7792,0.0039,0.6938,0.004,0.9995,0.0007,0.819,0.0026,0.9626,0.003
-PyG,CiteSeer,link_pred,True,,,1,6,3,skipconcat,add,99,0.4414,0.015,337121.0,0.0966,0.0082,0.7659,0.0043,0.6811,0.004,1.0,0.0,0.8103,0.0028,0.9786,0.0098
-PyG,CiteSeer,link_pred,True,,,1,6,3,skipconcat,max,99,0.4598,0.0029,337121.0,0.0779,0.0233,0.7699,0.0029,0.6848,0.0027,1.0,0.0,0.8129,0.0019,0.9692,0.001
-PyG,CiteSeer,link_pred,True,,,1,6,3,skipconcat,mean,99,0.4524,0.0034,337121.0,0.1026,0.0076,0.7728,0.0034,0.6875,0.0032,1.0,0.0,0.8148,0.0023,0.9702,0.0011
-PyG,CiteSeer,link_pred,True,,,1,6,3,skipsum,add,99,0.4234,0.0043,747993.0,0.1092,0.007,0.77,0.0016,0.685,0.0015,0.9995,0.0007,0.8129,0.001,0.9854,0.0016
-PyG,CiteSeer,link_pred,True,,,1,6,3,skipsum,max,99,0.4834,0.0071,747993.0,0.108,0.012,0.7746,0.0024,0.6894,0.0022,0.9995,0.0007,0.816,0.0017,0.9432,0.0044
-PyG,CiteSeer,link_pred,True,,,1,6,3,skipsum,mean,99,0.4604,0.0103,747993.0,0.1251,0.0314,0.7773,0.0096,0.6927,0.0093,0.9973,0.0,0.8175,0.0064,0.9564,0.0044
-PyG,CiteSeer,link_pred,True,,,1,8,2,skipconcat,add,99,0.4444,0.0108,322689.0,0.1088,0.0133,0.7699,0.0031,0.6848,0.0029,1.0,0.0,0.813,0.0021,0.9792,0.0065
-PyG,CiteSeer,link_pred,True,,,1,8,2,skipconcat,max,99,0.5214,0.0204,322689.0,0.1062,0.0071,0.7615,0.0078,0.6772,0.0072,1.0,0.0,0.8075,0.0052,0.9542,0.0052
-PyG,CiteSeer,link_pred,True,,,1,8,2,skipconcat,mean,99,0.4668,0.0037,322689.0,0.1187,0.0214,0.7701,0.0058,0.6851,0.0054,1.0,0.0,0.8131,0.0038,0.9717,0.0006
-PyG,CiteSeer,link_pred,True,,,1,8,2,skipsum,add,99,0.4291,0.0044,717361.0,0.0981,0.003,0.765,0.0008,0.6802,0.0008,1.0,0.0,0.8097,0.0006,0.9828,0.003
-PyG,CiteSeer,link_pred,True,,,1,8,2,skipsum,max,99,0.488,0.0138,717361.0,0.0691,0.0084,0.7705,0.0042,0.6855,0.0039,0.9995,0.0007,0.8133,0.0029,0.9439,0.0062
-PyG,CiteSeer,link_pred,True,,,1,8,2,skipsum,mean,99,0.4664,0.0031,717361.0,0.0933,0.0055,0.7754,0.002,0.6902,0.0018,0.9991,0.0007,0.8164,0.0014,0.9528,0.0036
-PyG,CiteSeer,link_pred,True,,,1,8,3,skipconcat,add,99,0.4453,0.0128,305074.0,0.1001,0.0126,0.7673,0.0062,0.6825,0.0056,0.9995,0.0007,0.8112,0.0042,0.9749,0.0096
-PyG,CiteSeer,link_pred,True,,,1,8,3,skipconcat,max,99,0.4646,0.0091,305074.0,0.1002,0.0039,0.7731,0.0048,0.688,0.0045,0.9995,0.0007,0.815,0.0033,0.9623,0.0031
-PyG,CiteSeer,link_pred,True,,,1,8,3,skipconcat,mean,99,0.4572,0.002,305074.0,0.1014,0.0045,0.7741,0.0056,0.689,0.0055,0.9995,0.0007,0.8157,0.0036,0.9646,0.0042
-PyG,CiteSeer,link_pred,True,,,1,8,3,skipsum,add,99,0.4294,0.0081,696801.0,0.0938,0.0049,0.7597,0.0062,0.6755,0.0057,1.0,0.0,0.8063,0.0041,0.9844,0.0025
-PyG,CiteSeer,link_pred,True,,,1,8,3,skipsum,max,99,0.4879,0.013,696801.0,0.0553,0.0027,0.7684,0.012,0.6844,0.011,0.9968,0.0013,0.8115,0.008,0.934,0.0032
-PyG,CiteSeer,link_pred,True,,,1,8,3,skipsum,mean,99,0.4755,0.007,696801.0,0.0964,0.0079,0.7654,0.009,0.6825,0.0085,0.9931,0.0011,0.809,0.006,0.9402,0.0051
-PyG,CiteSeer,link_pred,True,,,2,2,2,skipconcat,add,99,0.4452,0.0139,551951.0,0.0509,0.0139,0.764,0.0055,0.6793,0.0051,1.0,0.0,0.809,0.0036,0.9845,0.0061
-PyG,CiteSeer,link_pred,True,,,2,2,2,skipconcat,max,99,0.4892,0.0092,551951.0,0.1002,0.0095,0.7601,0.0041,0.6758,0.0038,1.0,0.0,0.8065,0.0027,0.9726,0.0039
-PyG,CiteSeer,link_pred,True,,,2,2,2,skipconcat,mean,99,0.4594,0.0305,551951.0,0.1045,0.016,0.7636,0.0059,0.679,0.0055,1.0,0.0,0.8088,0.0039,0.9796,0.0067
-PyG,CiteSeer,link_pred,True,,,2,2,2,skipsum,add,99,0.4351,0.0014,937092.0,0.1392,0.039,0.7613,0.0037,0.6769,0.0034,1.0,0.0,0.8073,0.0024,0.9887,0.0019
-PyG,CiteSeer,link_pred,True,,,2,2,2,skipsum,max,99,0.4728,0.0045,937092.0,0.0982,0.0049,0.7609,0.0065,0.6765,0.006,1.0,0.0,0.807,0.0043,0.9687,0.002
-PyG,CiteSeer,link_pred,True,,,2,2,2,skipsum,mean,99,0.4397,0.0099,937092.0,0.1046,0.0088,0.766,0.0017,0.6812,0.0016,1.0,0.0,0.8104,0.0011,0.9838,0.0033
-PyG,CiteSeer,link_pred,True,,,2,2,3,skipconcat,add,99,0.4301,0.0146,496481.0,0.0981,0.0067,0.7677,0.0052,0.6828,0.0048,1.0,0.0,0.8115,0.0034,0.9847,0.0052
-PyG,CiteSeer,link_pred,True,,,2,2,3,skipconcat,max,99,0.4492,0.0051,496481.0,0.1218,0.0162,0.7676,0.0061,0.6827,0.0057,1.0,0.0,0.8115,0.004,0.9769,0.0056
-PyG,CiteSeer,link_pred,True,,,2,2,3,skipconcat,mean,99,0.4312,0.0086,496481.0,0.1021,0.0083,0.7682,0.006,0.6833,0.0056,1.0,0.0,0.8118,0.0039,0.9834,0.0059
-PyG,CiteSeer,link_pred,True,,,2,2,3,skipsum,add,99,0.4209,0.0056,869163.0,0.0991,0.0014,0.7704,0.0065,0.6853,0.006,1.0,0.0,0.8132,0.0042,0.9878,0.001
-PyG,CiteSeer,link_pred,True,,,2,2,3,skipsum,max,99,0.4478,0.0132,869163.0,0.1047,0.0111,0.7662,0.0027,0.6814,0.0025,1.0,0.0,0.8105,0.0018,0.9747,0.0079
-PyG,CiteSeer,link_pred,True,,,2,2,3,skipsum,mean,99,0.4293,0.0054,869163.0,0.1152,0.0211,0.7771,0.0093,0.6917,0.0089,1.0,0.0,0.8178,0.0062,0.9831,0.0027
-PyG,CiteSeer,link_pred,True,,,2,4,2,skipconcat,add,99,0.4552,0.0104,410800.0,0.065,0.0169,0.758,0.0048,0.6739,0.0044,1.0,0.0,0.8052,0.0031,0.9801,0.0061
-PyG,CiteSeer,link_pred,True,,,2,4,2,skipconcat,max,99,0.5036,0.0063,410800.0,0.1009,0.0085,0.7573,0.0078,0.6733,0.0071,1.0,0.0,0.8047,0.0051,0.961,0.0017
-PyG,CiteSeer,link_pred,True,,,2,4,2,skipconcat,mean,99,0.4684,0.0145,410800.0,0.1138,0.0163,0.7629,0.0056,0.6784,0.0051,1.0,0.0,0.8084,0.0036,0.9726,0.0058
-PyG,CiteSeer,link_pred,True,,,2,4,2,skipsum,add,99,0.4386,0.0097,822193.0,0.0946,0.0034,0.7619,0.0079,0.6775,0.0072,1.0,0.0,0.8077,0.0052,0.9856,0.004
-PyG,CiteSeer,link_pred,True,,,2,4,2,skipsum,max,99,0.4902,0.0019,822193.0,0.1054,0.0097,0.766,0.0055,0.6812,0.0051,1.0,0.0,0.8104,0.0036,0.9519,0.0038
-PyG,CiteSeer,link_pred,True,,,2,4,2,skipsum,mean,99,0.4496,0.0029,822193.0,0.104,0.0013,0.7767,0.002,0.6913,0.0019,1.0,0.0,0.8175,0.0013,0.9706,0.0003
-PyG,CiteSeer,link_pred,True,,,2,4,3,skipconcat,add,99,0.4447,0.0076,377665.0,0.0957,0.0116,0.7709,0.004,0.6858,0.0037,1.0,0.0,0.8136,0.0026,0.9777,0.0059
-PyG,CiteSeer,link_pred,True,,,2,4,3,skipconcat,max,99,0.4774,0.0081,377665.0,0.1054,0.0091,0.7584,0.0024,0.6743,0.0022,1.0,0.0,0.8055,0.0016,0.962,0.004
-PyG,CiteSeer,link_pred,True,,,2,4,3,skipconcat,mean,99,0.4548,0.0225,377665.0,0.1018,0.0072,0.7713,0.0112,0.6863,0.0104,1.0,0.0,0.8139,0.0074,0.9694,0.0084
-PyG,CiteSeer,link_pred,True,,,2,4,3,skipsum,add,99,0.429,0.0051,781233.0,0.0534,0.0062,0.7667,0.0019,0.6818,0.0018,1.0,0.0,0.8108,0.0012,0.9859,0.0029
-PyG,CiteSeer,link_pred,True,,,2,4,3,skipsum,max,99,0.48,0.0114,781233.0,0.1168,0.0069,0.7712,0.0053,0.6861,0.005,1.0,0.0,0.8138,0.0035,0.9497,0.0055
-PyG,CiteSeer,link_pred,True,,,2,4,3,skipsum,mean,99,0.4574,0.0114,781233.0,0.1084,0.0136,0.778,0.006,0.6928,0.0054,0.9991,0.0013,0.8182,0.0042,0.9628,0.007
-PyG,CiteSeer,link_pred,True,,,2,6,2,skipconcat,add,99,0.445,0.0028,355061.0,0.1256,0.0058,0.7743,0.005,0.6891,0.0047,1.0,0.0,0.8159,0.0033,0.9792,0.0018
-PyG,CiteSeer,link_pred,True,,,2,6,2,skipconcat,max,99,0.505,0.0095,355061.0,0.1023,0.0112,0.7649,0.006,0.6802,0.0055,1.0,0.0,0.8096,0.0039,0.9564,0.0035
-PyG,CiteSeer,link_pred,True,,,2,6,2,skipconcat,mean,99,0.4851,0.01,355061.0,0.1099,0.0172,0.7608,0.0009,0.6765,0.0008,1.0,0.0,0.807,0.0006,0.9652,0.0044
-PyG,CiteSeer,link_pred,True,,,2,6,2,skipsum,add,99,0.4267,0.0017,747993.0,0.1146,0.0242,0.7716,0.0016,0.6864,0.0015,1.0,0.0,0.814,0.001,0.9843,0.0003
-PyG,CiteSeer,link_pred,True,,,2,6,2,skipsum,max,99,0.4817,0.0124,747993.0,0.1013,0.0034,0.7672,0.0031,0.6823,0.0029,1.0,0.0,0.8111,0.002,0.9493,0.0063
-PyG,CiteSeer,link_pred,True,,,2,6,2,skipsum,mean,99,0.4694,0.0145,747993.0,0.1314,0.0259,0.7733,0.007,0.6885,0.0067,0.9986,0.0,0.815,0.0047,0.9557,0.0068
-PyG,CiteSeer,link_pred,True,,,2,6,3,skipconcat,add,99,0.452,0.0142,338416.0,0.1092,0.0116,0.7714,0.0024,0.6864,0.0022,0.9995,0.0007,0.8138,0.0016,0.9697,0.0101
-PyG,CiteSeer,link_pred,True,,,2,6,3,skipconcat,max,99,0.4846,0.0054,338416.0,0.1175,0.0219,0.7671,0.0034,0.6823,0.0032,1.0,0.0,0.8111,0.0023,0.9574,0.0019
-PyG,CiteSeer,link_pred,True,,,2,6,3,skipconcat,mean,99,0.4479,0.0084,338416.0,0.1009,0.0039,0.7786,0.0044,0.6931,0.0043,1.0,0.0,0.8187,0.003,0.9672,0.0048
-PyG,CiteSeer,link_pred,True,,,2,6,3,skipsum,add,99,0.4332,0.0053,717361.0,0.1021,0.0118,0.7652,0.0045,0.6805,0.0042,1.0,0.0,0.8099,0.003,0.9818,0.0017
-PyG,CiteSeer,link_pred,True,,,2,6,3,skipsum,max,99,0.4883,0.0073,717361.0,0.1082,0.0088,0.7637,0.0051,0.6794,0.0042,0.9986,0.0019,0.8087,0.0037,0.9393,0.0044
-PyG,CiteSeer,link_pred,True,,,2,6,3,skipsum,mean,99,0.4761,0.0067,717361.0,0.1077,0.0085,0.7664,0.0025,0.6837,0.0024,0.9918,0.0051,0.8094,0.0019,0.9412,0.0055
-PyG,CiteSeer,link_pred,True,,,2,8,2,skipconcat,add,99,0.452,0.008,323777.0,0.0999,0.0034,0.7682,0.0083,0.6833,0.0078,1.0,0.0,0.8118,0.0055,0.9768,0.0053
-PyG,CiteSeer,link_pred,True,,,2,8,2,skipconcat,max,99,0.5144,0.0273,323777.0,0.0984,0.0006,0.7645,0.0048,0.6798,0.0045,1.0,0.0,0.8094,0.0031,0.952,0.0078
-PyG,CiteSeer,link_pred,True,,,2,8,2,skipconcat,mean,99,0.4771,0.0078,323777.0,0.1007,0.0007,0.771,0.0065,0.686,0.0061,1.0,0.0,0.8137,0.0043,0.961,0.0056
-PyG,CiteSeer,link_pred,True,,,2,8,2,skipsum,add,99,0.4357,0.0078,696801.0,0.058,0.0037,0.7646,0.0017,0.68,0.0016,1.0,0.0,0.8095,0.0011,0.9833,0.0029
-PyG,CiteSeer,link_pred,True,,,2,8,2,skipsum,max,99,0.4877,0.0135,696801.0,0.0824,0.0163,0.7656,0.006,0.681,0.0054,0.9991,0.0013,0.81,0.0041,0.9429,0.0041
-PyG,CiteSeer,link_pred,True,,,2,8,2,skipsum,mean,99,0.4668,0.0069,696801.0,0.091,0.0077,0.7754,0.0044,0.6911,0.0039,0.9959,0.0011,0.8159,0.0031,0.9499,0.0033
-PyG,CiteSeer,link_pred,True,,,2,8,3,skipconcat,add,99,0.4494,0.0175,305857.0,0.1063,0.0097,0.7716,0.0088,0.6869,0.0079,0.9986,0.0019,0.8139,0.0061,0.9685,0.0126
-PyG,CiteSeer,link_pred,True,,,2,8,3,skipconcat,max,99,0.4777,0.0017,305857.0,0.1078,0.012,0.7777,0.0065,0.6923,0.0063,1.0,0.0,0.8181,0.0044,0.9532,0.0018
-PyG,CiteSeer,link_pred,True,,,2,8,3,skipconcat,mean,99,0.4681,0.0027,305857.0,0.1116,0.0075,0.7757,0.0035,0.6905,0.0034,0.9995,0.0007,0.8167,0.0024,0.9559,0.0055
-PyG,CiteSeer,link_pred,True,,,2,8,3,skipsum,add,99,0.4222,0.004,673793.0,0.057,0.003,0.7669,0.0055,0.6821,0.0051,1.0,0.0,0.811,0.0036,0.9862,0.0009
-PyG,CiteSeer,link_pred,True,,,2,8,3,skipsum,max,99,0.4883,0.006,673793.0,0.1182,0.0087,0.7724,0.0025,0.6879,0.002,0.9973,0.0019,0.8142,0.0019,0.9334,0.0038
-PyG,CiteSeer,link_pred,True,,,2,8,3,skipsum,mean,99,0.4762,0.014,673793.0,0.1165,0.0078,0.7745,0.0075,0.6916,0.0075,0.9908,0.0026,0.8146,0.005,0.9382,0.0089
-PyG,CoauthorCS,link_pred,True,,,1,2,2,skipconcat,add,99,0.4417,0.004,859130.0,1.1573,0.2268,0.7951,0.0014,0.7111,0.0014,0.9941,0.0001,0.8291,0.0009,0.967,0.0019
-PyG,CoauthorCS,link_pred,True,,,1,2,2,skipconcat,max,99,0.4559,0.0045,859130.0,0.8154,0.0479,0.7877,0.0035,0.7033,0.0034,0.9952,0.0004,0.8241,0.0024,0.9609,0.0019
-PyG,CoauthorCS,link_pred,True,,,1,2,2,skipconcat,mean,99,0.4376,0.0025,859130.0,0.9693,0.1224,0.8007,0.0007,0.7168,0.0005,0.9943,0.0007,0.8331,0.0006,0.968,0.0013
-PyG,CoauthorCS,link_pred,True,,,1,2,2,skipsum,add,99,0.4476,0.0024,1709845.0,1.1616,0.1859,0.803,0.0018,0.7201,0.0016,0.9914,0.0011,0.8342,0.0014,0.9608,0.0015
-PyG,CoauthorCS,link_pred,True,,,1,2,2,skipsum,max,99,0.4606,0.003,1709845.0,0.954,0.1012,0.7974,0.0015,0.7149,0.0011,0.9894,0.0022,0.83,0.0013,0.9514,0.0024
-PyG,CoauthorCS,link_pred,True,,,1,2,2,skipsum,mean,99,0.4419,0.0009,1709845.0,1.1015,0.0976,0.8198,0.0002,0.7385,0.0004,0.9905,0.0008,0.8461,0.0002,0.9614,0.0006
-PyG,CoauthorCS,link_pred,True,,,1,2,3,skipconcat,add,99,0.4426,0.0035,761453.0,1.0105,0.1007,0.8082,0.0041,0.7264,0.0042,0.989,0.001,0.8376,0.0029,0.9608,0.0016
-PyG,CoauthorCS,link_pred,True,,,1,2,3,skipconcat,max,99,0.4481,0.0038,761453.0,0.88,0.0938,0.8079,0.0027,0.7258,0.0028,0.9899,0.0008,0.8375,0.0019,0.957,0.0027
-PyG,CoauthorCS,link_pred,True,,,1,2,3,skipconcat,mean,99,0.441,0.0025,761453.0,1.0189,0.0115,0.8203,0.0017,0.7401,0.0017,0.9875,0.0016,0.8461,0.0013,0.9608,0.0025
-PyG,CoauthorCS,link_pred,True,,,1,2,3,skipsum,add,99,0.4497,0.0041,1554390.0,0.9826,0.0581,0.8112,0.0056,0.7304,0.006,0.9868,0.0013,0.8395,0.0041,0.9557,0.0024
-PyG,CoauthorCS,link_pred,True,,,1,2,3,skipsum,max,99,0.4584,0.0014,1554390.0,0.9911,0.0926,0.8083,0.0004,0.7277,0.0004,0.9855,0.0002,0.8372,0.0003,0.9484,0.0009
-PyG,CoauthorCS,link_pred,True,,,1,2,3,skipsum,mean,99,0.4445,0.0018,1554390.0,0.98,0.1488,0.8271,0.0012,0.7488,0.002,0.9843,0.0017,0.8506,0.0007,0.9565,0.0012
-PyG,CoauthorCS,link_pred,True,,,1,4,2,skipconcat,add,99,0.4464,0.0056,597981.0,0.9702,0.1222,0.7953,0.0003,0.7121,0.0004,0.9913,0.0005,0.8288,0.0001,0.9629,0.0029
-PyG,CoauthorCS,link_pred,True,,,1,4,2,skipconcat,max,99,0.4558,0.0025,597981.0,1.117,0.2896,0.7869,0.0042,0.7034,0.0043,0.9923,0.0011,0.8232,0.0028,0.9584,0.0001
-PyG,CoauthorCS,link_pred,True,,,1,4,2,skipconcat,mean,99,0.4414,0.0027,597981.0,0.9974,0.1678,0.8062,0.0039,0.724,0.0041,0.99,0.0014,0.8363,0.0029,0.9634,0.0012
-PyG,CoauthorCS,link_pred,True,,,1,4,2,skipsum,add,99,0.4617,0.0027,1430625.0,1.0311,0.0673,0.8017,0.0015,0.7208,0.0016,0.9852,0.0023,0.8325,0.0011,0.9493,0.0028
-PyG,CoauthorCS,link_pred,True,,,1,4,2,skipsum,max,99,0.4685,0.0009,1430625.0,1.1108,0.0888,0.7993,0.0023,0.7191,0.0028,0.9823,0.0022,0.8304,0.0015,0.9419,0.0007
-PyG,CoauthorCS,link_pred,True,,,1,4,2,skipsum,mean,99,0.4474,0.0027,1430625.0,0.7671,0.0472,0.8288,0.0039,0.7515,0.0036,0.9823,0.002,0.8516,0.0031,0.9539,0.0023
-PyG,CoauthorCS,link_pred,True,,,1,4,3,skipconcat,add,99,0.4491,0.0057,539246.0,0.9292,0.1332,0.8098,0.0042,0.7297,0.0042,0.9846,0.0012,0.8381,0.0032,0.9548,0.0037
-PyG,CoauthorCS,link_pred,True,,,1,4,3,skipconcat,max,99,0.4533,0.003,539246.0,1.0578,0.1128,0.8051,0.0014,0.7235,0.0019,0.9874,0.0019,0.8351,0.0009,0.9523,0.0025
-PyG,CoauthorCS,link_pred,True,,,1,4,3,skipconcat,mean,99,0.4441,0.002,539246.0,0.8247,0.105,0.821,0.002,0.742,0.0024,0.9845,0.001,0.8462,0.0014,0.9575,0.0017
-PyG,CoauthorCS,link_pred,True,,,1,4,3,skipsum,add,99,0.459,0.0013,1343329.0,1.0468,0.2278,0.8069,0.0023,0.7271,0.0027,0.9827,0.0008,0.8358,0.0016,0.9483,0.0009
-PyG,CoauthorCS,link_pred,True,,,1,4,3,skipsum,max,99,0.4694,0.0017,1343329.0,1.091,0.1697,0.8042,0.0013,0.7262,0.0013,0.9766,0.0004,0.833,0.001,0.9371,0.002
-PyG,CoauthorCS,link_pred,True,,,1,4,3,skipsum,mean,99,0.4512,0.0009,1343329.0,1.3674,0.2174,0.8305,0.0023,0.7556,0.0023,0.977,0.0011,0.8522,0.0019,0.9496,0.0009
-PyG,CoauthorCS,link_pred,True,,,1,6,2,skipconcat,add,99,0.4544,0.0049,480480.0,0.8195,0.0027,0.7917,0.0017,0.709,0.0016,0.9897,0.0013,0.8261,0.0012,0.9592,0.0034
-PyG,CoauthorCS,link_pred,True,,,1,6,2,skipconcat,max,99,0.4545,0.0057,480480.0,1.25,0.1022,0.7891,0.0037,0.7059,0.0037,0.9911,0.001,0.8246,0.0025,0.9571,0.0033
-PyG,CoauthorCS,link_pred,True,,,1,6,2,skipconcat,mean,99,0.4427,0.0013,480480.0,1.1273,0.045,0.8088,0.0008,0.7279,0.0008,0.9864,0.0009,0.8376,0.0006,0.9604,0.0009
-PyG,CoauthorCS,link_pred,True,,,1,6,2,skipsum,add,99,0.4677,0.0042,1268247.0,1.2438,0.0849,0.7989,0.003,0.7186,0.0026,0.9826,0.0017,0.8301,0.0024,0.9446,0.0032
-PyG,CoauthorCS,link_pred,True,,,1,6,2,skipsum,max,99,0.4757,0.0011,1268247.0,1.1241,0.1295,0.7962,0.0013,0.7177,0.0009,0.9764,0.0014,0.8273,0.0011,0.9342,0.0008
-PyG,CoauthorCS,link_pred,True,,,1,6,2,skipsum,mean,99,0.4508,0.0007,1268247.0,1.0918,0.0797,0.8289,0.0045,0.7544,0.0053,0.9753,0.0003,0.8508,0.0033,0.9495,0.0003
-PyG,CoauthorCS,link_pred,True,,,1,6,3,skipconcat,add,99,0.4527,0.003,445691.0,1.2103,0.0884,0.8063,0.0026,0.7262,0.0029,0.9834,0.0009,0.8354,0.0018,0.9529,0.0024
-PyG,CoauthorCS,link_pred,True,,,1,6,3,skipconcat,max,99,0.4537,0.0012,445691.0,1.1151,0.0696,0.8028,0.0034,0.7217,0.0039,0.9859,0.0022,0.8333,0.0023,0.9518,0.0012
-PyG,CoauthorCS,link_pred,True,,,1,6,3,skipconcat,mean,99,0.4453,0.0038,445691.0,1.1171,0.1348,0.8227,0.0013,0.7443,0.0018,0.983,0.0011,0.8472,0.0008,0.9559,0.003
-PyG,CoauthorCS,link_pred,True,,,1,6,3,skipsum,add,99,0.4697,0.0041,1207089.0,1.0324,0.0523,0.797,0.0026,0.7176,0.0024,0.9795,0.0016,0.8283,0.002,0.9415,0.0027
-PyG,CoauthorCS,link_pred,True,,,1,6,3,skipsum,max,99,0.4747,0.0036,1207089.0,0.9706,0.124,0.7958,0.0034,0.719,0.0033,0.9714,0.0008,0.8264,0.0025,0.9316,0.0032
-PyG,CoauthorCS,link_pred,True,,,1,6,3,skipsum,mean,99,0.4539,0.0017,1207089.0,1.0235,0.0748,0.8308,0.002,0.7578,0.0028,0.9725,0.0037,0.8518,0.0016,0.9467,0.002
-PyG,CoauthorCS,link_pred,True,,,1,8,2,skipconcat,add,99,0.4588,0.0017,421953.0,1.0021,0.1109,0.7934,0.003,0.7117,0.0032,0.9865,0.0004,0.8269,0.002,0.956,0.0012
-PyG,CoauthorCS,link_pred,True,,,1,8,2,skipconcat,max,99,0.4574,0.0055,421953.0,1.0399,0.051,0.788,0.0055,0.7051,0.0054,0.9903,0.0008,0.8237,0.0039,0.9551,0.0027
-PyG,CoauthorCS,link_pred,True,,,1,8,2,skipconcat,mean,99,0.4449,0.0027,421953.0,1.0342,0.13,0.8094,0.003,0.7297,0.0033,0.9828,0.0011,0.8376,0.0021,0.9576,0.002
-PyG,CoauthorCS,link_pred,True,,,1,8,2,skipsum,add,99,0.4756,0.0039,1151641.0,0.9634,0.0664,0.7951,0.0032,0.7165,0.0025,0.9766,0.0027,0.8266,0.0026,0.937,0.0045
-PyG,CoauthorCS,link_pred,True,,,1,8,2,skipsum,max,99,0.4779,0.0011,1151641.0,1.0586,0.0874,0.7914,0.0017,0.7143,0.0018,0.9711,0.0011,0.8231,0.0011,0.9307,0.0014
-PyG,CoauthorCS,link_pred,True,,,1,8,2,skipsum,mean,99,0.4555,0.0028,1151641.0,1.0155,0.0891,0.8282,0.0028,0.7551,0.0041,0.9715,0.002,0.8497,0.0018,0.9452,0.0026
-PyG,CoauthorCS,link_pred,True,,,1,8,3,skipconcat,add,99,0.4551,0.0021,388828.0,1.046,0.0495,0.8024,0.0024,0.7219,0.0026,0.9838,0.0001,0.8327,0.0017,0.952,0.0014
-PyG,CoauthorCS,link_pred,True,,,1,8,3,skipconcat,max,99,0.4583,0.0018,388828.0,0.903,0.0911,0.7991,0.0033,0.7182,0.0038,0.9846,0.0011,0.8306,0.0023,0.9485,0.0013
-PyG,CoauthorCS,link_pred,True,,,1,8,3,skipconcat,mean,99,0.4435,0.0014,388828.0,0.9153,0.1311,0.8211,0.002,0.7427,0.0019,0.9826,0.0013,0.846,0.0016,0.9566,0.0012
-PyG,CoauthorCS,link_pred,True,,,1,8,3,skipsum,add,99,0.4738,0.001,1112469.0,1.1789,0.1558,0.7977,0.0017,0.7196,0.0014,0.9755,0.0013,0.8283,0.0014,0.9357,0.0012
-PyG,CoauthorCS,link_pred,True,,,1,8,3,skipsum,max,99,0.484,0.0046,1112469.0,1.1377,0.0431,0.7904,0.0029,0.7152,0.0021,0.965,0.0038,0.8215,0.0026,0.9229,0.0042
-PyG,CoauthorCS,link_pred,True,,,1,8,3,skipsum,mean,99,0.4564,0.003,1112469.0,1.1437,0.1306,0.8286,0.0007,0.7571,0.0006,0.9675,0.0006,0.8495,0.0006,0.9433,0.0019
-PyG,CoauthorCS,link_pred,True,,,2,2,2,skipconcat,add,99,0.4419,0.0027,846641.0,1.0383,0.069,0.8036,0.0052,0.7209,0.0056,0.9908,0.0003,0.8345,0.0037,0.9632,0.0016
-PyG,CoauthorCS,link_pred,True,,,2,2,2,skipconcat,max,99,0.4527,0.0019,846641.0,1.1322,0.062,0.7955,0.0027,0.7119,0.0027,0.9928,0.0002,0.8292,0.0019,0.9587,0.0007
-PyG,CoauthorCS,link_pred,True,,,2,2,2,skipconcat,mean,99,0.439,0.0005,846641.0,0.9211,0.0902,0.8104,0.0007,0.7282,0.0007,0.9903,0.0007,0.8393,0.0005,0.964,0.0003
-PyG,CoauthorCS,link_pred,True,,,2,2,2,skipsum,add,99,0.4505,0.0029,1554390.0,1.0785,0.1304,0.8125,0.0027,0.7324,0.0026,0.9849,0.0015,0.8401,0.0021,0.9544,0.0017
-PyG,CoauthorCS,link_pred,True,,,2,2,2,skipsum,max,99,0.4581,0.0032,1554390.0,0.995,0.1257,0.8014,0.0023,0.7199,0.002,0.9868,0.0011,0.8324,0.0017,0.9502,0.0029
-PyG,CoauthorCS,link_pred,True,,,2,2,2,skipsum,mean,99,0.4441,0.0018,1554390.0,0.9664,0.1212,0.8261,0.0047,0.7479,0.0054,0.9838,0.0012,0.8498,0.0035,0.957,0.0017
-PyG,CoauthorCS,link_pred,True,,,2,2,3,skipconcat,add,99,0.4423,0.0034,744641.0,0.8913,0.0443,0.8151,0.0024,0.7345,0.0027,0.987,0.0016,0.8422,0.0017,0.9598,0.0024
-PyG,CoauthorCS,link_pred,True,,,2,2,3,skipconcat,max,99,0.4504,0.0032,744641.0,1.002,0.0584,0.8091,0.0024,0.7282,0.0035,0.9864,0.0029,0.8378,0.0013,0.9545,0.0033
-PyG,CoauthorCS,link_pred,True,,,2,2,3,skipconcat,mean,99,0.4426,0.0033,744641.0,0.9816,0.1069,0.8171,0.003,0.7361,0.0031,0.9886,0.0008,0.8439,0.0023,0.9604,0.0022
-PyG,CoauthorCS,link_pred,True,,,2,2,3,skipsum,add,99,0.4523,0.0019,1430625.0,1.0551,0.1327,0.814,0.0015,0.7344,0.0021,0.9838,0.0016,0.841,0.001,0.9524,0.0015
-PyG,CoauthorCS,link_pred,True,,,2,2,3,skipsum,max,99,0.4603,0.0021,1430625.0,0.9654,0.044,0.8056,0.0042,0.7251,0.0045,0.9842,0.0006,0.835,0.003,0.9463,0.0014
-PyG,CoauthorCS,link_pred,True,,,2,2,3,skipsum,mean,99,0.4483,0.0008,1430625.0,1.0136,0.0509,0.8278,0.0028,0.7507,0.0035,0.9816,0.0015,0.8508,0.002,0.9531,0.0007
-PyG,CoauthorCS,link_pred,True,,,2,4,2,skipconcat,add,99,0.4466,0.0027,587614.0,1.0047,0.0255,0.8009,0.0031,0.719,0.0034,0.9881,0.001,0.8323,0.0021,0.9599,0.0021
-PyG,CoauthorCS,link_pred,True,,,2,4,2,skipconcat,max,99,0.4564,0.0062,587614.0,1.1423,0.0782,0.793,0.0052,0.71,0.0051,0.9905,0.0014,0.8272,0.0037,0.9554,0.0031
-PyG,CoauthorCS,link_pred,True,,,2,4,2,skipconcat,mean,99,0.4433,0.0012,587614.0,0.9446,0.0936,0.8103,0.0029,0.7296,0.0031,0.9861,0.0008,0.8387,0.0021,0.9597,0.0006
-PyG,CoauthorCS,link_pred,True,,,2,4,2,skipsum,add,99,0.4628,0.0029,1343329.0,0.9342,0.1127,0.8026,0.0012,0.7234,0.0013,0.98,0.0016,0.8324,0.0009,0.9463,0.002
-PyG,CoauthorCS,link_pred,True,,,2,4,2,skipsum,max,99,0.4668,0.0017,1343329.0,1.144,0.0941,0.7988,0.0031,0.7187,0.0037,0.982,0.0016,0.83,0.002,0.942,0.0011
-PyG,CoauthorCS,link_pred,True,,,2,4,2,skipsum,mean,99,0.4488,0.0021,1343329.0,1.2675,0.1585,0.8264,0.0024,0.7502,0.0024,0.9788,0.0012,0.8494,0.0019,0.9517,0.0017
-PyG,CoauthorCS,link_pred,True,,,2,4,3,skipconcat,add,99,0.4472,0.0033,526561.0,1.0065,0.0325,0.8082,0.0056,0.7272,0.0059,0.9865,0.0006,0.8372,0.004,0.957,0.0015
-PyG,CoauthorCS,link_pred,True,,,2,4,3,skipconcat,max,99,0.4552,0.0014,526561.0,1.1681,0.0914,0.8021,0.0023,0.7211,0.0026,0.9854,0.0011,0.8328,0.0016,0.9509,0.0009
-PyG,CoauthorCS,link_pred,True,,,2,4,3,skipconcat,mean,99,0.4427,0.0016,526561.0,0.9502,0.0957,0.8198,0.001,0.7402,0.001,0.9853,0.0012,0.8454,0.0008,0.9583,0.0016
-PyG,CoauthorCS,link_pred,True,,,2,4,3,skipsum,add,99,0.464,0.0028,1268247.0,1.0629,0.1894,0.8068,0.005,0.7284,0.0053,0.9786,0.0018,0.8352,0.0036,0.9439,0.0025
-PyG,CoauthorCS,link_pred,True,,,2,4,3,skipsum,max,99,0.4686,0.0027,1268247.0,1.0524,0.0686,0.8036,0.0019,0.726,0.0022,0.9752,0.001,0.8323,0.0014,0.9371,0.0032
-PyG,CoauthorCS,link_pred,True,,,2,4,3,skipsum,mean,99,0.451,0.002,1268247.0,1.0374,0.0694,0.8285,0.0027,0.753,0.0029,0.9778,0.0007,0.8508,0.002,0.9498,0.0016
-PyG,CoauthorCS,link_pred,True,,,2,6,2,skipconcat,add,99,0.4509,0.0029,482243.0,1.0251,0.1275,0.7976,0.0008,0.7158,0.0013,0.9871,0.0016,0.8298,0.0005,0.9583,0.0023
-PyG,CoauthorCS,link_pred,True,,,2,6,2,skipconcat,max,99,0.4555,0.004,482243.0,1.1303,0.0745,0.7919,0.0033,0.7094,0.0031,0.9891,0.0014,0.8262,0.0025,0.9551,0.0023
-PyG,CoauthorCS,link_pred,True,,,2,6,2,skipconcat,mean,99,0.4433,0.0033,482243.0,1.1332,0.1086,0.8133,0.0046,0.7331,0.0053,0.9854,0.0013,0.8407,0.0031,0.959,0.0019
-PyG,CoauthorCS,link_pred,True,,,2,6,2,skipsum,add,99,0.471,0.0029,1207089.0,1.1011,0.1027,0.8028,0.0033,0.7242,0.004,0.9782,0.0015,0.8322,0.0021,0.941,0.0019
-PyG,CoauthorCS,link_pred,True,,,2,6,2,skipsum,max,99,0.4755,0.0019,1207089.0,1.1935,0.1618,0.7912,0.0024,0.7128,0.0025,0.9754,0.0006,0.8237,0.0017,0.9341,0.0006
-PyG,CoauthorCS,link_pred,True,,,2,6,2,skipsum,mean,99,0.4513,0.0033,1207089.0,1.0587,0.0566,0.8288,0.0042,0.7546,0.0038,0.9744,0.003,0.8505,0.0035,0.9486,0.0032
-PyG,CoauthorCS,link_pred,True,,,2,6,3,skipconcat,add,99,0.4538,0.0053,446986.0,0.995,0.2141,0.8047,0.0054,0.7248,0.0052,0.9825,0.0017,0.8342,0.004,0.9514,0.0036
-PyG,CoauthorCS,link_pred,True,,,2,6,3,skipconcat,max,99,0.4557,0.0015,446986.0,1.1521,0.0371,0.8039,0.0064,0.7233,0.0068,0.9847,0.0,0.834,0.0045,0.95,0.001
-PyG,CoauthorCS,link_pred,True,,,2,6,3,skipconcat,mean,99,0.4459,0.0024,446986.0,1.1666,0.0214,0.8218,0.0029,0.7438,0.0031,0.9816,0.0002,0.8463,0.0021,0.9553,0.0018
-PyG,CoauthorCS,link_pred,True,,,2,6,3,skipsum,add,99,0.4696,0.0033,1151641.0,1.0906,0.0686,0.8005,0.0028,0.7222,0.0031,0.9767,0.0016,0.8304,0.0019,0.9391,0.0025
-PyG,CoauthorCS,link_pred,True,,,2,6,3,skipsum,max,99,0.4747,0.0031,1151641.0,1.0056,0.163,0.7985,0.003,0.7218,0.0037,0.9713,0.0027,0.8282,0.002,0.9311,0.003
-PyG,CoauthorCS,link_pred,True,,,2,6,3,skipsum,mean,99,0.4524,0.0018,1151641.0,1.0118,0.0723,0.828,0.0038,0.7543,0.0051,0.973,0.0016,0.8498,0.0026,0.9478,0.0015
-PyG,CoauthorCS,link_pred,True,,,2,8,2,skipconcat,add,99,0.4615,0.0021,423041.0,1.0619,0.1357,0.7943,0.0015,0.7139,0.0017,0.9823,0.0015,0.8269,0.0011,0.952,0.0015
-PyG,CoauthorCS,link_pred,True,,,2,8,2,skipconcat,max,99,0.457,0.0042,423041.0,1.1878,0.1581,0.7932,0.004,0.7111,0.0038,0.9876,0.0012,0.8269,0.003,0.953,0.0025
-PyG,CoauthorCS,link_pred,True,,,2,8,2,skipconcat,mean,99,0.443,0.003,423041.0,1.4318,0.058,0.81,0.0006,0.73,0.001,0.9839,0.001,0.8381,0.0003,0.9586,0.0023
-PyG,CoauthorCS,link_pred,True,,,2,8,2,skipsum,add,99,0.4738,0.0017,1112469.0,1.0734,0.1372,0.7968,0.001,0.7184,0.0012,0.9762,0.0009,0.8277,0.0006,0.9383,0.0022
-PyG,CoauthorCS,link_pred,True,,,2,8,2,skipsum,max,99,0.4748,0.0023,1112469.0,1.0843,0.0905,0.7945,0.004,0.7173,0.0043,0.9722,0.0008,0.8255,0.0027,0.9326,0.0016
-PyG,CoauthorCS,link_pred,True,,,2,8,2,skipsum,mean,99,0.4531,0.0011,1112469.0,1.0217,0.0566,0.8268,0.004,0.7535,0.005,0.9717,0.0018,0.8488,0.0029,0.9471,0.0005
-PyG,CoauthorCS,link_pred,True,,,2,8,3,skipconcat,add,99,0.4576,0.0031,389611.0,1.175,0.0405,0.8059,0.0042,0.7271,0.0045,0.9796,0.0012,0.8346,0.003,0.9489,0.0027
-PyG,CoauthorCS,link_pred,True,,,2,8,3,skipconcat,max,99,0.4587,0.0054,389611.0,0.931,0.0314,0.8027,0.0066,0.7225,0.0065,0.9831,0.0016,0.8329,0.0049,0.9471,0.0038
-PyG,CoauthorCS,link_pred,True,,,2,8,3,skipconcat,mean,99,0.4476,0.0012,389611.0,0.8059,0.1025,0.8214,0.0042,0.7444,0.0048,0.9793,0.0003,0.8458,0.003,0.9531,0.0014
-PyG,CoauthorCS,link_pred,True,,,2,8,3,skipsum,add,99,0.4714,0.0018,1070849.0,1.1583,0.0282,0.7992,0.0016,0.7211,0.0019,0.9759,0.0009,0.8294,0.001,0.9379,0.0007
-PyG,CoauthorCS,link_pred,True,,,2,8,3,skipsum,max,99,0.4847,0.003,1070849.0,1.1775,0.0508,0.7872,0.0037,0.7127,0.0035,0.9622,0.0015,0.8189,0.0028,0.9211,0.0023
-PyG,CoauthorCS,link_pred,True,,,2,8,3,skipsum,mean,99,0.4579,0.0022,1070849.0,1.1813,0.1459,0.828,0.0021,0.7567,0.0025,0.9669,0.0004,0.8489,0.0015,0.9425,0.0014
-PyG,CoauthorPhysics,link_pred,True,,,1,2,2,skipconcat,add,99,0.4522,0.0088,1015300.0,2.4583,0.0608,0.7831,0.0038,0.7011,0.0033,0.9869,0.0016,0.8198,0.0028,0.9591,0.0036
-PyG,CoauthorPhysics,link_pred,True,,,1,2,2,skipconcat,max,99,0.4678,0.0134,1015300.0,2.3879,0.3348,0.7759,0.0058,0.6942,0.0048,0.9862,0.0035,0.8148,0.0044,0.9533,0.005
-PyG,CoauthorPhysics,link_pred,True,,,1,2,2,skipconcat,mean,99,0.4575,0.0169,1015300.0,2.3156,0.3739,0.7892,0.0066,0.7084,0.0055,0.9828,0.0042,0.8234,0.0052,0.956,0.0076
-PyG,CoauthorPhysics,link_pred,True,,,1,2,2,skipsum,add,99,0.4452,0.0021,2067265.0,2.5847,0.4018,0.7919,0.0014,0.7095,0.0014,0.9886,0.0005,0.8261,0.001,0.9609,0.001
-PyG,CoauthorPhysics,link_pred,True,,,1,2,2,skipsum,max,99,0.4545,0.0034,2067265.0,2.6012,0.2095,0.7933,0.0019,0.7116,0.0022,0.9863,0.002,0.8267,0.0012,0.9548,0.0028
-PyG,CoauthorPhysics,link_pred,True,,,1,2,2,skipsum,mean,99,0.4451,0.0017,2067265.0,2.3767,0.0996,0.8026,0.0018,0.7224,0.0018,0.9828,0.0003,0.8328,0.0013,0.9582,0.0007
-PyG,CoauthorPhysics,link_pred,True,,,1,2,3,skipconcat,add,99,0.4411,0.0042,893473.0,2.3154,0.4232,0.7985,0.0045,0.7171,0.0046,0.9859,0.0006,0.8303,0.0032,0.9604,0.0027
-PyG,CoauthorPhysics,link_pred,True,,,1,2,3,skipconcat,max,99,0.4525,0.0074,893473.0,2.3182,0.4601,0.7944,0.0036,0.7126,0.0032,0.9869,0.0021,0.8276,0.0027,0.9547,0.0053
-PyG,CoauthorPhysics,link_pred,True,,,1,2,3,skipconcat,mean,99,0.4459,0.0026,893473.0,2.0955,0.2687,0.8051,0.0025,0.7249,0.002,0.9834,0.0023,0.8346,0.002,0.9573,0.0017
-PyG,CoauthorPhysics,link_pred,True,,,1,2,3,skipsum,add,99,0.4436,0.004,1874780.0,2.3463,0.3182,0.8041,0.0037,0.7232,0.0039,0.9855,0.001,0.8342,0.0027,0.9586,0.0024
-PyG,CoauthorPhysics,link_pred,True,,,1,2,3,skipsum,max,99,0.4586,0.0047,1874780.0,2.1979,0.0715,0.8003,0.0021,0.7192,0.0025,0.9855,0.001,0.8315,0.0013,0.9493,0.0031
-PyG,CoauthorPhysics,link_pred,True,,,1,2,3,skipsum,mean,99,0.4446,0.0027,1874780.0,2.4211,0.2125,0.8106,0.001,0.7314,0.0008,0.9817,0.001,0.8382,0.0009,0.9569,0.0018
-PyG,CoauthorPhysics,link_pred,True,,,1,4,2,skipconcat,add,99,0.4499,0.0083,691361.0,1.9843,0.1594,0.7855,0.0036,0.7042,0.0029,0.9847,0.0027,0.8211,0.0029,0.9583,0.0043
-PyG,CoauthorPhysics,link_pred,True,,,1,4,2,skipconcat,max,99,0.4589,0.0071,691361.0,2.4854,0.0521,0.7781,0.0049,0.6966,0.0044,0.9854,0.0021,0.8162,0.0036,0.9548,0.0033
-PyG,CoauthorPhysics,link_pred,True,,,1,4,2,skipconcat,mean,99,0.4482,0.0026,691361.0,2.3862,0.0524,0.795,0.002,0.7146,0.0024,0.9823,0.0013,0.8273,0.0012,0.9578,0.0017
-PyG,CoauthorPhysics,link_pred,True,,,1,4,2,skipsum,add,99,0.4518,0.0023,1722035.0,1.8446,0.0632,0.7942,0.0007,0.713,0.0009,0.9848,0.0012,0.8272,0.0005,0.9545,0.002
-PyG,CoauthorPhysics,link_pred,True,,,1,4,2,skipsum,max,99,0.4662,0.0045,1722035.0,2.4426,0.0191,0.7904,0.002,0.7101,0.0019,0.9815,0.0013,0.8241,0.0015,0.9442,0.0033
-PyG,CoauthorPhysics,link_pred,True,,,1,4,2,skipsum,mean,99,0.443,0.002,1722035.0,1.9423,0.0966,0.8129,0.0008,0.7349,0.0011,0.9788,0.0015,0.8395,0.0006,0.9567,0.0017
-PyG,CoauthorPhysics,link_pred,True,,,1,4,3,skipconcat,add,99,0.4451,0.0027,618136.0,1.8515,0.082,0.7964,0.0021,0.7157,0.0024,0.9833,0.0011,0.8285,0.0012,0.9568,0.0024
-PyG,CoauthorPhysics,link_pred,True,,,1,4,3,skipconcat,max,99,0.4541,0.0037,618136.0,2.3955,0.1041,0.7948,0.0034,0.7137,0.0033,0.9848,0.0007,0.8276,0.0024,0.9523,0.0026
-PyG,CoauthorPhysics,link_pred,True,,,1,4,3,skipsum,add,99,0.4528,0.0021,1613809.0,2.8244,0.8671,0.7961,0.003,0.716,0.003,0.9815,0.0003,0.828,0.0021,0.9515,0.0014
-PyG,CoauthorPhysics,link_pred,True,,,1,4,3,skipsum,max,99,0.4647,0.0028,1613809.0,2.4555,0.4942,0.7982,0.0007,0.7183,0.0004,0.981,0.0011,0.8293,0.0006,0.9428,0.0023
-PyG,CoauthorPhysics,link_pred,True,,,1,4,3,skipsum,mean,99,0.4484,0.0035,1613809.0,2.6499,0.1768,0.8196,0.0023,0.7428,0.0026,0.9778,0.0018,0.8442,0.0017,0.9526,0.0027
-PyG,CoauthorPhysics,link_pred,True,,,1,6,2,skipconcat,add,99,0.452,0.0038,546490.0,2.2286,0.3116,0.7843,0.0024,0.7036,0.0022,0.9827,0.0019,0.82,0.0018,0.9557,0.0021
-PyG,CoauthorPhysics,link_pred,True,,,1,6,2,skipconcat,max,99,0.4587,0.0074,546490.0,2.4811,0.2048,0.7781,0.0036,0.6968,0.0026,0.985,0.0033,0.8161,0.0029,0.9544,0.0048
-PyG,CoauthorPhysics,link_pred,True,,,1,6,2,skipconcat,mean,99,0.4471,0.001,546490.0,2.185,0.182,0.8009,0.0031,0.7214,0.0034,0.9807,0.0003,0.8313,0.0021,0.9563,0.0004
-PyG,CoauthorPhysics,link_pred,True,,,1,6,2,skipsum,add,99,0.4581,0.0014,1521017.0,2.0504,0.1345,0.7904,0.0015,0.7097,0.0014,0.9827,0.0011,0.8242,0.001,0.9494,0.0011
-PyG,CoauthorPhysics,link_pred,True,,,1,6,2,skipsum,max,99,0.4707,0.0021,1521017.0,2.389,0.4581,0.7894,0.0023,0.7101,0.0025,0.9784,0.0012,0.8229,0.0016,0.9393,0.0011
-PyG,CoauthorPhysics,link_pred,True,,,1,6,2,skipsum,mean,99,0.4481,0.0017,1521017.0,1.9922,0.1126,0.8138,0.0036,0.7375,0.0044,0.9747,0.0012,0.8396,0.0024,0.9517,0.0016
-PyG,CoauthorPhysics,link_pred,True,,,1,6,3,skipconcat,add,99,0.4501,0.0043,502041.0,2.3856,0.3565,0.7958,0.0029,0.7156,0.0029,0.982,0.0008,0.8278,0.0021,0.953,0.0029
-PyG,CoauthorPhysics,link_pred,True,,,1,6,3,skipconcat,max,99,0.4548,0.0037,502041.0,2.4886,0.0768,0.7989,0.0069,0.7182,0.0071,0.9839,0.0008,0.8303,0.0048,0.9513,0.0024
-PyG,CoauthorPhysics,link_pred,True,,,1,6,3,skipconcat,mean,99,0.4454,0.0005,502041.0,2.5822,0.1082,0.81,0.0028,0.7315,0.0032,0.9797,0.0013,0.8376,0.002,0.9557,0.0009
-PyG,CoauthorPhysics,link_pred,True,,,1,6,3,skipsum,add,99,0.4605,0.0038,1445369.0,2.5906,0.0437,0.7879,0.0013,0.708,0.0012,0.98,0.0011,0.8221,0.0011,0.9463,0.003
-PyG,CoauthorPhysics,link_pred,True,,,1,6,3,skipsum,max,99,0.4712,0.0026,1445369.0,2.3415,0.1647,0.7975,0.0005,0.7188,0.0001,0.9774,0.0017,0.8284,0.0006,0.9363,0.0023
-PyG,CoauthorPhysics,link_pred,True,,,1,6,3,skipsum,mean,99,0.4495,0.0025,1445369.0,2.6444,0.0795,0.8179,0.0028,0.7418,0.0029,0.9755,0.0015,0.8427,0.0021,0.9512,0.0024
-PyG,CoauthorPhysics,link_pred,True,,,1,8,2,skipconcat,mean,99,0.4475,0.0067,473473.0,2.0223,0.072,0.799,0.0028,0.7196,0.0024,0.9797,0.0019,0.8297,0.0022,0.956,0.004
-PyG,CoauthorPhysics,link_pred,True,,,1,8,2,skipsum,add,99,0.4625,0.0014,1377041.0,2.0884,0.2788,0.7842,0.0016,0.7042,0.0017,0.9801,0.0004,0.8195,0.001,0.9464,0.0012
-PyG,CoauthorPhysics,link_pred,True,,,1,8,2,skipsum,max,99,0.4717,0.0011,1377041.0,2.261,0.354,0.7889,0.0031,0.7098,0.0034,0.9776,0.0008,0.8224,0.0021,0.9369,0.0007
-PyG,CoauthorPhysics,link_pred,True,,,1,8,2,skipsum,mean,99,0.448,0.0032,1377041.0,2.3843,0.6119,0.8191,0.0045,0.7435,0.0055,0.9745,0.0011,0.8434,0.0032,0.9515,0.0024
-PyG,CoauthorPhysics,link_pred,True,,,1,8,3,skipconcat,add,99,0.454,0.0042,432298.0,2.2001,0.1516,0.7932,0.0044,0.7138,0.0048,0.979,0.0009,0.8256,0.0031,0.9497,0.0025
-PyG,CoauthorPhysics,link_pred,True,,,1,8,3,skipconcat,max,99,0.4558,0.0046,432298.0,2.4127,0.1314,0.7994,0.0059,0.7189,0.0054,0.9832,0.0027,0.8305,0.0045,0.9508,0.0041
-PyG,CoauthorPhysics,link_pred,True,,,1,8,3,skipconcat,mean,99,0.4457,0.0033,432298.0,2.0326,0.2038,0.8098,0.0022,0.7313,0.0025,0.9795,0.0006,0.8374,0.0015,0.9551,0.0021
-PyG,CoauthorPhysics,link_pred,True,,,1,8,3,skipsum,add,99,0.4653,0.0027,1328209.0,2.0982,0.1739,0.7862,0.0012,0.7071,0.001,0.9768,0.0012,0.8204,0.001,0.9419,0.0019
-PyG,CoauthorPhysics,link_pred,True,,,1,8,3,skipsum,max,99,0.4753,0.0032,1328209.0,2.8593,0.3489,0.7956,0.0022,0.7172,0.0018,0.9761,0.0015,0.8269,0.0018,0.932,0.0031
-PyG,CoauthorPhysics,link_pred,True,,,1,8,3,skipsum,mean,99,0.4505,0.0026,1328209.0,2.3981,0.2084,0.8156,0.0022,0.7401,0.0029,0.9727,0.0017,0.8406,0.0015,0.9494,0.0023
-PyG,CoauthorPhysics,link_pred,True,,,2,2,2,skipconcat,add,99,0.4432,0.0034,999591.0,2.5787,0.2772,0.7938,0.0017,0.7123,0.0017,0.9855,0.0015,0.8269,0.0013,0.9601,0.0022
-PyG,CoauthorPhysics,link_pred,True,,,2,2,2,skipconcat,max,99,0.4547,0.0056,999591.0,2.4155,0.2289,0.7855,0.0046,0.7039,0.0042,0.9859,0.0015,0.8213,0.0034,0.9556,0.0029
-PyG,CoauthorPhysics,link_pred,True,,,2,2,2,skipconcat,mean,99,0.4499,0.006,999591.0,2.1692,0.056,0.7948,0.0051,0.7145,0.005,0.9823,0.0011,0.8273,0.0037,0.9564,0.0025
-PyG,CoauthorPhysics,link_pred,True,,,2,2,2,skipsum,max,99,0.4587,0.0037,1874780.0,2.6405,0.1771,0.7952,0.0033,0.7145,0.0035,0.9831,0.0006,0.8276,0.0023,0.9495,0.0019
-PyG,CoauthorPhysics,link_pred,True,,,2,2,3,skipconcat,add,99,0.4424,0.0029,873441.0,2.266,0.2447,0.8034,0.0054,0.7233,0.0055,0.9829,0.0022,0.8333,0.0039,0.9582,0.0023
-PyG,CoauthorPhysics,link_pred,True,,,2,2,3,skipconcat,max,99,0.4497,0.0034,873441.0,2.284,0.3517,0.8029,0.0043,0.7216,0.0045,0.9864,0.0006,0.8335,0.0031,0.9556,0.0023
-PyG,CoauthorPhysics,link_pred,True,,,2,2,3,skipconcat,mean,99,0.4441,0.0023,873441.0,1.7612,0.0873,0.8054,0.0015,0.725,0.001,0.9841,0.0017,0.8349,0.0013,0.9581,0.0013
-PyG,CoauthorPhysics,link_pred,True,,,2,2,3,skipsum,add,99,0.4471,0.0029,1722035.0,2.6623,0.1723,0.8035,0.0041,0.7237,0.0044,0.982,0.0005,0.8333,0.0028,0.9549,0.0016
-PyG,CoauthorPhysics,link_pred,True,,,2,2,3,skipsum,max,99,0.4564,0.0021,1722035.0,2.6768,0.3179,0.8006,0.0006,0.72,0.0006,0.9836,0.0001,0.8314,0.0004,0.9501,0.0016
-PyG,CoauthorPhysics,link_pred,True,,,2,2,3,skipsum,mean,99,0.4488,0.0013,1722035.0,2.5684,0.311,0.8158,0.0011,0.7379,0.0014,0.9793,0.0007,0.8417,0.0007,0.953,0.0006
-PyG,CoauthorPhysics,link_pred,True,,,2,4,2,skipconcat,add,99,0.451,0.0051,679384.0,2.0613,0.2208,0.7891,0.0022,0.7088,0.0017,0.9814,0.0021,0.8231,0.0018,0.9547,0.0031
-PyG,CoauthorPhysics,link_pred,True,,,2,4,2,skipconcat,max,99,0.4619,0.0078,679384.0,1.9493,0.1342,0.78,0.003,0.699,0.002,0.9835,0.0033,0.8172,0.0026,0.951,0.0049
-PyG,CoauthorPhysics,link_pred,True,,,2,4,2,skipconcat,mean,99,0.4462,0.005,679384.0,2.3947,0.0823,0.8008,0.0035,0.7214,0.0031,0.98,0.0018,0.8311,0.0027,0.9568,0.0026
-PyG,CoauthorPhysics,link_pred,True,,,2,4,2,skipsum,add,99,0.4572,0.0016,1613809.0,2.55,0.3084,0.7963,0.0033,0.717,0.0035,0.9791,0.0006,0.8278,0.0023,0.9481,0.0012
-PyG,CoauthorPhysics,link_pred,True,,,2,4,2,skipsum,max,99,0.4649,0.0012,1613809.0,2.4111,0.2588,0.7966,0.0022,0.7168,0.0023,0.9808,0.0007,0.8283,0.0016,0.9441,0.0014
-PyG,CoauthorPhysics,link_pred,True,,,2,4,2,skipsum,mean,99,0.4462,0.0031,1613809.0,2.5026,0.1139,0.8186,0.0031,0.7419,0.0035,0.9772,0.0018,0.8434,0.0023,0.9538,0.0023
-PyG,CoauthorPhysics,link_pred,True,,,2,4,3,skipconcat,add,99,0.4469,0.003,603841.0,1.9801,0.0728,0.7988,0.0026,0.719,0.0025,0.9807,0.0011,0.8297,0.0019,0.9545,0.0021
-PyG,CoauthorPhysics,link_pred,True,,,2,4,3,skipconcat,max,99,0.4555,0.006,603841.0,2.3953,0.1398,0.7975,0.0011,0.7169,0.0015,0.9832,0.0019,0.8292,0.0007,0.9503,0.0048
-PyG,CoauthorPhysics,link_pred,True,,,2,4,3,skipconcat,mean,99,0.4495,0.0006,603841.0,2.1984,0.2633,0.8112,0.0035,0.7327,0.0039,0.9799,0.0005,0.8384,0.0025,0.9527,0.0006
-PyG,CoauthorPhysics,link_pred,True,,,2,4,3,skipsum,add,99,0.4565,0.0019,1521017.0,2.4487,0.2453,0.7967,0.0044,0.7174,0.0043,0.9789,0.001,0.828,0.0032,0.948,0.0009
-PyG,CoauthorPhysics,link_pred,True,,,2,4,3,skipsum,max,99,0.4654,0.0019,1521017.0,2.2278,0.1996,0.799,0.0019,0.7192,0.0021,0.981,0.0001,0.8299,0.0014,0.942,0.0016
-PyG,CoauthorPhysics,link_pred,True,,,2,4,3,skipsum,mean,99,0.4479,0.0017,1521017.0,1.8693,0.0503,0.8213,0.0008,0.7448,0.0009,0.9776,0.0012,0.8455,0.0006,0.9529,0.0008
-PyG,CoauthorPhysics,link_pred,True,,,2,6,2,skipconcat,add,99,0.4577,0.0079,548253.0,1.9851,0.1683,0.787,0.0056,0.7076,0.0051,0.9782,0.0027,0.8212,0.0042,0.9504,0.0041
-PyG,CoauthorPhysics,link_pred,True,,,2,6,2,skipconcat,max,99,0.458,0.0068,548253.0,2.3561,0.2006,0.7843,0.0051,0.7035,0.0046,0.9831,0.0017,0.8201,0.0037,0.9512,0.0051
-PyG,CoauthorPhysics,link_pred,True,,,2,6,2,skipconcat,mean,99,0.4477,0.0018,548253.0,2.4069,0.38,0.7977,0.0026,0.7188,0.0029,0.9782,0.001,0.8286,0.0018,0.9551,0.0013
-PyG,CoauthorPhysics,link_pred,True,,,2,6,2,skipsum,add,99,0.4617,0.0033,1445369.0,2.1638,0.2429,0.7923,0.001,0.7133,0.0016,0.9774,0.0019,0.8247,0.0004,0.9449,0.0029
-PyG,CoauthorPhysics,link_pred,True,,,2,6,2,skipsum,max,99,0.4679,0.0003,1445369.0,2.2684,0.3112,0.792,0.0033,0.7125,0.0037,0.9791,0.0015,0.8248,0.0022,0.9407,0.0003
-PyG,CoauthorPhysics,link_pred,True,,,2,6,2,skipsum,mean,99,0.4495,0.0015,1445369.0,2.4481,0.2833,0.8182,0.0009,0.7426,0.0006,0.9741,0.0014,0.8427,0.0009,0.9504,0.0008
-PyG,CoauthorPhysics,link_pred,True,,,2,6,3,skipconcat,add,99,0.4531,0.0023,503336.0,2.3537,0.1637,0.8017,0.0014,0.723,0.0015,0.9784,0.0013,0.8315,0.001,0.9496,0.0017
-PyG,CoauthorPhysics,link_pred,True,,,2,6,3,skipconcat,max,99,0.4559,0.0045,503336.0,1.9223,0.1722,0.7984,0.0058,0.7179,0.0059,0.9831,0.0005,0.8299,0.0041,0.95,0.0029
-PyG,CoauthorPhysics,link_pred,True,,,2,6,3,skipconcat,mean,99,0.4457,0.0013,503336.0,2.0178,0.0778,0.8102,0.0038,0.732,0.0042,0.9789,0.0003,0.8376,0.0028,0.9549,0.001
-PyG,CoauthorPhysics,link_pred,True,,,2,6,3,skipsum,add,99,0.463,0.0014,1377041.0,1.9964,0.1959,0.7889,0.0038,0.7099,0.0041,0.9772,0.0005,0.8224,0.0026,0.943,0.0015
-PyG,CoauthorPhysics,link_pred,True,,,2,6,3,skipsum,max,99,0.4679,0.002,1377041.0,2.173,0.0311,0.7966,0.0009,0.7177,0.0006,0.9777,0.0012,0.8277,0.0008,0.9391,0.0018
-PyG,CoauthorPhysics,link_pred,True,,,2,6,3,skipsum,mean,99,0.4506,0.0018,1377041.0,2.4329,0.2455,0.8234,0.0006,0.7478,0.0007,0.976,0.0007,0.8468,0.0005,0.9503,0.0015
-PyG,CoauthorPhysics,link_pred,True,,,2,8,2,skipconcat,add,99,0.4605,0.0027,474561.0,2.0462,0.1063,0.7844,0.0023,0.7055,0.0022,0.9767,0.0007,0.8192,0.0015,0.9477,0.0007
-PyG,CoauthorPhysics,link_pred,True,,,2,8,2,skipconcat,max,99,0.4613,0.0084,474561.0,2.0361,0.1414,0.783,0.0069,0.7027,0.0061,0.9811,0.0041,0.8189,0.0053,0.9486,0.0062
-PyG,CoauthorPhysics,link_pred,True,,,2,8,2,skipconcat,mean,99,0.4482,0.0028,474561.0,2.122,0.1541,0.7983,0.0039,0.7195,0.0039,0.9779,0.0013,0.829,0.0029,0.9546,0.0017
-PyG,CoauthorPhysics,link_pred,True,,,2,8,2,skipsum,add,99,0.4676,0.0028,1328209.0,2.1565,0.1926,0.786,0.0004,0.7072,0.0002,0.9761,0.0013,0.8201,0.0004,0.9402,0.0023
-PyG,CoauthorPhysics,link_pred,True,,,2,8,2,skipsum,max,99,0.4742,0.0036,1328209.0,2.0255,0.0636,0.7886,0.0039,0.7098,0.0039,0.9764,0.0009,0.822,0.0028,0.9348,0.0019
-PyG,CoauthorPhysics,link_pred,True,,,2,8,2,skipsum,mean,99,0.4509,0.0016,1328209.0,1.9948,0.2388,0.8202,0.0018,0.7449,0.0026,0.9739,0.0017,0.8441,0.0012,0.9496,0.0013
-PyG,CoauthorPhysics,link_pred,True,,,2,8,3,skipconcat,add,99,0.4588,0.0015,433081.0,1.986,0.2548,0.791,0.0034,0.7124,0.0035,0.9759,0.0018,0.8236,0.0023,0.945,0.001
-PyG,CoauthorPhysics,link_pred,True,,,2,8,3,skipconcat,max,99,0.4595,0.0048,433081.0,1.8853,0.1308,0.8004,0.0029,0.7205,0.0028,0.9817,0.0009,0.8311,0.0021,0.9468,0.0038
-PyG,CoauthorPhysics,link_pred,True,,,2,8,3,skipconcat,mean,99,0.4475,0.005,433081.0,1.9782,0.1034,0.8115,0.0048,0.7338,0.0056,0.978,0.0013,0.8384,0.0033,0.9532,0.004
-PyG,CoauthorPhysics,link_pred,True,,,2,8,3,skipsum,add,99,0.4699,0.0015,1276929.0,1.9002,0.1492,0.7853,0.0024,0.7072,0.0025,0.9739,0.0018,0.8194,0.0017,0.9374,0.002
-PyG,CoauthorPhysics,link_pred,True,,,2,8,3,skipsum,max,99,0.4719,0.0044,1276929.0,1.7477,0.0455,0.7945,0.0003,0.7159,0.0004,0.9766,0.0003,0.8262,0.0002,0.9348,0.0033
-PyG,CoauthorPhysics,link_pred,True,,,2,8,3,skipsum,mean,99,0.4511,0.0032,1276929.0,1.8561,0.1458,0.8221,0.0037,0.7477,0.0044,0.9725,0.0004,0.8454,0.0027,0.9487,0.0018
-PyG,Cora,link_pred,True,,,1,2,2,skipconcat,add,99,0.4763,0.0188,338046.0,0.0257,0.001,0.7612,0.0046,0.6769,0.0042,1.0,0.0,0.8073,0.003,0.9739,0.0045
-PyG,Cora,link_pred,True,,,1,2,2,skipconcat,max,99,0.5239,0.0061,338046.0,0.0245,0.0005,0.7567,0.0036,0.6727,0.0033,1.0,0.0,0.8043,0.0023,0.9609,0.0013
-PyG,Cora,link_pred,True,,,1,2,2,skipconcat,mean,99,0.4872,0.0475,338046.0,0.0302,0.009,0.7585,0.0038,0.6743,0.0034,1.0,0.0,0.8055,0.0024,0.9731,0.0125
-PyG,Cora,link_pred,True,,,1,2,2,skipsum,add,99,0.4566,0.0119,517261.0,0.0286,0.0052,0.7669,0.0053,0.6821,0.0049,1.0,0.0,0.8109,0.0035,0.9771,0.0044
-PyG,Cora,link_pred,True,,,1,2,2,skipsum,max,99,0.4697,0.0094,517261.0,0.0237,0.0014,0.7588,0.0038,0.6746,0.0034,1.0,0.0,0.8057,0.0024,0.9692,0.005
-PyG,Cora,link_pred,True,,,1,2,2,skipsum,mean,99,0.4318,0.0103,517261.0,0.0244,0.0005,0.7692,0.0072,0.6843,0.0068,1.0,0.0,0.8125,0.0048,0.9861,0.0043
-PyG,Cora,link_pred,True,,,1,2,3,skipconcat,add,99,0.4421,0.0094,320949.0,0.0254,0.0024,0.7687,0.0064,0.6838,0.006,1.0,0.0,0.8122,0.0043,0.9783,0.0031
-PyG,Cora,link_pred,True,,,1,2,3,skipconcat,max,99,0.448,0.0028,320949.0,0.0244,0.0006,0.7655,0.0019,0.6807,0.0017,1.0,0.0,0.81,0.0012,0.9765,0.0018
-PyG,Cora,link_pred,True,,,1,2,3,skipconcat,mean,99,0.4371,0.0141,320949.0,0.0294,0.0043,0.7731,0.0073,0.6879,0.0069,1.0,0.0,0.8151,0.0049,0.9805,0.0075
-PyG,Cora,link_pred,True,,,1,2,3,skipsum,add,99,0.4433,0.0083,485362.0,0.0237,0.0011,0.769,0.0072,0.6841,0.0067,1.0,0.0,0.8124,0.0047,0.9792,0.0037
-PyG,Cora,link_pred,True,,,1,2,3,skipsum,max,99,0.4566,0.0065,485362.0,0.0247,0.0012,0.7594,0.0047,0.6751,0.0043,1.0,0.0,0.8061,0.0031,0.9714,0.0043
-PyG,Cora,link_pred,True,,,1,2,3,skipsum,mean,99,0.4355,0.0092,485362.0,0.0253,0.0007,0.7705,0.0036,0.6854,0.0034,1.0,0.0,0.8133,0.0024,0.9809,0.0039
-PyG,Cora,link_pred,True,,,1,4,2,skipconcat,add,99,0.4707,0.0015,286405.0,0.0279,0.0016,0.7649,0.0028,0.6802,0.0026,1.0,0.0,0.8097,0.0018,0.9721,0.0013
-PyG,Cora,link_pred,True,,,1,4,2,skipconcat,max,99,0.5121,0.031,286405.0,0.0282,0.0038,0.7584,0.0022,0.6742,0.002,1.0,0.0,0.8054,0.0014,0.9599,0.0085
-PyG,Cora,link_pred,True,,,1,4,2,skipconcat,mean,99,0.4823,0.0395,286405.0,0.0285,0.001,0.7627,0.0054,0.6782,0.0049,1.0,0.0,0.8082,0.0035,0.9715,0.0105
-PyG,Cora,link_pred,True,,,1,4,2,skipsum,add,99,0.4567,0.0059,458293.0,0.0366,0.0098,0.7639,0.0091,0.6794,0.0085,1.0,0.0,0.809,0.006,0.9753,0.0015
-PyG,Cora,link_pred,True,,,1,4,2,skipsum,max,99,0.4743,0.01,458293.0,0.0303,0.0022,0.7603,0.0019,0.6759,0.0018,1.0,0.0,0.8066,0.0013,0.9593,0.0061
-PyG,Cora,link_pred,True,,,1,4,2,skipsum,mean,99,0.4381,0.0085,458293.0,0.0299,0.004,0.7751,0.0061,0.6898,0.0059,1.0,0.0,0.8165,0.0041,0.9777,0.0059
-PyG,Cora,link_pred,True,,,1,4,3,skipconcat,add,99,0.4475,0.0075,276018.0,0.0284,0.0029,0.765,0.0035,0.6803,0.0033,1.0,0.0,0.8097,0.0023,0.975,0.0054
-PyG,Cora,link_pred,True,,,1,4,3,skipconcat,max,99,0.4563,0.0071,276018.0,0.0589,0.0058,0.761,0.0031,0.6767,0.0028,1.0,0.0,0.8071,0.002,0.9728,0.0038
-PyG,Cora,link_pred,True,,,1,4,3,skipconcat,mean,99,0.4474,0.0069,276018.0,0.0348,0.0052,0.7725,0.0044,0.6873,0.0042,1.0,0.0,0.8147,0.0029,0.9736,0.0035
-PyG,Cora,link_pred,True,,,1,4,3,skipsum,add,99,0.4413,0.0012,440833.0,0.0315,0.0041,0.7724,0.005,0.6872,0.0048,1.0,0.0,0.8146,0.0033,0.9753,0.0002
-PyG,Cora,link_pred,True,,,1,4,3,skipsum,max,99,0.4761,0.0053,440833.0,0.0309,0.0048,0.7598,0.0007,0.6755,0.0007,1.0,0.0,0.8063,0.0005,0.9538,0.0054
-PyG,Cora,link_pred,True,,,1,4,3,skipsum,mean,99,0.447,0.0029,440833.0,0.0283,0.0007,0.7859,0.006,0.7005,0.006,0.9992,0.0006,0.8236,0.004,0.9669,0.0038
-PyG,Cora,link_pred,True,,,1,6,2,skipconcat,add,99,0.4676,0.0033,260228.0,0.028,0.0022,0.7628,0.005,0.6783,0.0046,1.0,0.0,0.8083,0.0032,0.9719,0.0044
-PyG,Cora,link_pred,True,,,1,6,2,skipconcat,max,99,0.509,0.005,260228.0,0.0354,0.0061,0.7612,0.0051,0.6768,0.0046,1.0,0.0,0.8073,0.0033,0.958,0.0016
-PyG,Cora,link_pred,True,,,1,6,2,skipconcat,mean,99,0.4622,0.0101,260228.0,0.0298,0.0014,0.7658,0.0031,0.681,0.0029,1.0,0.0,0.8102,0.002,0.9733,0.0045
-PyG,Cora,link_pred,True,,,1,6,2,skipsum,add,99,0.4539,0.0088,424843.0,0.0303,0.0011,0.7594,0.008,0.6752,0.0073,1.0,0.0,0.8061,0.0052,0.9741,0.0043
-PyG,Cora,link_pred,True,,,1,6,2,skipsum,max,99,0.4827,0.0023,424843.0,0.0341,0.0024,0.7618,0.0021,0.6775,0.002,0.9996,0.0006,0.8076,0.0013,0.9498,0.0043
-PyG,Cora,link_pred,True,,,1,6,2,skipsum,mean,99,0.4455,0.0042,424843.0,0.0288,0.0014,0.7775,0.0024,0.6921,0.0023,1.0,0.0,0.818,0.0016,0.9706,0.003
-PyG,Cora,link_pred,True,,,1,6,3,skipconcat,add,99,0.462,0.0136,257671.0,0.031,0.0017,0.7623,0.0084,0.6778,0.0078,1.0,0.0,0.8079,0.0055,0.967,0.009
-PyG,Cora,link_pred,True,,,1,6,3,skipconcat,max,99,0.4643,0.0113,257671.0,0.0359,0.0041,0.7663,0.0074,0.6815,0.0069,1.0,0.0,0.8106,0.0048,0.9669,0.0046
-PyG,Cora,link_pred,True,,,1,6,3,skipconcat,mean,99,0.4459,0.0053,257671.0,0.0329,0.0066,0.7745,0.0044,0.6893,0.0042,1.0,0.0,0.816,0.003,0.9713,0.002
-PyG,Cora,link_pred,True,,,1,6,3,skipsum,add,99,0.442,0.0088,412033.0,0.0281,0.0031,0.7636,0.0055,0.6791,0.0051,1.0,0.0,0.8088,0.0036,0.9751,0.004
-PyG,Cora,link_pred,True,,,1,6,3,skipsum,max,99,0.4812,0.0036,412033.0,0.0344,0.0009,0.7663,0.0058,0.682,0.0056,0.998,0.002,0.8103,0.0037,0.9461,0.0028
-PyG,Cora,link_pred,True,,,1,6,3,skipsum,mean,99,0.4469,0.0051,412033.0,0.0332,0.0019,0.7928,0.0028,0.7077,0.0024,0.9976,0.0025,0.828,0.0022,0.9619,0.0056
-PyG,Cora,link_pred,True,,,1,8,2,skipconcat,add,99,0.465,0.0047,250049.0,0.0325,0.0023,0.7662,0.0041,0.6815,0.0039,0.9996,0.0006,0.8104,0.0026,0.9702,0.0067
-PyG,Cora,link_pred,True,,,1,8,2,skipconcat,max,99,0.509,0.0115,250049.0,0.0379,0.0045,0.7631,0.0064,0.6786,0.0059,1.0,0.0,0.8085,0.0042,0.9554,0.0027
-PyG,Cora,link_pred,True,,,1,8,2,skipconcat,mean,99,0.4656,0.0068,250049.0,0.0377,0.0054,0.771,0.0077,0.686,0.0073,1.0,0.0,0.8137,0.0051,0.9693,0.0055
-PyG,Cora,link_pred,True,,,1,8,2,skipsum,add,99,0.4517,0.0033,399561.0,0.0318,0.001,0.7594,0.0057,0.6751,0.0052,1.0,0.0,0.806,0.0037,0.9726,0.0022
-PyG,Cora,link_pred,True,,,1,8,2,skipsum,max,99,0.4866,0.0162,399561.0,0.0354,0.0008,0.7636,0.0121,0.6795,0.0114,0.9988,0.001,0.8087,0.0077,0.9433,0.0064
-PyG,Cora,link_pred,True,,,1,8,2,skipsum,mean,99,0.4536,0.0077,399561.0,0.0373,0.0023,0.788,0.0049,0.7036,0.0043,0.9952,0.0025,0.8244,0.0037,0.9581,0.0054
-PyG,Cora,link_pred,True,,,1,8,3,skipconcat,add,99,0.4621,0.0204,243784.0,0.036,0.0036,0.7708,0.0076,0.686,0.0068,0.9992,0.0011,0.8134,0.0052,0.9602,0.0152
-PyG,Cora,link_pred,True,,,1,8,3,skipconcat,max,99,0.4628,0.001,243784.0,0.0402,0.0064,0.7664,0.0029,0.6817,0.0027,1.0,0.0,0.8107,0.0019,0.9665,0.0026
-PyG,Cora,link_pred,True,,,1,8,3,skipconcat,mean,99,0.4535,0.0054,243784.0,0.0373,0.0041,0.7728,0.0072,0.6876,0.0068,1.0,0.0,0.8149,0.0048,0.9668,0.0028
-PyG,Cora,link_pred,True,,,1,8,3,skipsum,add,99,0.4513,0.0038,392621.0,0.037,0.005,0.7616,0.0034,0.6772,0.0031,1.0,0.0,0.8075,0.0022,0.9714,0.0011
-PyG,Cora,link_pred,True,,,1,8,3,skipsum,max,99,0.4788,0.0064,392621.0,0.0398,0.0042,0.768,0.004,0.684,0.0036,0.996,0.0024,0.8111,0.0028,0.942,0.0019
-PyG,Cora,link_pred,True,,,1,8,3,skipsum,mean,99,0.4604,0.0053,392621.0,0.0373,0.0026,0.7848,0.0039,0.7012,0.0026,0.9925,0.0049,0.8218,0.0034,0.9519,0.0054
-PyG,Cora,link_pred,True,,,2,2,2,skipconcat,add,99,0.4586,0.0065,336301.0,0.0275,0.0019,0.7648,0.005,0.6801,0.0046,1.0,0.0,0.8096,0.0033,0.9759,0.0042
-PyG,Cora,link_pred,True,,,2,2,2,skipconcat,max,99,0.5099,0.0104,336301.0,0.0258,0.0021,0.7622,0.0056,0.6778,0.0051,1.0,0.0,0.8079,0.0036,0.9599,0.0017
-PyG,Cora,link_pred,True,,,2,2,2,skipconcat,mean,99,0.4617,0.0201,336301.0,0.0239,0.0034,0.7675,0.0026,0.6826,0.0024,1.0,0.0,0.8113,0.0017,0.9746,0.0088
-PyG,Cora,link_pred,True,,,2,2,2,skipsum,add,99,0.4468,0.0099,485362.0,0.0283,0.0043,0.7647,0.0021,0.68,0.0019,1.0,0.0,0.8095,0.0013,0.9793,0.0037
-PyG,Cora,link_pred,True,,,2,2,2,skipsum,max,99,0.4705,0.0081,485362.0,0.0299,0.0009,0.7599,0.0037,0.6756,0.0034,1.0,0.0,0.8064,0.0024,0.969,0.0016
-PyG,Cora,link_pred,True,,,2,2,2,skipsum,mean,99,0.4386,0.0108,485362.0,0.0269,0.0017,0.77,0.0041,0.685,0.0038,1.0,0.0,0.813,0.0027,0.9811,0.0047
-PyG,Cora,link_pred,True,,,2,2,3,skipconcat,add,99,0.4442,0.0122,314881.0,0.0331,0.0127,0.77,0.0053,0.685,0.005,1.0,0.0,0.813,0.0035,0.9744,0.0059
-PyG,Cora,link_pred,True,,,2,2,3,skipconcat,max,99,0.4613,0.0034,314881.0,0.0257,0.0032,0.7559,0.0038,0.672,0.0034,1.0,0.0,0.8038,0.0025,0.9742,0.0013
-PyG,Cora,link_pred,True,,,2,2,3,skipconcat,mean,99,0.4452,0.011,314881.0,0.0273,0.0017,0.7684,0.007,0.6835,0.0066,1.0,0.0,0.812,0.0046,0.9777,0.0043
-PyG,Cora,link_pred,True,,,2,2,3,skipsum,add,99,0.4382,0.0007,458293.0,0.0272,0.0008,0.7701,0.0041,0.6851,0.0038,1.0,0.0,0.8131,0.0027,0.9793,0.0028
-PyG,Cora,link_pred,True,,,2,2,3,skipsum,max,99,0.4505,0.0159,458293.0,0.0272,0.001,0.7659,0.0077,0.6812,0.0071,1.0,0.0,0.8103,0.005,0.9728,0.0088
-PyG,Cora,link_pred,True,,,2,2,3,skipsum,mean,99,0.4299,0.0064,458293.0,0.0247,0.0015,0.7816,0.0051,0.696,0.005,1.0,0.0,0.8207,0.0035,0.9812,0.0015
-PyG,Cora,link_pred,True,,,2,4,2,skipconcat,add,99,0.4627,0.0064,281410.0,0.031,0.003,0.7666,0.0052,0.6818,0.0048,1.0,0.0,0.8108,0.0034,0.9729,0.004
-PyG,Cora,link_pred,True,,,2,4,2,skipconcat,max,99,0.4927,0.0056,281410.0,0.0292,0.0009,0.7588,0.005,0.6746,0.0045,1.0,0.0,0.8057,0.0032,0.9608,0.0052
-PyG,Cora,link_pred,True,,,2,4,2,skipconcat,mean,99,0.4589,0.023,281410.0,0.0318,0.0063,0.7695,0.0042,0.6845,0.0039,1.0,0.0,0.8127,0.0028,0.9713,0.0088
-PyG,Cora,link_pred,True,,,2,4,2,skipsum,add,99,0.4418,0.0016,440833.0,0.0316,0.0098,0.7702,0.0059,0.6852,0.0055,1.0,0.0,0.8132,0.0039,0.978,0.0014
-PyG,Cora,link_pred,True,,,2,4,2,skipsum,max,99,0.4743,0.0059,440833.0,0.0319,0.0032,0.7597,0.0048,0.6754,0.0044,1.0,0.0,0.8063,0.0032,0.9595,0.0024
-PyG,Cora,link_pred,True,,,2,4,2,skipsum,mean,99,0.4395,0.0018,440833.0,0.0353,0.0049,0.7833,0.0049,0.6977,0.0048,1.0,0.0,0.8219,0.0033,0.9741,0.0008
-PyG,Cora,link_pred,True,,,2,4,3,skipconcat,add,99,0.4441,0.0072,268705.0,0.0362,0.004,0.7746,0.0073,0.6893,0.0069,1.0,0.0,0.8161,0.0049,0.973,0.0046
-PyG,Cora,link_pred,True,,,2,4,3,skipconcat,max,99,0.4608,0.0045,268705.0,0.0326,0.0034,0.7654,0.0048,0.6807,0.0044,1.0,0.0,0.81,0.0032,0.9675,0.0024
-PyG,Cora,link_pred,True,,,2,4,3,skipconcat,mean,99,0.4479,0.0076,268705.0,0.0312,0.0044,0.7754,0.0089,0.6901,0.0086,1.0,0.0,0.8166,0.006,0.9721,0.0038
-PyG,Cora,link_pred,True,,,2,4,3,skipsum,add,99,0.4429,0.0033,424843.0,0.029,0.0011,0.7681,0.0007,0.6832,0.0007,1.0,0.0,0.8118,0.0005,0.9749,0.0013
-PyG,Cora,link_pred,True,,,2,4,3,skipsum,max,99,0.4749,0.0057,424843.0,0.0316,0.0046,0.7617,0.0013,0.6773,0.0012,1.0,0.0,0.8076,0.0009,0.9545,0.0069
-PyG,Cora,link_pred,True,,,2,4,3,skipsum,mean,99,0.4453,0.0036,424843.0,0.0281,0.001,0.7808,0.0065,0.6955,0.0062,0.9992,0.0011,0.8201,0.0044,0.9677,0.0023
-PyG,Cora,link_pred,True,,,2,6,2,skipconcat,add,99,0.4636,0.001,261991.0,0.0316,0.0032,0.7691,0.0043,0.6842,0.0041,0.9996,0.0006,0.8124,0.0028,0.9705,0.0036
-PyG,Cora,link_pred,True,,,2,6,2,skipconcat,max,99,0.4985,0.029,261991.0,0.0357,0.0045,0.7616,0.0064,0.6771,0.0059,1.0,0.0,0.8075,0.0042,0.9584,0.0085
-PyG,Cora,link_pred,True,,,2,6,2,skipconcat,mean,99,0.4631,0.022,261991.0,0.0332,0.0033,0.7692,0.0068,0.6843,0.0064,1.0,0.0,0.8125,0.0045,0.9674,0.0066
-PyG,Cora,link_pred,True,,,2,6,2,skipsum,add,99,0.4482,0.0026,412033.0,0.0304,0.0035,0.7652,0.0021,0.6805,0.0019,1.0,0.0,0.8098,0.0013,0.9761,0.0027
-PyG,Cora,link_pred,True,,,2,6,2,skipsum,max,99,0.4836,0.0074,412033.0,0.0298,0.0015,0.7612,0.0083,0.6769,0.0075,0.9996,0.0006,0.8072,0.0055,0.9492,0.0089
-PyG,Cora,link_pred,True,,,2,6,2,skipsum,mean,99,0.4465,0.0017,412033.0,0.032,0.001,0.7854,0.0078,0.6999,0.0077,0.9996,0.0006,0.8233,0.0052,0.9659,0.0031
-PyG,Cora,link_pred,True,,,2,6,3,skipconcat,add,99,0.4625,0.0176,258966.0,0.0355,0.0018,0.7741,0.0084,0.689,0.008,1.0,0.0,0.8158,0.0056,0.9589,0.0132
-PyG,Cora,link_pred,True,,,2,6,3,skipconcat,max,99,0.47,0.0015,258966.0,0.0478,0.0193,0.7686,0.0015,0.6837,0.0014,1.0,0.0,0.8121,0.001,0.9618,0.0021
-PyG,Cora,link_pred,True,,,2,6,3,skipconcat,mean,99,0.4533,0.0032,258966.0,0.0331,0.0013,0.7791,0.0044,0.6937,0.0041,0.9996,0.0006,0.819,0.003,0.9639,0.0041
-PyG,Cora,link_pred,True,,,2,6,3,skipsum,add,99,0.4491,0.0051,399561.0,0.0338,0.0037,0.765,0.0024,0.6803,0.0022,1.0,0.0,0.8097,0.0016,0.9724,0.0028
-PyG,Cora,link_pred,True,,,2,6,3,skipsum,max,99,0.4775,0.0037,399561.0,0.033,0.0025,0.7603,0.004,0.6764,0.0037,0.9984,0.0006,0.8064,0.0025,0.9467,0.0048
-PyG,Cora,link_pred,True,,,2,6,3,skipsum,mean,99,0.4604,0.0023,399561.0,0.0359,0.001,0.7832,0.0061,0.6996,0.0071,0.9929,0.0035,0.8208,0.0036,0.9536,0.0028
-PyG,Cora,link_pred,True,,,2,8,2,skipconcat,add,99,0.4728,0.0046,251137.0,0.0359,0.0039,0.7639,0.003,0.6793,0.0028,1.0,0.0,0.809,0.002,0.966,0.0058
-PyG,Cora,link_pred,True,,,2,8,2,skipconcat,max,99,0.4964,0.0133,251137.0,0.0315,0.0022,0.7636,0.0059,0.679,0.0055,1.0,0.0,0.8088,0.0039,0.9569,0.0064
-PyG,Cora,link_pred,True,,,2,8,2,skipconcat,mean,99,0.4628,0.0245,251137.0,0.0352,0.0042,0.7723,0.0077,0.6872,0.0073,1.0,0.0,0.8146,0.0052,0.9656,0.0102
-PyG,Cora,link_pred,True,,,2,8,2,skipsum,add,99,0.445,0.0067,392621.0,0.0341,0.0025,0.7702,0.0038,0.6852,0.0035,1.0,0.0,0.8132,0.0025,0.9746,0.0026
-PyG,Cora,link_pred,True,,,2,8,2,skipsum,max,99,0.4915,0.011,392621.0,0.0404,0.0047,0.7628,0.0066,0.6788,0.006,0.998,0.0006,0.808,0.0043,0.9399,0.0036
-PyG,Cora,link_pred,True,,,2,8,2,skipsum,mean,99,0.4492,0.0056,392621.0,0.0397,0.003,0.7887,0.0027,0.7041,0.0029,0.996,0.0015,0.8251,0.0018,0.9599,0.0037
-PyG,Cora,link_pred,True,,,2,8,3,skipconcat,add,99,0.4672,0.011,244567.0,0.0375,0.0009,0.7724,0.0024,0.6874,0.0021,0.9992,0.0011,0.8145,0.0018,0.9579,0.0107
-PyG,Cora,link_pred,True,,,2,8,3,skipconcat,max,99,0.4685,0.0056,244567.0,0.0413,0.0045,0.7669,0.0009,0.682,0.0009,1.0,0.0,0.8109,0.0006,0.9582,0.0053
-PyG,Cora,link_pred,True,,,2,8,3,skipconcat,mean,99,0.4551,0.0042,244567.0,0.0421,0.0032,0.7808,0.008,0.6954,0.0077,1.0,0.0,0.8203,0.0054,0.9611,0.0079
-PyG,Cora,link_pred,True,,,2,8,3,skipsum,add,99,0.4511,0.0055,383233.0,0.0349,0.0031,0.7676,0.0019,0.6828,0.0018,0.9996,0.0006,0.8113,0.0013,0.9673,0.0039
-PyG,Cora,link_pred,True,,,2,8,3,skipsum,max,99,0.4951,0.0152,383233.0,0.0408,0.0052,0.7636,0.0107,0.6806,0.0098,0.9941,0.001,0.8079,0.0072,0.9289,0.0092
-PyG,Cora,link_pred,True,,,2,8,3,skipsum,mean,99,0.4626,0.0146,383233.0,0.0347,0.0016,0.7813,0.0046,0.6985,0.0055,0.9901,0.0039,0.8191,0.0026,0.95,0.008
-PyG,TU_BZR,link_pred,True,,,1,2,2,skipconcat,add,99,0.5716,0.0052,204186.0,0.677,0.0053,0.7422,0.0021,0.6618,0.0026,0.991,0.0037,0.7936,0.0007,0.8626,0.0057
-PyG,TU_BZR,link_pred,True,,,1,2,2,skipconcat,max,99,0.5886,0.0016,204186.0,0.8301,0.024,0.7305,0.0099,0.6519,0.0088,0.9896,0.0033,0.786,0.0061,0.8417,0.0045
-PyG,TU_BZR,link_pred,True,,,1,2,2,skipconcat,mean,99,0.5874,0.0046,204186.0,0.8038,0.0508,0.7274,0.0078,0.649,0.0067,0.9906,0.0026,0.7842,0.0049,0.8391,0.0064
-PyG,TU_BZR,link_pred,True,,,1,2,2,skipsum,add,99,0.5674,0.0029,210901.0,0.7224,0.0243,0.7389,0.0079,0.659,0.0067,0.9906,0.0017,0.7914,0.0053,0.8648,0.004
-PyG,TU_BZR,link_pred,True,,,1,2,2,skipsum,max,99,0.5842,0.0022,210901.0,0.6758,0.0085,0.7288,0.0061,0.6506,0.0053,0.9887,0.0011,0.7847,0.0037,0.8405,0.0044
-PyG,TU_BZR,link_pred,True,,,1,2,2,skipsum,mean,99,0.5865,0.0029,210901.0,0.7944,0.049,0.721,0.0077,0.6437,0.0068,0.9906,0.0017,0.7803,0.0044,0.8322,0.0038
-PyG,TU_BZR,link_pred,True,,,1,2,3,skipconcat,add,99,0.5679,0.0027,207789.0,0.7812,0.0333,0.7302,0.0091,0.6511,0.0078,0.9924,0.0007,0.7863,0.0056,0.8574,0.0014
-PyG,TU_BZR,link_pred,True,,,1,2,3,skipconcat,max,99,0.586,0.0048,207789.0,0.8305,0.0413,0.7138,0.0129,0.6375,0.0101,0.992,0.0037,0.7762,0.0083,0.8303,0.0058
-PyG,TU_BZR,link_pred,True,,,1,2,3,skipconcat,mean,99,0.588,0.0058,207789.0,0.8044,0.011,0.7122,0.0096,0.6367,0.0081,0.9887,0.0011,0.7746,0.0056,0.8282,0.0093
-PyG,TU_BZR,link_pred,True,,,1,2,3,skipsum,add,99,0.5677,0.002,210742.0,0.8058,0.0074,0.7324,0.0084,0.6525,0.0073,0.9948,0.0007,0.7881,0.0053,0.8595,0.0013
-PyG,TU_BZR,link_pred,True,,,1,2,3,skipsum,max,99,0.5869,0.0047,210742.0,0.7638,0.0336,0.7165,0.0077,0.6399,0.0063,0.991,0.0013,0.7776,0.0047,0.8325,0.0051
-PyG,TU_BZR,link_pred,True,,,1,2,3,skipsum,mean,99,0.5908,0.0044,210742.0,0.6729,0.0089,0.7135,0.0054,0.6372,0.0041,0.9915,0.0035,0.7758,0.0037,0.8225,0.005
-PyG,TU_BZR,link_pred,True,,,1,4,2,skipconcat,add,99,0.5693,0.0046,206365.0,0.8154,0.0215,0.7424,0.0073,0.6613,0.0068,0.9943,0.0023,0.7943,0.0044,0.8684,0.0026
-PyG,TU_BZR,link_pred,True,,,1,4,2,skipconcat,max,99,0.5844,0.0013,206365.0,0.6723,0.0058,0.7316,0.0003,0.6523,0.0006,0.992,0.0017,0.7871,0.0001,0.8495,0.002
-PyG,TU_BZR,link_pred,True,,,1,4,2,skipconcat,mean,99,0.5894,0.0055,206365.0,0.8067,0.0406,0.7275,0.0039,0.6489,0.0037,0.9915,0.002,0.7844,0.0021,0.8409,0.005
-PyG,TU_BZR,link_pred,True,,,1,4,2,skipsum,add,99,0.5643,0.0079,208513.0,0.8013,0.0217,0.74,0.0076,0.6597,0.0065,0.9915,0.0011,0.7923,0.005,0.8702,0.0074
-PyG,TU_BZR,link_pred,True,,,1,4,2,skipsum,max,99,0.5751,0.0066,208513.0,0.7748,0.0228,0.7289,0.0101,0.6501,0.009,0.992,0.0024,0.7854,0.006,0.8558,0.0083
-PyG,TU_BZR,link_pred,True,,,1,4,2,skipsum,mean,99,0.5849,0.0089,208513.0,0.7985,0.0069,0.7183,0.0099,0.6411,0.0086,0.9929,0.0023,0.779,0.0057,0.8351,0.0112
-PyG,TU_BZR,link_pred,True,,,1,4,3,skipconcat,add,99,0.5647,0.0094,208398.0,0.6703,0.011,0.7293,0.0114,0.6506,0.0098,0.991,0.0007,0.7855,0.0072,0.8628,0.0037
-PyG,TU_BZR,link_pred,True,,,1,4,3,skipconcat,max,99,0.5797,0.0105,208398.0,0.7702,0.0163,0.721,0.0048,0.6437,0.0042,0.9901,0.003,0.7802,0.0027,0.8401,0.0086
-PyG,TU_BZR,link_pred,True,,,1,4,3,skipconcat,mean,99,0.5871,0.0131,208398.0,0.8123,0.0156,0.7187,0.0077,0.6418,0.0068,0.9901,0.002,0.7787,0.0044,0.8321,0.0145
-PyG,TU_BZR,link_pred,True,,,1,4,3,skipsum,add,99,0.5597,0.0053,208993.0,0.7938,0.0324,0.7356,0.0089,0.6559,0.0085,0.992,0.0033,0.7896,0.0051,0.8688,0.003
-PyG,TU_BZR,link_pred,True,,,1,4,3,skipsum,max,99,0.5769,0.0078,208993.0,0.679,0.0071,0.7181,0.0092,0.6411,0.0078,0.9915,0.0011,0.7787,0.0055,0.8427,0.011
-PyG,TU_BZR,link_pred,True,,,1,4,3,skipsum,mean,99,0.5863,0.0105,208993.0,0.6894,0.007,0.7175,0.0089,0.6403,0.0074,0.9929,0.0011,0.7785,0.0054,0.8283,0.0145
-PyG,TU_BZR,link_pred,True,,,1,6,2,skipconcat,add,99,0.5766,0.0088,203648.0,0.8305,0.0345,0.735,0.0059,0.6547,0.0052,0.9948,0.0018,0.7897,0.0036,0.8723,0.0057
-PyG,TU_BZR,link_pred,True,,,1,6,2,skipconcat,max,99,0.5882,0.0108,203648.0,0.8275,0.052,0.7287,0.0049,0.6499,0.004,0.9915,0.0011,0.7852,0.0032,0.8474,0.0062
-PyG,TU_BZR,link_pred,True,,,1,6,2,skipconcat,mean,99,0.5921,0.0091,203648.0,0.6698,0.0045,0.7196,0.003,0.6422,0.0026,0.992,0.0007,0.7796,0.0018,0.8419,0.0081
-PyG,TU_BZR,link_pred,True,,,1,6,2,skipsum,add,99,0.5646,0.0065,208183.0,0.7631,0.0358,0.737,0.0162,0.657,0.0143,0.9934,0.0018,0.7908,0.0103,0.8695,0.0063
-PyG,TU_BZR,link_pred,True,,,1,6,2,skipsum,max,99,0.5755,0.0053,208183.0,0.7879,0.046,0.7243,0.0025,0.6459,0.0025,0.9929,0.0031,0.7827,0.0012,0.8565,0.0108
-PyG,TU_BZR,link_pred,True,,,1,6,2,skipsum,mean,99,0.5839,0.0044,208183.0,0.7533,0.0071,0.7191,0.0069,0.6414,0.0056,0.9939,0.0035,0.7797,0.0045,0.8372,0.0087
-PyG,TU_BZR,link_pred,True,,,1,6,3,skipconcat,add,99,0.565,0.0092,209371.0,0.72,0.041,0.7394,0.0103,0.6591,0.0093,0.9924,0.0013,0.7921,0.0065,0.868,0.0092
-PyG,TU_BZR,link_pred,True,,,1,6,3,skipconcat,max,99,0.5794,0.0074,209371.0,0.7887,0.0224,0.7267,0.0155,0.6478,0.0136,0.9953,0.0018,0.7847,0.0094,0.8405,0.0136
-PyG,TU_BZR,link_pred,True,,,1,6,3,skipconcat,mean,99,0.5878,0.0082,209371.0,0.8059,0.0203,0.7187,0.0094,0.6419,0.0079,0.9896,0.0007,0.7787,0.0057,0.8268,0.0166
-PyG,TU_BZR,link_pred,True,,,1,6,3,skipsum,add,99,0.5573,0.0107,207793.0,0.8069,0.029,0.7339,0.0079,0.6545,0.0077,0.9915,0.0042,0.7884,0.0042,0.8688,0.0144
-PyG,TU_BZR,link_pred,True,,,1,6,3,skipsum,max,99,0.5692,0.0092,207793.0,0.8054,0.0057,0.7275,0.0111,0.6489,0.0095,0.992,0.0029,0.7845,0.007,0.8556,0.011
-PyG,TU_BZR,link_pred,True,,,1,6,3,skipsum,mean,99,0.5749,0.0115,207793.0,0.8067,0.0045,0.7193,0.0112,0.6422,0.0094,0.9915,0.0035,0.7795,0.0069,0.8429,0.0129
-PyG,TU_BZR,link_pred,True,,,1,8,2,skipconcat,add,99,0.571,0.0024,205889.0,0.6829,0.0081,0.7447,0.0072,0.6634,0.0064,0.9938,0.0007,0.7956,0.0046,0.8697,0.0017
-PyG,TU_BZR,link_pred,True,,,1,8,2,skipconcat,max,99,0.5806,0.0067,205889.0,0.676,0.0055,0.736,0.009,0.6566,0.0078,0.9901,0.003,0.7895,0.0058,0.857,0.0059
-PyG,TU_BZR,link_pred,True,,,1,8,2,skipconcat,mean,99,0.5901,0.0058,205889.0,0.807,0.0098,0.7275,0.0079,0.6488,0.0069,0.9924,0.0013,0.7846,0.0048,0.8417,0.0079
-PyG,TU_BZR,link_pred,True,,,1,8,2,skipsum,add,99,0.5575,0.0056,206361.0,0.7958,0.0144,0.7361,0.0028,0.6563,0.003,0.9915,0.0031,0.7898,0.0013,0.8709,0.0059
-PyG,TU_BZR,link_pred,True,,,1,8,2,skipsum,max,99,0.5742,0.005,206361.0,0.6783,0.0082,0.7172,0.0061,0.6404,0.0051,0.991,0.0017,0.778,0.0037,0.8522,0.0097
-PyG,TU_BZR,link_pred,True,,,1,8,2,skipsum,mean,99,0.5837,0.0014,206361.0,0.8127,0.0447,0.7152,0.0014,0.6382,0.0008,0.9939,0.0029,0.7773,0.0013,0.8306,0.0032
-PyG,TU_BZR,link_pred,True,,,1,8,3,skipconcat,add,99,0.561,0.0093,206524.0,0.8058,0.0534,0.7372,0.0076,0.6568,0.0065,0.9939,0.0029,0.7909,0.0048,0.8666,0.0067
-PyG,TU_BZR,link_pred,True,,,1,8,3,skipconcat,max,99,0.5752,0.0124,206524.0,0.8416,0.0231,0.7213,0.0132,0.6437,0.0112,0.9924,0.0017,0.7809,0.0082,0.841,0.0118
-PyG,TU_BZR,link_pred,True,,,1,8,3,skipconcat,mean,99,0.5847,0.0094,206524.0,0.7709,0.0272,0.7137,0.0038,0.6382,0.0037,0.9872,0.005,0.7752,0.0019,0.8276,0.0076
-PyG,TU_BZR,link_pred,True,,,1,8,3,skipsum,add,99,0.5615,0.0026,207701.0,0.6801,0.0114,0.7348,0.0043,0.6553,0.0037,0.991,0.0007,0.7889,0.0028,0.8641,0.0045
-PyG,TU_BZR,link_pred,True,,,1,8,3,skipsum,max,99,0.5775,0.0041,207701.0,0.773,0.0378,0.7188,0.0086,0.6418,0.0071,0.9906,0.0047,0.7789,0.0056,0.841,0.0044
-PyG,TU_BZR,link_pred,True,,,1,8,3,skipsum,mean,99,0.5852,0.0035,207701.0,0.8391,0.0122,0.7105,0.0039,0.6346,0.0033,0.9924,0.0007,0.7742,0.0022,0.826,0.0051
-PyG,TU_BZR,link_pred,True,,,2,2,2,skipconcat,add,99,0.5677,0.0014,205201.0,0.827,0.0176,0.74,0.0053,0.6596,0.005,0.992,0.0027,0.7923,0.0032,0.8604,0.0005
-PyG,TU_BZR,link_pred,True,,,2,2,2,skipconcat,max,99,0.5866,0.0033,205201.0,0.7521,0.0371,0.7217,0.007,0.6435,0.0057,0.9944,0.0042,0.7814,0.0046,0.8402,0.0059
-PyG,TU_BZR,link_pred,True,,,2,2,2,skipconcat,mean,99,0.5847,0.0032,205201.0,0.8093,0.0529,0.725,0.0075,0.6467,0.0066,0.992,0.0017,0.783,0.0044,0.837,0.0031
-PyG,TU_BZR,link_pred,True,,,2,2,2,skipsum,add,99,0.5699,0.0039,210742.0,0.8598,0.0265,0.7354,0.007,0.6554,0.0066,0.9929,0.002,0.7896,0.0041,0.8625,0.0039
-PyG,TU_BZR,link_pred,True,,,2,2,2,skipsum,max,99,0.5884,0.0038,210742.0,0.8134,0.0658,0.7209,0.0024,0.6436,0.0015,0.9901,0.0023,0.7801,0.0018,0.8357,0.0023
-PyG,TU_BZR,link_pred,True,,,2,2,2,skipsum,mean,99,0.5878,0.0043,210742.0,0.8087,0.0015,0.7215,0.0031,0.6437,0.0022,0.992,0.0029,0.7808,0.0023,0.8315,0.0025
-PyG,TU_BZR,link_pred,True,,,2,2,3,skipconcat,add,99,0.5677,0.0067,204481.0,0.6786,0.0094,0.7381,0.0034,0.6582,0.0027,0.9906,0.0024,0.7909,0.0024,0.8577,0.0026
-PyG,TU_BZR,link_pred,True,,,2,2,3,skipconcat,max,99,0.5893,0.0021,204481.0,0.6795,0.0091,0.7233,0.0078,0.646,0.0068,0.9882,0.0048,0.7812,0.0047,0.8298,0.0042
-PyG,TU_BZR,link_pred,True,,,2,2,3,skipconcat,mean,99,0.5886,0.0056,204481.0,0.8325,0.0059,0.7197,0.0061,0.6428,0.0055,0.9892,0.0029,0.7792,0.0033,0.822,0.0047
-PyG,TU_BZR,link_pred,True,,,2,2,3,skipsum,add,99,0.5617,0.0038,208513.0,0.7583,0.0216,0.7354,0.0049,0.6558,0.0041,0.9906,0.0035,0.7892,0.0034,0.8663,0.0012
-PyG,TU_BZR,link_pred,True,,,2,2,3,skipsum,max,99,0.5794,0.0071,208513.0,0.8132,0.0321,0.7153,0.0029,0.6392,0.0031,0.9892,0.0064,0.7765,0.0016,0.8389,0.0125
-PyG,TU_BZR,link_pred,True,,,2,2,3,skipsum,mean,99,0.5843,0.009,208513.0,0.8069,0.0355,0.7233,0.0095,0.6456,0.0077,0.9901,0.0047,0.7816,0.0063,0.8281,0.0148
-PyG,TU_BZR,link_pred,True,,,2,4,2,skipconcat,add,99,0.5653,0.0025,202750.0,0.7724,0.0399,0.745,0.0025,0.6643,0.0019,0.991,0.0029,0.7954,0.0018,0.8695,0.0056
-PyG,TU_BZR,link_pred,True,,,2,4,2,skipconcat,max,99,0.5848,0.0071,202750.0,0.7743,0.0244,0.734,0.0109,0.6545,0.009,0.9915,0.0051,0.7885,0.0073,0.8453,0.0113
-PyG,TU_BZR,link_pred,True,,,2,4,2,skipconcat,mean,99,0.5841,0.0045,202750.0,0.7544,0.0152,0.7281,0.0069,0.6497,0.0056,0.9901,0.003,0.7846,0.0047,0.8432,0.0072
-PyG,TU_BZR,link_pred,True,,,2,4,2,skipsum,add,99,0.5603,0.0083,208993.0,0.82,0.0128,0.7382,0.0045,0.6578,0.0047,0.9934,0.0044,0.7915,0.0022,0.8746,0.0076
-PyG,TU_BZR,link_pred,True,,,2,4,2,skipsum,max,99,0.5754,0.009,208993.0,0.7346,0.0143,0.7292,0.0136,0.6505,0.0125,0.992,0.0066,0.7856,0.0078,0.8498,0.0111
-PyG,TU_BZR,link_pred,True,,,2,4,2,skipsum,mean,99,0.5914,0.0097,208993.0,0.6804,0.0051,0.7146,0.0098,0.6379,0.0082,0.9934,0.0018,0.7769,0.0059,0.8277,0.0073
-PyG,TU_BZR,link_pred,True,,,2,4,3,skipconcat,add,99,0.5679,0.0016,202465.0,0.7705,0.045,0.73,0.0046,0.6506,0.0037,0.9934,0.0013,0.7863,0.0031,0.8644,0.0072
-PyG,TU_BZR,link_pred,True,,,2,4,3,skipconcat,max,99,0.5803,0.0056,202465.0,0.7334,0.0256,0.7204,0.0058,0.6422,0.0051,0.9958,0.0023,0.7808,0.0032,0.8417,0.0085
-PyG,TU_BZR,link_pred,True,,,2,4,3,skipconcat,mean,99,0.5854,0.0017,202465.0,0.7941,0.0244,0.7145,0.0055,0.6381,0.005,0.9915,0.0046,0.7765,0.0029,0.836,0.0069
-PyG,TU_BZR,link_pred,True,,,2,4,3,skipsum,add,99,0.5549,0.0031,208183.0,0.7797,0.0267,0.7396,0.0087,0.6591,0.0077,0.9929,0.0,0.7923,0.0055,0.8676,0.0016
-PyG,TU_BZR,link_pred,True,,,2,4,3,skipsum,max,99,0.5698,0.008,208183.0,0.7922,0.011,0.7236,0.012,0.6455,0.0104,0.9929,0.002,0.7823,0.0071,0.8489,0.0117
-PyG,TU_BZR,link_pred,True,,,2,4,3,skipsum,mean,99,0.5778,0.0064,208183.0,0.6853,0.002,0.7231,0.0103,0.6457,0.0089,0.9896,0.0007,0.7815,0.0063,0.8341,0.0083
-PyG,TU_BZR,link_pred,True,,,2,6,2,skipconcat,add,99,0.5718,0.0086,205411.0,0.6835,0.0111,0.7407,0.0039,0.6599,0.0037,0.9934,0.0018,0.793,0.0023,0.8701,0.0102
-PyG,TU_BZR,link_pred,True,,,2,6,2,skipconcat,max,99,0.5871,0.0104,205411.0,0.6858,0.0162,0.7316,0.0105,0.6522,0.0094,0.9934,0.0018,0.7873,0.0063,0.8472,0.0118
-PyG,TU_BZR,link_pred,True,,,2,6,2,skipconcat,mean,99,0.5891,0.0094,205411.0,0.751,0.0382,0.7268,0.0052,0.6482,0.0049,0.992,0.0024,0.784,0.0028,0.8427,0.0075
-PyG,TU_BZR,link_pred,True,,,2,6,2,skipsum,add,99,0.5569,0.0106,207793.0,0.7406,0.0282,0.739,0.0075,0.6582,0.0069,0.9948,0.0018,0.7922,0.0046,0.8738,0.0095
-PyG,TU_BZR,link_pred,True,,,2,6,2,skipsum,max,99,0.5714,0.012,207793.0,0.7867,0.0083,0.7237,0.0168,0.6457,0.0145,0.9929,0.002,0.7824,0.0103,0.8547,0.0132
-PyG,TU_BZR,link_pred,True,,,2,6,2,skipsum,mean,99,0.5801,0.0123,207793.0,0.7206,0.0363,0.7182,0.0126,0.6412,0.0107,0.9915,0.0023,0.7788,0.0075,0.8415,0.0127
-PyG,TU_BZR,link_pred,True,,,2,6,3,skipconcat,add,99,0.5635,0.0094,210666.0,0.691,0.0042,0.7308,0.0047,0.6521,0.0052,0.9896,0.0077,0.7862,0.0024,0.8634,0.0086
-PyG,TU_BZR,link_pred,True,,,2,6,3,skipconcat,max,99,0.5784,0.0045,210666.0,0.665,0.0027,0.7151,0.0081,0.6379,0.0069,0.9958,0.0035,0.7776,0.0048,0.8431,0.007
-PyG,TU_BZR,link_pred,True,,,2,6,3,skipconcat,mean,99,0.5837,0.0058,210666.0,0.8034,0.0191,0.7136,0.0073,0.6372,0.0067,0.9925,0.0037,0.7761,0.0038,0.831,0.007
-PyG,TU_BZR,link_pred,True,,,2,6,3,skipsum,add,99,0.5606,0.0076,206361.0,0.8181,0.0119,0.7341,0.0108,0.6547,0.0098,0.9915,0.0023,0.7886,0.0064,0.8685,0.0102
-PyG,TU_BZR,link_pred,True,,,2,6,3,skipsum,max,99,0.5703,0.0042,206361.0,0.7325,0.0259,0.7245,0.0049,0.6464,0.0043,0.9915,0.0011,0.7826,0.0029,0.8515,0.0077
-PyG,TU_BZR,link_pred,True,,,2,6,3,skipsum,mean,99,0.5804,0.0045,206361.0,0.6879,0.0038,0.719,0.0044,0.6413,0.0042,0.9939,0.0035,0.7796,0.0024,0.8368,0.0088
-PyG,TU_BZR,link_pred,True,,,2,8,2,skipconcat,add,99,0.5703,0.0083,206977.0,0.7784,0.0453,0.7409,0.0016,0.6601,0.002,0.9934,0.0035,0.7932,0.0006,0.8697,0.0085
-PyG,TU_BZR,link_pred,True,,,2,8,2,skipconcat,max,99,0.5829,0.0054,206977.0,0.8231,0.0186,0.731,0.0087,0.6518,0.0083,0.9929,0.0042,0.7869,0.0047,0.8467,0.0024
-PyG,TU_BZR,link_pred,True,,,2,8,2,skipconcat,mean,99,0.5855,0.007,206977.0,0.6831,0.0033,0.7282,0.0049,0.6493,0.0047,0.9925,0.0029,0.785,0.0026,0.8474,0.0049
-PyG,TU_BZR,link_pred,True,,,2,8,2,skipsum,add,99,0.5619,0.002,207701.0,0.7642,0.0109,0.7369,0.0028,0.6574,0.0027,0.9896,0.0017,0.79,0.0016,0.8683,0.0046
-PyG,TU_BZR,link_pred,True,,,2,8,2,skipsum,max,99,0.5707,0.0035,207701.0,0.6784,0.0067,0.727,0.002,0.6487,0.0015,0.9906,0.0017,0.784,0.0015,0.8532,0.0024
-PyG,TU_BZR,link_pred,True,,,2,8,2,skipsum,mean,99,0.5801,0.0058,207701.0,0.8344,0.021,0.7195,0.0059,0.6423,0.0049,0.991,0.0017,0.7794,0.0038,0.8346,0.0119
-PyG,TU_BZR,link_pred,True,,,2,8,3,skipconcat,add,99,0.5614,0.004,207307.0,0.7903,0.0174,0.7426,0.0005,0.661,0.0008,0.9957,0.002,0.7946,0.0,0.8656,0.0029
-PyG,TU_BZR,link_pred,True,,,2,8,3,skipconcat,max,99,0.5807,0.0027,207307.0,0.7603,0.0473,0.7214,0.0054,0.6428,0.0045,0.9963,0.0007,0.7814,0.0032,0.8338,0.0044
-PyG,TU_BZR,link_pred,True,,,2,8,3,skipconcat,mean,99,0.583,0.0072,207307.0,0.6837,0.0082,0.7211,0.0085,0.6438,0.0078,0.9906,0.0052,0.7804,0.0045,0.8307,0.0062
-PyG,TU_BZR,link_pred,True,,,2,8,3,skipsum,add,99,0.5594,0.0058,206593.0,0.8124,0.0369,0.7372,0.0047,0.6573,0.0035,0.9911,0.0035,0.7904,0.0034,0.8664,0.009
-PyG,TU_BZR,link_pred,True,,,2,8,3,skipsum,max,99,0.5798,0.0031,206593.0,0.7725,0.0403,0.7138,0.0101,0.6373,0.0079,0.9929,0.0031,0.7763,0.0066,0.8384,0.0093
-PyG,TU_BZR,link_pred,True,,,2,8,3,skipsum,mean,99,0.5836,0.0018,206593.0,0.6818,0.0101,0.7166,0.0081,0.6397,0.0069,0.9925,0.0033,0.7779,0.0048,0.825,0.0046
-PyG,TU_COX2,link_pred,True,,,1,2,2,skipconcat,add,99,0.5283,0.0098,202440.0,0.8073,0.0193,0.7652,0.0056,0.6819,0.0058,0.9943,0.0031,0.8089,0.0034,0.9034,0.0064
-PyG,TU_COX2,link_pred,True,,,1,2,2,skipconcat,max,99,0.5427,0.0077,202440.0,0.785,0.0133,0.7642,0.0055,0.6811,0.0062,0.9939,0.0041,0.8082,0.003,0.8866,0.0061
-PyG,TU_COX2,link_pred,True,,,1,2,2,skipconcat,mean,99,0.5394,0.0099,202440.0,0.7788,0.0303,0.7625,0.0055,0.6796,0.0058,0.9935,0.0029,0.807,0.0033,0.8869,0.008
-PyG,TU_COX2,link_pred,True,,,1,2,2,skipsum,add,99,0.5274,0.0066,206905.0,0.7441,0.0263,0.7649,0.0078,0.6814,0.0072,0.9957,0.0016,0.809,0.0051,0.9039,0.0058
-PyG,TU_COX2,link_pred,True,,,1,2,2,skipsum,max,99,0.5392,0.0079,206905.0,0.7723,0.0576,0.7593,0.0037,0.6771,0.0038,0.9912,0.0012,0.8046,0.0023,0.8887,0.0026
-PyG,TU_COX2,link_pred,True,,,1,2,2,skipsum,mean,99,0.5436,0.0077,206905.0,0.8032,0.0212,0.7557,0.0038,0.6732,0.0035,0.9939,0.0025,0.8027,0.0024,0.8834,0.0036
-PyG,TU_COX2,link_pred,True,,,1,2,3,skipconcat,add,99,0.5243,0.0043,206313.0,0.7595,0.0201,0.7683,0.0043,0.6841,0.0042,0.997,0.0006,0.8114,0.0028,0.9045,0.0009
-PyG,TU_COX2,link_pred,True,,,1,2,3,skipconcat,max,99,0.5385,0.0067,206313.0,0.6713,0.0159,0.7598,0.0066,0.6773,0.0065,0.993,0.0017,0.8053,0.004,0.8862,0.0028
-PyG,TU_COX2,link_pred,True,,,1,2,3,skipconcat,mean,99,0.534,0.0046,206313.0,0.7219,0.0067,0.7612,0.0025,0.6782,0.0024,0.9943,0.0022,0.8064,0.0016,0.8891,0.0038
-PyG,TU_COX2,link_pred,True,,,1,2,3,skipsum,add,99,0.5195,0.0101,207160.0,0.8007,0.0037,0.7676,0.005,0.6842,0.0049,0.9939,0.0033,0.8105,0.0033,0.9088,0.0046
-PyG,TU_COX2,link_pred,True,,,1,2,3,skipsum,max,99,0.5351,0.0103,207160.0,0.7512,0.0198,0.7645,0.0038,0.6825,0.0052,0.9896,0.0065,0.8078,0.0016,0.8901,0.006
-PyG,TU_COX2,link_pred,True,,,1,2,3,skipsum,mean,99,0.5368,0.008,207160.0,0.7319,0.0222,0.7586,0.005,0.6761,0.0046,0.993,0.0023,0.8044,0.0033,0.8883,0.0034
-PyG,TU_COX2,link_pred,True,,,1,4,2,skipconcat,add,99,0.5259,0.011,205321.0,0.7619,0.033,0.768,0.003,0.6835,0.0026,0.9983,0.0006,0.8114,0.002,0.909,0.0049
-PyG,TU_COX2,link_pred,True,,,1,4,2,skipconcat,max,99,0.5395,0.015,205321.0,0.7236,0.0426,0.7611,0.008,0.6785,0.0078,0.993,0.0053,0.8061,0.0051,0.8937,0.0065
-PyG,TU_COX2,link_pred,True,,,1,4,2,skipconcat,mean,99,0.5394,0.0111,205321.0,0.7697,0.047,0.7621,0.0031,0.6787,0.0028,0.9956,0.0035,0.8072,0.0022,0.8903,0.0059
-PyG,TU_COX2,link_pred,True,,,1,4,2,skipsum,add,99,0.5224,0.0047,205255.0,0.6757,0.0032,0.764,0.0069,0.6801,0.0066,0.997,0.0006,0.8086,0.0045,0.9102,0.0033
-PyG,TU_COX2,link_pred,True,,,1,4,2,skipsum,max,99,0.5384,0.0038,205255.0,0.6752,0.0041,0.7609,0.0039,0.678,0.0048,0.9939,0.0051,0.8061,0.0017,0.8969,0.0035
-PyG,TU_COX2,link_pred,True,,,1,4,2,skipsum,mean,99,0.5397,0.004,205255.0,0.7958,0.0068,0.7588,0.003,0.676,0.0035,0.9943,0.0033,0.8048,0.0016,0.8889,0.0027
-PyG,TU_COX2,link_pred,True,,,1,4,3,skipconcat,add,99,0.5232,0.0066,207516.0,0.7634,0.0289,0.7637,0.0023,0.6802,0.0026,0.9957,0.0016,0.8082,0.0013,0.9084,0.005
-PyG,TU_COX2,link_pred,True,,,1,4,3,skipconcat,max,99,0.5376,0.0116,207516.0,0.742,0.0086,0.7642,0.002,0.6817,0.0013,0.9913,0.0051,0.8078,0.002,0.8916,0.0045
-PyG,TU_COX2,link_pred,True,,,1,4,3,skipconcat,mean,99,0.5396,0.0096,207516.0,0.7451,0.0531,0.7579,0.002,0.6754,0.0022,0.9935,0.0029,0.8041,0.0011,0.8886,0.0058
-PyG,TU_COX2,link_pred,True,,,1,4,3,skipsum,add,99,0.5199,0.0099,205969.0,0.8004,0.0108,0.7648,0.0021,0.6819,0.0015,0.9926,0.0025,0.8085,0.0018,0.9098,0.009
-PyG,TU_COX2,link_pred,True,,,1,4,3,skipsum,max,99,0.5326,0.0062,205969.0,0.6986,0.0163,0.7566,0.004,0.6742,0.0043,0.9935,0.0029,0.8033,0.0022,0.8952,0.0066
-PyG,TU_COX2,link_pred,True,,,1,4,3,skipsum,mean,99,0.537,0.0034,205969.0,0.8008,0.0119,0.7571,0.0022,0.6746,0.0021,0.9935,0.0011,0.8035,0.0014,0.8878,0.0032
-PyG,TU_COX2,link_pred,True,,,1,6,2,skipconcat,add,99,0.5271,0.0093,202910.0,0.6883,0.0075,0.7683,0.0009,0.684,0.0011,0.9974,0.0011,0.8115,0.0005,0.9114,0.0036
-PyG,TU_COX2,link_pred,True,,,1,6,2,skipconcat,max,99,0.537,0.0067,202910.0,0.6831,0.0058,0.7677,0.0039,0.6843,0.004,0.9939,0.0013,0.8105,0.0025,0.8968,0.0049
-PyG,TU_COX2,link_pred,True,,,1,6,2,skipconcat,mean,99,0.5389,0.0058,202910.0,0.7621,0.0379,0.7584,0.0034,0.6758,0.0039,0.9935,0.0047,0.8044,0.0019,0.8925,0.0041
-PyG,TU_COX2,link_pred,True,,,1,6,2,skipsum,add,99,0.5353,0.005,205357.0,0.7122,0.0257,0.7631,0.0031,0.6794,0.0032,0.9965,0.0012,0.8079,0.0018,0.9027,0.0036
-PyG,TU_COX2,link_pred,True,,,1,6,2,skipsum,max,99,0.5451,0.0051,205357.0,0.705,0.0145,0.7592,0.0124,0.6763,0.0114,0.9957,0.0016,0.8054,0.0079,0.89,0.0018
-PyG,TU_COX2,link_pred,True,,,1,6,2,skipsum,mean,99,0.5515,0.0026,205357.0,0.7896,0.0188,0.7507,0.0054,0.6685,0.0055,0.9948,0.0028,0.7996,0.003,0.8793,0.0042
-PyG,TU_COX2,link_pred,True,,,1,6,3,skipconcat,add,99,0.5269,0.0097,208741.0,0.7221,0.0226,0.763,0.0067,0.6793,0.0063,0.9965,0.0012,0.8079,0.0043,0.9048,0.0069
-PyG,TU_COX2,link_pred,True,,,1,6,3,skipconcat,max,99,0.5355,0.0087,208741.0,0.7352,0.0264,0.7591,0.0074,0.6761,0.0065,0.9952,0.0027,0.8052,0.0051,0.8923,0.0064
-PyG,TU_COX2,link_pred,True,,,1,6,3,skipconcat,mean,99,0.5417,0.0089,208741.0,0.7963,0.0071,0.7568,0.0094,0.6742,0.0082,0.9943,0.0033,0.8035,0.0063,0.8836,0.0053
-PyG,TU_COX2,link_pred,True,,,1,6,3,skipsum,add,99,0.5247,0.0039,205129.0,0.801,0.0468,0.7601,0.0026,0.6763,0.002,0.9978,0.0016,0.8062,0.0019,0.9069,0.0028
-PyG,TU_COX2,link_pred,True,,,1,6,3,skipsum,max,99,0.5371,0.0048,205129.0,0.6932,0.0069,0.7536,0.0022,0.6712,0.0016,0.9943,0.0035,0.8014,0.0018,0.892,0.0023
-PyG,TU_COX2,link_pred,True,,,1,6,3,skipsum,mean,99,0.5405,0.0055,205129.0,0.757,0.0266,0.7509,0.0008,0.6693,0.0013,0.9917,0.0023,0.7992,0.0003,0.8846,0.0025
-PyG,TU_COX2,link_pred,True,,,1,8,2,skipconcat,add,99,0.5264,0.0143,205313.0,0.7323,0.0284,0.7706,0.0044,0.6867,0.0042,0.9957,0.0006,0.8127,0.0029,0.9136,0.0078
-PyG,TU_COX2,link_pred,True,,,1,8,2,skipconcat,max,99,0.5329,0.0124,205313.0,0.7362,0.0389,0.7667,0.0037,0.6838,0.0025,0.9922,0.0049,0.8096,0.0032,0.9033,0.0084
-PyG,TU_COX2,link_pred,True,,,1,8,2,skipconcat,mean,99,0.5424,0.0103,205313.0,0.7404,0.0264,0.7601,0.0036,0.6775,0.0031,0.9926,0.0023,0.8053,0.0025,0.8921,0.0067
-PyG,TU_COX2,link_pred,True,,,1,8,2,skipsum,add,99,0.5293,0.0077,203841.0,0.6856,0.0109,0.7599,0.0041,0.6765,0.004,0.9961,0.0011,0.8058,0.0026,0.9042,0.0038
-PyG,TU_COX2,link_pred,True,,,1,8,2,skipsum,max,99,0.5323,0.0047,203841.0,0.6926,0.0052,0.7565,0.0038,0.6735,0.0038,0.9961,0.0021,0.8036,0.0022,0.8975,0.0049
-PyG,TU_COX2,link_pred,True,,,1,8,2,skipsum,mean,99,0.5455,0.0063,203841.0,0.7778,0.0114,0.7478,0.0026,0.6671,0.0016,0.9895,0.0049,0.7969,0.0024,0.8799,0.0058
-PyG,TU_COX2,link_pred,True,,,1,8,3,skipconcat,add,99,0.5232,0.011,206038.0,0.681,0.0052,0.7668,0.0064,0.6826,0.0063,0.9974,0.0021,0.8105,0.0041,0.9044,0.0054
-PyG,TU_COX2,link_pred,True,,,1,8,3,skipconcat,max,99,0.5347,0.0167,206038.0,0.7568,0.0202,0.7566,0.0054,0.6742,0.0053,0.9935,0.0029,0.8033,0.0033,0.8894,0.0136
-PyG,TU_COX2,link_pred,True,,,1,8,3,skipconcat,mean,99,0.5411,0.0141,206038.0,0.7443,0.0153,0.7578,0.0081,0.6754,0.0076,0.9935,0.0019,0.8041,0.0051,0.8847,0.0093
-PyG,TU_COX2,link_pred,True,,,1,8,3,skipsum,add,99,0.5272,0.0046,205289.0,0.7623,0.0627,0.7531,0.0049,0.6706,0.0047,0.9952,0.0016,0.8013,0.0031,0.9041,0.0036
-PyG,TU_COX2,link_pred,True,,,1,8,3,skipsum,max,99,0.5373,0.0081,205289.0,0.7027,0.0027,0.7536,0.0058,0.6715,0.006,0.993,0.0033,0.8012,0.0032,0.8911,0.0071
-PyG,TU_COX2,link_pred,True,,,1,8,3,skipsum,mean,99,0.5401,0.0029,205289.0,0.6981,0.0032,0.7484,0.0032,0.6667,0.0038,0.9935,0.0039,0.7979,0.0015,0.8843,0.0036
-PyG,TU_COX2,link_pred,True,,,2,2,2,skipconcat,add,99,0.5256,0.0089,203491.0,0.6793,0.0055,0.7641,0.0072,0.6801,0.0065,0.9974,0.0011,0.8088,0.0048,0.9056,0.0034
-PyG,TU_COX2,link_pred,True,,,2,2,2,skipconcat,max,99,0.5375,0.0038,203491.0,0.8066,0.008,0.7608,0.0049,0.6779,0.0054,0.9939,0.0033,0.806,0.0027,0.8899,0.0019
-PyG,TU_COX2,link_pred,True,,,2,2,2,skipconcat,mean,99,0.5373,0.0029,203491.0,0.7324,0.0294,0.7546,0.0068,0.6722,0.0067,0.9943,0.0027,0.8021,0.0041,0.8898,0.002
-PyG,TU_COX2,link_pred,True,,,2,2,2,skipsum,add,99,0.5242,0.0108,207160.0,0.7908,0.0189,0.7659,0.007,0.6826,0.007,0.9943,0.0017,0.8095,0.0044,0.909,0.0032
-PyG,TU_COX2,link_pred,True,,,2,2,2,skipsum,max,99,0.537,0.0098,207160.0,0.7371,0.0179,0.7659,0.0083,0.6833,0.0082,0.9917,0.0027,0.8091,0.0052,0.8921,0.0049
-PyG,TU_COX2,link_pred,True,,,2,2,2,skipsum,mean,99,0.5403,0.011,207160.0,0.6653,0.0102,0.762,0.0043,0.679,0.0041,0.9939,0.0035,0.8068,0.0028,0.8875,0.0061
-PyG,TU_COX2,link_pred,True,,,2,2,3,skipconcat,add,99,0.5225,0.0059,203041.0,0.8118,0.0222,0.7659,0.0085,0.6824,0.0083,0.9952,0.0016,0.8096,0.0054,0.9013,0.004
-PyG,TU_COX2,link_pred,True,,,2,2,3,skipconcat,max,99,0.5387,0.0042,203041.0,0.6874,0.007,0.7572,0.0061,0.6753,0.0059,0.9908,0.0029,0.8032,0.0038,0.8847,0.0035
-PyG,TU_COX2,link_pred,True,,,2,2,3,skipconcat,mean,99,0.5367,0.0035,203041.0,0.8095,0.0182,0.7548,0.0073,0.6729,0.0071,0.9921,0.0032,0.8019,0.0046,0.8861,0.004
-PyG,TU_COX2,link_pred,True,,,2,2,3,skipsum,add,99,0.5266,0.0104,205255.0,0.7167,0.0078,0.7585,0.0038,0.6755,0.0038,0.9952,0.0016,0.8047,0.0023,0.9025,0.0066
-PyG,TU_COX2,link_pred,True,,,2,2,3,skipsum,max,99,0.5386,0.01,205255.0,0.7871,0.0224,0.7513,0.0048,0.6696,0.0041,0.9926,0.0023,0.7996,0.0033,0.8884,0.0062
-PyG,TU_COX2,link_pred,True,,,2,2,3,skipsum,mean,99,0.54,0.0076,205255.0,0.7909,0.0524,0.7495,0.0062,0.6675,0.005,0.9939,0.0025,0.7987,0.0044,0.8859,0.0007
-PyG,TU_COX2,link_pred,True,,,2,4,2,skipconcat,add,99,0.5223,0.0074,201724.0,0.7766,0.0332,0.7691,0.0055,0.685,0.0053,0.9965,0.0006,0.8119,0.0036,0.9128,0.0053
-PyG,TU_COX2,link_pred,True,,,2,4,2,skipconcat,max,99,0.5371,0.0032,201724.0,0.8321,0.0218,0.7621,0.0039,0.6788,0.004,0.9952,0.0023,0.8071,0.0024,0.8972,0.0033
-PyG,TU_COX2,link_pred,True,,,2,4,2,skipconcat,mean,99,0.5374,0.0087,201724.0,0.7739,0.0173,0.7625,0.0029,0.679,0.0028,0.9961,0.0018,0.8075,0.0019,0.8927,0.0074
-PyG,TU_COX2,link_pred,True,,,2,4,2,skipsum,add,99,0.5204,0.0112,205969.0,0.8148,0.0258,0.7677,0.0009,0.6841,0.0014,0.9948,0.0028,0.8106,0.0005,0.9109,0.0075
-PyG,TU_COX2,link_pred,True,,,2,4,2,skipsum,max,99,0.5326,0.0054,205969.0,0.8303,0.0108,0.7623,0.0017,0.6793,0.0022,0.9939,0.0027,0.807,0.0008,0.8974,0.0067
-PyG,TU_COX2,link_pred,True,,,2,4,2,skipsum,mean,99,0.5388,0.007,205969.0,0.8126,0.0374,0.7552,0.0019,0.6729,0.0018,0.9934,0.0019,0.8023,0.0013,0.8882,0.0066
-PyG,TU_COX2,link_pred,True,,,2,4,3,skipconcat,add,99,0.5255,0.0072,201601.0,0.7905,0.0226,0.7634,0.0094,0.6797,0.0089,0.997,0.0012,0.8082,0.006,0.9065,0.0051
-PyG,TU_COX2,link_pred,True,,,2,4,3,skipconcat,max,99,0.5391,0.0011,201601.0,0.7688,0.0053,0.7569,0.0073,0.6745,0.007,0.993,0.0027,0.8034,0.0046,0.8907,0.002
-PyG,TU_COX2,link_pred,True,,,2,4,3,skipconcat,mean,99,0.5446,0.0026,201601.0,0.8057,0.0096,0.7557,0.0051,0.6733,0.0053,0.9935,0.0032,0.8026,0.0028,0.8857,0.0026
-PyG,TU_COX2,link_pred,True,,,2,4,3,skipsum,add,99,0.5296,0.0122,205357.0,0.6619,0.0014,0.7579,0.0099,0.675,0.0094,0.9952,0.0012,0.8044,0.0063,0.9045,0.0063
-PyG,TU_COX2,link_pred,True,,,2,4,3,skipsum,max,99,0.5381,0.0078,205357.0,0.6653,0.0087,0.752,0.0087,0.67,0.0079,0.9935,0.0039,0.8002,0.0056,0.8938,0.0056
-PyG,TU_COX2,link_pred,True,,,2,4,3,skipsum,mean,99,0.545,0.0077,205357.0,0.785,0.0363,0.7466,0.0052,0.6653,0.0053,0.993,0.0033,0.7967,0.0029,0.8792,0.0074
-PyG,TU_COX2,link_pred,True,,,2,6,2,skipconcat,add,99,0.5338,0.0089,204673.0,0.855,0.03,0.765,0.0031,0.6815,0.0021,0.9948,0.0037,0.8088,0.0026,0.9039,0.0056
-PyG,TU_COX2,link_pred,True,,,2,6,2,skipconcat,max,99,0.545,0.0084,204673.0,0.828,0.0369,0.7619,0.0023,0.6791,0.003,0.993,0.0038,0.8066,0.0009,0.8917,0.008
-PyG,TU_COX2,link_pred,True,,,2,6,2,skipconcat,mean,99,0.5504,0.0086,204673.0,0.8498,0.0068,0.7634,0.002,0.6806,0.0011,0.9926,0.0041,0.8075,0.0019,0.8829,0.0057
-PyG,TU_COX2,link_pred,True,,,2,6,2,skipsum,add,99,0.529,0.0081,205129.0,0.8599,0.0021,0.7639,0.0016,0.68,0.0015,0.9965,0.0033,0.8084,0.0013,0.9071,0.0046
-PyG,TU_COX2,link_pred,True,,,2,6,2,skipsum,max,99,0.5363,0.0068,205129.0,0.8307,0.0128,0.7582,0.0056,0.6751,0.0045,0.9956,0.0045,0.8046,0.0042,0.8974,0.0034
-PyG,TU_COX2,link_pred,True,,,2,6,2,skipsum,mean,99,0.5403,0.0068,205129.0,0.8344,0.0182,0.7523,0.0019,0.6711,0.0023,0.9895,0.0056,0.7998,0.0015,0.8867,0.0019
-PyG,TU_COX2,link_pred,True,,,2,6,3,skipconcat,add,99,0.5205,0.0064,210036.0,0.8437,0.0337,0.761,0.0109,0.678,0.0106,0.9948,0.0022,0.8064,0.0069,0.9087,0.0009
-PyG,TU_COX2,link_pred,True,,,2,6,3,skipconcat,max,99,0.5309,0.0013,210036.0,0.8331,0.0233,0.7559,0.007,0.6732,0.0067,0.9948,0.0029,0.803,0.0043,0.8962,0.0036
-PyG,TU_COX2,link_pred,True,,,2,6,3,skipconcat,mean,99,0.5376,0.0031,210036.0,0.8237,0.0266,0.7523,0.0043,0.6703,0.0043,0.993,0.0027,0.8004,0.0025,0.8852,0.0025
-PyG,TU_COX2,link_pred,True,,,2,6,3,skipsum,add,99,0.5282,0.0042,203841.0,0.7744,0.0317,0.7599,0.0091,0.6765,0.0078,0.9965,0.0027,0.8059,0.0063,0.9072,0.0043
-PyG,TU_COX2,link_pred,True,,,2,6,3,skipsum,max,99,0.537,0.0039,203841.0,0.7932,0.0296,0.7563,0.003,0.6736,0.0014,0.9943,0.0062,0.8032,0.0029,0.892,0.0041
-PyG,TU_COX2,link_pred,True,,,2,6,3,skipsum,mean,99,0.5453,0.0093,203841.0,0.8275,0.0204,0.7491,0.0051,0.6681,0.0039,0.9904,0.0033,0.7979,0.0038,0.8802,0.0076
-PyG,TU_COX2,link_pred,True,,,2,8,2,skipconcat,add,99,0.5293,0.006,206401.0,0.835,0.0437,0.7666,0.007,0.683,0.0065,0.9952,0.0006,0.81,0.0046,0.9039,0.0036
-PyG,TU_COX2,link_pred,True,,,2,8,2,skipconcat,max,99,0.5398,0.0088,206401.0,0.8365,0.0195,0.7631,0.0044,0.6801,0.0036,0.9935,0.0019,0.8075,0.0032,0.8933,0.0045
-PyG,TU_COX2,link_pred,True,,,2,8,2,skipconcat,mean,99,0.5435,0.006,206401.0,0.8088,0.0253,0.7597,0.0028,0.6769,0.0028,0.9939,0.0031,0.8053,0.0017,0.8867,0.003
-PyG,TU_COX2,link_pred,True,,,2,8,2,skipsum,add,99,0.5268,0.0081,205289.0,0.8086,0.0113,0.7601,0.0022,0.6763,0.0023,0.9978,0.0012,0.8062,0.0013,0.9091,0.0055
-PyG,TU_COX2,link_pred,True,,,2,8,2,skipsum,max,99,0.5362,0.0062,205289.0,0.8341,0.0223,0.7543,0.0075,0.6719,0.0076,0.9943,0.0035,0.8019,0.0044,0.8956,0.0057
-PyG,TU_COX2,link_pred,True,,,2,8,2,skipsum,mean,99,0.541,0.0051,205289.0,0.7857,0.023,0.75,0.0032,0.668,0.003,0.9939,0.0006,0.799,0.002,0.8873,0.0046
-PyG,TU_COX2,link_pred,True,,,2,8,3,skipconcat,add,99,0.5252,0.0101,206821.0,0.6898,0.0261,0.7557,0.0132,0.6729,0.0121,0.9961,0.0,0.8031,0.0086,0.9067,0.0058
-PyG,TU_COX2,link_pred,True,,,2,8,3,skipconcat,max,99,0.5373,0.0026,206821.0,0.7884,0.0262,0.7534,0.0084,0.6718,0.0084,0.9913,0.0041,0.8008,0.0049,0.8903,0.0019
-PyG,TU_COX2,link_pred,True,,,2,8,3,skipconcat,mean,99,0.5398,0.0048,206821.0,0.7907,0.0544,0.7491,0.0089,0.6672,0.0088,0.9948,0.0037,0.7986,0.0052,0.8873,0.005
-PyG,TU_COX2,link_pred,True,,,2,8,3,skipsum,add,99,0.5322,0.0073,204289.0,0.6823,0.0052,0.752,0.0037,0.669,0.0033,0.9974,0.0011,0.8009,0.0024,0.9,0.0061
-PyG,TU_COX2,link_pred,True,,,2,8,3,skipsum,max,99,0.54,0.0025,204289.0,0.8003,0.0103,0.7478,0.002,0.6661,0.0021,0.9939,0.0025,0.7976,0.0012,0.8884,0.0059
-PyG,TU_COX2,link_pred,True,,,2,8,3,skipsum,mean,99,0.548,0.0023,204289.0,0.6792,0.0024,0.7486,0.0008,0.6664,0.0004,0.9956,0.0035,0.7984,0.001,0.8768,0.0017
-PyG,TU_DD,link_pred,True,,,1,2,2,skipconcat,add,99,0.535,0.0125,207678.0,1.2233,0.0414,0.7611,0.0027,0.6771,0.0024,0.9983,0.0005,0.8069,0.0018,0.9215,0.0078
-PyG,TU_DD,link_pred,True,,,1,2,2,skipconcat,max,99,0.5095,0.0133,207678.0,1.2233,0.0595,0.7669,0.0013,0.6821,0.0012,1.0,0.0,0.811,0.0009,0.9488,0.0055
-PyG,TU_DD,link_pred,True,,,1,2,2,skipconcat,mean,99,0.5298,0.0139,207678.0,0.9789,0.0014,0.763,0.003,0.6787,0.0028,0.9988,0.0,0.8082,0.002,0.9268,0.009
-PyG,TU_DD,link_pred,True,,,1,2,2,skipsum,add,99,0.5309,0.0045,218893.0,1.2029,0.063,0.7637,0.0009,0.6797,0.0011,0.9972,0.0016,0.8084,0.0005,0.9166,0.0055
-PyG,TU_DD,link_pred,True,,,1,2,2,skipsum,max,99,0.497,0.0019,218893.0,0.9678,0.0119,0.7689,0.001,0.684,0.0009,1.0,0.0,0.8123,0.0006,0.9517,0.0015
-PyG,TU_DD,link_pred,True,,,1,2,2,skipsum,mean,99,0.5267,0.0041,218893.0,1.2268,0.0136,0.7639,0.0024,0.6797,0.0021,0.9985,0.0003,0.8087,0.0016,0.9243,0.0032
-PyG,TU_DD,link_pred,True,,,1,2,3,skipconcat,add,99,0.5362,0.0064,210741.0,1.1963,0.023,0.7529,0.0049,0.6705,0.0041,0.9945,0.0027,0.801,0.0034,0.9066,0.0055
-PyG,TU_DD,link_pred,True,,,1,2,3,skipconcat,max,99,0.5121,0.0052,210741.0,1.2726,0.0115,0.7607,0.0,0.6765,0.0001,0.9994,0.0006,0.8069,0.0001,0.9368,0.0017
-PyG,TU_DD,link_pred,True,,,1,2,3,skipconcat,mean,99,0.5373,0.0079,210741.0,1.2344,0.0202,0.7533,0.0018,0.671,0.0012,0.994,0.0018,0.8011,0.0014,0.9058,0.0079
-PyG,TU_DD,link_pred,True,,,1,2,3,skipsum,add,99,0.539,0.0015,217906.0,1.2293,0.0111,0.7529,0.0019,0.6719,0.0017,0.9883,0.0011,0.8,0.0014,0.8994,0.0033
-PyG,TU_DD,link_pred,True,,,1,2,3,skipsum,max,99,0.5167,0.0065,217906.0,1.1528,0.0444,0.7558,0.0051,0.6728,0.0048,0.9959,0.001,0.8031,0.0033,0.9246,0.004
-PyG,TU_DD,link_pred,True,,,1,2,3,skipsum,mean,99,0.5389,0.0042,217906.0,1.2266,0.0307,0.7522,0.0046,0.6708,0.0036,0.9907,0.0024,0.8,0.0034,0.9007,0.0038
-PyG,TU_DD,link_pred,True,,,1,4,2,skipconcat,add,99,0.523,0.0097,208453.0,1.2051,0.0441,0.7694,0.0056,0.6849,0.0053,0.9982,0.0005,0.8124,0.0036,0.9239,0.0085
-PyG,TU_DD,link_pred,True,,,1,4,2,skipconcat,max,99,0.4891,0.0073,208453.0,1.1673,0.064,0.7749,0.0035,0.6896,0.0033,1.0,0.0,0.8163,0.0023,0.9571,0.0029
-PyG,TU_DD,link_pred,True,,,1,4,2,skipconcat,mean,99,0.5162,0.0067,208453.0,1.1397,0.023,0.7665,0.0023,0.682,0.002,0.9991,0.0005,0.8106,0.0016,0.9377,0.0045
-PyG,TU_DD,link_pred,True,,,1,4,2,skipsum,add,99,0.5333,0.004,215029.0,1.198,0.0399,0.7595,0.0019,0.678,0.0021,0.9886,0.0049,0.8043,0.0015,0.9036,0.004
-PyG,TU_DD,link_pred,True,,,1,4,2,skipsum,max,99,0.4883,0.002,215029.0,0.9935,0.0042,0.7683,0.0048,0.6837,0.0046,0.9987,0.001,0.8117,0.0031,0.9501,0.0016
-PyG,TU_DD,link_pred,True,,,1,4,2,skipsum,mean,99,0.5192,0.0051,215029.0,1.1891,0.0844,0.7638,0.0008,0.6803,0.0012,0.9954,0.0027,0.8082,0.0004,0.9193,0.0058
-PyG,TU_DD,link_pred,True,,,1,4,3,skipconcat,add,99,0.5294,0.0052,210162.0,1.2288,0.0372,0.7604,0.0024,0.6772,0.0021,0.9951,0.0007,0.8059,0.0016,0.9118,0.0047
-PyG,TU_DD,link_pred,True,,,1,4,3,skipconcat,max,99,0.4971,0.0114,210162.0,1.1675,0.0576,0.7654,0.0029,0.6808,0.0026,0.9994,0.0006,0.8099,0.002,0.9442,0.0096
-PyG,TU_DD,link_pred,True,,,1,4,3,skipconcat,mean,99,0.5306,0.0071,210162.0,1.198,0.0283,0.7566,0.0005,0.6738,0.0009,0.9947,0.0018,0.8034,0.0002,0.9124,0.007
-PyG,TU_DD,link_pred,True,,,1,4,3,skipsum,add,99,0.5395,0.001,215041.0,1.0036,0.0099,0.752,0.0056,0.6729,0.0054,0.9811,0.0014,0.7983,0.0034,0.8905,0.0029
-PyG,TU_DD,link_pred,True,,,1,4,3,skipsum,max,99,0.4947,0.0044,215041.0,1.001,0.0144,0.7664,0.0015,0.6821,0.0009,0.9977,0.0019,0.8102,0.0012,0.9395,0.0031
-PyG,TU_DD,link_pred,True,,,1,4,3,skipsum,mean,99,0.5302,0.0087,215041.0,1.1184,0.0244,0.7586,0.0037,0.6775,0.0027,0.9869,0.0057,0.8035,0.0031,0.9014,0.0102
-PyG,TU_DD,link_pred,True,,,1,6,2,skipconcat,add,99,0.5237,0.0056,205124.0,1.164,0.0536,0.7695,0.0044,0.6853,0.0036,0.9965,0.0023,0.8121,0.0032,0.9212,0.0076
-PyG,TU_DD,link_pred,True,,,1,6,2,skipconcat,max,99,0.4901,0.0021,205124.0,1.2065,0.0572,0.7754,0.0046,0.69,0.0044,1.0,0.0,0.8166,0.0031,0.9557,0.0009
-PyG,TU_DD,link_pred,True,,,1,6,2,skipconcat,mean,99,0.518,0.0063,205124.0,1.1755,0.0293,0.7691,0.0022,0.6843,0.0019,0.9992,0.0008,0.8123,0.0015,0.9312,0.0052
-PyG,TU_DD,link_pred,True,,,1,6,2,skipsum,add,99,0.5324,0.0041,213835.0,1.1969,0.0038,0.7569,0.0019,0.6777,0.0014,0.9799,0.0015,0.8012,0.0015,0.8986,0.0029
-PyG,TU_DD,link_pred,True,,,1,6,2,skipsum,max,99,0.4778,0.0021,213835.0,1.0114,0.0069,0.7758,0.0018,0.6911,0.0016,0.9973,0.0009,0.8164,0.0013,0.9504,0.0005
-PyG,TU_DD,link_pred,True,,,1,6,2,skipsum,mean,99,0.5165,0.007,213835.0,1.0252,0.0058,0.7692,0.0025,0.6864,0.0028,0.9913,0.0021,0.8111,0.0013,0.9154,0.0042
-PyG,TU_DD,link_pred,True,,,1,6,3,skipconcat,add,99,0.5242,0.002,210631.0,1.1776,0.0351,0.7644,0.0025,0.6808,0.002,0.9955,0.0011,0.8086,0.0018,0.9168,0.0023
-PyG,TU_DD,link_pred,True,,,1,6,3,skipconcat,max,99,0.4919,0.005,210631.0,1.2076,0.0477,0.7707,0.0013,0.6857,0.0013,0.9995,0.0002,0.8133,0.0008,0.9456,0.0018
-PyG,TU_DD,link_pred,True,,,1,6,3,skipconcat,mean,99,0.5251,0.0033,210631.0,1.0176,0.0136,0.7601,0.0032,0.6768,0.0032,0.9956,0.0012,0.8058,0.0019,0.9165,0.0039
-PyG,TU_DD,link_pred,True,,,1,6,3,skipsum,add,99,0.5426,0.0065,213121.0,1.2213,0.031,0.7465,0.0071,0.6697,0.0051,0.9729,0.0061,0.7933,0.0056,0.8851,0.007
-PyG,TU_DD,link_pred,True,,,1,6,3,skipsum,max,99,0.486,0.0042,213121.0,1.0005,0.0175,0.7721,0.0048,0.6879,0.0044,0.9961,0.0006,0.8138,0.0033,0.9407,0.0007
-PyG,TU_DD,link_pred,True,,,1,6,3,skipsum,mean,99,0.5232,0.0009,213121.0,0.9967,0.011,0.7595,0.0042,0.6787,0.0031,0.9856,0.004,0.8039,0.0032,0.9067,0.0025
-PyG,TU_DD,link_pred,True,,,1,8,2,skipconcat,add,99,0.5275,0.0064,207041.0,1.0853,0.0401,0.7657,0.0024,0.6823,0.0023,0.9943,0.0017,0.8093,0.0016,0.9191,0.0058
-PyG,TU_DD,link_pred,True,,,1,8,2,skipconcat,max,99,0.4816,0.0102,207041.0,1.2132,0.0288,0.7793,0.0035,0.6938,0.0034,1.0,0.0,0.8192,0.0024,0.9574,0.0044
-PyG,TU_DD,link_pred,True,,,1,8,2,skipconcat,mean,99,0.514,0.0061,207041.0,1.2091,0.0362,0.77,0.0014,0.6853,0.0013,0.9987,0.0007,0.8128,0.0009,0.9337,0.0052
-PyG,TU_DD,link_pred,True,,,1,8,2,skipsum,add,99,0.5423,0.0032,211401.0,1.1797,0.0549,0.7503,0.0047,0.673,0.0038,0.9737,0.0041,0.7959,0.0035,0.8886,0.0038
-PyG,TU_DD,link_pred,True,,,1,8,2,skipsum,max,99,0.4852,0.0044,211401.0,1.2225,0.0457,0.7737,0.0055,0.6894,0.0051,0.9966,0.0004,0.815,0.0037,0.9459,0.0032
-PyG,TU_DD,link_pred,True,,,1,8,2,skipsum,mean,99,0.5258,0.0092,211401.0,1.2381,0.0411,0.7594,0.0063,0.6776,0.0052,0.9897,0.0035,0.8045,0.0046,0.9076,0.0093
-PyG,TU_DD,link_pred,True,,,1,8,3,skipconcat,add,99,0.5325,0.003,207496.0,1.1828,0.035,0.7595,0.0024,0.6781,0.0022,0.988,0.0036,0.8042,0.0017,0.9053,0.0061
-PyG,TU_DD,link_pred,True,,,1,8,3,skipconcat,max,99,0.4833,0.0045,207496.0,1.2097,0.036,0.7764,0.0054,0.6911,0.0051,0.9996,0.0006,0.8172,0.0036,0.9524,0.0032
-PyG,TU_DD,link_pred,True,,,1,8,3,skipconcat,mean,99,0.5233,0.0059,207496.0,1.2636,0.0059,0.7623,0.0073,0.6787,0.0064,0.9964,0.0018,0.8074,0.005,0.9191,0.0073
-PyG,TU_DD,link_pred,True,,,1,8,3,skipsum,add,99,0.5463,0.0023,212525.0,0.9704,0.0292,0.7452,0.0002,0.6701,0.0014,0.9659,0.0051,0.7912,0.0007,0.8772,0.0024
-PyG,TU_DD,link_pred,True,,,1,8,3,skipsum,max,99,0.4805,0.0043,212525.0,1.2657,0.01,0.7712,0.0039,0.6869,0.0033,0.9972,0.002,0.8134,0.0029,0.9438,0.0038
-PyG,TU_DD,link_pred,True,,,1,8,3,skipsum,mean,99,0.5223,0.0035,212525.0,1.2573,0.022,0.7606,0.0012,0.6798,0.0015,0.9854,0.0024,0.8046,0.0006,0.9056,0.0016
-PyG,TU_DD,link_pred,True,,,2,2,2,skipconcat,add,99,0.5366,0.0099,208621.0,1.2688,0.0277,0.7591,0.0044,0.6754,0.0035,0.9975,0.0024,0.8055,0.0032,0.9168,0.0074
-PyG,TU_DD,link_pred,True,,,2,2,2,skipconcat,max,99,0.5133,0.0058,208621.0,1.2456,0.0158,0.7645,0.0045,0.6799,0.004,0.9996,0.0006,0.8093,0.003,0.9417,0.0027
-PyG,TU_DD,link_pred,True,,,2,2,2,skipconcat,mean,99,0.5341,0.0082,208621.0,1.2223,0.0106,0.7619,0.003,0.6778,0.0027,0.9986,0.0006,0.8075,0.002,0.9193,0.0061
-PyG,TU_DD,link_pred,True,,,2,2,2,skipsum,add,99,0.5325,0.0032,217906.0,1.1778,0.0717,0.7591,0.001,0.6759,0.0008,0.9959,0.0006,0.8053,0.0008,0.9136,0.0042
-PyG,TU_DD,link_pred,True,,,2,2,2,skipsum,max,99,0.5024,0.005,217906.0,1.225,0.0199,0.764,0.0015,0.6794,0.0014,0.9997,0.0002,0.809,0.001,0.9456,0.0026
-PyG,TU_DD,link_pred,True,,,2,2,2,skipsum,mean,99,0.5277,0.0036,217906.0,1.1568,0.0727,0.7633,0.0029,0.6792,0.0027,0.9981,0.0005,0.8083,0.0019,0.9192,0.0037
-PyG,TU_DD,link_pred,True,,,2,2,3,skipconcat,add,99,0.5443,0.0011,207361.0,0.9793,0.0033,0.75,0.0004,0.6684,0.0005,0.9924,0.0035,0.7988,0.0008,0.9002,0.005
-PyG,TU_DD,link_pred,True,,,2,2,3,skipconcat,max,99,0.5251,0.0063,207361.0,1.2272,0.0316,0.7545,0.0036,0.6713,0.0031,0.9972,0.0019,0.8024,0.0026,0.9238,0.0078
-PyG,TU_DD,link_pred,True,,,2,2,3,skipconcat,mean,99,0.5444,0.0029,207361.0,1.1725,0.0766,0.7501,0.0027,0.6686,0.002,0.9916,0.0026,0.7987,0.0021,0.899,0.0051
-PyG,TU_DD,link_pred,True,,,2,2,3,skipsum,add,99,0.531,0.009,215029.0,1.2569,0.0313,0.7584,0.0035,0.6761,0.0024,0.9923,0.0033,0.8042,0.0028,0.9062,0.0103
-PyG,TU_DD,link_pred,True,,,2,2,3,skipsum,max,99,0.5094,0.0066,215029.0,0.9848,0.016,0.7575,0.0014,0.6739,0.0013,0.9979,0.0013,0.8045,0.0009,0.9342,0.0056
-PyG,TU_DD,link_pred,True,,,2,2,3,skipsum,mean,99,0.5308,0.0055,215029.0,1.2219,0.036,0.7579,0.0029,0.6749,0.0023,0.9953,0.0014,0.8043,0.002,0.9089,0.0064
-PyG,TU_DD,link_pred,True,,,2,4,2,skipconcat,add,99,0.5273,0.0108,204802.0,1.1572,0.0481,0.7651,0.0026,0.6811,0.0023,0.9973,0.0009,0.8094,0.0018,0.9224,0.0107
-PyG,TU_DD,link_pred,True,,,2,4,2,skipconcat,max,99,0.4955,0.0111,204802.0,1.2078,0.0424,0.7707,0.0038,0.6857,0.0035,0.9999,0.0002,0.8135,0.0026,0.9539,0.0061
-PyG,TU_DD,link_pred,True,,,2,4,2,skipconcat,mean,99,0.5257,0.0117,204802.0,1.2118,0.0395,0.7638,0.0033,0.6796,0.0027,0.9978,0.0014,0.8085,0.0023,0.9242,0.0099
-PyG,TU_DD,link_pred,True,,,2,4,2,skipsum,add,99,0.5352,0.0069,215041.0,1.1609,0.0369,0.7567,0.0041,0.6757,0.0033,0.9871,0.0019,0.8022,0.003,0.9002,0.0068
-PyG,TU_DD,link_pred,True,,,2,4,2,skipsum,max,99,0.4882,0.0021,215041.0,1.13,0.0207,0.7716,0.0026,0.6867,0.0024,0.9991,0.0008,0.8139,0.0017,0.9494,0.0015
-PyG,TU_DD,link_pred,True,,,2,4,2,skipsum,mean,99,0.5259,0.0065,215041.0,1.0976,0.0515,0.7598,0.005,0.6772,0.0042,0.9931,0.0015,0.8052,0.0035,0.9128,0.0051
-PyG,TU_DD,link_pred,True,,,2,4,3,skipconcat,add,99,0.5416,0.0093,204193.0,1.0942,0.065,0.7526,0.005,0.6714,0.0039,0.9892,0.006,0.7999,0.0038,0.8971,0.0119
-PyG,TU_DD,link_pred,True,,,2,4,3,skipconcat,max,99,0.5024,0.006,204193.0,1.1789,0.0199,0.7664,0.0015,0.6817,0.0014,0.9996,0.0003,0.8106,0.001,0.9397,0.0038
-PyG,TU_DD,link_pred,True,,,2,4,3,skipconcat,mean,99,0.537,0.006,204193.0,1.0377,0.0118,0.7529,0.0032,0.6712,0.0025,0.9915,0.0038,0.8005,0.0025,0.9041,0.0083
-PyG,TU_DD,link_pred,True,,,2,4,3,skipsum,add,99,0.5291,0.0041,213835.0,1.1713,0.0135,0.7532,0.0031,0.6734,0.0015,0.9837,0.0063,0.7995,0.003,0.9003,0.0079
-PyG,TU_DD,link_pred,True,,,2,4,3,skipsum,max,99,0.484,0.0013,213835.0,1.1395,0.0778,0.7696,0.0021,0.6851,0.0018,0.9978,0.001,0.8124,0.0015,0.9454,0.0007
-PyG,TU_DD,link_pred,True,,,2,4,3,skipsum,mean,99,0.5177,0.0038,213835.0,1.0059,0.0171,0.7616,0.0026,0.6786,0.0028,0.9941,0.0026,0.8066,0.0014,0.9155,0.0053
-PyG,TU_DD,link_pred,True,,,2,6,2,skipconcat,add,99,0.5267,0.0036,206887.0,1.0367,0.0383,0.7658,0.0045,0.6817,0.0045,0.9974,0.001,0.8098,0.0028,0.9231,0.0057
-PyG,TU_DD,link_pred,True,,,2,6,2,skipconcat,max,99,0.4962,0.0141,206887.0,1.1487,0.0395,0.7737,0.0044,0.6884,0.0042,1.0,0.0,0.8154,0.0029,0.9505,0.0077
-PyG,TU_DD,link_pred,True,,,2,6,2,skipconcat,mean,99,0.5201,0.0082,206887.0,1.0273,0.01,0.7674,0.0011,0.6826,0.0009,0.9996,0.0003,0.8112,0.0008,0.9325,0.008
-PyG,TU_DD,link_pred,True,,,2,6,2,skipsum,add,99,0.5343,0.0036,213121.0,1.0211,0.014,0.7557,0.0023,0.6758,0.0022,0.9831,0.0022,0.801,0.0016,0.899,0.0032
-PyG,TU_DD,link_pred,True,,,2,6,2,skipsum,max,99,0.4803,0.0031,213121.0,1.0166,0.0031,0.7727,0.0037,0.6881,0.0036,0.9978,0.0008,0.8145,0.0024,0.9498,0.0012
-PyG,TU_DD,link_pred,True,,,2,6,2,skipsum,mean,99,0.524,0.0055,213121.0,1.1214,0.0587,0.763,0.0045,0.6808,0.0044,0.9904,0.0015,0.8069,0.0028,0.9088,0.0034
-PyG,TU_DD,link_pred,True,,,2,6,3,skipconcat,add,99,0.5317,0.0034,211926.0,1.1899,0.0162,0.7597,0.0026,0.6771,0.0024,0.9929,0.0021,0.8051,0.0019,0.9095,0.0042
-PyG,TU_DD,link_pred,True,,,2,6,3,skipconcat,max,99,0.492,0.0038,211926.0,1.1616,0.0227,0.7699,0.0025,0.6849,0.0023,0.9997,0.0004,0.8129,0.0017,0.9461,0.0041
-PyG,TU_DD,link_pred,True,,,2,6,3,skipconcat,mean,99,0.5281,0.0043,211926.0,1.0994,0.0438,0.7596,0.0028,0.6765,0.0024,0.9951,0.0008,0.8055,0.002,0.9133,0.0063
-PyG,TU_DD,link_pred,True,,,2,6,3,skipsum,add,99,0.5357,0.0009,211401.0,1.0126,0.0145,0.7523,0.0023,0.6733,0.0024,0.9803,0.0027,0.7983,0.0014,0.8939,0.0017
-PyG,TU_DD,link_pred,True,,,2,6,3,skipsum,max,99,0.4862,0.0028,211401.0,1.151,0.0188,0.7701,0.0048,0.6857,0.0046,0.9973,0.0003,0.8127,0.0032,0.9433,0.001
-PyG,TU_DD,link_pred,True,,,2,6,3,skipsum,mean,99,0.522,0.0032,211401.0,1.0257,0.0057,0.7592,0.0042,0.6774,0.0035,0.9901,0.002,0.8044,0.0031,0.9104,0.0033
-PyG,TU_DD,link_pred,True,,,2,8,2,skipconcat,add,99,0.5323,0.0085,208129.0,1.131,0.0346,0.7653,0.0063,0.6815,0.0056,0.9964,0.0014,0.8094,0.0043,0.9146,0.007
-PyG,TU_DD,link_pred,True,,,2,8,2,skipconcat,max,99,0.4948,0.0047,208129.0,1.1552,0.0268,0.7755,0.0037,0.6901,0.0035,1.0,0.0,0.8166,0.0025,0.9511,0.0029
-PyG,TU_DD,link_pred,True,,,2,8,2,skipconcat,mean,99,0.5255,0.0078,208129.0,1.1059,0.0588,0.7653,0.0036,0.6811,0.0029,0.9977,0.0022,0.8096,0.0027,0.9248,0.009
-PyG,TU_DD,link_pred,True,,,2,8,2,skipsum,add,99,0.5456,0.0082,212525.0,1.0256,0.0103,0.7476,0.0058,0.6702,0.0044,0.9748,0.004,0.7943,0.0044,0.8843,0.0074
-PyG,TU_DD,link_pred,True,,,2,8,2,skipsum,max,99,0.4829,0.0042,212525.0,1.1261,0.038,0.7734,0.0022,0.6884,0.0019,0.9991,0.001,0.8151,0.0016,0.948,0.0033
-PyG,TU_DD,link_pred,True,,,2,8,2,skipsum,mean,99,0.5283,0.0069,212525.0,1.0866,0.0037,0.7561,0.0052,0.6762,0.0041,0.983,0.0057,0.8012,0.0041,0.902,0.0072
-PyG,TU_DD,link_pred,True,,,2,8,3,skipconcat,add,99,0.5283,0.0043,208279.0,1.1395,0.0588,0.7601,0.0019,0.678,0.0018,0.9909,0.0037,0.8051,0.0014,0.9108,0.0072
-PyG,TU_DD,link_pred,True,,,2,8,3,skipconcat,max,99,0.479,0.0035,208279.0,1.0111,0.022,0.7776,0.0026,0.6922,0.0024,0.9999,0.0002,0.8181,0.0018,0.9527,0.002
-PyG,TU_DD,link_pred,True,,,2,8,3,skipconcat,mean,99,0.5195,0.0064,208279.0,1.1775,0.0078,0.7664,0.0024,0.683,0.0028,0.9942,0.0026,0.8097,0.0012,0.9168,0.0097
-PyG,TU_DD,link_pred,True,,,2,8,3,skipsum,add,99,0.5448,0.0038,211201.0,1.1669,0.0111,0.7421,0.0072,0.6671,0.0062,0.9667,0.0035,0.7894,0.005,0.8781,0.004
-PyG,TU_DD,link_pred,True,,,2,8,3,skipsum,max,99,0.4785,0.0081,211201.0,1.1105,0.0155,0.7729,0.0053,0.6884,0.0046,0.9973,0.0022,0.8146,0.0038,0.9453,0.0054
-PyG,TU_DD,link_pred,True,,,2,8,3,skipsum,mean,99,0.5221,0.0029,211201.0,1.0119,0.0119,0.7619,0.0025,0.6808,0.0027,0.9865,0.0021,0.8056,0.0016,0.9039,0.0024
-PyG,TU_ENZYMES,link_pred,True,,,1,2,2,skipconcat,add,99,0.6585,0.0039,199336.0,0.995,0.029,0.6529,0.0027,0.6085,0.0023,0.8575,0.0023,0.7119,0.0019,0.7057,0.0038
-PyG,TU_ENZYMES,link_pred,True,,,1,2,2,skipconcat,max,99,0.6689,0.0024,199336.0,0.89,0.0106,0.6148,0.0096,0.5818,0.0055,0.8151,0.0212,0.679,0.011,0.6554,0.0063
-PyG,TU_ENZYMES,link_pred,True,,,1,2,2,skipconcat,mean,99,0.6697,0.0007,199336.0,0.9577,0.0134,0.6165,0.003,0.585,0.0031,0.802,0.0044,0.6765,0.0006,0.6564,0.0027
-PyG,TU_ENZYMES,link_pred,True,,,1,2,2,skipsum,add,99,0.6528,0.002,199801.0,0.9499,0.0291,0.6555,0.0083,0.6088,0.006,0.8706,0.0071,0.7165,0.0065,0.7124,0.0073
-PyG,TU_ENZYMES,link_pred,True,,,1,2,2,skipsum,max,99,0.6708,0.0042,199801.0,0.9199,0.0151,0.6206,0.0009,0.5872,0.0015,0.8119,0.0145,0.6814,0.0042,0.6552,0.0049
-PyG,TU_ENZYMES,link_pred,True,,,1,2,2,skipsum,mean,99,0.6671,0.0043,199801.0,0.8837,0.0128,0.6238,0.0079,0.5909,0.0079,0.8061,0.0091,0.6818,0.0028,0.6618,0.0107
-PyG,TU_ENZYMES,link_pred,True,,,1,2,3,skipconcat,add,99,0.6545,0.0006,203689.0,0.9984,0.0221,0.6478,0.002,0.6054,0.0024,0.8493,0.0132,0.7069,0.0035,0.7025,0.003
-PyG,TU_ENZYMES,link_pred,True,,,1,2,3,skipconcat,max,99,0.6687,0.0023,203689.0,0.896,0.0282,0.6111,0.0056,0.5787,0.0028,0.8165,0.0201,0.6772,0.0082,0.6481,0.0063
-PyG,TU_ENZYMES,link_pred,True,,,1,2,3,skipconcat,mean,99,0.6693,0.0006,203689.0,0.8836,0.0096,0.6113,0.0035,0.5797,0.0021,0.8099,0.0077,0.6757,0.004,0.6484,0.0013
-PyG,TU_ENZYMES,link_pred,True,,,1,2,3,skipsum,add,99,0.6524,0.0033,200792.0,0.8771,0.0084,0.6527,0.0095,0.6081,0.0062,0.8583,0.0135,0.7119,0.0088,0.7123,0.0102
-PyG,TU_ENZYMES,link_pred,True,,,1,2,3,skipsum,max,99,0.6677,0.0042,200792.0,0.961,0.0102,0.6193,0.0102,0.5855,0.0071,0.8173,0.0144,0.6822,0.0092,0.6591,0.0118
-PyG,TU_ENZYMES,link_pred,True,,,1,2,3,skipsum,mean,99,0.6682,0.0028,200792.0,0.97,0.0123,0.617,0.0034,0.5848,0.0018,0.8067,0.0143,0.678,0.0056,0.6543,0.0043
-PyG,TU_ENZYMES,link_pred,True,,,1,4,2,skipconcat,add,99,0.6486,0.0034,203465.0,0.9298,0.0504,0.6729,0.0076,0.62,0.0057,0.8937,0.0054,0.7321,0.0057,0.7409,0.0051
-PyG,TU_ENZYMES,link_pred,True,,,1,4,2,skipconcat,max,99,0.6588,0.0053,203465.0,0.8803,0.0139,0.6557,0.0031,0.6106,0.0028,0.8597,0.0092,0.714,0.0031,0.7055,0.0082
-PyG,TU_ENZYMES,link_pred,True,,,1,4,2,skipconcat,mean,99,0.6662,0.0031,203465.0,0.9509,0.0152,0.6341,0.0074,0.5974,0.0044,0.8219,0.0149,0.6918,0.0081,0.6755,0.0085
-PyG,TU_ENZYMES,link_pred,True,,,1,4,2,skipsum,add,99,0.6492,0.0007,199463.0,0.9691,0.0331,0.6624,0.0037,0.6111,0.0016,0.8937,0.0095,0.7258,0.0043,0.7261,0.0035
-PyG,TU_ENZYMES,link_pred,True,,,1,4,2,skipsum,max,99,0.6531,0.0035,199463.0,0.8679,0.0068,0.654,0.0027,0.6075,0.0018,0.8703,0.0078,0.7155,0.0032,0.7135,0.0074
-PyG,TU_ENZYMES,link_pred,True,,,1,4,2,skipsum,mean,99,0.66,0.0023,199463.0,0.9483,0.0329,0.6366,0.0024,0.5961,0.0024,0.8472,0.0086,0.6998,0.0024,0.6859,0.0044
-PyG,TU_ENZYMES,link_pred,True,,,1,4,3,skipconcat,add,99,0.6502,0.0015,205948.0,0.9652,0.022,0.6559,0.0111,0.6089,0.0071,0.8717,0.0157,0.7169,0.0102,0.7198,0.0096
-PyG,TU_ENZYMES,link_pred,True,,,1,4,3,skipconcat,max,99,0.6614,0.0019,205948.0,0.9954,0.0069,0.6329,0.0046,0.594,0.0051,0.8404,0.0151,0.696,0.0036,0.6826,0.0027
-PyG,TU_ENZYMES,link_pred,True,,,1,4,3,skipconcat,mean,99,0.6669,0.0017,205948.0,1.039,0.0076,0.6194,0.0084,0.5855,0.008,0.8195,0.0097,0.6829,0.0033,0.6613,0.0071
-PyG,TU_ENZYMES,link_pred,True,,,1,4,3,skipsum,add,99,0.6444,0.0018,200593.0,0.9973,0.0315,0.6602,0.0064,0.6106,0.0041,0.8847,0.0086,0.7225,0.0058,0.7307,0.0045
-PyG,TU_ENZYMES,link_pred,True,,,1,4,3,skipsum,max,99,0.655,0.0024,200593.0,0.892,0.0073,0.6458,0.0043,0.6017,0.0038,0.863,0.0024,0.709,0.0023,0.7034,0.0041
-PyG,TU_ENZYMES,link_pred,True,,,1,4,3,skipsum,mean,99,0.6617,0.0012,200593.0,1.0286,0.0062,0.6341,0.005,0.5959,0.0051,0.8344,0.0074,0.6952,0.0018,0.6795,0.0005
-PyG,TU_ENZYMES,link_pred,True,,,1,6,2,skipconcat,add,99,0.6431,0.0062,201598.0,1.0233,0.0063,0.6747,0.004,0.6219,0.0011,0.891,0.015,0.7325,0.0057,0.7476,0.0149
-PyG,TU_ENZYMES,link_pred,True,,,1,6,2,skipconcat,max,99,0.649,0.0062,201598.0,0.9535,0.0384,0.6746,0.009,0.6218,0.0056,0.8912,0.0147,0.7325,0.0084,0.7365,0.0106
-PyG,TU_ENZYMES,link_pred,True,,,1,6,2,skipconcat,mean,99,0.6645,0.0063,201598.0,1.0257,0.0343,0.6361,0.0117,0.5976,0.008,0.8336,0.0216,0.696,0.0115,0.6819,0.0168
-PyG,TU_ENZYMES,link_pred,True,,,1,6,2,skipsum,add,99,0.6386,0.0089,200333.0,0.8688,0.0048,0.6669,0.0089,0.6164,0.0067,0.8842,0.0081,0.7263,0.0067,0.742,0.013
-PyG,TU_ENZYMES,link_pred,True,,,1,6,2,skipsum,max,99,0.6414,0.0043,200333.0,0.8916,0.0102,0.6729,0.0091,0.6192,0.0066,0.898,0.0084,0.733,0.0071,0.7428,0.0113
-PyG,TU_ENZYMES,link_pred,True,,,1,6,2,skipsum,mean,99,0.6537,0.0019,200333.0,1.0412,0.0475,0.6465,0.0053,0.6028,0.0037,0.8594,0.0117,0.7085,0.0052,0.7018,0.0048
-PyG,TU_ENZYMES,link_pred,True,,,1,6,3,skipconcat,add,99,0.6429,0.0045,207621.0,1.2275,0.3269,0.6666,0.0062,0.6161,0.0037,0.8839,0.0104,0.7261,0.0061,0.7379,0.0099
-PyG,TU_ENZYMES,link_pred,True,,,1,6,3,skipconcat,max,99,0.6527,0.0063,207621.0,1.1904,0.2602,0.653,0.003,0.6082,0.0027,0.8602,0.0034,0.7126,0.0018,0.7114,0.0121
-PyG,TU_ENZYMES,link_pred,True,,,1,6,3,skipconcat,mean,99,0.6638,0.0017,207621.0,1.1076,0.1134,0.6275,0.006,0.5917,0.0045,0.8227,0.0047,0.6883,0.0046,0.6763,0.0017
-PyG,TU_ENZYMES,link_pred,True,,,1,6,3,skipsum,add,99,0.6397,0.005,200393.0,1.1358,0.1361,0.666,0.0112,0.6153,0.0087,0.8861,0.0091,0.7263,0.0083,0.7398,0.0105
-PyG,TU_ENZYMES,link_pred,True,,,1,6,3,skipsum,max,99,0.6428,0.0052,200393.0,0.9103,0.0226,0.6691,0.0025,0.6153,0.0021,0.9026,0.0004,0.7318,0.0015,0.7382,0.0116
-PyG,TU_ENZYMES,link_pred,True,,,1,6,3,skipsum,mean,99,0.6563,0.0034,200393.0,0.8935,0.0234,0.6361,0.0054,0.5955,0.0046,0.8494,0.0073,0.7001,0.0038,0.6933,0.0097
-PyG,TU_ENZYMES,link_pred,True,,,1,8,2,skipconcat,add,99,0.64,0.0033,204289.0,1.3473,0.4112,0.6821,0.0077,0.6259,0.0063,0.9059,0.0027,0.7403,0.0051,0.7548,0.0063
-PyG,TU_ENZYMES,link_pred,True,,,1,8,2,skipconcat,max,99,0.6401,0.002,204289.0,0.9413,0.0488,0.6802,0.0049,0.6257,0.0047,0.8975,0.008,0.7373,0.0031,0.7519,0.0025
-PyG,TU_ENZYMES,link_pred,True,,,1,8,2,skipconcat,mean,99,0.657,0.0033,204289.0,1.2271,0.1697,0.6479,0.0087,0.6055,0.0066,0.8494,0.0063,0.707,0.0066,0.6982,0.0102
-PyG,TU_ENZYMES,link_pred,True,,,1,8,2,skipsum,add,99,0.643,0.0034,199361.0,1.1562,0.1443,0.6748,0.0078,0.6205,0.0057,0.8997,0.0101,0.7344,0.0063,0.7415,0.0068
-PyG,TU_ENZYMES,link_pred,True,,,1,8,2,skipsum,max,99,0.6326,0.0075,199361.0,1.4556,0.2641,0.6838,0.0049,0.6254,0.004,0.9162,0.0025,0.7434,0.0033,0.7652,0.0103
-PyG,TU_ENZYMES,link_pred,True,,,1,8,2,skipsum,mean,99,0.6584,0.0044,199361.0,1.2893,0.1924,0.6428,0.0052,0.6012,0.0041,0.8486,0.0097,0.7038,0.0046,0.6911,0.0114
-PyG,TU_ENZYMES,link_pred,True,,,1,8,3,skipconcat,add,99,0.6457,0.002,205174.0,1.2584,0.2318,0.6572,0.0077,0.6083,0.0063,0.8836,0.001,0.7205,0.0048,0.729,0.004
-PyG,TU_ENZYMES,link_pred,True,,,1,8,3,skipconcat,max,99,0.6551,0.0014,205174.0,1.1157,0.0718,0.6425,0.005,0.6005,0.0045,0.8518,0.006,0.7044,0.0029,0.701,0.0013
-PyG,TU_ENZYMES,link_pred,True,,,1,8,3,skipconcat,mean,99,0.6647,0.0009,205174.0,1.4356,0.3729,0.6265,0.0036,0.5899,0.0029,0.8303,0.0047,0.6897,0.0028,0.6697,0.0009
-PyG,TU_ENZYMES,link_pred,True,,,1,8,3,skipsum,add,99,0.6462,0.0007,201001.0,1.5228,0.2488,0.6581,0.0028,0.6081,0.0012,0.8896,0.0077,0.7224,0.0034,0.7265,0.0021
-PyG,TU_ENZYMES,link_pred,True,,,1,8,3,skipsum,max,99,0.639,0.0021,201001.0,1.4807,0.1137,0.672,0.0117,0.6162,0.009,0.9127,0.0057,0.7356,0.0081,0.7456,0.0071
-PyG,TU_ENZYMES,link_pred,True,,,1,8,3,skipsum,mean,99,0.6607,0.0027,201001.0,1.4818,0.0639,0.6374,0.0068,0.5961,0.0049,0.8529,0.008,0.7017,0.0055,0.6818,0.0067
-PyG,TU_ENZYMES,link_pred,True,,,2,2,2,skipconcat,add,99,0.6558,0.0027,200451.0,1.2529,0.0369,0.6574,0.007,0.6113,0.0042,0.8643,0.012,0.7161,0.0069,0.7157,0.0009
-PyG,TU_ENZYMES,link_pred,True,,,2,2,2,skipconcat,max,99,0.6699,0.004,200451.0,1.4755,0.16,0.6215,0.0082,0.5878,0.0046,0.8124,0.0196,0.6821,0.0098,0.6579,0.0073
-PyG,TU_ENZYMES,link_pred,True,,,2,2,2,skipconcat,mean,99,0.6696,0.0025,200451.0,1.2087,0.0323,0.6249,0.0025,0.5924,0.0026,0.8012,0.006,0.6811,0.0018,0.6612,0.0013
-PyG,TU_ENZYMES,link_pred,True,,,2,2,2,skipsum,add,99,0.652,0.0044,200792.0,1.2745,0.1707,0.6586,0.0048,0.6124,0.0022,0.8643,0.0167,0.7168,0.0066,0.7212,0.0103
-PyG,TU_ENZYMES,link_pred,True,,,2,2,2,skipsum,max,99,0.6688,0.0042,200792.0,1.3319,0.0859,0.6224,0.0121,0.5878,0.0088,0.8203,0.0112,0.6848,0.0097,0.6636,0.0121
-PyG,TU_ENZYMES,link_pred,True,,,2,2,2,skipsum,mean,99,0.6678,0.0029,200792.0,1.3846,0.2095,0.6219,0.0027,0.5883,0.002,0.8127,0.0063,0.6825,0.0028,0.6621,0.0039
-PyG,TU_ENZYMES,link_pred,True,,,2,2,3,skipconcat,add,99,0.6542,0.0034,200481.0,1.082,0.0592,0.6487,0.0047,0.6047,0.0039,0.8586,0.0034,0.7096,0.003,0.7075,0.0066
-PyG,TU_ENZYMES,link_pred,True,,,2,2,3,skipconcat,max,99,0.669,0.001,200481.0,1.3662,0.0815,0.6133,0.0047,0.581,0.0031,0.8127,0.0259,0.6774,0.0088,0.6515,0.0017
-PyG,TU_ENZYMES,link_pred,True,,,2,2,3,skipconcat,mean,99,0.6689,0.0019,200481.0,1.2625,0.0626,0.615,0.0048,0.5839,0.006,0.8021,0.0147,0.6756,0.0013,0.6512,0.0075
-PyG,TU_ENZYMES,link_pred,True,,,2,2,3,skipsum,add,99,0.6475,0.0021,199463.0,1.3592,0.0939,0.6544,0.0084,0.6089,0.0061,0.863,0.0087,0.714,0.0069,0.7168,0.0059
-PyG,TU_ENZYMES,link_pred,True,,,2,2,3,skipsum,max,99,0.6666,0.0035,199463.0,1.2204,0.119,0.611,0.0113,0.5793,0.0075,0.81,0.0157,0.6755,0.0106,0.6579,0.0096
-PyG,TU_ENZYMES,link_pred,True,,,2,2,3,skipsum,mean,99,0.6659,0.0018,199463.0,1.4299,0.1392,0.6149,0.004,0.5846,0.0037,0.7945,0.017,0.6734,0.0056,0.6561,0.0042
-PyG,TU_ENZYMES,link_pred,True,,,2,4,2,skipconcat,add,99,0.65,0.0024,199900.0,1.0993,0.1426,0.6661,0.0083,0.6154,0.0059,0.8853,0.0074,0.7261,0.0066,0.7297,0.0094
-PyG,TU_ENZYMES,link_pred,True,,,2,4,2,skipconcat,max,99,0.6527,0.0039,199900.0,1.1643,0.0343,0.6624,0.0076,0.6144,0.0035,0.8725,0.019,0.721,0.0089,0.7174,0.0124
-PyG,TU_ENZYMES,link_pred,True,,,2,4,2,skipconcat,mean,99,0.6638,0.0021,199900.0,1.1107,0.0935,0.6314,0.0049,0.5948,0.0045,0.8249,0.0023,0.6912,0.0022,0.6782,0.01
-PyG,TU_ENZYMES,link_pred,True,,,2,4,2,skipsum,add,99,0.6461,0.0026,200593.0,1.2289,0.1585,0.6653,0.0129,0.6144,0.0087,0.8874,0.0147,0.7261,0.0109,0.7295,0.0113
-PyG,TU_ENZYMES,link_pred,True,,,2,4,2,skipsum,max,99,0.6519,0.0022,200593.0,1.2244,0.1127,0.6642,0.0028,0.6145,0.0021,0.8809,0.0078,0.724,0.0029,0.7193,0.0037
-PyG,TU_ENZYMES,link_pred,True,,,2,4,2,skipsum,mean,99,0.6611,0.001,200593.0,1.1714,0.0711,0.6388,0.0035,0.5988,0.0021,0.8412,0.0159,0.6996,0.0056,0.686,0.0067
-PyG,TU_ENZYMES,link_pred,True,,,2,4,3,skipconcat,add,99,0.6471,0.0069,200065.0,1.1996,0.0811,0.6611,0.0088,0.6129,0.0074,0.8755,0.0095,0.721,0.006,0.7296,0.0143
-PyG,TU_ENZYMES,link_pred,True,,,2,4,3,skipconcat,max,99,0.6608,0.0065,200065.0,1.1814,0.0202,0.6426,0.0033,0.6016,0.004,0.845,0.0136,0.7027,0.0033,0.6882,0.0092
-PyG,TU_ENZYMES,link_pred,True,,,2,4,3,skipconcat,mean,99,0.6644,0.0077,200065.0,1.2477,0.0613,0.6285,0.0083,0.5934,0.006,0.8165,0.009,0.6873,0.0071,0.6745,0.0175
-PyG,TU_ENZYMES,link_pred,True,,,2,4,3,skipsum,add,99,0.6448,0.0037,200333.0,1.1458,0.0195,0.6536,0.0065,0.6072,0.0039,0.8692,0.0111,0.715,0.0064,0.726,0.0077
-PyG,TU_ENZYMES,link_pred,True,,,2,4,3,skipsum,max,99,0.6519,0.0057,200333.0,1.1654,0.0792,0.6496,0.0046,0.6035,0.0028,0.8722,0.0074,0.7134,0.0044,0.7092,0.008
-PyG,TU_ENZYMES,link_pred,True,,,2,4,3,skipsum,mean,99,0.6618,0.0032,200333.0,1.1148,0.0798,0.6276,0.0028,0.5912,0.0027,0.8271,0.0024,0.6895,0.001,0.6764,0.0038
-PyG,TU_ENZYMES,link_pred,True,,,2,6,2,skipconcat,add,99,0.6427,0.0006,203361.0,1.379,0.1028,0.6761,0.0047,0.6216,0.0032,0.9002,0.005,0.7354,0.0039,0.7479,0.0034
-PyG,TU_ENZYMES,link_pred,True,,,2,6,2,skipconcat,max,99,0.6469,0.0023,203361.0,1.1624,0.0764,0.6741,0.0009,0.6204,0.0012,0.8972,0.0101,0.7335,0.0026,0.739,0.0064
-PyG,TU_ENZYMES,link_pred,True,,,2,6,2,skipconcat,mean,99,0.6632,0.0014,203361.0,1.3491,0.1208,0.6396,0.004,0.6011,0.0031,0.8301,0.0027,0.6972,0.003,0.688,0.0023
-PyG,TU_ENZYMES,link_pred,True,,,2,6,2,skipsum,add,99,0.6412,0.0009,200393.0,1.1841,0.0226,0.6619,0.0022,0.6121,0.0019,0.8836,0.0028,0.7232,0.0015,0.7374,0.0035
-PyG,TU_ENZYMES,link_pred,True,,,2,6,2,skipsum,max,99,0.6394,0.008,200393.0,1.3888,0.0859,0.6687,0.0083,0.6151,0.0058,0.9016,0.0124,0.7313,0.007,0.7483,0.0158
-PyG,TU_ENZYMES,link_pred,True,,,2,6,2,skipsum,mean,99,0.6547,0.0042,200393.0,1.0563,0.0997,0.6413,0.004,0.6,0.0028,0.8472,0.0099,0.7025,0.0043,0.6994,0.0121
-PyG,TU_ENZYMES,link_pred,True,,,2,6,3,skipconcat,add,99,0.6412,0.006,208916.0,1.1278,0.0246,0.6695,0.0079,0.6176,0.0058,0.8907,0.0059,0.7294,0.0061,0.7417,0.0126
-PyG,TU_ENZYMES,link_pred,True,,,2,6,3,skipconcat,max,99,0.6514,0.0031,208916.0,1.2876,0.0454,0.6518,0.001,0.607,0.002,0.8616,0.0108,0.7122,0.0025,0.7109,0.0046
-PyG,TU_ENZYMES,link_pred,True,,,2,6,3,skipconcat,mean,99,0.6596,0.0009,208916.0,1.272,0.0941,0.6319,0.0052,0.5937,0.0034,0.8352,0.0071,0.6941,0.0048,0.6818,0.0068
-PyG,TU_ENZYMES,link_pred,True,,,2,6,3,skipsum,add,99,0.6384,0.0112,199361.0,1.14,0.0958,0.6659,0.021,0.6136,0.0142,0.8956,0.0222,0.7283,0.0173,0.7424,0.0233
-PyG,TU_ENZYMES,link_pred,True,,,2,6,3,skipsum,max,99,0.6443,0.0042,199361.0,1.2662,0.049,0.6561,0.0071,0.6062,0.0058,0.8912,0.001,0.7216,0.0041,0.7266,0.0113
-PyG,TU_ENZYMES,link_pred,True,,,2,6,3,skipsum,mean,99,0.6573,0.0017,199361.0,1.3276,0.0768,0.6361,0.0033,0.5951,0.0028,0.8516,0.0018,0.7006,0.0018,0.6871,0.0028
-PyG,TU_ENZYMES,link_pred,True,,,2,8,2,skipconcat,add,99,0.6441,0.0044,205377.0,1.2225,0.1226,0.677,0.0056,0.6231,0.0043,0.8959,0.0052,0.735,0.0041,0.7464,0.0067
-PyG,TU_ENZYMES,link_pred,True,,,2,8,2,skipconcat,max,99,0.6436,0.0037,205377.0,1.2643,0.1274,0.6751,0.0012,0.6212,0.0011,0.8978,0.0128,0.7342,0.0035,0.7501,0.0033
-PyG,TU_ENZYMES,link_pred,True,,,2,8,2,skipconcat,mean,99,0.6619,0.0031,205377.0,1.0756,0.0499,0.6441,0.0037,0.6053,0.0019,0.8282,0.0096,0.6994,0.0046,0.6919,0.0049
-PyG,TU_ENZYMES,link_pred,True,,,2,8,2,skipsum,add,99,0.6428,0.0008,201001.0,1.1702,0.0776,0.6628,0.0006,0.6113,0.0008,0.8942,0.0021,0.7262,0.0003,0.7372,0.0015
-PyG,TU_ENZYMES,link_pred,True,,,2,8,2,skipsum,max,99,0.6343,0.0038,201001.0,1.2376,0.1099,0.6783,0.0045,0.6205,0.0035,0.9181,0.0015,0.7406,0.003,0.7615,0.0078
-PyG,TU_ENZYMES,link_pred,True,,,2,8,2,skipsum,mean,99,0.6592,0.0029,201001.0,1.3301,0.1226,0.6358,0.0055,0.594,0.005,0.8584,0.009,0.7021,0.0032,0.6905,0.0061
-PyG,TU_ENZYMES,link_pred,True,,,2,8,3,skipconcat,add,99,0.6372,0.004,205957.0,1.3361,0.0783,0.6811,0.005,0.6243,0.004,0.91,0.008,0.7405,0.0038,0.7541,0.0078
-PyG,TU_ENZYMES,link_pred,True,,,2,8,3,skipconcat,max,99,0.6485,0.0077,205957.0,1.2117,0.0608,0.659,0.0162,0.6116,0.012,0.8722,0.0115,0.719,0.0122,0.721,0.0169
-PyG,TU_ENZYMES,link_pred,True,,,2,8,3,skipconcat,mean,99,0.6603,0.0042,205957.0,1.2383,0.0287,0.6381,0.0036,0.599,0.0048,0.8363,0.0123,0.698,0.0011,0.6873,0.003
-PyG,TU_ENZYMES,link_pred,True,,,2,8,3,skipsum,add,99,0.6411,0.002,200193.0,1.2226,0.0174,0.6585,0.007,0.6098,0.0048,0.8801,0.0114,0.7204,0.0063,0.7329,0.0026
-PyG,TU_ENZYMES,link_pred,True,,,2,8,3,skipsum,max,99,0.6348,0.0024,200193.0,1.1904,0.0453,0.6706,0.0017,0.6167,0.0009,0.9016,0.0131,0.7324,0.0038,0.7523,0.0069
-PyG,TU_ENZYMES,link_pred,True,,,2,8,3,skipsum,mean,99,0.6582,0.003,200193.0,1.3013,0.0569,0.6372,0.0066,0.5967,0.0039,0.8461,0.0131,0.6998,0.0071,0.6893,0.0064
-PyG,TU_PROTEINS,link_pred,True,,,1,2,2,skipconcat,add,99,0.6552,0.0021,199336.0,1.187,0.0439,0.6442,0.0002,0.6021,0.0013,0.8502,0.0089,0.705,0.0022,0.708,0.0013
-PyG,TU_PROTEINS,link_pred,True,,,1,2,2,skipconcat,max,99,0.6704,0.0019,199336.0,1.1608,0.0332,0.613,0.0021,0.5806,0.0009,0.8148,0.0076,0.678,0.0032,0.6583,0.0031
-PyG,TU_PROTEINS,link_pred,True,,,1,2,2,skipconcat,mean,99,0.671,0.0003,199336.0,1.2672,0.0832,0.6067,0.0011,0.5781,0.0017,0.79,0.0184,0.6675,0.0056,0.6529,0.0016
-PyG,TU_PROTEINS,link_pred,True,,,1,2,2,skipsum,add,99,0.653,0.0027,199801.0,1.1563,0.0575,0.6425,0.0025,0.6001,0.0013,0.8544,0.0116,0.705,0.0041,0.7099,0.006
-PyG,TU_PROTEINS,link_pred,True,,,1,2,2,skipsum,max,99,0.6675,0.0021,199801.0,1.128,0.0164,0.6133,0.0036,0.5811,0.0038,0.8126,0.0086,0.6775,0.0011,0.6633,0.0052
-PyG,TU_PROTEINS,link_pred,True,,,1,2,2,skipsum,mean,99,0.6694,0.0018,199801.0,1.1532,0.0327,0.6104,0.002,0.5796,0.0025,0.8041,0.0164,0.6736,0.0046,0.6558,0.0036
-PyG,TU_PROTEINS,link_pred,True,,,1,2,3,skipconcat,add,99,0.6546,0.0027,203689.0,1.1485,0.0365,0.6323,0.0013,0.5935,0.0029,0.8405,0.0149,0.6956,0.0032,0.7021,0.0031
-PyG,TU_PROTEINS,link_pred,True,,,1,2,3,skipconcat,max,99,0.6697,0.0007,203689.0,1.3643,0.0789,0.6086,0.0019,0.5776,0.001,0.809,0.011,0.674,0.0039,0.6549,0.0018
-PyG,TU_PROTEINS,link_pred,True,,,1,2,3,skipconcat,mean,99,0.6691,0.0012,203689.0,1.3173,0.0444,0.6039,0.0028,0.5743,0.0028,0.8029,0.0049,0.6696,0.0005,0.6536,0.0036
-PyG,TU_PROTEINS,link_pred,True,,,1,2,3,skipsum,add,99,0.6536,0.0022,200792.0,1.299,0.0457,0.6334,0.0048,0.5935,0.0036,0.8463,0.0036,0.6977,0.0036,0.704,0.0038
-PyG,TU_PROTEINS,link_pred,True,,,1,2,3,skipsum,max,99,0.669,0.0014,200792.0,1.1876,0.0835,0.608,0.0045,0.5762,0.0038,0.8168,0.0038,0.6757,0.0026,0.6572,0.0019
-PyG,TU_PROTEINS,link_pred,True,,,1,2,3,skipsum,mean,99,0.6693,0.0022,200792.0,1.2363,0.0597,0.6063,0.0054,0.5751,0.0034,0.8139,0.0137,0.674,0.0063,0.6563,0.0055
-PyG,TU_PROTEINS,link_pred,True,,,1,4,2,skipconcat,add,99,0.6456,0.0027,203465.0,1.2567,0.227,0.6628,0.004,0.613,0.002,0.8826,0.0112,0.7235,0.0048,0.7359,0.0002
-PyG,TU_PROTEINS,link_pred,True,,,1,4,2,skipconcat,max,99,0.6551,0.0048,203465.0,1.2733,0.2048,0.6485,0.0084,0.6038,0.0067,0.8636,0.0085,0.7107,0.0061,0.7136,0.0093
-PyG,TU_PROTEINS,link_pred,True,,,1,4,2,skipconcat,mean,99,0.6644,0.0005,203465.0,1.1797,0.0421,0.6265,0.0045,0.5902,0.0026,0.8275,0.0167,0.689,0.0064,0.6795,0.0027
-PyG,TU_PROTEINS,link_pred,True,,,1,4,2,skipsum,add,99,0.6447,0.0028,199463.0,1.1525,0.0211,0.6508,0.0029,0.6052,0.0034,0.868,0.0078,0.7131,0.0009,0.7291,0.002
-PyG,TU_PROTEINS,link_pred,True,,,1,4,2,skipsum,max,99,0.6506,0.0025,199463.0,1.2901,0.0161,0.6544,0.0045,0.6076,0.0039,0.8717,0.0064,0.7161,0.0031,0.7218,0.0036
-PyG,TU_PROTEINS,link_pred,True,,,1,4,2,skipsum,mean,99,0.6621,0.0037,199463.0,1.4042,0.1626,0.6251,0.007,0.5884,0.0045,0.8326,0.0153,0.6895,0.0075,0.684,0.0119
-PyG,TU_PROTEINS,link_pred,True,,,1,4,3,skipconcat,add,99,0.6467,0.0023,205948.0,1.2485,0.0792,0.6487,0.0007,0.6037,0.0017,0.866,0.0092,0.7114,0.002,0.7242,0.0035
-PyG,TU_PROTEINS,link_pred,True,,,1,4,3,skipconcat,max,99,0.664,0.0028,205948.0,1.3151,0.0966,0.6269,0.0036,0.5889,0.0018,0.8404,0.0098,0.6925,0.0045,0.6864,0.0035
-PyG,TU_PROTEINS,link_pred,True,,,1,4,3,skipconcat,mean,99,0.6691,0.004,205948.0,1.3529,0.112,0.6126,0.0061,0.5802,0.0035,0.8143,0.0157,0.6776,0.0074,0.6626,0.0061
-PyG,TU_PROTEINS,link_pred,True,,,1,4,3,skipsum,add,99,0.6413,0.0028,200593.0,1.3297,0.0205,0.6585,0.0086,0.611,0.0054,0.8724,0.0159,0.7186,0.0085,0.7326,0.0101
-PyG,TU_PROTEINS,link_pred,True,,,1,4,3,skipsum,max,99,0.6484,0.0011,200593.0,1.2169,0.1382,0.6457,0.0004,0.6018,0.0021,0.8611,0.0139,0.7084,0.0034,0.7176,0.0021
-PyG,TU_PROTEINS,link_pred,True,,,1,4,3,skipsum,mean,99,0.6591,0.0025,200593.0,1.2174,0.0717,0.6243,0.0079,0.587,0.0043,0.8381,0.0188,0.6904,0.0093,0.6888,0.0083
-PyG,TU_PROTEINS,link_pred,True,,,1,6,2,skipconcat,add,99,0.6404,0.0037,201598.0,1.2812,0.0754,0.6694,0.0015,0.6184,0.0019,0.8847,0.0057,0.728,0.0012,0.7485,0.0069
-PyG,TU_PROTEINS,link_pred,True,,,1,6,2,skipconcat,max,99,0.6483,0.0029,201598.0,1.2147,0.0711,0.6629,0.0049,0.6121,0.0058,0.8898,0.0118,0.7252,0.0013,0.7419,0.0006
-PyG,TU_PROTEINS,link_pred,True,,,1,6,2,skipconcat,mean,99,0.6653,0.0017,201598.0,1.3792,0.2152,0.6299,0.001,0.5934,0.0015,0.8253,0.012,0.6903,0.0034,0.6884,0.0032
-PyG,TU_PROTEINS,link_pred,True,,,1,6,2,skipsum,add,99,0.6408,0.0015,200333.0,1.237,0.0782,0.6578,0.0069,0.6099,0.0046,0.876,0.0112,0.7191,0.0063,0.7355,0.0046
-PyG,TU_PROTEINS,link_pred,True,,,1,6,2,skipsum,max,99,0.6375,0.0084,200333.0,1.1383,0.0219,0.6671,0.005,0.6148,0.0042,0.8949,0.0021,0.7289,0.003,0.7521,0.0113
-PyG,TU_PROTEINS,link_pred,True,,,1,6,2,skipsum,mean,99,0.6608,0.0039,200333.0,1.307,0.172,0.6282,0.0059,0.5895,0.0046,0.8446,0.0082,0.6943,0.0046,0.6902,0.0058
-PyG,TU_PROTEINS,link_pred,True,,,1,6,3,skipconcat,add,99,0.6424,0.0058,207621.0,1.2189,0.1694,0.6598,0.0087,0.6113,0.0062,0.8783,0.0092,0.7208,0.0071,0.7404,0.0137
-PyG,TU_PROTEINS,link_pred,True,,,1,6,3,skipconcat,max,99,0.6538,0.0053,207621.0,1.0543,0.0629,0.6433,0.0097,0.5987,0.0066,0.8693,0.0139,0.7091,0.0085,0.7161,0.0159
-PyG,TU_PROTEINS,link_pred,True,,,1,6,3,skipconcat,mean,99,0.6637,0.0032,207621.0,1.2357,0.1348,0.624,0.0033,0.5876,0.0025,0.8316,0.0116,0.6886,0.0042,0.683,0.005
-PyG,TU_PROTEINS,link_pred,True,,,1,6,3,skipsum,add,99,0.6419,0.0048,200393.0,1.2383,0.0905,0.6542,0.0059,0.6087,0.0059,0.8639,0.006,0.7142,0.0021,0.7274,0.009
-PyG,TU_PROTEINS,link_pred,True,,,1,6,3,skipsum,max,99,0.6404,0.0078,200393.0,1.2917,0.1396,0.6608,0.01,0.6109,0.0095,0.8868,0.0059,0.7234,0.0046,0.7402,0.0148
-PyG,TU_PROTEINS,link_pred,True,,,1,6,3,skipsum,mean,99,0.659,0.0037,200393.0,1.1722,0.0582,0.6301,0.0018,0.5912,0.0013,0.8439,0.0038,0.6953,0.0018,0.6909,0.007
-PyG,TU_PROTEINS,link_pred,True,,,1,8,2,skipconcat,add,99,0.6322,0.0036,204289.0,1.1275,0.0458,0.6788,0.0021,0.6244,0.0036,0.898,0.011,0.7365,0.0015,0.7643,0.0034
-PyG,TU_PROTEINS,link_pred,True,,,1,8,2,skipconcat,max,99,0.6427,0.0084,204289.0,1.4357,0.1685,0.6632,0.011,0.6105,0.0087,0.9024,0.0108,0.7283,0.0076,0.7523,0.0178
-PyG,TU_PROTEINS,link_pred,True,,,1,8,2,skipconcat,mean,99,0.6578,0.0037,204289.0,1.3388,0.0903,0.6409,0.0077,0.5989,0.0049,0.8532,0.0203,0.7037,0.0087,0.709,0.0114
-PyG,TU_PROTEINS,link_pred,True,,,1,8,2,skipsum,add,99,0.6319,0.0021,199361.0,1.17,0.0807,0.6647,0.0024,0.6143,0.0028,0.8854,0.0121,0.7253,0.003,0.7524,0.0033
-PyG,TU_PROTEINS,link_pred,True,,,1,8,2,skipsum,max,99,0.6249,0.0103,199361.0,1.1421,0.0301,0.6779,0.0112,0.6207,0.0089,0.9153,0.0112,0.7397,0.008,0.7714,0.0135
-PyG,TU_PROTEINS,link_pred,True,,,1,8,2,skipsum,mean,99,0.6536,0.0044,199361.0,1.2812,0.0604,0.6356,0.0042,0.5937,0.0045,0.8595,0.0112,0.7023,0.0024,0.703,0.0079
-PyG,TU_PROTEINS,link_pred,True,,,1,8,3,skipconcat,add,99,0.6357,0.0069,205174.0,1.3035,0.0343,0.6605,0.0075,0.6109,0.0048,0.8839,0.0104,0.7225,0.0068,0.7471,0.0153
-PyG,TU_PROTEINS,link_pred,True,,,1,8,3,skipconcat,max,99,0.6482,0.0043,205174.0,1.3301,0.0719,0.6494,0.0057,0.6025,0.0055,0.8792,0.0056,0.7149,0.002,0.728,0.0077
-PyG,TU_PROTEINS,link_pred,True,,,1,8,3,skipconcat,mean,99,0.6605,0.0002,205174.0,1.2249,0.0989,0.6292,0.0052,0.5912,0.0029,0.8371,0.0128,0.693,0.0062,0.6899,0.0022
-PyG,TU_PROTEINS,link_pred,True,,,1,8,3,skipsum,add,99,0.6402,0.0038,201001.0,1.2945,0.1412,0.6528,0.0043,0.6062,0.0042,0.8719,0.0054,0.7151,0.0018,0.732,0.0057
-PyG,TU_PROTEINS,link_pred,True,,,1,8,3,skipsum,max,99,0.6337,0.0025,201001.0,1.2622,0.096,0.6691,0.0063,0.6162,0.0044,0.8968,0.0113,0.7304,0.0057,0.7538,0.0061
-PyG,TU_PROTEINS,link_pred,True,,,1,8,3,skipsum,mean,99,0.654,0.0012,201001.0,1.3454,0.1154,0.6326,0.0038,0.5923,0.0012,0.8507,0.0161,0.6983,0.0061,0.7013,0.0021
-PyG,TU_PROTEINS,link_pred,True,,,2,2,2,skipconcat,add,99,0.654,0.0042,200451.0,1.2069,0.0555,0.6421,0.0018,0.6011,0.0015,0.8454,0.0068,0.7026,0.0023,0.7105,0.0067
-PyG,TU_PROTEINS,link_pred,True,,,2,2,2,skipconcat,max,99,0.67,0.0014,200451.0,1.3035,0.0738,0.6144,0.0047,0.5828,0.0041,0.8053,0.0033,0.6762,0.0025,0.6603,0.0047
-PyG,TU_PROTEINS,link_pred,True,,,2,2,2,skipconcat,mean,99,0.6695,0.0042,200451.0,1.1482,0.0336,0.608,0.0082,0.5791,0.0063,0.7917,0.0087,0.6689,0.0065,0.6562,0.0107
-PyG,TU_PROTEINS,link_pred,True,,,2,2,2,skipsum,add,99,0.6524,0.0038,200792.0,1.2303,0.0569,0.6444,0.0027,0.602,0.0018,0.8522,0.0083,0.7056,0.0032,0.7081,0.0081
-PyG,TU_PROTEINS,link_pred,True,,,2,2,2,skipsum,max,99,0.6708,0.0024,200792.0,1.2182,0.0845,0.6135,0.0013,0.5808,0.0013,0.8162,0.0046,0.6786,0.0012,0.6582,0.0033
-PyG,TU_PROTEINS,link_pred,True,,,2,2,2,skipsum,mean,99,0.6691,0.0003,200792.0,1.1964,0.0182,0.6112,0.0083,0.5795,0.0046,0.8097,0.0232,0.6755,0.0108,0.6613,0.004
-PyG,TU_PROTEINS,link_pred,True,,,2,2,3,skipconcat,add,99,0.6537,0.0034,200481.0,1.2424,0.0608,0.639,0.0056,0.598,0.0039,0.8485,0.0057,0.7015,0.0046,0.7035,0.0078
-PyG,TU_PROTEINS,link_pred,True,,,2,2,3,skipconcat,max,99,0.6686,0.0011,200481.0,1.4233,0.2409,0.6058,0.0043,0.5752,0.0022,0.809,0.0138,0.6723,0.0061,0.6557,0.0056
-PyG,TU_PROTEINS,link_pred,True,,,2,2,3,skipconcat,mean,99,0.6684,0.0024,200481.0,1.3475,0.175,0.6034,0.0048,0.5744,0.0041,0.799,0.0066,0.6683,0.0029,0.6525,0.0084
-PyG,TU_PROTEINS,link_pred,True,,,2,2,3,skipsum,add,99,0.6474,0.0006,199463.0,1.2731,0.1549,0.6463,0.008,0.6035,0.0049,0.8531,0.0142,0.7069,0.0081,0.7174,0.0039
-PyG,TU_PROTEINS,link_pred,True,,,2,2,3,skipsum,max,99,0.6665,0.0009,199463.0,1.2645,0.0477,0.6114,0.0061,0.5806,0.0038,0.8026,0.0158,0.6737,0.0074,0.6633,0.0045
-PyG,TU_PROTEINS,link_pred,True,,,2,2,3,skipsum,mean,99,0.6663,0.0018,199463.0,1.3115,0.1539,0.6134,0.0048,0.5817,0.0024,0.8073,0.0196,0.6761,0.0078,0.6669,0.0029
-PyG,TU_PROTEINS,link_pred,True,,,2,4,2,skipconcat,add,99,0.6423,0.0027,199900.0,1.1994,0.0407,0.6593,0.0019,0.6119,0.0017,0.8711,0.0096,0.7188,0.0029,0.7387,0.0027
-PyG,TU_PROTEINS,link_pred,True,,,2,4,2,skipconcat,max,99,0.6584,0.0048,199900.0,1.1581,0.0585,0.6474,0.0075,0.6019,0.0062,0.8709,0.005,0.7118,0.0045,0.716,0.0115
-PyG,TU_PROTEINS,link_pred,True,,,2,4,2,skipconcat,mean,99,0.6652,0.0039,199900.0,1.2855,0.0931,0.6248,0.0076,0.5897,0.0063,0.8209,0.0104,0.6863,0.0057,0.6798,0.0098
-PyG,TU_PROTEINS,link_pred,True,,,2,4,2,skipsum,add,99,0.6411,0.0015,200593.0,1.1261,0.0929,0.6601,0.0031,0.6114,0.0022,0.8783,0.0111,0.7209,0.0038,0.7364,0.0017
-PyG,TU_PROTEINS,link_pred,True,,,2,4,2,skipsum,max,99,0.6468,0.0004,200593.0,1.2641,0.0787,0.646,0.0049,0.6004,0.0029,0.8731,0.0145,0.7115,0.0058,0.7244,0.0045
-PyG,TU_PROTEINS,link_pred,True,,,2,4,2,skipsum,mean,99,0.6609,0.0002,200593.0,1.1921,0.0255,0.6227,0.0045,0.5871,0.0027,0.8266,0.011,0.6865,0.0052,0.6829,0.0031
-PyG,TU_PROTEINS,link_pred,True,,,2,4,3,skipconcat,add,99,0.6455,0.0026,200065.0,1.2401,0.0953,0.6497,0.0046,0.6049,0.0042,0.8634,0.0079,0.7114,0.003,0.7254,0.0036
-PyG,TU_PROTEINS,link_pred,True,,,2,4,3,skipconcat,max,99,0.6563,0.0006,200065.0,1.1294,0.0298,0.6345,0.0078,0.5942,0.0056,0.8483,0.0082,0.6989,0.0063,0.7,0.0031
-PyG,TU_PROTEINS,link_pred,True,,,2,4,3,skipconcat,mean,99,0.6635,0.0038,200065.0,1.1288,0.1713,0.6213,0.0177,0.586,0.0124,0.826,0.0196,0.6856,0.0152,0.6746,0.0155
-PyG,TU_PROTEINS,link_pred,True,,,2,4,3,skipsum,add,99,0.6426,0.0052,200333.0,1.1754,0.0928,0.6524,0.0074,0.607,0.0054,0.8649,0.0064,0.7134,0.0057,0.7275,0.01
-PyG,TU_PROTEINS,link_pred,True,,,2,4,3,skipsum,max,99,0.6515,0.0029,200333.0,1.1971,0.0549,0.6419,0.0061,0.5986,0.0058,0.8622,0.0083,0.7066,0.0029,0.7108,0.0056
-PyG,TU_PROTEINS,link_pred,True,,,2,4,3,skipsum,mean,99,0.6609,0.0012,200333.0,1.213,0.0984,0.6234,0.0066,0.5866,0.0035,0.836,0.0157,0.6894,0.0077,0.6841,0.0035
-PyG,TU_PROTEINS,link_pred,True,,,2,6,2,skipconcat,add,99,0.6399,0.0036,203361.0,1.2307,0.0965,0.6673,0.0029,0.6169,0.0035,0.8834,0.0088,0.7264,0.0019,0.748,0.0016
-PyG,TU_PROTEINS,link_pred,True,,,2,6,2,skipconcat,max,99,0.643,0.0087,203361.0,1.3447,0.1107,0.6658,0.0089,0.6129,0.0078,0.9005,0.0041,0.7293,0.0049,0.7476,0.0125
-PyG,TU_PROTEINS,link_pred,True,,,2,6,2,skipconcat,mean,99,0.6608,0.004,203361.0,1.2333,0.0171,0.6273,0.0051,0.5895,0.0046,0.8394,0.0029,0.6925,0.0023,0.6911,0.0061
-PyG,TU_PROTEINS,link_pred,True,,,2,6,2,skipsum,add,99,0.6373,0.0027,200393.0,1.2573,0.0155,0.6628,0.0063,0.6137,0.0043,0.8783,0.011,0.7226,0.0059,0.7424,0.0042
-PyG,TU_PROTEINS,link_pred,True,,,2,6,2,skipsum,max,99,0.6417,0.0061,200393.0,1.1817,0.0437,0.6582,0.0087,0.6079,0.0071,0.8914,0.005,0.7229,0.0055,0.7416,0.0134
-PyG,TU_PROTEINS,link_pred,True,,,2,6,2,skipsum,mean,99,0.6584,0.0013,200393.0,1.2317,0.1464,0.6315,0.0042,0.5921,0.0024,0.8456,0.0088,0.6965,0.0045,0.6915,0.0005
-PyG,TU_PROTEINS,link_pred,True,,,2,6,3,skipconcat,add,99,0.6378,0.0073,208916.0,1.1756,0.0902,0.6636,0.0106,0.6151,0.0065,0.8739,0.0175,0.722,0.0103,0.7436,0.017
-PyG,TU_PROTEINS,link_pred,True,,,2,6,3,skipconcat,max,99,0.6444,0.0035,208916.0,1.2015,0.034,0.6534,0.0104,0.6047,0.0074,0.8856,0.0085,0.7187,0.008,0.7366,0.0119
-PyG,TU_PROTEINS,link_pred,True,,,2,6,3,skipconcat,mean,99,0.6597,0.0037,208916.0,1.1559,0.1281,0.6268,0.0122,0.5898,0.0076,0.8322,0.0203,0.6903,0.0121,0.6845,0.0124
-PyG,TU_PROTEINS,link_pred,True,,,2,6,3,skipsum,add,99,0.6353,0.0003,199361.0,1.2771,0.1548,0.6587,0.0043,0.6098,0.0019,0.8814,0.0134,0.7208,0.0055,0.7433,0.0041
-PyG,TU_PROTEINS,link_pred,True,,,2,6,3,skipsum,max,99,0.635,0.0075,199361.0,1.2025,0.0635,0.664,0.0044,0.614,0.0046,0.8834,0.006,0.7245,0.0015,0.7441,0.0105
-PyG,TU_PROTEINS,link_pred,True,,,2,6,3,skipsum,mean,99,0.6541,0.0022,199361.0,1.2281,0.0638,0.6334,0.0042,0.5937,0.0032,0.8451,0.0057,0.6974,0.0033,0.6978,0.0045
-PyG,TU_PROTEINS,link_pred,True,,,2,8,2,skipconcat,add,99,0.6367,0.0033,205377.0,1.2223,0.0904,0.6765,0.0055,0.6223,0.0034,0.8982,0.0116,0.7352,0.0056,0.7618,0.0079
-PyG,TU_PROTEINS,link_pred,True,,,2,8,2,skipconcat,max,99,0.6435,0.0066,205377.0,1.292,0.1533,0.6655,0.015,0.613,0.0111,0.8986,0.0175,0.7288,0.0117,0.7529,0.0193
-PyG,TU_PROTEINS,link_pred,True,,,2,8,2,skipconcat,mean,99,0.6588,0.0022,205377.0,1.1824,0.0377,0.6385,0.0106,0.598,0.0063,0.8448,0.0195,0.7003,0.0109,0.7011,0.0111
-PyG,TU_PROTEINS,link_pred,True,,,2,8,2,skipsum,add,99,0.6399,0.0034,201001.0,1.1496,0.0241,0.6523,0.005,0.6061,0.0035,0.8699,0.0112,0.7144,0.005,0.7352,0.0042
-PyG,TU_PROTEINS,link_pred,True,,,2,8,2,skipsum,max,99,0.6339,0.0028,201001.0,1.2347,0.0472,0.67,0.0094,0.6156,0.0059,0.9054,0.0155,0.7328,0.0087,0.7571,0.0118
-PyG,TU_PROTEINS,link_pred,True,,,2,8,2,skipsum,mean,99,0.6574,0.0026,201001.0,1.2379,0.1296,0.6287,0.0062,0.5904,0.0037,0.8402,0.0152,0.6935,0.0071,0.691,0.0088
-PyG,TU_PROTEINS,link_pred,True,,,2,8,3,skipconcat,add,99,0.6355,0.002,205957.0,1.1434,0.0601,0.6646,0.0057,0.6128,0.0032,0.8939,0.0117,0.7272,0.0059,0.7492,0.0036
-PyG,TU_PROTEINS,link_pred,True,,,2,8,3,skipconcat,max,99,0.6433,0.002,205957.0,1.3347,0.1832,0.6508,0.0028,0.6023,0.0005,0.888,0.0146,0.7177,0.0049,0.736,0.0048
-PyG,TU_PROTEINS,link_pred,True,,,2,8,3,skipconcat,mean,99,0.6612,0.0037,205957.0,1.0927,0.1336,0.6259,0.0046,0.5889,0.0047,0.8351,0.0082,0.6906,0.0015,0.6844,0.0089
-PyG,TU_PROTEINS,link_pred,True,,,2,8,3,skipsum,add,99,0.636,0.0037,200193.0,1.1505,0.085,0.6558,0.0097,0.6085,0.0065,0.8737,0.0129,0.7174,0.0085,0.7428,0.0104
-PyG,TU_PROTEINS,link_pred,True,,,2,8,3,skipsum,max,99,0.6333,0.0056,200193.0,1.062,0.0863,0.6655,0.005,0.6129,0.0042,0.8987,0.0075,0.7287,0.0035,0.7532,0.0102
-PyG,TU_PROTEINS,link_pred,True,,,2,8,3,skipsum,mean,99,0.6554,0.0034,200193.0,1.1198,0.141,0.6351,0.0041,0.5944,0.0037,0.8512,0.008,0.6999,0.003,0.6986,0.0045
diff --git a/run/results/design_v2link_grid_round2link/agg/train_best.csv b/run/results/design_v2link_grid_round2link/agg/train_best.csv
deleted file mode 100644
index 689e1ba6..00000000
--- a/run/results/design_v2link_grid_round2link/agg/train_best.csv
+++ /dev/null
@@ -1,1052 +0,0 @@
-format,dataset,task,trans,feature,label,l_pre,l_mp,l_post,stage,agg,epoch,loss,loss_std,params,time_iter,time_iter_std,accuracy,accuracy_std,precision,precision_std,recall,recall_std,f1,f1_std,auc,auc_std
-PyG,AmazonComputers,link_pred,True,,,1,2,2,skipconcat,add,99,0.4913,0.0058,273444.0,0.4434,0.1062,0.7677,0.0028,0.6925,0.0022,0.9632,0.002,0.8057,0.0022,0.9232,0.0025
-PyG,AmazonComputers,link_pred,True,,,1,2,2,skipconcat,max,99,0.4898,0.009,273444.0,0.3375,0.0195,0.7693,0.003,0.6899,0.0026,0.9783,0.001,0.8092,0.0022,0.9304,0.0048
-PyG,AmazonComputers,link_pred,True,,,1,2,2,skipconcat,mean,99,0.4766,0.006,273444.0,0.3613,0.046,0.7844,0.0011,0.7063,0.0015,0.9738,0.0017,0.8187,0.0006,0.9366,0.0038
-PyG,AmazonComputers,link_pred,True,,,1,2,2,skipsum,add,99,0.4866,0.0013,369409.0,0.3704,0.0504,0.7697,0.0017,0.6946,0.0017,0.9626,0.0006,0.807,0.0011,0.9217,0.0011
-PyG,AmazonComputers,link_pred,True,,,1,2,2,skipsum,max,99,0.4849,0.0047,369409.0,0.4435,0.0619,0.7709,0.0041,0.6911,0.0037,0.9799,0.0013,0.8105,0.003,0.9297,0.0042
-PyG,AmazonComputers,link_pred,True,,,1,2,2,skipsum,mean,99,0.4754,0.0047,369409.0,0.321,0.0268,0.7911,0.0034,0.7136,0.0033,0.9725,0.0015,0.8231,0.0025,0.9337,0.0032
-PyG,AmazonComputers,link_pred,True,,,1,2,3,skipconcat,add,99,0.4772,0.0038,266337.0,0.3374,0.0065,0.7729,0.0008,0.697,0.0005,0.9655,0.0022,0.8096,0.0009,0.9295,0.0026
-PyG,AmazonComputers,link_pred,True,,,1,2,3,skipconcat,max,99,0.4724,0.0031,266337.0,0.4557,0.1096,0.7806,0.0021,0.7005,0.0018,0.9801,0.0016,0.817,0.0016,0.9382,0.0027
-PyG,AmazonComputers,link_pred,True,,,1,2,3,skipconcat,mean,99,0.4591,0.0006,266337.0,0.3157,0.0444,0.8,0.0027,0.7221,0.0028,0.9753,0.0016,0.8298,0.0019,0.945,0.0008
-PyG,AmazonComputers,link_pred,True,,,1,2,3,skipsum,add,99,0.4851,0.0012,352828.0,0.323,0.0065,0.7753,0.0016,0.7011,0.0011,0.9596,0.0021,0.8103,0.0014,0.921,0.0004
-PyG,AmazonComputers,link_pred,True,,,1,2,3,skipsum,max,99,0.4757,0.0033,352828.0,0.3883,0.1077,0.7784,0.0044,0.6983,0.0045,0.9805,0.0004,0.8157,0.0029,0.9363,0.0018
-PyG,AmazonComputers,link_pred,True,,,1,2,3,skipsum,mean,99,0.4637,0.005,352828.0,0.3275,0.0642,0.7979,0.0038,0.7202,0.004,0.9743,0.0009,0.8282,0.0026,0.9413,0.003
-PyG,AmazonComputers,link_pred,True,,,1,4,2,skipconcat,add,99,0.4861,0.0042,247777.0,0.4066,0.0827,0.7692,0.0014,0.6943,0.0015,0.9618,0.0029,0.8065,0.0011,0.925,0.0042
-PyG,AmazonComputers,link_pred,True,,,1,4,2,skipconcat,max,99,0.4805,0.0052,247777.0,0.3962,0.0827,0.773,0.0016,0.6931,0.0012,0.9799,0.0014,0.8119,0.0013,0.9379,0.0041
-PyG,AmazonComputers,link_pred,True,,,1,4,2,skipconcat,mean,99,0.4625,0.0045,247777.0,0.4034,0.0921,0.7929,0.0026,0.715,0.0024,0.9744,0.0012,0.8247,0.002,0.9451,0.0021
-PyG,AmazonComputers,link_pred,True,,,1,4,2,skipsum,add,99,0.49,0.0047,337747.0,0.3433,0.0649,0.7693,0.003,0.6956,0.0028,0.9574,0.0023,0.8058,0.0023,0.9176,0.0034
-PyG,AmazonComputers,link_pred,True,,,1,4,2,skipsum,max,99,0.486,0.001,337747.0,0.3339,0.054,0.7719,0.0019,0.693,0.0019,0.9762,0.0002,0.8106,0.0012,0.9277,0.0005
-PyG,AmazonComputers,link_pred,True,,,1,4,2,skipsum,mean,99,0.4612,0.0033,337747.0,0.3715,0.0917,0.8032,0.0005,0.7264,0.001,0.9727,0.0023,0.8317,0.0005,0.9423,0.0026
-PyG,AmazonComputers,link_pred,True,,,1,4,3,skipconcat,add,99,0.4749,0.0041,243384.0,0.3937,0.0786,0.7752,0.0035,0.6997,0.0029,0.9644,0.0032,0.811,0.0029,0.9302,0.0034
-PyG,AmazonComputers,link_pred,True,,,1,4,3,skipconcat,max,99,0.4662,0.0032,243384.0,0.3302,0.0534,0.7834,0.001,0.7028,0.0007,0.9823,0.0016,0.8194,0.0009,0.9446,0.0025
-PyG,AmazonComputers,link_pred,True,,,1,4,3,skipconcat,mean,99,0.4502,0.0022,243384.0,0.4625,0.1285,0.807,0.0025,0.7292,0.0028,0.9768,0.0009,0.8351,0.0017,0.9513,0.0009
-PyG,AmazonComputers,link_pred,True,,,1,4,3,skipsum,add,99,0.4827,0.0022,328945.0,0.3831,0.0623,0.7682,0.0013,0.6939,0.0013,0.9595,0.0013,0.8054,0.001,0.9222,0.0014
-PyG,AmazonComputers,link_pred,True,,,1,4,3,skipsum,max,99,0.4776,0.0022,328945.0,0.4378,0.0829,0.7794,0.002,0.7002,0.0018,0.9772,0.001,0.8158,0.0015,0.9329,0.0017
-PyG,AmazonComputers,link_pred,True,,,1,4,3,skipsum,mean,99,0.4529,0.0018,328945.0,0.4958,0.079,0.8095,0.0021,0.7329,0.002,0.9741,0.0016,0.8365,0.0016,0.9485,0.0018
-PyG,AmazonComputers,link_pred,True,,,1,6,2,skipconcat,add,99,0.4851,0.0041,232922.0,0.4294,0.1068,0.7712,0.0012,0.6962,0.0006,0.9622,0.0027,0.8079,0.0012,0.9263,0.0022
-PyG,AmazonComputers,link_pred,True,,,1,6,2,skipconcat,max,99,0.4803,0.0055,232922.0,0.42,0.0453,0.7686,0.0006,0.6893,0.0008,0.978,0.0022,0.8087,0.0005,0.9382,0.0039
-PyG,AmazonComputers,link_pred,True,,,1,6,2,skipconcat,mean,99,0.4588,0.007,232922.0,0.3628,0.0439,0.7926,0.0031,0.7142,0.0029,0.9756,0.002,0.8247,0.0024,0.9479,0.0043
-PyG,AmazonComputers,link_pred,True,,,1,6,2,skipsum,add,99,0.4958,0.0045,320281.0,0.4136,0.0855,0.7635,0.0031,0.692,0.0022,0.9496,0.0034,0.8006,0.0027,0.9104,0.0037
-PyG,AmazonComputers,link_pred,True,,,1,6,2,skipsum,max,99,0.4852,0.0022,320281.0,0.4494,0.0561,0.7721,0.0026,0.6936,0.002,0.9748,0.002,0.8105,0.0021,0.9274,0.0025
-PyG,AmazonComputers,link_pred,True,,,1,6,2,skipsum,mean,99,0.4543,0.0023,320281.0,0.4026,0.0673,0.8111,0.0022,0.7354,0.0029,0.9719,0.0024,0.8373,0.0015,0.9468,0.002
-PyG,AmazonComputers,link_pred,True,,,1,6,3,skipconcat,add,99,0.478,0.0057,234361.0,0.4125,0.0892,0.7728,0.0063,0.698,0.006,0.962,0.0013,0.809,0.0045,0.9275,0.0031
-PyG,AmazonComputers,link_pred,True,,,1,6,3,skipconcat,max,99,0.4628,0.0032,234361.0,0.3343,0.0824,0.7861,0.0068,0.7056,0.0075,0.9824,0.0019,0.8213,0.0044,0.9467,0.0014
-PyG,AmazonComputers,link_pred,True,,,1,6,3,skipconcat,mean,99,0.4516,0.001,234361.0,0.3245,0.0544,0.8048,0.0044,0.7269,0.0047,0.9764,0.0014,0.8334,0.0032,0.9503,0.0013
-PyG,AmazonComputers,link_pred,True,,,1,6,3,skipsum,add,99,0.4818,0.0031,313465.0,0.4393,0.0919,0.7656,0.0047,0.6921,0.0045,0.9569,0.0008,0.8033,0.0033,0.9214,0.0029
-PyG,AmazonComputers,link_pred,True,,,1,6,3,skipsum,max,99,0.4783,0.0021,313465.0,0.4511,0.0409,0.778,0.0007,0.6991,0.0009,0.9763,0.0009,0.8148,0.0004,0.932,0.0021
-PyG,AmazonComputers,link_pred,True,,,1,6,3,skipsum,mean,99,0.451,0.0021,313465.0,0.4148,0.0738,0.8157,0.0009,0.7395,0.0011,0.9748,0.0006,0.841,0.0006,0.9504,0.0018
-PyG,AmazonComputers,link_pred,True,,,1,8,2,skipconcat,add,99,0.4884,0.0045,228737.0,0.2944,0.0287,0.7691,0.0013,0.6953,0.0008,0.9579,0.002,0.8058,0.0013,0.9226,0.0022
-PyG,AmazonComputers,link_pred,True,,,1,8,2,skipconcat,max,99,0.4744,0.0055,228737.0,0.4135,0.0693,0.7718,0.0027,0.6922,0.0023,0.9787,0.0021,0.8109,0.0021,0.9419,0.003
-PyG,AmazonComputers,link_pred,True,,,1,8,2,skipconcat,mean,99,0.4607,0.0045,228737.0,0.3737,0.1065,0.7934,0.0041,0.7154,0.0036,0.9745,0.0023,0.8251,0.0032,0.9459,0.0026
-PyG,AmazonComputers,link_pred,True,,,1,8,2,skipsum,add,99,0.4933,0.0013,306321.0,0.37,0.0184,0.7636,0.0001,0.692,0.0007,0.9501,0.0024,0.8008,0.0004,0.9124,0.0018
-PyG,AmazonComputers,link_pred,True,,,1,8,2,skipsum,max,99,0.4865,0.0045,306321.0,0.41,0.0254,0.7689,0.0043,0.6908,0.0035,0.9735,0.0026,0.8082,0.0033,0.9262,0.0041
-PyG,AmazonComputers,link_pred,True,,,1,8,2,skipsum,mean,79,0.4529,0.0021,306321.0,0.4527,0.075,0.8121,0.001,0.7367,0.0011,0.9713,0.0007,0.8379,0.0008,0.9476,0.0012
-PyG,AmazonComputers,link_pred,True,,,1,8,3,skipconcat,add,99,0.4768,0.0028,225802.0,0.399,0.0565,0.7753,0.0035,0.7008,0.0035,0.9609,0.0006,0.8105,0.0025,0.9274,0.0017
-PyG,AmazonComputers,link_pred,True,,,1,8,3,skipconcat,max,99,0.4628,0.003,225802.0,0.386,0.0421,0.7804,0.0017,0.6998,0.0016,0.9821,0.0004,0.8173,0.0012,0.9471,0.0015
-PyG,AmazonComputers,link_pred,True,,,1,8,3,skipconcat,mean,79,0.451,0.0029,225802.0,0.4379,0.0365,0.8058,0.0026,0.7282,0.0029,0.9761,0.0019,0.8341,0.0019,0.9506,0.0021
-PyG,AmazonComputers,link_pred,True,,,1,8,3,skipsum,add,99,0.4931,0.0034,303377.0,0.4221,0.04,0.7604,0.0033,0.6899,0.0024,0.9461,0.0039,0.7979,0.0028,0.9106,0.0037
-PyG,AmazonComputers,link_pred,True,,,1,8,3,skipsum,max,99,0.4757,0.0017,303377.0,0.4814,0.1207,0.781,0.003,0.7018,0.0029,0.9773,0.0008,0.8169,0.0021,0.9346,0.001
-PyG,AmazonComputers,link_pred,True,,,1,8,3,skipsum,mean,79,0.4519,0.0024,303377.0,0.469,0.1131,0.8144,0.0038,0.7391,0.0045,0.9718,0.0005,0.8396,0.0028,0.948,0.0014
-PyG,AmazonComputers,link_pred,True,,,2,2,2,skipconcat,add,99,0.4761,0.0047,273031.0,0.3635,0.0752,0.7739,0.0022,0.6968,0.0018,0.9697,0.0015,0.8109,0.0017,0.9347,0.0028
-PyG,AmazonComputers,link_pred,True,,,2,2,2,skipconcat,max,99,0.4795,0.0012,273031.0,0.3247,0.0466,0.7759,0.0011,0.6961,0.0011,0.9793,0.0005,0.8138,0.0007,0.9364,0.0007
-PyG,AmazonComputers,link_pred,True,,,2,2,2,skipconcat,mean,99,0.4637,0.0052,273031.0,0.3878,0.0733,0.7915,0.0045,0.7124,0.0046,0.9777,0.0008,0.8242,0.0032,0.9445,0.0031
-PyG,AmazonComputers,link_pred,True,,,2,2,2,skipsum,add,99,0.4834,0.0036,352828.0,0.3872,0.0437,0.774,0.0018,0.6988,0.0016,0.9633,0.0008,0.81,0.0014,0.9243,0.0025
-PyG,AmazonComputers,link_pred,True,,,2,2,2,skipsum,max,99,0.4804,0.0009,352828.0,0.378,0.0487,0.7758,0.0026,0.6959,0.0028,0.9799,0.0008,0.8138,0.0017,0.9333,0.001
-PyG,AmazonComputers,link_pred,True,,,2,2,2,skipsum,mean,99,0.4628,0.0028,352828.0,0.3184,0.007,0.7993,0.0036,0.7218,0.0038,0.9741,0.0011,0.8292,0.0026,0.9423,0.0025
-PyG,AmazonComputers,link_pred,True,,,2,2,3,skipconcat,add,99,0.4627,0.005,261601.0,0.3763,0.0756,0.782,0.004,0.7036,0.0037,0.9747,0.0014,0.8172,0.003,0.9421,0.0037
-PyG,AmazonComputers,link_pred,True,,,2,2,3,skipconcat,max,99,0.4695,0.0013,261601.0,0.346,0.0308,0.786,0.0024,0.7058,0.0027,0.9808,0.001,0.8209,0.0015,0.9408,0.0011
-PyG,AmazonComputers,link_pred,True,,,2,2,3,skipconcat,mean,99,0.453,0.0034,261601.0,0.3867,0.099,0.7998,0.002,0.7203,0.002,0.9803,0.0007,0.8304,0.0015,0.9511,0.0025
-PyG,AmazonComputers,link_pred,True,,,2,2,3,skipsum,add,99,0.4768,0.0022,337747.0,0.3533,0.033,0.7772,0.0007,0.7013,0.0007,0.9656,0.0013,0.8125,0.0006,0.9286,0.0011
-PyG,AmazonComputers,link_pred,True,,,2,2,3,skipsum,max,99,0.4703,0.0021,337747.0,0.3805,0.0451,0.7837,0.0005,0.7033,0.0007,0.9815,0.0009,0.8194,0.0003,0.9402,0.0017
-PyG,AmazonComputers,link_pred,True,,,2,2,3,skipsum,mean,99,0.4562,0.0014,337747.0,0.3269,0.0496,0.8057,0.0007,0.7286,0.0009,0.9743,0.0016,0.8337,0.0005,0.9461,0.0019
-PyG,AmazonComputers,link_pred,True,,,2,4,2,skipconcat,add,99,0.4773,0.0043,243448.0,0.3062,0.0453,0.7739,0.0022,0.6978,0.0017,0.966,0.002,0.8103,0.0018,0.9325,0.0023
-PyG,AmazonComputers,link_pred,True,,,2,4,2,skipconcat,max,99,0.4751,0.002,243448.0,0.3477,0.0171,0.7787,0.0011,0.6991,0.001,0.9789,0.0008,0.8157,0.0008,0.9404,0.0019
-PyG,AmazonComputers,link_pred,True,,,2,4,2,skipconcat,mean,99,0.4582,0.0043,243448.0,0.3647,0.0656,0.7949,0.0051,0.7163,0.0052,0.9769,0.0006,0.8265,0.0036,0.9481,0.0017
-PyG,AmazonComputers,link_pred,True,,,2,4,2,skipsum,add,99,0.4871,0.0028,328945.0,0.3747,0.028,0.7702,0.0025,0.6963,0.0022,0.9583,0.0012,0.8066,0.0018,0.9195,0.0021
-PyG,AmazonComputers,link_pred,True,,,2,4,2,skipsum,max,99,0.4822,0.0037,328945.0,0.4299,0.1007,0.7728,0.0038,0.6936,0.0031,0.9776,0.0022,0.8114,0.0029,0.9309,0.0036
-PyG,AmazonComputers,link_pred,True,,,2,4,2,skipsum,mean,99,0.4582,0.0012,328945.0,0.4275,0.0536,0.8058,0.0026,0.7295,0.0031,0.9719,0.0004,0.8334,0.0018,0.9442,0.0009
-PyG,AmazonComputers,link_pred,True,,,2,4,3,skipconcat,add,99,0.4682,0.0018,236737.0,0.4168,0.1139,0.7793,0.0006,0.7019,0.0008,0.9709,0.0006,0.8148,0.0004,0.9371,0.0019
-PyG,AmazonComputers,link_pred,True,,,2,4,3,skipconcat,max,99,0.4623,0.0033,236737.0,0.3667,0.0688,0.7852,0.0067,0.7046,0.0069,0.9825,0.0007,0.8207,0.0045,0.9475,0.0021
-PyG,AmazonComputers,link_pred,True,,,2,4,3,skipconcat,mean,99,0.4533,0.0014,236737.0,0.4046,0.0263,0.8037,0.0022,0.7257,0.0031,0.9767,0.0019,0.8326,0.0013,0.9498,0.0012
-PyG,AmazonComputers,link_pred,True,,,2,4,3,skipsum,add,79,0.4844,0.0008,320281.0,0.4,0.0831,0.7682,0.0021,0.6946,0.0029,0.9573,0.0025,0.805,0.001,0.9198,0.0012
-PyG,AmazonComputers,link_pred,True,,,2,4,3,skipsum,max,99,0.4732,0.0046,320281.0,0.3559,0.0554,0.7811,0.0035,0.7015,0.003,0.9787,0.0022,0.8172,0.0027,0.9367,0.004
-PyG,AmazonComputers,link_pred,True,,,2,4,3,skipsum,mean,79,0.45,0.0016,320281.0,0.4509,0.0901,0.8127,0.0012,0.7363,0.0017,0.9742,0.0011,0.8387,0.0007,0.951,0.0008
-PyG,AmazonComputers,link_pred,True,,,2,6,2,skipconcat,add,99,0.4851,0.007,234685.0,0.389,0.0655,0.7706,0.0029,0.696,0.0021,0.9611,0.0029,0.8073,0.0024,0.9263,0.0037
-PyG,AmazonComputers,link_pred,True,,,2,6,2,skipconcat,max,99,0.4747,0.0038,234685.0,0.392,0.0692,0.7721,0.003,0.6922,0.0025,0.9798,0.0018,0.8113,0.0023,0.9416,0.0027
-PyG,AmazonComputers,link_pred,True,,,2,6,2,skipconcat,mean,99,0.4607,0.0012,234685.0,0.3913,0.0346,0.7924,0.0013,0.7144,0.0016,0.9746,0.0008,0.8244,0.0008,0.9468,0.0001
-PyG,AmazonComputers,link_pred,True,,,2,6,2,skipsum,add,99,0.4926,0.0023,313465.0,0.3726,0.0576,0.7643,0.0031,0.6923,0.0028,0.9514,0.002,0.8015,0.0023,0.913,0.0021
-PyG,AmazonComputers,link_pred,True,,,2,6,2,skipsum,max,99,0.4822,0.0009,313465.0,0.397,0.0219,0.775,0.001,0.696,0.0011,0.9764,0.0009,0.8127,0.0006,0.9302,0.0005
-PyG,AmazonComputers,link_pred,True,,,2,6,2,skipsum,mean,79,0.4522,0.0012,313465.0,0.431,0.0401,0.8104,0.0023,0.7343,0.0029,0.9729,0.0017,0.8369,0.0015,0.9489,0.001
-PyG,AmazonComputers,link_pred,True,,,2,6,3,skipconcat,add,99,0.47,0.004,235656.0,0.3543,0.0209,0.7774,0.0014,0.701,0.001,0.9673,0.0013,0.8129,0.0011,0.9347,0.0028
-PyG,AmazonComputers,link_pred,True,,,2,6,3,skipconcat,max,99,0.4644,0.0075,235656.0,0.3398,0.03,0.7854,0.0092,0.7051,0.0094,0.9815,0.0003,0.8206,0.0063,0.9453,0.0039
-PyG,AmazonComputers,link_pred,True,,,2,6,3,skipconcat,mean,99,0.4478,0.0011,235656.0,0.3215,0.0372,0.8074,0.0014,0.7298,0.0014,0.9764,0.0007,0.8353,0.0011,0.9524,0.0011
-PyG,AmazonComputers,link_pred,True,,,2,6,3,skipsum,add,99,0.4819,0.0029,306321.0,0.3692,0.0372,0.7648,0.0027,0.6907,0.0022,0.959,0.0016,0.803,0.002,0.9225,0.0026
-PyG,AmazonComputers,link_pred,True,,,2,6,3,skipsum,max,99,0.4759,0.003,306321.0,0.4597,0.0748,0.7816,0.003,0.7022,0.0029,0.9779,0.0012,0.8174,0.0021,0.9347,0.0029
-PyG,AmazonComputers,link_pred,True,,,2,6,3,skipsum,mean,99,0.4481,0.0016,306321.0,0.3606,0.0093,0.816,0.0017,0.7401,0.0018,0.9741,0.0007,0.8411,0.0012,0.9522,0.0012
-PyG,AmazonComputers,link_pred,True,,,2,8,2,skipconcat,add,99,0.487,0.0046,229825.0,0.3415,0.0174,0.77,0.0023,0.6962,0.0019,0.9583,0.003,0.8065,0.002,0.9239,0.0025
-PyG,AmazonComputers,link_pred,True,,,2,8,2,skipconcat,max,99,0.4759,0.005,229825.0,0.3943,0.0647,0.7712,0.0027,0.6915,0.0023,0.9794,0.0015,0.8106,0.002,0.9413,0.0031
-PyG,AmazonComputers,link_pred,True,,,2,8,2,skipconcat,mean,99,0.4576,0.0031,229825.0,0.408,0.0296,0.7955,0.0016,0.7175,0.0015,0.9749,0.0011,0.8266,0.0012,0.9476,0.0016
-PyG,AmazonComputers,link_pred,True,,,2,8,2,skipsum,add,79,0.4887,0.0038,303377.0,0.412,0.0506,0.7659,0.0003,0.6926,0.0005,0.9563,0.0029,0.8034,0.0007,0.9178,0.0034
-PyG,AmazonComputers,link_pred,True,,,2,8,2,skipsum,max,99,0.4832,0.007,303377.0,0.4928,0.1105,0.7732,0.0046,0.6946,0.0041,0.9751,0.0021,0.8113,0.0034,0.9286,0.0053
-PyG,AmazonComputers,link_pred,True,,,2,8,2,skipsum,mean,99,0.4515,0.001,303377.0,0.3613,0.0177,0.809,0.0009,0.7327,0.0013,0.9729,0.0008,0.8359,0.0006,0.9494,0.0003
-PyG,AmazonComputers,link_pred,True,,,2,8,3,skipconcat,add,79,0.4767,0.0015,226585.0,0.4049,0.1021,0.7767,0.0015,0.7023,0.0018,0.9602,0.0013,0.8113,0.0009,0.9276,0.0022
-PyG,AmazonComputers,link_pred,True,,,2,8,3,skipconcat,max,99,0.461,0.005,226585.0,0.379,0.0102,0.7882,0.0051,0.708,0.0056,0.9811,0.0013,0.8225,0.0034,0.9475,0.0023
-PyG,AmazonComputers,link_pred,True,,,2,8,3,skipconcat,mean,99,0.4495,0.0027,226585.0,0.4215,0.0709,0.8073,0.0034,0.7295,0.0037,0.9769,0.0,0.8353,0.0024,0.9518,0.0014
-PyG,AmazonComputers,link_pred,True,,,2,8,3,skipsum,add,59,0.4889,0.0015,297985.0,0.4099,0.0874,0.7626,0.0025,0.6902,0.0018,0.9532,0.0031,0.8007,0.0022,0.9158,0.003
-PyG,AmazonComputers,link_pred,True,,,2,8,3,skipsum,max,99,0.4762,0.0022,297985.0,0.3973,0.0407,0.78,0.0019,0.7009,0.002,0.9769,0.0005,0.8162,0.0012,0.9335,0.0017
-PyG,AmazonComputers,link_pred,True,,,2,8,3,skipsum,mean,79,0.4505,0.0005,297985.0,0.4148,0.0269,0.8149,0.0034,0.7391,0.004,0.9733,0.0006,0.8402,0.0024,0.9498,0.0004
-PyG,AmazonPhoto,link_pred,True,,,1,2,2,skipconcat,add,99,0.4663,0.0009,271310.0,0.1617,0.0253,0.7831,0.003,0.703,0.0033,0.9805,0.001,0.8189,0.0019,0.9457,0.0008
-PyG,AmazonPhoto,link_pred,True,,,1,2,2,skipconcat,max,99,0.461,0.003,271310.0,0.139,0.0142,0.7873,0.0021,0.7044,0.0021,0.9899,0.0004,0.8231,0.0015,0.9518,0.0016
-PyG,AmazonPhoto,link_pred,True,,,1,2,2,skipconcat,mean,99,0.4592,0.0028,271310.0,0.1429,0.0091,0.7995,0.0016,0.7179,0.0018,0.9867,0.0002,0.8311,0.0011,0.9522,0.0012
-PyG,AmazonPhoto,link_pred,True,,,1,2,2,skipsum,add,99,0.4645,0.0022,364525.0,0.1878,0.0326,0.7876,0.0014,0.7073,0.0016,0.9812,0.0005,0.822,0.0009,0.9444,0.0017
-PyG,AmazonPhoto,link_pred,True,,,1,2,2,skipsum,max,99,0.465,0.004,364525.0,0.1658,0.0185,0.7856,0.002,0.703,0.0018,0.9891,0.0006,0.8218,0.0015,0.9469,0.0034
-PyG,AmazonPhoto,link_pred,True,,,1,2,2,skipsum,mean,99,0.4542,0.0037,364525.0,0.1366,0.0121,0.8114,0.0021,0.7305,0.0024,0.9867,0.0007,0.8395,0.0014,0.9516,0.0022
-PyG,AmazonPhoto,link_pred,True,,,1,2,3,skipconcat,add,99,0.4512,0.0004,264533.0,0.1297,0.0012,0.7947,0.0031,0.714,0.0034,0.9831,0.002,0.8272,0.0021,0.952,0.0004
-PyG,AmazonPhoto,link_pred,True,,,1,2,3,skipconcat,max,99,0.4506,0.0026,264533.0,0.1511,0.0135,0.8002,0.003,0.7176,0.0031,0.9901,0.0007,0.8321,0.0021,0.9558,0.0018
-PyG,AmazonPhoto,link_pred,True,,,1,2,3,skipconcat,mean,99,0.4448,0.0031,264533.0,0.1384,0.011,0.8145,0.0033,0.7337,0.0032,0.9875,0.0014,0.8419,0.0025,0.9573,0.0027
-PyG,AmazonPhoto,link_pred,True,,,1,2,3,skipsum,add,99,0.4573,0.0038,348450.0,0.1406,0.0202,0.7921,0.0008,0.7114,0.0007,0.9829,0.0012,0.8254,0.0007,0.9483,0.0034
-PyG,AmazonPhoto,link_pred,True,,,1,2,3,skipsum,max,99,0.4563,0.0004,348450.0,0.1496,0.0087,0.796,0.0052,0.7133,0.0056,0.9899,0.0007,0.8291,0.0036,0.9522,0.0017
-PyG,AmazonPhoto,link_pred,True,,,1,2,3,skipsum,mean,99,0.4424,0.0021,348450.0,0.1356,0.0133,0.8202,0.003,0.7396,0.0035,0.9884,0.0004,0.8461,0.0022,0.959,0.0018
-PyG,AmazonPhoto,link_pred,True,,,1,4,2,skipconcat,add,99,0.4595,0.0045,246501.0,0.1371,0.0067,0.7867,0.003,0.7068,0.0029,0.9799,0.001,0.8212,0.0022,0.9485,0.0017
-PyG,AmazonPhoto,link_pred,True,,,1,4,2,skipconcat,max,99,0.4541,0.0035,246501.0,0.1417,0.0147,0.7872,0.0024,0.7041,0.0025,0.9907,0.0004,0.8232,0.0016,0.9584,0.0015
-PyG,AmazonPhoto,link_pred,True,,,1,4,2,skipconcat,mean,99,0.4435,0.0023,246501.0,0.1597,0.0212,0.8092,0.0023,0.7281,0.0026,0.9871,0.0003,0.838,0.0016,0.96,0.0012
-PyG,AmazonPhoto,link_pred,True,,,1,4,2,skipsum,add,99,0.4611,0.0023,333765.0,0.1495,0.0156,0.7867,0.0017,0.7062,0.0017,0.9817,0.0014,0.8215,0.0012,0.9456,0.0019
-PyG,AmazonPhoto,link_pred,True,,,1,4,2,skipsum,max,99,0.4622,0.0028,333765.0,0.1753,0.0465,0.7893,0.0019,0.7066,0.0019,0.9894,0.0004,0.8244,0.0013,0.9488,0.0024
-PyG,AmazonPhoto,link_pred,True,,,1,4,2,skipsum,mean,99,0.4404,0.003,333765.0,0.1354,0.0052,0.8221,0.0045,0.7425,0.0046,0.9863,0.0013,0.8472,0.0034,0.96,0.0019
-PyG,AmazonPhoto,link_pred,True,,,1,4,3,skipconcat,add,79,0.4504,0.0016,242306.0,0.1491,0.0359,0.7944,0.0018,0.7141,0.0021,0.982,0.0009,0.8268,0.0011,0.9523,0.0009
-PyG,AmazonPhoto,link_pred,True,,,1,4,3,skipconcat,max,99,0.4416,0.002,242306.0,0.1431,0.0297,0.8034,0.0035,0.7206,0.0038,0.9912,0.0005,0.8345,0.0024,0.9626,0.0007
-PyG,AmazonPhoto,link_pred,True,,,1,4,3,skipconcat,mean,99,0.4369,0.0025,242306.0,0.1651,0.055,0.8207,0.0016,0.7401,0.0013,0.9886,0.0015,0.8465,0.0013,0.9625,0.0022
-PyG,AmazonPhoto,link_pred,True,,,1,4,3,skipsum,add,99,0.457,0.005,325249.0,0.1364,0.0085,0.7886,0.0059,0.7079,0.0052,0.9826,0.0032,0.8229,0.0045,0.9484,0.0045
-PyG,AmazonPhoto,link_pred,True,,,1,4,3,skipsum,max,99,0.4512,0.0004,325249.0,0.1647,0.0107,0.8035,0.0019,0.7211,0.0021,0.9897,0.0007,0.8343,0.0014,0.9549,0.001
-PyG,AmazonPhoto,link_pred,True,,,1,4,3,skipsum,mean,99,0.4345,0.0025,325249.0,0.1486,0.0251,0.8328,0.0017,0.7542,0.0017,0.9874,0.0012,0.8552,0.0013,0.9633,0.0016
-PyG,AmazonPhoto,link_pred,True,,,1,6,2,skipconcat,add,99,0.4579,0.0006,232020.0,0.1502,0.0091,0.7856,0.0008,0.7055,0.0008,0.9803,0.0022,0.8205,0.0007,0.9503,0.0019
-PyG,AmazonPhoto,link_pred,True,,,1,6,2,skipconcat,max,99,0.4516,0.0033,232020.0,0.1577,0.0074,0.7833,0.0007,0.7,0.0008,0.9914,0.0002,0.8206,0.0005,0.9607,0.0023
-PyG,AmazonPhoto,link_pred,True,,,1,6,2,skipconcat,mean,99,0.437,0.0048,232020.0,0.1357,0.0084,0.8154,0.0033,0.7347,0.0037,0.9874,0.0006,0.8425,0.0024,0.963,0.0029
-PyG,AmazonPhoto,link_pred,True,,,1,6,2,skipsum,add,99,0.4631,0.0024,316827.0,0.1586,0.0266,0.785,0.0029,0.7049,0.0025,0.9803,0.0016,0.8201,0.0022,0.9444,0.002
-PyG,AmazonPhoto,link_pred,True,,,1,6,2,skipsum,max,99,0.4575,0.0012,316827.0,0.157,0.0118,0.7973,0.0014,0.7153,0.0015,0.9879,0.0009,0.8298,0.0009,0.9506,0.0013
-PyG,AmazonPhoto,link_pred,True,,,1,6,2,skipsum,mean,99,0.4346,0.0012,316827.0,0.1468,0.012,0.8337,0.0007,0.7557,0.0012,0.9863,0.001,0.8557,0.0004,0.9623,0.0005
-PyG,AmazonPhoto,link_pred,True,,,1,6,3,skipconcat,add,99,0.4473,0.0016,233591.0,0.1572,0.0067,0.7934,0.0018,0.7124,0.002,0.9844,0.0021,0.8266,0.0012,0.955,0.0015
-PyG,AmazonPhoto,link_pred,True,,,1,6,3,skipconcat,max,99,0.4401,0.0048,233591.0,0.1663,0.0112,0.801,0.0028,0.7181,0.003,0.9909,0.0007,0.8328,0.002,0.9636,0.0026
-PyG,AmazonPhoto,link_pred,True,,,1,6,3,skipconcat,mean,99,0.4355,0.0011,233591.0,0.1741,0.0516,0.8227,0.0011,0.7426,0.0011,0.9875,0.0005,0.8478,0.0009,0.9628,0.0006
-PyG,AmazonPhoto,link_pred,True,,,1,6,3,skipsum,add,99,0.4566,0.0056,310209.0,0.168,0.0112,0.7841,0.005,0.7035,0.0051,0.9823,0.0009,0.8198,0.0034,0.9487,0.0032
-PyG,AmazonPhoto,link_pred,True,,,1,6,3,skipsum,max,99,0.4576,0.0004,310209.0,0.1423,0.0074,0.7962,0.0022,0.7137,0.0023,0.9892,0.0004,0.8292,0.0015,0.9509,0.0008
-PyG,AmazonPhoto,link_pred,True,,,1,6,3,skipsum,mean,99,0.4335,0.0026,310209.0,0.145,0.0208,0.836,0.0013,0.758,0.0017,0.9871,0.0007,0.8575,0.0009,0.9636,0.002
-PyG,AmazonPhoto,link_pred,True,,,1,8,2,skipconcat,add,99,0.4611,0.005,228033.0,0.1449,0.008,0.7874,0.0032,0.7075,0.003,0.9798,0.0011,0.8217,0.0024,0.9496,0.0022
-PyG,AmazonPhoto,link_pred,True,,,1,8,2,skipconcat,max,99,0.4495,0.0019,228033.0,0.1472,0.0099,0.7876,0.0012,0.7045,0.0014,0.9904,0.0007,0.8234,0.0007,0.9605,0.0007
-PyG,AmazonPhoto,link_pred,True,,,1,8,2,skipconcat,mean,99,0.4398,0.0024,228033.0,0.1541,0.017,0.8163,0.0056,0.736,0.0061,0.9868,0.0003,0.8431,0.004,0.9614,0.0007
-PyG,AmazonPhoto,link_pred,True,,,1,8,2,skipsum,add,79,0.4656,0.0027,303241.0,0.1668,0.0159,0.7829,0.0021,0.7034,0.002,0.9785,0.0019,0.8184,0.0015,0.9417,0.0027
-PyG,AmazonPhoto,link_pred,True,,,1,8,2,skipsum,max,99,0.4634,0.0013,303241.0,0.1952,0.0166,0.7885,0.0019,0.7062,0.0017,0.9881,0.0013,0.8237,0.0015,0.9474,0.0012
-PyG,AmazonPhoto,link_pred,True,,,1,8,2,skipsum,mean,99,0.4362,0.0015,303241.0,0.1621,0.0239,0.8329,0.0039,0.7548,0.0042,0.9863,0.001,0.8552,0.0031,0.9625,0.0007
-PyG,AmazonPhoto,link_pred,True,,,1,8,3,skipconcat,add,99,0.4538,0.0056,225208.0,0.1444,0.0184,0.7894,0.0039,0.7091,0.0042,0.9816,0.0008,0.8234,0.0026,0.9507,0.0016
-PyG,AmazonPhoto,link_pred,True,,,1,8,3,skipconcat,max,99,0.4433,0.0045,225208.0,0.1744,0.0182,0.7955,0.0034,0.7125,0.003,0.9904,0.0017,0.8288,0.0026,0.9625,0.0029
-PyG,AmazonPhoto,link_pred,True,,,1,8,3,skipconcat,mean,99,0.4331,0.0018,225208.0,0.1409,0.0067,0.8262,0.0027,0.7463,0.0029,0.9883,0.0011,0.8504,0.002,0.9643,0.0009
-PyG,AmazonPhoto,link_pred,True,,,1,8,3,skipsum,add,99,0.4594,0.0046,300429.0,0.1656,0.012,0.7827,0.0033,0.703,0.0038,0.979,0.0013,0.8184,0.0021,0.9454,0.0028
-PyG,AmazonPhoto,link_pred,True,,,1,8,3,skipsum,max,99,0.4542,0.0023,300429.0,0.2174,0.0331,0.7974,0.0023,0.7147,0.0023,0.9902,0.0003,0.8302,0.0016,0.9538,0.0016
-PyG,AmazonPhoto,link_pred,True,,,1,8,3,skipsum,mean,99,0.4303,0.0015,300429.0,0.1589,0.0086,0.8408,0.0025,0.7635,0.0028,0.9876,0.0006,0.8612,0.002,0.9658,0.0009
-PyG,AmazonPhoto,link_pred,True,,,2,2,2,skipconcat,add,99,0.4538,0.0023,270941.0,0.1365,0.0153,0.788,0.0017,0.7068,0.0015,0.9844,0.001,0.8228,0.0013,0.9538,0.002
-PyG,AmazonPhoto,link_pred,True,,,2,2,2,skipconcat,max,99,0.458,0.0007,270941.0,0.1745,0.0202,0.7926,0.0033,0.7097,0.0033,0.9902,0.0003,0.8268,0.0023,0.954,0.0007
-PyG,AmazonPhoto,link_pred,True,,,2,2,2,skipconcat,mean,99,0.4484,0.0054,270941.0,0.1472,0.0369,0.8057,0.0013,0.7241,0.0015,0.988,0.0006,0.8357,0.0008,0.9572,0.0031
-PyG,AmazonPhoto,link_pred,True,,,2,2,2,skipsum,add,99,0.4555,0.0038,348450.0,0.1451,0.0203,0.7935,0.0028,0.7122,0.0028,0.9852,0.0009,0.8267,0.002,0.9513,0.0023
-PyG,AmazonPhoto,link_pred,True,,,2,2,2,skipsum,max,99,0.4565,0.0015,348450.0,0.1464,0.008,0.7932,0.0027,0.7105,0.0029,0.9899,0.0008,0.8272,0.0017,0.9524,0.0007
-PyG,AmazonPhoto,link_pred,True,,,2,2,2,skipsum,mean,99,0.4449,0.0013,348450.0,0.1458,0.0145,0.8151,0.001,0.7342,0.0011,0.9878,0.0005,0.8423,0.0007,0.9576,0.0009
-PyG,AmazonPhoto,link_pred,True,,,2,2,3,skipconcat,add,99,0.4428,0.0035,259841.0,0.1288,0.0078,0.8005,0.002,0.7191,0.0016,0.9862,0.0018,0.8317,0.0017,0.9584,0.0027
-PyG,AmazonPhoto,link_pred,True,,,2,2,3,skipconcat,max,99,0.4488,0.0024,259841.0,0.1463,0.0231,0.801,0.0052,0.7184,0.0055,0.9902,0.0005,0.8326,0.0036,0.9571,0.0016
-PyG,AmazonPhoto,link_pred,True,,,2,2,3,skipconcat,mean,99,0.4386,0.0021,259841.0,0.1385,0.0243,0.8193,0.0042,0.7381,0.0045,0.99,0.0002,0.8456,0.0031,0.9626,0.0011
-PyG,AmazonPhoto,link_pred,True,,,2,2,3,skipsum,add,99,0.45,0.0027,333765.0,0.1496,0.034,0.7968,0.0015,0.7155,0.0016,0.9852,0.0009,0.829,0.001,0.9539,0.0024
-PyG,AmazonPhoto,link_pred,True,,,2,2,3,skipsum,max,99,0.4485,0.0013,333765.0,0.1476,0.0045,0.801,0.0029,0.7182,0.003,0.9906,0.001,0.8327,0.002,0.9577,0.0007
-PyG,AmazonPhoto,link_pred,True,,,2,2,3,skipsum,mean,99,0.4362,0.0046,333765.0,0.1461,0.0307,0.8256,0.0034,0.7455,0.0036,0.9887,0.001,0.85,0.0026,0.9631,0.003
-PyG,AmazonPhoto,link_pred,True,,,2,4,2,skipconcat,add,99,0.4512,0.0018,242194.0,0.1304,0.0095,0.7901,0.0012,0.7091,0.0012,0.9838,0.0004,0.8242,0.0009,0.955,0.0011
-PyG,AmazonPhoto,link_pred,True,,,2,4,2,skipconcat,max,99,0.4521,0.0061,242194.0,0.1385,0.0197,0.7902,0.0055,0.7073,0.0056,0.9902,0.0007,0.8252,0.0039,0.9588,0.0027
-PyG,AmazonPhoto,link_pred,True,,,2,4,2,skipconcat,mean,79,0.4419,0.0012,242194.0,0.1407,0.0027,0.8093,0.0039,0.7277,0.0041,0.9886,0.0002,0.8383,0.0028,0.9615,0.0001
-PyG,AmazonPhoto,link_pred,True,,,2,4,2,skipsum,add,79,0.4575,0.0039,325249.0,0.1697,0.0288,0.7916,0.0024,0.7115,0.0024,0.981,0.0007,0.8248,0.0017,0.9481,0.0022
-PyG,AmazonPhoto,link_pred,True,,,2,4,2,skipsum,max,99,0.4585,0.0019,325249.0,0.1546,0.0078,0.7934,0.001,0.7112,0.001,0.9883,0.0007,0.8271,0.0007,0.9508,0.0016
-PyG,AmazonPhoto,link_pred,True,,,2,4,2,skipsum,mean,79,0.4367,0.0049,325249.0,0.1493,0.0178,0.8255,0.0057,0.7455,0.0062,0.9885,0.0004,0.85,0.0042,0.9626,0.003
-PyG,AmazonPhoto,link_pred,True,,,2,4,3,skipconcat,add,99,0.4463,0.002,235681.0,0.1455,0.0047,0.7958,0.0037,0.7143,0.0039,0.9858,0.0005,0.8284,0.0026,0.9562,0.0008
-PyG,AmazonPhoto,link_pred,True,,,2,4,3,skipconcat,max,99,0.4429,0.0026,235681.0,0.1443,0.0119,0.8024,0.0006,0.7196,0.0007,0.991,0.0007,0.8338,0.0004,0.9617,0.0022
-PyG,AmazonPhoto,link_pred,True,,,2,4,3,skipconcat,mean,99,0.4363,0.0008,235681.0,0.1521,0.0114,0.8229,0.0043,0.7425,0.0044,0.9887,0.0011,0.8481,0.0033,0.963,0.0002
-PyG,AmazonPhoto,link_pred,True,,,2,4,3,skipsum,add,79,0.4486,0.004,316827.0,0.1585,0.0264,0.7947,0.0056,0.7135,0.0053,0.9852,0.0017,0.8276,0.0041,0.9552,0.0032
-PyG,AmazonPhoto,link_pred,True,,,2,4,3,skipsum,max,99,0.4497,0.0027,316827.0,0.1743,0.0284,0.8017,0.0026,0.719,0.0028,0.9903,0.0005,0.8331,0.0018,0.9563,0.0018
-PyG,AmazonPhoto,link_pred,True,,,2,4,3,skipsum,mean,99,0.4327,0.0016,316827.0,0.154,0.0164,0.8354,0.0018,0.7576,0.0017,0.9864,0.0011,0.857,0.0015,0.9642,0.0011
-PyG,AmazonPhoto,link_pred,True,,,2,6,2,skipconcat,add,79,0.4603,0.0074,233783.0,0.145,0.0054,0.7869,0.0012,0.7069,0.0006,0.9801,0.0029,0.8214,0.0012,0.9487,0.0049
-PyG,AmazonPhoto,link_pred,True,,,2,6,2,skipconcat,max,99,0.4494,0.0064,233783.0,0.1447,0.0034,0.7903,0.0044,0.7073,0.0043,0.9904,0.001,0.8252,0.0031,0.9606,0.0031
-PyG,AmazonPhoto,link_pred,True,,,2,6,2,skipconcat,mean,99,0.4392,0.0035,233783.0,0.1471,0.0129,0.8109,0.0055,0.7299,0.0058,0.9873,0.0007,0.8393,0.004,0.9622,0.0017
-PyG,AmazonPhoto,link_pred,True,,,2,6,2,skipsum,add,99,0.4604,0.0011,310209.0,0.1539,0.0162,0.7847,0.0008,0.7042,0.0007,0.9818,0.001,0.8201,0.0007,0.9465,0.0006
-PyG,AmazonPhoto,link_pred,True,,,2,6,2,skipsum,max,99,0.4554,0.0019,310209.0,0.1789,0.0274,0.7949,0.0035,0.7125,0.0035,0.9887,0.0005,0.8282,0.0024,0.953,0.0015
-PyG,AmazonPhoto,link_pred,True,,,2,6,2,skipsum,mean,99,0.4337,0.0022,310209.0,0.1686,0.0077,0.8344,0.0036,0.7559,0.0047,0.988,0.0013,0.8565,0.0026,0.9643,0.0015
-PyG,AmazonPhoto,link_pred,True,,,2,6,3,skipconcat,add,79,0.4462,0.0024,234886.0,0.1568,0.0243,0.7958,0.0026,0.7145,0.0028,0.9854,0.0005,0.8283,0.0017,0.9562,0.0014
-PyG,AmazonPhoto,link_pred,True,,,2,6,3,skipconcat,max,99,0.4435,0.0033,234886.0,0.1357,0.0062,0.8005,0.0019,0.7177,0.0022,0.9909,0.001,0.8324,0.0011,0.9622,0.0009
-PyG,AmazonPhoto,link_pred,True,,,2,6,3,skipconcat,mean,99,0.4339,0.0031,234886.0,0.1415,0.0022,0.8254,0.0047,0.7457,0.0053,0.9877,0.0018,0.8498,0.0035,0.9642,0.0012
-PyG,AmazonPhoto,link_pred,True,,,2,6,3,skipsum,add,99,0.4541,0.0002,303241.0,0.1713,0.0109,0.7892,0.0006,0.7083,0.0003,0.9834,0.0011,0.8235,0.0005,0.9512,0.001
-PyG,AmazonPhoto,link_pred,True,,,2,6,3,skipsum,max,99,0.4539,0.0025,303241.0,0.1585,0.0116,0.7974,0.0025,0.7148,0.0027,0.9898,0.0008,0.8301,0.0018,0.9537,0.0018
-PyG,AmazonPhoto,link_pred,True,,,2,6,3,skipsum,mean,99,0.4315,0.0024,303241.0,0.1872,0.0245,0.8371,0.0017,0.7594,0.002,0.9869,0.001,0.8583,0.0013,0.9654,0.0016
-PyG,AmazonPhoto,link_pred,True,,,2,8,2,skipconcat,add,99,0.4613,0.004,229121.0,0.1438,0.0105,0.788,0.0009,0.7092,0.0012,0.9763,0.0011,0.8216,0.0004,0.9466,0.002
-PyG,AmazonPhoto,link_pred,True,,,2,8,2,skipconcat,max,99,0.4528,0.0046,229121.0,0.1988,0.0188,0.7851,0.0033,0.7024,0.0032,0.9892,0.0007,0.8215,0.0023,0.9587,0.0024
-PyG,AmazonPhoto,link_pred,True,,,2,8,2,skipconcat,mean,99,0.4367,0.0036,229121.0,0.1652,0.0474,0.8153,0.0021,0.7348,0.0024,0.9869,0.0006,0.8424,0.0015,0.9636,0.0018
-PyG,AmazonPhoto,link_pred,True,,,2,8,2,skipsum,add,99,0.4585,0.0022,300429.0,0.1671,0.0183,0.7842,0.0017,0.7039,0.0019,0.9813,0.002,0.8198,0.0012,0.9474,0.0018
-PyG,AmazonPhoto,link_pred,True,,,2,8,2,skipsum,max,79,0.4582,0.0008,300429.0,0.2086,0.0354,0.7943,0.0046,0.7119,0.0046,0.9887,0.0002,0.8278,0.0032,0.9503,0.0012
-PyG,AmazonPhoto,link_pred,True,,,2,8,2,skipsum,mean,99,0.4349,0.0057,300429.0,0.1997,0.0307,0.8355,0.0038,0.7577,0.0039,0.9863,0.0014,0.857,0.003,0.9632,0.0034
-PyG,AmazonPhoto,link_pred,True,,,2,8,3,skipconcat,add,79,0.4518,0.0032,225991.0,0.1602,0.0144,0.7927,0.003,0.712,0.0029,0.9832,0.0007,0.8259,0.0022,0.9522,0.0018
-PyG,AmazonPhoto,link_pred,True,,,2,8,3,skipconcat,max,99,0.4442,0.0022,225991.0,0.1595,0.0148,0.7977,0.0037,0.7147,0.004,0.991,0.0008,0.8305,0.0025,0.9615,0.0005
-PyG,AmazonPhoto,link_pred,True,,,2,8,3,skipconcat,mean,99,0.4347,0.0024,225991.0,0.144,0.003,0.827,0.0037,0.7477,0.004,0.9871,0.0005,0.8509,0.0028,0.9633,0.0015
-PyG,AmazonPhoto,link_pred,True,,,2,8,3,skipsum,add,79,0.459,0.0017,295169.0,0.1588,0.0147,0.7833,0.0033,0.7026,0.0034,0.9828,0.0005,0.8193,0.0023,0.9478,0.0008
-PyG,AmazonPhoto,link_pred,True,,,2,8,3,skipsum,max,99,0.455,0.002,295169.0,0.1828,0.0233,0.7962,0.0038,0.7137,0.004,0.9894,0.0007,0.8292,0.0026,0.9534,0.0009
-PyG,AmazonPhoto,link_pred,True,,,2,8,3,skipsum,mean,99,0.4306,0.0017,295169.0,0.1794,0.0275,0.8387,0.0041,0.7614,0.0051,0.9865,0.0019,0.8594,0.003,0.9652,0.0019
-PyG,CiteSeer,link_pred,True,,,1,2,2,skipconcat,add,59,0.9486,0.6287,558236.0,0.1056,0.0145,0.7539,0.0029,0.6707,0.0022,0.9977,0.0033,0.8022,0.0023,0.9575,0.0197
-PyG,CiteSeer,link_pred,True,,,1,2,2,skipconcat,max,79,0.5024,0.0151,558236.0,0.1132,0.0208,0.7565,0.0031,0.6725,0.0029,1.0,0.0,0.8042,0.002,0.9714,0.0075
-PyG,CiteSeer,link_pred,True,,,1,2,2,skipconcat,mean,79,0.4761,0.03,558236.0,0.1007,0.0094,0.7612,0.0013,0.6768,0.0011,1.0,0.0,0.8072,0.0008,0.9806,0.0062
-PyG,CiteSeer,link_pred,True,,,1,2,2,skipsum,add,19,1.3963,0.5055,1021201.0,0.0949,0.0043,0.7481,0.0048,0.6654,0.0044,0.9982,0.0013,0.7984,0.003,0.9406,0.0072
-PyG,CiteSeer,link_pred,True,,,1,2,2,skipsum,max,79,0.471,0.0109,1021201.0,0.1025,0.021,0.7619,0.0031,0.6774,0.0028,1.0,0.0,0.8077,0.002,0.9689,0.0047
-PyG,CiteSeer,link_pred,True,,,1,2,2,skipsum,mean,99,0.4458,0.0102,1021201.0,0.1293,0.0346,0.7657,0.0052,0.6809,0.0048,1.0,0.0,0.8102,0.0034,0.9818,0.0024
-PyG,CiteSeer,link_pred,True,,,1,2,3,skipconcat,add,59,0.4409,0.0149,507089.0,0.1016,0.0212,0.7581,0.0017,0.674,0.0015,1.0,0.0,0.8052,0.0011,0.9836,0.0055
-PyG,CiteSeer,link_pred,True,,,1,2,3,skipconcat,max,99,0.4386,0.0119,507089.0,0.0918,0.0135,0.7676,0.01,0.6828,0.0093,1.0,0.0,0.8115,0.0066,0.9823,0.0035
-PyG,CiteSeer,link_pred,True,,,1,2,3,skipconcat,mean,99,0.4396,0.0114,507089.0,0.0998,0.0147,0.7607,0.0069,0.6764,0.0063,1.0,0.0,0.807,0.0045,0.985,0.0046
-PyG,CiteSeer,link_pred,True,,,1,2,3,skipsum,add,59,0.4413,0.0132,937092.0,0.1246,0.0168,0.7679,0.008,0.683,0.0075,1.0,0.0,0.8116,0.0052,0.9813,0.0045
-PyG,CiteSeer,link_pred,True,,,1,2,3,skipsum,max,99,0.4648,0.0072,937092.0,0.1076,0.0053,0.7587,0.0006,0.6745,0.0005,1.0,0.0,0.8056,0.0004,0.97,0.0043
-PyG,CiteSeer,link_pred,True,,,1,2,3,skipsum,mean,79,0.4343,0.0159,937092.0,0.1192,0.0302,0.7764,0.0034,0.691,0.0033,1.0,0.0,0.8173,0.0023,0.9786,0.0085
-PyG,CiteSeer,link_pred,True,,,1,4,2,skipconcat,add,79,0.4533,0.0203,418065.0,0.1354,0.0077,0.7606,0.0036,0.6763,0.0033,1.0,0.0,0.8069,0.0024,0.9815,0.0065
-PyG,CiteSeer,link_pred,True,,,1,4,2,skipconcat,max,99,0.5278,0.0283,418065.0,0.1092,0.0146,0.7595,0.0042,0.6752,0.0039,1.0,0.0,0.8061,0.0027,0.9591,0.0083
-PyG,CiteSeer,link_pred,True,,,1,4,2,skipconcat,mean,99,0.5004,0.0379,418065.0,0.1058,0.0055,0.7611,0.0066,0.6767,0.0061,1.0,0.0,0.8072,0.0043,0.9714,0.0096
-PyG,CiteSeer,link_pred,True,,,1,4,2,skipsum,add,79,0.4367,0.0137,869163.0,0.1068,0.0064,0.759,0.0004,0.6748,0.0004,1.0,0.0,0.8058,0.0003,0.9857,0.0036
-PyG,CiteSeer,link_pred,True,,,1,4,2,skipsum,max,79,0.4876,0.0113,869163.0,0.111,0.0089,0.765,0.0093,0.6804,0.0087,1.0,0.0,0.8097,0.0061,0.9523,0.0028
-PyG,CiteSeer,link_pred,True,,,1,4,2,skipsum,mean,79,0.4506,0.0079,869163.0,0.1124,0.0193,0.772,0.0057,0.6869,0.0054,1.0,0.0,0.8144,0.0038,0.9731,0.0021
-PyG,CiteSeer,link_pred,True,,,1,4,3,skipconcat,add,79,0.4319,0.0096,387248.0,0.1311,0.046,0.7628,0.0037,0.6783,0.0034,1.0,0.0,0.8083,0.0024,0.985,0.0038
-PyG,CiteSeer,link_pred,True,,,1,4,3,skipconcat,max,79,0.4597,0.0067,387248.0,0.1236,0.0319,0.7667,0.0017,0.6818,0.0016,1.0,0.0,0.8108,0.0011,0.9667,0.0059
-PyG,CiteSeer,link_pred,True,,,1,4,3,skipconcat,mean,99,0.4466,0.0058,387248.0,0.0937,0.0085,0.7656,0.0037,0.6809,0.0034,1.0,0.0,0.8102,0.0024,0.9779,0.0041
-PyG,CiteSeer,link_pred,True,,,1,4,3,skipsum,add,79,0.4212,0.0068,822193.0,0.1104,0.0145,0.7672,0.001,0.6823,0.0009,1.0,0.0,0.8111,0.0007,0.9866,0.0047
-PyG,CiteSeer,link_pred,True,,,1,4,3,skipsum,max,99,0.4798,0.0125,822193.0,0.0926,0.0049,0.7629,0.0074,0.6784,0.0068,1.0,0.0,0.8084,0.0049,0.9512,0.0039
-PyG,CiteSeer,link_pred,True,,,1,4,3,skipsum,mean,79,0.4584,0.0063,822193.0,0.1009,0.0031,0.7698,0.0023,0.685,0.0019,0.9991,0.0013,0.8127,0.0017,0.9628,0.006
-PyG,CiteSeer,link_pred,True,,,1,6,2,skipconcat,add,79,0.4423,0.0175,353298.0,0.0775,0.0197,0.7706,0.0034,0.6855,0.0032,1.0,0.0,0.8134,0.0023,0.9824,0.0068
-PyG,CiteSeer,link_pred,True,,,1,6,2,skipconcat,max,79,0.508,0.0192,353298.0,0.0894,0.013,0.7601,0.0057,0.6758,0.0052,1.0,0.0,0.8065,0.0037,0.9599,0.0037
-PyG,CiteSeer,link_pred,True,,,1,6,2,skipconcat,mean,99,0.4619,0.0116,353298.0,0.0886,0.001,0.7694,0.0014,0.6844,0.0013,1.0,0.0,0.8126,0.0009,0.9745,0.0036
-PyG,CiteSeer,link_pred,True,,,1,6,2,skipsum,add,99,0.4422,0.0109,781233.0,0.0929,0.006,0.7607,0.0072,0.6763,0.0066,1.0,0.0,0.8069,0.0047,0.9823,0.0049
-PyG,CiteSeer,link_pred,True,,,1,6,2,skipsum,max,99,0.4851,0.0155,781233.0,0.1004,0.0029,0.7687,0.0065,0.6839,0.0059,0.9995,0.0007,0.8121,0.0044,0.9488,0.0062
-PyG,CiteSeer,link_pred,True,,,1,6,2,skipsum,mean,59,0.4647,0.013,781233.0,0.0972,0.0071,0.778,0.0067,0.6927,0.0066,0.9995,0.0007,0.8183,0.0044,0.9573,0.0058
-PyG,CiteSeer,link_pred,True,,,1,6,3,skipconcat,add,79,0.4367,0.0196,337121.0,0.095,0.007,0.7704,0.01,0.6854,0.0095,1.0,0.0,0.8133,0.0066,0.9792,0.0103
-PyG,CiteSeer,link_pred,True,,,1,6,3,skipconcat,max,99,0.4594,0.003,337121.0,0.0797,0.0209,0.7692,0.0039,0.6842,0.0036,1.0,0.0,0.8125,0.0026,0.9695,0.0012
-PyG,CiteSeer,link_pred,True,,,1,6,3,skipconcat,mean,99,0.4542,0.0018,337121.0,0.1045,0.002,0.7676,0.0005,0.6827,0.0004,1.0,0.0,0.8114,0.0003,0.9709,0.0016
-PyG,CiteSeer,link_pred,True,,,1,6,3,skipsum,add,59,0.4261,0.0056,747993.0,0.0992,0.003,0.764,0.0039,0.6794,0.0038,0.9995,0.0007,0.809,0.0024,0.9846,0.0036
-PyG,CiteSeer,link_pred,True,,,1,6,3,skipsum,max,99,0.5194,0.0447,747993.0,0.0997,0.0023,0.7629,0.0148,0.679,0.0131,0.9982,0.0017,0.8082,0.0099,0.9235,0.0249
-PyG,CiteSeer,link_pred,True,,,1,6,3,skipsum,mean,79,0.4624,0.0019,747993.0,0.1261,0.0302,0.7777,0.0096,0.6929,0.0094,0.9977,0.0006,0.8178,0.0064,0.9526,0.0025
-PyG,CiteSeer,link_pred,True,,,1,8,2,skipconcat,add,79,0.4469,0.0192,322689.0,0.0984,0.0028,0.7694,0.0048,0.6845,0.0045,1.0,0.0,0.8126,0.0032,0.9784,0.0088
-PyG,CiteSeer,link_pred,True,,,1,8,2,skipconcat,max,99,0.5094,0.0073,322689.0,0.1051,0.008,0.7662,0.0053,0.6814,0.0049,1.0,0.0,0.8106,0.0035,0.9559,0.0033
-PyG,CiteSeer,link_pred,True,,,1,8,2,skipconcat,mean,99,0.4678,0.0048,322689.0,0.118,0.0211,0.7693,0.0078,0.6844,0.0073,1.0,0.0,0.8126,0.0052,0.9695,0.0028
-PyG,CiteSeer,link_pred,True,,,1,8,2,skipsum,add,99,0.4291,0.0044,717361.0,0.0981,0.003,0.765,0.0008,0.6802,0.0008,1.0,0.0,0.8097,0.0006,0.9828,0.003
-PyG,CiteSeer,link_pred,True,,,1,8,2,skipsum,max,99,0.4876,0.0138,717361.0,0.074,0.0079,0.7706,0.0041,0.6856,0.0038,0.9995,0.0007,0.8133,0.0028,0.9436,0.006
-PyG,CiteSeer,link_pred,True,,,1,8,2,skipsum,mean,79,0.4684,0.0093,717361.0,0.1107,0.0218,0.7678,0.007,0.6832,0.0063,0.9991,0.0013,0.8115,0.0048,0.9531,0.0056
-PyG,CiteSeer,link_pred,True,,,1,8,3,skipconcat,add,79,0.4446,0.024,305074.0,0.1258,0.0413,0.7727,0.0084,0.6877,0.0078,0.9995,0.0007,0.8148,0.0057,0.9751,0.0115
-PyG,CiteSeer,link_pred,True,,,1,8,3,skipconcat,max,79,0.4649,0.0122,305074.0,0.116,0.023,0.7673,0.0027,0.6825,0.0024,0.9995,0.0007,0.8111,0.0018,0.9617,0.0064
-PyG,CiteSeer,link_pred,True,,,1,8,3,skipconcat,mean,99,0.4527,0.005,305074.0,0.1023,0.0041,0.7763,0.0058,0.691,0.0056,0.9995,0.0007,0.8171,0.0038,0.9653,0.0048
-PyG,CiteSeer,link_pred,True,,,1,8,3,skipsum,add,59,0.4311,0.0067,696801.0,0.0941,0.0055,0.7643,0.0046,0.6796,0.0042,1.0,0.0,0.8093,0.003,0.9822,0.0013
-PyG,CiteSeer,link_pred,True,,,1,8,3,skipsum,max,59,0.4882,0.006,696801.0,0.0563,0.004,0.7667,0.0072,0.6824,0.0067,0.9982,0.0006,0.8106,0.0048,0.9305,0.0042
-PyG,CiteSeer,link_pred,True,,,1,8,3,skipsum,mean,59,0.4778,0.0148,696801.0,0.1036,0.0109,0.7734,0.0045,0.6907,0.0046,0.9904,0.0011,0.8139,0.0028,0.934,0.01
-PyG,CiteSeer,link_pred,True,,,2,2,2,skipconcat,add,79,0.8307,0.5407,551951.0,0.0577,0.0232,0.7592,0.0046,0.6753,0.0036,0.9982,0.0026,0.8056,0.0033,0.9652,0.0256
-PyG,CiteSeer,link_pred,True,,,2,2,2,skipconcat,max,79,0.5837,0.1488,551951.0,0.12,0.0427,0.7636,0.0071,0.6795,0.0061,0.9982,0.0026,0.8085,0.005,0.9514,0.0288
-PyG,CiteSeer,link_pred,True,,,2,2,2,skipconcat,mean,99,0.4651,0.0238,551951.0,0.1243,0.0256,0.7598,0.0009,0.6755,0.0008,1.0,0.0,0.8063,0.0006,0.9797,0.0069
-PyG,CiteSeer,link_pred,True,,,2,2,2,skipsum,add,59,0.4644,0.0318,937092.0,0.1079,0.0167,0.7596,0.0056,0.6754,0.0051,1.0,0.0,0.8062,0.0036,0.9787,0.0086
-PyG,CiteSeer,link_pred,True,,,2,2,2,skipsum,max,79,0.4784,0.0154,937092.0,0.1131,0.033,0.7575,0.0037,0.6735,0.0033,1.0,0.0,0.8049,0.0024,0.9656,0.0083
-PyG,CiteSeer,link_pred,True,,,2,2,2,skipsum,mean,79,0.4354,0.0116,937092.0,0.1014,0.0094,0.7643,0.0016,0.6796,0.0015,1.0,0.0,0.8093,0.0011,0.9842,0.0035
-PyG,CiteSeer,link_pred,True,,,2,2,3,skipconcat,add,79,0.428,0.016,496481.0,0.1164,0.0316,0.7669,0.0042,0.6821,0.0039,1.0,0.0,0.811,0.0028,0.9853,0.0057
-PyG,CiteSeer,link_pred,True,,,2,2,3,skipconcat,max,99,0.4492,0.0051,496481.0,0.1218,0.0162,0.7676,0.0061,0.6827,0.0057,1.0,0.0,0.8115,0.004,0.9769,0.0056
-PyG,CiteSeer,link_pred,True,,,2,2,3,skipconcat,mean,99,0.4312,0.0086,496481.0,0.1021,0.0083,0.7682,0.006,0.6833,0.0056,1.0,0.0,0.8118,0.0039,0.9834,0.0059
-PyG,CiteSeer,link_pred,True,,,2,2,3,skipsum,add,59,0.4377,0.0146,869163.0,0.1055,0.006,0.7609,0.0111,0.6766,0.0102,1.0,0.0,0.8071,0.0072,0.9841,0.0033
-PyG,CiteSeer,link_pred,True,,,2,2,3,skipsum,max,99,0.4596,0.0226,869163.0,0.1045,0.0109,0.7656,0.0066,0.6808,0.0061,1.0,0.0,0.8101,0.0043,0.9696,0.0116
-PyG,CiteSeer,link_pred,True,,,2,2,3,skipsum,mean,99,0.4373,0.0157,869163.0,0.1008,0.0029,0.7743,0.0119,0.6892,0.0114,1.0,0.0,0.816,0.0079,0.9798,0.0071
-PyG,CiteSeer,link_pred,True,,,2,4,2,skipconcat,add,99,0.4869,0.0355,410800.0,0.0626,0.0184,0.7624,0.0073,0.6781,0.0068,0.9995,0.0007,0.808,0.0047,0.9697,0.0104
-PyG,CiteSeer,link_pred,True,,,2,4,2,skipconcat,max,99,0.4992,0.0014,410800.0,0.1016,0.0078,0.7634,0.0108,0.6789,0.0099,1.0,0.0,0.8087,0.007,0.9624,0.0012
-PyG,CiteSeer,link_pred,True,,,2,4,2,skipconcat,mean,79,0.4651,0.0185,410800.0,0.1055,0.0093,0.7631,0.0057,0.6786,0.0053,1.0,0.0,0.8085,0.0038,0.9728,0.006
-PyG,CiteSeer,link_pred,True,,,2,4,2,skipsum,add,59,0.4405,0.014,822193.0,0.0965,0.0015,0.7654,0.0039,0.6807,0.0036,1.0,0.0,0.81,0.0025,0.9829,0.0042
-PyG,CiteSeer,link_pred,True,,,2,4,2,skipsum,max,99,0.4893,0.0017,822193.0,0.1099,0.0094,0.7648,0.0041,0.6802,0.0038,1.0,0.0,0.8096,0.0027,0.9519,0.0038
-PyG,CiteSeer,link_pred,True,,,2,4,2,skipsum,mean,99,0.4498,0.0033,822193.0,0.0988,0.0055,0.7733,0.0048,0.6881,0.0045,1.0,0.0,0.8152,0.0032,0.9718,0.0011
-PyG,CiteSeer,link_pred,True,,,2,4,3,skipconcat,add,79,0.4455,0.0144,377665.0,0.0978,0.0079,0.7659,0.0038,0.6811,0.0035,1.0,0.0,0.8103,0.0025,0.9785,0.0072
-PyG,CiteSeer,link_pred,True,,,2,4,3,skipconcat,max,79,0.4604,0.0055,377665.0,0.1017,0.0072,0.7683,0.0047,0.6834,0.0044,1.0,0.0,0.8119,0.0031,0.9651,0.0035
-PyG,CiteSeer,link_pred,True,,,2,4,3,skipconcat,mean,79,0.4557,0.0219,377665.0,0.103,0.0062,0.7691,0.0101,0.6842,0.0094,1.0,0.0,0.8125,0.0067,0.9699,0.0087
-PyG,CiteSeer,link_pred,True,,,2,4,3,skipsum,add,99,0.4259,0.0061,781233.0,0.0511,0.0032,0.77,0.0061,0.685,0.0058,1.0,0.0,0.813,0.004,0.9863,0.0029
-PyG,CiteSeer,link_pred,True,,,2,4,3,skipsum,max,59,0.4859,0.0101,781233.0,0.1079,0.0067,0.7698,0.0062,0.6848,0.0058,1.0,0.0,0.8129,0.004,0.9456,0.0036
-PyG,CiteSeer,link_pred,True,,,2,4,3,skipsum,mean,99,0.4574,0.0114,781233.0,0.1084,0.0136,0.778,0.006,0.6928,0.0054,0.9991,0.0013,0.8182,0.0042,0.9628,0.007
-PyG,CiteSeer,link_pred,True,,,2,6,2,skipconcat,add,99,0.4967,0.0656,355061.0,0.1171,0.0057,0.7689,0.0127,0.6841,0.0118,1.0,0.0,0.8124,0.0083,0.9646,0.015
-PyG,CiteSeer,link_pred,True,,,2,6,2,skipconcat,max,99,0.4952,0.0046,355061.0,0.1012,0.0111,0.7688,0.0008,0.6837,0.0008,1.0,0.0,0.8122,0.0005,0.9586,0.0021
-PyG,CiteSeer,link_pred,True,,,2,6,2,skipconcat,mean,59,0.4886,0.0216,355061.0,0.121,0.0174,0.7724,0.0021,0.6872,0.002,1.0,0.0,0.8146,0.0014,0.9586,0.0101
-PyG,CiteSeer,link_pred,True,,,2,6,2,skipsum,add,99,0.4313,0.0062,747993.0,0.1145,0.0245,0.7703,0.0027,0.6853,0.0025,1.0,0.0,0.8132,0.0018,0.9825,0.0014
-PyG,CiteSeer,link_pred,True,,,2,6,2,skipsum,max,79,0.4847,0.0103,747993.0,0.1058,0.0068,0.7684,0.0048,0.6835,0.0045,1.0,0.0,0.812,0.0032,0.9473,0.0053
-PyG,CiteSeer,link_pred,True,,,2,6,2,skipsum,mean,99,0.4667,0.015,747993.0,0.1284,0.0223,0.7787,0.0074,0.6936,0.0071,0.9986,0.0,0.8186,0.005,0.9551,0.0065
-PyG,CiteSeer,link_pred,True,,,2,6,3,skipconcat,add,79,0.4543,0.0241,338416.0,0.1061,0.0133,0.7689,0.0095,0.6841,0.0088,0.9995,0.0007,0.8122,0.0064,0.97,0.0109
-PyG,CiteSeer,link_pred,True,,,2,6,3,skipconcat,max,59,0.4897,0.0142,338416.0,0.139,0.0503,0.7705,0.0096,0.6855,0.0091,1.0,0.0,0.8134,0.0063,0.9493,0.0049
-PyG,CiteSeer,link_pred,True,,,2,6,3,skipconcat,mean,99,0.4606,0.0107,338416.0,0.1081,0.0139,0.7761,0.0044,0.6908,0.0042,1.0,0.0,0.8171,0.0029,0.9631,0.006
-PyG,CiteSeer,link_pred,True,,,2,6,3,skipsum,add,59,0.4319,0.0014,717361.0,0.1418,0.051,0.7651,0.0053,0.6805,0.0048,0.9995,0.0007,0.8097,0.0035,0.9808,0.0018
-PyG,CiteSeer,link_pred,True,,,2,6,3,skipsum,max,99,0.4887,0.0067,717361.0,0.1042,0.0032,0.7628,0.0045,0.6786,0.0037,0.9986,0.0019,0.8081,0.0033,0.9391,0.0043
-PyG,CiteSeer,link_pred,True,,,2,6,3,skipsum,mean,79,0.4692,0.0069,717361.0,0.1103,0.0122,0.7756,0.0018,0.6924,0.0017,0.9918,0.0049,0.8155,0.0016,0.9415,0.0063
-PyG,CiteSeer,link_pred,True,,,2,8,2,skipconcat,add,79,0.4989,0.0644,323777.0,0.1057,0.0035,0.769,0.004,0.6841,0.0036,0.9995,0.0007,0.8122,0.0027,0.9615,0.0152
-PyG,CiteSeer,link_pred,True,,,2,8,2,skipconcat,max,79,0.5292,0.042,323777.0,0.1077,0.0222,0.7667,0.0052,0.682,0.0047,0.9995,0.0007,0.8108,0.0035,0.9426,0.0143
-PyG,CiteSeer,link_pred,True,,,2,8,2,skipconcat,mean,79,0.4728,0.008,323777.0,0.1117,0.0119,0.7688,0.0051,0.6839,0.0048,1.0,0.0,0.8123,0.0034,0.9622,0.0043
-PyG,CiteSeer,link_pred,True,,,2,8,2,skipsum,add,99,0.4345,0.013,696801.0,0.0569,0.0026,0.7611,0.0053,0.6767,0.0048,1.0,0.0,0.8072,0.0035,0.9836,0.0042
-PyG,CiteSeer,link_pred,True,,,2,8,2,skipsum,max,99,0.4877,0.0135,696801.0,0.0824,0.0163,0.7656,0.006,0.681,0.0054,0.9991,0.0013,0.81,0.0041,0.9429,0.0041
-PyG,CiteSeer,link_pred,True,,,2,8,2,skipsum,mean,79,0.4736,0.0052,696801.0,0.0813,0.0163,0.7717,0.0053,0.6875,0.0052,0.9964,0.0007,0.8136,0.0034,0.9469,0.0007
-PyG,CiteSeer,link_pred,True,,,2,8,3,skipconcat,add,79,0.4535,0.0253,305857.0,0.0966,0.0027,0.7723,0.0075,0.6875,0.0066,0.9986,0.0019,0.8143,0.0053,0.9651,0.0159
-PyG,CiteSeer,link_pred,True,,,2,8,3,skipconcat,max,79,0.4716,0.0054,305857.0,0.1078,0.012,0.7766,0.0079,0.6913,0.0075,1.0,0.0,0.8175,0.0053,0.9551,0.0031
-PyG,CiteSeer,link_pred,True,,,2,8,3,skipconcat,mean,79,0.4633,0.0129,305857.0,0.125,0.0155,0.7742,0.0074,0.6891,0.007,0.9995,0.0007,0.8158,0.0049,0.9585,0.0078
-PyG,CiteSeer,link_pred,True,,,2,8,3,skipsum,add,59,0.4356,0.0076,673793.0,0.0608,0.0026,0.7618,0.0015,0.6774,0.0013,0.9995,0.0007,0.8075,0.0011,0.9792,0.005
-PyG,CiteSeer,link_pred,True,,,2,8,3,skipsum,max,99,0.4883,0.006,673793.0,0.1182,0.0087,0.7724,0.0025,0.6879,0.002,0.9973,0.0019,0.8142,0.0019,0.9334,0.0038
-PyG,CiteSeer,link_pred,True,,,2,8,3,skipsum,mean,79,0.4671,0.0107,673793.0,0.109,0.0061,0.7779,0.0053,0.6951,0.0058,0.9904,0.0029,0.8168,0.0033,0.9418,0.0082
-PyG,CoauthorCS,link_pred,True,,,1,2,2,skipconcat,add,99,0.4417,0.004,859130.0,1.1573,0.2268,0.7951,0.0014,0.7111,0.0014,0.9941,0.0001,0.8291,0.0009,0.967,0.0019
-PyG,CoauthorCS,link_pred,True,,,1,2,2,skipconcat,max,99,0.4559,0.0045,859130.0,0.8154,0.0479,0.7877,0.0035,0.7033,0.0034,0.9952,0.0004,0.8241,0.0024,0.9609,0.0019
-PyG,CoauthorCS,link_pred,True,,,1,2,2,skipconcat,mean,99,0.4376,0.0025,859130.0,0.9693,0.1224,0.8007,0.0007,0.7168,0.0005,0.9943,0.0007,0.8331,0.0006,0.968,0.0013
-PyG,CoauthorCS,link_pred,True,,,1,2,2,skipsum,add,99,0.4476,0.0024,1709845.0,1.1616,0.1859,0.803,0.0018,0.7201,0.0016,0.9914,0.0011,0.8342,0.0014,0.9608,0.0015
-PyG,CoauthorCS,link_pred,True,,,1,2,2,skipsum,max,99,0.4606,0.003,1709845.0,0.954,0.1012,0.7974,0.0015,0.7149,0.0011,0.9894,0.0022,0.83,0.0013,0.9514,0.0024
-PyG,CoauthorCS,link_pred,True,,,1,2,2,skipsum,mean,99,0.4419,0.0009,1709845.0,1.1015,0.0976,0.8198,0.0002,0.7385,0.0004,0.9905,0.0008,0.8461,0.0002,0.9614,0.0006
-PyG,CoauthorCS,link_pred,True,,,1,2,3,skipconcat,add,99,0.4426,0.0035,761453.0,1.0105,0.1007,0.8082,0.0041,0.7264,0.0042,0.989,0.001,0.8376,0.0029,0.9608,0.0016
-PyG,CoauthorCS,link_pred,True,,,1,2,3,skipconcat,max,99,0.4481,0.0038,761453.0,0.88,0.0938,0.8079,0.0027,0.7258,0.0028,0.9899,0.0008,0.8375,0.0019,0.957,0.0027
-PyG,CoauthorCS,link_pred,True,,,1,2,3,skipconcat,mean,99,0.441,0.0025,761453.0,1.0189,0.0115,0.8203,0.0017,0.7401,0.0017,0.9875,0.0016,0.8461,0.0013,0.9608,0.0025
-PyG,CoauthorCS,link_pred,True,,,1,2,3,skipsum,add,99,0.4497,0.0041,1554390.0,0.9826,0.0581,0.8112,0.0056,0.7304,0.006,0.9868,0.0013,0.8395,0.0041,0.9557,0.0024
-PyG,CoauthorCS,link_pred,True,,,1,2,3,skipsum,max,99,0.4584,0.0014,1554390.0,0.9911,0.0926,0.8083,0.0004,0.7277,0.0004,0.9855,0.0002,0.8372,0.0003,0.9484,0.0009
-PyG,CoauthorCS,link_pred,True,,,1,2,3,skipsum,mean,99,0.4445,0.0018,1554390.0,0.98,0.1488,0.8271,0.0012,0.7488,0.002,0.9843,0.0017,0.8506,0.0007,0.9565,0.0012
-PyG,CoauthorCS,link_pred,True,,,1,4,2,skipconcat,add,99,0.4464,0.0056,597981.0,0.9702,0.1222,0.7953,0.0003,0.7121,0.0004,0.9913,0.0005,0.8288,0.0001,0.9629,0.0029
-PyG,CoauthorCS,link_pred,True,,,1,4,2,skipconcat,max,99,0.4558,0.0025,597981.0,1.117,0.2896,0.7869,0.0042,0.7034,0.0043,0.9923,0.0011,0.8232,0.0028,0.9584,0.0001
-PyG,CoauthorCS,link_pred,True,,,1,4,2,skipconcat,mean,99,0.4414,0.0027,597981.0,0.9974,0.1678,0.8062,0.0039,0.724,0.0041,0.99,0.0014,0.8363,0.0029,0.9634,0.0012
-PyG,CoauthorCS,link_pred,True,,,1,4,2,skipsum,add,99,0.4617,0.0027,1430625.0,1.0311,0.0673,0.8017,0.0015,0.7208,0.0016,0.9852,0.0023,0.8325,0.0011,0.9493,0.0028
-PyG,CoauthorCS,link_pred,True,,,1,4,2,skipsum,max,99,0.4685,0.0009,1430625.0,1.1108,0.0888,0.7993,0.0023,0.7191,0.0028,0.9823,0.0022,0.8304,0.0015,0.9419,0.0007
-PyG,CoauthorCS,link_pred,True,,,1,4,2,skipsum,mean,99,0.4474,0.0027,1430625.0,0.7671,0.0472,0.8288,0.0039,0.7515,0.0036,0.9823,0.002,0.8516,0.0031,0.9539,0.0023
-PyG,CoauthorCS,link_pred,True,,,1,4,3,skipconcat,add,99,0.4491,0.0057,539246.0,0.9292,0.1332,0.8098,0.0042,0.7297,0.0042,0.9846,0.0012,0.8381,0.0032,0.9548,0.0037
-PyG,CoauthorCS,link_pred,True,,,1,4,3,skipconcat,max,99,0.4533,0.003,539246.0,1.0578,0.1128,0.8051,0.0014,0.7235,0.0019,0.9874,0.0019,0.8351,0.0009,0.9523,0.0025
-PyG,CoauthorCS,link_pred,True,,,1,4,3,skipconcat,mean,99,0.4441,0.002,539246.0,0.8247,0.105,0.821,0.002,0.742,0.0024,0.9845,0.001,0.8462,0.0014,0.9575,0.0017
-PyG,CoauthorCS,link_pred,True,,,1,4,3,skipsum,add,99,0.459,0.0013,1343329.0,1.0468,0.2278,0.8069,0.0023,0.7271,0.0027,0.9827,0.0008,0.8358,0.0016,0.9483,0.0009
-PyG,CoauthorCS,link_pred,True,,,1,4,3,skipsum,max,99,0.4694,0.0017,1343329.0,1.091,0.1697,0.8042,0.0013,0.7262,0.0013,0.9766,0.0004,0.833,0.001,0.9371,0.002
-PyG,CoauthorCS,link_pred,True,,,1,4,3,skipsum,mean,99,0.4512,0.0009,1343329.0,1.3674,0.2174,0.8305,0.0023,0.7556,0.0023,0.977,0.0011,0.8522,0.0019,0.9496,0.0009
-PyG,CoauthorCS,link_pred,True,,,1,6,2,skipconcat,add,99,0.4544,0.0049,480480.0,0.8195,0.0027,0.7917,0.0017,0.709,0.0016,0.9897,0.0013,0.8261,0.0012,0.9592,0.0034
-PyG,CoauthorCS,link_pred,True,,,1,6,2,skipconcat,max,99,0.4545,0.0057,480480.0,1.25,0.1022,0.7891,0.0037,0.7059,0.0037,0.9911,0.001,0.8246,0.0025,0.9571,0.0033
-PyG,CoauthorCS,link_pred,True,,,1,6,2,skipconcat,mean,99,0.4427,0.0013,480480.0,1.1273,0.045,0.8088,0.0008,0.7279,0.0008,0.9864,0.0009,0.8376,0.0006,0.9604,0.0009
-PyG,CoauthorCS,link_pred,True,,,1,6,2,skipsum,add,99,0.4677,0.0042,1268247.0,1.2438,0.0849,0.7989,0.003,0.7186,0.0026,0.9826,0.0017,0.8301,0.0024,0.9446,0.0032
-PyG,CoauthorCS,link_pred,True,,,1,6,2,skipsum,max,99,0.4757,0.0011,1268247.0,1.1241,0.1295,0.7962,0.0013,0.7177,0.0009,0.9764,0.0014,0.8273,0.0011,0.9342,0.0008
-PyG,CoauthorCS,link_pred,True,,,1,6,2,skipsum,mean,99,0.4508,0.0007,1268247.0,1.0918,0.0797,0.8289,0.0045,0.7544,0.0053,0.9753,0.0003,0.8508,0.0033,0.9495,0.0003
-PyG,CoauthorCS,link_pred,True,,,1,6,3,skipconcat,add,99,0.4527,0.003,445691.0,1.2103,0.0884,0.8063,0.0026,0.7262,0.0029,0.9834,0.0009,0.8354,0.0018,0.9529,0.0024
-PyG,CoauthorCS,link_pred,True,,,1,6,3,skipconcat,max,99,0.4537,0.0012,445691.0,1.1151,0.0696,0.8028,0.0034,0.7217,0.0039,0.9859,0.0022,0.8333,0.0023,0.9518,0.0012
-PyG,CoauthorCS,link_pred,True,,,1,6,3,skipconcat,mean,99,0.4453,0.0038,445691.0,1.1171,0.1348,0.8227,0.0013,0.7443,0.0018,0.983,0.0011,0.8472,0.0008,0.9559,0.003
-PyG,CoauthorCS,link_pred,True,,,1,6,3,skipsum,add,99,0.4697,0.0041,1207089.0,1.0324,0.0523,0.797,0.0026,0.7176,0.0024,0.9795,0.0016,0.8283,0.002,0.9415,0.0027
-PyG,CoauthorCS,link_pred,True,,,1,6,3,skipsum,max,99,0.4747,0.0036,1207089.0,0.9706,0.124,0.7958,0.0034,0.719,0.0033,0.9714,0.0008,0.8264,0.0025,0.9316,0.0032
-PyG,CoauthorCS,link_pred,True,,,1,6,3,skipsum,mean,99,0.4539,0.0017,1207089.0,1.0235,0.0748,0.8308,0.002,0.7578,0.0028,0.9725,0.0037,0.8518,0.0016,0.9467,0.002
-PyG,CoauthorCS,link_pred,True,,,1,8,2,skipconcat,add,99,0.4588,0.0017,421953.0,1.0021,0.1109,0.7934,0.003,0.7117,0.0032,0.9865,0.0004,0.8269,0.002,0.956,0.0012
-PyG,CoauthorCS,link_pred,True,,,1,8,2,skipconcat,max,99,0.4574,0.0055,421953.0,1.0399,0.051,0.788,0.0055,0.7051,0.0054,0.9903,0.0008,0.8237,0.0039,0.9551,0.0027
-PyG,CoauthorCS,link_pred,True,,,1,8,2,skipconcat,mean,99,0.4449,0.0027,421953.0,1.0342,0.13,0.8094,0.003,0.7297,0.0033,0.9828,0.0011,0.8376,0.0021,0.9576,0.002
-PyG,CoauthorCS,link_pred,True,,,1,8,2,skipsum,add,99,0.4756,0.0039,1151641.0,0.9634,0.0664,0.7951,0.0032,0.7165,0.0025,0.9766,0.0027,0.8266,0.0026,0.937,0.0045
-PyG,CoauthorCS,link_pred,True,,,1,8,2,skipsum,max,99,0.4779,0.0011,1151641.0,1.0586,0.0874,0.7914,0.0017,0.7143,0.0018,0.9711,0.0011,0.8231,0.0011,0.9307,0.0014
-PyG,CoauthorCS,link_pred,True,,,1,8,2,skipsum,mean,99,0.4555,0.0028,1151641.0,1.0155,0.0891,0.8282,0.0028,0.7551,0.0041,0.9715,0.002,0.8497,0.0018,0.9452,0.0026
-PyG,CoauthorCS,link_pred,True,,,1,8,3,skipconcat,add,99,0.4551,0.0021,388828.0,1.046,0.0495,0.8024,0.0024,0.7219,0.0026,0.9838,0.0001,0.8327,0.0017,0.952,0.0014
-PyG,CoauthorCS,link_pred,True,,,1,8,3,skipconcat,max,99,0.4583,0.0018,388828.0,0.903,0.0911,0.7991,0.0033,0.7182,0.0038,0.9846,0.0011,0.8306,0.0023,0.9485,0.0013
-PyG,CoauthorCS,link_pred,True,,,1,8,3,skipconcat,mean,99,0.4435,0.0014,388828.0,0.9153,0.1311,0.8211,0.002,0.7427,0.0019,0.9826,0.0013,0.846,0.0016,0.9566,0.0012
-PyG,CoauthorCS,link_pred,True,,,1,8,3,skipsum,add,99,0.4738,0.001,1112469.0,1.1789,0.1558,0.7977,0.0017,0.7196,0.0014,0.9755,0.0013,0.8283,0.0014,0.9357,0.0012
-PyG,CoauthorCS,link_pred,True,,,1,8,3,skipsum,max,99,0.484,0.0046,1112469.0,1.1377,0.0431,0.7904,0.0029,0.7152,0.0021,0.965,0.0038,0.8215,0.0026,0.9229,0.0042
-PyG,CoauthorCS,link_pred,True,,,1,8,3,skipsum,mean,99,0.4564,0.003,1112469.0,1.1437,0.1306,0.8286,0.0007,0.7571,0.0006,0.9675,0.0006,0.8495,0.0006,0.9433,0.0019
-PyG,CoauthorCS,link_pred,True,,,2,2,2,skipconcat,add,99,0.4419,0.0027,846641.0,1.0383,0.069,0.8036,0.0052,0.7209,0.0056,0.9908,0.0003,0.8345,0.0037,0.9632,0.0016
-PyG,CoauthorCS,link_pred,True,,,2,2,2,skipconcat,max,99,0.4527,0.0019,846641.0,1.1322,0.062,0.7955,0.0027,0.7119,0.0027,0.9928,0.0002,0.8292,0.0019,0.9587,0.0007
-PyG,CoauthorCS,link_pred,True,,,2,2,2,skipconcat,mean,99,0.439,0.0005,846641.0,0.9211,0.0902,0.8104,0.0007,0.7282,0.0007,0.9903,0.0007,0.8393,0.0005,0.964,0.0003
-PyG,CoauthorCS,link_pred,True,,,2,2,2,skipsum,add,99,0.4505,0.0029,1554390.0,1.0785,0.1304,0.8125,0.0027,0.7324,0.0026,0.9849,0.0015,0.8401,0.0021,0.9544,0.0017
-PyG,CoauthorCS,link_pred,True,,,2,2,2,skipsum,max,99,0.4581,0.0032,1554390.0,0.995,0.1257,0.8014,0.0023,0.7199,0.002,0.9868,0.0011,0.8324,0.0017,0.9502,0.0029
-PyG,CoauthorCS,link_pred,True,,,2,2,2,skipsum,mean,99,0.4441,0.0018,1554390.0,0.9664,0.1212,0.8261,0.0047,0.7479,0.0054,0.9838,0.0012,0.8498,0.0035,0.957,0.0017
-PyG,CoauthorCS,link_pred,True,,,2,2,3,skipconcat,add,99,0.4423,0.0034,744641.0,0.8913,0.0443,0.8151,0.0024,0.7345,0.0027,0.987,0.0016,0.8422,0.0017,0.9598,0.0024
-PyG,CoauthorCS,link_pred,True,,,2,2,3,skipconcat,max,99,0.4504,0.0032,744641.0,1.002,0.0584,0.8091,0.0024,0.7282,0.0035,0.9864,0.0029,0.8378,0.0013,0.9545,0.0033
-PyG,CoauthorCS,link_pred,True,,,2,2,3,skipconcat,mean,99,0.4426,0.0033,744641.0,0.9816,0.1069,0.8171,0.003,0.7361,0.0031,0.9886,0.0008,0.8439,0.0023,0.9604,0.0022
-PyG,CoauthorCS,link_pred,True,,,2,2,3,skipsum,add,99,0.4523,0.0019,1430625.0,1.0551,0.1327,0.814,0.0015,0.7344,0.0021,0.9838,0.0016,0.841,0.001,0.9524,0.0015
-PyG,CoauthorCS,link_pred,True,,,2,2,3,skipsum,max,99,0.4603,0.0021,1430625.0,0.9654,0.044,0.8056,0.0042,0.7251,0.0045,0.9842,0.0006,0.835,0.003,0.9463,0.0014
-PyG,CoauthorCS,link_pred,True,,,2,2,3,skipsum,mean,99,0.4483,0.0008,1430625.0,1.0136,0.0509,0.8278,0.0028,0.7507,0.0035,0.9816,0.0015,0.8508,0.002,0.9531,0.0007
-PyG,CoauthorCS,link_pred,True,,,2,4,2,skipconcat,add,99,0.4466,0.0027,587614.0,1.0047,0.0255,0.8009,0.0031,0.719,0.0034,0.9881,0.001,0.8323,0.0021,0.9599,0.0021
-PyG,CoauthorCS,link_pred,True,,,2,4,2,skipconcat,max,99,0.4564,0.0062,587614.0,1.1423,0.0782,0.793,0.0052,0.71,0.0051,0.9905,0.0014,0.8272,0.0037,0.9554,0.0031
-PyG,CoauthorCS,link_pred,True,,,2,4,2,skipconcat,mean,99,0.4433,0.0012,587614.0,0.9446,0.0936,0.8103,0.0029,0.7296,0.0031,0.9861,0.0008,0.8387,0.0021,0.9597,0.0006
-PyG,CoauthorCS,link_pred,True,,,2,4,2,skipsum,add,99,0.4628,0.0029,1343329.0,0.9342,0.1127,0.8026,0.0012,0.7234,0.0013,0.98,0.0016,0.8324,0.0009,0.9463,0.002
-PyG,CoauthorCS,link_pred,True,,,2,4,2,skipsum,max,99,0.4668,0.0017,1343329.0,1.144,0.0941,0.7988,0.0031,0.7187,0.0037,0.982,0.0016,0.83,0.002,0.942,0.0011
-PyG,CoauthorCS,link_pred,True,,,2,4,2,skipsum,mean,99,0.4488,0.0021,1343329.0,1.2675,0.1585,0.8264,0.0024,0.7502,0.0024,0.9788,0.0012,0.8494,0.0019,0.9517,0.0017
-PyG,CoauthorCS,link_pred,True,,,2,4,3,skipconcat,add,99,0.4472,0.0033,526561.0,1.0065,0.0325,0.8082,0.0056,0.7272,0.0059,0.9865,0.0006,0.8372,0.004,0.957,0.0015
-PyG,CoauthorCS,link_pred,True,,,2,4,3,skipconcat,max,99,0.4552,0.0014,526561.0,1.1681,0.0914,0.8021,0.0023,0.7211,0.0026,0.9854,0.0011,0.8328,0.0016,0.9509,0.0009
-PyG,CoauthorCS,link_pred,True,,,2,4,3,skipconcat,mean,99,0.4427,0.0016,526561.0,0.9502,0.0957,0.8198,0.001,0.7402,0.001,0.9853,0.0012,0.8454,0.0008,0.9583,0.0016
-PyG,CoauthorCS,link_pred,True,,,2,4,3,skipsum,add,99,0.464,0.0028,1268247.0,1.0629,0.1894,0.8068,0.005,0.7284,0.0053,0.9786,0.0018,0.8352,0.0036,0.9439,0.0025
-PyG,CoauthorCS,link_pred,True,,,2,4,3,skipsum,max,99,0.4686,0.0027,1268247.0,1.0524,0.0686,0.8036,0.0019,0.726,0.0022,0.9752,0.001,0.8323,0.0014,0.9371,0.0032
-PyG,CoauthorCS,link_pred,True,,,2,4,3,skipsum,mean,99,0.451,0.002,1268247.0,1.0374,0.0694,0.8285,0.0027,0.753,0.0029,0.9778,0.0007,0.8508,0.002,0.9498,0.0016
-PyG,CoauthorCS,link_pred,True,,,2,6,2,skipconcat,add,99,0.4509,0.0029,482243.0,1.0251,0.1275,0.7976,0.0008,0.7158,0.0013,0.9871,0.0016,0.8298,0.0005,0.9583,0.0023
-PyG,CoauthorCS,link_pred,True,,,2,6,2,skipconcat,max,99,0.4555,0.004,482243.0,1.1303,0.0745,0.7919,0.0033,0.7094,0.0031,0.9891,0.0014,0.8262,0.0025,0.9551,0.0023
-PyG,CoauthorCS,link_pred,True,,,2,6,2,skipconcat,mean,99,0.4433,0.0033,482243.0,1.1332,0.1086,0.8133,0.0046,0.7331,0.0053,0.9854,0.0013,0.8407,0.0031,0.959,0.0019
-PyG,CoauthorCS,link_pred,True,,,2,6,2,skipsum,add,99,0.471,0.0029,1207089.0,1.1011,0.1027,0.8028,0.0033,0.7242,0.004,0.9782,0.0015,0.8322,0.0021,0.941,0.0019
-PyG,CoauthorCS,link_pred,True,,,2,6,2,skipsum,max,99,0.4755,0.0019,1207089.0,1.1935,0.1618,0.7912,0.0024,0.7128,0.0025,0.9754,0.0006,0.8237,0.0017,0.9341,0.0006
-PyG,CoauthorCS,link_pred,True,,,2,6,2,skipsum,mean,99,0.4513,0.0033,1207089.0,1.0587,0.0566,0.8288,0.0042,0.7546,0.0038,0.9744,0.003,0.8505,0.0035,0.9486,0.0032
-PyG,CoauthorCS,link_pred,True,,,2,6,3,skipconcat,add,99,0.4538,0.0053,446986.0,0.995,0.2141,0.8047,0.0054,0.7248,0.0052,0.9825,0.0017,0.8342,0.004,0.9514,0.0036
-PyG,CoauthorCS,link_pred,True,,,2,6,3,skipconcat,max,99,0.4557,0.0015,446986.0,1.1521,0.0371,0.8039,0.0064,0.7233,0.0068,0.9847,0.0,0.834,0.0045,0.95,0.001
-PyG,CoauthorCS,link_pred,True,,,2,6,3,skipconcat,mean,99,0.4459,0.0024,446986.0,1.1666,0.0214,0.8218,0.0029,0.7438,0.0031,0.9816,0.0002,0.8463,0.0021,0.9553,0.0018
-PyG,CoauthorCS,link_pred,True,,,2,6,3,skipsum,add,99,0.4696,0.0033,1151641.0,1.0906,0.0686,0.8005,0.0028,0.7222,0.0031,0.9767,0.0016,0.8304,0.0019,0.9391,0.0025
-PyG,CoauthorCS,link_pred,True,,,2,6,3,skipsum,max,99,0.4747,0.0031,1151641.0,1.0056,0.163,0.7985,0.003,0.7218,0.0037,0.9713,0.0027,0.8282,0.002,0.9311,0.003
-PyG,CoauthorCS,link_pred,True,,,2,6,3,skipsum,mean,99,0.4524,0.0018,1151641.0,1.0118,0.0723,0.828,0.0038,0.7543,0.0051,0.973,0.0016,0.8498,0.0026,0.9478,0.0015
-PyG,CoauthorCS,link_pred,True,,,2,8,2,skipconcat,add,99,0.4615,0.0021,423041.0,1.0619,0.1357,0.7943,0.0015,0.7139,0.0017,0.9823,0.0015,0.8269,0.0011,0.952,0.0015
-PyG,CoauthorCS,link_pred,True,,,2,8,2,skipconcat,max,99,0.457,0.0042,423041.0,1.1878,0.1581,0.7932,0.004,0.7111,0.0038,0.9876,0.0012,0.8269,0.003,0.953,0.0025
-PyG,CoauthorCS,link_pred,True,,,2,8,2,skipconcat,mean,99,0.443,0.003,423041.0,1.4318,0.058,0.81,0.0006,0.73,0.001,0.9839,0.001,0.8381,0.0003,0.9586,0.0023
-PyG,CoauthorCS,link_pred,True,,,2,8,2,skipsum,add,99,0.4738,0.0017,1112469.0,1.0734,0.1372,0.7968,0.001,0.7184,0.0012,0.9762,0.0009,0.8277,0.0006,0.9383,0.0022
-PyG,CoauthorCS,link_pred,True,,,2,8,2,skipsum,max,99,0.4748,0.0023,1112469.0,1.0843,0.0905,0.7945,0.004,0.7173,0.0043,0.9722,0.0008,0.8255,0.0027,0.9326,0.0016
-PyG,CoauthorCS,link_pred,True,,,2,8,2,skipsum,mean,99,0.4531,0.0011,1112469.0,1.0217,0.0566,0.8268,0.004,0.7535,0.005,0.9717,0.0018,0.8488,0.0029,0.9471,0.0005
-PyG,CoauthorCS,link_pred,True,,,2,8,3,skipconcat,add,99,0.4576,0.0031,389611.0,1.175,0.0405,0.8059,0.0042,0.7271,0.0045,0.9796,0.0012,0.8346,0.003,0.9489,0.0027
-PyG,CoauthorCS,link_pred,True,,,2,8,3,skipconcat,max,99,0.4587,0.0054,389611.0,0.931,0.0314,0.8027,0.0066,0.7225,0.0065,0.9831,0.0016,0.8329,0.0049,0.9471,0.0038
-PyG,CoauthorCS,link_pred,True,,,2,8,3,skipconcat,mean,99,0.4476,0.0012,389611.0,0.8059,0.1025,0.8214,0.0042,0.7444,0.0048,0.9793,0.0003,0.8458,0.003,0.9531,0.0014
-PyG,CoauthorCS,link_pred,True,,,2,8,3,skipsum,add,99,0.4714,0.0018,1070849.0,1.1583,0.0282,0.7992,0.0016,0.7211,0.0019,0.9759,0.0009,0.8294,0.001,0.9379,0.0007
-PyG,CoauthorCS,link_pred,True,,,2,8,3,skipsum,max,99,0.4847,0.003,1070849.0,1.1775,0.0508,0.7872,0.0037,0.7127,0.0035,0.9622,0.0015,0.8189,0.0028,0.9211,0.0023
-PyG,CoauthorCS,link_pred,True,,,2,8,3,skipsum,mean,99,0.4579,0.0022,1070849.0,1.1813,0.1459,0.828,0.0021,0.7567,0.0025,0.9669,0.0004,0.8489,0.0015,0.9425,0.0014
-PyG,CoauthorPhysics,link_pred,True,,,1,2,2,skipconcat,add,99,0.4522,0.0088,1015300.0,2.4583,0.0608,0.7831,0.0038,0.7011,0.0033,0.9869,0.0016,0.8198,0.0028,0.9591,0.0036
-PyG,CoauthorPhysics,link_pred,True,,,1,2,2,skipconcat,max,99,0.4678,0.0134,1015300.0,2.3879,0.3348,0.7759,0.0058,0.6942,0.0048,0.9862,0.0035,0.8148,0.0044,0.9533,0.005
-PyG,CoauthorPhysics,link_pred,True,,,1,2,2,skipconcat,mean,99,0.4575,0.0169,1015300.0,2.3156,0.3739,0.7892,0.0066,0.7084,0.0055,0.9828,0.0042,0.8234,0.0052,0.956,0.0076
-PyG,CoauthorPhysics,link_pred,True,,,1,2,2,skipsum,add,99,0.4452,0.0021,2067265.0,2.5847,0.4018,0.7919,0.0014,0.7095,0.0014,0.9886,0.0005,0.8261,0.001,0.9609,0.001
-PyG,CoauthorPhysics,link_pred,True,,,1,2,2,skipsum,max,99,0.4545,0.0034,2067265.0,2.6012,0.2095,0.7933,0.0019,0.7116,0.0022,0.9863,0.002,0.8267,0.0012,0.9548,0.0028
-PyG,CoauthorPhysics,link_pred,True,,,1,2,2,skipsum,mean,99,0.4451,0.0017,2067265.0,2.3767,0.0996,0.8026,0.0018,0.7224,0.0018,0.9828,0.0003,0.8328,0.0013,0.9582,0.0007
-PyG,CoauthorPhysics,link_pred,True,,,1,2,3,skipconcat,add,99,0.4411,0.0042,893473.0,2.3154,0.4232,0.7985,0.0045,0.7171,0.0046,0.9859,0.0006,0.8303,0.0032,0.9604,0.0027
-PyG,CoauthorPhysics,link_pred,True,,,1,2,3,skipconcat,max,99,0.4525,0.0074,893473.0,2.3182,0.4601,0.7944,0.0036,0.7126,0.0032,0.9869,0.0021,0.8276,0.0027,0.9547,0.0053
-PyG,CoauthorPhysics,link_pred,True,,,1,2,3,skipconcat,mean,99,0.4459,0.0026,893473.0,2.0955,0.2687,0.8051,0.0025,0.7249,0.002,0.9834,0.0023,0.8346,0.002,0.9573,0.0017
-PyG,CoauthorPhysics,link_pred,True,,,1,2,3,skipsum,add,99,0.4436,0.004,1874780.0,2.3463,0.3182,0.8041,0.0037,0.7232,0.0039,0.9855,0.001,0.8342,0.0027,0.9586,0.0024
-PyG,CoauthorPhysics,link_pred,True,,,1,2,3,skipsum,max,99,0.4586,0.0047,1874780.0,2.1979,0.0715,0.8003,0.0021,0.7192,0.0025,0.9855,0.001,0.8315,0.0013,0.9493,0.0031
-PyG,CoauthorPhysics,link_pred,True,,,1,2,3,skipsum,mean,99,0.4446,0.0027,1874780.0,2.4211,0.2125,0.8106,0.001,0.7314,0.0008,0.9817,0.001,0.8382,0.0009,0.9569,0.0018
-PyG,CoauthorPhysics,link_pred,True,,,1,4,2,skipconcat,add,99,0.4499,0.0083,691361.0,1.9843,0.1594,0.7855,0.0036,0.7042,0.0029,0.9847,0.0027,0.8211,0.0029,0.9583,0.0043
-PyG,CoauthorPhysics,link_pred,True,,,1,4,2,skipconcat,max,99,0.4589,0.0071,691361.0,2.4854,0.0521,0.7781,0.0049,0.6966,0.0044,0.9854,0.0021,0.8162,0.0036,0.9548,0.0033
-PyG,CoauthorPhysics,link_pred,True,,,1,4,2,skipconcat,mean,99,0.4482,0.0026,691361.0,2.3862,0.0524,0.795,0.002,0.7146,0.0024,0.9823,0.0013,0.8273,0.0012,0.9578,0.0017
-PyG,CoauthorPhysics,link_pred,True,,,1,4,2,skipsum,add,99,0.4518,0.0023,1722035.0,1.8446,0.0632,0.7942,0.0007,0.713,0.0009,0.9848,0.0012,0.8272,0.0005,0.9545,0.002
-PyG,CoauthorPhysics,link_pred,True,,,1,4,2,skipsum,max,99,0.4662,0.0045,1722035.0,2.4426,0.0191,0.7904,0.002,0.7101,0.0019,0.9815,0.0013,0.8241,0.0015,0.9442,0.0033
-PyG,CoauthorPhysics,link_pred,True,,,1,4,2,skipsum,mean,99,0.443,0.002,1722035.0,1.9423,0.0966,0.8129,0.0008,0.7349,0.0011,0.9788,0.0015,0.8395,0.0006,0.9567,0.0017
-PyG,CoauthorPhysics,link_pred,True,,,1,4,3,skipconcat,add,99,0.4451,0.0027,618136.0,1.8515,0.082,0.7964,0.0021,0.7157,0.0024,0.9833,0.0011,0.8285,0.0012,0.9568,0.0024
-PyG,CoauthorPhysics,link_pred,True,,,1,4,3,skipconcat,max,99,0.4541,0.0037,618136.0,2.3955,0.1041,0.7948,0.0034,0.7137,0.0033,0.9848,0.0007,0.8276,0.0024,0.9523,0.0026
-PyG,CoauthorPhysics,link_pred,True,,,1,4,3,skipsum,add,99,0.4528,0.0021,1613809.0,2.8244,0.8671,0.7961,0.003,0.716,0.003,0.9815,0.0003,0.828,0.0021,0.9515,0.0014
-PyG,CoauthorPhysics,link_pred,True,,,1,4,3,skipsum,max,99,0.4647,0.0028,1613809.0,2.4555,0.4942,0.7982,0.0007,0.7183,0.0004,0.981,0.0011,0.8293,0.0006,0.9428,0.0023
-PyG,CoauthorPhysics,link_pred,True,,,1,4,3,skipsum,mean,99,0.4484,0.0035,1613809.0,2.6499,0.1768,0.8196,0.0023,0.7428,0.0026,0.9778,0.0018,0.8442,0.0017,0.9526,0.0027
-PyG,CoauthorPhysics,link_pred,True,,,1,6,2,skipconcat,add,99,0.452,0.0038,546490.0,2.2286,0.3116,0.7843,0.0024,0.7036,0.0022,0.9827,0.0019,0.82,0.0018,0.9557,0.0021
-PyG,CoauthorPhysics,link_pred,True,,,1,6,2,skipconcat,max,99,0.4587,0.0074,546490.0,2.4811,0.2048,0.7781,0.0036,0.6968,0.0026,0.985,0.0033,0.8161,0.0029,0.9544,0.0048
-PyG,CoauthorPhysics,link_pred,True,,,1,6,2,skipconcat,mean,99,0.4471,0.001,546490.0,2.185,0.182,0.8009,0.0031,0.7214,0.0034,0.9807,0.0003,0.8313,0.0021,0.9563,0.0004
-PyG,CoauthorPhysics,link_pred,True,,,1,6,2,skipsum,add,99,0.4581,0.0014,1521017.0,2.0504,0.1345,0.7904,0.0015,0.7097,0.0014,0.9827,0.0011,0.8242,0.001,0.9494,0.0011
-PyG,CoauthorPhysics,link_pred,True,,,1,6,2,skipsum,max,99,0.4707,0.0021,1521017.0,2.389,0.4581,0.7894,0.0023,0.7101,0.0025,0.9784,0.0012,0.8229,0.0016,0.9393,0.0011
-PyG,CoauthorPhysics,link_pred,True,,,1,6,2,skipsum,mean,99,0.4481,0.0017,1521017.0,1.9922,0.1126,0.8138,0.0036,0.7375,0.0044,0.9747,0.0012,0.8396,0.0024,0.9517,0.0016
-PyG,CoauthorPhysics,link_pred,True,,,1,6,3,skipconcat,add,99,0.4501,0.0043,502041.0,2.3856,0.3565,0.7958,0.0029,0.7156,0.0029,0.982,0.0008,0.8278,0.0021,0.953,0.0029
-PyG,CoauthorPhysics,link_pred,True,,,1,6,3,skipconcat,max,99,0.4548,0.0037,502041.0,2.4886,0.0768,0.7989,0.0069,0.7182,0.0071,0.9839,0.0008,0.8303,0.0048,0.9513,0.0024
-PyG,CoauthorPhysics,link_pred,True,,,1,6,3,skipconcat,mean,99,0.4454,0.0005,502041.0,2.5822,0.1082,0.81,0.0028,0.7315,0.0032,0.9797,0.0013,0.8376,0.002,0.9557,0.0009
-PyG,CoauthorPhysics,link_pred,True,,,1,6,3,skipsum,add,99,0.4605,0.0038,1445369.0,2.5906,0.0437,0.7879,0.0013,0.708,0.0012,0.98,0.0011,0.8221,0.0011,0.9463,0.003
-PyG,CoauthorPhysics,link_pred,True,,,1,6,3,skipsum,max,99,0.4712,0.0026,1445369.0,2.3415,0.1647,0.7975,0.0005,0.7188,0.0001,0.9774,0.0017,0.8284,0.0006,0.9363,0.0023
-PyG,CoauthorPhysics,link_pred,True,,,1,6,3,skipsum,mean,99,0.4495,0.0025,1445369.0,2.6444,0.0795,0.8179,0.0028,0.7418,0.0029,0.9755,0.0015,0.8427,0.0021,0.9512,0.0024
-PyG,CoauthorPhysics,link_pred,True,,,1,8,2,skipconcat,mean,99,0.4475,0.0067,473473.0,2.0223,0.072,0.799,0.0028,0.7196,0.0024,0.9797,0.0019,0.8297,0.0022,0.956,0.004
-PyG,CoauthorPhysics,link_pred,True,,,1,8,2,skipsum,add,99,0.4625,0.0014,1377041.0,2.0884,0.2788,0.7842,0.0016,0.7042,0.0017,0.9801,0.0004,0.8195,0.001,0.9464,0.0012
-PyG,CoauthorPhysics,link_pred,True,,,1,8,2,skipsum,max,99,0.4717,0.0011,1377041.0,2.261,0.354,0.7889,0.0031,0.7098,0.0034,0.9776,0.0008,0.8224,0.0021,0.9369,0.0007
-PyG,CoauthorPhysics,link_pred,True,,,1,8,2,skipsum,mean,99,0.4482,0.0032,1377041.0,2.3,0.6579,0.8189,0.0044,0.7434,0.0054,0.9744,0.0012,0.8433,0.0031,0.9515,0.0024
-PyG,CoauthorPhysics,link_pred,True,,,1,8,3,skipconcat,add,99,0.454,0.0042,432298.0,2.2001,0.1516,0.7932,0.0044,0.7138,0.0048,0.979,0.0009,0.8256,0.0031,0.9497,0.0025
-PyG,CoauthorPhysics,link_pred,True,,,1,8,3,skipconcat,max,99,0.4557,0.0046,432298.0,2.4041,0.1435,0.7997,0.0061,0.7192,0.0056,0.9833,0.0028,0.8308,0.0047,0.9508,0.0041
-PyG,CoauthorPhysics,link_pred,True,,,1,8,3,skipconcat,mean,99,0.4457,0.0033,432298.0,2.0326,0.2038,0.8098,0.0022,0.7313,0.0025,0.9795,0.0006,0.8374,0.0015,0.9551,0.0021
-PyG,CoauthorPhysics,link_pred,True,,,1,8,3,skipsum,add,99,0.4653,0.0027,1328209.0,2.0982,0.1739,0.7862,0.0012,0.7071,0.001,0.9768,0.0012,0.8204,0.001,0.9419,0.0019
-PyG,CoauthorPhysics,link_pred,True,,,1,8,3,skipsum,max,99,0.4753,0.0032,1328209.0,2.8593,0.3489,0.7956,0.0022,0.7172,0.0018,0.9761,0.0015,0.8269,0.0018,0.932,0.0031
-PyG,CoauthorPhysics,link_pred,True,,,1,8,3,skipsum,mean,99,0.4505,0.0026,1328209.0,2.3981,0.2084,0.8156,0.0022,0.7401,0.0029,0.9727,0.0017,0.8406,0.0015,0.9494,0.0023
-PyG,CoauthorPhysics,link_pred,True,,,2,2,2,skipconcat,add,99,0.4432,0.0034,999591.0,2.5787,0.2772,0.7938,0.0017,0.7123,0.0017,0.9855,0.0015,0.8269,0.0013,0.9601,0.0022
-PyG,CoauthorPhysics,link_pred,True,,,2,2,2,skipconcat,max,99,0.4547,0.0056,999591.0,2.4155,0.2289,0.7855,0.0046,0.7039,0.0042,0.9859,0.0015,0.8213,0.0034,0.9556,0.0029
-PyG,CoauthorPhysics,link_pred,True,,,2,2,2,skipconcat,mean,99,0.4499,0.006,999591.0,2.1692,0.056,0.7948,0.0051,0.7145,0.005,0.9823,0.0011,0.8273,0.0037,0.9564,0.0025
-PyG,CoauthorPhysics,link_pred,True,,,2,2,2,skipsum,max,99,0.4587,0.0037,1874780.0,2.6405,0.1771,0.7952,0.0033,0.7145,0.0035,0.9831,0.0006,0.8276,0.0023,0.9495,0.0019
-PyG,CoauthorPhysics,link_pred,True,,,2,2,3,skipconcat,add,99,0.4424,0.0029,873441.0,2.266,0.2447,0.8034,0.0054,0.7233,0.0055,0.9829,0.0022,0.8333,0.0039,0.9582,0.0023
-PyG,CoauthorPhysics,link_pred,True,,,2,2,3,skipconcat,max,99,0.4497,0.0034,873441.0,2.284,0.3517,0.8029,0.0043,0.7216,0.0045,0.9864,0.0006,0.8335,0.0031,0.9556,0.0023
-PyG,CoauthorPhysics,link_pred,True,,,2,2,3,skipconcat,mean,99,0.4441,0.0023,873441.0,1.7612,0.0873,0.8054,0.0015,0.725,0.001,0.9841,0.0017,0.8349,0.0013,0.9581,0.0013
-PyG,CoauthorPhysics,link_pred,True,,,2,2,3,skipsum,add,99,0.4471,0.0029,1722035.0,2.6623,0.1723,0.8035,0.0041,0.7237,0.0044,0.982,0.0005,0.8333,0.0028,0.9549,0.0016
-PyG,CoauthorPhysics,link_pred,True,,,2,2,3,skipsum,max,99,0.4564,0.0021,1722035.0,2.6768,0.3179,0.8006,0.0006,0.72,0.0006,0.9836,0.0001,0.8314,0.0004,0.9501,0.0016
-PyG,CoauthorPhysics,link_pred,True,,,2,2,3,skipsum,mean,99,0.4488,0.0013,1722035.0,2.5684,0.311,0.8158,0.0011,0.7379,0.0014,0.9793,0.0007,0.8417,0.0007,0.953,0.0006
-PyG,CoauthorPhysics,link_pred,True,,,2,4,2,skipconcat,add,99,0.451,0.0051,679384.0,2.0613,0.2208,0.7891,0.0022,0.7088,0.0017,0.9814,0.0021,0.8231,0.0018,0.9547,0.0031
-PyG,CoauthorPhysics,link_pred,True,,,2,4,2,skipconcat,max,99,0.4619,0.0078,679384.0,2.0547,0.0603,0.7805,0.0031,0.6996,0.0021,0.9834,0.0033,0.8176,0.0026,0.951,0.0049
-PyG,CoauthorPhysics,link_pred,True,,,2,4,2,skipconcat,mean,99,0.4462,0.005,679384.0,2.3947,0.0823,0.8008,0.0035,0.7214,0.0031,0.98,0.0018,0.8311,0.0027,0.9568,0.0026
-PyG,CoauthorPhysics,link_pred,True,,,2,4,2,skipsum,add,99,0.4572,0.0016,1613809.0,2.55,0.3084,0.7963,0.0033,0.717,0.0035,0.9791,0.0006,0.8278,0.0023,0.9481,0.0012
-PyG,CoauthorPhysics,link_pred,True,,,2,4,2,skipsum,max,99,0.4649,0.0012,1613809.0,2.4111,0.2588,0.7966,0.0022,0.7168,0.0023,0.9808,0.0007,0.8283,0.0016,0.9441,0.0014
-PyG,CoauthorPhysics,link_pred,True,,,2,4,2,skipsum,mean,99,0.4462,0.0031,1613809.0,2.5026,0.1139,0.8186,0.0031,0.7419,0.0035,0.9772,0.0018,0.8434,0.0023,0.9538,0.0023
-PyG,CoauthorPhysics,link_pred,True,,,2,4,3,skipconcat,add,99,0.4469,0.003,603841.0,1.9801,0.0728,0.7988,0.0026,0.719,0.0025,0.9807,0.0011,0.8297,0.0019,0.9545,0.0021
-PyG,CoauthorPhysics,link_pred,True,,,2,4,3,skipconcat,max,99,0.4555,0.006,603841.0,2.3953,0.1398,0.7975,0.0011,0.7169,0.0015,0.9832,0.0019,0.8292,0.0007,0.9503,0.0048
-PyG,CoauthorPhysics,link_pred,True,,,2,4,3,skipconcat,mean,99,0.4495,0.0006,603841.0,2.1984,0.2633,0.8112,0.0035,0.7327,0.0039,0.9799,0.0005,0.8384,0.0025,0.9527,0.0006
-PyG,CoauthorPhysics,link_pred,True,,,2,4,3,skipsum,add,99,0.4565,0.0019,1521017.0,2.4487,0.2453,0.7967,0.0044,0.7174,0.0043,0.9789,0.001,0.828,0.0032,0.948,0.0009
-PyG,CoauthorPhysics,link_pred,True,,,2,4,3,skipsum,max,99,0.4654,0.0019,1521017.0,2.2278,0.1996,0.799,0.0019,0.7192,0.0021,0.981,0.0001,0.8299,0.0014,0.942,0.0016
-PyG,CoauthorPhysics,link_pred,True,,,2,4,3,skipsum,mean,99,0.4479,0.0017,1521017.0,1.8693,0.0503,0.8213,0.0008,0.7448,0.0009,0.9776,0.0012,0.8455,0.0006,0.9529,0.0008
-PyG,CoauthorPhysics,link_pred,True,,,2,6,2,skipconcat,add,99,0.4577,0.0079,548253.0,1.9851,0.1683,0.787,0.0056,0.7076,0.0051,0.9782,0.0027,0.8212,0.0042,0.9504,0.0041
-PyG,CoauthorPhysics,link_pred,True,,,2,6,2,skipconcat,max,99,0.458,0.0068,548253.0,2.3561,0.2006,0.7843,0.0051,0.7035,0.0046,0.9831,0.0017,0.8201,0.0037,0.9512,0.0051
-PyG,CoauthorPhysics,link_pred,True,,,2,6,2,skipconcat,mean,99,0.4477,0.0018,548253.0,2.4069,0.38,0.7977,0.0026,0.7188,0.0029,0.9782,0.001,0.8286,0.0018,0.9551,0.0013
-PyG,CoauthorPhysics,link_pred,True,,,2,6,2,skipsum,add,99,0.4617,0.0033,1445369.0,2.1638,0.2429,0.7923,0.001,0.7133,0.0016,0.9774,0.0019,0.8247,0.0004,0.9449,0.0029
-PyG,CoauthorPhysics,link_pred,True,,,2,6,2,skipsum,max,99,0.4679,0.0003,1445369.0,2.2684,0.3112,0.792,0.0033,0.7125,0.0037,0.9791,0.0015,0.8248,0.0022,0.9407,0.0003
-PyG,CoauthorPhysics,link_pred,True,,,2,6,2,skipsum,mean,99,0.4495,0.0015,1445369.0,2.4481,0.2833,0.8182,0.0009,0.7426,0.0006,0.9741,0.0014,0.8427,0.0009,0.9504,0.0008
-PyG,CoauthorPhysics,link_pred,True,,,2,6,3,skipconcat,add,99,0.4531,0.0023,503336.0,2.3537,0.1637,0.8017,0.0014,0.723,0.0015,0.9784,0.0013,0.8315,0.001,0.9496,0.0017
-PyG,CoauthorPhysics,link_pred,True,,,2,6,3,skipconcat,max,99,0.4559,0.0045,503336.0,1.9223,0.1722,0.7984,0.0058,0.7179,0.0059,0.9831,0.0005,0.8299,0.0041,0.95,0.0029
-PyG,CoauthorPhysics,link_pred,True,,,2,6,3,skipconcat,mean,99,0.4457,0.0013,503336.0,2.0178,0.0778,0.8102,0.0038,0.732,0.0042,0.9789,0.0003,0.8376,0.0028,0.9549,0.001
-PyG,CoauthorPhysics,link_pred,True,,,2,6,3,skipsum,add,99,0.463,0.0014,1377041.0,1.9964,0.1959,0.7889,0.0038,0.7099,0.0041,0.9772,0.0005,0.8224,0.0026,0.943,0.0015
-PyG,CoauthorPhysics,link_pred,True,,,2,6,3,skipsum,max,99,0.4679,0.002,1377041.0,2.173,0.0311,0.7966,0.0009,0.7177,0.0006,0.9777,0.0012,0.8277,0.0008,0.9391,0.0018
-PyG,CoauthorPhysics,link_pred,True,,,2,6,3,skipsum,mean,99,0.4506,0.0018,1377041.0,2.4329,0.2455,0.8234,0.0006,0.7478,0.0007,0.976,0.0007,0.8468,0.0005,0.9503,0.0015
-PyG,CoauthorPhysics,link_pred,True,,,2,8,2,skipconcat,add,99,0.4605,0.0027,474561.0,2.0462,0.1063,0.7844,0.0023,0.7055,0.0022,0.9767,0.0007,0.8192,0.0015,0.9477,0.0007
-PyG,CoauthorPhysics,link_pred,True,,,2,8,2,skipconcat,max,99,0.4613,0.0084,474561.0,2.0361,0.1414,0.783,0.0069,0.7027,0.0061,0.9811,0.0041,0.8189,0.0053,0.9486,0.0062
-PyG,CoauthorPhysics,link_pred,True,,,2,8,2,skipconcat,mean,99,0.4482,0.0028,474561.0,2.122,0.1541,0.7983,0.0039,0.7195,0.0039,0.9779,0.0013,0.829,0.0029,0.9546,0.0017
-PyG,CoauthorPhysics,link_pred,True,,,2,8,2,skipsum,add,99,0.4676,0.0028,1328209.0,2.1565,0.1926,0.786,0.0004,0.7072,0.0002,0.9761,0.0013,0.8201,0.0004,0.9402,0.0023
-PyG,CoauthorPhysics,link_pred,True,,,2,8,2,skipsum,max,99,0.4742,0.0036,1328209.0,2.0255,0.0636,0.7886,0.0039,0.7098,0.0039,0.9764,0.0009,0.822,0.0028,0.9348,0.0019
-PyG,CoauthorPhysics,link_pred,True,,,2,8,2,skipsum,mean,99,0.4512,0.0013,1328209.0,2.0899,0.2356,0.8194,0.0023,0.7441,0.0029,0.9738,0.0018,0.8435,0.0017,0.9495,0.0013
-PyG,CoauthorPhysics,link_pred,True,,,2,8,3,skipconcat,add,99,0.4588,0.0015,433081.0,1.986,0.2548,0.791,0.0034,0.7124,0.0035,0.9759,0.0018,0.8236,0.0023,0.945,0.001
-PyG,CoauthorPhysics,link_pred,True,,,2,8,3,skipconcat,max,99,0.4595,0.0048,433081.0,1.8853,0.1308,0.8004,0.0029,0.7205,0.0028,0.9817,0.0009,0.8311,0.0021,0.9468,0.0038
-PyG,CoauthorPhysics,link_pred,True,,,2,8,3,skipconcat,mean,99,0.4475,0.005,433081.0,1.9782,0.1034,0.8115,0.0048,0.7338,0.0056,0.978,0.0013,0.8384,0.0033,0.9532,0.004
-PyG,CoauthorPhysics,link_pred,True,,,2,8,3,skipsum,add,99,0.4699,0.0015,1276929.0,1.9002,0.1492,0.7853,0.0024,0.7072,0.0025,0.9739,0.0018,0.8194,0.0017,0.9374,0.002
-PyG,CoauthorPhysics,link_pred,True,,,2,8,3,skipsum,max,99,0.4719,0.0044,1276929.0,1.7477,0.0455,0.7945,0.0003,0.7159,0.0004,0.9766,0.0003,0.8262,0.0002,0.9348,0.0033
-PyG,CoauthorPhysics,link_pred,True,,,2,8,3,skipsum,mean,99,0.4511,0.0032,1276929.0,1.8561,0.1458,0.8221,0.0037,0.7477,0.0044,0.9725,0.0004,0.8454,0.0027,0.9487,0.0018
-PyG,Cora,link_pred,True,,,1,2,2,skipconcat,add,99,0.4763,0.0188,338046.0,0.0257,0.001,0.7612,0.0046,0.6769,0.0042,1.0,0.0,0.8073,0.003,0.9739,0.0045
-PyG,Cora,link_pred,True,,,1,2,2,skipconcat,max,99,0.5239,0.0061,338046.0,0.0245,0.0005,0.7567,0.0036,0.6727,0.0033,1.0,0.0,0.8043,0.0023,0.9609,0.0013
-PyG,Cora,link_pred,True,,,1,2,2,skipconcat,mean,19,2.3662,1.3604,338046.0,0.031,0.0088,0.7386,0.0197,0.6575,0.0166,0.9976,0.0025,0.7925,0.0128,0.8879,0.0405
-PyG,Cora,link_pred,True,,,1,2,2,skipsum,add,79,0.8698,0.5648,517261.0,0.0296,0.0067,0.7581,0.0079,0.6746,0.0062,0.9972,0.0039,0.8048,0.0057,0.9514,0.0289
-PyG,Cora,link_pred,True,,,1,2,2,skipsum,max,99,0.4697,0.0094,517261.0,0.0237,0.0014,0.7588,0.0038,0.6746,0.0034,1.0,0.0,0.8057,0.0024,0.9692,0.005
-PyG,Cora,link_pred,True,,,1,2,2,skipsum,mean,79,0.4356,0.0111,517261.0,0.0236,0.0012,0.7636,0.003,0.679,0.0027,1.0,0.0,0.8088,0.0019,0.9856,0.0042
-PyG,Cora,link_pred,True,,,1,2,3,skipconcat,add,99,0.4399,0.0086,320949.0,0.0226,0.0012,0.7718,0.006,0.6867,0.0056,1.0,0.0,0.8142,0.004,0.9789,0.0045
-PyG,Cora,link_pred,True,,,1,2,3,skipconcat,max,99,0.448,0.0028,320949.0,0.0244,0.0006,0.7655,0.0019,0.6807,0.0017,1.0,0.0,0.81,0.0012,0.9765,0.0018
-PyG,Cora,link_pred,True,,,1,2,3,skipconcat,mean,79,0.441,0.0115,320949.0,0.0302,0.0038,0.7693,0.0047,0.6843,0.0043,1.0,0.0,0.8126,0.0031,0.9801,0.0065
-PyG,Cora,link_pred,True,,,1,2,3,skipsum,add,99,0.441,0.0063,485362.0,0.0271,0.0046,0.7713,0.0053,0.6862,0.005,1.0,0.0,0.8139,0.0035,0.9791,0.0036
-PyG,Cora,link_pred,True,,,1,2,3,skipsum,max,99,0.4566,0.0065,485362.0,0.0247,0.0012,0.7594,0.0047,0.6751,0.0043,1.0,0.0,0.8061,0.0031,0.9714,0.0043
-PyG,Cora,link_pred,True,,,1,2,3,skipsum,mean,99,0.4347,0.0084,485362.0,0.0368,0.008,0.7723,0.0022,0.6871,0.0021,1.0,0.0,0.8145,0.0015,0.9805,0.0045
-PyG,Cora,link_pred,True,,,1,4,2,skipconcat,add,99,0.4707,0.0015,286405.0,0.0279,0.0016,0.7649,0.0028,0.6802,0.0026,1.0,0.0,0.8097,0.0018,0.9721,0.0013
-PyG,Cora,link_pred,True,,,1,4,2,skipconcat,max,99,0.5121,0.031,286405.0,0.0282,0.0038,0.7584,0.0022,0.6742,0.002,1.0,0.0,0.8054,0.0014,0.9599,0.0085
-PyG,Cora,link_pred,True,,,1,4,2,skipconcat,mean,19,1.9993,1.0895,286405.0,0.0286,0.0012,0.7323,0.0196,0.6536,0.0158,0.9901,0.0055,0.7874,0.0131,0.8943,0.0307
-PyG,Cora,link_pred,True,,,1,4,2,skipsum,add,79,0.4501,0.0033,458293.0,0.0278,0.0011,0.7726,0.0045,0.6874,0.0042,1.0,0.0,0.8147,0.003,0.9747,0.0014
-PyG,Cora,link_pred,True,,,1,4,2,skipsum,max,99,0.4743,0.01,458293.0,0.0303,0.0022,0.7603,0.0019,0.6759,0.0018,1.0,0.0,0.8066,0.0013,0.9593,0.0061
-PyG,Cora,link_pred,True,,,1,4,2,skipsum,mean,79,0.4358,0.0107,458293.0,0.0298,0.004,0.7799,0.007,0.6944,0.0067,1.0,0.0,0.8196,0.0047,0.9775,0.0056
-PyG,Cora,link_pred,True,,,1,4,3,skipconcat,add,79,0.4455,0.0086,276018.0,0.0261,0.001,0.7678,0.0022,0.6829,0.002,1.0,0.0,0.8116,0.0014,0.9746,0.0061
-PyG,Cora,link_pred,True,,,1,4,3,skipconcat,max,99,0.4563,0.0071,276018.0,0.0589,0.0058,0.761,0.0031,0.6767,0.0028,1.0,0.0,0.8071,0.002,0.9728,0.0038
-PyG,Cora,link_pred,True,,,1,4,3,skipconcat,mean,79,0.4491,0.0066,276018.0,0.0318,0.0019,0.7811,0.0088,0.6956,0.0086,1.0,0.0,0.8204,0.0059,0.9681,0.0038
-PyG,Cora,link_pred,True,,,1,4,3,skipsum,add,99,0.4413,0.0012,440833.0,0.0315,0.0041,0.7724,0.005,0.6872,0.0048,1.0,0.0,0.8146,0.0033,0.9753,0.0002
-PyG,Cora,link_pred,True,,,1,4,3,skipsum,max,99,0.4761,0.0053,440833.0,0.0309,0.0048,0.7598,0.0007,0.6755,0.0007,1.0,0.0,0.8063,0.0005,0.9538,0.0054
-PyG,Cora,link_pred,True,,,1,4,3,skipsum,mean,79,0.4502,0.0019,440833.0,0.0318,0.0034,0.7863,0.0055,0.7007,0.0056,0.9996,0.0006,0.8239,0.0037,0.9654,0.0024
-PyG,Cora,link_pred,True,,,1,6,2,skipconcat,add,99,0.4676,0.0033,260228.0,0.028,0.0022,0.7628,0.005,0.6783,0.0046,1.0,0.0,0.8083,0.0032,0.9719,0.0044
-PyG,Cora,link_pred,True,,,1,6,2,skipconcat,max,99,0.5189,0.0163,260228.0,0.0307,0.0065,0.763,0.0061,0.6785,0.0056,1.0,0.0,0.8084,0.0039,0.9538,0.0056
-PyG,Cora,link_pred,True,,,1,6,2,skipconcat,mean,39,0.5719,0.0822,260228.0,0.0338,0.0058,0.7701,0.0066,0.6855,0.0064,0.9984,0.0011,0.8129,0.0042,0.94,0.0216
-PyG,Cora,link_pred,True,,,1,6,2,skipsum,add,99,0.4539,0.0088,424843.0,0.0303,0.0011,0.7594,0.008,0.6752,0.0073,1.0,0.0,0.8061,0.0052,0.9741,0.0043
-PyG,Cora,link_pred,True,,,1,6,2,skipsum,max,99,0.4827,0.0023,424843.0,0.0341,0.0024,0.7618,0.0021,0.6775,0.002,0.9996,0.0006,0.8076,0.0013,0.9498,0.0043
-PyG,Cora,link_pred,True,,,1,6,2,skipsum,mean,99,0.4505,0.0045,424843.0,0.032,0.0073,0.7784,0.0046,0.6932,0.0048,0.9992,0.0011,0.8185,0.0029,0.9664,0.0049
-PyG,Cora,link_pred,True,,,1,6,3,skipconcat,add,79,0.4526,0.0114,257671.0,0.0337,0.003,0.7723,0.0081,0.6872,0.0076,1.0,0.0,0.8145,0.0053,0.9685,0.007
-PyG,Cora,link_pred,True,,,1,6,3,skipconcat,max,99,0.4643,0.0113,257671.0,0.0359,0.0041,0.7663,0.0074,0.6815,0.0069,1.0,0.0,0.8106,0.0048,0.9669,0.0046
-PyG,Cora,link_pred,True,,,1,6,3,skipconcat,mean,79,0.4445,0.0072,257671.0,0.0299,0.0026,0.7756,0.0055,0.6903,0.0052,1.0,0.0,0.8168,0.0037,0.9727,0.0036
-PyG,Cora,link_pred,True,,,1,6,3,skipsum,add,79,0.4474,0.0102,412033.0,0.0273,0.0017,0.7634,0.0071,0.6789,0.0065,1.0,0.0,0.8087,0.0046,0.9733,0.0043
-PyG,Cora,link_pred,True,,,1,6,3,skipsum,max,99,0.4812,0.0036,412033.0,0.0344,0.0009,0.7663,0.0058,0.682,0.0056,0.998,0.002,0.8103,0.0037,0.9461,0.0028
-PyG,Cora,link_pred,True,,,1,6,3,skipsum,mean,79,0.4501,0.007,412033.0,0.0331,0.0006,0.7848,0.01,0.7002,0.0086,0.9964,0.0042,0.8224,0.0074,0.9612,0.0065
-PyG,Cora,link_pred,True,,,1,8,2,skipconcat,add,99,0.465,0.0047,250049.0,0.0325,0.0023,0.7662,0.0041,0.6815,0.0039,0.9996,0.0006,0.8104,0.0026,0.9702,0.0067
-PyG,Cora,link_pred,True,,,1,8,2,skipconcat,max,99,0.6134,0.1575,250049.0,0.0365,0.0028,0.762,0.0066,0.6777,0.0061,0.9996,0.0006,0.8077,0.0044,0.9362,0.0293
-PyG,Cora,link_pred,True,,,1,8,2,skipconcat,mean,79,0.906,0.5074,250049.0,0.0336,0.0049,0.7622,0.0148,0.6792,0.0119,0.9945,0.007,0.8071,0.0107,0.9256,0.0377
-PyG,Cora,link_pred,True,,,1,8,2,skipsum,add,99,0.4517,0.0033,399561.0,0.0318,0.001,0.7594,0.0057,0.6751,0.0052,1.0,0.0,0.806,0.0037,0.9726,0.0022
-PyG,Cora,link_pred,True,,,1,8,2,skipsum,max,99,0.4866,0.0162,399561.0,0.0354,0.0008,0.7636,0.0121,0.6795,0.0114,0.9988,0.001,0.8087,0.0077,0.9433,0.0064
-PyG,Cora,link_pred,True,,,1,8,2,skipsum,mean,79,0.4585,0.001,399561.0,0.0367,0.0039,0.7855,0.0055,0.7014,0.0044,0.9945,0.0045,0.8226,0.0044,0.9516,0.0035
-PyG,Cora,link_pred,True,,,1,8,3,skipconcat,add,79,0.4694,0.0148,243784.0,0.0368,0.0022,0.7702,0.0071,0.6854,0.0063,0.9992,0.0011,0.813,0.0048,0.9577,0.0134
-PyG,Cora,link_pred,True,,,1,8,3,skipconcat,max,79,0.469,0.0093,243784.0,0.0352,0.0004,0.7664,0.0048,0.6816,0.0045,1.0,0.0,0.8106,0.0031,0.9603,0.0031
-PyG,Cora,link_pred,True,,,1,8,3,skipconcat,mean,79,0.4555,0.0115,243784.0,0.0346,0.0006,0.7741,0.011,0.6889,0.0105,1.0,0.0,0.8158,0.0073,0.9654,0.0033
-PyG,Cora,link_pred,True,,,1,8,3,skipsum,add,99,0.4513,0.0038,392621.0,0.037,0.005,0.7616,0.0034,0.6772,0.0031,1.0,0.0,0.8075,0.0022,0.9714,0.0011
-PyG,Cora,link_pred,True,,,1,8,3,skipsum,max,79,0.4923,0.0132,392621.0,0.0399,0.0012,0.7568,0.0098,0.6739,0.0089,0.9957,0.0024,0.8037,0.0064,0.9336,0.0082
-PyG,Cora,link_pred,True,,,1,8,3,skipsum,mean,79,0.4594,0.0046,392621.0,0.038,0.0011,0.7827,0.0042,0.699,0.0032,0.9929,0.0054,0.8204,0.0034,0.9509,0.0048
-PyG,Cora,link_pred,True,,,2,2,2,skipconcat,add,79,0.4566,0.0064,336301.0,0.0282,0.0016,0.7651,0.0047,0.6804,0.0044,1.0,0.0,0.8098,0.0031,0.9769,0.0046
-PyG,Cora,link_pred,True,,,2,2,2,skipconcat,max,99,0.5187,0.0128,336301.0,0.0277,0.0029,0.7622,0.005,0.6777,0.0047,1.0,0.0,0.8079,0.0033,0.9548,0.007
-PyG,Cora,link_pred,True,,,2,2,2,skipconcat,mean,79,0.5626,0.1629,336301.0,0.0248,0.0027,0.7663,0.0145,0.6819,0.0131,0.9992,0.0011,0.8105,0.0097,0.9504,0.039
-PyG,Cora,link_pred,True,,,2,2,2,skipsum,add,79,0.45,0.0082,485362.0,0.0285,0.0042,0.7642,0.0015,0.6795,0.0014,1.0,0.0,0.8092,0.001,0.978,0.0035
-PyG,Cora,link_pred,True,,,2,2,2,skipsum,max,99,0.4632,0.0067,485362.0,0.0317,0.0036,0.7672,0.0041,0.6823,0.0039,1.0,0.0,0.8112,0.0027,0.969,0.0046
-PyG,Cora,link_pred,True,,,2,2,2,skipsum,mean,99,0.4436,0.0171,485362.0,0.0263,0.0021,0.7659,0.0034,0.6811,0.0031,1.0,0.0,0.8103,0.0022,0.9793,0.0071
-PyG,Cora,link_pred,True,,,2,2,3,skipconcat,add,79,0.4427,0.0134,314881.0,0.0337,0.0124,0.7717,0.0067,0.6866,0.0063,1.0,0.0,0.8142,0.0044,0.9745,0.0062
-PyG,Cora,link_pred,True,,,2,2,3,skipconcat,max,99,0.4613,0.0034,314881.0,0.0257,0.0032,0.7559,0.0038,0.672,0.0034,1.0,0.0,0.8038,0.0025,0.9742,0.0013
-PyG,Cora,link_pred,True,,,2,2,3,skipconcat,mean,99,0.4418,0.0071,314881.0,0.0254,0.001,0.7723,0.0051,0.6871,0.0048,1.0,0.0,0.8145,0.0034,0.9767,0.0056
-PyG,Cora,link_pred,True,,,2,2,3,skipsum,add,99,0.4371,0.0013,458293.0,0.0277,0.0015,0.7733,0.0082,0.6881,0.0078,1.0,0.0,0.8152,0.0055,0.979,0.0026
-PyG,Cora,link_pred,True,,,2,2,3,skipsum,max,79,0.4571,0.0086,458293.0,0.0269,0.001,0.7649,0.0071,0.6803,0.0065,1.0,0.0,0.8097,0.0046,0.9695,0.0044
-PyG,Cora,link_pred,True,,,2,2,3,skipsum,mean,79,0.4324,0.0055,458293.0,0.025,0.0018,0.7786,0.0046,0.6931,0.0044,1.0,0.0,0.8187,0.0031,0.9805,0.0013
-PyG,Cora,link_pred,True,,,2,4,2,skipconcat,add,79,0.4637,0.0053,281410.0,0.0346,0.0046,0.7674,0.0053,0.6825,0.0049,1.0,0.0,0.8113,0.0034,0.9715,0.0036
-PyG,Cora,link_pred,True,,,2,4,2,skipconcat,max,99,0.5691,0.1039,281410.0,0.0295,0.0012,0.7554,0.0022,0.6716,0.002,0.9996,0.0006,0.8034,0.0014,0.9413,0.025
-PyG,Cora,link_pred,True,,,2,4,2,skipconcat,mean,99,0.8604,0.4115,281410.0,0.0267,0.0015,0.7699,0.0053,0.6862,0.0036,0.9949,0.0056,0.8122,0.0044,0.9254,0.0356
-PyG,Cora,link_pred,True,,,2,4,2,skipsum,add,99,0.4418,0.0016,440833.0,0.0316,0.0098,0.7702,0.0059,0.6852,0.0055,1.0,0.0,0.8132,0.0039,0.978,0.0014
-PyG,Cora,link_pred,True,,,2,4,2,skipsum,max,99,0.4743,0.0059,440833.0,0.0319,0.0032,0.7597,0.0048,0.6754,0.0044,1.0,0.0,0.8063,0.0032,0.9595,0.0024
-PyG,Cora,link_pred,True,,,2,4,2,skipsum,mean,99,0.4426,0.0035,440833.0,0.0379,0.0042,0.7794,0.0051,0.6939,0.0049,1.0,0.0,0.8193,0.0034,0.9721,0.002
-PyG,Cora,link_pred,True,,,2,4,3,skipconcat,add,99,0.4441,0.0072,268705.0,0.0362,0.004,0.7746,0.0073,0.6893,0.0069,1.0,0.0,0.8161,0.0049,0.973,0.0046
-PyG,Cora,link_pred,True,,,2,4,3,skipconcat,max,99,0.4608,0.0045,268705.0,0.0326,0.0034,0.7654,0.0048,0.6807,0.0044,1.0,0.0,0.81,0.0032,0.9675,0.0024
-PyG,Cora,link_pred,True,,,2,4,3,skipconcat,mean,79,0.4431,0.0052,268705.0,0.0305,0.0023,0.7757,0.0005,0.6904,0.0004,1.0,0.0,0.8168,0.0003,0.9731,0.0026
-PyG,Cora,link_pred,True,,,2,4,3,skipsum,add,99,0.4429,0.0033,424843.0,0.029,0.0011,0.7681,0.0007,0.6832,0.0007,1.0,0.0,0.8118,0.0005,0.9749,0.0013
-PyG,Cora,link_pred,True,,,2,4,3,skipsum,max,79,0.4784,0.0091,424843.0,0.0318,0.0045,0.7586,0.0046,0.6744,0.0041,1.0,0.0,0.8055,0.003,0.9522,0.0095
-PyG,Cora,link_pred,True,,,2,4,3,skipsum,mean,79,0.4478,0.0033,424843.0,0.0274,0.0009,0.7785,0.0032,0.6935,0.0033,0.9984,0.0015,0.8184,0.002,0.9654,0.0043
-PyG,Cora,link_pred,True,,,2,6,2,skipconcat,add,99,0.4588,0.0063,261991.0,0.0309,0.0023,0.7723,0.008,0.6872,0.0076,1.0,0.0,0.8146,0.0054,0.9715,0.0023
-PyG,Cora,link_pred,True,,,2,6,2,skipconcat,max,99,0.4993,0.0305,261991.0,0.035,0.0053,0.7617,0.0076,0.6773,0.0069,1.0,0.0,0.8076,0.0049,0.9562,0.0149
-PyG,Cora,link_pred,True,,,2,6,2,skipconcat,mean,79,0.5301,0.108,261991.0,0.034,0.0012,0.7763,0.0067,0.6911,0.006,0.9992,0.0011,0.8171,0.0046,0.9442,0.031
-PyG,Cora,link_pred,True,,,2,6,2,skipsum,add,99,0.4482,0.0026,412033.0,0.0304,0.0035,0.7652,0.0021,0.6805,0.0019,1.0,0.0,0.8098,0.0013,0.9761,0.0027
-PyG,Cora,link_pred,True,,,2,6,2,skipsum,max,99,0.4836,0.0074,412033.0,0.0298,0.0015,0.7612,0.0083,0.6769,0.0075,0.9996,0.0006,0.8072,0.0055,0.9492,0.0089
-PyG,Cora,link_pred,True,,,2,6,2,skipsum,mean,79,0.4479,0.0069,412033.0,0.0343,0.0053,0.7863,0.0031,0.7011,0.0029,0.998,0.0015,0.8237,0.0022,0.964,0.0058
-PyG,Cora,link_pred,True,,,2,6,3,skipconcat,add,99,0.4592,0.0129,258966.0,0.0348,0.0019,0.7776,0.004,0.6922,0.0039,1.0,0.0,0.8181,0.0027,0.9602,0.0113
-PyG,Cora,link_pred,True,,,2,6,3,skipconcat,max,99,0.47,0.0015,258966.0,0.0478,0.0193,0.7686,0.0015,0.6837,0.0014,1.0,0.0,0.8121,0.001,0.9618,0.0021
-PyG,Cora,link_pred,True,,,2,6,3,skipconcat,mean,79,0.4531,0.0035,258966.0,0.0338,0.0016,0.7789,0.0045,0.6935,0.0043,0.9996,0.0006,0.8189,0.0031,0.9627,0.0025
-PyG,Cora,link_pred,True,,,2,6,3,skipsum,add,99,0.4491,0.0051,399561.0,0.0338,0.0037,0.765,0.0024,0.6803,0.0022,1.0,0.0,0.8097,0.0016,0.9724,0.0028
-PyG,Cora,link_pred,True,,,2,6,3,skipsum,max,99,0.4775,0.0037,399561.0,0.033,0.0025,0.7603,0.004,0.6764,0.0037,0.9984,0.0006,0.8064,0.0025,0.9467,0.0048
-PyG,Cora,link_pred,True,,,2,6,3,skipsum,mean,79,0.4619,0.0039,399561.0,0.0413,0.0058,0.7827,0.0057,0.6996,0.0057,0.9913,0.0072,0.8203,0.0042,0.9492,0.0049
-PyG,Cora,link_pred,True,,,2,8,2,skipconcat,add,99,0.4737,0.0036,251137.0,0.0419,0.0102,0.7639,0.003,0.6793,0.0028,1.0,0.0,0.809,0.002,0.9651,0.0052
-PyG,Cora,link_pred,True,,,2,8,2,skipconcat,max,99,0.5734,0.0996,251137.0,0.0312,0.0025,0.761,0.0026,0.6767,0.0027,0.9992,0.0011,0.8069,0.0015,0.9333,0.028
-PyG,Cora,link_pred,True,,,2,8,2,skipconcat,mean,79,0.4641,0.0162,251137.0,0.0346,0.0029,0.7796,0.0053,0.6941,0.0051,1.0,0.0,0.8194,0.0036,0.9596,0.01
-PyG,Cora,link_pred,True,,,2,8,2,skipsum,add,99,0.445,0.0067,392621.0,0.0341,0.0025,0.7702,0.0038,0.6852,0.0035,1.0,0.0,0.8132,0.0025,0.9746,0.0026
-PyG,Cora,link_pred,True,,,2,8,2,skipsum,max,99,0.4915,0.011,392621.0,0.0404,0.0047,0.7628,0.0066,0.6788,0.006,0.998,0.0006,0.808,0.0043,0.9399,0.0036
-PyG,Cora,link_pred,True,,,2,8,2,skipsum,mean,79,0.4513,0.0063,392621.0,0.0399,0.0018,0.7867,0.0052,0.702,0.0046,0.9964,0.0016,0.8237,0.0038,0.9577,0.0038
-PyG,Cora,link_pred,True,,,2,8,3,skipconcat,add,79,0.4632,0.0129,244567.0,0.0401,0.0029,0.7733,0.0027,0.6882,0.0022,0.9992,0.0011,0.815,0.0019,0.9582,0.0109
-PyG,Cora,link_pred,True,,,2,8,3,skipconcat,max,99,0.4701,0.0055,244567.0,0.0418,0.0042,0.768,0.0009,0.6831,0.0009,1.0,0.0,0.8117,0.0007,0.9583,0.0054
-PyG,Cora,link_pred,True,,,2,8,3,skipconcat,mean,79,0.4472,0.0089,244567.0,0.0401,0.0045,0.7825,0.0052,0.6971,0.0051,0.9996,0.0006,0.8213,0.0035,0.965,0.0098
-PyG,Cora,link_pred,True,,,2,8,3,skipsum,add,99,0.4509,0.0052,383233.0,0.0351,0.0031,0.7677,0.002,0.683,0.0019,0.9996,0.0006,0.8115,0.0013,0.9682,0.003
-PyG,Cora,link_pred,True,,,2,8,3,skipsum,max,99,0.4951,0.0152,383233.0,0.0408,0.0052,0.7636,0.0107,0.6806,0.0098,0.9941,0.001,0.8079,0.0072,0.9289,0.0092
-PyG,Cora,link_pred,True,,,2,8,3,skipsum,mean,99,0.4679,0.0132,383233.0,0.0371,0.0049,0.7759,0.0027,0.6942,0.002,0.9866,0.0075,0.8149,0.0027,0.9463,0.0108
-PyG,TU_BZR,link_pred,True,,,1,2,2,skipconcat,add,79,0.5734,0.0126,204186.0,0.6806,0.0153,0.7335,0.0068,0.6548,0.0059,0.9882,0.0007,0.7876,0.0044,0.8572,0.0171
-PyG,TU_BZR,link_pred,True,,,1,2,2,skipconcat,max,79,0.588,0.0111,204186.0,0.8176,0.0238,0.7286,0.0058,0.651,0.0042,0.9854,0.0044,0.784,0.0044,0.8362,0.0108
-PyG,TU_BZR,link_pred,True,,,1,2,2,skipconcat,mean,79,0.5873,0.0096,204186.0,0.754,0.0109,0.7224,0.0068,0.6449,0.0056,0.9901,0.0023,0.7811,0.0043,0.83,0.0186
-PyG,TU_BZR,link_pred,True,,,1,2,2,skipsum,add,39,0.5906,0.0108,210901.0,0.7209,0.0256,0.7307,0.0101,0.656,0.0045,0.9698,0.0217,0.7826,0.0102,0.8302,0.0207
-PyG,TU_BZR,link_pred,True,,,1,2,2,skipsum,max,59,0.5911,0.0121,210901.0,0.6768,0.0076,0.7252,0.0044,0.6484,0.0028,0.984,0.0047,0.7817,0.0035,0.8297,0.0138
-PyG,TU_BZR,link_pred,True,,,1,2,2,skipsum,mean,79,0.5896,0.0079,210901.0,0.7874,0.0381,0.7234,0.0023,0.6457,0.0016,0.9896,0.0024,0.7815,0.0018,0.8306,0.0095
-PyG,TU_BZR,link_pred,True,,,1,2,3,skipconcat,add,99,0.5679,0.0027,207789.0,0.7812,0.0333,0.7302,0.0091,0.6511,0.0078,0.9924,0.0007,0.7863,0.0056,0.8574,0.0014
-PyG,TU_BZR,link_pred,True,,,1,2,3,skipconcat,max,79,0.5825,0.0043,207789.0,0.8096,0.0108,0.7224,0.0046,0.6454,0.0032,0.9873,0.0103,0.7805,0.0041,0.833,0.0129
-PyG,TU_BZR,link_pred,True,,,1,2,3,skipconcat,mean,99,0.5914,0.009,207789.0,0.8119,0.0215,0.7158,0.005,0.64,0.0039,0.9868,0.0018,0.7764,0.0032,0.8199,0.0149
-PyG,TU_BZR,link_pred,True,,,1,2,3,skipsum,add,79,0.5732,0.0074,210742.0,0.8094,0.0075,0.7333,0.0043,0.6543,0.0034,0.9892,0.0058,0.7876,0.0033,0.8544,0.0103
-PyG,TU_BZR,link_pred,True,,,1,2,3,skipsum,max,59,0.5879,0.0204,210742.0,0.7958,0.0121,0.7164,0.0076,0.6394,0.0062,0.9929,0.0,0.7779,0.0046,0.8304,0.0153
-PyG,TU_BZR,link_pred,True,,,1,2,3,skipsum,mean,99,0.5972,0.0068,210742.0,0.6785,0.0017,0.7091,0.0074,0.6341,0.0057,0.9892,0.0017,0.7727,0.0047,0.8134,0.0136
-PyG,TU_BZR,link_pred,True,,,1,4,2,skipconcat,add,79,0.5717,0.0071,206365.0,0.8331,0.0193,0.743,0.0067,0.6618,0.0063,0.9943,0.0023,0.7947,0.004,0.8681,0.0031
-PyG,TU_BZR,link_pred,True,,,1,4,2,skipconcat,max,79,0.5865,0.0035,206365.0,0.6716,0.0055,0.7323,0.0031,0.6531,0.0037,0.991,0.0047,0.7873,0.0012,0.8463,0.0083
-PyG,TU_BZR,link_pred,True,,,1,4,2,skipconcat,mean,79,0.5885,0.0045,206365.0,0.8248,0.0434,0.7277,0.0038,0.649,0.0037,0.992,0.0024,0.7846,0.002,0.8433,0.0016
-PyG,TU_BZR,link_pred,True,,,1,4,2,skipsum,add,99,0.5653,0.006,208513.0,0.8164,0.0205,0.7395,0.0048,0.66,0.0044,0.9882,0.0013,0.7914,0.0028,0.8667,0.0054
-PyG,TU_BZR,link_pred,True,,,1,4,2,skipsum,max,99,0.578,0.0048,208513.0,0.7755,0.0479,0.7287,0.0064,0.6502,0.0061,0.9901,0.0042,0.7849,0.0035,0.8517,0.0069
-PyG,TU_BZR,link_pred,True,,,1,4,2,skipsum,mean,79,0.594,0.0071,208513.0,0.7821,0.036,0.7151,0.0063,0.6396,0.0066,0.9859,0.0076,0.7758,0.0026,0.8279,0.0101
-PyG,TU_BZR,link_pred,True,,,1,4,3,skipconcat,add,99,0.5605,0.0044,208398.0,0.665,0.0064,0.7333,0.01,0.6539,0.0086,0.9915,0.0,0.7881,0.0062,0.865,0.0006
-PyG,TU_BZR,link_pred,True,,,1,4,3,skipconcat,max,59,0.5806,0.0136,208398.0,0.7768,0.0295,0.7195,0.0059,0.6426,0.0049,0.9892,0.0029,0.7791,0.0037,0.8397,0.0152
-PyG,TU_BZR,link_pred,True,,,1,4,3,skipconcat,mean,39,0.5976,0.0158,208398.0,0.8142,0.014,0.7077,0.0079,0.6329,0.0058,0.9891,0.0033,0.7719,0.0053,0.8215,0.0209
-PyG,TU_BZR,link_pred,True,,,1,4,3,skipsum,add,79,0.5691,0.009,208993.0,0.7784,0.0214,0.7342,0.0105,0.6563,0.009,0.984,0.0093,0.7874,0.0073,0.853,0.0187
-PyG,TU_BZR,link_pred,True,,,1,4,3,skipsum,max,39,0.5952,0.0176,208993.0,0.6734,0.0009,0.7112,0.0119,0.6363,0.0106,0.9877,0.0073,0.7738,0.0063,0.8304,0.0167
-PyG,TU_BZR,link_pred,True,,,1,4,3,skipsum,mean,99,0.6001,0.0073,208993.0,0.6826,0.0115,0.7085,0.0041,0.6335,0.0033,0.9896,0.0029,0.7725,0.0026,0.8141,0.0048
-PyG,TU_BZR,link_pred,True,,,1,6,2,skipconcat,add,79,0.5708,0.0089,203648.0,0.779,0.0599,0.7407,0.0022,0.6599,0.0017,0.9934,0.0013,0.793,0.0016,0.8679,0.0059
-PyG,TU_BZR,link_pred,True,,,1,6,2,skipconcat,max,79,0.5853,0.0088,203648.0,0.8099,0.0505,0.7321,0.0069,0.6529,0.0071,0.9915,0.0058,0.7873,0.0034,0.8433,0.002
-PyG,TU_BZR,link_pred,True,,,1,6,2,skipconcat,mean,59,0.588,0.0056,203648.0,0.6787,0.0067,0.7242,0.0046,0.6465,0.0042,0.9896,0.0029,0.782,0.0027,0.8319,0.0106
-PyG,TU_BZR,link_pred,True,,,1,6,2,skipsum,add,99,0.5763,0.0068,208183.0,0.7364,0.0153,0.7319,0.005,0.6556,0.0065,0.9779,0.0155,0.7848,0.0031,0.8488,0.0139
-PyG,TU_BZR,link_pred,True,,,1,6,2,skipsum,max,59,0.5843,0.0127,208183.0,0.7957,0.0212,0.721,0.0069,0.6437,0.0056,0.9901,0.002,0.7802,0.0043,0.846,0.0167
-PyG,TU_BZR,link_pred,True,,,1,6,2,skipsum,mean,79,0.5848,0.0057,208183.0,0.7649,0.0121,0.721,0.0047,0.6435,0.0035,0.991,0.0071,0.7803,0.0037,0.8333,0.0141
-PyG,TU_BZR,link_pred,True,,,1,6,3,skipconcat,add,79,0.5637,0.0181,209371.0,0.729,0.0234,0.7387,0.0064,0.6582,0.0055,0.9934,0.0007,0.7918,0.0042,0.8674,0.0196
-PyG,TU_BZR,link_pred,True,,,1,6,3,skipconcat,max,99,0.5794,0.0074,209371.0,0.7887,0.0224,0.7267,0.0155,0.6478,0.0136,0.9953,0.0018,0.7847,0.0094,0.8405,0.0136
-PyG,TU_BZR,link_pred,True,,,1,6,3,skipconcat,mean,99,0.5908,0.0088,209371.0,0.8207,0.0393,0.7187,0.0094,0.6431,0.0083,0.9835,0.0084,0.7776,0.0056,0.8165,0.0174
-PyG,TU_BZR,link_pred,True,,,1,6,3,skipsum,add,79,0.5707,0.0092,207793.0,0.7999,0.0426,0.7258,0.0067,0.6486,0.0054,0.9858,0.01,0.7824,0.005,0.8583,0.0115
-PyG,TU_BZR,link_pred,True,,,1,6,3,skipsum,max,99,0.5776,0.0071,207793.0,0.8054,0.0058,0.7175,0.0039,0.6401,0.0033,0.9939,0.0037,0.7786,0.0024,0.8465,0.0092
-PyG,TU_BZR,link_pred,True,,,1,6,3,skipsum,mean,59,0.5766,0.0137,207793.0,0.8057,0.0036,0.7174,0.0126,0.6407,0.0104,0.9911,0.0041,0.7782,0.008,0.8387,0.0186
-PyG,TU_BZR,link_pred,True,,,1,8,2,skipconcat,add,99,0.5696,0.0042,205889.0,0.6879,0.0036,0.7464,0.0054,0.665,0.0046,0.9929,0.0011,0.7965,0.0037,0.8713,0.0014
-PyG,TU_BZR,link_pred,True,,,1,8,2,skipconcat,max,79,0.5801,0.008,205889.0,0.6781,0.0063,0.74,0.0053,0.6597,0.0052,0.9915,0.0031,0.7922,0.0031,0.8574,0.0068
-PyG,TU_BZR,link_pred,True,,,1,8,2,skipconcat,mean,79,0.5902,0.0078,205889.0,0.8033,0.0044,0.7266,0.0088,0.6482,0.0076,0.992,0.0017,0.784,0.0053,0.8397,0.0088
-PyG,TU_BZR,link_pred,True,,,1,8,2,skipsum,add,59,0.5741,0.0058,206361.0,0.7907,0.0196,0.7228,0.0029,0.6445,0.0029,0.9934,0.0029,0.7818,0.0013,0.8562,0.01
-PyG,TU_BZR,link_pred,True,,,1,8,2,skipsum,max,59,0.5828,0.0123,206361.0,0.6856,0.0041,0.7167,0.0069,0.6402,0.0051,0.9891,0.0041,0.7773,0.0048,0.8446,0.0168
-PyG,TU_BZR,link_pred,True,,,1,8,2,skipsum,mean,79,0.5859,0.0023,206361.0,0.8069,0.0436,0.715,0.0018,0.6381,0.0009,0.9934,0.0035,0.7771,0.0017,0.8314,0.0031
-PyG,TU_BZR,link_pred,True,,,1,8,3,skipconcat,add,79,0.5592,0.0093,206524.0,0.7746,0.0306,0.7382,0.0048,0.6574,0.0039,0.9948,0.0018,0.7917,0.0032,0.8688,0.0067
-PyG,TU_BZR,link_pred,True,,,1,8,3,skipconcat,max,59,0.5783,0.015,206524.0,0.8277,0.0167,0.7177,0.0157,0.6406,0.0132,0.9934,0.0007,0.7788,0.0096,0.8343,0.0167
-PyG,TU_BZR,link_pred,True,,,1,8,3,skipconcat,mean,99,0.5847,0.0094,206524.0,0.7709,0.0272,0.7137,0.0038,0.6382,0.0037,0.9872,0.005,0.7752,0.0019,0.8276,0.0076
-PyG,TU_BZR,link_pred,True,,,1,8,3,skipsum,add,59,0.5822,0.0179,207701.0,0.6825,0.0176,0.725,0.0116,0.6483,0.0092,0.984,0.0063,0.7816,0.008,0.8391,0.0227
-PyG,TU_BZR,link_pred,True,,,1,8,3,skipsum,max,59,0.5891,0.02,207701.0,0.7595,0.0238,0.7167,0.0106,0.6411,0.0076,0.9849,0.0125,0.7766,0.0081,0.8263,0.0247
-PyG,TU_BZR,link_pred,True,,,1,8,3,skipsum,mean,79,0.5853,0.0035,207701.0,0.8345,0.0187,0.7137,0.0023,0.6372,0.002,0.9924,0.0007,0.7761,0.0013,0.8287,0.0055
-PyG,TU_BZR,link_pred,True,,,2,2,2,skipconcat,add,99,0.5655,0.0053,205201.0,0.8008,0.0343,0.7404,0.0034,0.6603,0.0033,0.9901,0.0034,0.7922,0.002,0.858,0.0103
-PyG,TU_BZR,link_pred,True,,,2,2,2,skipconcat,max,99,0.584,0.0068,205201.0,0.7554,0.0341,0.7209,0.0058,0.643,0.005,0.9934,0.0041,0.7807,0.0037,0.8384,0.0035
-PyG,TU_BZR,link_pred,True,,,2,2,2,skipconcat,mean,99,0.589,0.0076,205201.0,0.7902,0.0406,0.7237,0.0024,0.6457,0.0022,0.9915,0.0011,0.7821,0.0014,0.8325,0.0079
-PyG,TU_BZR,link_pred,True,,,2,2,2,skipsum,add,59,0.5846,0.0071,210742.0,0.8613,0.0211,0.7324,0.0089,0.6542,0.0073,0.9868,0.0024,0.7867,0.006,0.8496,0.0077
-PyG,TU_BZR,link_pred,True,,,2,2,2,skipsum,max,59,0.5945,0.0094,210742.0,0.7734,0.0479,0.7151,0.0022,0.6394,0.0017,0.9868,0.0007,0.776,0.0014,0.8324,0.0057
-PyG,TU_BZR,link_pred,True,,,2,2,2,skipsum,mean,79,0.5906,0.0069,210742.0,0.7949,0.0118,0.7226,0.0056,0.6449,0.0055,0.9915,0.0046,0.7814,0.0026,0.8242,0.0169
-PyG,TU_BZR,link_pred,True,,,2,2,3,skipconcat,add,99,0.568,0.0063,204481.0,0.6762,0.007,0.736,0.0005,0.6582,0.0026,0.9821,0.0105,0.7881,0.0015,0.8535,0.004
-PyG,TU_BZR,link_pred,True,,,2,2,3,skipconcat,max,99,0.5863,0.0021,204481.0,0.6801,0.0083,0.725,0.0057,0.6471,0.0054,0.9901,0.0069,0.7826,0.0034,0.8325,0.0038
-PyG,TU_BZR,link_pred,True,,,2,2,3,skipconcat,mean,79,0.5967,0.0089,204481.0,0.8315,0.003,0.7097,0.0085,0.637,0.0033,0.9746,0.0234,0.7704,0.0095,0.8169,0.0078
-PyG,TU_BZR,link_pred,True,,,2,2,3,skipsum,add,99,0.5702,0.0026,208513.0,0.7698,0.0338,0.731,0.0027,0.6522,0.0027,0.9901,0.0034,0.7864,0.0015,0.8535,0.0104
-PyG,TU_BZR,link_pred,True,,,2,2,3,skipsum,max,99,0.5879,0.0021,208513.0,0.781,0.0405,0.7119,0.0004,0.636,0.0004,0.991,0.0017,0.7748,0.0005,0.8241,0.0022
-PyG,TU_BZR,link_pred,True,,,2,2,3,skipsum,mean,99,0.5877,0.0119,208513.0,0.7921,0.0403,0.721,0.0135,0.6444,0.012,0.9877,0.0047,0.7799,0.008,0.826,0.0188
-PyG,TU_BZR,link_pred,True,,,2,4,2,skipconcat,add,79,0.5682,0.007,202750.0,0.7951,0.0658,0.7416,0.0047,0.6612,0.0041,0.991,0.0007,0.7932,0.003,0.868,0.0037
-PyG,TU_BZR,link_pred,True,,,2,4,2,skipconcat,max,59,0.5914,0.0057,202750.0,0.7643,0.037,0.7295,0.0038,0.6506,0.0028,0.9915,0.0051,0.7856,0.0029,0.8395,0.0116
-PyG,TU_BZR,link_pred,True,,,2,4,2,skipconcat,mean,99,0.5914,0.0068,202750.0,0.7878,0.0508,0.7236,0.0112,0.6463,0.0097,0.9887,0.0023,0.7816,0.0068,0.8383,0.0072
-PyG,TU_BZR,link_pred,True,,,2,4,2,skipsum,add,79,0.5687,0.0109,208993.0,0.8182,0.0191,0.7346,0.0021,0.6558,0.0005,0.9872,0.009,0.7881,0.0028,0.8621,0.0197
-PyG,TU_BZR,link_pred,True,,,2,4,2,skipsum,max,79,0.5818,0.01,208993.0,0.7558,0.0314,0.7246,0.0048,0.6471,0.0035,0.9878,0.0134,0.7819,0.0045,0.8418,0.0135
-PyG,TU_BZR,link_pred,True,,,2,4,2,skipsum,mean,79,0.5956,0.0142,208993.0,0.688,0.0132,0.7132,0.0042,0.6376,0.0019,0.9882,0.0097,0.7751,0.0042,0.8221,0.0156
-PyG,TU_BZR,link_pred,True,,,2,4,3,skipconcat,add,59,0.5685,0.0117,202465.0,0.7554,0.0318,0.7329,0.0138,0.655,0.0117,0.9854,0.0067,0.7868,0.0093,0.8597,0.0141
-PyG,TU_BZR,link_pred,True,,,2,4,3,skipconcat,max,99,0.5772,0.0021,202465.0,0.7469,0.0332,0.7241,0.0064,0.6453,0.0054,0.9953,0.0018,0.783,0.0039,0.8469,0.0101
-PyG,TU_BZR,link_pred,True,,,2,4,3,skipconcat,mean,59,0.5943,0.0127,202465.0,0.79,0.0222,0.7099,0.0076,0.6363,0.0048,0.9802,0.0201,0.7716,0.0075,0.8232,0.0244
-PyG,TU_BZR,link_pred,True,,,2,4,3,skipsum,add,99,0.5624,0.0111,208183.0,0.791,0.014,0.736,0.013,0.6563,0.0109,0.9915,0.002,0.7898,0.0085,0.8606,0.0106
-PyG,TU_BZR,link_pred,True,,,2,4,3,skipsum,max,99,0.5849,0.004,208183.0,0.7643,0.0255,0.7161,0.0069,0.6404,0.0067,0.9863,0.0068,0.7765,0.0034,0.8312,0.0031
-PyG,TU_BZR,link_pred,True,,,2,4,3,skipsum,mean,59,0.5916,0.0047,208183.0,0.6948,0.0064,0.7112,0.0048,0.6359,0.0035,0.9882,0.0027,0.7739,0.0033,0.8177,0.0073
-PyG,TU_BZR,link_pred,True,,,2,6,2,skipconcat,add,99,0.588,0.0191,205411.0,0.6822,0.0094,0.7375,0.0011,0.6584,0.0016,0.9873,0.0101,0.7899,0.0022,0.8569,0.0199
-PyG,TU_BZR,link_pred,True,,,2,6,2,skipconcat,max,79,0.5967,0.0086,205411.0,0.6819,0.0067,0.7249,0.009,0.6494,0.0081,0.9783,0.0177,0.7805,0.0067,0.8327,0.0155
-PyG,TU_BZR,link_pred,True,,,2,6,2,skipconcat,mean,59,0.5998,0.0176,205411.0,0.7834,0.032,0.7222,0.0041,0.644,0.004,0.9939,0.0037,0.7815,0.002,0.8292,0.0142
-PyG,TU_BZR,link_pred,True,,,2,6,2,skipsum,add,99,0.5693,0.0154,207793.0,0.7291,0.022,0.7336,0.0127,0.6538,0.0111,0.9938,0.0007,0.7887,0.0078,0.8609,0.0114
-PyG,TU_BZR,link_pred,True,,,2,6,2,skipsum,max,99,0.5849,0.0008,207793.0,0.7918,0.0124,0.7181,0.0045,0.6409,0.0041,0.992,0.0029,0.7787,0.0024,0.8399,0.0014
-PyG,TU_BZR,link_pred,True,,,2,6,2,skipsum,mean,99,0.5801,0.0123,207793.0,0.7206,0.0363,0.7182,0.0126,0.6412,0.0107,0.9915,0.0023,0.7788,0.0075,0.8415,0.0127
-PyG,TU_BZR,link_pred,True,,,2,6,3,skipconcat,add,79,0.562,0.0068,210666.0,0.6871,0.0087,0.7337,0.0032,0.6543,0.0035,0.9915,0.0042,0.7883,0.0015,0.8653,0.0081
-PyG,TU_BZR,link_pred,True,,,2,6,3,skipconcat,max,79,0.5755,0.0012,210666.0,0.6677,0.0055,0.7195,0.0093,0.6416,0.0082,0.9953,0.0035,0.7802,0.0051,0.8431,0.0038
-PyG,TU_BZR,link_pred,True,,,2,6,3,skipconcat,mean,79,0.5825,0.0051,210666.0,0.8081,0.0164,0.712,0.0015,0.6357,0.0016,0.9934,0.0035,0.7753,0.0008,0.8334,0.0052
-PyG,TU_BZR,link_pred,True,,,2,6,3,skipsum,add,99,0.5743,0.0069,206361.0,0.8055,0.004,0.7253,0.0049,0.6465,0.004,0.9943,0.0012,0.7835,0.0031,0.8591,0.0055
-PyG,TU_BZR,link_pred,True,,,2,6,3,skipsum,max,39,0.6038,0.0236,206361.0,0.7313,0.0014,0.7025,0.0196,0.63,0.0153,0.9835,0.0155,0.7679,0.0131,0.8133,0.0308
-PyG,TU_BZR,link_pred,True,,,2,6,3,skipsum,mean,79,0.5797,0.0039,206361.0,0.6872,0.0032,0.7218,0.0036,0.6439,0.0038,0.9929,0.004,0.7812,0.0016,0.8356,0.0099
-PyG,TU_BZR,link_pred,True,,,2,8,2,skipconcat,add,59,0.581,0.003,206977.0,0.7403,0.0145,0.736,0.0098,0.6573,0.0085,0.9863,0.0018,0.7889,0.0062,0.8561,0.001
-PyG,TU_BZR,link_pred,True,,,2,8,2,skipconcat,max,59,0.5864,0.0055,206977.0,0.8215,0.0202,0.7273,0.0099,0.6499,0.0085,0.9859,0.0093,0.7833,0.0066,0.8429,0.0142
-PyG,TU_BZR,link_pred,True,,,2,8,2,skipconcat,mean,59,0.5933,0.0073,206977.0,0.6855,0.0066,0.7212,0.0097,0.6448,0.007,0.9854,0.0101,0.7795,0.0073,0.8362,0.0162
-PyG,TU_BZR,link_pred,True,,,2,8,2,skipsum,add,59,0.584,0.0111,207701.0,0.7758,0.0289,0.7235,0.0059,0.6469,0.0045,0.9845,0.0064,0.7807,0.0044,0.8391,0.0129
-PyG,TU_BZR,link_pred,True,,,2,8,2,skipsum,max,99,0.5707,0.0035,207701.0,0.6784,0.0067,0.727,0.002,0.6487,0.0015,0.9906,0.0017,0.784,0.0015,0.8532,0.0024
-PyG,TU_BZR,link_pred,True,,,2,8,2,skipsum,mean,79,0.5802,0.0058,207701.0,0.8363,0.0187,0.7197,0.0057,0.6424,0.0048,0.9915,0.0011,0.7797,0.0036,0.8362,0.0126
-PyG,TU_BZR,link_pred,True,,,2,8,3,skipconcat,add,59,0.5717,0.0114,207307.0,0.7708,0.0165,0.731,0.0087,0.6526,0.0073,0.9882,0.0086,0.7861,0.006,0.8521,0.013
-PyG,TU_BZR,link_pred,True,,,2,8,3,skipconcat,max,79,0.5889,0.0086,207307.0,0.7485,0.0535,0.7221,0.0043,0.6445,0.0029,0.9906,0.0037,0.7809,0.0033,0.8247,0.0066
-PyG,TU_BZR,link_pred,True,,,2,8,3,skipconcat,mean,99,0.5992,0.0157,207307.0,0.6819,0.0088,0.712,0.0096,0.6378,0.0072,0.9821,0.0134,0.7733,0.0073,0.8137,0.0183
-PyG,TU_BZR,link_pred,True,,,2,8,3,skipsum,add,79,0.5601,0.0101,206593.0,0.8049,0.0401,0.7334,0.009,0.6541,0.007,0.9911,0.0041,0.788,0.0063,0.8679,0.0126
-PyG,TU_BZR,link_pred,True,,,2,8,3,skipsum,max,39,0.588,0.0203,206593.0,0.7673,0.0407,0.7099,0.0122,0.6344,0.0094,0.9915,0.0031,0.7737,0.0078,0.8285,0.0313
-PyG,TU_BZR,link_pred,True,,,2,8,3,skipsum,mean,99,0.5819,0.0039,206593.0,0.679,0.0104,0.7145,0.0053,0.6378,0.0043,0.9929,0.0031,0.7767,0.0033,0.8294,0.0102
-PyG,TU_COX2,link_pred,True,,,1,2,2,skipconcat,add,79,0.5359,0.0161,202440.0,0.8066,0.0193,0.7644,0.0099,0.6805,0.0095,0.9974,0.0011,0.809,0.0064,0.8978,0.0083
-PyG,TU_COX2,link_pred,True,,,1,2,2,skipconcat,max,99,0.5497,0.0051,202440.0,0.783,0.0112,0.7611,0.0084,0.6786,0.0085,0.9926,0.0033,0.8061,0.0052,0.886,0.0058
-PyG,TU_COX2,link_pred,True,,,1,2,2,skipconcat,mean,99,0.5394,0.0099,202440.0,0.7788,0.0303,0.7625,0.0055,0.6796,0.0058,0.9935,0.0029,0.807,0.0033,0.8869,0.008
-PyG,TU_COX2,link_pred,True,,,1,2,2,skipsum,add,59,0.539,0.015,206905.0,0.7603,0.0349,0.7591,0.0044,0.6767,0.0049,0.9926,0.0043,0.8048,0.0025,0.8956,0.0118
-PyG,TU_COX2,link_pred,True,,,1,2,2,skipsum,max,59,0.5528,0.007,206905.0,0.7833,0.0509,0.7597,0.0013,0.6778,0.0018,0.9899,0.0022,0.8047,0.0006,0.8807,0.0068
-PyG,TU_COX2,link_pred,True,,,1,2,2,skipsum,mean,59,0.5485,0.0126,206905.0,0.8036,0.0209,0.7512,0.0033,0.6693,0.0023,0.993,0.0033,0.7997,0.0027,0.8793,0.008
-PyG,TU_COX2,link_pred,True,,,1,2,3,skipconcat,add,79,0.5253,0.0052,206313.0,0.7613,0.0223,0.769,0.0045,0.6848,0.0043,0.997,0.0006,0.8119,0.0029,0.9044,0.0011
-PyG,TU_COX2,link_pred,True,,,1,2,3,skipconcat,max,99,0.5385,0.0067,206313.0,0.6713,0.0159,0.7598,0.0066,0.6773,0.0065,0.993,0.0017,0.8053,0.004,0.8862,0.0028
-PyG,TU_COX2,link_pred,True,,,1,2,3,skipconcat,mean,99,0.5392,0.0091,206313.0,0.7782,0.0827,0.7575,0.0028,0.676,0.0007,0.9891,0.0083,0.8031,0.0031,0.8824,0.0083
-PyG,TU_COX2,link_pred,True,,,1,2,3,skipsum,add,79,0.5448,0.0108,207160.0,0.8321,0.0237,0.7605,0.0045,0.6784,0.004,0.9909,0.0037,0.8053,0.0032,0.8905,0.0119
-PyG,TU_COX2,link_pred,True,,,1,2,3,skipsum,max,79,0.5359,0.0075,207160.0,0.763,0.048,0.76,0.0028,0.6782,0.0031,0.99,0.0068,0.8049,0.0021,0.8877,0.0057
-PyG,TU_COX2,link_pred,True,,,1,2,3,skipsum,mean,59,0.5556,0.0109,207160.0,0.7591,0.0579,0.7481,0.0012,0.6674,0.0012,0.9891,0.0038,0.797,0.001,0.871,0.0067
-PyG,TU_COX2,link_pred,True,,,1,4,2,skipconcat,add,79,0.54,0.0035,205321.0,0.7802,0.0075,0.7631,0.0087,0.6795,0.0083,0.9965,0.0016,0.808,0.0055,0.8991,0.0026
-PyG,TU_COX2,link_pred,True,,,1,4,2,skipconcat,max,79,0.5375,0.0129,205321.0,0.7573,0.0465,0.7627,0.0059,0.6802,0.0054,0.9917,0.0048,0.8069,0.0041,0.8923,0.0079
-PyG,TU_COX2,link_pred,True,,,1,4,2,skipconcat,mean,99,0.5394,0.0111,205321.0,0.7697,0.047,0.7621,0.0031,0.6787,0.0028,0.9956,0.0035,0.8072,0.0022,0.8903,0.0059
-PyG,TU_COX2,link_pred,True,,,1,4,2,skipsum,add,79,0.5281,0.0046,205255.0,0.6879,0.016,0.7592,0.001,0.6758,0.0009,0.9961,0.0,0.8053,0.0006,0.9084,0.0034
-PyG,TU_COX2,link_pred,True,,,1,4,2,skipsum,max,59,0.5431,0.008,205255.0,0.6751,0.0044,0.7547,0.0028,0.6722,0.0025,0.9943,0.0035,0.8021,0.002,0.8913,0.0076
-PyG,TU_COX2,link_pred,True,,,1,4,2,skipsum,mean,79,0.5423,0.0056,205255.0,0.808,0.021,0.7539,0.0019,0.6716,0.0012,0.9939,0.0038,0.8015,0.0017,0.8879,0.0034
-PyG,TU_COX2,link_pred,True,,,1,4,3,skipconcat,add,59,0.5397,0.0022,207516.0,0.7951,0.0251,0.754,0.0048,0.6718,0.004,0.9935,0.0029,0.8016,0.0034,0.8965,0.0047
-PyG,TU_COX2,link_pred,True,,,1,4,3,skipconcat,max,59,0.5501,0.0096,207516.0,0.7507,0.0107,0.7554,0.0047,0.6748,0.0046,0.986,0.0016,0.8012,0.0029,0.8808,0.009
-PyG,TU_COX2,link_pred,True,,,1,4,3,skipconcat,mean,99,0.5379,0.01,207516.0,0.7278,0.0333,0.7618,0.0069,0.6788,0.0068,0.9943,0.0017,0.8068,0.0043,0.8874,0.0046
-PyG,TU_COX2,link_pred,True,,,1,4,3,skipsum,add,79,0.5188,0.0132,205969.0,0.799,0.008,0.7565,0.0061,0.6744,0.0058,0.9917,0.0023,0.8028,0.0039,0.9111,0.0116
-PyG,TU_COX2,link_pred,True,,,1,4,3,skipsum,max,99,0.5442,0.0143,205969.0,0.6991,0.0159,0.7533,0.0048,0.6707,0.0043,0.9952,0.0006,0.8013,0.0031,0.8763,0.0145
-PyG,TU_COX2,link_pred,True,,,1,4,3,skipsum,mean,99,0.5476,0.0155,205969.0,0.8051,0.0059,0.7524,0.0083,0.671,0.0069,0.9908,0.0028,0.8001,0.0058,0.8729,0.0235
-PyG,TU_COX2,link_pred,True,,,1,6,2,skipconcat,add,99,0.5271,0.0093,202910.0,0.6883,0.0075,0.7683,0.0009,0.684,0.0011,0.9974,0.0011,0.8115,0.0005,0.9114,0.0036
-PyG,TU_COX2,link_pred,True,,,1,6,2,skipconcat,max,99,0.537,0.0067,202910.0,0.6831,0.0058,0.7677,0.0039,0.6843,0.004,0.9939,0.0013,0.8105,0.0025,0.8968,0.0049
-PyG,TU_COX2,link_pred,True,,,1,6,2,skipconcat,mean,79,0.5382,0.0049,202910.0,0.7447,0.0151,0.7622,0.002,0.6792,0.0014,0.9939,0.0051,0.8069,0.0019,0.8928,0.0037
-PyG,TU_COX2,link_pred,True,,,1,6,2,skipsum,add,99,0.537,0.0059,205357.0,0.7157,0.0306,0.7632,0.003,0.6795,0.0031,0.9965,0.0012,0.808,0.0018,0.8983,0.0085
-PyG,TU_COX2,link_pred,True,,,1,6,2,skipsum,max,79,0.5482,0.0055,205357.0,0.7004,0.0197,0.756,0.0107,0.6734,0.0102,0.9948,0.0028,0.8031,0.0068,0.8868,0.0071
-PyG,TU_COX2,link_pred,True,,,1,6,2,skipsum,mean,99,0.5515,0.0026,205357.0,0.7896,0.0188,0.7507,0.0054,0.6685,0.0055,0.9948,0.0028,0.7996,0.003,0.8793,0.0042
-PyG,TU_COX2,link_pred,True,,,1,6,3,skipconcat,add,99,0.5298,0.0107,208741.0,0.7063,0.0089,0.7611,0.0067,0.6777,0.0061,0.9961,0.0018,0.8066,0.0044,0.9044,0.007
-PyG,TU_COX2,link_pred,True,,,1,6,3,skipconcat,max,99,0.5397,0.0038,208741.0,0.7476,0.0417,0.7549,0.0047,0.6722,0.0046,0.9952,0.0027,0.8024,0.0029,0.8887,0.0017
-PyG,TU_COX2,link_pred,True,,,1,6,3,skipconcat,mean,99,0.5465,0.0118,208741.0,0.8015,0.0053,0.7517,0.0106,0.6695,0.009,0.9948,0.0028,0.8003,0.0073,0.8839,0.0053
-PyG,TU_COX2,link_pred,True,,,1,6,3,skipsum,add,79,0.5296,0.0098,205129.0,0.78,0.0178,0.762,0.0013,0.6784,0.0015,0.9965,0.0016,0.8072,0.0008,0.8989,0.0117
-PyG,TU_COX2,link_pred,True,,,1,6,3,skipsum,max,79,0.544,0.0083,205129.0,0.6757,0.0051,0.7444,0.0074,0.6632,0.0073,0.9939,0.0033,0.7955,0.0042,0.8875,0.0086
-PyG,TU_COX2,link_pred,True,,,1,6,3,skipsum,mean,79,0.543,0.0035,205129.0,0.7894,0.0454,0.7462,0.0039,0.6651,0.0039,0.9917,0.0023,0.7962,0.0022,0.8851,0.0038
-PyG,TU_COX2,link_pred,True,,,1,8,2,skipconcat,add,99,0.5264,0.0143,205313.0,0.7323,0.0284,0.7706,0.0044,0.6867,0.0042,0.9957,0.0006,0.8127,0.0029,0.9136,0.0078
-PyG,TU_COX2,link_pred,True,,,1,8,2,skipconcat,max,79,0.5424,0.0189,205313.0,0.7576,0.0397,0.76,0.0076,0.6776,0.0066,0.9922,0.0039,0.8053,0.0054,0.897,0.0127
-PyG,TU_COX2,link_pred,True,,,1,8,2,skipconcat,mean,99,0.5516,0.0167,205313.0,0.7608,0.0038,0.7582,0.0055,0.6759,0.0046,0.9922,0.0029,0.804,0.0039,0.8864,0.0093
-PyG,TU_COX2,link_pred,True,,,1,8,2,skipsum,add,99,0.5296,0.0077,203841.0,0.6849,0.0117,0.7587,0.0052,0.6754,0.005,0.9965,0.0012,0.8051,0.0032,0.9023,0.0035
-PyG,TU_COX2,link_pred,True,,,1,8,2,skipsum,max,79,0.5407,0.0074,203841.0,0.6826,0.0111,0.7484,0.0097,0.6664,0.009,0.9952,0.0016,0.7982,0.0061,0.8927,0.005
-PyG,TU_COX2,link_pred,True,,,1,8,2,skipsum,mean,99,0.5455,0.0063,203841.0,0.7778,0.0114,0.7478,0.0026,0.6671,0.0016,0.9895,0.0049,0.7969,0.0024,0.8799,0.0058
-PyG,TU_COX2,link_pred,True,,,1,8,3,skipconcat,add,79,0.5257,0.0145,206038.0,0.6827,0.007,0.7657,0.0078,0.6819,0.0072,0.9965,0.0025,0.8096,0.0052,0.9032,0.0071
-PyG,TU_COX2,link_pred,True,,,1,8,3,skipconcat,max,59,0.5392,0.0167,206038.0,0.7609,0.0118,0.7581,0.0056,0.6756,0.0063,0.993,0.0053,0.8041,0.0029,0.8909,0.0101
-PyG,TU_COX2,link_pred,True,,,1,8,3,skipconcat,mean,99,0.5403,0.0143,206038.0,0.7421,0.0173,0.7568,0.0074,0.6743,0.0069,0.9935,0.0019,0.8034,0.0047,0.8833,0.0084
-PyG,TU_COX2,link_pred,True,,,1,8,3,skipsum,add,79,0.5398,0.0129,205289.0,0.7174,0.019,0.7466,0.0038,0.6648,0.0035,0.9948,0.0018,0.797,0.0024,0.896,0.0094
-PyG,TU_COX2,link_pred,True,,,1,8,3,skipsum,max,79,0.5514,0.002,205289.0,0.7155,0.0128,0.7391,0.0032,0.6591,0.003,0.9908,0.0039,0.7916,0.0019,0.8817,0.0025
-PyG,TU_COX2,link_pred,True,,,1,8,3,skipsum,mean,79,0.5457,0.0109,205289.0,0.6975,0.0031,0.744,0.0074,0.6631,0.0068,0.9921,0.0039,0.7949,0.0046,0.8784,0.0115
-PyG,TU_COX2,link_pred,True,,,2,2,2,skipconcat,add,59,0.5404,0.0152,203491.0,0.6809,0.002,0.7584,0.008,0.6754,0.0068,0.9952,0.0023,0.8047,0.0056,0.8939,0.0137
-PyG,TU_COX2,link_pred,True,,,2,2,2,skipconcat,max,99,0.5423,0.0044,203491.0,0.7949,0.0156,0.7624,0.0031,0.6792,0.003,0.9948,0.0022,0.8072,0.002,0.8874,0.0034
-PyG,TU_COX2,link_pred,True,,,2,2,2,skipconcat,mean,99,0.5417,0.0035,203491.0,0.7406,0.0206,0.7541,0.0062,0.6712,0.0055,0.9961,0.0011,0.802,0.004,0.8881,0.0043
-PyG,TU_COX2,link_pred,True,,,2,2,2,skipsum,add,59,0.5339,0.0141,207160.0,0.7557,0.0404,0.7633,0.0026,0.6801,0.0024,0.9944,0.0006,0.8077,0.0018,0.8996,0.008
-PyG,TU_COX2,link_pred,True,,,2,2,2,skipsum,max,99,0.5457,0.0041,207160.0,0.7534,0.0384,0.7547,0.005,0.6735,0.0059,0.9891,0.0062,0.8013,0.0024,0.8861,0.0007
-PyG,TU_COX2,link_pred,True,,,2,2,2,skipsum,mean,99,0.5615,0.0097,207160.0,0.6815,0.0121,0.752,0.0032,0.6708,0.0025,0.9899,0.0022,0.7997,0.0024,0.8723,0.0113
-PyG,TU_COX2,link_pred,True,,,2,2,3,skipconcat,add,79,0.537,0.0018,203041.0,0.8128,0.0207,0.7563,0.0042,0.674,0.0041,0.993,0.0017,0.803,0.0025,0.8926,0.0033
-PyG,TU_COX2,link_pred,True,,,2,2,3,skipconcat,max,79,0.5558,0.0056,203041.0,0.7133,0.0459,0.7469,0.0159,0.667,0.0161,0.9882,0.0075,0.7963,0.0091,0.8769,0.0047
-PyG,TU_COX2,link_pred,True,,,2,2,3,skipconcat,mean,79,0.5479,0.0071,203041.0,0.8115,0.0171,0.7489,0.0049,0.6675,0.0043,0.9922,0.0039,0.798,0.0034,0.8793,0.003
-PyG,TU_COX2,link_pred,True,,,2,2,3,skipsum,add,79,0.5358,0.0125,205255.0,0.74,0.0599,0.758,0.0076,0.6752,0.0065,0.9943,0.0025,0.8043,0.0053,0.8979,0.0076
-PyG,TU_COX2,link_pred,True,,,2,2,3,skipsum,max,79,0.5417,0.0149,205255.0,0.7952,0.0176,0.7586,0.0031,0.6765,0.0021,0.9913,0.0041,0.8042,0.0026,0.8775,0.0202
-PyG,TU_COX2,link_pred,True,,,2,2,3,skipsum,mean,99,0.5431,0.0041,205255.0,0.776,0.038,0.7449,0.0003,0.6634,0.0008,0.9939,0.0025,0.7957,0.0002,0.8853,0.0006
-PyG,TU_COX2,link_pred,True,,,2,4,2,skipconcat,add,99,0.5286,0.0043,201724.0,0.7915,0.0531,0.7671,0.002,0.6833,0.002,0.9961,0.0011,0.8105,0.0012,0.9099,0.0033
-PyG,TU_COX2,link_pred,True,,,2,4,2,skipconcat,max,79,0.5364,0.0025,201724.0,0.8217,0.0208,0.7652,0.0015,0.6818,0.0019,0.9943,0.0022,0.809,0.0006,0.8965,0.004
-PyG,TU_COX2,link_pred,True,,,2,4,2,skipconcat,mean,99,0.5374,0.0087,201724.0,0.7739,0.0173,0.7625,0.0029,0.679,0.0028,0.9961,0.0018,0.8075,0.0019,0.8927,0.0074
-PyG,TU_COX2,link_pred,True,,,2,4,2,skipsum,add,79,0.5203,0.0113,205969.0,0.8173,0.0207,0.7653,0.0084,0.6819,0.0079,0.9948,0.0032,0.8091,0.0056,0.9079,0.0086
-PyG,TU_COX2,link_pred,True,,,2,4,2,skipsum,max,79,0.538,0.0105,205969.0,0.8584,0.0327,0.7577,0.0085,0.6747,0.0079,0.9957,0.0016,0.8044,0.0054,0.8925,0.0061
-PyG,TU_COX2,link_pred,True,,,2,4,2,skipsum,mean,99,0.5346,0.0044,205969.0,0.7939,0.031,0.7525,0.0043,0.6704,0.0043,0.9934,0.0019,0.8006,0.0025,0.893,0.0046
-PyG,TU_COX2,link_pred,True,,,2,4,3,skipconcat,add,99,0.5434,0.0269,201601.0,0.7906,0.0226,0.7641,0.0085,0.6804,0.008,0.9965,0.0006,0.8086,0.0055,0.8952,0.018
-PyG,TU_COX2,link_pred,True,,,2,4,3,skipconcat,max,99,0.5391,0.0011,201601.0,0.7688,0.0053,0.7569,0.0073,0.6745,0.007,0.993,0.0027,0.8034,0.0046,0.8907,0.002
-PyG,TU_COX2,link_pred,True,,,2,4,3,skipconcat,mean,99,0.5446,0.0026,201601.0,0.8057,0.0096,0.7557,0.0051,0.6733,0.0053,0.9935,0.0032,0.8026,0.0028,0.8857,0.0026
-PyG,TU_COX2,link_pred,True,,,2,4,3,skipsum,add,79,0.5271,0.0046,205357.0,0.6674,0.0071,0.7563,0.0008,0.6739,0.0016,0.9935,0.0037,0.8031,0.0001,0.9013,0.0061
-PyG,TU_COX2,link_pred,True,,,2,4,3,skipsum,max,79,0.537,0.0018,205357.0,0.6685,0.0059,0.7526,0.0046,0.6714,0.005,0.9895,0.0039,0.8,0.0024,0.8915,0.0045
-PyG,TU_COX2,link_pred,True,,,2,4,3,skipsum,mean,99,0.5448,0.0079,205357.0,0.7838,0.0355,0.7477,0.0044,0.6662,0.0045,0.993,0.0033,0.7974,0.0025,0.8799,0.0081
-PyG,TU_COX2,link_pred,True,,,2,6,2,skipconcat,add,79,0.5278,0.0022,204673.0,0.8514,0.0309,0.764,0.0025,0.6809,0.0015,0.9939,0.0038,0.8082,0.0023,0.9084,0.0029
-PyG,TU_COX2,link_pred,True,,,2,6,2,skipconcat,max,99,0.5498,0.0078,204673.0,0.8189,0.033,0.7602,0.0016,0.6778,0.0019,0.9922,0.0049,0.8054,0.0013,0.8859,0.0093
-PyG,TU_COX2,link_pred,True,,,2,6,2,skipconcat,mean,99,0.555,0.0091,204673.0,0.8544,0.0022,0.7623,0.0034,0.6797,0.002,0.9922,0.0047,0.8068,0.0029,0.8783,0.0095
-PyG,TU_COX2,link_pred,True,,,2,6,2,skipsum,add,79,0.5365,0.0076,205129.0,0.8401,0.0195,0.758,0.0045,0.6749,0.0046,0.9956,0.0027,0.8045,0.0026,0.898,0.0072
-PyG,TU_COX2,link_pred,True,,,2,6,2,skipsum,max,79,0.539,0.0043,205129.0,0.825,0.015,0.7497,0.0051,0.6675,0.0051,0.9952,0.0043,0.799,0.0029,0.8954,0.0023
-PyG,TU_COX2,link_pred,True,,,2,6,2,skipsum,mean,79,0.5428,0.007,205129.0,0.8231,0.032,0.7527,0.0043,0.6715,0.0047,0.99,0.0064,0.8001,0.0025,0.8866,0.0018
-PyG,TU_COX2,link_pred,True,,,2,6,3,skipconcat,add,79,0.525,0.0123,210036.0,0.8557,0.0058,0.765,0.0084,0.6817,0.0084,0.9948,0.0022,0.8089,0.0052,0.9071,0.0054
-PyG,TU_COX2,link_pred,True,,,2,6,3,skipconcat,max,99,0.5366,0.0069,210036.0,0.8286,0.0177,0.7524,0.007,0.6704,0.0068,0.993,0.0023,0.8005,0.0042,0.8951,0.0037
-PyG,TU_COX2,link_pred,True,,,2,6,3,skipconcat,mean,99,0.5376,0.0031,210036.0,0.8237,0.0266,0.7523,0.0043,0.6703,0.0043,0.993,0.0027,0.8004,0.0025,0.8852,0.0025
-PyG,TU_COX2,link_pred,True,,,2,6,3,skipsum,add,39,0.5647,0.0372,203841.0,0.755,0.0217,0.7474,0.014,0.667,0.0103,0.9882,0.0111,0.7964,0.0107,0.8699,0.0292
-PyG,TU_COX2,link_pred,True,,,2,6,3,skipsum,max,59,0.544,0.01,203841.0,0.7932,0.0296,0.7476,0.0103,0.6662,0.0092,0.993,0.0055,0.7974,0.0066,0.8857,0.0067
-PyG,TU_COX2,link_pred,True,,,2,6,3,skipsum,mean,99,0.5453,0.0093,203841.0,0.8275,0.0204,0.7491,0.0051,0.6681,0.0039,0.9904,0.0033,0.7979,0.0038,0.8802,0.0076
-PyG,TU_COX2,link_pred,True,,,2,8,2,skipconcat,add,79,0.5251,0.0028,206401.0,0.8369,0.0418,0.7673,0.0073,0.684,0.0068,0.9944,0.0006,0.8104,0.0048,0.905,0.0032
-PyG,TU_COX2,link_pred,True,,,2,8,2,skipconcat,max,79,0.5363,0.0047,206401.0,0.8316,0.0263,0.7609,0.0042,0.6785,0.0034,0.9917,0.0023,0.8058,0.003,0.8941,0.0035
-PyG,TU_COX2,link_pred,True,,,2,8,2,skipconcat,mean,99,0.5435,0.006,206401.0,0.8088,0.0253,0.7597,0.0028,0.6769,0.0028,0.9939,0.0031,0.8053,0.0017,0.8867,0.003
-PyG,TU_COX2,link_pred,True,,,2,8,2,skipsum,add,79,0.5395,0.0169,205289.0,0.7808,0.0102,0.7527,0.0092,0.671,0.0061,0.9917,0.0099,0.8004,0.0075,0.8952,0.0174
-PyG,TU_COX2,link_pred,True,,,2,8,2,skipsum,max,99,0.5464,0.0041,205289.0,0.8396,0.0267,0.7483,0.0038,0.6661,0.0028,0.9956,0.0025,0.7982,0.0028,0.8893,0.0043
-PyG,TU_COX2,link_pred,True,,,2,8,2,skipsum,mean,79,0.5463,0.0112,205289.0,0.763,0.0446,0.7452,0.0043,0.664,0.0034,0.9926,0.0023,0.7957,0.003,0.8809,0.0133
-PyG,TU_COX2,link_pred,True,,,2,8,3,skipconcat,add,59,0.5355,0.0073,206821.0,0.681,0.017,0.7596,0.0023,0.6773,0.0022,0.9917,0.0027,0.8049,0.0015,0.8944,0.0033
-PyG,TU_COX2,link_pred,True,,,2,8,3,skipconcat,max,79,0.5522,0.0122,206821.0,0.7929,0.0286,0.754,0.006,0.6728,0.0063,0.9895,0.0047,0.8009,0.0034,0.8817,0.006
-PyG,TU_COX2,link_pred,True,,,2,8,3,skipconcat,mean,99,0.5398,0.0048,206821.0,0.7907,0.0544,0.7491,0.0089,0.6672,0.0088,0.9948,0.0037,0.7986,0.0052,0.8873,0.005
-PyG,TU_COX2,link_pred,True,,,2,8,3,skipsum,add,99,0.5393,0.0097,204289.0,0.6859,0.0082,0.7452,0.0033,0.6632,0.003,0.9965,0.0016,0.7964,0.002,0.8922,0.0122
-PyG,TU_COX2,link_pred,True,,,2,8,3,skipsum,max,99,0.54,0.0025,204289.0,0.8003,0.0103,0.7478,0.002,0.6661,0.0021,0.9939,0.0025,0.7976,0.0012,0.8884,0.0059
-PyG,TU_COX2,link_pred,True,,,2,8,3,skipsum,mean,99,0.5482,0.002,204289.0,0.6764,0.0047,0.7424,0.008,0.6611,0.0073,0.9952,0.0031,0.7944,0.0048,0.8796,0.0053
-PyG,TU_DD,link_pred,True,,,1,2,2,skipconcat,add,0,19.3265,13.5797,207678.0,1.1991,0.0459,0.6227,0.1012,0.5798,0.0715,0.9573,0.0314,0.7207,0.0626,0.6981,0.1662
-PyG,TU_DD,link_pred,True,,,1,2,2,skipconcat,max,99,0.5095,0.0134,207678.0,1.2261,0.056,0.7652,0.0031,0.6805,0.0028,0.9999,0.0002,0.8099,0.0021,0.9485,0.0058
-PyG,TU_DD,link_pred,True,,,1,2,2,skipconcat,mean,99,0.5295,0.0136,207678.0,0.9751,0.0056,0.7623,0.0028,0.6782,0.0026,0.9986,0.0003,0.8077,0.0018,0.9263,0.0093
-PyG,TU_DD,link_pred,True,,,1,2,2,skipsum,add,99,6.9806,9.1168,218893.0,1.1688,0.0447,0.705,0.0827,0.638,0.0589,0.9621,0.0488,0.7669,0.0584,0.82,0.1322
-PyG,TU_DD,link_pred,True,,,1,2,2,skipsum,max,99,0.497,0.0019,218893.0,0.9678,0.0119,0.7689,0.001,0.684,0.0009,1.0,0.0,0.8123,0.0006,0.9517,0.0015
-PyG,TU_DD,link_pred,True,,,1,2,2,skipsum,mean,99,0.5267,0.0041,218893.0,1.2268,0.0136,0.7639,0.0024,0.6797,0.0021,0.9985,0.0003,0.8087,0.0016,0.9243,0.0032
-PyG,TU_DD,link_pred,True,,,1,2,3,skipconcat,add,99,0.5362,0.0064,210741.0,1.1963,0.023,0.7529,0.0049,0.6705,0.0041,0.9945,0.0027,0.801,0.0034,0.9066,0.0055
-PyG,TU_DD,link_pred,True,,,1,2,3,skipconcat,max,99,0.5121,0.0052,210741.0,1.2726,0.0115,0.7607,0.0,0.6765,0.0001,0.9994,0.0006,0.8069,0.0001,0.9368,0.0017
-PyG,TU_DD,link_pred,True,,,1,2,3,skipconcat,mean,99,0.5373,0.0079,210741.0,1.2344,0.0202,0.7533,0.0018,0.671,0.0012,0.994,0.0018,0.8011,0.0014,0.9058,0.0079
-PyG,TU_DD,link_pred,True,,,1,2,3,skipsum,add,99,0.539,0.0015,217906.0,1.2293,0.0111,0.7529,0.0019,0.6719,0.0017,0.9883,0.0011,0.8,0.0014,0.8994,0.0033
-PyG,TU_DD,link_pred,True,,,1,2,3,skipsum,max,99,0.5167,0.0065,217906.0,1.1528,0.0444,0.7558,0.0051,0.6728,0.0048,0.9959,0.001,0.8031,0.0033,0.9246,0.004
-PyG,TU_DD,link_pred,True,,,1,2,3,skipsum,mean,99,0.5389,0.0042,217906.0,1.2266,0.0307,0.7522,0.0046,0.6708,0.0036,0.9907,0.0024,0.8,0.0034,0.9007,0.0038
-PyG,TU_DD,link_pred,True,,,1,4,2,skipconcat,add,79,9.2468,12.3386,208453.0,1.2387,0.035,0.7053,0.0933,0.6387,0.0679,0.9757,0.0305,0.771,0.06,0.8212,0.1454
-PyG,TU_DD,link_pred,True,,,1,4,2,skipconcat,max,99,0.4891,0.0073,208453.0,1.1673,0.064,0.7749,0.0035,0.6896,0.0033,1.0,0.0,0.8163,0.0023,0.9571,0.0029
-PyG,TU_DD,link_pred,True,,,1,4,2,skipconcat,mean,79,0.5193,0.0078,208453.0,1.1694,0.0479,0.768,0.0029,0.6834,0.0027,0.9988,0.0006,0.8115,0.002,0.9338,0.006
-PyG,TU_DD,link_pred,True,,,1,4,2,skipsum,add,0,7.3559,9.6381,215029.0,1.1981,0.0152,0.6964,0.0797,0.6318,0.0563,0.9548,0.0484,0.7601,0.0563,0.8061,0.1312
-PyG,TU_DD,link_pred,True,,,1,4,2,skipsum,max,99,0.4904,0.0042,215029.0,0.9935,0.0042,0.7698,0.0029,0.6851,0.0027,0.9986,0.0009,0.8127,0.002,0.9488,0.0018
-PyG,TU_DD,link_pred,True,,,1,4,2,skipsum,mean,99,0.5192,0.0051,215029.0,1.1891,0.0844,0.7638,0.0008,0.6803,0.0012,0.9954,0.0027,0.8082,0.0004,0.9193,0.0058
-PyG,TU_DD,link_pred,True,,,1,4,3,skipconcat,add,99,0.5294,0.0052,210162.0,1.2288,0.0372,0.7604,0.0024,0.6772,0.0021,0.9951,0.0007,0.8059,0.0016,0.9118,0.0047
-PyG,TU_DD,link_pred,True,,,1,4,3,skipconcat,max,79,0.5004,0.014,210162.0,1.1651,0.0551,0.7642,0.0045,0.6798,0.0038,0.9988,0.0014,0.809,0.0031,0.9412,0.013
-PyG,TU_DD,link_pred,True,,,1,4,3,skipconcat,mean,99,0.5306,0.0071,210162.0,1.198,0.0283,0.7566,0.0005,0.6738,0.0009,0.9947,0.0018,0.8034,0.0002,0.9124,0.007
-PyG,TU_DD,link_pred,True,,,1,4,3,skipsum,add,99,0.5392,0.0012,215041.0,1.0068,0.0057,0.7496,0.0045,0.671,0.0042,0.9798,0.0032,0.7965,0.0028,0.8907,0.0027
-PyG,TU_DD,link_pred,True,,,1,4,3,skipsum,max,99,0.4947,0.0044,215041.0,1.001,0.0144,0.7664,0.0015,0.6821,0.0009,0.9977,0.0019,0.8102,0.0012,0.9395,0.0031
-PyG,TU_DD,link_pred,True,,,1,4,3,skipsum,mean,99,0.5302,0.0087,215041.0,1.1184,0.0244,0.7586,0.0037,0.6775,0.0027,0.9869,0.0057,0.8035,0.0031,0.9014,0.0102
-PyG,TU_DD,link_pred,True,,,1,6,2,skipconcat,add,99,0.5237,0.0056,205124.0,1.164,0.0536,0.7695,0.0044,0.6853,0.0036,0.9965,0.0023,0.8121,0.0032,0.9212,0.0076
-PyG,TU_DD,link_pred,True,,,1,6,2,skipconcat,max,99,0.4901,0.0021,205124.0,1.2065,0.0572,0.7754,0.0046,0.69,0.0044,1.0,0.0,0.8166,0.0031,0.9557,0.0009
-PyG,TU_DD,link_pred,True,,,1,6,2,skipconcat,mean,99,0.518,0.0063,205124.0,1.1755,0.0293,0.7691,0.0022,0.6843,0.0019,0.9992,0.0008,0.8123,0.0015,0.9312,0.0052
-PyG,TU_DD,link_pred,True,,,1,6,2,skipsum,add,99,0.5344,0.0012,213835.0,1.1955,0.0057,0.7564,0.0012,0.6775,0.0013,0.9786,0.0006,0.8007,0.0007,0.8965,0.0001
-PyG,TU_DD,link_pred,True,,,1,6,2,skipsum,max,99,0.4778,0.0021,213835.0,1.0114,0.0069,0.7758,0.0018,0.6911,0.0016,0.9973,0.0009,0.8164,0.0013,0.9504,0.0005
-PyG,TU_DD,link_pred,True,,,1,6,2,skipsum,mean,99,0.5165,0.007,213835.0,1.0252,0.0058,0.7692,0.0025,0.6864,0.0028,0.9913,0.0021,0.8111,0.0013,0.9154,0.0042
-PyG,TU_DD,link_pred,True,,,1,6,3,skipconcat,add,99,0.5242,0.002,210631.0,1.1776,0.0351,0.7644,0.0025,0.6808,0.002,0.9955,0.0011,0.8086,0.0018,0.9168,0.0023
-PyG,TU_DD,link_pred,True,,,1,6,3,skipconcat,max,99,0.4919,0.005,210631.0,1.2076,0.0477,0.7707,0.0013,0.6857,0.0013,0.9995,0.0002,0.8133,0.0008,0.9456,0.0018
-PyG,TU_DD,link_pred,True,,,1,6,3,skipconcat,mean,99,0.5251,0.0033,210631.0,1.0176,0.0136,0.7601,0.0032,0.6768,0.0032,0.9956,0.0012,0.8058,0.0019,0.9165,0.0039
-PyG,TU_DD,link_pred,True,,,1,6,3,skipsum,add,99,0.5493,0.0098,213121.0,1.1988,0.0495,0.7427,0.0101,0.6678,0.0068,0.9659,0.0112,0.7897,0.0084,0.8755,0.0139
-PyG,TU_DD,link_pred,True,,,1,6,3,skipsum,max,79,0.4999,0.0103,213121.0,0.9936,0.0111,0.764,0.0059,0.6822,0.0031,0.9882,0.0105,0.8072,0.0055,0.9277,0.0154
-PyG,TU_DD,link_pred,True,,,1,6,3,skipsum,mean,99,0.5232,0.0009,213121.0,0.9967,0.011,0.7595,0.0042,0.6787,0.0031,0.9856,0.004,0.8039,0.0032,0.9067,0.0025
-PyG,TU_DD,link_pred,True,,,1,8,2,skipconcat,add,99,0.5275,0.0064,207041.0,1.0853,0.0401,0.7657,0.0024,0.6823,0.0023,0.9943,0.0017,0.8093,0.0016,0.9191,0.0058
-PyG,TU_DD,link_pred,True,,,1,8,2,skipconcat,max,79,0.4833,0.0104,207041.0,1.2145,0.0281,0.777,0.0032,0.6916,0.0031,1.0,0.0,0.8177,0.0022,0.9577,0.0042
-PyG,TU_DD,link_pred,True,,,1,8,2,skipconcat,mean,99,0.514,0.0061,207041.0,1.2091,0.0362,0.77,0.0014,0.6853,0.0013,0.9987,0.0007,0.8128,0.0009,0.9337,0.0052
-PyG,TU_DD,link_pred,True,,,1,8,2,skipsum,add,79,0.5433,0.0034,211401.0,1.2152,0.0357,0.7461,0.004,0.6694,0.0044,0.9728,0.0035,0.7931,0.0022,0.8856,0.0014
-PyG,TU_DD,link_pred,True,,,1,8,2,skipsum,max,99,0.4852,0.0044,211401.0,1.2225,0.0457,0.7737,0.0055,0.6894,0.0051,0.9966,0.0004,0.815,0.0037,0.9459,0.0032
-PyG,TU_DD,link_pred,True,,,1,8,2,skipsum,mean,99,0.5258,0.0092,211401.0,1.2381,0.0411,0.7594,0.0063,0.6776,0.0052,0.9897,0.0035,0.8045,0.0046,0.9076,0.0093
-PyG,TU_DD,link_pred,True,,,1,8,3,skipconcat,add,99,0.5325,0.003,207496.0,1.1828,0.035,0.7595,0.0024,0.6781,0.0022,0.988,0.0036,0.8042,0.0017,0.9053,0.0061
-PyG,TU_DD,link_pred,True,,,1,8,3,skipconcat,max,99,0.4833,0.0045,207496.0,1.2097,0.036,0.7764,0.0054,0.6911,0.0051,0.9996,0.0006,0.8172,0.0036,0.9524,0.0032
-PyG,TU_DD,link_pred,True,,,1,8,3,skipconcat,mean,99,0.5233,0.0059,207496.0,1.2636,0.0059,0.7623,0.0073,0.6787,0.0064,0.9964,0.0018,0.8074,0.005,0.9191,0.0073
-PyG,TU_DD,link_pred,True,,,1,8,3,skipsum,add,99,0.548,0.003,212525.0,0.9912,0.0038,0.7448,0.0003,0.6698,0.0009,0.9659,0.0051,0.791,0.0011,0.8765,0.0032
-PyG,TU_DD,link_pred,True,,,1,8,3,skipsum,max,99,0.4847,0.009,212525.0,1.2656,0.0058,0.7727,0.0029,0.6884,0.0022,0.9962,0.0027,0.8142,0.0024,0.9405,0.0063
-PyG,TU_DD,link_pred,True,,,1,8,3,skipsum,mean,99,0.5223,0.0035,212525.0,1.2573,0.022,0.7606,0.0012,0.6798,0.0015,0.9854,0.0024,0.8046,0.0006,0.9056,0.0016
-PyG,TU_DD,link_pred,True,,,2,2,2,skipconcat,add,99,0.5395,0.0094,208621.0,1.2465,0.0304,0.7609,0.005,0.6772,0.0041,0.997,0.0022,0.8066,0.0036,0.9143,0.0073
-PyG,TU_DD,link_pred,True,,,2,2,2,skipconcat,max,99,0.5133,0.0058,208621.0,1.2456,0.0158,0.7645,0.0045,0.6799,0.004,0.9996,0.0006,0.8093,0.003,0.9417,0.0027
-PyG,TU_DD,link_pred,True,,,2,2,2,skipconcat,mean,99,0.5341,0.0082,208621.0,1.2223,0.0106,0.7619,0.003,0.6778,0.0027,0.9986,0.0006,0.8075,0.002,0.9193,0.0061
-PyG,TU_DD,link_pred,True,,,2,2,2,skipsum,add,99,0.5325,0.0032,217906.0,1.1778,0.0717,0.7591,0.001,0.6759,0.0008,0.9959,0.0006,0.8053,0.0008,0.9136,0.0042
-PyG,TU_DD,link_pred,True,,,2,2,2,skipsum,max,99,0.5024,0.005,217906.0,1.225,0.0199,0.764,0.0015,0.6794,0.0014,0.9997,0.0002,0.809,0.001,0.9456,0.0026
-PyG,TU_DD,link_pred,True,,,2,2,2,skipsum,mean,99,0.5277,0.0036,217906.0,1.1568,0.0727,0.7633,0.0029,0.6792,0.0027,0.9981,0.0005,0.8083,0.0019,0.9192,0.0037
-PyG,TU_DD,link_pred,True,,,2,2,3,skipconcat,add,99,0.5443,0.0011,207361.0,0.9793,0.0033,0.75,0.0004,0.6684,0.0005,0.9924,0.0035,0.7988,0.0008,0.9002,0.005
-PyG,TU_DD,link_pred,True,,,2,2,3,skipconcat,max,99,0.5251,0.0063,207361.0,1.2272,0.0316,0.7545,0.0036,0.6713,0.0031,0.9972,0.0019,0.8024,0.0026,0.9238,0.0078
-PyG,TU_DD,link_pred,True,,,2,2,3,skipconcat,mean,99,0.5444,0.0029,207361.0,1.1725,0.0766,0.7501,0.0027,0.6686,0.002,0.9916,0.0026,0.7987,0.0021,0.899,0.0051
-PyG,TU_DD,link_pred,True,,,2,2,3,skipsum,add,99,0.531,0.009,215029.0,1.2569,0.0313,0.7584,0.0035,0.6761,0.0024,0.9923,0.0033,0.8042,0.0028,0.9062,0.0103
-PyG,TU_DD,link_pred,True,,,2,2,3,skipsum,max,79,0.5092,0.0063,215029.0,0.9825,0.0185,0.7594,0.0014,0.6758,0.0016,0.9974,0.0016,0.8056,0.0008,0.9325,0.0073
-PyG,TU_DD,link_pred,True,,,2,2,3,skipsum,mean,99,0.5308,0.0055,215029.0,1.2219,0.036,0.7579,0.0029,0.6749,0.0023,0.9953,0.0014,0.8043,0.002,0.9089,0.0064
-PyG,TU_DD,link_pred,True,,,2,4,2,skipconcat,add,0,9.0961,12.1174,204802.0,1.1742,0.0241,0.7019,0.0873,0.6356,0.0628,0.969,0.0382,0.767,0.0582,0.8187,0.1459
-PyG,TU_DD,link_pred,True,,,2,4,2,skipconcat,max,79,0.4972,0.0111,204802.0,1.2043,0.0437,0.7722,0.0056,0.6872,0.0053,0.9996,0.0003,0.8144,0.0037,0.9521,0.0069
-PyG,TU_DD,link_pred,True,,,2,4,2,skipconcat,mean,99,0.5257,0.0117,204802.0,1.2118,0.0395,0.7638,0.0033,0.6796,0.0027,0.9978,0.0014,0.8085,0.0023,0.9242,0.0099
-PyG,TU_DD,link_pred,True,,,2,4,2,skipsum,add,99,0.5348,0.0073,215041.0,1.1662,0.0445,0.7572,0.0047,0.6764,0.0041,0.9865,0.0011,0.8025,0.0033,0.9001,0.0066
-PyG,TU_DD,link_pred,True,,,2,4,2,skipsum,max,99,0.4893,0.001,215041.0,1.1398,0.0301,0.7727,0.001,0.6878,0.0009,0.9989,0.0008,0.8146,0.0008,0.9486,0.001
-PyG,TU_DD,link_pred,True,,,2,4,2,skipsum,mean,99,0.5259,0.0065,215041.0,1.0976,0.0515,0.7598,0.005,0.6772,0.0042,0.9931,0.0015,0.8052,0.0035,0.9128,0.0051
-PyG,TU_DD,link_pred,True,,,2,4,3,skipconcat,add,99,0.5416,0.0093,204193.0,1.0942,0.065,0.7526,0.005,0.6714,0.0039,0.9892,0.006,0.7999,0.0038,0.8971,0.0119
-PyG,TU_DD,link_pred,True,,,2,4,3,skipconcat,max,99,0.5024,0.006,204193.0,1.1789,0.0199,0.7664,0.0015,0.6817,0.0014,0.9996,0.0003,0.8106,0.001,0.9397,0.0038
-PyG,TU_DD,link_pred,True,,,2,4,3,skipconcat,mean,99,0.537,0.006,204193.0,1.0377,0.0118,0.7529,0.0032,0.6712,0.0025,0.9915,0.0038,0.8005,0.0025,0.9041,0.0083
-PyG,TU_DD,link_pred,True,,,2,4,3,skipsum,add,99,0.5291,0.0041,213835.0,1.1713,0.0135,0.7532,0.0031,0.6734,0.0015,0.9837,0.0063,0.7995,0.003,0.9003,0.0079
-PyG,TU_DD,link_pred,True,,,2,4,3,skipsum,max,99,0.4883,0.0071,213835.0,1.1503,0.07,0.7682,0.0036,0.684,0.0029,0.9969,0.0022,0.8113,0.0027,0.9426,0.0045
-PyG,TU_DD,link_pred,True,,,2,4,3,skipsum,mean,99,0.5186,0.0044,213835.0,1.0102,0.014,0.7635,0.0016,0.6807,0.0018,0.9924,0.0017,0.8075,0.0009,0.9141,0.0044
-PyG,TU_DD,link_pred,True,,,2,6,2,skipconcat,add,99,0.5293,0.0029,206887.0,1.0486,0.0345,0.7658,0.0045,0.6817,0.0044,0.9972,0.001,0.8098,0.0028,0.9212,0.0037
-PyG,TU_DD,link_pred,True,,,2,6,2,skipconcat,max,99,0.4962,0.0141,206887.0,1.1487,0.0395,0.7737,0.0044,0.6884,0.0042,1.0,0.0,0.8154,0.0029,0.9505,0.0077
-PyG,TU_DD,link_pred,True,,,2,6,2,skipconcat,mean,99,0.5201,0.0082,206887.0,1.0273,0.01,0.7674,0.0011,0.6826,0.0009,0.9996,0.0003,0.8112,0.0008,0.9325,0.008
-PyG,TU_DD,link_pred,True,,,2,6,2,skipsum,add,99,0.5381,0.0054,213121.0,1.024,0.0131,0.7535,0.0041,0.6741,0.0036,0.9818,0.0017,0.7994,0.0028,0.8949,0.0057
-PyG,TU_DD,link_pred,True,,,2,6,2,skipsum,max,99,0.4947,0.0079,213121.0,1.0173,0.0033,0.7666,0.0027,0.6826,0.0021,0.9965,0.0019,0.8102,0.0021,0.9415,0.0062
-PyG,TU_DD,link_pred,True,,,2,6,2,skipsum,mean,99,0.524,0.0055,213121.0,1.1214,0.0587,0.763,0.0045,0.6808,0.0044,0.9904,0.0015,0.8069,0.0028,0.9088,0.0034
-PyG,TU_DD,link_pred,True,,,2,6,3,skipconcat,add,99,0.5317,0.0034,211926.0,1.1899,0.0162,0.7597,0.0026,0.6771,0.0024,0.9929,0.0021,0.8051,0.0019,0.9095,0.0042
-PyG,TU_DD,link_pred,True,,,2,6,3,skipconcat,max,99,0.492,0.0038,211926.0,1.1616,0.0227,0.7699,0.0025,0.6849,0.0023,0.9997,0.0004,0.8129,0.0017,0.9461,0.0041
-PyG,TU_DD,link_pred,True,,,2,6,3,skipconcat,mean,99,0.5281,0.0043,211926.0,1.0994,0.0438,0.7596,0.0028,0.6765,0.0024,0.9951,0.0008,0.8055,0.002,0.9133,0.0063
-PyG,TU_DD,link_pred,True,,,2,6,3,skipsum,add,99,0.5429,0.0099,211401.0,1.0131,0.0138,0.7472,0.006,0.6698,0.0033,0.9752,0.0098,0.7941,0.0055,0.886,0.0122
-PyG,TU_DD,link_pred,True,,,2,6,3,skipsum,max,99,0.4862,0.0028,211401.0,1.151,0.0188,0.7701,0.0048,0.6857,0.0046,0.9973,0.0003,0.8127,0.0032,0.9433,0.001
-PyG,TU_DD,link_pred,True,,,2,6,3,skipsum,mean,99,0.522,0.0032,211401.0,1.0257,0.0057,0.7592,0.0042,0.6774,0.0035,0.9901,0.002,0.8044,0.0031,0.9104,0.0033
-PyG,TU_DD,link_pred,True,,,2,8,2,skipconcat,add,79,0.5362,0.0068,208129.0,1.1445,0.0199,0.7631,0.0034,0.6798,0.0034,0.9948,0.0013,0.8077,0.002,0.9117,0.0056
-PyG,TU_DD,link_pred,True,,,2,8,2,skipconcat,max,99,0.4948,0.0047,208129.0,1.1552,0.0268,0.7755,0.0037,0.6901,0.0035,1.0,0.0,0.8166,0.0025,0.9511,0.0029
-PyG,TU_DD,link_pred,True,,,2,8,2,skipconcat,mean,99,0.5255,0.0078,208129.0,1.1059,0.0588,0.7653,0.0036,0.6811,0.0029,0.9977,0.0022,0.8096,0.0027,0.9248,0.009
-PyG,TU_DD,link_pred,True,,,2,8,2,skipsum,add,79,0.5435,0.0052,212525.0,1.0187,0.0075,0.7495,0.0032,0.6722,0.0018,0.9739,0.0053,0.7954,0.003,0.884,0.0079
-PyG,TU_DD,link_pred,True,,,2,8,2,skipsum,max,99,0.4844,0.0058,212525.0,1.1249,0.0368,0.7758,0.0028,0.6909,0.0031,0.9983,0.0021,0.8167,0.0017,0.9467,0.0051
-PyG,TU_DD,link_pred,True,,,2,8,2,skipsum,mean,99,0.5283,0.0069,212525.0,1.0866,0.0037,0.7561,0.0052,0.6762,0.0041,0.983,0.0057,0.8012,0.0041,0.902,0.0072
-PyG,TU_DD,link_pred,True,,,2,8,3,skipconcat,add,59,0.5403,0.012,208279.0,1.133,0.0419,0.7553,0.0045,0.6748,0.0035,0.9853,0.0046,0.801,0.0034,0.8981,0.0103
-PyG,TU_DD,link_pred,True,,,2,8,3,skipconcat,max,99,0.479,0.0035,208279.0,1.0111,0.022,0.7776,0.0026,0.6922,0.0024,0.9999,0.0002,0.8181,0.0018,0.9527,0.002
-PyG,TU_DD,link_pred,True,,,2,8,3,skipconcat,mean,99,0.522,0.0046,208279.0,1.1493,0.0467,0.7652,0.0041,0.682,0.0042,0.9937,0.0019,0.8088,0.0025,0.9148,0.0074
-PyG,TU_DD,link_pred,True,,,2,8,3,skipsum,add,99,0.5466,0.0027,211201.0,1.1554,0.0136,0.7436,0.007,0.6688,0.0063,0.9653,0.0054,0.7901,0.0048,0.8759,0.0035
-PyG,TU_DD,link_pred,True,,,2,8,3,skipsum,max,99,0.4783,0.008,211201.0,1.1265,0.038,0.7741,0.004,0.6895,0.0034,0.9973,0.0022,0.8153,0.003,0.9444,0.0062
-PyG,TU_DD,link_pred,True,,,2,8,3,skipsum,mean,99,0.5221,0.0029,211201.0,1.0119,0.0119,0.7619,0.0025,0.6808,0.0027,0.9865,0.0021,0.8056,0.0016,0.9039,0.0024
-PyG,TU_ENZYMES,link_pred,True,,,1,2,2,skipconcat,add,99,0.6585,0.0039,199336.0,0.995,0.029,0.6529,0.0027,0.6085,0.0023,0.8575,0.0023,0.7119,0.0019,0.7057,0.0038
-PyG,TU_ENZYMES,link_pred,True,,,1,2,2,skipconcat,max,79,0.6711,0.0035,199336.0,0.8823,0.0152,0.62,0.0083,0.5877,0.0067,0.8053,0.0179,0.6794,0.0076,0.6564,0.0075
-PyG,TU_ENZYMES,link_pred,True,,,1,2,2,skipconcat,mean,79,0.6729,0.0043,199336.0,0.9486,0.0231,0.6155,0.009,0.5829,0.0067,0.8126,0.0161,0.6788,0.0083,0.6486,0.0097
-PyG,TU_ENZYMES,link_pred,True,,,1,2,2,skipsum,add,79,0.6521,0.001,199801.0,0.9666,0.0167,0.6614,0.0013,0.6137,0.0017,0.8711,0.0063,0.7201,0.0016,0.7152,0.004
-PyG,TU_ENZYMES,link_pred,True,,,1,2,2,skipsum,max,99,0.6708,0.0042,199801.0,0.9199,0.0151,0.6206,0.0009,0.5872,0.0015,0.8119,0.0145,0.6814,0.0042,0.6552,0.0049
-PyG,TU_ENZYMES,link_pred,True,,,1,2,2,skipsum,mean,99,0.6694,0.001,199801.0,0.8871,0.0131,0.6196,0.0086,0.587,0.0088,0.8083,0.0104,0.68,0.0022,0.6586,0.0067
-PyG,TU_ENZYMES,link_pred,True,,,1,2,3,skipconcat,add,79,0.6539,0.0008,203689.0,0.9973,0.0212,0.6474,0.0014,0.6041,0.0014,0.8551,0.0141,0.708,0.0041,0.7046,0.0015
-PyG,TU_ENZYMES,link_pred,True,,,1,2,3,skipconcat,max,99,0.6733,0.0057,203689.0,0.9027,0.0188,0.6072,0.0084,0.5765,0.0049,0.8072,0.0254,0.6725,0.011,0.6421,0.0109
-PyG,TU_ENZYMES,link_pred,True,,,1,2,3,skipconcat,mean,79,0.6761,0.0038,203689.0,0.8932,0.0127,0.6088,0.0047,0.578,0.0033,0.8059,0.0164,0.6731,0.0063,0.6437,0.0047
-PyG,TU_ENZYMES,link_pred,True,,,1,2,3,skipsum,add,99,0.6524,0.0033,200792.0,0.8771,0.0084,0.6527,0.0095,0.6081,0.0062,0.8583,0.0135,0.7119,0.0088,0.7123,0.0102
-PyG,TU_ENZYMES,link_pred,True,,,1,2,3,skipsum,max,59,0.6692,0.0025,200792.0,0.9551,0.0158,0.6172,0.0078,0.5831,0.005,0.8219,0.0209,0.6821,0.0091,0.6572,0.0094
-PyG,TU_ENZYMES,link_pred,True,,,1,2,3,skipsum,mean,59,0.6733,0.0044,200792.0,0.9858,0.0372,0.6079,0.0078,0.577,0.0061,0.8086,0.006,0.6734,0.0052,0.6518,0.0081
-PyG,TU_ENZYMES,link_pred,True,,,1,4,2,skipconcat,add,99,0.6486,0.0034,203465.0,0.9298,0.0504,0.6729,0.0076,0.62,0.0057,0.8937,0.0054,0.7321,0.0057,0.7409,0.0051
-PyG,TU_ENZYMES,link_pred,True,,,1,4,2,skipconcat,max,99,0.6601,0.0064,203465.0,0.8933,0.0118,0.6489,0.0103,0.6038,0.0088,0.867,0.0013,0.7118,0.0058,0.7043,0.0097
-PyG,TU_ENZYMES,link_pred,True,,,1,4,2,skipconcat,mean,79,0.6664,0.0028,203465.0,0.9548,0.0098,0.633,0.0061,0.5968,0.0037,0.8197,0.0119,0.6907,0.0066,0.6754,0.0084
-PyG,TU_ENZYMES,link_pred,True,,,1,4,2,skipsum,add,99,0.648,0.0022,199463.0,1.0062,0.0691,0.6639,0.0044,0.6127,0.0029,0.891,0.0095,0.7261,0.0044,0.7283,0.0053
-PyG,TU_ENZYMES,link_pred,True,,,1,4,2,skipsum,max,99,0.6531,0.0035,199463.0,0.8679,0.0068,0.654,0.0027,0.6075,0.0018,0.8703,0.0078,0.7155,0.0032,0.7135,0.0074
-PyG,TU_ENZYMES,link_pred,True,,,1,4,2,skipsum,mean,99,0.66,0.0023,199463.0,0.9483,0.0329,0.6366,0.0024,0.5961,0.0024,0.8472,0.0086,0.6998,0.0024,0.6859,0.0044
-PyG,TU_ENZYMES,link_pred,True,,,1,4,3,skipconcat,add,99,0.6541,0.0042,205948.0,0.9717,0.0151,0.6518,0.006,0.6057,0.0032,0.8692,0.0127,0.7139,0.0065,0.7147,0.0043
-PyG,TU_ENZYMES,link_pred,True,,,1,4,3,skipconcat,max,79,0.6621,0.0017,205948.0,0.9905,0.0011,0.6334,0.0044,0.5948,0.0046,0.8371,0.0106,0.6954,0.0029,0.6835,0.0022
-PyG,TU_ENZYMES,link_pred,True,,,1,4,3,skipconcat,mean,99,0.6669,0.0017,205948.0,1.039,0.0076,0.6194,0.0084,0.5855,0.008,0.8195,0.0097,0.6829,0.0033,0.6613,0.0071
-PyG,TU_ENZYMES,link_pred,True,,,1,4,3,skipsum,add,79,0.646,0.0027,200593.0,1.0022,0.0384,0.661,0.0076,0.6118,0.0059,0.8812,0.004,0.7222,0.0053,0.728,0.001
-PyG,TU_ENZYMES,link_pred,True,,,1,4,3,skipsum,max,99,0.655,0.0024,200593.0,0.892,0.0073,0.6458,0.0043,0.6017,0.0038,0.863,0.0024,0.709,0.0023,0.7034,0.0041
-PyG,TU_ENZYMES,link_pred,True,,,1,4,3,skipsum,mean,79,0.6662,0.0031,200593.0,1.016,0.0189,0.633,0.0044,0.5947,0.0018,0.8355,0.0148,0.6948,0.0062,0.6752,0.0048
-PyG,TU_ENZYMES,link_pred,True,,,1,6,2,skipconcat,add,79,0.6453,0.0076,201598.0,1.0321,0.0018,0.6714,0.0062,0.6185,0.0034,0.8943,0.011,0.7313,0.0061,0.7458,0.016
-PyG,TU_ENZYMES,link_pred,True,,,1,6,2,skipconcat,max,99,0.649,0.0062,201598.0,0.9535,0.0384,0.6746,0.009,0.6218,0.0056,0.8912,0.0147,0.7325,0.0084,0.7365,0.0106
-PyG,TU_ENZYMES,link_pred,True,,,1,6,2,skipconcat,mean,99,0.6625,0.0045,201598.0,1.006,0.0443,0.6397,0.0105,0.6,0.008,0.8393,0.0143,0.6997,0.0086,0.6887,0.0117
-PyG,TU_ENZYMES,link_pred,True,,,1,6,2,skipsum,add,79,0.6477,0.0021,200333.0,0.8859,0.0091,0.6632,0.0051,0.6145,0.003,0.876,0.0098,0.7223,0.0053,0.7275,0.0054
-PyG,TU_ENZYMES,link_pred,True,,,1,6,2,skipsum,max,59,0.6424,0.0043,200333.0,0.8929,0.0112,0.6712,0.008,0.6194,0.0069,0.8885,0.0153,0.7299,0.0063,0.7379,0.0111
-PyG,TU_ENZYMES,link_pred,True,,,1,6,2,skipsum,mean,99,0.6537,0.0019,200333.0,1.0412,0.0475,0.6465,0.0053,0.6028,0.0037,0.8594,0.0117,0.7085,0.0052,0.7018,0.0048
-PyG,TU_ENZYMES,link_pred,True,,,1,6,3,skipconcat,add,99,0.6476,0.007,207621.0,1.0548,0.0686,0.6618,0.0052,0.6142,0.0027,0.8698,0.0149,0.72,0.0063,0.726,0.0157
-PyG,TU_ENZYMES,link_pred,True,,,1,6,3,skipconcat,max,79,0.6546,0.0039,207621.0,1.1559,0.2811,0.6533,0.0033,0.6087,0.0034,0.8583,0.0045,0.7123,0.0015,0.7073,0.009
-PyG,TU_ENZYMES,link_pred,True,,,1,6,3,skipconcat,mean,79,0.6658,0.0012,207621.0,1.2071,0.246,0.6269,0.0094,0.5906,0.0076,0.8279,0.0024,0.6894,0.006,0.6733,0.0015
-PyG,TU_ENZYMES,link_pred,True,,,1,6,3,skipsum,add,99,0.6384,0.0046,200393.0,1.0959,0.085,0.6679,0.0116,0.6167,0.0087,0.888,0.0111,0.7279,0.009,0.7416,0.0108
-PyG,TU_ENZYMES,link_pred,True,,,1,6,3,skipsum,max,99,0.6428,0.0052,200393.0,0.9103,0.0226,0.6691,0.0025,0.6153,0.0021,0.9026,0.0004,0.7318,0.0015,0.7382,0.0116
-PyG,TU_ENZYMES,link_pred,True,,,1,6,3,skipsum,mean,79,0.6573,0.0026,200393.0,0.8975,0.0251,0.6374,0.0059,0.5968,0.0048,0.8472,0.0042,0.7003,0.004,0.6908,0.0083
-PyG,TU_ENZYMES,link_pred,True,,,1,8,2,skipconcat,add,79,0.6417,0.0045,204289.0,1.1047,0.0844,0.6775,0.0116,0.6232,0.0085,0.8978,0.0095,0.7357,0.009,0.7535,0.0088
-PyG,TU_ENZYMES,link_pred,True,,,1,8,2,skipconcat,max,99,0.6401,0.002,204289.0,0.9413,0.0488,0.6802,0.0049,0.6257,0.0047,0.8975,0.008,0.7373,0.0031,0.7519,0.0025
-PyG,TU_ENZYMES,link_pred,True,,,1,8,2,skipconcat,mean,99,0.657,0.0033,204289.0,1.2271,0.1697,0.6479,0.0087,0.6055,0.0066,0.8494,0.0063,0.707,0.0066,0.6982,0.0102
-PyG,TU_ENZYMES,link_pred,True,,,1,8,2,skipsum,add,99,0.6443,0.0043,199361.0,1.2639,0.2452,0.6669,0.013,0.6141,0.0113,0.8994,0.0098,0.7298,0.0074,0.737,0.0053
-PyG,TU_ENZYMES,link_pred,True,,,1,8,2,skipsum,max,99,0.6326,0.0075,199361.0,1.4556,0.2641,0.6838,0.0049,0.6254,0.004,0.9162,0.0025,0.7434,0.0033,0.7652,0.0103
-PyG,TU_ENZYMES,link_pred,True,,,1,8,2,skipsum,mean,99,0.6558,0.0022,199361.0,1.2512,0.2425,0.6432,0.0049,0.6011,0.0041,0.8513,0.0061,0.7046,0.0035,0.697,0.0044
-PyG,TU_ENZYMES,link_pred,True,,,1,8,3,skipconcat,add,79,0.6452,0.0041,205174.0,1.2086,0.2676,0.6592,0.0094,0.6091,0.0067,0.8888,0.0077,0.7228,0.0073,0.7311,0.013
-PyG,TU_ENZYMES,link_pred,True,,,1,8,3,skipconcat,max,99,0.6561,0.0018,205174.0,1.1346,0.0459,0.6415,0.0042,0.5994,0.0034,0.8535,0.0041,0.7042,0.0029,0.6994,0.0011
-PyG,TU_ENZYMES,link_pred,True,,,1,8,3,skipconcat,mean,99,0.6674,0.0036,205174.0,1.3307,0.227,0.6286,0.0014,0.5921,0.0007,0.8265,0.0072,0.69,0.0025,0.6694,0.0013
-PyG,TU_ENZYMES,link_pred,True,,,1,8,3,skipsum,add,79,0.6529,0.0102,201001.0,1.2547,0.0959,0.6472,0.013,0.6033,0.0083,0.8594,0.0229,0.7089,0.0129,0.7125,0.0198
-PyG,TU_ENZYMES,link_pred,True,,,1,8,3,skipsum,max,99,0.6403,0.0032,201001.0,1.3897,0.2167,0.6694,0.0082,0.6151,0.0075,0.9062,0.0057,0.7327,0.0042,0.7455,0.0071
-PyG,TU_ENZYMES,link_pred,True,,,1,8,3,skipsum,mean,79,0.6595,0.0029,201001.0,1.4279,0.0709,0.6381,0.0062,0.5973,0.0037,0.847,0.0111,0.7006,0.0063,0.6843,0.0064
-PyG,TU_ENZYMES,link_pred,True,,,2,2,2,skipconcat,add,79,0.6587,0.002,200451.0,1.3581,0.1287,0.6555,0.0068,0.6096,0.0041,0.8652,0.0122,0.7152,0.0068,0.7101,0.0087
-PyG,TU_ENZYMES,link_pred,True,,,2,2,2,skipconcat,max,79,0.6701,0.002,200451.0,1.3084,0.2455,0.6202,0.0119,0.5869,0.007,0.8107,0.0246,0.6809,0.0133,0.6581,0.0068
-PyG,TU_ENZYMES,link_pred,True,,,2,2,2,skipconcat,mean,79,0.6702,0.0014,200451.0,1.3889,0.2593,0.6205,0.0093,0.5881,0.007,0.8048,0.0108,0.6795,0.0078,0.6624,0.0045
-PyG,TU_ENZYMES,link_pred,True,,,2,2,2,skipsum,add,79,0.6533,0.0026,200792.0,1.2884,0.1743,0.6587,0.0049,0.6116,0.0014,0.8698,0.0178,0.7181,0.007,0.719,0.0087
-PyG,TU_ENZYMES,link_pred,True,,,2,2,2,skipsum,max,99,0.67,0.0058,200792.0,1.3233,0.0899,0.6213,0.0133,0.5861,0.0108,0.8276,0.0108,0.6862,0.0084,0.6649,0.0105
-PyG,TU_ENZYMES,link_pred,True,,,2,2,2,skipsum,mean,99,0.6676,0.0033,200792.0,1.3158,0.1798,0.6197,0.0024,0.5869,0.0016,0.8086,0.0059,0.6801,0.0027,0.6631,0.0063
-PyG,TU_ENZYMES,link_pred,True,,,2,2,3,skipconcat,add,79,0.6573,0.0027,200481.0,1.1536,0.0126,0.6435,0.005,0.6011,0.004,0.8537,0.0023,0.7054,0.0033,0.7003,0.0041
-PyG,TU_ENZYMES,link_pred,True,,,2,2,3,skipconcat,max,79,0.6696,0.0023,200481.0,1.3869,0.0938,0.6113,0.0055,0.5793,0.0023,0.8121,0.0219,0.6762,0.0089,0.651,0.0033
-PyG,TU_ENZYMES,link_pred,True,,,2,2,3,skipconcat,mean,79,0.6694,0.0012,200481.0,1.4394,0.1156,0.6156,0.0065,0.5825,0.0049,0.8157,0.005,0.6796,0.0049,0.653,0.0045
-PyG,TU_ENZYMES,link_pred,True,,,2,2,3,skipsum,add,79,0.6523,0.0013,199463.0,1.444,0.0604,0.6479,0.0034,0.6047,0.0028,0.854,0.0024,0.7081,0.0024,0.7112,0.0021
-PyG,TU_ENZYMES,link_pred,True,,,2,2,3,skipsum,max,79,0.6675,0.0027,199463.0,1.1519,0.0471,0.6223,0.0128,0.5878,0.009,0.8186,0.0149,0.6843,0.0112,0.66,0.009
-PyG,TU_ENZYMES,link_pred,True,,,2,2,3,skipsum,mean,79,0.6688,0.0012,199463.0,1.1802,0.043,0.6188,0.0092,0.5869,0.0069,0.8026,0.0105,0.678,0.0077,0.6574,0.0044
-PyG,TU_ENZYMES,link_pred,True,,,2,4,2,skipconcat,add,79,0.65,0.0024,199900.0,1.0058,0.0334,0.6682,0.0061,0.6167,0.0046,0.8894,0.0043,0.7283,0.0045,0.732,0.0065
-PyG,TU_ENZYMES,link_pred,True,,,2,4,2,skipconcat,max,99,0.6527,0.0039,199900.0,1.1643,0.0343,0.6624,0.0076,0.6144,0.0035,0.8725,0.019,0.721,0.0089,0.7174,0.0124
-PyG,TU_ENZYMES,link_pred,True,,,2,4,2,skipconcat,mean,79,0.6656,0.0005,199900.0,1.0423,0.0243,0.635,0.0025,0.596,0.0025,0.8379,0.011,0.6965,0.0032,0.6793,0.0092
-PyG,TU_ENZYMES,link_pred,True,,,2,4,2,skipsum,add,39,0.6561,0.0054,200593.0,1.3407,0.1055,0.648,0.004,0.6053,0.0018,0.8513,0.0241,0.7073,0.0081,0.7079,0.0056
-PyG,TU_ENZYMES,link_pred,True,,,2,4,2,skipsum,max,79,0.6517,0.0024,200593.0,1.3036,0.0675,0.661,0.0029,0.6122,0.0012,0.8787,0.009,0.7216,0.0037,0.7195,0.004
-PyG,TU_ENZYMES,link_pred,True,,,2,4,2,skipsum,mean,99,0.6646,0.0052,200593.0,1.1333,0.0965,0.6384,0.0039,0.5979,0.0022,0.8453,0.0126,0.7004,0.0051,0.6829,0.0088
-PyG,TU_ENZYMES,link_pred,True,,,2,4,3,skipconcat,add,79,0.6498,0.0006,200065.0,1.1816,0.0639,0.6597,0.0087,0.6106,0.0058,0.8812,0.0103,0.7214,0.0076,0.7257,0.0063
-PyG,TU_ENZYMES,link_pred,True,,,2,4,3,skipconcat,max,79,0.6596,0.0065,200065.0,1.1674,0.0397,0.6423,0.0037,0.6015,0.004,0.8439,0.0126,0.7023,0.0033,0.6912,0.0081
-PyG,TU_ENZYMES,link_pred,True,,,2,4,3,skipconcat,mean,59,0.6648,0.0078,200065.0,1.1971,0.0444,0.6259,0.01,0.5908,0.008,0.8192,0.01,0.6865,0.0074,0.6754,0.0168
-PyG,TU_ENZYMES,link_pred,True,,,2,4,3,skipsum,add,79,0.6477,0.0021,200333.0,1.1398,0.0997,0.653,0.0043,0.6066,0.0021,0.8706,0.0106,0.715,0.005,0.7184,0.0062
-PyG,TU_ENZYMES,link_pred,True,,,2,4,3,skipsum,max,99,0.6501,0.0035,200333.0,1.1366,0.0707,0.6498,0.0044,0.6032,0.0032,0.876,0.0057,0.7144,0.0035,0.7121,0.0042
-PyG,TU_ENZYMES,link_pred,True,,,2,4,3,skipsum,mean,59,0.6665,0.0032,200333.0,1.1215,0.1252,0.6254,0.0041,0.5908,0.0027,0.8162,0.0059,0.6854,0.0039,0.6676,0.0075
-PyG,TU_ENZYMES,link_pred,True,,,2,6,2,skipconcat,add,99,15.3877,20.8529,203361.0,1.3201,0.1268,0.6255,0.0695,0.5855,0.0497,0.9057,0.0111,0.7096,0.0348,0.6781,0.0966
-PyG,TU_ENZYMES,link_pred,True,,,2,6,2,skipconcat,max,79,0.645,0.005,203361.0,1.212,0.033,0.6742,0.001,0.6207,0.0016,0.8959,0.0105,0.7333,0.0026,0.7409,0.0086
-PyG,TU_ENZYMES,link_pred,True,,,2,6,2,skipconcat,mean,59,0.6697,0.0105,203361.0,1.3114,0.1681,0.6351,0.003,0.5976,0.0024,0.8273,0.0017,0.6939,0.0022,0.6781,0.0126
-PyG,TU_ENZYMES,link_pred,True,,,2,6,2,skipsum,add,99,0.642,0.0021,200393.0,1.2304,0.0878,0.6658,0.0056,0.6153,0.0041,0.885,0.0047,0.7259,0.0044,0.7342,0.0013
-PyG,TU_ENZYMES,link_pred,True,,,2,6,2,skipsum,max,99,0.6394,0.008,200393.0,1.3888,0.0859,0.6687,0.0083,0.6151,0.0058,0.9016,0.0124,0.7313,0.007,0.7483,0.0158
-PyG,TU_ENZYMES,link_pred,True,,,2,6,2,skipsum,mean,99,0.6547,0.0042,200393.0,1.0563,0.0997,0.6413,0.004,0.6,0.0028,0.8472,0.0099,0.7025,0.0043,0.6994,0.0121
-PyG,TU_ENZYMES,link_pred,True,,,2,6,3,skipconcat,add,99,0.6423,0.0071,208916.0,1.1156,0.0141,0.6659,0.0112,0.6152,0.0079,0.8861,0.01,0.7262,0.0089,0.7389,0.0146
-PyG,TU_ENZYMES,link_pred,True,,,2,6,3,skipconcat,max,79,0.6533,0.0037,208916.0,1.2754,0.0792,0.652,0.0018,0.6067,0.0016,0.8643,0.0111,0.7129,0.0033,0.7091,0.0079
-PyG,TU_ENZYMES,link_pred,True,,,2,6,3,skipconcat,mean,79,0.66,0.0011,208916.0,1.2943,0.0845,0.6304,0.0073,0.5918,0.0061,0.8407,0.0016,0.6946,0.004,0.6832,0.0048
-PyG,TU_ENZYMES,link_pred,True,,,2,6,3,skipsum,add,59,0.6471,0.0011,199361.0,1.1649,0.0797,0.6531,0.0033,0.606,0.0035,0.8755,0.0095,0.7162,0.0025,0.7269,0.0013
-PyG,TU_ENZYMES,link_pred,True,,,2,6,3,skipsum,max,99,0.6436,0.0034,199361.0,1.2165,0.0693,0.6563,0.0068,0.6063,0.0057,0.8923,0.002,0.722,0.0037,0.7281,0.0094
-PyG,TU_ENZYMES,link_pred,True,,,2,6,3,skipsum,mean,99,0.6573,0.0017,199361.0,1.3276,0.0768,0.6361,0.0033,0.5951,0.0028,0.8516,0.0018,0.7006,0.0018,0.6871,0.0028
-PyG,TU_ENZYMES,link_pred,True,,,2,8,2,skipconcat,add,99,0.6441,0.0044,205377.0,1.2225,0.1226,0.677,0.0056,0.6231,0.0043,0.8959,0.0052,0.735,0.0041,0.7464,0.0067
-PyG,TU_ENZYMES,link_pred,True,,,2,8,2,skipconcat,max,99,0.6436,0.0037,205377.0,1.2643,0.1274,0.6751,0.0012,0.6212,0.0011,0.8978,0.0128,0.7342,0.0035,0.7501,0.0033
-PyG,TU_ENZYMES,link_pred,True,,,2,8,2,skipconcat,mean,99,0.6632,0.0049,205377.0,1.1366,0.0941,0.6435,0.0036,0.6041,0.0021,0.8328,0.0115,0.7002,0.0049,0.6908,0.0053
-PyG,TU_ENZYMES,link_pred,True,,,2,8,2,skipsum,add,79,0.6494,0.0094,201001.0,1.1427,0.0254,0.6545,0.0069,0.6081,0.0039,0.869,0.0143,0.7155,0.0073,0.7222,0.0182
-PyG,TU_ENZYMES,link_pred,True,,,2,8,2,skipsum,max,79,0.633,0.0057,201001.0,1.3491,0.1519,0.6816,0.0068,0.6236,0.0059,0.9165,0.002,0.7422,0.0041,0.7627,0.0095
-PyG,TU_ENZYMES,link_pred,True,,,2,8,2,skipsum,mean,59,0.6602,0.0035,201001.0,1.2303,0.0462,0.6343,0.0072,0.5933,0.0059,0.8543,0.0048,0.7003,0.0044,0.6856,0.0084
-PyG,TU_ENZYMES,link_pred,True,,,2,8,3,skipconcat,add,59,0.6396,0.0053,205957.0,1.3466,0.1138,0.6756,0.0071,0.6204,0.0062,0.9051,0.0032,0.7362,0.0041,0.7476,0.007
-PyG,TU_ENZYMES,link_pred,True,,,2,8,3,skipconcat,max,99,0.6513,0.0078,205957.0,1.1705,0.0821,0.6557,0.0132,0.6087,0.0103,0.8725,0.008,0.7171,0.0092,0.7161,0.0154
-PyG,TU_ENZYMES,link_pred,True,,,2,8,3,skipconcat,mean,99,0.6603,0.0042,205957.0,1.2383,0.0287,0.6381,0.0036,0.599,0.0048,0.8363,0.0123,0.698,0.0011,0.6873,0.003
-PyG,TU_ENZYMES,link_pred,True,,,2,8,3,skipsum,add,39,0.6549,0.0026,200193.0,1.2794,0.0786,0.6364,0.0081,0.5952,0.0057,0.8527,0.0116,0.701,0.007,0.7049,0.0053
-PyG,TU_ENZYMES,link_pred,True,,,2,8,3,skipsum,max,99,0.6348,0.0024,200193.0,1.1904,0.0453,0.6706,0.0017,0.6167,0.0009,0.9016,0.0131,0.7324,0.0038,0.7523,0.0069
-PyG,TU_ENZYMES,link_pred,True,,,2,8,3,skipsum,mean,99,0.6581,0.0029,200193.0,1.3051,0.0592,0.6392,0.0042,0.5984,0.002,0.8459,0.0135,0.7009,0.0056,0.6865,0.0104
-PyG,TU_PROTEINS,link_pred,True,,,1,2,2,skipconcat,add,99,0.6552,0.0021,199336.0,1.187,0.0439,0.6442,0.0002,0.6021,0.0013,0.8502,0.0089,0.705,0.0022,0.708,0.0013
-PyG,TU_PROTEINS,link_pred,True,,,1,2,2,skipconcat,max,99,0.6704,0.0019,199336.0,1.1608,0.0332,0.613,0.0021,0.5806,0.0009,0.8148,0.0076,0.678,0.0032,0.6583,0.0031
-PyG,TU_PROTEINS,link_pred,True,,,1,2,2,skipconcat,mean,79,0.6724,0.0021,199336.0,1.2925,0.0569,0.6062,0.0017,0.5774,0.0024,0.7927,0.0192,0.668,0.0057,0.6519,0.0029
-PyG,TU_PROTEINS,link_pred,True,,,1,2,2,skipsum,add,99,0.6537,0.0068,199801.0,1.2262,0.0381,0.6389,0.0058,0.5977,0.004,0.8504,0.0143,0.7019,0.0061,0.7087,0.0081
-PyG,TU_PROTEINS,link_pred,True,,,1,2,2,skipsum,max,99,0.6703,0.0045,199801.0,1.1071,0.0168,0.6115,0.0029,0.5794,0.0028,0.8139,0.0069,0.6769,0.002,0.6608,0.005
-PyG,TU_PROTEINS,link_pred,True,,,1,2,2,skipsum,mean,99,0.6694,0.0018,199801.0,1.1532,0.0327,0.6104,0.002,0.5796,0.0025,0.8041,0.0164,0.6736,0.0046,0.6558,0.0036
-PyG,TU_PROTEINS,link_pred,True,,,1,2,3,skipconcat,add,79,0.6544,0.0027,203689.0,1.2498,0.1426,0.6325,0.0011,0.5942,0.0027,0.8363,0.0148,0.6946,0.0034,0.7013,0.0031
-PyG,TU_PROTEINS,link_pred,True,,,1,2,3,skipconcat,max,79,0.6707,0.0021,203689.0,1.2544,0.139,0.6023,0.0049,0.5729,0.0051,0.8054,0.0115,0.6695,0.0007,0.6518,0.0059
-PyG,TU_PROTEINS,link_pred,True,,,1,2,3,skipconcat,mean,99,0.671,0.0039,203689.0,1.2292,0.125,0.6024,0.0048,0.573,0.0046,0.8043,0.0068,0.6692,0.0009,0.6494,0.0094
-PyG,TU_PROTEINS,link_pred,True,,,1,2,3,skipsum,add,99,0.6529,0.0031,200792.0,1.3093,0.0599,0.6368,0.0033,0.5969,0.0032,0.8429,0.0083,0.6988,0.0025,0.7049,0.0043
-PyG,TU_PROTEINS,link_pred,True,,,1,2,3,skipsum,max,99,0.6729,0.0044,200792.0,1.1727,0.0922,0.6045,0.0066,0.5745,0.0047,0.8058,0.0091,0.6708,0.0058,0.6499,0.0072
-PyG,TU_PROTEINS,link_pred,True,,,1,2,3,skipsum,mean,99,0.6693,0.0022,200792.0,1.2363,0.0597,0.6063,0.0054,0.5751,0.0034,0.8139,0.0137,0.674,0.0063,0.6563,0.0055
-PyG,TU_PROTEINS,link_pred,True,,,1,4,2,skipconcat,add,79,0.6474,0.0026,203465.0,1.2294,0.2464,0.6615,0.0055,0.6124,0.0028,0.8795,0.0136,0.722,0.0063,0.7334,0.0034
-PyG,TU_PROTEINS,link_pred,True,,,1,4,2,skipconcat,max,99,0.6601,0.0083,203465.0,1.1312,0.006,0.6444,0.0105,0.6007,0.0088,0.8619,0.0065,0.708,0.0064,0.7073,0.0105
-PyG,TU_PROTEINS,link_pred,True,,,1,4,2,skipconcat,mean,99,0.6644,0.0005,203465.0,1.1797,0.0421,0.6265,0.0045,0.5902,0.0026,0.8275,0.0167,0.689,0.0064,0.6795,0.0027
-PyG,TU_PROTEINS,link_pred,True,,,1,4,2,skipsum,add,79,0.6453,0.002,199463.0,1.1452,0.0329,0.6512,0.0033,0.6052,0.0022,0.87,0.0072,0.7138,0.0033,0.7295,0.0038
-PyG,TU_PROTEINS,link_pred,True,,,1,4,2,skipsum,max,99,0.6506,0.0025,199463.0,1.2901,0.0161,0.6544,0.0045,0.6076,0.0039,0.8717,0.0064,0.7161,0.0031,0.7218,0.0036
-PyG,TU_PROTEINS,link_pred,True,,,1,4,2,skipsum,mean,99,0.6608,0.0028,199463.0,1.3739,0.1816,0.6263,0.0054,0.5886,0.0043,0.8392,0.0075,0.6919,0.0041,0.688,0.0075
-PyG,TU_PROTEINS,link_pred,True,,,1,4,3,skipconcat,add,99,0.6467,0.0023,205948.0,1.2485,0.0792,0.6487,0.0007,0.6037,0.0017,0.866,0.0092,0.7114,0.002,0.7242,0.0035
-PyG,TU_PROTEINS,link_pred,True,,,1,4,3,skipconcat,max,99,0.6636,0.0029,205948.0,1.3697,0.123,0.6282,0.0054,0.5905,0.004,0.8366,0.0046,0.6924,0.0043,0.6886,0.0029
-PyG,TU_PROTEINS,link_pred,True,,,1,4,3,skipconcat,mean,99,0.6702,0.0032,205948.0,1.3056,0.1441,0.6131,0.0068,0.5803,0.0036,0.8168,0.0192,0.6785,0.0087,0.6622,0.0056
-PyG,TU_PROTEINS,link_pred,True,,,1,4,3,skipsum,add,99,0.6519,0.0125,200593.0,1.246,0.0435,0.6437,0.0223,0.6019,0.0131,0.8465,0.0466,0.7033,0.0245,0.7103,0.0324
-PyG,TU_PROTEINS,link_pred,True,,,1,4,3,skipsum,max,59,0.6531,0.0024,200593.0,1.1538,0.1078,0.6401,0.0051,0.5972,0.005,0.8616,0.0132,0.7053,0.0037,0.7093,0.0088
-PyG,TU_PROTEINS,link_pred,True,,,1,4,3,skipsum,mean,99,0.6604,0.0037,200593.0,1.1974,0.0451,0.6256,0.0064,0.5878,0.0035,0.8405,0.0155,0.6918,0.0075,0.6866,0.0109
-PyG,TU_PROTEINS,link_pred,True,,,1,6,2,skipconcat,add,99,0.6444,0.0045,201598.0,1.3814,0.2143,0.6658,0.0036,0.6154,0.0025,0.8844,0.006,0.7257,0.0032,0.745,0.0076
-PyG,TU_PROTEINS,link_pred,True,,,1,6,2,skipconcat,max,99,0.6483,0.0029,201598.0,1.2147,0.0711,0.6629,0.0049,0.6121,0.0058,0.8898,0.0118,0.7252,0.0013,0.7419,0.0006
-PyG,TU_PROTEINS,link_pred,True,,,1,6,2,skipconcat,mean,99,0.6646,0.0021,201598.0,1.3253,0.1588,0.6312,0.0014,0.5934,0.0015,0.8336,0.0031,0.6933,0.0008,0.6909,0.0051
-PyG,TU_PROTEINS,link_pred,True,,,1,6,2,skipsum,add,59,0.6416,0.0025,200333.0,1.2787,0.0654,0.6552,0.0078,0.6081,0.0066,0.8734,0.0112,0.717,0.0058,0.7361,0.0035
-PyG,TU_PROTEINS,link_pred,True,,,1,6,2,skipsum,max,99,0.6373,0.0081,200333.0,1.1745,0.0729,0.6646,0.007,0.613,0.0055,0.8934,0.0042,0.7271,0.0047,0.7499,0.0141
-PyG,TU_PROTEINS,link_pred,True,,,1,6,2,skipsum,mean,99,0.6604,0.0037,200333.0,1.3544,0.1321,0.6268,0.0049,0.5889,0.0043,0.8405,0.0034,0.6925,0.0025,0.6897,0.0061
-PyG,TU_PROTEINS,link_pred,True,,,1,6,3,skipconcat,add,99,0.6419,0.005,207621.0,1.1069,0.0708,0.6606,0.0078,0.6132,0.0036,0.8695,0.0198,0.7191,0.0093,0.7394,0.015
-PyG,TU_PROTEINS,link_pred,True,,,1,6,3,skipconcat,max,99,0.6538,0.0053,207621.0,1.0543,0.0629,0.6433,0.0097,0.5987,0.0066,0.8693,0.0139,0.7091,0.0085,0.7161,0.0159
-PyG,TU_PROTEINS,link_pred,True,,,1,6,3,skipconcat,mean,99,0.6637,0.0032,207621.0,1.2357,0.1348,0.624,0.0033,0.5876,0.0025,0.8316,0.0116,0.6886,0.0042,0.683,0.005
-PyG,TU_PROTEINS,link_pred,True,,,1,6,3,skipsum,add,99,0.6464,0.0094,200393.0,1.1678,0.115,0.6487,0.0151,0.605,0.0119,0.8578,0.0064,0.7095,0.0103,0.7185,0.0194
-PyG,TU_PROTEINS,link_pred,True,,,1,6,3,skipsum,max,99,0.6404,0.0078,200393.0,1.2917,0.1396,0.6608,0.01,0.6109,0.0095,0.8868,0.0059,0.7234,0.0046,0.7402,0.0148
-PyG,TU_PROTEINS,link_pred,True,,,1,6,3,skipsum,mean,99,0.6606,0.0014,200393.0,1.2443,0.1378,0.6266,0.0041,0.588,0.0035,0.846,0.0043,0.6938,0.0024,0.6862,0.0004
-PyG,TU_PROTEINS,link_pred,True,,,1,8,2,skipconcat,add,39,0.6427,0.0121,204289.0,1.0602,0.026,0.6712,0.0089,0.6199,0.0071,0.8856,0.0104,0.7292,0.0068,0.7486,0.0168
-PyG,TU_PROTEINS,link_pred,True,,,1,8,2,skipconcat,max,99,0.6427,0.0084,204289.0,1.4357,0.1685,0.6632,0.011,0.6105,0.0087,0.9024,0.0108,0.7283,0.0076,0.7523,0.0178
-PyG,TU_PROTEINS,link_pred,True,,,1,8,2,skipconcat,mean,79,0.6644,0.0023,204289.0,1.3593,0.0823,0.6309,0.0103,0.5909,0.0062,0.8504,0.0211,0.6972,0.0108,0.6924,0.0111
-PyG,TU_PROTEINS,link_pred,True,,,1,8,2,skipsum,add,59,0.635,0.0036,199361.0,1.1286,0.0311,0.6629,0.0051,0.6139,0.0054,0.8785,0.0148,0.7227,0.0041,0.747,0.0056
-PyG,TU_PROTEINS,link_pred,True,,,1,8,2,skipsum,max,99,0.6264,0.0082,199361.0,1.1466,0.0239,0.674,0.0071,0.6183,0.0058,0.9098,0.0143,0.7362,0.0059,0.7684,0.01
-PyG,TU_PROTEINS,link_pred,True,,,1,8,2,skipsum,mean,99,0.6552,0.0005,199361.0,1.2768,0.0332,0.6348,0.0057,0.5937,0.003,0.8536,0.0134,0.7003,0.0065,0.7,0.0067
-PyG,TU_PROTEINS,link_pred,True,,,1,8,3,skipconcat,add,99,0.6357,0.0069,205174.0,1.3035,0.0343,0.6605,0.0075,0.6109,0.0048,0.8839,0.0104,0.7225,0.0068,0.7471,0.0153
-PyG,TU_PROTEINS,link_pred,True,,,1,8,3,skipconcat,max,99,0.6544,0.0045,205174.0,1.3027,0.098,0.6471,0.0029,0.6001,0.0025,0.8822,0.0015,0.7143,0.0013,0.7235,0.0029
-PyG,TU_PROTEINS,link_pred,True,,,1,8,3,skipconcat,mean,99,0.6605,0.0002,205174.0,1.2249,0.0989,0.6292,0.0052,0.5912,0.0029,0.8371,0.0128,0.693,0.0062,0.6899,0.0022
-PyG,TU_PROTEINS,link_pred,True,,,1,8,3,skipsum,add,79,0.6472,0.0097,201001.0,1.1718,0.0623,0.6493,0.0145,0.6042,0.0099,0.8656,0.0161,0.7117,0.0123,0.7216,0.0219
-PyG,TU_PROTEINS,link_pred,True,,,1,8,3,skipsum,max,99,0.6327,0.0021,201001.0,1.3331,0.1043,0.6659,0.0054,0.6135,0.0022,0.8963,0.0169,0.7284,0.0068,0.7515,0.0051
-PyG,TU_PROTEINS,link_pred,True,,,1,8,3,skipsum,mean,99,0.654,0.0012,201001.0,1.3454,0.1154,0.6326,0.0038,0.5923,0.0012,0.8507,0.0161,0.6983,0.0061,0.7013,0.0021
-PyG,TU_PROTEINS,link_pred,True,,,2,2,2,skipconcat,add,99,0.654,0.0042,200451.0,1.2069,0.0555,0.6421,0.0018,0.6011,0.0015,0.8454,0.0068,0.7026,0.0023,0.7105,0.0067
-PyG,TU_PROTEINS,link_pred,True,,,2,2,2,skipconcat,max,59,0.6752,0.0053,200451.0,1.2777,0.1623,0.6059,0.013,0.5765,0.0104,0.7997,0.0052,0.67,0.0081,0.6541,0.0102
-PyG,TU_PROTEINS,link_pred,True,,,2,2,2,skipconcat,mean,99,0.6703,0.0049,200451.0,1.1135,0.0399,0.608,0.0082,0.5786,0.0069,0.7961,0.0091,0.6701,0.0053,0.6548,0.0125
-PyG,TU_PROTEINS,link_pred,True,,,2,2,2,skipsum,add,79,0.6591,0.004,200792.0,1.2701,0.0715,0.6357,0.0082,0.5957,0.0064,0.8451,0.0052,0.6988,0.0058,0.6978,0.0051
-PyG,TU_PROTEINS,link_pred,True,,,2,2,2,skipsum,max,99,0.6763,0.0054,200792.0,1.2479,0.0582,0.6087,0.0056,0.5775,0.0038,0.8106,0.0096,0.6744,0.0055,0.6507,0.0073
-PyG,TU_PROTEINS,link_pred,True,,,2,2,2,skipsum,mean,39,0.6713,0.0033,200792.0,1.178,0.036,0.6068,0.0084,0.5758,0.0047,0.8097,0.0232,0.673,0.0108,0.6563,0.0072
-PyG,TU_PROTEINS,link_pred,True,,,2,2,3,skipconcat,add,79,0.6555,0.004,200481.0,1.2288,0.0544,0.6344,0.0029,0.5951,0.0019,0.8411,0.0055,0.697,0.0029,0.6995,0.0086
-PyG,TU_PROTEINS,link_pred,True,,,2,2,3,skipconcat,max,59,0.6709,0.0031,200481.0,1.4643,0.1994,0.6073,0.004,0.5772,0.0045,0.8026,0.0103,0.6714,0.001,0.6511,0.0055
-PyG,TU_PROTEINS,link_pred,True,,,2,2,3,skipconcat,mean,99,0.6684,0.0024,200481.0,1.3475,0.175,0.6034,0.0048,0.5744,0.0041,0.799,0.0066,0.6683,0.0029,0.6525,0.0084
-PyG,TU_PROTEINS,link_pred,True,,,2,2,3,skipsum,add,99,0.6474,0.0006,199463.0,1.2731,0.1549,0.6463,0.008,0.6035,0.0049,0.8531,0.0142,0.7069,0.0081,0.7174,0.0039
-PyG,TU_PROTEINS,link_pred,True,,,2,2,3,skipsum,max,59,0.6677,0.0007,199463.0,1.2736,0.0521,0.6088,0.0034,0.5782,0.0009,0.805,0.0174,0.6729,0.0067,0.6613,0.0018
-PyG,TU_PROTEINS,link_pred,True,,,2,2,3,skipsum,mean,99,0.6683,0.0046,199463.0,1.3292,0.1478,0.6081,0.0077,0.5777,0.0066,0.8051,0.0174,0.6726,0.0063,0.661,0.0102
-PyG,TU_PROTEINS,link_pred,True,,,2,4,2,skipconcat,add,79,0.6447,0.0051,199900.0,1.2548,0.1178,0.659,0.0017,0.6124,0.0014,0.8662,0.0027,0.7175,0.0013,0.7332,0.0078
-PyG,TU_PROTEINS,link_pred,True,,,2,4,2,skipconcat,max,79,0.6612,0.0012,199900.0,1.2096,0.0189,0.6418,0.005,0.5989,0.0033,0.8584,0.0088,0.7055,0.0047,0.7048,0.0057
-PyG,TU_PROTEINS,link_pred,True,,,2,4,2,skipconcat,mean,99,0.6652,0.0039,199900.0,1.2855,0.0931,0.6248,0.0076,0.5897,0.0063,0.8209,0.0104,0.6863,0.0057,0.6798,0.0098
-PyG,TU_PROTEINS,link_pred,True,,,2,4,2,skipsum,add,99,0.6503,0.0079,200593.0,1.1815,0.0769,0.6445,0.0152,0.6012,0.0098,0.858,0.0305,0.7069,0.0155,0.7166,0.0219
-PyG,TU_PROTEINS,link_pred,True,,,2,4,2,skipsum,max,99,0.6529,0.0048,200593.0,1.283,0.0662,0.6423,0.0075,0.5975,0.0047,0.8717,0.0143,0.709,0.0075,0.7147,0.0096
-PyG,TU_PROTEINS,link_pred,True,,,2,4,2,skipsum,mean,99,0.6623,0.002,200593.0,1.1097,0.1074,0.6229,0.0042,0.5871,0.0026,0.8277,0.0098,0.6869,0.0046,0.6802,0.0068
-PyG,TU_PROTEINS,link_pred,True,,,2,4,3,skipconcat,add,99,0.6512,0.0147,200065.0,1.1085,0.0873,0.6446,0.0196,0.6039,0.0139,0.8404,0.0215,0.7028,0.0169,0.7092,0.0324
-PyG,TU_PROTEINS,link_pred,True,,,2,4,3,skipconcat,max,99,0.6586,0.0028,200065.0,1.109,0.0581,0.6318,0.0058,0.5918,0.0044,0.8497,0.0101,0.6977,0.005,0.6952,0.0043
-PyG,TU_PROTEINS,link_pred,True,,,2,4,3,skipconcat,mean,99,0.6659,0.0011,200065.0,1.119,0.1779,0.6176,0.0126,0.5832,0.0084,0.8238,0.0166,0.6829,0.0115,0.6701,0.0094
-PyG,TU_PROTEINS,link_pred,True,,,2,4,3,skipsum,add,59,0.6463,0.0054,200333.0,1.2264,0.1258,0.6503,0.0078,0.6059,0.0054,0.8604,0.0106,0.711,0.0068,0.7224,0.0102
-PyG,TU_PROTEINS,link_pred,True,,,2,4,3,skipsum,max,99,0.6508,0.0038,200333.0,1.2149,0.0335,0.6403,0.0039,0.5978,0.0047,0.8586,0.0119,0.7048,0.0016,0.7109,0.0058
-PyG,TU_PROTEINS,link_pred,True,,,2,4,3,skipsum,mean,99,0.6614,0.0017,200333.0,1.1744,0.0521,0.6236,0.0064,0.5864,0.0037,0.8385,0.0136,0.6901,0.007,0.6841,0.0036
-PyG,TU_PROTEINS,link_pred,True,,,2,6,2,skipconcat,add,99,0.6411,0.0053,203361.0,1.194,0.0711,0.6642,0.0072,0.6151,0.0059,0.8776,0.0065,0.7233,0.0051,0.7443,0.0067
-PyG,TU_PROTEINS,link_pred,True,,,2,6,2,skipconcat,max,79,0.6517,0.0064,203361.0,1.2109,0.0098,0.6564,0.0139,0.6066,0.0109,0.8914,0.0032,0.7218,0.0088,0.7361,0.0161
-PyG,TU_PROTEINS,link_pred,True,,,2,6,2,skipconcat,mean,99,0.6643,0.0037,203361.0,1.1992,0.0637,0.6232,0.0018,0.5863,0.0012,0.8373,0.0058,0.6896,0.0023,0.687,0.0036
-PyG,TU_PROTEINS,link_pred,True,,,2,6,2,skipsum,add,99,0.6386,0.0026,200393.0,1.2659,0.0483,0.6638,0.0064,0.6153,0.0037,0.8736,0.0117,0.7221,0.0065,0.7412,0.0043
-PyG,TU_PROTEINS,link_pred,True,,,2,6,2,skipsum,max,99,0.6417,0.0061,200393.0,1.1817,0.0437,0.6582,0.0087,0.6079,0.0071,0.8914,0.005,0.7229,0.0055,0.7416,0.0134
-PyG,TU_PROTEINS,link_pred,True,,,2,6,2,skipsum,mean,99,0.6599,0.0012,200393.0,1.2578,0.1824,0.6318,0.0039,0.592,0.0025,0.8475,0.0062,0.6971,0.0037,0.688,0.0049
-PyG,TU_PROTEINS,link_pred,True,,,2,6,3,skipconcat,add,59,0.6436,0.0005,208916.0,1.1673,0.0311,0.6576,0.01,0.6091,0.0066,0.8794,0.015,0.7197,0.009,0.7352,0.0069
-PyG,TU_PROTEINS,link_pred,True,,,2,6,3,skipconcat,max,99,0.6444,0.0035,208916.0,1.2015,0.034,0.6534,0.0104,0.6047,0.0074,0.8856,0.0085,0.7187,0.008,0.7366,0.0119
-PyG,TU_PROTEINS,link_pred,True,,,2,6,3,skipconcat,mean,99,0.6598,0.0038,208916.0,1.1633,0.1345,0.6288,0.0109,0.5907,0.007,0.8381,0.0167,0.693,0.0104,0.6869,0.0109
-PyG,TU_PROTEINS,link_pred,True,,,2,6,3,skipsum,add,99,0.6394,0.006,199361.0,1.3388,0.0799,0.655,0.0091,0.6071,0.0056,0.878,0.0165,0.7178,0.0089,0.736,0.0135
-PyG,TU_PROTEINS,link_pred,True,,,2,6,3,skipsum,max,99,0.635,0.0075,199361.0,1.2025,0.0635,0.664,0.0044,0.614,0.0046,0.8834,0.006,0.7245,0.0015,0.7441,0.0105
-PyG,TU_PROTEINS,link_pred,True,,,2,6,3,skipsum,mean,99,0.6542,0.0023,199361.0,1.2362,0.0695,0.6347,0.0023,0.5955,0.0007,0.8397,0.0112,0.6968,0.0041,0.6961,0.0068
-PyG,TU_PROTEINS,link_pred,True,,,2,8,2,skipconcat,add,99,0.6367,0.0033,205377.0,1.2223,0.0904,0.6765,0.0055,0.6223,0.0034,0.8982,0.0116,0.7352,0.0056,0.7618,0.0079
-PyG,TU_PROTEINS,link_pred,True,,,2,8,2,skipconcat,max,99,0.6458,0.0065,205377.0,1.2423,0.1827,0.6613,0.0127,0.6094,0.0083,0.8978,0.0179,0.726,0.011,0.7491,0.0195
-PyG,TU_PROTEINS,link_pred,True,,,2,8,2,skipconcat,mean,99,0.6606,0.003,205377.0,1.189,0.0468,0.6371,0.0112,0.5961,0.0072,0.8507,0.0172,0.7009,0.0106,0.6968,0.0121
-PyG,TU_PROTEINS,link_pred,True,,,2,8,2,skipsum,add,79,0.6405,0.007,201001.0,1.2081,0.0337,0.6563,0.0036,0.6091,0.0022,0.8731,0.0061,0.7175,0.0035,0.7378,0.0104
-PyG,TU_PROTEINS,link_pred,True,,,2,8,2,skipsum,max,99,0.6312,0.005,201001.0,1.266,0.0299,0.6713,0.0095,0.6172,0.0061,0.9024,0.015,0.733,0.0086,0.7568,0.0115
-PyG,TU_PROTEINS,link_pred,True,,,2,8,2,skipsum,mean,99,0.657,0.0021,201001.0,1.2598,0.1317,0.629,0.0057,0.5904,0.0037,0.8424,0.0128,0.6942,0.0061,0.6934,0.0055
-PyG,TU_PROTEINS,link_pred,True,,,2,8,3,skipconcat,add,59,0.6358,0.0024,205957.0,1.1269,0.045,0.6641,0.006,0.6127,0.0033,0.8919,0.0118,0.7264,0.0061,0.748,0.0045
-PyG,TU_PROTEINS,link_pred,True,,,2,8,3,skipconcat,max,99,0.6433,0.002,205957.0,1.3347,0.1832,0.6508,0.0028,0.6023,0.0005,0.888,0.0146,0.7177,0.0049,0.736,0.0048
-PyG,TU_PROTEINS,link_pred,True,,,2,8,3,skipconcat,mean,99,0.6634,0.006,205957.0,1.1475,0.1224,0.623,0.0085,0.5879,0.0059,0.8229,0.0145,0.6858,0.0082,0.6806,0.0137
-PyG,TU_PROTEINS,link_pred,True,,,2,8,3,skipsum,add,99,0.6404,0.0096,200193.0,1.1979,0.0498,0.6516,0.0154,0.6058,0.0101,0.8676,0.0215,0.7134,0.014,0.7322,0.0251
-PyG,TU_PROTEINS,link_pred,True,,,2,8,3,skipsum,max,99,0.6333,0.0056,200193.0,1.062,0.0863,0.6655,0.005,0.6129,0.0042,0.8987,0.0075,0.7287,0.0035,0.7532,0.0102
-PyG,TU_PROTEINS,link_pred,True,,,2,8,3,skipsum,mean,99,0.6554,0.0034,200193.0,1.1198,0.141,0.6351,0.0041,0.5944,0.0037,0.8512,0.008,0.6999,0.003,0.6986,0.0045
diff --git a/run/results/design_v2link_grid_round2link/agg/train_bestepoch.csv b/run/results/design_v2link_grid_round2link/agg/train_bestepoch.csv
deleted file mode 100644
index efced11e..00000000
--- a/run/results/design_v2link_grid_round2link/agg/train_bestepoch.csv
+++ /dev/null
@@ -1,1052 +0,0 @@
-format,dataset,task,trans,feature,label,l_pre,l_mp,l_post,stage,agg,epoch,loss,loss_std,params,time_iter,time_iter_std,accuracy,accuracy_std,precision,precision_std,recall,recall_std,f1,f1_std,auc,auc_std
-PyG,AmazonComputers,link_pred,True,,,1,2,2,skipconcat,add,97,0.4909,0.0064,273444.0,0.4127,0.0858,0.768,0.0036,0.6927,0.003,0.9632,0.002,0.8059,0.0028,0.9233,0.0029
-PyG,AmazonComputers,link_pred,True,,,1,2,2,skipconcat,max,96,0.4884,0.008,273444.0,0.4351,0.0358,0.7695,0.003,0.6901,0.0026,0.9783,0.001,0.8093,0.0021,0.9311,0.0045
-PyG,AmazonComputers,link_pred,True,,,1,2,2,skipconcat,mean,84,0.4752,0.0047,273444.0,0.468,0.0728,0.7852,0.0013,0.7071,0.0018,0.9737,0.0017,0.8192,0.0007,0.937,0.0032
-PyG,AmazonComputers,link_pred,True,,,1,2,2,skipsum,add,99,0.4866,0.0013,369409.0,0.3704,0.0504,0.7697,0.0017,0.6946,0.0017,0.9626,0.0006,0.807,0.0011,0.9217,0.0011
-PyG,AmazonComputers,link_pred,True,,,1,2,2,skipsum,max,96,0.4837,0.0049,369409.0,0.4255,0.0293,0.7728,0.0044,0.6929,0.004,0.9799,0.0013,0.8118,0.0031,0.9302,0.0044
-PyG,AmazonComputers,link_pred,True,,,1,2,2,skipsum,mean,96,0.474,0.0041,369409.0,0.3221,0.0247,0.7923,0.0027,0.7148,0.0025,0.9725,0.0015,0.824,0.002,0.9343,0.0031
-PyG,AmazonComputers,link_pred,True,,,1,2,3,skipconcat,add,97,0.4766,0.0038,266337.0,0.4103,0.1089,0.7732,0.0014,0.6973,0.0008,0.9655,0.0021,0.8098,0.0013,0.9298,0.0026
-PyG,AmazonComputers,link_pred,True,,,1,2,3,skipconcat,max,96,0.4722,0.0037,266337.0,0.4061,0.0344,0.7801,0.0019,0.7001,0.0015,0.9801,0.0016,0.8167,0.0014,0.9384,0.0029
-PyG,AmazonComputers,link_pred,True,,,1,2,3,skipconcat,mean,96,0.4583,0.0005,266337.0,0.441,0.0039,0.8003,0.0017,0.7225,0.0019,0.9753,0.0016,0.83,0.0013,0.9453,0.0009
-PyG,AmazonComputers,link_pred,True,,,1,2,3,skipsum,add,99,0.4851,0.0012,352828.0,0.323,0.0065,0.7753,0.0016,0.7011,0.0011,0.9596,0.0021,0.8103,0.0014,0.921,0.0004
-PyG,AmazonComputers,link_pred,True,,,1,2,3,skipsum,max,96,0.4747,0.0033,352828.0,0.3902,0.0346,0.7784,0.0045,0.6983,0.0046,0.9805,0.0004,0.8157,0.003,0.9368,0.0018
-PyG,AmazonComputers,link_pred,True,,,1,2,3,skipsum,mean,96,0.4625,0.0048,352828.0,0.3707,0.0387,0.7989,0.0034,0.7213,0.0037,0.9743,0.0009,0.8289,0.0024,0.9417,0.0029
-PyG,AmazonComputers,link_pred,True,,,1,4,2,skipconcat,add,90,0.4862,0.0044,247777.0,0.3702,0.0137,0.7697,0.0015,0.6949,0.0012,0.9617,0.003,0.8068,0.0013,0.9251,0.0042
-PyG,AmazonComputers,link_pred,True,,,1,4,2,skipconcat,max,96,0.4789,0.0053,247777.0,0.3478,0.0553,0.7727,0.0015,0.6928,0.0011,0.9799,0.0014,0.8117,0.0012,0.9388,0.0042
-PyG,AmazonComputers,link_pred,True,,,1,4,2,skipconcat,mean,96,0.4618,0.0048,247777.0,0.3274,0.0182,0.7937,0.003,0.7157,0.0029,0.9744,0.0012,0.8253,0.0022,0.9454,0.002
-PyG,AmazonComputers,link_pred,True,,,1,4,2,skipsum,add,96,0.4902,0.0046,337747.0,0.3194,0.0708,0.7688,0.0026,0.6952,0.0026,0.9574,0.0023,0.8055,0.0019,0.9176,0.0031
-PyG,AmazonComputers,link_pred,True,,,1,4,2,skipsum,max,96,0.4847,0.0014,337747.0,0.3416,0.052,0.7729,0.0012,0.694,0.0012,0.9762,0.0002,0.8113,0.0008,0.9285,0.0007
-PyG,AmazonComputers,link_pred,True,,,1,4,2,skipsum,mean,96,0.4601,0.0031,337747.0,0.3849,0.1055,0.8038,0.0009,0.7271,0.0014,0.9727,0.0023,0.8321,0.0006,0.9428,0.0025
-PyG,AmazonComputers,link_pred,True,,,1,4,3,skipconcat,add,97,0.4747,0.0032,243384.0,0.3851,0.0782,0.7746,0.0027,0.699,0.0023,0.9644,0.0032,0.8105,0.0021,0.9302,0.003
-PyG,AmazonComputers,link_pred,True,,,1,4,3,skipconcat,max,97,0.4652,0.003,243384.0,0.3007,0.0359,0.7836,0.0002,0.7029,0.0003,0.9823,0.0016,0.8195,0.0004,0.9451,0.0027
-PyG,AmazonComputers,link_pred,True,,,1,4,3,skipconcat,mean,94,0.4497,0.0025,243384.0,0.3808,0.062,0.8084,0.0024,0.7306,0.0029,0.9769,0.0009,0.836,0.0016,0.9514,0.001
-PyG,AmazonComputers,link_pred,True,,,1,4,3,skipsum,add,99,0.4827,0.0022,328945.0,0.3831,0.0623,0.7682,0.0013,0.6939,0.0013,0.9595,0.0013,0.8054,0.001,0.9222,0.0014
-PyG,AmazonComputers,link_pred,True,,,1,4,3,skipsum,max,96,0.4769,0.002,328945.0,0.47,0.1283,0.7794,0.0019,0.7002,0.0017,0.9772,0.001,0.8158,0.0014,0.9332,0.0016
-PyG,AmazonComputers,link_pred,True,,,1,4,3,skipsum,mean,90,0.4519,0.0028,328945.0,0.4654,0.0201,0.8102,0.0032,0.7336,0.0031,0.9741,0.0016,0.8369,0.0025,0.9488,0.0021
-PyG,AmazonComputers,link_pred,True,,,1,6,2,skipconcat,add,99,0.4851,0.0041,232922.0,0.4294,0.1068,0.7712,0.0012,0.6962,0.0006,0.9622,0.0027,0.8079,0.0012,0.9263,0.0022
-PyG,AmazonComputers,link_pred,True,,,1,6,2,skipconcat,max,96,0.4789,0.0054,232922.0,0.3785,0.0147,0.7695,0.0011,0.6902,0.0014,0.978,0.0022,0.8093,0.0008,0.9387,0.0039
-PyG,AmazonComputers,link_pred,True,,,1,6,2,skipconcat,mean,96,0.4577,0.0067,232922.0,0.342,0.0505,0.7937,0.0039,0.7154,0.0037,0.9756,0.002,0.8254,0.0029,0.9482,0.0041
-PyG,AmazonComputers,link_pred,True,,,1,6,2,skipsum,add,99,0.4958,0.0045,320281.0,0.4136,0.0855,0.7635,0.0031,0.692,0.0022,0.9496,0.0034,0.8006,0.0027,0.9104,0.0037
-PyG,AmazonComputers,link_pred,True,,,1,6,2,skipsum,max,96,0.4843,0.0022,320281.0,0.4729,0.0655,0.7719,0.0018,0.6934,0.0012,0.9748,0.0019,0.8104,0.0015,0.9281,0.0025
-PyG,AmazonComputers,link_pred,True,,,1,6,2,skipsum,mean,90,0.4535,0.0027,320281.0,0.3995,0.0457,0.8112,0.0018,0.7356,0.0024,0.9719,0.0024,0.8374,0.0012,0.9472,0.0022
-PyG,AmazonComputers,link_pred,True,,,1,6,3,skipconcat,add,95,0.4744,0.0004,234361.0,0.4873,0.145,0.7736,0.003,0.6983,0.0034,0.9636,0.001,0.8098,0.0019,0.9299,0.0009
-PyG,AmazonComputers,link_pred,True,,,1,6,3,skipconcat,max,97,0.4615,0.0023,234361.0,0.33,0.0157,0.7865,0.0056,0.7059,0.0062,0.9824,0.0019,0.8215,0.0036,0.9472,0.0012
-PyG,AmazonComputers,link_pred,True,,,1,6,3,skipconcat,mean,90,0.451,0.0021,234361.0,0.3651,0.0256,0.8056,0.0047,0.7278,0.005,0.9764,0.0015,0.8339,0.0034,0.9505,0.0015
-PyG,AmazonComputers,link_pred,True,,,1,6,3,skipsum,add,97,0.4825,0.0026,313465.0,0.4072,0.0733,0.7658,0.0038,0.6923,0.0037,0.9572,0.0006,0.8035,0.0026,0.9213,0.0025
-PyG,AmazonComputers,link_pred,True,,,1,6,3,skipsum,max,89,0.4775,0.0016,313465.0,0.4329,0.0851,0.7791,0.0002,0.7002,0.0002,0.9763,0.0009,0.8155,0.0003,0.9322,0.0018
-PyG,AmazonComputers,link_pred,True,,,1,6,3,skipsum,mean,97,0.45,0.0018,313465.0,0.3422,0.024,0.8167,0.0007,0.7406,0.001,0.9748,0.0006,0.8417,0.0005,0.9509,0.0015
-PyG,AmazonComputers,link_pred,True,,,1,8,2,skipconcat,add,90,0.4889,0.0043,228737.0,0.3739,0.0288,0.7691,0.0007,0.6954,0.0001,0.9577,0.0021,0.8057,0.0008,0.9226,0.0021
-PyG,AmazonComputers,link_pred,True,,,1,8,2,skipconcat,max,90,0.4732,0.0039,228737.0,0.4058,0.0157,0.7719,0.0012,0.6924,0.0007,0.9787,0.002,0.811,0.0011,0.9423,0.0026
-PyG,AmazonComputers,link_pred,True,,,1,8,2,skipconcat,mean,94,0.4599,0.004,228737.0,0.4184,0.0643,0.7938,0.0042,0.7158,0.0038,0.9745,0.0023,0.8253,0.0033,0.9463,0.0026
-PyG,AmazonComputers,link_pred,True,,,1,8,2,skipsum,add,99,0.4937,0.0015,306321.0,0.3835,0.0368,0.7636,0.0001,0.6919,0.0008,0.9503,0.0026,0.8008,0.0004,0.9124,0.0018
-PyG,AmazonComputers,link_pred,True,,,1,8,2,skipsum,max,96,0.4848,0.0048,306321.0,0.421,0.0308,0.7701,0.0049,0.692,0.0042,0.9735,0.0026,0.809,0.0037,0.927,0.0042
-PyG,AmazonComputers,link_pred,True,,,1,8,2,skipsum,mean,94,0.4527,0.0015,306321.0,0.4636,0.0934,0.8128,0.0011,0.7375,0.0011,0.9714,0.0007,0.8385,0.0009,0.9477,0.0009
-PyG,AmazonComputers,link_pred,True,,,1,8,3,skipconcat,add,99,0.4768,0.0028,225802.0,0.399,0.0565,0.7753,0.0035,0.7008,0.0035,0.9609,0.0006,0.8105,0.0025,0.9274,0.0017
-PyG,AmazonComputers,link_pred,True,,,1,8,3,skipconcat,max,93,0.4611,0.0025,225802.0,0.4428,0.0667,0.7822,0.0024,0.7016,0.0023,0.9821,0.0004,0.8185,0.0017,0.9476,0.0013
-PyG,AmazonComputers,link_pred,True,,,1,8,3,skipconcat,mean,90,0.4497,0.0026,225802.0,0.4222,0.0265,0.8069,0.0034,0.7293,0.0037,0.9762,0.002,0.8349,0.0025,0.9511,0.0022
-PyG,AmazonComputers,link_pred,True,,,1,8,3,skipsum,add,97,0.4931,0.0019,303377.0,0.5141,0.073,0.7607,0.0024,0.6901,0.0016,0.9466,0.0035,0.7982,0.0022,0.911,0.0026
-PyG,AmazonComputers,link_pred,True,,,1,8,3,skipsum,max,96,0.475,0.0019,303377.0,0.4389,0.0806,0.7811,0.003,0.7019,0.003,0.9773,0.0008,0.817,0.002,0.9351,0.0011
-PyG,AmazonComputers,link_pred,True,,,1,8,3,skipsum,mean,90,0.4518,0.001,303377.0,0.5849,0.092,0.814,0.004,0.7386,0.0047,0.9718,0.0005,0.8393,0.0029,0.9483,0.0008
-PyG,AmazonComputers,link_pred,True,,,2,2,2,skipconcat,add,97,0.4752,0.0026,273031.0,0.3883,0.0519,0.7739,0.0008,0.6968,0.0004,0.9697,0.0015,0.8109,0.0008,0.9349,0.0021
-PyG,AmazonComputers,link_pred,True,,,2,2,2,skipconcat,max,96,0.4778,0.0019,273031.0,0.3281,0.0487,0.776,0.0008,0.6963,0.0008,0.9793,0.0005,0.8139,0.0006,0.9371,0.001
-PyG,AmazonComputers,link_pred,True,,,2,2,2,skipconcat,mean,96,0.4624,0.0054,273031.0,0.4147,0.0919,0.7922,0.0037,0.7132,0.0038,0.9777,0.0008,0.8247,0.0027,0.945,0.0031
-PyG,AmazonComputers,link_pred,True,,,2,2,2,skipsum,add,99,0.4834,0.0036,352828.0,0.3872,0.0437,0.774,0.0018,0.6988,0.0016,0.9633,0.0008,0.81,0.0014,0.9243,0.0025
-PyG,AmazonComputers,link_pred,True,,,2,2,2,skipsum,max,96,0.4797,0.0019,352828.0,0.4003,0.0806,0.7765,0.0032,0.6965,0.0033,0.9799,0.0008,0.8143,0.002,0.9337,0.0011
-PyG,AmazonComputers,link_pred,True,,,2,2,2,skipsum,mean,96,0.4614,0.0023,352828.0,0.3192,0.0204,0.7997,0.0035,0.7222,0.0037,0.9741,0.0011,0.8295,0.0025,0.9429,0.0024
-PyG,AmazonComputers,link_pred,True,,,2,2,3,skipconcat,add,97,0.4618,0.0048,261601.0,0.3572,0.0511,0.7822,0.0036,0.7038,0.0033,0.9747,0.0014,0.8174,0.0027,0.9424,0.0034
-PyG,AmazonComputers,link_pred,True,,,2,2,3,skipconcat,max,96,0.4688,0.0013,261601.0,0.4805,0.1232,0.7861,0.0022,0.7059,0.0025,0.9807,0.001,0.8209,0.0013,0.9412,0.0011
-PyG,AmazonComputers,link_pred,True,,,2,2,3,skipconcat,mean,96,0.4525,0.0036,261601.0,0.3238,0.0158,0.8,0.0018,0.7205,0.0017,0.9803,0.0007,0.8306,0.0014,0.9513,0.0027
-PyG,AmazonComputers,link_pred,True,,,2,2,3,skipsum,add,99,0.4768,0.0022,337747.0,0.3533,0.033,0.7772,0.0007,0.7013,0.0007,0.9656,0.0013,0.8125,0.0006,0.9286,0.0011
-PyG,AmazonComputers,link_pred,True,,,2,2,3,skipsum,max,96,0.4694,0.0013,337747.0,0.3636,0.0584,0.7842,0.001,0.7038,0.0012,0.9815,0.0009,0.8198,0.0005,0.9406,0.0015
-PyG,AmazonComputers,link_pred,True,,,2,2,3,skipsum,mean,96,0.4551,0.0011,337747.0,0.3602,0.0911,0.8069,0.0008,0.7299,0.0012,0.9743,0.0016,0.8346,0.0006,0.9464,0.0016
-PyG,AmazonComputers,link_pred,True,,,2,4,2,skipconcat,add,97,0.4772,0.0063,243448.0,0.3717,0.1013,0.7728,0.0037,0.6968,0.0032,0.966,0.0021,0.8096,0.0028,0.9325,0.0029
-PyG,AmazonComputers,link_pred,True,,,2,4,2,skipconcat,max,97,0.4741,0.0026,243448.0,0.3746,0.0793,0.7791,0.0016,0.6994,0.0014,0.9788,0.0008,0.8159,0.0012,0.9406,0.0018
-PyG,AmazonComputers,link_pred,True,,,2,4,2,skipconcat,mean,94,0.4574,0.0034,243448.0,0.4456,0.0886,0.7956,0.0043,0.717,0.0043,0.9768,0.0007,0.827,0.003,0.9486,0.0017
-PyG,AmazonComputers,link_pred,True,,,2,4,2,skipsum,add,97,0.4872,0.0012,328945.0,0.419,0.0409,0.7701,0.0015,0.6962,0.0014,0.9583,0.0012,0.8065,0.0011,0.9195,0.0013
-PyG,AmazonComputers,link_pred,True,,,2,4,2,skipsum,max,96,0.4814,0.0042,328945.0,0.4086,0.0857,0.7741,0.0045,0.6948,0.0038,0.9776,0.0022,0.8123,0.0033,0.9313,0.0036
-PyG,AmazonComputers,link_pred,True,,,2,4,2,skipsum,mean,96,0.4573,0.001,328945.0,0.4715,0.0377,0.8066,0.0036,0.7305,0.0041,0.9719,0.0004,0.8341,0.0025,0.9447,0.0009
-PyG,AmazonComputers,link_pred,True,,,2,4,3,skipconcat,add,97,0.4673,0.0019,236737.0,0.4304,0.0918,0.7799,0.0014,0.7025,0.0016,0.9709,0.0006,0.8152,0.0009,0.9374,0.0018
-PyG,AmazonComputers,link_pred,True,,,2,4,3,skipconcat,max,97,0.4608,0.0037,236737.0,0.4018,0.0211,0.7864,0.0062,0.7058,0.0064,0.9825,0.0007,0.8214,0.0041,0.9481,0.0022
-PyG,AmazonComputers,link_pred,True,,,2,4,3,skipconcat,mean,94,0.4523,0.0015,236737.0,0.4145,0.0615,0.8042,0.0028,0.7263,0.0036,0.9766,0.0018,0.833,0.0018,0.9501,0.0015
-PyG,AmazonComputers,link_pred,True,,,2,4,3,skipsum,add,96,0.4834,0.0019,320281.0,0.3886,0.0477,0.7685,0.0012,0.6949,0.0015,0.9574,0.0026,0.8053,0.0008,0.9204,0.0017
-PyG,AmazonComputers,link_pred,True,,,2,4,3,skipsum,max,96,0.4723,0.005,320281.0,0.3898,0.0598,0.7816,0.0048,0.7019,0.0043,0.9787,0.0022,0.8175,0.0036,0.937,0.0041
-PyG,AmazonComputers,link_pred,True,,,2,4,3,skipsum,mean,93,0.4486,0.0004,320281.0,0.4492,0.0873,0.8138,0.002,0.7375,0.0025,0.9743,0.0012,0.8395,0.0013,0.9514,0.0004
-PyG,AmazonComputers,link_pred,True,,,2,6,2,skipconcat,add,97,0.4848,0.0071,234685.0,0.4351,0.0888,0.7698,0.003,0.6951,0.0022,0.9611,0.0029,0.8067,0.0025,0.9264,0.0038
-PyG,AmazonComputers,link_pred,True,,,2,6,2,skipconcat,max,96,0.4736,0.0047,234685.0,0.397,0.0457,0.7727,0.0027,0.6929,0.0022,0.9798,0.0018,0.8117,0.002,0.9422,0.003
-PyG,AmazonComputers,link_pred,True,,,2,6,2,skipconcat,mean,88,0.4603,0.0012,234685.0,0.4313,0.0399,0.7926,0.0014,0.7145,0.0017,0.9746,0.0008,0.8245,0.0009,0.9471,0.0002
-PyG,AmazonComputers,link_pred,True,,,2,6,2,skipsum,add,97,0.4919,0.0033,313465.0,0.4038,0.0902,0.7652,0.0031,0.6932,0.003,0.9514,0.002,0.802,0.0023,0.9133,0.0025
-PyG,AmazonComputers,link_pred,True,,,2,6,2,skipsum,max,96,0.4805,0.0001,313465.0,0.4321,0.0424,0.7767,0.0004,0.6977,0.0006,0.9764,0.0009,0.8139,0.0002,0.9308,0.0005
-PyG,AmazonComputers,link_pred,True,,,2,6,2,skipsum,mean,96,0.4503,0.0018,313465.0,0.3503,0.0704,0.8122,0.002,0.7363,0.0026,0.973,0.0017,0.8382,0.0013,0.9495,0.0012
-PyG,AmazonComputers,link_pred,True,,,2,6,3,skipconcat,add,96,0.4698,0.0044,235656.0,0.3781,0.0352,0.7774,0.0021,0.701,0.0018,0.9673,0.0013,0.8129,0.0016,0.9347,0.0029
-PyG,AmazonComputers,link_pred,True,,,2,6,3,skipconcat,max,96,0.4638,0.0076,235656.0,0.3939,0.1058,0.7855,0.0085,0.7053,0.0087,0.9815,0.0003,0.8207,0.0058,0.9457,0.0039
-PyG,AmazonComputers,link_pred,True,,,2,6,3,skipconcat,mean,94,0.4478,0.0012,235656.0,0.3346,0.014,0.8076,0.0012,0.73,0.0011,0.9764,0.0006,0.8354,0.0009,0.9526,0.001
-PyG,AmazonComputers,link_pred,True,,,2,6,3,skipsum,add,96,0.4821,0.0033,306321.0,0.3961,0.0285,0.765,0.0023,0.6909,0.0019,0.959,0.0016,0.8032,0.0018,0.9225,0.0026
-PyG,AmazonComputers,link_pred,True,,,2,6,3,skipsum,max,96,0.4751,0.0033,306321.0,0.4159,0.0481,0.7816,0.0035,0.7022,0.0034,0.9779,0.0012,0.8174,0.0025,0.9352,0.0029
-PyG,AmazonComputers,link_pred,True,,,2,6,3,skipsum,mean,94,0.4472,0.0023,306321.0,0.4076,0.066,0.8173,0.0012,0.7415,0.0012,0.9741,0.0007,0.842,0.001,0.9524,0.0015
-PyG,AmazonComputers,link_pred,True,,,2,8,2,skipconcat,add,99,0.487,0.0046,229825.0,0.3415,0.0174,0.77,0.0023,0.6962,0.0019,0.9583,0.003,0.8065,0.002,0.9239,0.0025
-PyG,AmazonComputers,link_pred,True,,,2,8,2,skipconcat,max,95,0.4746,0.0044,229825.0,0.4189,0.0688,0.7718,0.0025,0.6921,0.0021,0.9794,0.0016,0.811,0.0019,0.9417,0.0029
-PyG,AmazonComputers,link_pred,True,,,2,8,2,skipconcat,mean,96,0.4568,0.0037,229825.0,0.4081,0.1022,0.7952,0.0015,0.7172,0.0014,0.9749,0.0011,0.8264,0.0011,0.948,0.0017
-PyG,AmazonComputers,link_pred,True,,,2,8,2,skipsum,add,99,0.4868,0.0054,303377.0,0.3962,0.0435,0.7675,0.0019,0.6941,0.001,0.9568,0.0034,0.8045,0.0018,0.9189,0.0043
-PyG,AmazonComputers,link_pred,True,,,2,8,2,skipsum,max,89,0.4816,0.0063,303377.0,0.3961,0.0528,0.7742,0.0041,0.6957,0.0036,0.975,0.0021,0.812,0.0031,0.9293,0.0051
-PyG,AmazonComputers,link_pred,True,,,2,8,2,skipsum,mean,97,0.4507,0.0009,303377.0,0.4718,0.0561,0.8094,0.001,0.7331,0.0014,0.973,0.0008,0.8362,0.0006,0.95,0.0004
-PyG,AmazonComputers,link_pred,True,,,2,8,3,skipconcat,add,95,0.4759,0.0025,226585.0,0.4087,0.0505,0.7766,0.0016,0.7021,0.0017,0.9609,0.0015,0.8114,0.0011,0.9282,0.0027
-PyG,AmazonComputers,link_pred,True,,,2,8,3,skipconcat,max,97,0.4597,0.0042,226585.0,0.3857,0.0522,0.7887,0.0041,0.7085,0.0045,0.9811,0.0013,0.8228,0.0027,0.9479,0.0021
-PyG,AmazonComputers,link_pred,True,,,2,8,3,skipconcat,mean,96,0.4486,0.0029,226585.0,0.3643,0.0227,0.8081,0.0038,0.7304,0.0042,0.9769,0.0,0.8358,0.0027,0.9521,0.0015
-PyG,AmazonComputers,link_pred,True,,,2,8,3,skipsum,add,97,0.4852,0.0036,297985.0,0.4813,0.0723,0.7645,0.005,0.6914,0.0038,0.9554,0.0046,0.8022,0.0041,0.9188,0.0048
-PyG,AmazonComputers,link_pred,True,,,2,8,3,skipsum,max,90,0.4759,0.0011,297985.0,0.4139,0.0326,0.7805,0.0021,0.7015,0.0023,0.9768,0.0005,0.8165,0.0014,0.9337,0.0012
-PyG,AmazonComputers,link_pred,True,,,2,8,3,skipsum,mean,90,0.4503,0.0025,297985.0,0.426,0.0437,0.8152,0.0041,0.7395,0.0048,0.9734,0.0007,0.8404,0.0029,0.95,0.001
-PyG,AmazonPhoto,link_pred,True,,,1,2,2,skipconcat,add,94,0.4667,0.0018,271310.0,0.1808,0.028,0.7838,0.0016,0.7037,0.0017,0.9805,0.001,0.8193,0.001,0.9457,0.0009
-PyG,AmazonPhoto,link_pred,True,,,1,2,2,skipconcat,max,99,0.461,0.003,271310.0,0.139,0.0142,0.7873,0.0021,0.7044,0.0021,0.9899,0.0004,0.8231,0.0015,0.9518,0.0016
-PyG,AmazonPhoto,link_pred,True,,,1,2,2,skipconcat,mean,97,0.4593,0.0055,271310.0,0.1577,0.0279,0.799,0.002,0.7174,0.0021,0.9867,0.0002,0.8308,0.0014,0.9524,0.0022
-PyG,AmazonPhoto,link_pred,True,,,1,2,2,skipsum,add,96,0.4637,0.003,364525.0,0.1796,0.0711,0.7871,0.0008,0.7069,0.0007,0.9812,0.0005,0.8217,0.0007,0.9447,0.0017
-PyG,AmazonPhoto,link_pred,True,,,1,2,2,skipsum,max,96,0.465,0.0043,364525.0,0.1651,0.0277,0.7856,0.0031,0.703,0.0029,0.9891,0.0006,0.8219,0.0022,0.947,0.0034
-PyG,AmazonPhoto,link_pred,True,,,1,2,2,skipsum,mean,99,0.4542,0.0037,364525.0,0.1366,0.0121,0.8114,0.0021,0.7305,0.0024,0.9867,0.0007,0.8395,0.0014,0.9516,0.0022
-PyG,AmazonPhoto,link_pred,True,,,1,2,3,skipconcat,add,99,0.4512,0.0004,264533.0,0.1297,0.0012,0.7947,0.0031,0.714,0.0034,0.9831,0.002,0.8272,0.0021,0.952,0.0004
-PyG,AmazonPhoto,link_pred,True,,,1,2,3,skipconcat,max,99,0.4506,0.0026,264533.0,0.1511,0.0135,0.8002,0.003,0.7176,0.0031,0.9901,0.0007,0.8321,0.0021,0.9558,0.0018
-PyG,AmazonPhoto,link_pred,True,,,1,2,3,skipconcat,mean,97,0.4457,0.0051,264533.0,0.1394,0.0162,0.8126,0.0021,0.7316,0.0018,0.9875,0.0014,0.8405,0.0017,0.9575,0.0034
-PyG,AmazonPhoto,link_pred,True,,,1,2,3,skipsum,add,96,0.4565,0.0025,348450.0,0.1338,0.0048,0.7918,0.0008,0.7111,0.0005,0.9829,0.0011,0.8252,0.0007,0.9488,0.0028
-PyG,AmazonPhoto,link_pred,True,,,1,2,3,skipsum,max,90,0.4559,0.0017,348450.0,0.1789,0.0466,0.7958,0.004,0.7132,0.0043,0.9898,0.0007,0.829,0.0027,0.9522,0.0018
-PyG,AmazonPhoto,link_pred,True,,,1,2,3,skipsum,mean,97,0.4424,0.0042,348450.0,0.1523,0.0157,0.8186,0.0018,0.7378,0.0022,0.9884,0.0004,0.8449,0.0012,0.9591,0.0026
-PyG,AmazonPhoto,link_pred,True,,,1,4,2,skipconcat,add,99,0.4595,0.0045,246501.0,0.1371,0.0067,0.7867,0.003,0.7068,0.0029,0.9799,0.001,0.8212,0.0022,0.9485,0.0017
-PyG,AmazonPhoto,link_pred,True,,,1,4,2,skipconcat,max,99,0.4541,0.0035,246501.0,0.1417,0.0147,0.7872,0.0024,0.7041,0.0025,0.9907,0.0004,0.8232,0.0016,0.9584,0.0015
-PyG,AmazonPhoto,link_pred,True,,,1,4,2,skipconcat,mean,96,0.4433,0.0021,246501.0,0.1304,0.0148,0.8099,0.0027,0.7288,0.003,0.987,0.0003,0.8385,0.0019,0.96,0.0011
-PyG,AmazonPhoto,link_pred,True,,,1,4,2,skipsum,add,96,0.4601,0.0017,333765.0,0.1557,0.019,0.7861,0.0019,0.7056,0.002,0.9817,0.0014,0.8211,0.0012,0.9461,0.0017
-PyG,AmazonPhoto,link_pred,True,,,1,4,2,skipsum,max,99,0.4622,0.0028,333765.0,0.1753,0.0465,0.7893,0.0019,0.7066,0.0019,0.9894,0.0004,0.8244,0.0013,0.9488,0.0024
-PyG,AmazonPhoto,link_pred,True,,,1,4,2,skipsum,mean,85,0.44,0.0022,333765.0,0.1519,0.0166,0.8223,0.0046,0.7427,0.0048,0.9863,0.0013,0.8474,0.0035,0.96,0.0016
-PyG,AmazonPhoto,link_pred,True,,,1,4,3,skipconcat,add,99,0.45,0.0018,242306.0,0.1289,0.0075,0.7949,0.0024,0.7145,0.0026,0.9823,0.0009,0.8273,0.0016,0.9525,0.001
-PyG,AmazonPhoto,link_pred,True,,,1,4,3,skipconcat,max,99,0.4416,0.002,242306.0,0.1431,0.0297,0.8034,0.0035,0.7206,0.0038,0.9912,0.0005,0.8345,0.0024,0.9626,0.0007
-PyG,AmazonPhoto,link_pred,True,,,1,4,3,skipconcat,mean,96,0.4371,0.0023,242306.0,0.1494,0.0081,0.8198,0.0013,0.7391,0.001,0.9885,0.0015,0.8458,0.0011,0.9625,0.0019
-PyG,AmazonPhoto,link_pred,True,,,1,4,3,skipsum,add,96,0.4563,0.0061,325249.0,0.1442,0.0146,0.7888,0.006,0.7081,0.0051,0.9827,0.0033,0.8231,0.0046,0.9489,0.005
-PyG,AmazonPhoto,link_pred,True,,,1,4,3,skipsum,max,99,0.4512,0.0004,325249.0,0.1647,0.0107,0.8035,0.0019,0.7211,0.0021,0.9897,0.0007,0.8343,0.0014,0.9549,0.001
-PyG,AmazonPhoto,link_pred,True,,,1,4,3,skipsum,mean,99,0.4345,0.0025,325249.0,0.1486,0.0251,0.8328,0.0017,0.7542,0.0017,0.9874,0.0012,0.8552,0.0013,0.9633,0.0016
-PyG,AmazonPhoto,link_pred,True,,,1,6,2,skipconcat,add,99,0.4572,0.0016,232020.0,0.1463,0.0089,0.7863,0.0015,0.7063,0.001,0.9803,0.0022,0.821,0.0013,0.9505,0.0021
-PyG,AmazonPhoto,link_pred,True,,,1,6,2,skipconcat,max,99,0.4516,0.0033,232020.0,0.1577,0.0074,0.7833,0.0007,0.7,0.0008,0.9914,0.0002,0.8206,0.0005,0.9607,0.0023
-PyG,AmazonPhoto,link_pred,True,,,1,6,2,skipconcat,mean,99,0.437,0.0048,232020.0,0.1357,0.0084,0.8154,0.0033,0.7347,0.0037,0.9874,0.0006,0.8425,0.0024,0.963,0.0029
-PyG,AmazonPhoto,link_pred,True,,,1,6,2,skipsum,add,96,0.4617,0.002,316827.0,0.1616,0.0041,0.7856,0.0021,0.7055,0.0018,0.9805,0.0014,0.8206,0.0017,0.945,0.0018
-PyG,AmazonPhoto,link_pred,True,,,1,6,2,skipsum,max,96,0.4565,0.0016,316827.0,0.16,0.0142,0.7979,0.0016,0.7159,0.0018,0.9879,0.0009,0.8302,0.0011,0.9508,0.0014
-PyG,AmazonPhoto,link_pred,True,,,1,6,2,skipsum,mean,99,0.4346,0.0012,316827.0,0.1468,0.012,0.8337,0.0007,0.7557,0.0012,0.9863,0.001,0.8557,0.0004,0.9623,0.0005
-PyG,AmazonPhoto,link_pred,True,,,1,6,3,skipconcat,add,94,0.4475,0.0021,233591.0,0.1411,0.0212,0.7929,0.0015,0.7118,0.002,0.9844,0.0021,0.8262,0.001,0.9551,0.0016
-PyG,AmazonPhoto,link_pred,True,,,1,6,3,skipconcat,max,96,0.4395,0.0051,233591.0,0.1439,0.0125,0.8007,0.005,0.7179,0.0052,0.9909,0.0007,0.8326,0.0034,0.9638,0.0026
-PyG,AmazonPhoto,link_pred,True,,,1,6,3,skipconcat,mean,99,0.4355,0.0011,233591.0,0.1741,0.0516,0.8227,0.0011,0.7426,0.0011,0.9875,0.0005,0.8478,0.0009,0.9628,0.0006
-PyG,AmazonPhoto,link_pred,True,,,1,6,3,skipsum,add,99,0.4559,0.0049,310209.0,0.1616,0.0089,0.7845,0.0045,0.7038,0.0047,0.9825,0.0011,0.8201,0.003,0.949,0.003
-PyG,AmazonPhoto,link_pred,True,,,1,6,3,skipsum,max,96,0.4566,0.0011,310209.0,0.1764,0.0177,0.7973,0.0036,0.7149,0.0038,0.9892,0.0004,0.83,0.0025,0.951,0.0002
-PyG,AmazonPhoto,link_pred,True,,,1,6,3,skipsum,mean,96,0.4331,0.0035,310209.0,0.161,0.0296,0.8364,0.0015,0.7585,0.0018,0.9871,0.0007,0.8578,0.001,0.9637,0.0023
-PyG,AmazonPhoto,link_pred,True,,,1,8,2,skipconcat,add,94,0.4589,0.0047,228033.0,0.1907,0.0351,0.7878,0.0028,0.7079,0.0027,0.9801,0.0008,0.822,0.002,0.9506,0.0017
-PyG,AmazonPhoto,link_pred,True,,,1,8,2,skipconcat,max,96,0.4481,0.0013,228033.0,0.172,0.0319,0.7872,0.0009,0.7042,0.0011,0.9904,0.0007,0.8232,0.0005,0.9608,0.0004
-PyG,AmazonPhoto,link_pred,True,,,1,8,2,skipconcat,mean,99,0.4398,0.0024,228033.0,0.1541,0.017,0.8163,0.0056,0.736,0.0061,0.9868,0.0003,0.8431,0.004,0.9614,0.0007
-PyG,AmazonPhoto,link_pred,True,,,1,8,2,skipsum,add,96,0.4641,0.0021,303241.0,0.2135,0.0613,0.7841,0.0028,0.7045,0.0028,0.9785,0.0021,0.8192,0.002,0.9426,0.0024
-PyG,AmazonPhoto,link_pred,True,,,1,8,2,skipsum,max,96,0.4617,0.0019,303241.0,0.1876,0.02,0.7891,0.0018,0.7068,0.0015,0.9881,0.0013,0.8241,0.0014,0.9479,0.0016
-PyG,AmazonPhoto,link_pred,True,,,1,8,2,skipsum,mean,99,0.4346,0.0007,303241.0,0.171,0.017,0.8336,0.0036,0.7556,0.0038,0.9863,0.001,0.8557,0.0028,0.963,0.0004
-PyG,AmazonPhoto,link_pred,True,,,1,8,3,skipconcat,add,99,0.4495,0.0005,225208.0,0.1285,0.0043,0.7919,0.0014,0.7114,0.0015,0.9822,0.0016,0.8251,0.001,0.9527,0.0012
-PyG,AmazonPhoto,link_pred,True,,,1,8,3,skipconcat,max,99,0.4415,0.004,225208.0,0.1652,0.0179,0.7974,0.0029,0.7146,0.0027,0.9905,0.0017,0.8302,0.0021,0.963,0.0028
-PyG,AmazonPhoto,link_pred,True,,,1,8,3,skipconcat,mean,99,0.4331,0.0018,225208.0,0.1409,0.0067,0.8262,0.0027,0.7463,0.0029,0.9883,0.0011,0.8504,0.002,0.9643,0.0009
-PyG,AmazonPhoto,link_pred,True,,,1,8,3,skipsum,add,96,0.4576,0.0025,300429.0,0.1804,0.0136,0.7832,0.0015,0.7035,0.0019,0.9792,0.0015,0.8188,0.0008,0.9463,0.0023
-PyG,AmazonPhoto,link_pred,True,,,1,8,3,skipsum,max,99,0.4542,0.0023,300429.0,0.2174,0.0331,0.7974,0.0023,0.7147,0.0023,0.9902,0.0003,0.8302,0.0016,0.9538,0.0016
-PyG,AmazonPhoto,link_pred,True,,,1,8,3,skipsum,mean,99,0.4303,0.0015,300429.0,0.1589,0.0086,0.8408,0.0025,0.7635,0.0028,0.9876,0.0006,0.8612,0.002,0.9658,0.0009
-PyG,AmazonPhoto,link_pred,True,,,2,2,2,skipconcat,add,96,0.4539,0.0026,270941.0,0.1326,0.0123,0.7896,0.0008,0.7083,0.0008,0.9844,0.001,0.8238,0.0007,0.9538,0.0018
-PyG,AmazonPhoto,link_pred,True,,,2,2,2,skipconcat,max,93,0.4573,0.0017,270941.0,0.1637,0.0344,0.792,0.0019,0.7091,0.0018,0.9902,0.0004,0.8264,0.0013,0.9541,0.0005
-PyG,AmazonPhoto,link_pred,True,,,2,2,2,skipconcat,mean,99,0.4484,0.0054,270941.0,0.1472,0.0369,0.8057,0.0013,0.7241,0.0015,0.988,0.0006,0.8357,0.0008,0.9572,0.0031
-PyG,AmazonPhoto,link_pred,True,,,2,2,2,skipsum,add,99,0.4555,0.0038,348450.0,0.1451,0.0203,0.7935,0.0028,0.7122,0.0028,0.9852,0.0009,0.8267,0.002,0.9513,0.0023
-PyG,AmazonPhoto,link_pred,True,,,2,2,2,skipsum,max,99,0.4565,0.0015,348450.0,0.1464,0.008,0.7932,0.0027,0.7105,0.0029,0.9899,0.0008,0.8272,0.0017,0.9524,0.0007
-PyG,AmazonPhoto,link_pred,True,,,2,2,2,skipsum,mean,85,0.4445,0.0027,348450.0,0.1635,0.0313,0.8154,0.0016,0.7346,0.0016,0.9876,0.0005,0.8425,0.0012,0.9578,0.0012
-PyG,AmazonPhoto,link_pred,True,,,2,2,3,skipconcat,add,96,0.4433,0.0039,259841.0,0.1469,0.0045,0.7996,0.002,0.7182,0.0015,0.9862,0.0018,0.8311,0.0017,0.9584,0.0029
-PyG,AmazonPhoto,link_pred,True,,,2,2,3,skipconcat,max,99,0.4488,0.0024,259841.0,0.1463,0.0231,0.801,0.0052,0.7184,0.0055,0.9902,0.0005,0.8326,0.0036,0.9571,0.0016
-PyG,AmazonPhoto,link_pred,True,,,2,2,3,skipconcat,mean,99,0.4386,0.0021,259841.0,0.1385,0.0243,0.8193,0.0042,0.7381,0.0045,0.99,0.0002,0.8456,0.0031,0.9626,0.0011
-PyG,AmazonPhoto,link_pred,True,,,2,2,3,skipsum,add,96,0.4495,0.0017,333765.0,0.129,0.0119,0.7978,0.0016,0.7166,0.0014,0.9852,0.0009,0.8297,0.0012,0.9541,0.0018
-PyG,AmazonPhoto,link_pred,True,,,2,2,3,skipsum,max,99,0.4485,0.0013,333765.0,0.1476,0.0045,0.801,0.0029,0.7182,0.003,0.9906,0.001,0.8327,0.002,0.9577,0.0007
-PyG,AmazonPhoto,link_pred,True,,,2,2,3,skipsum,mean,96,0.4363,0.004,333765.0,0.1342,0.011,0.8253,0.0026,0.7452,0.0027,0.9887,0.001,0.8498,0.002,0.9631,0.0025
-PyG,AmazonPhoto,link_pred,True,,,2,4,2,skipconcat,add,99,0.4512,0.0018,242194.0,0.1304,0.0095,0.7901,0.0012,0.7091,0.0012,0.9838,0.0004,0.8242,0.0009,0.955,0.0011
-PyG,AmazonPhoto,link_pred,True,,,2,4,2,skipconcat,max,96,0.4508,0.006,242194.0,0.1415,0.0111,0.7913,0.0058,0.7085,0.0058,0.9902,0.0008,0.826,0.0041,0.959,0.0028
-PyG,AmazonPhoto,link_pred,True,,,2,4,2,skipconcat,mean,99,0.4418,0.0014,242194.0,0.14,0.0035,0.8098,0.0045,0.7282,0.0048,0.9886,0.0003,0.8387,0.0033,0.9615,0.0001
-PyG,AmazonPhoto,link_pred,True,,,2,4,2,skipsum,add,99,0.4567,0.0033,325249.0,0.1608,0.0069,0.7935,0.0012,0.7134,0.0012,0.9811,0.0006,0.8261,0.0008,0.9485,0.002
-PyG,AmazonPhoto,link_pred,True,,,2,4,2,skipsum,max,96,0.4553,0.0039,325249.0,0.1753,0.0196,0.7951,0.0013,0.7129,0.0013,0.9883,0.0007,0.8283,0.0009,0.9518,0.0025
-PyG,AmazonPhoto,link_pred,True,,,2,4,2,skipsum,mean,96,0.4366,0.0043,325249.0,0.1713,0.0393,0.8258,0.0047,0.7458,0.0052,0.9885,0.0004,0.8502,0.0035,0.9624,0.0029
-PyG,AmazonPhoto,link_pred,True,,,2,4,3,skipconcat,add,99,0.4463,0.002,235681.0,0.1455,0.0047,0.7958,0.0037,0.7143,0.0039,0.9858,0.0005,0.8284,0.0026,0.9562,0.0008
-PyG,AmazonPhoto,link_pred,True,,,2,4,3,skipconcat,max,99,0.4429,0.0026,235681.0,0.1443,0.0119,0.8024,0.0006,0.7196,0.0007,0.991,0.0007,0.8338,0.0004,0.9617,0.0022
-PyG,AmazonPhoto,link_pred,True,,,2,4,3,skipconcat,mean,85,0.4359,0.0021,235681.0,0.1433,0.0234,0.8229,0.004,0.7425,0.0041,0.9887,0.0011,0.8481,0.0031,0.9631,0.0008
-PyG,AmazonPhoto,link_pred,True,,,2,4,3,skipsum,add,96,0.4467,0.0053,316827.0,0.1521,0.0161,0.7958,0.0044,0.7146,0.0041,0.9852,0.0018,0.8283,0.0032,0.956,0.0036
-PyG,AmazonPhoto,link_pred,True,,,2,4,3,skipsum,max,96,0.449,0.0024,316827.0,0.1462,0.0063,0.8023,0.0028,0.7197,0.0031,0.9903,0.0005,0.8336,0.002,0.9566,0.0016
-PyG,AmazonPhoto,link_pred,True,,,2,4,3,skipsum,mean,96,0.4331,0.0009,316827.0,0.143,0.0103,0.8346,0.0017,0.7567,0.0016,0.9864,0.0011,0.8564,0.0014,0.9642,0.0008
-PyG,AmazonPhoto,link_pred,True,,,2,6,2,skipconcat,add,92,0.46,0.0081,233783.0,0.1674,0.0408,0.7869,0.002,0.7069,0.0014,0.9805,0.0025,0.8215,0.0018,0.9491,0.0045
-PyG,AmazonPhoto,link_pred,True,,,2,6,2,skipconcat,max,99,0.4494,0.0064,233783.0,0.1447,0.0034,0.7903,0.0044,0.7073,0.0043,0.9904,0.001,0.8252,0.0031,0.9606,0.0031
-PyG,AmazonPhoto,link_pred,True,,,2,6,2,skipconcat,mean,99,0.4392,0.0035,233783.0,0.1471,0.0129,0.8109,0.0055,0.7299,0.0058,0.9873,0.0007,0.8393,0.004,0.9622,0.0017
-PyG,AmazonPhoto,link_pred,True,,,2,6,2,skipsum,add,94,0.4591,0.0004,310209.0,0.1665,0.0148,0.7856,0.002,0.705,0.0019,0.982,0.0012,0.8208,0.0014,0.9473,0.0007
-PyG,AmazonPhoto,link_pred,True,,,2,6,2,skipsum,max,99,0.4554,0.0019,310209.0,0.1789,0.0274,0.7949,0.0035,0.7125,0.0035,0.9887,0.0005,0.8282,0.0024,0.953,0.0015
-PyG,AmazonPhoto,link_pred,True,,,2,6,2,skipsum,mean,85,0.4329,0.0025,310209.0,0.1834,0.0091,0.8341,0.0013,0.7555,0.0018,0.9879,0.0013,0.8563,0.0009,0.9643,0.0014
-PyG,AmazonPhoto,link_pred,True,,,2,6,3,skipconcat,add,99,0.4449,0.0016,234886.0,0.1466,0.0082,0.7965,0.0017,0.7151,0.002,0.9855,0.0006,0.8288,0.0011,0.9567,0.0012
-PyG,AmazonPhoto,link_pred,True,,,2,6,3,skipconcat,max,91,0.4428,0.0042,234886.0,0.1911,0.0343,0.8025,0.0012,0.7198,0.0016,0.9909,0.001,0.8339,0.0007,0.9622,0.0014
-PyG,AmazonPhoto,link_pred,True,,,2,6,3,skipconcat,mean,85,0.434,0.003,234886.0,0.1549,0.003,0.8251,0.0036,0.7454,0.004,0.9877,0.0018,0.8496,0.0027,0.9643,0.0011
-PyG,AmazonPhoto,link_pred,True,,,2,6,3,skipsum,add,96,0.4517,0.0017,303241.0,0.1642,0.0229,0.7907,0.0025,0.7098,0.0022,0.9836,0.0012,0.8245,0.0019,0.9521,0.0014
-PyG,AmazonPhoto,link_pred,True,,,2,6,3,skipsum,max,96,0.4532,0.0019,303241.0,0.1786,0.0175,0.7963,0.0024,0.7137,0.0026,0.9898,0.0008,0.8294,0.0017,0.9538,0.0013
-PyG,AmazonPhoto,link_pred,True,,,2,6,3,skipsum,mean,99,0.4315,0.0024,303241.0,0.1872,0.0245,0.8371,0.0017,0.7594,0.002,0.9869,0.001,0.8583,0.0013,0.9654,0.0016
-PyG,AmazonPhoto,link_pred,True,,,2,8,2,skipconcat,add,96,0.4611,0.0038,229121.0,0.1363,0.0071,0.7888,0.001,0.71,0.0009,0.9763,0.0011,0.8221,0.0007,0.9467,0.0019
-PyG,AmazonPhoto,link_pred,True,,,2,8,2,skipconcat,max,99,0.4528,0.0046,229121.0,0.1988,0.0188,0.7851,0.0033,0.7024,0.0032,0.9892,0.0007,0.8215,0.0023,0.9587,0.0024
-PyG,AmazonPhoto,link_pred,True,,,2,8,2,skipconcat,mean,93,0.4354,0.0008,229121.0,0.1779,0.0465,0.8158,0.0024,0.7353,0.0028,0.987,0.0007,0.8427,0.0016,0.9639,0.0013
-PyG,AmazonPhoto,link_pred,True,,,2,8,2,skipsum,add,96,0.457,0.0028,300429.0,0.2134,0.0306,0.784,0.0009,0.7036,0.0008,0.9814,0.002,0.8196,0.0008,0.9482,0.0022
-PyG,AmazonPhoto,link_pred,True,,,2,8,2,skipsum,max,96,0.4585,0.002,300429.0,0.2109,0.0296,0.7932,0.0039,0.7107,0.0039,0.989,0.0004,0.8271,0.0028,0.9503,0.0015
-PyG,AmazonPhoto,link_pred,True,,,2,8,2,skipsum,mean,91,0.4346,0.0042,300429.0,0.1648,0.021,0.8353,0.0023,0.7575,0.0023,0.9863,0.0014,0.8569,0.0018,0.9633,0.0027
-PyG,AmazonPhoto,link_pred,True,,,2,8,3,skipconcat,add,94,0.4499,0.0028,225991.0,0.1393,0.0142,0.7929,0.0032,0.7122,0.0031,0.9832,0.0006,0.826,0.0022,0.953,0.0016
-PyG,AmazonPhoto,link_pred,True,,,2,8,3,skipconcat,max,96,0.4435,0.0025,225991.0,0.1585,0.0102,0.7985,0.0027,0.7156,0.003,0.991,0.0008,0.8311,0.0018,0.9615,0.0008
-PyG,AmazonPhoto,link_pred,True,,,2,8,3,skipconcat,mean,99,0.4347,0.0024,225991.0,0.144,0.003,0.827,0.0037,0.7477,0.004,0.9871,0.0005,0.8509,0.0028,0.9633,0.0015
-PyG,AmazonPhoto,link_pred,True,,,2,8,3,skipsum,add,88,0.4546,0.002,295169.0,0.1835,0.0505,0.7854,0.0024,0.7043,0.0023,0.9838,0.0016,0.8209,0.0017,0.9503,0.0023
-PyG,AmazonPhoto,link_pred,True,,,2,8,3,skipsum,max,96,0.4537,0.0022,295169.0,0.2034,0.058,0.7973,0.0029,0.7148,0.0031,0.9894,0.0007,0.83,0.002,0.9537,0.0009
-PyG,AmazonPhoto,link_pred,True,,,2,8,3,skipsum,mean,99,0.4306,0.0017,295169.0,0.1794,0.0275,0.8387,0.0041,0.7614,0.0051,0.9865,0.0019,0.8594,0.003,0.9652,0.0019
-PyG,CiteSeer,link_pred,True,,,1,2,2,skipconcat,add,92,0.4436,0.0019,558236.0,0.09,0.0018,0.7617,0.0098,0.6773,0.009,1.0,0.0,0.8076,0.0064,0.9857,0.0043
-PyG,CiteSeer,link_pred,True,,,1,2,2,skipconcat,max,98,0.4942,0.0025,558236.0,0.0995,0.0129,0.756,0.0031,0.672,0.0028,1.0,0.0,0.8038,0.002,0.9747,0.0032
-PyG,CiteSeer,link_pred,True,,,1,2,2,skipconcat,mean,88,0.4676,0.0275,558236.0,0.0938,0.0062,0.7595,0.0082,0.6753,0.0074,1.0,0.0,0.8062,0.0053,0.9831,0.0055
-PyG,CiteSeer,link_pred,True,,,1,2,2,skipsum,add,92,0.4456,0.0116,1021201.0,0.1084,0.0156,0.763,0.0007,0.6785,0.0007,1.0,0.0,0.8085,0.0005,0.9872,0.0044
-PyG,CiteSeer,link_pred,True,,,1,2,2,skipsum,max,96,0.459,0.009,1021201.0,0.0909,0.0109,0.7645,0.0069,0.6799,0.0063,1.0,0.0,0.8094,0.0045,0.9734,0.003
-PyG,CiteSeer,link_pred,True,,,1,2,2,skipsum,mean,87,0.4404,0.0119,1021201.0,0.1191,0.0395,0.7582,0.0024,0.6741,0.0022,1.0,0.0,0.8053,0.0016,0.9866,0.0037
-PyG,CiteSeer,link_pred,True,,,1,2,3,skipconcat,add,98,0.422,0.0032,507089.0,0.0977,0.0076,0.766,0.0005,0.6812,0.0004,1.0,0.0,0.8104,0.0003,0.9893,0.002
-PyG,CiteSeer,link_pred,True,,,1,2,3,skipconcat,max,93,0.4342,0.0037,507089.0,0.1028,0.0144,0.7657,0.0036,0.6809,0.0033,1.0,0.0,0.8102,0.0024,0.9844,0.002
-PyG,CiteSeer,link_pred,True,,,1,2,3,skipconcat,mean,99,0.4389,0.0119,507089.0,0.1175,0.0064,0.7595,0.0054,0.6752,0.0049,1.0,0.0,0.8061,0.0034,0.9859,0.0051
-PyG,CiteSeer,link_pred,True,,,1,2,3,skipsum,add,80,0.4199,0.0048,937092.0,0.1222,0.0154,0.7665,0.0034,0.6816,0.0032,1.0,0.0,0.8107,0.0023,0.9892,0.0004
-PyG,CiteSeer,link_pred,True,,,1,2,3,skipsum,max,94,0.4487,0.0035,937092.0,0.0969,0.0055,0.7645,0.0038,0.6798,0.0035,1.0,0.0,0.8094,0.0025,0.9756,0.0016
-PyG,CiteSeer,link_pred,True,,,1,2,3,skipsum,mean,96,0.4292,0.0065,937092.0,0.0953,0.0098,0.77,0.0027,0.6849,0.0025,1.0,0.0,0.813,0.0018,0.9838,0.003
-PyG,CiteSeer,link_pred,True,,,1,4,2,skipconcat,add,77,0.4447,0.0094,418065.0,0.1616,0.0687,0.7639,0.0031,0.6793,0.0029,1.0,0.0,0.809,0.002,0.985,0.0045
-PyG,CiteSeer,link_pred,True,,,1,4,2,skipconcat,max,88,0.4768,0.0183,418065.0,0.1154,0.0073,0.7756,0.0051,0.6902,0.0049,1.0,0.0,0.8167,0.0034,0.9698,0.0037
-PyG,CiteSeer,link_pred,True,,,1,4,2,skipconcat,mean,92,0.4629,0.0061,418065.0,0.1014,0.0031,0.7645,0.0095,0.6799,0.0087,1.0,0.0,0.8094,0.0062,0.9805,0.0032
-PyG,CiteSeer,link_pred,True,,,1,4,2,skipsum,add,92,0.4244,0.0085,869163.0,0.101,0.0057,0.7627,0.0027,0.6782,0.0025,1.0,0.0,0.8082,0.0017,0.9884,0.0024
-PyG,CiteSeer,link_pred,True,,,1,4,2,skipsum,max,90,0.4717,0.0144,869163.0,0.0993,0.0022,0.7675,0.0099,0.6827,0.0093,1.0,0.0,0.8114,0.0065,0.9585,0.0029
-PyG,CiteSeer,link_pred,True,,,1,4,2,skipsum,mean,90,0.4459,0.0111,869163.0,0.0962,0.0033,0.7683,0.0053,0.6834,0.0049,1.0,0.0,0.8119,0.0035,0.9773,0.0019
-PyG,CiteSeer,link_pred,True,,,1,4,3,skipconcat,add,91,0.4319,0.0113,387248.0,0.1149,0.025,0.7627,0.0069,0.6782,0.0064,1.0,0.0,0.8082,0.0045,0.9864,0.0047
-PyG,CiteSeer,link_pred,True,,,1,4,3,skipconcat,max,88,0.4546,0.0181,387248.0,0.1035,0.0151,0.7624,0.0087,0.6779,0.0081,1.0,0.0,0.808,0.0057,0.9725,0.0031
-PyG,CiteSeer,link_pred,True,,,1,4,3,skipconcat,mean,98,0.4309,0.0047,387248.0,0.1015,0.0167,0.7763,0.003,0.6909,0.0028,1.0,0.0,0.8172,0.002,0.9818,0.0039
-PyG,CiteSeer,link_pred,True,,,1,4,3,skipsum,add,87,0.4145,0.0052,822193.0,0.1176,0.031,0.7711,0.0078,0.6861,0.0074,1.0,0.0,0.8138,0.0052,0.9891,0.0018
-PyG,CiteSeer,link_pred,True,,,1,4,3,skipsum,max,94,0.4674,0.0051,822193.0,0.0904,0.0063,0.7699,0.0017,0.6848,0.0016,1.0,0.0,0.813,0.0011,0.9553,0.0032
-PyG,CiteSeer,link_pred,True,,,1,4,3,skipsum,mean,98,0.4458,0.0025,822193.0,0.0982,0.0072,0.7773,0.0032,0.6921,0.0027,0.9991,0.0013,0.8177,0.0023,0.9679,0.0036
-PyG,CiteSeer,link_pred,True,,,1,6,2,skipconcat,add,90,0.4372,0.0085,353298.0,0.0783,0.0148,0.7658,0.0035,0.6811,0.0032,0.9995,0.0007,0.8101,0.0023,0.9847,0.0042
-PyG,CiteSeer,link_pred,True,,,1,6,2,skipconcat,max,91,0.4914,0.0136,353298.0,0.0874,0.01,0.7616,0.0033,0.6771,0.003,1.0,0.0,0.8075,0.0022,0.9653,0.0028
-PyG,CiteSeer,link_pred,True,,,1,6,2,skipconcat,mean,93,0.4565,0.0212,353298.0,0.0983,0.012,0.7679,0.0043,0.683,0.004,1.0,0.0,0.8117,0.0028,0.9769,0.0057
-PyG,CiteSeer,link_pred,True,,,1,6,2,skipsum,add,95,0.4217,0.0058,781233.0,0.0924,0.004,0.7626,0.0076,0.6781,0.0071,1.0,0.0,0.8082,0.005,0.987,0.0004
-PyG,CiteSeer,link_pred,True,,,1,6,2,skipsum,max,90,0.4815,0.0231,781233.0,0.0955,0.0041,0.7633,0.0038,0.6789,0.0033,0.9995,0.0007,0.8086,0.0025,0.9521,0.0094
-PyG,CiteSeer,link_pred,True,,,1,6,2,skipsum,mean,98,0.4503,0.0021,781233.0,0.0966,0.0078,0.7826,0.003,0.6971,0.0029,0.9995,0.0007,0.8213,0.0021,0.9642,0.0009
-PyG,CiteSeer,link_pred,True,,,1,6,3,skipconcat,add,88,0.432,0.0106,337121.0,0.0945,0.0046,0.7691,0.008,0.6842,0.0075,1.0,0.0,0.8124,0.0053,0.9815,0.0058
-PyG,CiteSeer,link_pred,True,,,1,6,3,skipconcat,max,87,0.4513,0.0126,337121.0,0.0855,0.0259,0.7702,0.0029,0.6852,0.0027,1.0,0.0,0.8132,0.0019,0.972,0.0041
-PyG,CiteSeer,link_pred,True,,,1,6,3,skipconcat,mean,95,0.4377,0.0109,337121.0,0.1058,0.0014,0.7722,0.0064,0.687,0.0061,1.0,0.0,0.8145,0.0043,0.9754,0.0037
-PyG,CiteSeer,link_pred,True,,,1,6,3,skipsum,add,92,0.4201,0.0059,747993.0,0.1141,0.004,0.7644,0.0056,0.6799,0.0052,0.9995,0.0007,0.8093,0.0036,0.988,0.0016
-PyG,CiteSeer,link_pred,True,,,1,6,3,skipsum,max,90,0.476,0.0154,747993.0,0.1043,0.0134,0.7706,0.0073,0.6856,0.0069,0.9995,0.0007,0.8133,0.0048,0.9494,0.0044
-PyG,CiteSeer,link_pred,True,,,1,6,3,skipsum,mean,98,0.4512,0.0057,747993.0,0.1139,0.0123,0.7853,0.006,0.7004,0.0059,0.9973,0.0,0.8229,0.004,0.9588,0.0026
-PyG,CiteSeer,link_pred,True,,,1,8,2,skipconcat,add,92,0.4357,0.0056,322689.0,0.0966,0.0042,0.7684,0.0109,0.6836,0.0101,1.0,0.0,0.812,0.0072,0.9826,0.0047
-PyG,CiteSeer,link_pred,True,,,1,8,2,skipconcat,max,92,0.4946,0.0018,322689.0,0.1027,0.0029,0.7664,0.0036,0.6815,0.0034,1.0,0.0,0.8106,0.0024,0.9603,0.0045
-PyG,CiteSeer,link_pred,True,,,1,8,2,skipconcat,mean,84,0.4532,0.0109,322689.0,0.1293,0.0245,0.77,0.0022,0.685,0.002,1.0,0.0,0.813,0.0014,0.9745,0.002
-PyG,CiteSeer,link_pred,True,,,1,8,2,skipsum,add,90,0.4234,0.0058,717361.0,0.1341,0.0224,0.7616,0.008,0.6772,0.0073,1.0,0.0,0.8075,0.0052,0.9859,0.0012
-PyG,CiteSeer,link_pred,True,,,1,8,2,skipsum,max,91,0.4724,0.0072,717361.0,0.0944,0.0145,0.7717,0.0019,0.6867,0.0016,0.9995,0.0007,0.8141,0.0013,0.9481,0.006
-PyG,CiteSeer,link_pred,True,,,1,8,2,skipsum,mean,92,0.4522,0.0022,717361.0,0.1026,0.0143,0.7871,0.0057,0.7017,0.0058,0.9991,0.0007,0.8244,0.0038,0.9583,0.0014
-PyG,CiteSeer,link_pred,True,,,1,8,3,skipconcat,add,90,0.4317,0.0086,305074.0,0.1005,0.0006,0.7733,0.008,0.6883,0.0076,0.9995,0.0007,0.8152,0.0054,0.9794,0.0056
-PyG,CiteSeer,link_pred,True,,,1,8,3,skipconcat,max,92,0.4561,0.008,305074.0,0.097,0.0008,0.7707,0.0055,0.6857,0.0051,0.9995,0.0007,0.8134,0.0036,0.9655,0.0017
-PyG,CiteSeer,link_pred,True,,,1,8,3,skipconcat,mean,93,0.4413,0.0019,305074.0,0.1032,0.0063,0.7777,0.0042,0.6924,0.0042,0.9995,0.0007,0.8181,0.0027,0.9713,0.0025
-PyG,CiteSeer,link_pred,True,,,1,8,3,skipsum,add,77,0.42,0.0068,696801.0,0.1016,0.0034,0.7627,0.0048,0.6782,0.0044,1.0,0.0,0.8082,0.0031,0.9871,0.0028
-PyG,CiteSeer,link_pred,True,,,1,8,3,skipsum,max,91,0.4848,0.0037,696801.0,0.0577,0.0009,0.7685,0.0072,0.6844,0.0071,0.9968,0.0013,0.8116,0.0047,0.9362,0.0005
-PyG,CiteSeer,link_pred,True,,,1,8,3,skipsum,mean,91,0.4688,0.0039,696801.0,0.0989,0.0083,0.7695,0.0007,0.6863,0.0008,0.9931,0.0011,0.8117,0.0005,0.9428,0.0057
-PyG,CiteSeer,link_pred,True,,,2,2,2,skipconcat,add,87,0.4415,0.016,551951.0,0.0531,0.0164,0.7649,0.0039,0.6801,0.0036,1.0,0.0,0.8096,0.0026,0.9855,0.0059
-PyG,CiteSeer,link_pred,True,,,2,2,2,skipconcat,max,98,0.4809,0.0176,551951.0,0.1029,0.0062,0.7596,0.0056,0.6753,0.0051,1.0,0.0,0.8062,0.0036,0.9742,0.0029
-PyG,CiteSeer,link_pred,True,,,2,2,2,skipconcat,mean,88,0.4581,0.0265,551951.0,0.1236,0.0214,0.7589,0.0062,0.6747,0.0057,1.0,0.0,0.8058,0.004,0.9824,0.0079
-PyG,CiteSeer,link_pred,True,,,2,2,2,skipsum,add,93,0.4315,0.0088,937092.0,0.0946,0.0066,0.7605,0.0046,0.6762,0.0042,1.0,0.0,0.8068,0.003,0.9898,0.003
-PyG,CiteSeer,link_pred,True,,,2,2,2,skipsum,max,92,0.4568,0.0037,937092.0,0.1075,0.0135,0.7635,0.004,0.6789,0.0036,1.0,0.0,0.8087,0.0026,0.974,0.0025
-PyG,CiteSeer,link_pred,True,,,2,2,2,skipsum,mean,87,0.4311,0.0173,937092.0,0.1178,0.0313,0.7626,0.0079,0.6781,0.0073,1.0,0.0,0.8082,0.0052,0.9866,0.004
-PyG,CiteSeer,link_pred,True,,,2,2,3,skipconcat,add,77,0.4232,0.004,496481.0,0.0927,0.0087,0.7709,0.0006,0.6858,0.0005,1.0,0.0,0.8136,0.0004,0.9875,0.0025
-PyG,CiteSeer,link_pred,True,,,2,2,3,skipconcat,max,77,0.4409,0.0025,496481.0,0.1231,0.0093,0.7659,0.0039,0.6811,0.0036,1.0,0.0,0.8103,0.0026,0.9813,0.0038
-PyG,CiteSeer,link_pred,True,,,2,2,3,skipconcat,mean,98,0.4316,0.0076,496481.0,0.0988,0.0053,0.7664,0.0057,0.6816,0.0053,1.0,0.0,0.8106,0.0038,0.9836,0.0029
-PyG,CiteSeer,link_pred,True,,,2,2,3,skipsum,add,93,0.4173,0.0023,869163.0,0.094,0.0134,0.7671,0.0032,0.6822,0.003,1.0,0.0,0.8111,0.0021,0.9903,0.0011
-PyG,CiteSeer,link_pred,True,,,2,2,3,skipsum,max,99,0.4478,0.0132,869163.0,0.1047,0.0111,0.7662,0.0027,0.6814,0.0025,1.0,0.0,0.8105,0.0018,0.9747,0.0079
-PyG,CiteSeer,link_pred,True,,,2,2,3,skipsum,mean,89,0.4276,0.0098,869163.0,0.1079,0.0161,0.7746,0.0033,0.6892,0.0031,1.0,0.0,0.8161,0.0022,0.9833,0.0053
-PyG,CiteSeer,link_pred,True,,,2,4,2,skipconcat,add,93,0.4322,0.0119,410800.0,0.0601,0.0074,0.7733,0.0029,0.6881,0.0027,1.0,0.0,0.8152,0.0019,0.9838,0.0045
-PyG,CiteSeer,link_pred,True,,,2,4,2,skipconcat,max,96,0.4897,0.0015,410800.0,0.1017,0.0115,0.7605,0.0032,0.6762,0.0029,1.0,0.0,0.8068,0.0021,0.9652,0.0019
-PyG,CiteSeer,link_pred,True,,,2,4,2,skipconcat,mean,98,0.4463,0.0087,410800.0,0.1103,0.0148,0.7771,0.0066,0.6917,0.0063,1.0,0.0,0.8178,0.0044,0.9759,0.0024
-PyG,CiteSeer,link_pred,True,,,2,4,2,skipsum,add,91,0.4224,0.002,822193.0,0.1191,0.0132,0.7668,0.0022,0.6819,0.0021,1.0,0.0,0.8109,0.0014,0.9879,0.001
-PyG,CiteSeer,link_pred,True,,,2,4,2,skipsum,max,87,0.4722,0.0075,822193.0,0.1018,0.0063,0.7724,0.0028,0.6872,0.0027,1.0,0.0,0.8146,0.0018,0.9569,0.0027
-PyG,CiteSeer,link_pred,True,,,2,4,2,skipsum,mean,93,0.4382,0.0028,822193.0,0.0987,0.0013,0.7842,0.0067,0.6985,0.0066,1.0,0.0,0.8225,0.0045,0.9742,0.004
-PyG,CiteSeer,link_pred,True,,,2,4,3,skipconcat,add,90,0.4245,0.0016,377665.0,0.0916,0.0032,0.7831,0.0009,0.6974,0.0008,1.0,0.0,0.8217,0.0006,0.9833,0.0024
-PyG,CiteSeer,link_pred,True,,,2,4,3,skipconcat,max,96,0.4474,0.0101,377665.0,0.099,0.0006,0.7761,0.006,0.6907,0.0057,1.0,0.0,0.8171,0.004,0.969,0.0017
-PyG,CiteSeer,link_pred,True,,,2,4,3,skipconcat,mean,91,0.4422,0.0009,377665.0,0.1031,0.0033,0.7724,0.0038,0.6872,0.0036,1.0,0.0,0.8146,0.0025,0.9743,0.0041
-PyG,CiteSeer,link_pred,True,,,2,4,3,skipsum,add,90,0.4098,0.0116,781233.0,0.052,0.0019,0.7797,0.0077,0.6942,0.0074,1.0,0.0,0.8195,0.0051,0.9885,0.0026
-PyG,CiteSeer,link_pred,True,,,2,4,3,skipsum,max,93,0.4611,0.0128,781233.0,0.1123,0.0119,0.7732,0.0093,0.6881,0.0087,1.0,0.0,0.8152,0.0061,0.9576,0.007
-PyG,CiteSeer,link_pred,True,,,2,4,3,skipsum,mean,89,0.44,0.0098,781233.0,0.1294,0.006,0.786,0.0034,0.7006,0.003,0.9991,0.0013,0.8236,0.0025,0.9689,0.0065
-PyG,CiteSeer,link_pred,True,,,2,6,2,skipconcat,add,93,0.4368,0.0077,355061.0,0.159,0.0664,0.7712,0.0102,0.6861,0.0096,1.0,0.0,0.8138,0.0068,0.9827,0.0031
-PyG,CiteSeer,link_pred,True,,,2,6,2,skipconcat,max,90,0.4912,0.0062,355061.0,0.1526,0.0399,0.7628,0.0043,0.6783,0.004,1.0,0.0,0.8083,0.0028,0.9623,0.002
-PyG,CiteSeer,link_pred,True,,,2,6,2,skipconcat,mean,98,0.4707,0.0098,355061.0,0.1066,0.0072,0.7634,0.0003,0.6788,0.0002,1.0,0.0,0.8087,0.0002,0.9691,0.0038
-PyG,CiteSeer,link_pred,True,,,2,6,2,skipsum,add,87,0.422,0.0067,747993.0,0.1131,0.0085,0.7683,0.0038,0.6834,0.0036,1.0,0.0,0.8119,0.0025,0.9864,0.0029
-PyG,CiteSeer,link_pred,True,,,2,6,2,skipsum,max,90,0.4725,0.0093,747993.0,0.1254,0.0162,0.7675,0.003,0.6826,0.0028,1.0,0.0,0.8114,0.002,0.9543,0.0053
-PyG,CiteSeer,link_pred,True,,,2,6,2,skipsum,mean,87,0.4574,0.0028,747993.0,0.1198,0.0124,0.7822,0.0008,0.6969,0.0008,0.9986,0.0,0.8209,0.0006,0.9606,0.0012
-PyG,CiteSeer,link_pred,True,,,2,6,3,skipconcat,add,90,0.4371,0.0037,338416.0,0.1084,0.0058,0.7786,0.0017,0.6932,0.0015,0.9995,0.0007,0.8187,0.0012,0.9748,0.0053
-PyG,CiteSeer,link_pred,True,,,2,6,3,skipconcat,max,91,0.4629,0.0028,338416.0,0.1196,0.0138,0.7739,0.0039,0.6886,0.0037,1.0,0.0,0.8156,0.0026,0.963,0.0039
-PyG,CiteSeer,link_pred,True,,,2,6,3,skipconcat,mean,89,0.4422,0.0041,338416.0,0.1198,0.017,0.7756,0.0006,0.6902,0.0006,1.0,0.0,0.8167,0.0004,0.97,0.0033
-PyG,CiteSeer,link_pred,True,,,2,6,3,skipsum,add,90,0.42,0.0065,717361.0,0.1075,0.0098,0.7665,0.0005,0.6816,0.0005,1.0,0.0,0.8107,0.0004,0.9865,0.0024
-PyG,CiteSeer,link_pred,True,,,2,6,3,skipsum,max,91,0.4728,0.0062,717361.0,0.1109,0.0153,0.7734,0.0057,0.6886,0.0059,0.9986,0.0019,0.8151,0.0036,0.9449,0.004
-PyG,CiteSeer,link_pred,True,,,2,6,3,skipsum,mean,93,0.4679,0.0106,717361.0,0.1161,0.0158,0.7781,0.0087,0.6949,0.0071,0.9918,0.0051,0.8172,0.0066,0.9435,0.009
-PyG,CiteSeer,link_pred,True,,,2,8,2,skipconcat,add,95,0.4469,0.0056,323777.0,0.103,0.0057,0.7619,0.0084,0.6775,0.0077,1.0,0.0,0.8077,0.0055,0.9789,0.0031
-PyG,CiteSeer,link_pred,True,,,2,8,2,skipconcat,max,90,0.4913,0.0117,323777.0,0.1021,0.0034,0.7673,0.0082,0.6825,0.0077,1.0,0.0,0.8112,0.0054,0.9574,0.0007
-PyG,CiteSeer,link_pred,True,,,2,8,2,skipconcat,mean,77,0.4622,0.0088,323777.0,0.1046,0.007,0.7715,0.0035,0.6864,0.0033,1.0,0.0,0.814,0.0023,0.9651,0.0053
-PyG,CiteSeer,link_pred,True,,,2,8,2,skipsum,add,98,0.4219,0.0023,696801.0,0.0603,0.0038,0.7643,0.0062,0.6796,0.0057,1.0,0.0,0.8093,0.004,0.986,0.0016
-PyG,CiteSeer,link_pred,True,,,2,8,2,skipsum,max,88,0.4706,0.0056,696801.0,0.0821,0.0248,0.7684,0.0038,0.6837,0.0032,0.9991,0.0013,0.8118,0.0027,0.9489,0.0022
-PyG,CiteSeer,link_pred,True,,,2,8,2,skipsum,mean,93,0.4601,0.0047,696801.0,0.0836,0.021,0.7714,0.0058,0.6873,0.0056,0.9959,0.0011,0.8133,0.0038,0.9525,0.0027
-PyG,CiteSeer,link_pred,True,,,2,8,3,skipconcat,add,92,0.4431,0.0127,305857.0,0.0938,0.0056,0.7801,0.007,0.6949,0.0062,0.9986,0.0019,0.8195,0.005,0.9686,0.0112
-PyG,CiteSeer,link_pred,True,,,2,8,3,skipconcat,max,87,0.4584,0.0014,305857.0,0.1115,0.0136,0.7779,0.0035,0.6924,0.0034,1.0,0.0,0.8183,0.0024,0.9611,0.0009
-PyG,CiteSeer,link_pred,True,,,2,8,3,skipconcat,mean,95,0.4579,0.0131,305857.0,0.1296,0.0209,0.7718,0.008,0.6868,0.0074,0.9995,0.0007,0.8142,0.0054,0.9619,0.0093
-PyG,CiteSeer,link_pred,True,,,2,8,3,skipsum,add,98,0.4209,0.004,673793.0,0.0589,0.0044,0.7637,0.004,0.6791,0.0037,1.0,0.0,0.8089,0.0026,0.9866,0.0022
-PyG,CiteSeer,link_pred,True,,,2,8,3,skipsum,max,88,0.4717,0.0045,673793.0,0.1284,0.028,0.7789,0.0027,0.6941,0.002,0.9973,0.0019,0.8185,0.0021,0.9402,0.0013
-PyG,CiteSeer,link_pred,True,,,2,8,3,skipsum,mean,90,0.4652,0.0037,673793.0,0.1097,0.0131,0.7755,0.0077,0.6927,0.0079,0.9908,0.0026,0.8153,0.005,0.9442,0.0044
-PyG,CoauthorCS,link_pred,True,,,1,2,2,skipconcat,add,98,0.4371,0.0024,859130.0,1.1144,0.2066,0.7959,0.0013,0.7119,0.0013,0.9941,0.0001,0.8297,0.0009,0.9682,0.0014
-PyG,CoauthorCS,link_pred,True,,,1,2,2,skipconcat,max,98,0.451,0.006,859130.0,0.9616,0.1375,0.7873,0.0043,0.703,0.0042,0.9952,0.0004,0.8239,0.0029,0.9625,0.0022
-PyG,CoauthorCS,link_pred,True,,,1,2,2,skipconcat,mean,98,0.4345,0.0034,859130.0,0.9678,0.0387,0.8028,0.0019,0.719,0.002,0.9943,0.0007,0.8345,0.0013,0.9688,0.0017
-PyG,CoauthorCS,link_pred,True,,,1,2,2,skipsum,add,98,0.4424,0.003,1709845.0,1.0897,0.1158,0.806,0.0026,0.7232,0.0024,0.9914,0.0011,0.8363,0.002,0.9622,0.0018
-PyG,CoauthorCS,link_pred,True,,,1,2,2,skipsum,max,98,0.4549,0.001,1709845.0,0.9842,0.0402,0.7987,0.0009,0.7162,0.0014,0.9894,0.0022,0.8309,0.0005,0.9534,0.0016
-PyG,CoauthorCS,link_pred,True,,,1,2,2,skipsum,mean,98,0.4382,0.0003,1709845.0,1.1058,0.0215,0.8213,0.0009,0.7401,0.0012,0.9905,0.0008,0.8471,0.0006,0.9625,0.0006
-PyG,CoauthorCS,link_pred,True,,,1,2,3,skipconcat,add,98,0.4394,0.0024,761453.0,0.9791,0.0449,0.8105,0.0032,0.7288,0.0034,0.989,0.001,0.8392,0.0023,0.9618,0.0011
-PyG,CoauthorCS,link_pred,True,,,1,2,3,skipconcat,max,98,0.4447,0.0042,761453.0,0.966,0.2217,0.8091,0.0035,0.727,0.0037,0.9899,0.0008,0.8383,0.0025,0.9582,0.0027
-PyG,CoauthorCS,link_pred,True,,,1,2,3,skipconcat,mean,98,0.4372,0.0032,761453.0,1.162,0.0769,0.8226,0.003,0.7425,0.0028,0.9875,0.0016,0.8477,0.0024,0.9617,0.0026
-PyG,CoauthorCS,link_pred,True,,,1,2,3,skipsum,add,98,0.4454,0.003,1554390.0,1.0607,0.1273,0.8134,0.0035,0.7327,0.0037,0.9868,0.0013,0.841,0.0026,0.9569,0.0022
-PyG,CoauthorCS,link_pred,True,,,1,2,3,skipsum,max,98,0.4531,0.001,1554390.0,1.0014,0.1374,0.8103,0.001,0.7298,0.0011,0.9855,0.0002,0.8386,0.0007,0.9505,0.0005
-PyG,CoauthorCS,link_pred,True,,,1,2,3,skipsum,mean,98,0.4417,0.0006,1554390.0,0.9659,0.0988,0.8277,0.0009,0.7495,0.0014,0.9843,0.0017,0.851,0.0006,0.9575,0.0006
-PyG,CoauthorCS,link_pred,True,,,1,4,2,skipconcat,add,98,0.4408,0.0044,597981.0,1.025,0.1745,0.799,0.0013,0.716,0.0014,0.9913,0.0005,0.8314,0.0008,0.9642,0.0026
-PyG,CoauthorCS,link_pred,True,,,1,4,2,skipconcat,max,98,0.4503,0.0022,597981.0,0.9368,0.0933,0.7904,0.0024,0.7068,0.0024,0.9922,0.0011,0.8256,0.0016,0.9597,0.0005
-PyG,CoauthorCS,link_pred,True,,,1,4,2,skipconcat,mean,98,0.438,0.0028,597981.0,1.0898,0.2165,0.8071,0.0061,0.7249,0.0064,0.99,0.0014,0.8369,0.0043,0.9644,0.001
-PyG,CoauthorCS,link_pred,True,,,1,4,2,skipsum,add,98,0.4551,0.003,1430625.0,1.0656,0.0733,0.8061,0.0018,0.7254,0.0023,0.9852,0.0023,0.8355,0.0011,0.9515,0.0028
-PyG,CoauthorCS,link_pred,True,,,1,4,2,skipsum,max,98,0.4631,0.0038,1430625.0,1.1109,0.1349,0.8021,0.0029,0.7221,0.003,0.9823,0.0022,0.8323,0.002,0.9439,0.0014
-PyG,CoauthorCS,link_pred,True,,,1,4,2,skipsum,mean,98,0.4434,0.0028,1430625.0,0.8333,0.0657,0.8292,0.0048,0.7521,0.0048,0.9823,0.002,0.8519,0.0038,0.9553,0.0023
-PyG,CoauthorCS,link_pred,True,,,1,4,3,skipconcat,add,98,0.4453,0.0045,539246.0,0.9986,0.1123,0.8113,0.0028,0.7312,0.0026,0.9846,0.0012,0.8391,0.0022,0.9562,0.0033
-PyG,CoauthorCS,link_pred,True,,,1,4,3,skipconcat,max,98,0.45,0.0023,539246.0,1.1075,0.1722,0.8065,0.004,0.7251,0.0048,0.9874,0.0019,0.8362,0.0027,0.9536,0.0025
-PyG,CoauthorCS,link_pred,True,,,1,4,3,skipconcat,mean,98,0.4411,0.002,539246.0,0.9495,0.0655,0.8225,0.001,0.7435,0.0015,0.9845,0.001,0.8472,0.0007,0.9584,0.0016
-PyG,CoauthorCS,link_pred,True,,,1,4,3,skipsum,add,98,0.4542,0.0016,1343329.0,0.9737,0.2027,0.81,0.0017,0.7304,0.0021,0.9827,0.0008,0.838,0.0012,0.9501,0.001
-PyG,CoauthorCS,link_pred,True,,,1,4,3,skipsum,max,98,0.4662,0.0014,1343329.0,0.9977,0.1672,0.805,0.001,0.727,0.001,0.9766,0.0004,0.8335,0.0007,0.9389,0.0015
-PyG,CoauthorCS,link_pred,True,,,1,4,3,skipsum,mean,98,0.4474,0.0008,1343329.0,0.9788,0.1374,0.833,0.0032,0.7585,0.0034,0.977,0.0011,0.854,0.0025,0.9509,0.0008
-PyG,CoauthorCS,link_pred,True,,,1,6,2,skipconcat,add,98,0.4491,0.004,480480.0,0.9258,0.0404,0.7934,0.0028,0.7108,0.0032,0.9897,0.0013,0.8273,0.0018,0.9605,0.0032
-PyG,CoauthorCS,link_pred,True,,,1,6,2,skipconcat,max,98,0.4496,0.0077,480480.0,1.2335,0.0822,0.7914,0.0051,0.7082,0.0051,0.9911,0.001,0.8261,0.0035,0.9585,0.0037
-PyG,CoauthorCS,link_pred,True,,,1,6,2,skipconcat,mean,98,0.4398,0.0012,480480.0,1.0492,0.067,0.8097,0.0017,0.7288,0.0015,0.9864,0.0009,0.8383,0.0013,0.9611,0.0007
-PyG,CoauthorCS,link_pred,True,,,1,6,2,skipsum,add,98,0.463,0.0038,1268247.0,1.15,0.044,0.8006,0.0007,0.7204,0.001,0.9826,0.0017,0.8313,0.0004,0.9463,0.003
-PyG,CoauthorCS,link_pred,True,,,1,6,2,skipsum,max,98,0.4699,0.0021,1268247.0,1.2575,0.1015,0.7992,0.0022,0.7209,0.002,0.9764,0.0014,0.8294,0.0017,0.9365,0.0008
-PyG,CoauthorCS,link_pred,True,,,1,6,2,skipsum,mean,98,0.4474,0.0006,1268247.0,1.2309,0.0702,0.829,0.0044,0.7545,0.0051,0.9753,0.0003,0.8508,0.0033,0.9506,0.0002
-PyG,CoauthorCS,link_pred,True,,,1,6,3,skipconcat,add,98,0.4492,0.0027,445691.0,1.0625,0.0796,0.8069,0.0021,0.7269,0.0024,0.9834,0.0009,0.8359,0.0015,0.954,0.0021
-PyG,CoauthorCS,link_pred,True,,,1,6,3,skipconcat,max,98,0.4506,0.002,445691.0,1.1288,0.1195,0.8024,0.0038,0.7212,0.0043,0.9859,0.0022,0.8331,0.0026,0.9532,0.0009
-PyG,CoauthorCS,link_pred,True,,,1,6,3,skipconcat,mean,98,0.442,0.0036,445691.0,1.0756,0.083,0.8247,0.0026,0.7467,0.0033,0.983,0.0011,0.8487,0.0018,0.9571,0.003
-PyG,CoauthorCS,link_pred,True,,,1,6,3,skipsum,add,98,0.466,0.0038,1207089.0,1.0225,0.0821,0.7999,0.0015,0.7206,0.0016,0.9795,0.0016,0.8304,0.0012,0.9431,0.0025
-PyG,CoauthorCS,link_pred,True,,,1,6,3,skipsum,max,98,0.4704,0.0038,1207089.0,1.0152,0.0978,0.7985,0.0026,0.7218,0.0025,0.9714,0.0008,0.8282,0.0019,0.9336,0.0033
-PyG,CoauthorCS,link_pred,True,,,1,6,3,skipsum,mean,98,0.4495,0.0019,1207089.0,1.1096,0.1254,0.8327,0.0016,0.76,0.0014,0.9725,0.0037,0.8532,0.0015,0.9482,0.0023
-PyG,CoauthorCS,link_pred,True,,,1,8,2,skipconcat,add,98,0.4541,0.0012,421953.0,0.9913,0.0599,0.7958,0.0035,0.7141,0.0036,0.9865,0.0004,0.8285,0.0024,0.9573,0.0011
-PyG,CoauthorCS,link_pred,True,,,1,8,2,skipconcat,max,98,0.4552,0.0083,421953.0,1.0309,0.0606,0.7873,0.0062,0.7044,0.006,0.9903,0.0008,0.8232,0.0043,0.9559,0.0036
-PyG,CoauthorCS,link_pred,True,,,1,8,2,skipconcat,mean,98,0.4421,0.0038,421953.0,0.973,0.0868,0.8106,0.004,0.7311,0.0045,0.9828,0.0011,0.8384,0.0028,0.9584,0.0022
-PyG,CoauthorCS,link_pred,True,,,1,8,2,skipsum,add,98,0.4705,0.0053,1151641.0,1.0671,0.0719,0.7968,0.0023,0.7183,0.0017,0.9766,0.0027,0.8278,0.002,0.9389,0.0048
-PyG,CoauthorCS,link_pred,True,,,1,8,2,skipsum,max,98,0.473,0.0026,1151641.0,1.1053,0.0463,0.7934,0.0013,0.7165,0.0017,0.9711,0.0011,0.8246,0.0008,0.9328,0.0016
-PyG,CoauthorCS,link_pred,True,,,1,8,2,skipsum,mean,98,0.452,0.0022,1151641.0,0.972,0.0963,0.8296,0.0043,0.7568,0.0058,0.9715,0.002,0.8508,0.003,0.9466,0.0025
-PyG,CoauthorCS,link_pred,True,,,1,8,3,skipconcat,add,98,0.45,0.0027,388828.0,0.9782,0.0706,0.8056,0.0025,0.7253,0.0028,0.9838,0.0001,0.835,0.0017,0.9536,0.0016
-PyG,CoauthorCS,link_pred,True,,,1,8,3,skipconcat,max,98,0.4528,0.0021,388828.0,0.891,0.0945,0.8007,0.0036,0.7199,0.0041,0.9846,0.0011,0.8317,0.0025,0.9508,0.0015
-PyG,CoauthorCS,link_pred,True,,,1,8,3,skipconcat,mean,98,0.4409,0.0013,388828.0,0.9166,0.0959,0.8217,0.002,0.7434,0.0019,0.9826,0.0013,0.8464,0.0016,0.9575,0.0011
-PyG,CoauthorCS,link_pred,True,,,1,8,3,skipsum,add,98,0.4699,0.001,1112469.0,1.21,0.0727,0.7976,0.0006,0.7195,0.0003,0.9755,0.0013,0.8281,0.0006,0.9375,0.0008
-PyG,CoauthorCS,link_pred,True,,,1,8,3,skipsum,max,98,0.4787,0.0025,1112469.0,1.1715,0.0104,0.7933,0.0024,0.7183,0.0018,0.965,0.0038,0.8236,0.0022,0.9253,0.0032
-PyG,CoauthorCS,link_pred,True,,,1,8,3,skipsum,mean,98,0.4521,0.0017,1112469.0,1.1603,0.0759,0.8307,0.0014,0.7597,0.0014,0.9675,0.0006,0.8511,0.0011,0.945,0.0014
-PyG,CoauthorCS,link_pred,True,,,2,2,2,skipconcat,add,98,0.4387,0.0022,846641.0,1.0819,0.0559,0.8043,0.0055,0.7217,0.0058,0.9908,0.0003,0.8351,0.0038,0.9641,0.0018
-PyG,CoauthorCS,link_pred,True,,,2,2,2,skipconcat,max,98,0.4482,0.0034,846641.0,1.0906,0.0556,0.7965,0.0026,0.713,0.0027,0.9928,0.0002,0.8299,0.0018,0.9602,0.0016
-PyG,CoauthorCS,link_pred,True,,,2,2,2,skipconcat,mean,98,0.4366,0.0003,846641.0,0.8864,0.126,0.8122,0.0018,0.7302,0.002,0.9903,0.0007,0.8406,0.0013,0.9646,0.0004
-PyG,CoauthorCS,link_pred,True,,,2,2,2,skipsum,add,98,0.446,0.0035,1554390.0,0.9829,0.1016,0.8169,0.0023,0.7371,0.0024,0.9849,0.0015,0.8432,0.0017,0.9557,0.0019
-PyG,CoauthorCS,link_pred,True,,,2,2,2,skipsum,max,98,0.4534,0.0037,1554390.0,0.9977,0.0833,0.8044,0.0005,0.7231,0.0003,0.9867,0.0011,0.8346,0.0005,0.9518,0.0031
-PyG,CoauthorCS,link_pred,True,,,2,2,2,skipsum,mean,98,0.4399,0.0016,1554390.0,0.9203,0.0985,0.8285,0.0052,0.7507,0.006,0.9838,0.0012,0.8516,0.0038,0.9583,0.0015
-PyG,CoauthorCS,link_pred,True,,,2,2,3,skipconcat,add,98,0.4393,0.0031,744641.0,0.8925,0.0393,0.8167,0.0015,0.7363,0.0021,0.987,0.0016,0.8434,0.001,0.9608,0.0025
-PyG,CoauthorCS,link_pred,True,,,2,2,3,skipconcat,max,98,0.4455,0.0029,744641.0,0.9338,0.0666,0.8124,0.0029,0.7318,0.0041,0.9864,0.0029,0.8402,0.0017,0.9562,0.0033
-PyG,CoauthorCS,link_pred,True,,,2,2,3,skipconcat,mean,98,0.4378,0.0022,744641.0,1.1067,0.0997,0.8196,0.002,0.7389,0.0019,0.9886,0.0008,0.8457,0.0016,0.9618,0.0017
-PyG,CoauthorCS,link_pred,True,,,2,2,3,skipsum,add,98,0.4492,0.0008,1430625.0,1.029,0.0701,0.8146,0.0018,0.7351,0.0026,0.9838,0.0016,0.8414,0.0011,0.9536,0.0013
-PyG,CoauthorCS,link_pred,True,,,2,2,3,skipsum,max,98,0.456,0.0029,1430625.0,1.0379,0.0581,0.8079,0.0037,0.7277,0.0041,0.9842,0.0006,0.8367,0.0026,0.9481,0.0015
-PyG,CoauthorCS,link_pred,True,,,2,2,3,skipsum,mean,98,0.4443,0.0007,1430625.0,1.0507,0.0951,0.8303,0.0034,0.7536,0.0044,0.9816,0.0015,0.8526,0.0024,0.9544,0.0005
-PyG,CoauthorCS,link_pred,True,,,2,4,2,skipconcat,add,98,0.4422,0.003,587614.0,1.0557,0.0504,0.8028,0.0028,0.7209,0.003,0.9881,0.001,0.8337,0.002,0.9611,0.002
-PyG,CoauthorCS,link_pred,True,,,2,4,2,skipconcat,max,98,0.4531,0.0072,587614.0,1.0993,0.0847,0.7948,0.0048,0.7119,0.0047,0.9905,0.0014,0.8284,0.0035,0.9564,0.0036
-PyG,CoauthorCS,link_pred,True,,,2,4,2,skipconcat,mean,82,0.4411,0.0025,587614.0,0.976,0.0176,0.81,0.0012,0.7293,0.0012,0.9859,0.0008,0.8385,0.0008,0.9601,0.0013
-PyG,CoauthorCS,link_pred,True,,,2,4,2,skipsum,add,98,0.4573,0.0028,1343329.0,0.8743,0.0332,0.8059,0.0027,0.7269,0.0029,0.98,0.0016,0.8347,0.002,0.948,0.002
-PyG,CoauthorCS,link_pred,True,,,2,4,2,skipsum,max,98,0.463,0.0027,1343329.0,1.148,0.0771,0.8003,0.0038,0.7202,0.0044,0.982,0.0016,0.831,0.0024,0.9436,0.0017
-PyG,CoauthorCS,link_pred,True,,,2,4,2,skipsum,mean,98,0.4449,0.0009,1343329.0,1.0898,0.2017,0.8276,0.0009,0.7516,0.0006,0.9788,0.0012,0.8502,0.0008,0.9529,0.0013
-PyG,CoauthorCS,link_pred,True,,,2,4,3,skipconcat,add,98,0.4434,0.0034,526561.0,1.095,0.1043,0.8109,0.0049,0.7302,0.0054,0.9865,0.0006,0.8392,0.0035,0.9583,0.0015
-PyG,CoauthorCS,link_pred,True,,,2,4,3,skipconcat,max,98,0.4519,0.0018,526561.0,1.1255,0.1684,0.8025,0.0027,0.7215,0.0028,0.9854,0.0011,0.833,0.0019,0.9524,0.001
-PyG,CoauthorCS,link_pred,True,,,2,4,3,skipconcat,mean,98,0.4401,0.002,526561.0,0.9633,0.0845,0.8216,0.0026,0.7423,0.0028,0.9853,0.0012,0.8467,0.0019,0.9592,0.0018
-PyG,CoauthorCS,link_pred,True,,,2,4,3,skipsum,add,98,0.4598,0.0035,1268247.0,0.9976,0.1072,0.8085,0.0057,0.7303,0.0064,0.9786,0.0018,0.8364,0.0041,0.9456,0.0027
-PyG,CoauthorCS,link_pred,True,,,2,4,3,skipsum,max,98,0.4645,0.0028,1268247.0,1.2341,0.1042,0.8055,0.0019,0.7281,0.0024,0.9752,0.001,0.8337,0.0013,0.9391,0.0032
-PyG,CoauthorCS,link_pred,True,,,2,4,3,skipsum,mean,98,0.448,0.0015,1268247.0,0.8892,0.06,0.8297,0.0023,0.7543,0.0024,0.9778,0.0007,0.8516,0.0018,0.9511,0.0012
-PyG,CoauthorCS,link_pred,True,,,2,6,2,skipconcat,add,98,0.448,0.0036,482243.0,1.0407,0.0871,0.7998,0.0014,0.7181,0.0019,0.9871,0.0016,0.8314,0.0007,0.9592,0.0024
-PyG,CoauthorCS,link_pred,True,,,2,6,2,skipconcat,max,98,0.4501,0.0021,482243.0,1.0585,0.0656,0.7938,0.0034,0.7113,0.0031,0.9891,0.0014,0.8275,0.0025,0.9568,0.0018
-PyG,CoauthorCS,link_pred,True,,,2,6,2,skipconcat,mean,98,0.4406,0.0017,482243.0,1.1049,0.1148,0.8137,0.0037,0.7336,0.0044,0.9854,0.0013,0.8411,0.0025,0.9599,0.0016
-PyG,CoauthorCS,link_pred,True,,,2,6,2,skipsum,add,98,0.4654,0.0013,1207089.0,1.1023,0.1333,0.8059,0.0021,0.7276,0.0028,0.9782,0.0015,0.8345,0.0013,0.9429,0.0016
-PyG,CoauthorCS,link_pred,True,,,2,6,2,skipsum,max,98,0.4711,0.0008,1207089.0,1.1701,0.1622,0.7933,0.0019,0.715,0.0018,0.9754,0.0006,0.8251,0.0014,0.9359,0.0007
-PyG,CoauthorCS,link_pred,True,,,2,6,2,skipsum,mean,98,0.4478,0.0023,1207089.0,1.1517,0.0862,0.8311,0.0027,0.7573,0.0021,0.9744,0.003,0.8522,0.0023,0.9499,0.0028
-PyG,CoauthorCS,link_pred,True,,,2,6,3,skipconcat,add,92,0.4507,0.0074,446986.0,1.0529,0.1333,0.8057,0.005,0.7259,0.0048,0.9825,0.0017,0.8349,0.0038,0.9526,0.0044
-PyG,CoauthorCS,link_pred,True,,,2,6,3,skipconcat,max,98,0.452,0.0014,446986.0,1.0808,0.1096,0.804,0.0057,0.7234,0.006,0.9847,0.0,0.834,0.004,0.9515,0.0011
-PyG,CoauthorCS,link_pred,True,,,2,6,3,skipconcat,mean,98,0.4415,0.0027,446986.0,1.1666,0.1151,0.8241,0.0033,0.7465,0.0037,0.9816,0.0002,0.8481,0.0025,0.9568,0.0018
-PyG,CoauthorCS,link_pred,True,,,2,6,3,skipsum,add,98,0.4647,0.0022,1151641.0,1.0556,0.1345,0.8017,0.0034,0.7234,0.0039,0.9767,0.0016,0.8312,0.0024,0.9413,0.0022
-PyG,CoauthorCS,link_pred,True,,,2,6,3,skipsum,max,98,0.4713,0.0028,1151641.0,1.0668,0.2137,0.7999,0.0024,0.7233,0.0033,0.9713,0.0027,0.8292,0.0015,0.933,0.0029
-PyG,CoauthorCS,link_pred,True,,,2,6,3,skipsum,mean,98,0.4491,0.0013,1151641.0,0.995,0.0796,0.8295,0.003,0.7561,0.0042,0.973,0.0016,0.8509,0.002,0.9489,0.0013
-PyG,CoauthorCS,link_pred,True,,,2,8,2,skipconcat,add,98,0.4569,0.0006,423041.0,1.054,0.176,0.7971,0.0024,0.7168,0.0027,0.9823,0.0015,0.8288,0.0016,0.9532,0.0009
-PyG,CoauthorCS,link_pred,True,,,2,8,2,skipconcat,max,98,0.4537,0.0056,423041.0,1.2677,0.1999,0.794,0.0051,0.7119,0.0049,0.9876,0.0012,0.8274,0.0037,0.954,0.0029
-PyG,CoauthorCS,link_pred,True,,,2,8,2,skipconcat,mean,98,0.4406,0.0029,423041.0,1.2911,0.0299,0.8109,0.0025,0.731,0.0031,0.9839,0.001,0.8388,0.0017,0.9593,0.0023
-PyG,CoauthorCS,link_pred,True,,,2,8,2,skipsum,add,98,0.4687,0.0015,1112469.0,1.2746,0.0705,0.7995,0.002,0.7213,0.0023,0.9762,0.0009,0.8296,0.0014,0.9403,0.002
-PyG,CoauthorCS,link_pred,True,,,2,8,2,skipsum,max,98,0.472,0.0021,1112469.0,1.16,0.0616,0.7965,0.0036,0.7194,0.004,0.9722,0.0008,0.8269,0.0025,0.934,0.0011
-PyG,CoauthorCS,link_pred,True,,,2,8,2,skipsum,mean,98,0.449,0.0011,1112469.0,1.0998,0.0212,0.8288,0.0044,0.7558,0.0054,0.9717,0.0018,0.8502,0.0032,0.9484,0.0006
-PyG,CoauthorCS,link_pred,True,,,2,8,3,skipconcat,add,98,0.4539,0.0018,389611.0,1.0278,0.0099,0.8074,0.0022,0.7287,0.0026,0.9796,0.0012,0.8357,0.0015,0.9502,0.0023
-PyG,CoauthorCS,link_pred,True,,,2,8,3,skipconcat,max,98,0.455,0.0054,389611.0,0.9829,0.0441,0.8049,0.0058,0.7248,0.0057,0.9831,0.0016,0.8344,0.0043,0.9484,0.0037
-PyG,CoauthorCS,link_pred,True,,,2,8,3,skipconcat,mean,98,0.4437,0.0027,389611.0,0.8639,0.1216,0.8244,0.0034,0.7477,0.004,0.9793,0.0003,0.848,0.0025,0.9543,0.0019
-PyG,CoauthorCS,link_pred,True,,,2,8,3,skipsum,add,98,0.4677,0.0028,1070849.0,1.1176,0.0395,0.8004,0.0028,0.7224,0.0033,0.9759,0.0009,0.8303,0.0019,0.9394,0.0012
-PyG,CoauthorCS,link_pred,True,,,2,8,3,skipsum,max,98,0.4807,0.0015,1070849.0,1.2512,0.0969,0.7877,0.0015,0.7133,0.0012,0.9622,0.0015,0.8193,0.0013,0.9231,0.0016
-PyG,CoauthorCS,link_pred,True,,,2,8,3,skipsum,mean,98,0.4536,0.0024,1070849.0,1.1776,0.1214,0.8302,0.003,0.7593,0.0037,0.9669,0.0004,0.8506,0.0023,0.9442,0.0012
-PyG,CoauthorPhysics,link_pred,True,,,1,2,2,skipconcat,add,95,0.4502,0.0076,1015300.0,2.7603,0.3352,0.7836,0.0031,0.7016,0.0026,0.9869,0.0016,0.8202,0.0023,0.9596,0.0034
-PyG,CoauthorPhysics,link_pred,True,,,1,2,2,skipconcat,max,95,0.4655,0.0112,1015300.0,2.4264,0.0487,0.7755,0.0051,0.6939,0.0043,0.9862,0.0035,0.8146,0.0039,0.9539,0.0047
-PyG,CoauthorPhysics,link_pred,True,,,1,2,2,skipconcat,mean,90,0.4548,0.0158,1015300.0,2.6817,0.1881,0.7902,0.0054,0.7096,0.0042,0.9827,0.0043,0.8241,0.0043,0.9566,0.0074
-PyG,CoauthorPhysics,link_pred,True,,,1,2,2,skipsum,add,94,0.4426,0.0005,2067265.0,2.2271,0.1826,0.7931,0.0008,0.7107,0.0007,0.9886,0.0004,0.8269,0.0006,0.9617,0.0005
-PyG,CoauthorPhysics,link_pred,True,,,1,2,2,skipsum,max,95,0.4525,0.0033,2067265.0,2.6421,0.1247,0.7936,0.0014,0.7119,0.0017,0.9862,0.0021,0.8269,0.001,0.9556,0.0029
-PyG,CoauthorPhysics,link_pred,True,,,1,2,2,skipsum,mean,94,0.4431,0.0015,2067265.0,2.5701,0.2599,0.8038,0.0019,0.7238,0.002,0.9828,0.0004,0.8336,0.0013,0.9589,0.0007
-PyG,CoauthorPhysics,link_pred,True,,,1,2,3,skipconcat,add,94,0.4401,0.0027,893473.0,2.3785,0.52,0.7983,0.0041,0.7169,0.0042,0.9859,0.0006,0.8301,0.0029,0.9609,0.0022
-PyG,CoauthorPhysics,link_pred,True,,,1,2,3,skipconcat,max,95,0.4509,0.0065,893473.0,2.5088,0.6375,0.7943,0.0041,0.7124,0.0038,0.9869,0.0021,0.8275,0.003,0.9555,0.0049
-PyG,CoauthorPhysics,link_pred,True,,,1,2,3,skipconcat,mean,94,0.445,0.0015,893473.0,2.2743,0.519,0.8045,0.0037,0.7243,0.0032,0.9834,0.0023,0.8342,0.0029,0.9577,0.0014
-PyG,CoauthorPhysics,link_pred,True,,,1,2,3,skipsum,add,94,0.4416,0.0024,1874780.0,2.2623,0.2079,0.8042,0.0022,0.7233,0.0023,0.9855,0.001,0.8343,0.0016,0.9593,0.002
-PyG,CoauthorPhysics,link_pred,True,,,1,2,3,skipsum,max,83,0.4564,0.0047,1874780.0,2.4441,0.163,0.8007,0.0029,0.7196,0.0034,0.9852,0.001,0.8318,0.0019,0.9502,0.0028
-PyG,CoauthorPhysics,link_pred,True,,,1,2,3,skipsum,mean,94,0.4423,0.0026,1874780.0,2.5363,0.1026,0.8119,0.0012,0.7328,0.0011,0.9817,0.001,0.8392,0.001,0.9576,0.0018
-PyG,CoauthorPhysics,link_pred,True,,,1,4,2,skipconcat,add,94,0.4476,0.0076,691361.0,1.8919,0.0849,0.7863,0.0042,0.705,0.0035,0.9847,0.0027,0.8217,0.0033,0.9589,0.0041
-PyG,CoauthorPhysics,link_pred,True,,,1,4,2,skipconcat,max,93,0.4559,0.0059,691361.0,2.2163,0.1036,0.7803,0.005,0.6988,0.0044,0.9854,0.0021,0.8177,0.0037,0.9555,0.0028
-PyG,CoauthorPhysics,link_pred,True,,,1,4,2,skipconcat,mean,95,0.4459,0.0038,691361.0,2.2729,0.1417,0.7956,0.0021,0.7153,0.0026,0.9823,0.0013,0.8278,0.0013,0.9586,0.0021
-PyG,CoauthorPhysics,link_pred,True,,,1,4,2,skipsum,add,94,0.45,0.0001,1722035.0,1.9398,0.1151,0.7942,0.0012,0.7131,0.0016,0.9848,0.0012,0.8272,0.0007,0.955,0.0012
-PyG,CoauthorPhysics,link_pred,True,,,1,4,2,skipsum,max,95,0.464,0.0032,1722035.0,2.4182,0.1043,0.7904,0.0013,0.7101,0.0011,0.9815,0.0013,0.824,0.001,0.9452,0.0027
-PyG,CoauthorPhysics,link_pred,True,,,1,4,2,skipsum,mean,95,0.4406,0.0032,1722035.0,1.9836,0.1378,0.8134,0.0008,0.7355,0.001,0.9788,0.0015,0.8399,0.0006,0.9575,0.0021
-PyG,CoauthorPhysics,link_pred,True,,,1,4,3,skipconcat,add,94,0.4434,0.003,618136.0,1.8179,0.0891,0.7957,0.0019,0.715,0.0023,0.9833,0.0011,0.828,0.0011,0.9574,0.0023
-PyG,CoauthorPhysics,link_pred,True,,,1,4,3,skipconcat,max,95,0.452,0.0031,618136.0,2.4681,0.1532,0.7953,0.0038,0.7141,0.0038,0.9848,0.0007,0.8279,0.0028,0.9532,0.0024
-PyG,CoauthorPhysics,link_pred,True,,,1,4,3,skipsum,add,94,0.4509,0.0028,1613809.0,2.1436,0.0653,0.7959,0.0024,0.7158,0.0025,0.9815,0.0003,0.8278,0.0017,0.9523,0.0016
-PyG,CoauthorPhysics,link_pred,True,,,1,4,3,skipsum,max,94,0.4629,0.0016,1613809.0,2.1053,0.4064,0.799,0.0018,0.7192,0.0016,0.981,0.0011,0.8299,0.0014,0.9436,0.0018
-PyG,CoauthorPhysics,link_pred,True,,,1,4,3,skipsum,mean,95,0.4465,0.0026,1613809.0,2.4911,0.0899,0.8199,0.0025,0.7431,0.0031,0.9778,0.0018,0.8444,0.0018,0.9536,0.0022
-PyG,CoauthorPhysics,link_pred,True,,,1,6,2,skipconcat,add,97,0.4504,0.004,546490.0,2.0959,0.208,0.7853,0.0031,0.7046,0.0027,0.9827,0.0019,0.8207,0.0024,0.9562,0.0019
-PyG,CoauthorPhysics,link_pred,True,,,1,6,2,skipconcat,max,94,0.4551,0.0059,546490.0,2.4594,0.1562,0.7798,0.0034,0.6984,0.0024,0.985,0.0033,0.8173,0.0028,0.9553,0.0042
-PyG,CoauthorPhysics,link_pred,True,,,1,6,2,skipconcat,mean,95,0.4449,0.0017,546490.0,2.2866,0.1594,0.8017,0.0026,0.7222,0.0028,0.9807,0.0003,0.8318,0.0018,0.957,0.0006
-PyG,CoauthorPhysics,link_pred,True,,,1,6,2,skipsum,add,94,0.4566,0.0029,1521017.0,2.1589,0.0368,0.7902,0.0014,0.7095,0.0012,0.9827,0.0011,0.8241,0.0011,0.95,0.0019
-PyG,CoauthorPhysics,link_pred,True,,,1,6,2,skipsum,max,95,0.4683,0.0011,1521017.0,2.117,0.0875,0.79,0.0031,0.7106,0.0033,0.9784,0.0012,0.8233,0.002,0.9402,0.0006
-PyG,CoauthorPhysics,link_pred,True,,,1,6,2,skipsum,mean,82,0.4457,0.0,1521017.0,2.4738,0.5273,0.8157,0.0041,0.7396,0.005,0.9744,0.0013,0.8409,0.0028,0.9524,0.001
-PyG,CoauthorPhysics,link_pred,True,,,1,6,3,skipconcat,add,95,0.4487,0.0036,502041.0,2.5524,0.244,0.795,0.0032,0.7148,0.0032,0.982,0.0008,0.8273,0.0023,0.9535,0.0026
-PyG,CoauthorPhysics,link_pred,True,,,1,6,3,skipconcat,max,95,0.4531,0.0035,502041.0,2.5736,0.2554,0.7992,0.0071,0.7185,0.0074,0.9839,0.0008,0.8306,0.005,0.9522,0.0022
-PyG,CoauthorPhysics,link_pred,True,,,1,6,3,skipconcat,mean,95,0.443,0.0011,502041.0,2.3651,0.1954,0.8099,0.0034,0.7314,0.0037,0.9797,0.0013,0.8375,0.0024,0.9567,0.0012
-PyG,CoauthorPhysics,link_pred,True,,,1,6,3,skipsum,add,94,0.4585,0.0039,1445369.0,2.4102,0.1113,0.7896,0.0012,0.7098,0.0009,0.9799,0.0011,0.8233,0.0009,0.947,0.0031
-PyG,CoauthorPhysics,link_pred,True,,,1,6,3,skipsum,max,95,0.4691,0.0021,1445369.0,2.427,0.0745,0.7977,0.0005,0.719,0.0002,0.9774,0.0017,0.8285,0.0005,0.9373,0.002
-PyG,CoauthorPhysics,link_pred,True,,,1,6,3,skipsum,mean,95,0.4475,0.003,1445369.0,2.199,0.1349,0.8181,0.0039,0.7419,0.0042,0.9755,0.0015,0.8428,0.0029,0.952,0.0024
-PyG,CoauthorPhysics,link_pred,True,,,1,8,2,skipconcat,mean,95,0.4458,0.0071,473473.0,2.086,0.1545,0.7992,0.0035,0.7198,0.0032,0.9797,0.0019,0.8299,0.0028,0.9565,0.0041
-PyG,CoauthorPhysics,link_pred,True,,,1,8,2,skipsum,add,94,0.4601,0.0014,1377041.0,2.0409,0.1017,0.7851,0.0015,0.7051,0.0016,0.98,0.0004,0.8201,0.0009,0.9472,0.0007
-PyG,CoauthorPhysics,link_pred,True,,,1,8,2,skipsum,max,95,0.4697,0.0023,1377041.0,2.2145,0.3063,0.7895,0.0026,0.7103,0.0029,0.9776,0.0008,0.8228,0.0016,0.9378,0.0013
-PyG,CoauthorPhysics,link_pred,True,,,1,8,2,skipsum,mean,94,0.4464,0.0028,1377041.0,2.055,0.34,0.8199,0.0049,0.7444,0.0059,0.9745,0.0011,0.844,0.0034,0.9522,0.0023
-PyG,CoauthorPhysics,link_pred,True,,,1,8,3,skipconcat,add,94,0.4523,0.0032,432298.0,2.0656,0.0865,0.7932,0.0041,0.7138,0.0045,0.979,0.0009,0.8256,0.0028,0.9504,0.0022
-PyG,CoauthorPhysics,link_pred,True,,,1,8,3,skipconcat,max,94,0.4526,0.0024,432298.0,2.5044,0.0464,0.8008,0.0053,0.7204,0.0047,0.9832,0.0027,0.8315,0.0041,0.9521,0.0032
-PyG,CoauthorPhysics,link_pred,True,,,1,8,3,skipconcat,mean,98,0.4438,0.003,432298.0,1.9434,0.0488,0.8104,0.0021,0.7319,0.0024,0.9795,0.0006,0.8378,0.0014,0.9558,0.0021
-PyG,CoauthorPhysics,link_pred,True,,,1,8,3,skipsum,add,95,0.4637,0.0018,1328209.0,2.085,0.0085,0.7872,0.0009,0.7082,0.0007,0.9768,0.0012,0.8211,0.0007,0.9424,0.0017
-PyG,CoauthorPhysics,link_pred,True,,,1,8,3,skipsum,max,95,0.4738,0.0032,1328209.0,2.7476,0.3823,0.7952,0.0015,0.7167,0.0012,0.9762,0.0015,0.8266,0.0013,0.933,0.0032
-PyG,CoauthorPhysics,link_pred,True,,,1,8,3,skipsum,mean,94,0.4486,0.0019,1328209.0,2.4511,0.2854,0.8162,0.0011,0.7409,0.0017,0.9727,0.0017,0.8411,0.0007,0.9501,0.0018
-PyG,CoauthorPhysics,link_pred,True,,,2,2,2,skipconcat,add,95,0.442,0.0019,999591.0,2.5413,0.3192,0.7931,0.0007,0.7116,0.001,0.9855,0.0015,0.8265,0.0004,0.9606,0.0018
-PyG,CoauthorPhysics,link_pred,True,,,2,2,2,skipconcat,max,94,0.4514,0.0033,999591.0,2.5609,0.1965,0.7869,0.0034,0.7053,0.003,0.9859,0.0015,0.8223,0.0026,0.9566,0.0022
-PyG,CoauthorPhysics,link_pred,True,,,2,2,2,skipconcat,mean,94,0.4472,0.0059,999591.0,1.8685,0.0855,0.7968,0.0052,0.7165,0.005,0.9823,0.0011,0.8286,0.0038,0.957,0.0025
-PyG,CoauthorPhysics,link_pred,True,,,2,2,2,skipsum,max,91,0.4568,0.0026,1874780.0,2.4616,0.1933,0.7959,0.0028,0.7153,0.003,0.9831,0.0006,0.8281,0.002,0.9502,0.0017
-PyG,CoauthorPhysics,link_pred,True,,,2,2,3,skipconcat,add,94,0.4404,0.0019,873441.0,2.2935,0.3228,0.8032,0.0055,0.7231,0.0058,0.9829,0.0022,0.8332,0.004,0.959,0.0021
-PyG,CoauthorPhysics,link_pred,True,,,2,2,3,skipconcat,max,95,0.448,0.0035,873441.0,2.1616,0.3612,0.8025,0.0042,0.7212,0.0044,0.9864,0.0006,0.8332,0.003,0.9564,0.002
-PyG,CoauthorPhysics,link_pred,True,,,2,2,3,skipconcat,mean,95,0.4422,0.0014,873441.0,1.9501,0.0628,0.8063,0.0015,0.726,0.0011,0.984,0.0017,0.8356,0.0012,0.9589,0.0013
-PyG,CoauthorPhysics,link_pred,True,,,2,2,3,skipsum,add,94,0.4456,0.0023,1722035.0,2.6885,0.1538,0.8039,0.0038,0.7241,0.0041,0.982,0.0005,0.8336,0.0027,0.9555,0.0013
-PyG,CoauthorPhysics,link_pred,True,,,2,2,3,skipsum,max,82,0.454,0.0018,1722035.0,2.4846,0.1863,0.8019,0.0003,0.7215,0.0004,0.9835,0.0002,0.8324,0.0002,0.9508,0.0014
-PyG,CoauthorPhysics,link_pred,True,,,2,2,3,skipsum,mean,94,0.4469,0.0016,1722035.0,2.6333,0.2512,0.8165,0.0009,0.7388,0.0009,0.9793,0.0007,0.8422,0.0007,0.9538,0.0007
-PyG,CoauthorPhysics,link_pred,True,,,2,4,2,skipconcat,add,94,0.4492,0.0045,679384.0,1.9289,0.1791,0.7895,0.0026,0.7092,0.0022,0.9814,0.0021,0.8234,0.002,0.9553,0.0029
-PyG,CoauthorPhysics,link_pred,True,,,2,4,2,skipconcat,max,95,0.4588,0.008,679384.0,2.1324,0.2792,0.7805,0.003,0.6995,0.0021,0.9835,0.0033,0.8175,0.0025,0.9521,0.0049
-PyG,CoauthorPhysics,link_pred,True,,,2,4,2,skipconcat,mean,94,0.4436,0.0048,679384.0,2.1476,0.2016,0.8023,0.003,0.7231,0.0026,0.98,0.0018,0.8322,0.0024,0.9576,0.0026
-PyG,CoauthorPhysics,link_pred,True,,,2,4,2,skipsum,add,94,0.4555,0.0007,1613809.0,2.4777,0.3705,0.7967,0.0036,0.7174,0.0039,0.9791,0.0006,0.828,0.0025,0.9487,0.0003
-PyG,CoauthorPhysics,link_pred,True,,,2,4,2,skipsum,max,90,0.4622,0.0016,1613809.0,2.3429,0.3879,0.7972,0.0022,0.7175,0.0022,0.9807,0.0008,0.8287,0.0016,0.9452,0.0015
-PyG,CoauthorPhysics,link_pred,True,,,2,4,2,skipsum,mean,94,0.4438,0.0021,1613809.0,2.2471,0.2968,0.8201,0.0034,0.7436,0.0041,0.9772,0.0018,0.8446,0.0025,0.9548,0.0018
-PyG,CoauthorPhysics,link_pred,True,,,2,4,3,skipconcat,add,95,0.4461,0.0023,603841.0,1.9971,0.1934,0.7994,0.0027,0.7197,0.0025,0.9807,0.0011,0.8302,0.002,0.9548,0.0018
-PyG,CoauthorPhysics,link_pred,True,,,2,4,3,skipconcat,max,95,0.4538,0.0044,603841.0,2.4105,0.2463,0.7974,0.0012,0.7168,0.0014,0.9832,0.0019,0.8292,0.0009,0.9511,0.004
-PyG,CoauthorPhysics,link_pred,True,,,2,4,3,skipconcat,mean,95,0.448,0.0012,603841.0,2.2411,0.2764,0.8115,0.0028,0.7331,0.0032,0.9799,0.0005,0.8387,0.002,0.9536,0.0004
-PyG,CoauthorPhysics,link_pred,True,,,2,4,3,skipsum,add,94,0.455,0.0016,1521017.0,2.5015,0.3304,0.7974,0.0033,0.7182,0.0031,0.9789,0.001,0.8285,0.0025,0.9485,0.0009
-PyG,CoauthorPhysics,link_pred,True,,,2,4,3,skipsum,max,95,0.4639,0.001,1521017.0,2.2345,0.084,0.7989,0.0021,0.7191,0.0022,0.981,0.0001,0.8299,0.0015,0.9428,0.001
-PyG,CoauthorPhysics,link_pred,True,,,2,4,3,skipsum,mean,95,0.4462,0.0018,1521017.0,1.9,0.0114,0.8212,0.0006,0.7447,0.0005,0.9776,0.0012,0.8454,0.0005,0.9537,0.001
-PyG,CoauthorPhysics,link_pred,True,,,2,6,2,skipconcat,add,94,0.4553,0.0077,548253.0,2.2179,0.4238,0.7877,0.0062,0.7084,0.0057,0.9782,0.0027,0.8217,0.0046,0.9511,0.0038
-PyG,CoauthorPhysics,link_pred,True,,,2,6,2,skipconcat,max,94,0.456,0.0055,548253.0,2.3077,0.2638,0.7858,0.0047,0.705,0.0042,0.983,0.0018,0.8211,0.0035,0.9517,0.0047
-PyG,CoauthorPhysics,link_pred,True,,,2,6,2,skipconcat,mean,95,0.4449,0.0026,548253.0,2.5135,0.0876,0.7981,0.003,0.7192,0.0033,0.9782,0.001,0.8289,0.0021,0.956,0.0015
-PyG,CoauthorPhysics,link_pred,True,,,2,6,2,skipsum,add,94,0.4595,0.0024,1445369.0,2.3173,0.2474,0.7929,0.0014,0.714,0.002,0.9774,0.0019,0.8252,0.0008,0.9457,0.0026
-PyG,CoauthorPhysics,link_pred,True,,,2,6,2,skipsum,max,95,0.4658,0.0013,1445369.0,2.2771,0.1508,0.7926,0.0035,0.7131,0.0038,0.9791,0.0015,0.8252,0.0023,0.9416,0.0008
-PyG,CoauthorPhysics,link_pred,True,,,2,6,2,skipsum,mean,95,0.4473,0.0022,1445369.0,2.3162,0.1229,0.8183,0.0009,0.7428,0.0006,0.974,0.0014,0.8428,0.0008,0.9514,0.0012
-PyG,CoauthorPhysics,link_pred,True,,,2,6,3,skipconcat,add,94,0.4511,0.0016,503336.0,2.2591,0.0922,0.8013,0.0012,0.7226,0.0016,0.9784,0.0013,0.8312,0.0007,0.9504,0.0014
-PyG,CoauthorPhysics,link_pred,True,,,2,6,3,skipconcat,max,95,0.4551,0.0047,503336.0,1.9249,0.119,0.798,0.0065,0.7176,0.0066,0.9831,0.0005,0.8296,0.0046,0.9504,0.0029
-PyG,CoauthorPhysics,link_pred,True,,,2,6,3,skipconcat,mean,94,0.444,0.0004,503336.0,2.6153,0.5837,0.8115,0.0026,0.7334,0.0028,0.9789,0.0003,0.8385,0.0019,0.9556,0.0007
-PyG,CoauthorPhysics,link_pred,True,,,2,6,3,skipsum,add,94,0.4607,0.0018,1377041.0,1.9604,0.0886,0.7899,0.0037,0.711,0.004,0.9772,0.0005,0.823,0.0025,0.9439,0.0014
-PyG,CoauthorPhysics,link_pred,True,,,2,6,3,skipsum,max,95,0.4662,0.0018,1377041.0,2.0005,0.1721,0.7964,0.0008,0.7175,0.0005,0.9777,0.0012,0.8276,0.0007,0.94,0.0017
-PyG,CoauthorPhysics,link_pred,True,,,2,6,3,skipsum,mean,95,0.4488,0.0017,1377041.0,2.336,0.2344,0.824,0.0011,0.7485,0.0012,0.976,0.0007,0.8472,0.0008,0.9512,0.0013
-PyG,CoauthorPhysics,link_pred,True,,,2,8,2,skipconcat,add,94,0.4581,0.0026,474561.0,2.0778,0.1491,0.785,0.0018,0.7061,0.0018,0.9766,0.0007,0.8196,0.0013,0.9484,0.0003
-PyG,CoauthorPhysics,link_pred,True,,,2,8,2,skipconcat,max,97,0.4598,0.0084,474561.0,2.0062,0.1088,0.7831,0.008,0.7029,0.007,0.9811,0.0041,0.819,0.006,0.9492,0.0058
-PyG,CoauthorPhysics,link_pred,True,,,2,8,2,skipconcat,mean,95,0.4459,0.0028,474561.0,2.1227,0.2686,0.7989,0.0037,0.7201,0.0036,0.9779,0.0014,0.8294,0.0028,0.9553,0.0017
-PyG,CoauthorPhysics,link_pred,True,,,2,8,2,skipsum,add,94,0.4658,0.001,1328209.0,2.0797,0.1946,0.7874,0.0005,0.7086,0.0009,0.976,0.0013,0.8211,0.0002,0.9409,0.0014
-PyG,CoauthorPhysics,link_pred,True,,,2,8,2,skipsum,max,95,0.4723,0.0036,1328209.0,1.9322,0.009,0.789,0.0038,0.7103,0.0037,0.9764,0.0009,0.8223,0.0027,0.9357,0.0021
-PyG,CoauthorPhysics,link_pred,True,,,2,8,2,skipsum,mean,95,0.4494,0.0023,1328209.0,2.0119,0.133,0.8204,0.0013,0.7452,0.0019,0.9739,0.0017,0.8443,0.0009,0.9501,0.0015
-PyG,CoauthorPhysics,link_pred,True,,,2,8,3,skipconcat,add,94,0.4574,0.0018,433081.0,2.014,0.2545,0.7909,0.0031,0.7123,0.0032,0.9759,0.0018,0.8235,0.0022,0.9456,0.001
-PyG,CoauthorPhysics,link_pred,True,,,2,8,3,skipconcat,max,82,0.4582,0.0043,433081.0,1.9069,0.0885,0.8,0.0022,0.72,0.0022,0.9817,0.0008,0.8307,0.0016,0.9473,0.0036
-PyG,CoauthorPhysics,link_pred,True,,,2,8,3,skipconcat,mean,94,0.4455,0.0049,433081.0,2.0165,0.1804,0.8126,0.0045,0.735,0.0053,0.9779,0.0013,0.8392,0.0031,0.954,0.0039
-PyG,CoauthorPhysics,link_pred,True,,,2,8,3,skipsum,add,94,0.4686,0.0006,1276929.0,2.0415,0.3277,0.7853,0.0022,0.7072,0.0025,0.9738,0.0017,0.8194,0.0014,0.9378,0.0013
-PyG,CoauthorPhysics,link_pred,True,,,2,8,3,skipsum,max,95,0.4712,0.003,1276929.0,2.1294,0.3786,0.7942,0.0005,0.7156,0.0005,0.9766,0.0003,0.826,0.0004,0.9353,0.0026
-PyG,CoauthorPhysics,link_pred,True,,,2,8,3,skipsum,mean,94,0.4499,0.0015,1276929.0,1.8413,0.1607,0.8225,0.004,0.7481,0.0047,0.9725,0.0004,0.8456,0.0029,0.9493,0.0014
-PyG,Cora,link_pred,True,,,1,2,2,skipconcat,add,96,0.4606,0.0082,338046.0,0.0277,0.0039,0.7649,0.0069,0.6802,0.0064,1.0,0.0,0.8097,0.0045,0.9787,0.0043
-PyG,Cora,link_pred,True,,,1,2,2,skipconcat,max,99,0.5239,0.0061,338046.0,0.0245,0.0005,0.7567,0.0036,0.6727,0.0033,1.0,0.0,0.8043,0.0023,0.9609,0.0013
-PyG,Cora,link_pred,True,,,1,2,2,skipconcat,mean,89,0.474,0.0272,338046.0,0.0241,0.0014,0.7621,0.0015,0.6776,0.0013,1.0,0.0,0.8079,0.0009,0.9773,0.0083
-PyG,Cora,link_pred,True,,,1,2,2,skipsum,add,96,0.4507,0.0112,517261.0,0.0282,0.0022,0.7692,0.0079,0.6843,0.0074,1.0,0.0,0.8125,0.0052,0.979,0.0014
-PyG,Cora,link_pred,True,,,1,2,2,skipsum,max,97,0.4616,0.0077,517261.0,0.0259,0.0065,0.7652,0.0035,0.6805,0.0033,1.0,0.0,0.8099,0.0023,0.9736,0.0042
-PyG,Cora,link_pred,True,,,1,2,2,skipsum,mean,95,0.431,0.0098,517261.0,0.0357,0.0171,0.767,0.0057,0.6821,0.0053,1.0,0.0,0.811,0.0038,0.9876,0.0028
-PyG,Cora,link_pred,True,,,1,2,3,skipconcat,add,93,0.4319,0.0096,320949.0,0.0282,0.0044,0.7649,0.0036,0.6802,0.0033,1.0,0.0,0.8097,0.0023,0.9843,0.0049
-PyG,Cora,link_pred,True,,,1,2,3,skipconcat,max,93,0.447,0.0066,320949.0,0.0268,0.0066,0.7601,0.0045,0.6757,0.0041,1.0,0.0,0.8065,0.0029,0.9793,0.0023
-PyG,Cora,link_pred,True,,,1,2,3,skipconcat,mean,96,0.4295,0.0096,320949.0,0.0262,0.0024,0.7709,0.0036,0.6858,0.0034,1.0,0.0,0.8136,0.0024,0.9837,0.0054
-PyG,Cora,link_pred,True,,,1,2,3,skipsum,add,96,0.4266,0.0052,485362.0,0.0248,0.0032,0.7714,0.0042,0.6863,0.004,1.0,0.0,0.814,0.0028,0.9829,0.0038
-PyG,Cora,link_pred,True,,,1,2,3,skipsum,max,90,0.452,0.0068,485362.0,0.0282,0.0032,0.7579,0.0044,0.6738,0.004,1.0,0.0,0.8051,0.0028,0.9754,0.0034
-PyG,Cora,link_pred,True,,,1,2,3,skipsum,mean,91,0.4273,0.01,485362.0,0.0285,0.0037,0.7728,0.0034,0.6876,0.0033,1.0,0.0,0.8149,0.0023,0.9834,0.004
-PyG,Cora,link_pred,True,,,1,4,2,skipconcat,add,96,0.4512,0.0066,286405.0,0.0261,0.0008,0.7656,0.008,0.6809,0.0075,1.0,0.0,0.8101,0.0053,0.9798,0.0013
-PyG,Cora,link_pred,True,,,1,4,2,skipconcat,max,87,0.4904,0.0155,286405.0,0.0288,0.0032,0.761,0.0053,0.6767,0.0048,1.0,0.0,0.8071,0.0034,0.9643,0.0023
-PyG,Cora,link_pred,True,,,1,4,2,skipconcat,mean,96,0.4507,0.0221,286405.0,0.0298,0.0032,0.7719,0.0016,0.6867,0.0015,1.0,0.0,0.8143,0.001,0.9774,0.0071
-PyG,Cora,link_pred,True,,,1,4,2,skipsum,add,96,0.4407,0.0071,458293.0,0.036,0.0019,0.7656,0.0058,0.6809,0.0054,1.0,0.0,0.8101,0.0038,0.9797,0.0015
-PyG,Cora,link_pred,True,,,1,4,2,skipsum,max,88,0.4611,0.0106,458293.0,0.0281,0.0026,0.7675,0.0013,0.6826,0.0012,1.0,0.0,0.8113,0.0009,0.9623,0.0052
-PyG,Cora,link_pred,True,,,1,4,2,skipsum,mean,93,0.4298,0.0118,458293.0,0.0293,0.0022,0.777,0.0107,0.6917,0.0103,1.0,0.0,0.8177,0.0072,0.9813,0.0042
-PyG,Cora,link_pred,True,,,1,4,3,skipconcat,add,85,0.4332,0.002,276018.0,0.0304,0.0031,0.7742,0.0068,0.6889,0.0065,1.0,0.0,0.8158,0.0045,0.9793,0.0034
-PyG,Cora,link_pred,True,,,1,4,3,skipconcat,max,96,0.4452,0.0031,276018.0,0.03,0.0006,0.7724,0.0045,0.6872,0.0043,1.0,0.0,0.8146,0.003,0.9746,0.0009
-PyG,Cora,link_pred,True,,,1,4,3,skipconcat,mean,91,0.4354,0.0021,276018.0,0.0339,0.0043,0.7751,0.0031,0.6898,0.003,1.0,0.0,0.8164,0.0021,0.978,0.0013
-PyG,Cora,link_pred,True,,,1,4,3,skipsum,add,96,0.4327,0.0096,440833.0,0.0343,0.0031,0.7683,0.0006,0.6834,0.0006,1.0,0.0,0.8119,0.0004,0.979,0.0029
-PyG,Cora,link_pred,True,,,1,4,3,skipsum,max,98,0.464,0.0037,440833.0,0.0286,0.0012,0.7672,0.0052,0.6823,0.0048,1.0,0.0,0.8111,0.0034,0.9585,0.0033
-PyG,Cora,link_pred,True,,,1,4,3,skipsum,mean,91,0.4384,0.0072,440833.0,0.0293,0.004,0.7857,0.0073,0.7003,0.0072,0.9992,0.0006,0.8234,0.0049,0.9711,0.0004
-PyG,Cora,link_pred,True,,,1,6,2,skipconcat,add,96,0.453,0.0083,260228.0,0.0292,0.0033,0.7664,0.0061,0.6816,0.0057,1.0,0.0,0.8107,0.004,0.9763,0.0041
-PyG,Cora,link_pred,True,,,1,6,2,skipconcat,max,90,0.4864,0.005,260228.0,0.0333,0.0083,0.7695,0.0031,0.6845,0.0029,1.0,0.0,0.8127,0.002,0.9643,0.0017
-PyG,Cora,link_pred,True,,,1,6,2,skipconcat,mean,91,0.4561,0.0095,260228.0,0.0327,0.0056,0.7637,0.0048,0.6791,0.0045,1.0,0.0,0.8089,0.0032,0.9762,0.0041
-PyG,Cora,link_pred,True,,,1,6,2,skipsum,add,93,0.4423,0.0065,424843.0,0.0292,0.0003,0.7661,0.0045,0.6813,0.0042,1.0,0.0,0.8104,0.003,0.9773,0.0028
-PyG,Cora,link_pred,True,,,1,6,2,skipsum,max,96,0.474,0.0054,424843.0,0.0317,0.0043,0.7685,0.0053,0.6837,0.005,0.9996,0.0006,0.812,0.0034,0.9521,0.0028
-PyG,Cora,link_pred,True,,,1,6,2,skipsum,mean,91,0.4354,0.0056,424843.0,0.0297,0.0019,0.7836,0.0052,0.698,0.0051,1.0,0.0,0.8221,0.0035,0.9733,0.0025
-PyG,Cora,link_pred,True,,,1,6,3,skipconcat,add,95,0.4387,0.0132,257671.0,0.0305,0.0031,0.7746,0.0011,0.6893,0.0011,1.0,0.0,0.8161,0.0008,0.9755,0.009
-PyG,Cora,link_pred,True,,,1,6,3,skipconcat,max,81,0.4575,0.003,257671.0,0.0411,0.0052,0.7655,0.0041,0.6807,0.0039,1.0,0.0,0.81,0.0027,0.9708,0.0018
-PyG,Cora,link_pred,True,,,1,6,3,skipconcat,mean,96,0.4353,0.0071,257671.0,0.0302,0.0021,0.7772,0.0038,0.6918,0.0036,1.0,0.0,0.8178,0.0025,0.9769,0.0033
-PyG,Cora,link_pred,True,,,1,6,3,skipsum,add,96,0.4327,0.0056,412033.0,0.0292,0.0015,0.77,0.0027,0.685,0.0025,1.0,0.0,0.813,0.0018,0.9788,0.0031
-PyG,Cora,link_pred,True,,,1,6,3,skipsum,max,93,0.4684,0.007,412033.0,0.0362,0.0032,0.7655,0.0091,0.6814,0.0088,0.9976,0.0019,0.8097,0.0058,0.9507,0.0006
-PyG,Cora,link_pred,True,,,1,6,3,skipsum,mean,95,0.4429,0.0044,412033.0,0.0363,0.0046,0.7981,0.0006,0.7131,0.0013,0.9976,0.0025,0.8317,0.0003,0.9633,0.003
-PyG,Cora,link_pred,True,,,1,8,2,skipconcat,add,93,0.4615,0.0242,250049.0,0.0517,0.0146,0.7684,0.0067,0.6836,0.0063,0.9996,0.0006,0.8119,0.0044,0.9716,0.0084
-PyG,Cora,link_pred,True,,,1,8,2,skipconcat,max,91,0.5075,0.0308,250049.0,0.0329,0.0012,0.7592,0.004,0.6749,0.0037,1.0,0.0,0.8059,0.0026,0.958,0.0071
-PyG,Cora,link_pred,True,,,1,8,2,skipconcat,mean,93,0.4493,0.0125,250049.0,0.0327,0.006,0.7703,0.0085,0.6853,0.008,1.0,0.0,0.8133,0.0056,0.9746,0.0042
-PyG,Cora,link_pred,True,,,1,8,2,skipsum,add,95,0.4369,0.0056,399561.0,0.032,0.002,0.769,0.0018,0.684,0.0017,1.0,0.0,0.8124,0.0012,0.9761,0.0019
-PyG,Cora,link_pred,True,,,1,8,2,skipsum,max,92,0.4833,0.0069,399561.0,0.0392,0.0052,0.7588,0.0102,0.675,0.0092,0.9988,0.001,0.8055,0.0067,0.946,0.0025
-PyG,Cora,link_pred,True,,,1,8,2,skipsum,mean,92,0.4481,0.0027,399561.0,0.0344,0.004,0.7859,0.0032,0.7015,0.0035,0.9952,0.0025,0.823,0.0021,0.9609,0.0033
-PyG,Cora,link_pred,True,,,1,8,3,skipconcat,add,93,0.4511,0.0111,243784.0,0.0356,0.002,0.7704,0.0027,0.6855,0.0025,0.9992,0.0011,0.8131,0.0018,0.9678,0.0093
-PyG,Cora,link_pred,True,,,1,8,3,skipconcat,max,93,0.4582,0.007,243784.0,0.0352,0.0056,0.7662,0.0007,0.6814,0.0007,1.0,0.0,0.8105,0.0005,0.9686,0.0048
-PyG,Cora,link_pred,True,,,1,8,3,skipconcat,mean,86,0.4459,0.0076,243784.0,0.0347,0.0026,0.7779,0.0071,0.6925,0.0068,1.0,0.0,0.8183,0.0048,0.9702,0.0023
-PyG,Cora,link_pred,True,,,1,8,3,skipsum,add,96,0.4395,0.0034,392621.0,0.0347,0.0014,0.7689,0.0041,0.684,0.0038,1.0,0.0,0.8123,0.0027,0.9752,0.0001
-PyG,Cora,link_pred,True,,,1,8,3,skipsum,max,92,0.4729,0.0126,392621.0,0.04,0.0081,0.7703,0.0046,0.6863,0.0047,0.996,0.0024,0.8126,0.0029,0.9445,0.0079
-PyG,Cora,link_pred,True,,,1,8,3,skipsum,mean,96,0.4465,0.0023,392621.0,0.0386,0.0039,0.7887,0.0051,0.7051,0.004,0.9925,0.0049,0.8245,0.0041,0.958,0.0043
-PyG,Cora,link_pred,True,,,2,2,2,skipconcat,add,93,0.4456,0.0061,336301.0,0.0342,0.0106,0.7663,0.0021,0.6815,0.0019,1.0,0.0,0.8106,0.0014,0.9805,0.0025
-PyG,Cora,link_pred,True,,,2,2,2,skipconcat,max,91,0.4956,0.007,336301.0,0.029,0.006,0.7681,0.0033,0.6832,0.0031,1.0,0.0,0.8118,0.0022,0.9648,0.0009
-PyG,Cora,link_pred,True,,,2,2,2,skipconcat,mean,91,0.4583,0.0225,336301.0,0.0277,0.0038,0.7638,0.0081,0.6793,0.0074,1.0,0.0,0.809,0.0053,0.9768,0.0095
-PyG,Cora,link_pred,True,,,2,2,2,skipsum,add,93,0.4355,0.0058,485362.0,0.0283,0.0026,0.766,0.0028,0.6812,0.0026,1.0,0.0,0.8104,0.0018,0.9844,0.002
-PyG,Cora,link_pred,True,,,2,2,2,skipsum,max,93,0.4547,0.0087,485362.0,0.0286,0.0016,0.7594,0.0062,0.6751,0.0057,1.0,0.0,0.8061,0.004,0.9771,0.0019
-PyG,Cora,link_pred,True,,,2,2,2,skipsum,mean,93,0.4302,0.0075,485362.0,0.0293,0.0042,0.7703,0.0041,0.6853,0.0039,1.0,0.0,0.8132,0.0027,0.9853,0.0027
-PyG,Cora,link_pred,True,,,2,2,3,skipconcat,add,93,0.4355,0.0061,314881.0,0.0331,0.0115,0.7731,0.0032,0.688,0.003,1.0,0.0,0.8151,0.0021,0.9792,0.0049
-PyG,Cora,link_pred,True,,,2,2,3,skipconcat,max,96,0.4533,0.0025,314881.0,0.0327,0.0082,0.7617,0.005,0.6773,0.0046,1.0,0.0,0.8076,0.0033,0.9762,0.0025
-PyG,Cora,link_pred,True,,,2,2,3,skipconcat,mean,93,0.4361,0.0057,314881.0,0.0279,0.0009,0.7733,0.0017,0.688,0.0015,1.0,0.0,0.8152,0.0011,0.9798,0.0052
-PyG,Cora,link_pred,True,,,2,2,3,skipsum,add,95,0.4236,0.0089,458293.0,0.0302,0.0062,0.7793,0.0053,0.6938,0.0051,1.0,0.0,0.8192,0.0036,0.9837,0.0016
-PyG,Cora,link_pred,True,,,2,2,3,skipsum,max,95,0.4449,0.0058,458293.0,0.0297,0.0059,0.7697,0.0063,0.6847,0.0059,1.0,0.0,0.8129,0.0041,0.9754,0.0046
-PyG,Cora,link_pred,True,,,2,2,3,skipsum,mean,93,0.4285,0.0012,458293.0,0.0276,0.0011,0.7759,0.006,0.6906,0.0058,1.0,0.0,0.817,0.0041,0.9837,0.0009
-PyG,Cora,link_pred,True,,,2,4,2,skipconcat,add,93,0.4454,0.004,281410.0,0.0311,0.0026,0.7714,0.0059,0.6863,0.0056,1.0,0.0,0.814,0.0039,0.9782,0.0023
-PyG,Cora,link_pred,True,,,2,4,2,skipconcat,max,87,0.4853,0.007,281410.0,0.0291,0.0015,0.7604,0.0024,0.6761,0.0022,1.0,0.0,0.8067,0.0015,0.9639,0.0036
-PyG,Cora,link_pred,True,,,2,4,2,skipconcat,mean,96,0.4489,0.0158,281410.0,0.0295,0.0013,0.771,0.0022,0.6859,0.0021,1.0,0.0,0.8137,0.0015,0.9762,0.0058
-PyG,Cora,link_pred,True,,,2,4,2,skipsum,add,93,0.4392,0.0027,440833.0,0.0317,0.0035,0.7649,0.0004,0.6802,0.0003,1.0,0.0,0.8097,0.0002,0.9809,0.001
-PyG,Cora,link_pred,True,,,2,4,2,skipsum,max,95,0.4681,0.0067,440833.0,0.032,0.0022,0.7585,0.0051,0.6743,0.0047,1.0,0.0,0.8055,0.0033,0.9626,0.0029
-PyG,Cora,link_pred,True,,,2,4,2,skipsum,mean,92,0.4277,0.0101,440833.0,0.0355,0.0058,0.7897,0.0117,0.7042,0.0117,1.0,0.0,0.8264,0.008,0.9781,0.0023
-PyG,Cora,link_pred,True,,,2,4,3,skipconcat,add,93,0.437,0.0116,268705.0,0.0347,0.0031,0.7796,0.0079,0.6941,0.0077,1.0,0.0,0.8194,0.0054,0.9771,0.0051
-PyG,Cora,link_pred,True,,,2,4,3,skipconcat,max,93,0.4512,0.0038,268705.0,0.0369,0.0013,0.7725,0.0013,0.6873,0.0012,1.0,0.0,0.8147,0.0008,0.9705,0.0025
-PyG,Cora,link_pred,True,,,2,4,3,skipconcat,mean,96,0.4396,0.0038,268705.0,0.0305,0.0002,0.7742,0.0034,0.689,0.0032,1.0,0.0,0.8158,0.0022,0.9767,0.0025
-PyG,Cora,link_pred,True,,,2,4,3,skipsum,add,93,0.432,0.0041,424843.0,0.0289,0.0004,0.7685,0.0047,0.6837,0.0044,0.9996,0.0006,0.812,0.003,0.9798,0.0019
-PyG,Cora,link_pred,True,,,2,4,3,skipsum,max,87,0.4659,0.0024,424843.0,0.0305,0.0021,0.7661,0.0033,0.6814,0.003,1.0,0.0,0.8105,0.0021,0.9569,0.004
-PyG,Cora,link_pred,True,,,2,4,3,skipsum,mean,84,0.434,0.0033,424843.0,0.0283,0.0007,0.7918,0.0049,0.7064,0.0047,0.9988,0.0017,0.8275,0.0035,0.9705,0.0023
-PyG,Cora,link_pred,True,,,2,6,2,skipconcat,add,96,0.4439,0.0074,261991.0,0.0349,0.0033,0.7701,0.0048,0.6852,0.0045,0.9996,0.0006,0.8131,0.0031,0.9747,0.0014
-PyG,Cora,link_pred,True,,,2,6,2,skipconcat,max,98,0.4869,0.0191,261991.0,0.036,0.0039,0.7656,0.008,0.6809,0.0075,1.0,0.0,0.8101,0.0053,0.9611,0.0039
-PyG,Cora,link_pred,True,,,2,6,2,skipconcat,mean,96,0.4488,0.0161,261991.0,0.0339,0.0021,0.775,0.011,0.6898,0.0103,1.0,0.0,0.8164,0.0073,0.9728,0.0037
-PyG,Cora,link_pred,True,,,2,6,2,skipsum,add,96,0.4445,0.0115,412033.0,0.033,0.0038,0.7634,0.0034,0.6788,0.0031,1.0,0.0,0.8087,0.0022,0.9778,0.0043
-PyG,Cora,link_pred,True,,,2,6,2,skipsum,max,96,0.4656,0.0053,412033.0,0.0329,0.0026,0.7682,0.0072,0.6835,0.0069,0.9996,0.0006,0.8118,0.0047,0.9558,0.0057
-PyG,Cora,link_pred,True,,,2,6,2,skipsum,mean,95,0.4414,0.0032,412033.0,0.0311,0.0017,0.7856,0.0039,0.7,0.0037,0.9996,0.0006,0.8234,0.0027,0.9698,0.0024
-PyG,Cora,link_pred,True,,,2,6,3,skipconcat,add,96,0.4446,0.0157,258966.0,0.0366,0.0026,0.7807,0.0041,0.6952,0.0039,1.0,0.0,0.8202,0.0027,0.9675,0.0107
-PyG,Cora,link_pred,True,,,2,6,3,skipconcat,max,97,0.4607,0.0137,258966.0,0.0385,0.0028,0.7648,0.0068,0.6801,0.0063,1.0,0.0,0.8096,0.0045,0.9666,0.0051
-PyG,Cora,link_pred,True,,,2,6,3,skipconcat,mean,95,0.4483,0.0046,258966.0,0.0318,0.0025,0.7785,0.002,0.6931,0.002,0.9996,0.0006,0.8186,0.0013,0.9671,0.0047
-PyG,Cora,link_pred,True,,,2,6,3,skipsum,add,95,0.4369,0.0062,399561.0,0.0339,0.0054,0.7659,0.004,0.6811,0.0037,1.0,0.0,0.8103,0.0026,0.9775,0.0031
-PyG,Cora,link_pred,True,,,2,6,3,skipsum,max,89,0.472,0.0036,399561.0,0.0344,0.0007,0.7641,0.0024,0.6798,0.0023,0.9984,0.0006,0.8089,0.0015,0.9498,0.0035
-PyG,Cora,link_pred,True,,,2,6,3,skipsum,mean,87,0.4477,0.0058,399561.0,0.0371,0.0031,0.7888,0.0061,0.7051,0.0065,0.9929,0.0035,0.8246,0.0041,0.9588,0.0044
-PyG,Cora,link_pred,True,,,2,8,2,skipconcat,add,93,0.4559,0.009,251137.0,0.0384,0.005,0.7676,0.0035,0.6827,0.0032,1.0,0.0,0.8114,0.0023,0.9706,0.0064
-PyG,Cora,link_pred,True,,,2,8,2,skipconcat,max,95,0.4756,0.0138,251137.0,0.0335,0.0046,0.768,0.0084,0.6832,0.0079,1.0,0.0,0.8118,0.0056,0.9622,0.006
-PyG,Cora,link_pred,True,,,2,8,2,skipconcat,mean,81,0.4485,0.0096,251137.0,0.0342,0.0031,0.7758,0.003,0.6905,0.0028,0.9996,0.0006,0.8168,0.0021,0.9703,0.0056
-PyG,Cora,link_pred,True,,,2,8,2,skipsum,add,96,0.4354,0.007,392621.0,0.036,0.0032,0.7666,0.0034,0.6818,0.0031,1.0,0.0,0.8108,0.0023,0.9787,0.0016
-PyG,Cora,link_pred,True,,,2,8,2,skipsum,max,93,0.4757,0.0063,392621.0,0.0394,0.0028,0.7617,0.0075,0.6778,0.0068,0.998,0.0006,0.8073,0.005,0.9457,0.0031
-PyG,Cora,link_pred,True,,,2,8,2,skipsum,mean,92,0.4477,0.0031,392621.0,0.0366,0.0005,0.7842,0.0047,0.6997,0.0044,0.996,0.0015,0.8219,0.0034,0.961,0.002
-PyG,Cora,link_pred,True,,,2,8,3,skipconcat,add,96,0.4563,0.0093,244567.0,0.036,0.0021,0.772,0.0056,0.687,0.0051,0.9992,0.0011,0.8142,0.0038,0.9628,0.0094
-PyG,Cora,link_pred,True,,,2,8,3,skipconcat,max,93,0.4587,0.0085,244567.0,0.0384,0.0004,0.7744,0.0044,0.6892,0.0041,1.0,0.0,0.816,0.0029,0.9613,0.0033
-PyG,Cora,link_pred,True,,,2,8,3,skipconcat,mean,91,0.4528,0.001,244567.0,0.04,0.0062,0.7723,0.0046,0.6871,0.0043,1.0,0.0,0.8145,0.0031,0.9655,0.0042
-PyG,Cora,link_pred,True,,,2,8,3,skipsum,add,88,0.4417,0.0118,383233.0,0.0339,0.001,0.7745,0.0048,0.6893,0.0044,0.9996,0.0006,0.8159,0.0033,0.9712,0.0045
-PyG,Cora,link_pred,True,,,2,8,3,skipsum,max,93,0.4811,0.0123,383233.0,0.042,0.0032,0.7658,0.0004,0.6824,0.0007,0.9945,0.0015,0.8094,0.0001,0.9368,0.0075
-PyG,Cora,link_pred,True,,,2,8,3,skipsum,mean,93,0.4529,0.0044,383233.0,0.0362,0.0038,0.7877,0.0022,0.7048,0.0033,0.9901,0.0039,0.8234,0.001,0.9546,0.0041
-PyG,TU_BZR,link_pred,True,,,1,2,2,skipconcat,add,88,0.565,0.0047,204186.0,0.6898,0.0032,0.7335,0.0083,0.6535,0.0077,0.9943,0.0031,0.7887,0.0047,0.8723,0.0061
-PyG,TU_BZR,link_pred,True,,,1,2,2,skipconcat,max,90,0.5743,0.0033,204186.0,0.8258,0.0235,0.731,0.0043,0.6518,0.004,0.992,0.0017,0.7867,0.0024,0.8496,0.0051
-PyG,TU_BZR,link_pred,True,,,1,2,2,skipconcat,mean,88,0.5809,0.0049,204186.0,0.776,0.0334,0.7254,0.0093,0.6467,0.0079,0.9939,0.0024,0.7835,0.0058,0.846,0.0083
-PyG,TU_BZR,link_pred,True,,,1,2,2,skipsum,add,76,0.5562,0.0034,210901.0,0.7679,0.0355,0.7401,0.0058,0.66,0.0055,0.9906,0.0017,0.7922,0.0034,0.8741,0.0029
-PyG,TU_BZR,link_pred,True,,,1,2,2,skipsum,max,79,0.5728,0.0022,210901.0,0.6782,0.0101,0.7276,0.0024,0.6495,0.002,0.9892,0.0024,0.7841,0.0016,0.8489,0.0027
-PyG,TU_BZR,link_pred,True,,,1,2,2,skipsum,mean,76,0.5812,0.0016,210901.0,0.7867,0.0192,0.723,0.0036,0.6459,0.0027,0.9873,0.0046,0.7809,0.0027,0.8408,0.0029
-PyG,TU_BZR,link_pred,True,,,1,2,3,skipconcat,add,83,0.5659,0.0046,207789.0,0.7638,0.046,0.7355,0.0064,0.6557,0.0059,0.992,0.0017,0.7895,0.0038,0.8609,0.0017
-PyG,TU_BZR,link_pred,True,,,1,2,3,skipconcat,max,93,0.5827,0.0029,207789.0,0.7987,0.0049,0.7144,0.0046,0.6378,0.0034,0.9925,0.0035,0.7765,0.0033,0.8338,0.0033
-PyG,TU_BZR,link_pred,True,,,1,2,3,skipconcat,mean,76,0.5822,0.0073,207789.0,0.8081,0.0227,0.7203,0.0063,0.6436,0.0053,0.9878,0.0059,0.7793,0.004,0.8323,0.0162
-PyG,TU_BZR,link_pred,True,,,1,2,3,skipsum,add,96,0.5566,0.0022,210742.0,0.7951,0.0408,0.7407,0.0019,0.6596,0.002,0.9948,0.0014,0.7932,0.001,0.8662,0.0035
-PyG,TU_BZR,link_pred,True,,,1,2,3,skipsum,max,98,0.5775,0.0077,210742.0,0.7863,0.0184,0.7228,0.0085,0.6448,0.0073,0.9924,0.0013,0.7817,0.0052,0.84,0.0096
-PyG,TU_BZR,link_pred,True,,,1,2,3,skipsum,mean,98,0.583,0.0055,210742.0,0.6902,0.0134,0.717,0.0055,0.6399,0.0047,0.9929,0.0023,0.7782,0.003,0.8312,0.009
-PyG,TU_BZR,link_pred,True,,,1,4,2,skipconcat,add,84,0.5628,0.0185,206365.0,0.819,0.0284,0.7479,0.0152,0.6666,0.0143,0.9934,0.0024,0.7977,0.0094,0.8748,0.0129
-PyG,TU_BZR,link_pred,True,,,1,4,2,skipconcat,max,89,0.5743,0.0042,206365.0,0.6689,0.0072,0.7369,0.0052,0.6573,0.0046,0.9901,0.0,0.7901,0.0033,0.8544,0.0042
-PyG,TU_BZR,link_pred,True,,,1,4,2,skipconcat,mean,89,0.5775,0.0029,206365.0,0.8103,0.035,0.7295,0.0008,0.6505,0.0012,0.992,0.0037,0.7857,0.0006,0.8503,0.0074
-PyG,TU_BZR,link_pred,True,,,1,4,2,skipsum,add,97,0.5573,0.0083,208513.0,0.7932,0.0152,0.7371,0.0046,0.6571,0.0041,0.992,0.0007,0.7906,0.0029,0.8763,0.0062
-PyG,TU_BZR,link_pred,True,,,1,4,2,skipsum,max,95,0.5715,0.0065,208513.0,0.7627,0.0286,0.7336,0.0049,0.6542,0.0043,0.9915,0.0011,0.7882,0.003,0.8599,0.0104
-PyG,TU_BZR,link_pred,True,,,1,4,2,skipsum,mean,90,0.5834,0.0069,208513.0,0.8042,0.0081,0.7191,0.0037,0.6419,0.0037,0.9915,0.0042,0.7792,0.0017,0.8387,0.0089
-PyG,TU_BZR,link_pred,True,,,1,4,3,skipconcat,add,95,0.559,0.0044,208398.0,0.6697,0.0028,0.7375,0.0032,0.6575,0.0024,0.9915,0.0023,0.7907,0.0023,0.8662,0.0023
-PyG,TU_BZR,link_pred,True,,,1,4,3,skipconcat,max,95,0.5744,0.002,208398.0,0.7426,0.0172,0.7281,0.0003,0.6495,0.0005,0.991,0.0017,0.7847,0.0003,0.8451,0.0058
-PyG,TU_BZR,link_pred,True,,,1,4,3,skipconcat,mean,95,0.5803,0.0039,208398.0,0.821,0.0232,0.7224,0.0041,0.6449,0.0038,0.9901,0.003,0.781,0.0023,0.8386,0.0023
-PyG,TU_BZR,link_pred,True,,,1,4,3,skipsum,add,96,0.5544,0.0026,208993.0,0.7953,0.0528,0.7368,0.0076,0.6572,0.0074,0.9906,0.0035,0.7901,0.0042,0.8725,0.0048
-PyG,TU_BZR,link_pred,True,,,1,4,3,skipsum,max,81,0.5733,0.0058,208993.0,0.6814,0.0065,0.7203,0.0073,0.643,0.0066,0.9911,0.0041,0.7799,0.0039,0.8494,0.0075
-PyG,TU_BZR,link_pred,True,,,1,4,3,skipsum,mean,81,0.5797,0.0074,208993.0,0.6785,0.0036,0.7257,0.0062,0.6474,0.0052,0.9915,0.0,0.7833,0.0038,0.8362,0.0059
-PyG,TU_BZR,link_pred,True,,,1,6,2,skipconcat,add,87,0.563,0.0114,203648.0,0.8115,0.0386,0.7386,0.007,0.6579,0.0063,0.9943,0.0031,0.7918,0.0044,0.8801,0.0071
-PyG,TU_BZR,link_pred,True,,,1,6,2,skipconcat,max,87,0.5744,0.0111,203648.0,0.7956,0.0698,0.7369,0.01,0.657,0.0084,0.992,0.0017,0.7904,0.0066,0.8597,0.0056
-PyG,TU_BZR,link_pred,True,,,1,6,2,skipconcat,mean,87,0.5812,0.0096,203648.0,0.6691,0.0039,0.7259,0.0064,0.6476,0.0055,0.9915,0.0011,0.7835,0.0039,0.8501,0.0063
-PyG,TU_BZR,link_pred,True,,,1,6,2,skipsum,add,89,0.565,0.0056,208183.0,0.799,0.0292,0.736,0.0049,0.6559,0.0042,0.9929,0.0011,0.79,0.0031,0.8723,0.0092
-PyG,TU_BZR,link_pred,True,,,1,6,2,skipsum,max,90,0.5673,0.0101,208183.0,0.7796,0.0487,0.7298,0.0115,0.6511,0.01,0.991,0.0017,0.7859,0.007,0.8601,0.013
-PyG,TU_BZR,link_pred,True,,,1,6,2,skipsum,mean,90,0.5785,0.0037,208183.0,0.7771,0.0079,0.7269,0.0071,0.6484,0.0055,0.9915,0.0031,0.784,0.0048,0.8394,0.0064
-PyG,TU_BZR,link_pred,True,,,1,6,3,skipconcat,add,89,0.5627,0.0109,209371.0,0.7883,0.059,0.7357,0.0083,0.6554,0.0075,0.9948,0.0018,0.7901,0.0051,0.8702,0.0146
-PyG,TU_BZR,link_pred,True,,,1,6,3,skipconcat,max,89,0.5737,0.0118,209371.0,0.7852,0.0487,0.7298,0.0119,0.6502,0.0105,0.9953,0.0018,0.7865,0.0071,0.8443,0.016
-PyG,TU_BZR,link_pred,True,,,1,6,3,skipconcat,mean,82,0.5806,0.0121,209371.0,0.7949,0.0456,0.7178,0.0088,0.6409,0.0073,0.991,0.0029,0.7784,0.0055,0.8366,0.0157
-PyG,TU_BZR,link_pred,True,,,1,6,3,skipsum,add,80,0.5563,0.0091,207793.0,0.803,0.0099,0.7363,0.0053,0.6565,0.0053,0.9915,0.0031,0.7899,0.0029,0.8691,0.0092
-PyG,TU_BZR,link_pred,True,,,1,6,3,skipsum,max,95,0.5683,0.0041,207793.0,0.8039,0.0052,0.7236,0.0077,0.6457,0.0063,0.991,0.0017,0.782,0.0048,0.8566,0.0045
-PyG,TU_BZR,link_pred,True,,,1,6,3,skipsum,mean,99,0.5749,0.0115,207793.0,0.8067,0.0045,0.7193,0.0112,0.6422,0.0094,0.9915,0.0035,0.7795,0.0069,0.8429,0.0129
-PyG,TU_BZR,link_pred,True,,,1,8,2,skipconcat,add,94,0.5569,0.0073,205889.0,0.6795,0.0138,0.7485,0.003,0.6668,0.003,0.9934,0.0033,0.798,0.0018,0.8775,0.0039
-PyG,TU_BZR,link_pred,True,,,1,8,2,skipconcat,max,94,0.571,0.0077,205889.0,0.6748,0.0014,0.7419,0.0068,0.6618,0.0057,0.9892,0.0017,0.7931,0.0045,0.8629,0.0071
-PyG,TU_BZR,link_pred,True,,,1,8,2,skipconcat,mean,95,0.5859,0.0126,205889.0,0.8076,0.0063,0.7288,0.0055,0.6502,0.0049,0.9906,0.0013,0.7851,0.0032,0.8476,0.0143
-PyG,TU_BZR,link_pred,True,,,1,8,2,skipsum,add,87,0.5566,0.0044,206361.0,0.8048,0.0018,0.7393,0.0015,0.6587,0.0018,0.9934,0.0029,0.7921,0.0006,0.8734,0.0057
-PyG,TU_BZR,link_pred,True,,,1,8,2,skipsum,max,74,0.5757,0.0093,206361.0,0.6772,0.015,0.7211,0.0078,0.6434,0.0063,0.9924,0.0017,0.7806,0.005,0.8575,0.0017
-PyG,TU_BZR,link_pred,True,,,1,8,2,skipsum,mean,95,0.583,0.0042,206361.0,0.8269,0.0501,0.7087,0.007,0.6329,0.0051,0.9943,0.0035,0.7735,0.0048,0.8391,0.0079
-PyG,TU_BZR,link_pred,True,,,1,8,3,skipconcat,add,85,0.5661,0.006,206524.0,0.7973,0.0294,0.732,0.0063,0.6521,0.0049,0.9948,0.0024,0.7878,0.0044,0.8675,0.0044
-PyG,TU_BZR,link_pred,True,,,1,8,3,skipconcat,max,82,0.5748,0.0021,206524.0,0.8407,0.0684,0.7324,0.0064,0.6533,0.0055,0.9906,0.0013,0.7873,0.0041,0.8465,0.0051
-PyG,TU_BZR,link_pred,True,,,1,8,3,skipconcat,mean,82,0.5823,0.0041,206524.0,0.7898,0.0298,0.7238,0.005,0.6467,0.0036,0.9868,0.0041,0.7813,0.0037,0.8376,0.0062
-PyG,TU_BZR,link_pred,True,,,1,8,3,skipsum,add,83,0.5613,0.0036,207701.0,0.6687,0.004,0.7281,0.0015,0.6491,0.0009,0.9929,0.0031,0.785,0.0014,0.8669,0.0089
-PyG,TU_BZR,link_pred,True,,,1,8,3,skipsum,max,90,0.5766,0.0012,207701.0,0.8284,0.0491,0.717,0.0013,0.6409,0.0014,0.9873,0.0061,0.7772,0.0014,0.8463,0.0013
-PyG,TU_BZR,link_pred,True,,,1,8,3,skipsum,mean,96,0.5828,0.002,207701.0,0.8267,0.0221,0.7114,0.0013,0.6355,0.0011,0.992,0.0007,0.7747,0.0008,0.8289,0.0052
-PyG,TU_BZR,link_pred,True,,,2,2,2,skipconcat,add,97,0.5632,0.0052,205201.0,0.8152,0.0323,0.7401,0.0048,0.6595,0.0045,0.9929,0.0023,0.7926,0.0028,0.8655,0.0059
-PyG,TU_BZR,link_pred,True,,,2,2,2,skipconcat,max,98,0.5807,0.0041,205201.0,0.7807,0.0354,0.7266,0.0037,0.6475,0.0037,0.9948,0.0035,0.7844,0.0017,0.8453,0.0028
-PyG,TU_BZR,link_pred,True,,,2,2,2,skipconcat,mean,95,0.5823,0.0056,205201.0,0.8396,0.0174,0.7201,0.0021,0.6425,0.0012,0.9925,0.0029,0.78,0.0017,0.8407,0.0078
-PyG,TU_BZR,link_pred,True,,,2,2,2,skipsum,add,82,0.5605,0.011,210742.0,0.8456,0.0092,0.737,0.0126,0.6569,0.0111,0.9934,0.0027,0.7907,0.0079,0.8707,0.0061
-PyG,TU_BZR,link_pred,True,,,2,2,2,skipsum,max,98,0.578,0.009,210742.0,0.8204,0.0761,0.7257,0.0051,0.6476,0.0039,0.9906,0.0017,0.7831,0.0034,0.8478,0.0067
-PyG,TU_BZR,link_pred,True,,,2,2,2,skipsum,mean,80,0.5801,0.0147,210742.0,0.7827,0.0458,0.7277,0.0078,0.6491,0.0066,0.9915,0.0023,0.7846,0.005,0.8383,0.0115
-PyG,TU_BZR,link_pred,True,,,2,2,3,skipconcat,add,74,0.5572,0.0111,204481.0,0.6773,0.0061,0.7406,0.0031,0.6605,0.0025,0.9901,0.0011,0.7924,0.0021,0.864,0.0103
-PyG,TU_BZR,link_pred,True,,,2,2,3,skipconcat,max,98,0.5785,0.0082,204481.0,0.6884,0.0068,0.727,0.0044,0.6489,0.0046,0.9896,0.0057,0.7838,0.0021,0.8386,0.0123
-PyG,TU_BZR,link_pred,True,,,2,2,3,skipconcat,mean,83,0.5831,0.0067,204481.0,0.8388,0.0033,0.7244,0.0076,0.6466,0.0064,0.9901,0.004,0.7823,0.0046,0.831,0.0117
-PyG,TU_BZR,link_pred,True,,,2,2,3,skipsum,add,89,0.5594,0.0013,208513.0,0.7709,0.0447,0.739,0.0051,0.6592,0.0045,0.9901,0.003,0.7914,0.0033,0.8691,0.0015
-PyG,TU_BZR,link_pred,True,,,2,2,3,skipsum,max,84,0.5797,0.0069,208513.0,0.7979,0.0172,0.7179,0.0106,0.6406,0.0097,0.9939,0.0057,0.779,0.0056,0.8425,0.0087
-PyG,TU_BZR,link_pred,True,,,2,2,3,skipsum,mean,89,0.5791,0.005,208513.0,0.8088,0.0203,0.7238,0.008,0.646,0.0068,0.9906,0.0041,0.782,0.0051,0.8384,0.015
-PyG,TU_BZR,link_pred,True,,,2,4,2,skipconcat,add,89,0.5624,0.0088,202750.0,0.7738,0.0344,0.7412,0.0054,0.6607,0.004,0.9915,0.0042,0.793,0.004,0.8738,0.0133
-PyG,TU_BZR,link_pred,True,,,2,4,2,skipconcat,max,86,0.5857,0.0022,202750.0,0.7798,0.0056,0.7257,0.0044,0.6472,0.0043,0.9925,0.0041,0.7835,0.0022,0.8557,0.0062
-PyG,TU_BZR,link_pred,True,,,2,4,2,skipconcat,mean,84,0.5798,0.0093,202750.0,0.7803,0.0378,0.732,0.0063,0.653,0.0056,0.9906,0.0041,0.787,0.0039,0.8481,0.0107
-PyG,TU_BZR,link_pred,True,,,2,4,2,skipsum,add,96,0.5529,0.0026,208993.0,0.8166,0.0141,0.7395,0.0045,0.6591,0.0042,0.9925,0.0035,0.7921,0.0028,0.8774,0.0035
-PyG,TU_BZR,link_pred,True,,,2,4,2,skipsum,max,81,0.572,0.0067,208993.0,0.7827,0.047,0.7314,0.0054,0.6526,0.0053,0.9901,0.004,0.7866,0.0027,0.8562,0.0088
-PyG,TU_BZR,link_pred,True,,,2,4,2,skipsum,mean,77,0.5801,0.0042,208993.0,0.6828,0.0128,0.7241,0.0102,0.6464,0.0092,0.9901,0.0034,0.7821,0.0057,0.8408,0.0019
-PyG,TU_BZR,link_pred,True,,,2,4,3,skipconcat,add,79,0.5605,0.0102,202465.0,0.7541,0.0123,0.7346,0.0051,0.6549,0.0038,0.9915,0.003,0.7888,0.0037,0.8676,0.0095
-PyG,TU_BZR,link_pred,True,,,2,4,3,skipconcat,max,79,0.5753,0.0108,202465.0,0.7474,0.0244,0.7254,0.0049,0.6465,0.004,0.9948,0.0018,0.7837,0.0031,0.8475,0.0099
-PyG,TU_BZR,link_pred,True,,,2,4,3,skipconcat,mean,99,0.5854,0.0017,202465.0,0.7941,0.0244,0.7145,0.0055,0.6381,0.005,0.9915,0.0046,0.7765,0.0029,0.836,0.0069
-PyG,TU_BZR,link_pred,True,,,2,4,3,skipsum,add,99,0.5549,0.0031,208183.0,0.7797,0.0267,0.7396,0.0087,0.6591,0.0077,0.9929,0.0,0.7923,0.0055,0.8676,0.0016
-PyG,TU_BZR,link_pred,True,,,2,4,3,skipsum,max,81,0.5745,0.0064,208183.0,0.7454,0.048,0.7204,0.0059,0.6427,0.0058,0.9934,0.0044,0.7804,0.0029,0.8543,0.0108
-PyG,TU_BZR,link_pred,True,,,2,4,3,skipsum,mean,96,0.5761,0.0049,208183.0,0.6881,0.0064,0.7202,0.0065,0.6431,0.0056,0.9896,0.0013,0.7796,0.0038,0.8368,0.0076
-PyG,TU_BZR,link_pred,True,,,2,6,2,skipconcat,add,97,0.5631,0.0058,205411.0,0.6827,0.0009,0.7385,0.0032,0.6579,0.0032,0.9934,0.0027,0.7916,0.0017,0.873,0.0064
-PyG,TU_BZR,link_pred,True,,,2,6,2,skipconcat,max,83,0.5761,0.0031,205411.0,0.6757,0.0021,0.7356,0.0031,0.6561,0.0029,0.9906,0.0035,0.7893,0.002,0.8521,0.0016
-PyG,TU_BZR,link_pred,True,,,2,6,2,skipconcat,mean,90,0.5807,0.0045,205411.0,0.797,0.0414,0.7203,0.0039,0.6428,0.0037,0.992,0.0027,0.7801,0.002,0.8445,0.0028
-PyG,TU_BZR,link_pred,True,,,2,6,2,skipsum,add,99,0.5569,0.0106,207793.0,0.7406,0.0282,0.739,0.0075,0.6582,0.0069,0.9948,0.0018,0.7922,0.0046,0.8738,0.0095
-PyG,TU_BZR,link_pred,True,,,2,6,2,skipsum,max,95,0.5707,0.0019,207793.0,0.799,0.0034,0.7221,0.0023,0.6441,0.0017,0.9924,0.0017,0.7812,0.0016,0.8575,0.0054
-PyG,TU_BZR,link_pred,True,,,2,6,2,skipsum,mean,99,0.5801,0.0123,207793.0,0.7206,0.0363,0.7182,0.0126,0.6412,0.0107,0.9915,0.0023,0.7788,0.0075,0.8415,0.0127
-PyG,TU_BZR,link_pred,True,,,2,6,3,skipconcat,add,99,0.5635,0.0094,210666.0,0.691,0.0042,0.7308,0.0047,0.6521,0.0052,0.9896,0.0077,0.7862,0.0024,0.8634,0.0086
-PyG,TU_BZR,link_pred,True,,,2,6,3,skipconcat,max,99,0.5784,0.0045,210666.0,0.665,0.0027,0.7151,0.0081,0.6379,0.0069,0.9958,0.0035,0.7776,0.0048,0.8431,0.007
-PyG,TU_BZR,link_pred,True,,,2,6,3,skipconcat,mean,82,0.5795,0.0075,210666.0,0.7824,0.0018,0.7182,0.0098,0.6409,0.009,0.9934,0.0047,0.7791,0.0053,0.8328,0.0044
-PyG,TU_BZR,link_pred,True,,,2,6,3,skipsum,add,82,0.5563,0.0106,206361.0,0.8042,0.004,0.7381,0.0097,0.6579,0.0089,0.993,0.004,0.7913,0.0057,0.8727,0.0077
-PyG,TU_BZR,link_pred,True,,,2,6,3,skipsum,max,95,0.5691,0.0051,206361.0,0.7442,0.0222,0.7267,0.0041,0.6486,0.0033,0.9896,0.0017,0.7836,0.0027,0.8552,0.0072
-PyG,TU_BZR,link_pred,True,,,2,6,3,skipsum,mean,95,0.5774,0.0034,206361.0,0.6973,0.013,0.7183,0.004,0.641,0.003,0.9925,0.0035,0.7789,0.0029,0.8383,0.0073
-PyG,TU_BZR,link_pred,True,,,2,8,2,skipconcat,add,89,0.5654,0.0119,206977.0,0.7883,0.0231,0.7424,0.0064,0.6618,0.0054,0.992,0.0052,0.7939,0.0044,0.8742,0.0107
-PyG,TU_BZR,link_pred,True,,,2,8,2,skipconcat,max,86,0.574,0.0004,206977.0,0.8065,0.0079,0.7331,0.005,0.6533,0.0043,0.9934,0.0018,0.7882,0.0032,0.8526,0.0041
-PyG,TU_BZR,link_pred,True,,,2,8,2,skipconcat,mean,95,0.5834,0.0055,206977.0,0.6855,0.0056,0.7255,0.0064,0.6472,0.005,0.9915,0.002,0.7832,0.0043,0.8486,0.0031
-PyG,TU_BZR,link_pred,True,,,2,8,2,skipsum,add,98,0.5564,0.0071,207701.0,0.7803,0.0333,0.738,0.0032,0.6584,0.0032,0.9892,0.0017,0.7906,0.0017,0.8709,0.0085
-PyG,TU_BZR,link_pred,True,,,2,8,2,skipsum,max,90,0.5686,0.0031,207701.0,0.6792,0.0108,0.7294,0.0051,0.6507,0.0043,0.9906,0.0013,0.7854,0.0031,0.859,0.0033
-PyG,TU_BZR,link_pred,True,,,2,8,2,skipsum,mean,89,0.5842,0.0035,207701.0,0.8433,0.0222,0.7164,0.0023,0.64,0.0022,0.9897,0.0044,0.7773,0.0014,0.8383,0.0056
-PyG,TU_BZR,link_pred,True,,,2,8,3,skipconcat,add,97,0.5588,0.0071,207307.0,0.7546,0.0129,0.738,0.003,0.6571,0.0025,0.9953,0.0024,0.7916,0.0021,0.871,0.0079
-PyG,TU_BZR,link_pred,True,,,2,8,3,skipconcat,max,97,0.5803,0.0009,207307.0,0.7607,0.0146,0.7191,0.0061,0.6409,0.0047,0.9967,0.0018,0.7801,0.004,0.8359,0.0047
-PyG,TU_BZR,link_pred,True,,,2,8,3,skipconcat,mean,89,0.5845,0.0027,207307.0,0.682,0.0121,0.724,0.0084,0.6466,0.0082,0.9887,0.0064,0.7818,0.0041,0.8313,0.0075
-PyG,TU_BZR,link_pred,True,,,2,8,3,skipsum,add,89,0.551,0.0109,206593.0,0.8063,0.0375,0.7388,0.0096,0.6589,0.0083,0.9906,0.0007,0.7914,0.0061,0.8759,0.0084
-PyG,TU_BZR,link_pred,True,,,2,8,3,skipsum,max,89,0.5723,0.0083,206593.0,0.7605,0.0412,0.7186,0.0114,0.6418,0.0092,0.9906,0.0035,0.7789,0.0074,0.8472,0.0139
-PyG,TU_BZR,link_pred,True,,,2,8,3,skipsum,mean,89,0.5788,0.0075,206593.0,0.6744,0.019,0.7169,0.0107,0.6399,0.0088,0.9924,0.0007,0.7781,0.0065,0.8345,0.0116
-PyG,TU_COX2,link_pred,True,,,1,2,2,skipconcat,add,91,0.5182,0.0045,202440.0,0.8027,0.0115,0.7722,0.0024,0.6885,0.0029,0.9943,0.0033,0.8137,0.0014,0.9097,0.001
-PyG,TU_COX2,link_pred,True,,,1,2,2,skipconcat,max,91,0.5329,0.0065,202440.0,0.7805,0.0186,0.7698,0.0022,0.6866,0.0036,0.993,0.0063,0.8119,0.0005,0.8929,0.0023
-PyG,TU_COX2,link_pred,True,,,1,2,2,skipconcat,mean,91,0.5313,0.003,202440.0,0.7711,0.0513,0.767,0.0016,0.684,0.0016,0.9926,0.0051,0.8099,0.0016,0.8924,0.0022
-PyG,TU_COX2,link_pred,True,,,1,2,2,skipsum,add,91,0.5158,0.0058,206905.0,0.7819,0.0302,0.7679,0.0073,0.6843,0.0071,0.9952,0.0016,0.8109,0.0047,0.9109,0.0048
-PyG,TU_COX2,link_pred,True,,,1,2,2,skipsum,max,91,0.5318,0.005,206905.0,0.7975,0.0379,0.759,0.0044,0.6766,0.004,0.9921,0.0011,0.8045,0.0029,0.8931,0.0026
-PyG,TU_COX2,link_pred,True,,,1,2,2,skipsum,mean,84,0.5436,0.0042,206905.0,0.8182,0.0198,0.7627,0.0094,0.6796,0.0089,0.9943,0.0022,0.8073,0.0062,0.8865,0.0038
-PyG,TU_COX2,link_pred,True,,,1,2,3,skipconcat,add,93,0.5212,0.0023,206313.0,0.7798,0.0163,0.7651,0.0011,0.6812,0.0011,0.9965,0.0006,0.8092,0.0006,0.9075,0.0021
-PyG,TU_COX2,link_pred,True,,,1,2,3,skipconcat,max,93,0.535,0.003,206313.0,0.7136,0.0709,0.7588,0.0037,0.6765,0.0031,0.9921,0.0011,0.8045,0.0026,0.8898,0.0041
-PyG,TU_COX2,link_pred,True,,,1,2,3,skipconcat,mean,93,0.5358,0.0019,206313.0,0.7793,0.0524,0.7575,0.0058,0.6747,0.0046,0.9948,0.0028,0.804,0.0042,0.8908,0.0026
-PyG,TU_COX2,link_pred,True,,,1,2,3,skipsum,add,99,0.5195,0.0101,207160.0,0.8007,0.0037,0.7676,0.005,0.6842,0.0049,0.9939,0.0033,0.8105,0.0033,0.9088,0.0046
-PyG,TU_COX2,link_pred,True,,,1,2,3,skipsum,max,99,0.5351,0.0103,207160.0,0.7512,0.0198,0.7645,0.0038,0.6825,0.0052,0.9896,0.0065,0.8078,0.0016,0.8901,0.006
-PyG,TU_COX2,link_pred,True,,,1,2,3,skipsum,mean,82,0.5406,0.0075,207160.0,0.7504,0.0252,0.7537,0.0046,0.6715,0.0039,0.9934,0.0019,0.8014,0.0032,0.8892,0.0065
-PyG,TU_COX2,link_pred,True,,,1,4,2,skipconcat,add,95,0.5239,0.0006,205321.0,0.7804,0.0061,0.7714,0.0046,0.6869,0.0046,0.9978,0.0012,0.8136,0.0029,0.9113,0.0029
-PyG,TU_COX2,link_pred,True,,,1,4,2,skipconcat,max,95,0.5369,0.0022,205321.0,0.785,0.0339,0.7663,0.0056,0.6833,0.0051,0.9926,0.0059,0.8094,0.0041,0.8963,0.005
-PyG,TU_COX2,link_pred,True,,,1,4,2,skipconcat,mean,95,0.5362,0.0029,205321.0,0.8005,0.0074,0.7651,0.0073,0.6814,0.0067,0.9956,0.0035,0.8091,0.0049,0.8924,0.0053
-PyG,TU_COX2,link_pred,True,,,1,4,2,skipsum,add,91,0.5125,0.0092,205255.0,0.6758,0.0048,0.7684,0.0035,0.6842,0.0032,0.9974,0.0,0.8116,0.0023,0.9143,0.0065
-PyG,TU_COX2,link_pred,True,,,1,4,2,skipsum,max,81,0.5366,0.0096,205255.0,0.6786,0.0033,0.7613,0.0031,0.6779,0.0027,0.9961,0.0029,0.8067,0.0022,0.8987,0.0067
-PyG,TU_COX2,link_pred,True,,,1,4,2,skipsum,mean,81,0.5402,0.0046,205255.0,0.7975,0.0028,0.7591,0.0035,0.6763,0.0036,0.9943,0.0022,0.805,0.0021,0.8904,0.0062
-PyG,TU_COX2,link_pred,True,,,1,4,3,skipconcat,add,99,0.5232,0.0066,207516.0,0.7634,0.0289,0.7637,0.0023,0.6802,0.0026,0.9957,0.0016,0.8082,0.0013,0.9084,0.005
-PyG,TU_COX2,link_pred,True,,,1,4,3,skipconcat,max,81,0.5322,0.0074,207516.0,0.7762,0.0529,0.7651,0.0015,0.6832,0.0025,0.9887,0.0078,0.808,0.0015,0.8954,0.0068
-PyG,TU_COX2,link_pred,True,,,1,4,3,skipconcat,mean,99,0.5396,0.0096,207516.0,0.7451,0.0531,0.7579,0.002,0.6754,0.0022,0.9935,0.0029,0.8041,0.0011,0.8886,0.0058
-PyG,TU_COX2,link_pred,True,,,1,4,3,skipsum,add,94,0.5219,0.0064,205969.0,0.798,0.0059,0.7632,0.0019,0.68,0.0019,0.9944,0.0012,0.8077,0.0012,0.9098,0.0078
-PyG,TU_COX2,link_pred,True,,,1,4,3,skipsum,max,99,0.5326,0.0062,205969.0,0.6986,0.0163,0.7566,0.004,0.6742,0.0043,0.9935,0.0029,0.8033,0.0022,0.8952,0.0066
-PyG,TU_COX2,link_pred,True,,,1,4,3,skipsum,mean,94,0.5392,0.0041,205969.0,0.778,0.0155,0.7533,0.0,0.6713,0.0003,0.9926,0.0013,0.8009,0.0002,0.8889,0.0064
-PyG,TU_COX2,link_pred,True,,,1,6,2,skipconcat,add,94,0.5196,0.0073,202910.0,0.6746,0.0119,0.7711,0.0054,0.6868,0.0052,0.9974,0.0011,0.8134,0.0035,0.9144,0.003
-PyG,TU_COX2,link_pred,True,,,1,6,2,skipconcat,max,94,0.5306,0.0078,202910.0,0.6805,0.0096,0.7701,0.0097,0.6868,0.0093,0.9935,0.0019,0.8121,0.0063,0.8994,0.0045
-PyG,TU_COX2,link_pred,True,,,1,6,2,skipconcat,mean,94,0.5299,0.0057,202910.0,0.7544,0.0207,0.7649,0.0036,0.6815,0.004,0.9948,0.0029,0.8089,0.0019,0.8967,0.0034
-PyG,TU_COX2,link_pred,True,,,1,6,2,skipsum,add,84,0.5243,0.0062,205357.0,0.781,0.0152,0.7666,0.0058,0.6829,0.006,0.9956,0.0025,0.8101,0.0035,0.9121,0.0006
-PyG,TU_COX2,link_pred,True,,,1,6,2,skipsum,max,97,0.534,0.0043,205357.0,0.6925,0.0085,0.7608,0.0053,0.6777,0.0049,0.9948,0.0011,0.8062,0.0035,0.8968,0.0006
-PyG,TU_COX2,link_pred,True,,,1,6,2,skipsum,mean,97,0.5403,0.0047,205357.0,0.7932,0.0374,0.7621,0.0048,0.6789,0.005,0.9948,0.0022,0.807,0.0028,0.8863,0.0048
-PyG,TU_COX2,link_pred,True,,,1,6,3,skipconcat,add,91,0.5179,0.0012,208741.0,0.7199,0.0133,0.7658,0.0078,0.6821,0.0069,0.9961,0.0018,0.8097,0.0054,0.9091,0.0017
-PyG,TU_COX2,link_pred,True,,,1,6,3,skipconcat,max,91,0.5315,0.0015,208741.0,0.7819,0.0457,0.7623,0.0041,0.6794,0.0042,0.9939,0.0041,0.807,0.0025,0.8938,0.0021
-PyG,TU_COX2,link_pred,True,,,1,6,3,skipconcat,mean,96,0.5376,0.0007,208741.0,0.7803,0.0219,0.76,0.0019,0.6773,0.0016,0.9935,0.0032,0.8054,0.0015,0.8892,0.002
-PyG,TU_COX2,link_pred,True,,,1,6,3,skipsum,add,97,0.5252,0.0023,205129.0,0.8059,0.045,0.7625,0.0058,0.6788,0.0055,0.997,0.0016,0.8077,0.0038,0.9071,0.0027
-PyG,TU_COX2,link_pred,True,,,1,6,3,skipsum,max,87,0.5356,0.0034,205129.0,0.6912,0.0052,0.75,0.0046,0.6679,0.0035,0.9943,0.0035,0.7991,0.0035,0.8934,0.003
-PyG,TU_COX2,link_pred,True,,,1,6,3,skipsum,mean,96,0.5455,0.0035,205129.0,0.7534,0.043,0.7502,0.0043,0.6688,0.004,0.9917,0.0013,0.7988,0.0027,0.8851,0.0029
-PyG,TU_COX2,link_pred,True,,,1,8,2,skipconcat,add,99,0.5264,0.0143,205313.0,0.7323,0.0284,0.7706,0.0044,0.6867,0.0042,0.9957,0.0006,0.8127,0.0029,0.9136,0.0078
-PyG,TU_COX2,link_pred,True,,,1,8,2,skipconcat,max,99,0.5329,0.0124,205313.0,0.7362,0.0389,0.7667,0.0037,0.6838,0.0025,0.9922,0.0049,0.8096,0.0032,0.9033,0.0084
-PyG,TU_COX2,link_pred,True,,,1,8,2,skipconcat,mean,99,0.5424,0.0103,205313.0,0.7404,0.0264,0.7601,0.0036,0.6775,0.0031,0.9926,0.0023,0.8053,0.0025,0.8921,0.0067
-PyG,TU_COX2,link_pred,True,,,1,8,2,skipsum,add,88,0.5272,0.0074,203841.0,0.679,0.0056,0.7599,0.0023,0.6767,0.0018,0.9957,0.0016,0.8057,0.0017,0.9093,0.004
-PyG,TU_COX2,link_pred,True,,,1,8,2,skipsum,max,88,0.5331,0.0072,203841.0,0.6871,0.0176,0.7592,0.0048,0.6764,0.0054,0.9939,0.0041,0.805,0.0025,0.8983,0.0072
-PyG,TU_COX2,link_pred,True,,,1,8,2,skipsum,mean,92,0.5422,0.0047,203841.0,0.7932,0.0049,0.7548,0.0052,0.6729,0.0042,0.9917,0.0038,0.8018,0.0039,0.8833,0.0042
-PyG,TU_COX2,link_pred,True,,,1,8,3,skipconcat,add,97,0.5222,0.0066,206038.0,0.6844,0.014,0.7632,0.0054,0.6795,0.0056,0.9965,0.0022,0.808,0.0033,0.905,0.0032
-PyG,TU_COX2,link_pred,True,,,1,8,3,skipconcat,max,96,0.5384,0.0063,206038.0,0.792,0.0176,0.7544,0.007,0.6724,0.0065,0.9921,0.0022,0.8016,0.0045,0.8898,0.0059
-PyG,TU_COX2,link_pred,True,,,1,8,3,skipconcat,mean,99,0.5411,0.0141,206038.0,0.7443,0.0153,0.7578,0.0081,0.6754,0.0076,0.9935,0.0019,0.8041,0.0051,0.8847,0.0093
-PyG,TU_COX2,link_pred,True,,,1,8,3,skipsum,add,87,0.5227,0.0058,205289.0,0.7547,0.0634,0.7613,0.0072,0.6782,0.007,0.9952,0.0016,0.8066,0.0045,0.9048,0.0033
-PyG,TU_COX2,link_pred,True,,,1,8,3,skipsum,max,87,0.5367,0.0062,205289.0,0.7124,0.0124,0.7552,0.0016,0.6729,0.0021,0.9935,0.0032,0.8023,0.0007,0.8919,0.0027
-PyG,TU_COX2,link_pred,True,,,1,8,3,skipsum,mean,99,0.5401,0.0029,205289.0,0.6981,0.0032,0.7484,0.0032,0.6667,0.0038,0.9935,0.0039,0.7979,0.0015,0.8843,0.0036
-PyG,TU_COX2,link_pred,True,,,2,2,2,skipconcat,add,91,0.5219,0.0093,203491.0,0.6798,0.0048,0.7666,0.005,0.6824,0.0047,0.9974,0.0,0.8104,0.0033,0.9069,0.0053
-PyG,TU_COX2,link_pred,True,,,2,2,2,skipconcat,max,77,0.54,0.0113,203491.0,0.8008,0.0357,0.7648,0.0092,0.6821,0.009,0.9926,0.0017,0.8085,0.0058,0.893,0.0014
-PyG,TU_COX2,link_pred,True,,,2,2,2,skipconcat,mean,97,0.536,0.0012,203491.0,0.7289,0.0036,0.7636,0.0042,0.6802,0.0044,0.9952,0.0023,0.8081,0.0024,0.8929,0.0019
-PyG,TU_COX2,link_pred,True,,,2,2,2,skipsum,add,99,0.5242,0.0108,207160.0,0.7908,0.0189,0.7659,0.007,0.6826,0.007,0.9943,0.0017,0.8095,0.0044,0.909,0.0032
-PyG,TU_COX2,link_pred,True,,,2,2,2,skipsum,max,84,0.5377,0.0058,207160.0,0.7431,0.0403,0.7612,0.0066,0.6781,0.0066,0.9943,0.0027,0.8063,0.004,0.8933,0.0023
-PyG,TU_COX2,link_pred,True,,,2,2,2,skipsum,mean,99,0.5403,0.011,207160.0,0.6653,0.0102,0.762,0.0043,0.679,0.0041,0.9939,0.0035,0.8068,0.0028,0.8875,0.0061
-PyG,TU_COX2,link_pred,True,,,2,2,3,skipconcat,add,82,0.5206,0.0132,203041.0,0.811,0.0236,0.7702,0.0133,0.6874,0.0139,0.9926,0.0041,0.8121,0.0084,0.9044,0.0081
-PyG,TU_COX2,link_pred,True,,,2,2,3,skipconcat,max,80,0.5373,0.005,203041.0,0.6814,0.0079,0.7584,0.0127,0.6774,0.013,0.9882,0.0075,0.8036,0.0076,0.8859,0.0057
-PyG,TU_COX2,link_pred,True,,,2,2,3,skipconcat,mean,88,0.5438,0.0035,203041.0,0.806,0.0167,0.7517,0.0053,0.6694,0.0051,0.9948,0.0022,0.8003,0.0032,0.8869,0.0034
-PyG,TU_COX2,link_pred,True,,,2,2,3,skipsum,add,88,0.5206,0.0059,205255.0,0.7169,0.0299,0.7634,0.0036,0.6798,0.0032,0.9961,0.0011,0.8081,0.0025,0.9091,0.0034
-PyG,TU_COX2,link_pred,True,,,2,2,3,skipsum,max,93,0.5367,0.0005,205255.0,0.7851,0.0161,0.7523,0.0045,0.6709,0.0036,0.9904,0.0027,0.7999,0.0033,0.889,0.0014
-PyG,TU_COX2,link_pred,True,,,2,2,3,skipsum,mean,88,0.5409,0.0063,205255.0,0.749,0.0207,0.747,0.0032,0.6652,0.0029,0.9948,0.0022,0.7973,0.0021,0.8882,0.0058
-PyG,TU_COX2,link_pred,True,,,2,4,2,skipconcat,add,99,0.5223,0.0074,201724.0,0.7766,0.0332,0.7691,0.0055,0.685,0.0053,0.9965,0.0006,0.8119,0.0036,0.9128,0.0053
-PyG,TU_COX2,link_pred,True,,,2,4,2,skipconcat,max,99,0.5371,0.0032,201724.0,0.8321,0.0218,0.7621,0.0039,0.6788,0.004,0.9952,0.0023,0.8071,0.0024,0.8972,0.0033
-PyG,TU_COX2,link_pred,True,,,2,4,2,skipconcat,mean,96,0.5423,0.01,201724.0,0.7879,0.0508,0.7607,0.0036,0.6771,0.0034,0.997,0.0006,0.8064,0.0023,0.8939,0.0046
-PyG,TU_COX2,link_pred,True,,,2,4,2,skipsum,add,99,0.5204,0.0112,205969.0,0.8148,0.0258,0.7677,0.0009,0.6841,0.0014,0.9948,0.0028,0.8106,0.0005,0.9109,0.0075
-PyG,TU_COX2,link_pred,True,,,2,4,2,skipsum,max,90,0.5331,0.0077,205969.0,0.824,0.0202,0.7596,0.0069,0.6767,0.0064,0.9943,0.0017,0.8053,0.0045,0.8986,0.0036
-PyG,TU_COX2,link_pred,True,,,2,4,2,skipsum,mean,92,0.5374,0.0085,205969.0,0.7972,0.0302,0.7604,0.01,0.6778,0.0086,0.993,0.0033,0.8056,0.0071,0.8895,0.0073
-PyG,TU_COX2,link_pred,True,,,2,4,3,skipconcat,add,90,0.5224,0.0023,201601.0,0.7775,0.0233,0.7637,0.0016,0.6799,0.0018,0.9965,0.0016,0.8083,0.0008,0.9083,0.0013
-PyG,TU_COX2,link_pred,True,,,2,4,3,skipconcat,max,90,0.534,0.0046,201601.0,0.8194,0.0662,0.7563,0.0033,0.674,0.0036,0.993,0.0027,0.803,0.0018,0.8941,0.0036
-PyG,TU_COX2,link_pred,True,,,2,4,3,skipconcat,mean,94,0.5406,0.006,201601.0,0.8159,0.036,0.7568,0.0047,0.6744,0.0049,0.993,0.0038,0.8033,0.0027,0.8886,0.0031
-PyG,TU_COX2,link_pred,True,,,2,4,3,skipsum,add,84,0.5199,0.0054,205357.0,0.659,0.0032,0.7655,0.0068,0.6825,0.0073,0.9935,0.0039,0.809,0.0041,0.9097,0.0031
-PyG,TU_COX2,link_pred,True,,,2,4,3,skipsum,max,93,0.5239,0.0046,205357.0,0.6688,0.0068,0.7699,0.0038,0.686,0.003,0.9952,0.0023,0.8122,0.0028,0.8988,0.004
-PyG,TU_COX2,link_pred,True,,,2,4,3,skipsum,mean,93,0.5331,0.0042,205357.0,0.7825,0.0202,0.7587,0.0103,0.6762,0.0095,0.9934,0.0029,0.8046,0.0067,0.8851,0.0035
-PyG,TU_COX2,link_pred,True,,,2,6,2,skipconcat,add,97,0.5151,0.0013,204673.0,0.8508,0.0368,0.7758,0.0012,0.692,0.0019,0.9943,0.0035,0.816,0.0005,0.9113,0.0015
-PyG,TU_COX2,link_pred,True,,,2,6,2,skipconcat,max,90,0.5337,0.0037,204673.0,0.8141,0.0047,0.7684,0.0032,0.6855,0.003,0.9922,0.0039,0.8108,0.0023,0.8975,0.0036
-PyG,TU_COX2,link_pred,True,,,2,6,2,skipconcat,mean,97,0.54,0.004,204673.0,0.8509,0.0029,0.7689,0.0028,0.6859,0.0036,0.9922,0.0037,0.8111,0.0013,0.8892,0.004
-PyG,TU_COX2,link_pred,True,,,2,6,2,skipsum,add,88,0.5239,0.0036,205129.0,0.8524,0.0028,0.7644,0.0048,0.6807,0.0053,0.9961,0.0037,0.8087,0.0027,0.9095,0.0031
-PyG,TU_COX2,link_pred,True,,,2,6,2,skipsum,max,91,0.5351,0.003,205129.0,0.8477,0.008,0.7522,0.0032,0.6695,0.0036,0.9961,0.0032,0.8008,0.0016,0.8975,0.003
-PyG,TU_COX2,link_pred,True,,,2,6,2,skipsum,mean,99,0.5403,0.0068,205129.0,0.8344,0.0182,0.7523,0.0019,0.6711,0.0023,0.9895,0.0056,0.7998,0.0015,0.8867,0.0019
-PyG,TU_COX2,link_pred,True,,,2,6,3,skipconcat,add,99,0.5205,0.0064,210036.0,0.8437,0.0337,0.761,0.0109,0.678,0.0106,0.9948,0.0022,0.8064,0.0069,0.9087,0.0009
-PyG,TU_COX2,link_pred,True,,,2,6,3,skipconcat,max,95,0.53,0.0085,210036.0,0.8341,0.025,0.7586,0.0046,0.6761,0.0036,0.993,0.0035,0.8045,0.0034,0.8975,0.0072
-PyG,TU_COX2,link_pred,True,,,2,6,3,skipconcat,mean,95,0.5391,0.0064,210036.0,0.8133,0.0226,0.7533,0.0023,0.6712,0.0026,0.993,0.0027,0.801,0.0012,0.8855,0.0103
-PyG,TU_COX2,link_pred,True,,,2,6,3,skipsum,add,95,0.5194,0.0051,203841.0,0.7601,0.0198,0.7607,0.0054,0.6774,0.0044,0.9956,0.0038,0.8062,0.0039,0.9096,0.0045
-PyG,TU_COX2,link_pred,True,,,2,6,3,skipsum,max,87,0.5281,0.0017,203841.0,0.7975,0.0512,0.7576,0.002,0.6751,0.001,0.993,0.0062,0.8038,0.0022,0.8933,0.0033
-PyG,TU_COX2,link_pred,True,,,2,6,3,skipsum,mean,95,0.5391,0.0036,203841.0,0.8278,0.0233,0.7509,0.0014,0.6695,0.0005,0.9908,0.0032,0.7991,0.0014,0.8828,0.0042
-PyG,TU_COX2,link_pred,True,,,2,8,2,skipconcat,add,86,0.5328,0.0143,206401.0,0.8517,0.036,0.7713,0.0038,0.6873,0.0037,0.9957,0.0006,0.8132,0.0024,0.9084,0.0014
-PyG,TU_COX2,link_pred,True,,,2,8,2,skipconcat,max,88,0.5373,0.0057,206401.0,0.835,0.0201,0.765,0.0017,0.6817,0.002,0.9939,0.0023,0.8087,0.0009,0.8968,0.0023
-PyG,TU_COX2,link_pred,True,,,2,8,2,skipconcat,mean,96,0.545,0.01,206401.0,0.8177,0.0168,0.7624,0.0078,0.6795,0.0066,0.9935,0.0029,0.807,0.0056,0.8888,0.0092
-PyG,TU_COX2,link_pred,True,,,2,8,2,skipsum,add,99,0.5268,0.0081,205289.0,0.8086,0.0113,0.7601,0.0022,0.6763,0.0023,0.9978,0.0012,0.8062,0.0013,0.9091,0.0055
-PyG,TU_COX2,link_pred,True,,,2,8,2,skipsum,max,87,0.532,0.0058,205289.0,0.8329,0.0234,0.7545,0.0051,0.6723,0.0055,0.9935,0.0039,0.8018,0.0026,0.8995,0.0011
-PyG,TU_COX2,link_pred,True,,,2,8,2,skipsum,mean,99,0.541,0.0051,205289.0,0.7857,0.023,0.75,0.0032,0.668,0.003,0.9939,0.0006,0.799,0.002,0.8873,0.0046
-PyG,TU_COX2,link_pred,True,,,2,8,3,skipconcat,add,88,0.5168,0.0019,206821.0,0.6758,0.0056,0.7635,0.0079,0.6798,0.0075,0.9965,0.0006,0.8082,0.0051,0.9103,0.0035
-PyG,TU_COX2,link_pred,True,,,2,8,3,skipconcat,max,96,0.5334,0.0078,206821.0,0.7527,0.0113,0.7596,0.0061,0.6772,0.0056,0.9922,0.0029,0.805,0.004,0.8933,0.0047
-PyG,TU_COX2,link_pred,True,,,2,8,3,skipconcat,mean,87,0.5363,0.0021,206821.0,0.7704,0.0463,0.7601,0.0024,0.6774,0.0019,0.9935,0.0039,0.8055,0.002,0.889,0.0034
-PyG,TU_COX2,link_pred,True,,,2,8,3,skipsum,add,95,0.5185,0.0082,204289.0,0.7014,0.0231,0.7621,0.0067,0.6782,0.006,0.9978,0.0006,0.8075,0.0045,0.9074,0.0048
-PyG,TU_COX2,link_pred,True,,,2,8,3,skipsum,max,95,0.5302,0.0077,204289.0,0.8102,0.0589,0.7547,0.0021,0.6723,0.0022,0.9939,0.0017,0.8021,0.0011,0.8964,0.009
-PyG,TU_COX2,link_pred,True,,,2,8,3,skipsum,mean,95,0.5344,0.0063,204289.0,0.6795,0.0038,0.7534,0.0053,0.6706,0.0044,0.9961,0.0018,0.8016,0.0038,0.8872,0.0049
-PyG,TU_DD,link_pred,True,,,1,2,2,skipconcat,add,91,0.5263,0.0067,207678.0,1.2378,0.0165,0.7641,0.0047,0.68,0.0041,0.9979,0.0009,0.8089,0.0032,0.9242,0.0054
-PyG,TU_DD,link_pred,True,,,1,2,2,skipconcat,max,88,0.5007,0.0068,207678.0,1.232,0.0441,0.7701,0.003,0.6851,0.0029,1.0,0.0,0.8131,0.002,0.952,0.0027
-PyG,TU_DD,link_pred,True,,,1,2,2,skipconcat,mean,92,0.5232,0.0088,207678.0,1.033,0.0601,0.765,0.0034,0.6805,0.0032,0.9992,0.0,0.8096,0.0023,0.9309,0.0045
-PyG,TU_DD,link_pred,True,,,1,2,2,skipsum,add,94,0.5224,0.0062,218893.0,1.1698,0.0783,0.7632,0.0035,0.6794,0.0027,0.9968,0.0021,0.8081,0.0026,0.921,0.0072
-PyG,TU_DD,link_pred,True,,,1,2,2,skipsum,max,88,0.4893,0.0067,218893.0,0.9791,0.0138,0.7685,0.0056,0.6837,0.0051,0.9996,0.0003,0.812,0.0037,0.9544,0.0042
-PyG,TU_DD,link_pred,True,,,1,2,2,skipsum,mean,88,0.5193,0.0022,218893.0,1.1617,0.0274,0.7623,0.002,0.6784,0.0017,0.9973,0.0009,0.8075,0.0014,0.9275,0.0029
-PyG,TU_DD,link_pred,True,,,1,2,3,skipconcat,add,99,0.5362,0.0064,210741.0,1.1963,0.023,0.7529,0.0049,0.6705,0.0041,0.9945,0.0027,0.801,0.0034,0.9066,0.0055
-PyG,TU_DD,link_pred,True,,,1,2,3,skipconcat,max,94,0.5082,0.0035,210741.0,1.2733,0.0099,0.7654,0.0043,0.6808,0.004,0.9996,0.0003,0.8099,0.0029,0.938,0.0018
-PyG,TU_DD,link_pred,True,,,1,2,3,skipconcat,mean,99,0.5373,0.0079,210741.0,1.2344,0.0202,0.7533,0.0018,0.671,0.0012,0.994,0.0018,0.8011,0.0014,0.9058,0.0079
-PyG,TU_DD,link_pred,True,,,1,2,3,skipsum,add,94,0.5351,0.0063,217906.0,1.2101,0.0128,0.752,0.0042,0.6713,0.0037,0.9878,0.0007,0.7994,0.0029,0.902,0.0044
-PyG,TU_DD,link_pred,True,,,1,2,3,skipsum,max,92,0.5102,0.0098,217906.0,1.2194,0.0226,0.7582,0.0026,0.6752,0.0025,0.9954,0.0017,0.8045,0.0017,0.9288,0.006
-PyG,TU_DD,link_pred,True,,,1,2,3,skipsum,mean,96,0.5361,0.0036,217906.0,1.2332,0.0239,0.7525,0.0016,0.671,0.0017,0.9909,0.0012,0.8001,0.0009,0.9027,0.0037
-PyG,TU_DD,link_pred,True,,,1,4,2,skipconcat,add,92,0.5188,0.0084,208453.0,1.2017,0.0252,0.769,0.0021,0.6845,0.002,0.998,0.0002,0.812,0.0013,0.926,0.0079
-PyG,TU_DD,link_pred,True,,,1,4,2,skipconcat,max,92,0.4848,0.0073,208453.0,1.2308,0.0318,0.7775,0.0047,0.6921,0.0045,1.0,0.0,0.818,0.0031,0.9578,0.0033
-PyG,TU_DD,link_pred,True,,,1,4,2,skipconcat,mean,94,0.5134,0.0045,208453.0,1.2107,0.0349,0.7653,0.002,0.6807,0.0018,0.9992,0.0005,0.8098,0.0014,0.939,0.0046
-PyG,TU_DD,link_pred,True,,,1,4,2,skipsum,add,94,0.5297,0.0087,215029.0,1.209,0.0688,0.7608,0.0032,0.6792,0.0019,0.9884,0.0047,0.8051,0.0028,0.9065,0.0067
-PyG,TU_DD,link_pred,True,,,1,4,2,skipsum,max,92,0.4826,0.0032,215029.0,0.982,0.0069,0.7723,0.0025,0.6874,0.0024,0.999,0.0005,0.8144,0.0016,0.9521,0.0037
-PyG,TU_DD,link_pred,True,,,1,4,2,skipsum,mean,92,0.5133,0.0049,215029.0,1.1501,0.058,0.7664,0.0025,0.6831,0.0025,0.9941,0.0018,0.8097,0.0016,0.9233,0.0043
-PyG,TU_DD,link_pred,True,,,1,4,3,skipconcat,add,92,0.5243,0.0037,210162.0,1.2312,0.0426,0.7588,0.0051,0.6758,0.0045,0.9949,0.0008,0.8048,0.0034,0.9151,0.0042
-PyG,TU_DD,link_pred,True,,,1,4,3,skipconcat,max,92,0.4891,0.0103,210162.0,1.1336,0.0253,0.7691,0.0039,0.6842,0.0036,0.9993,0.0005,0.8123,0.0026,0.9479,0.0099
-PyG,TU_DD,link_pred,True,,,1,4,3,skipconcat,mean,92,0.5244,0.0012,210162.0,1.1917,0.0316,0.76,0.0038,0.6769,0.0036,0.9948,0.0012,0.8056,0.0024,0.9151,0.0036
-PyG,TU_DD,link_pred,True,,,1,4,3,skipsum,add,87,0.5342,0.0044,215041.0,1.0134,0.0181,0.7506,0.0027,0.6713,0.0021,0.982,0.0019,0.7974,0.0021,0.8938,0.0038
-PyG,TU_DD,link_pred,True,,,1,4,3,skipsum,max,92,0.4917,0.0058,215041.0,1.002,0.0143,0.7648,0.0039,0.6808,0.0038,0.9974,0.0018,0.8093,0.0024,0.9425,0.0036
-PyG,TU_DD,link_pred,True,,,1,4,3,skipsum,mean,88,0.5251,0.0108,215041.0,1.1565,0.0473,0.7593,0.004,0.6782,0.0025,0.987,0.0052,0.804,0.0034,0.9048,0.0125
-PyG,TU_DD,link_pred,True,,,1,6,2,skipconcat,add,92,0.5173,0.0084,205124.0,1.2,0.0401,0.7697,0.0052,0.6855,0.0043,0.9964,0.0026,0.8123,0.0039,0.9261,0.0104
-PyG,TU_DD,link_pred,True,,,1,6,2,skipconcat,max,92,0.4809,0.0055,205124.0,1.1995,0.0635,0.7803,0.0035,0.6947,0.0033,1.0,0.0,0.8199,0.0024,0.9587,0.0018
-PyG,TU_DD,link_pred,True,,,1,6,2,skipconcat,mean,92,0.5124,0.0095,205124.0,1.1435,0.0417,0.7702,0.0054,0.6854,0.0049,0.999,0.001,0.813,0.0037,0.9347,0.0064
-PyG,TU_DD,link_pred,True,,,1,6,2,skipsum,add,87,0.5294,0.0029,213835.0,1.1775,0.0058,0.7572,0.0044,0.678,0.0033,0.9794,0.0035,0.8013,0.0034,0.9001,0.002
-PyG,TU_DD,link_pred,True,,,1,6,2,skipsum,max,92,0.4783,0.0022,213835.0,1.0115,0.0067,0.7737,0.0042,0.6891,0.0039,0.9976,0.0008,0.8151,0.0029,0.9508,0.002
-PyG,TU_DD,link_pred,True,,,1,6,2,skipsum,mean,99,0.5165,0.007,213835.0,1.0252,0.0058,0.7692,0.0025,0.6864,0.0028,0.9913,0.0021,0.8111,0.0013,0.9154,0.0042
-PyG,TU_DD,link_pred,True,,,1,6,3,skipconcat,add,94,0.5173,0.0041,210631.0,1.1276,0.0255,0.7667,0.0015,0.6832,0.001,0.9947,0.0016,0.81,0.0012,0.9202,0.004
-PyG,TU_DD,link_pred,True,,,1,6,3,skipconcat,max,97,0.489,0.0019,210631.0,1.188,0.009,0.7761,0.0016,0.6908,0.0016,0.9995,0.0005,0.817,0.001,0.9485,0.0031
-PyG,TU_DD,link_pred,True,,,1,6,3,skipconcat,mean,92,0.5216,0.0051,210631.0,1.0072,0.01,0.7627,0.0029,0.6793,0.0033,0.9952,0.0028,0.8075,0.0015,0.9177,0.0033
-PyG,TU_DD,link_pred,True,,,1,6,3,skipsum,add,97,0.5357,0.0042,213121.0,1.2224,0.0284,0.7504,0.0058,0.6737,0.0049,0.9716,0.0046,0.7957,0.0042,0.8884,0.0056
-PyG,TU_DD,link_pred,True,,,1,6,3,skipsum,max,92,0.4813,0.0031,213121.0,1.0264,0.0259,0.7729,0.0042,0.6886,0.0038,0.9961,0.0008,0.8143,0.0029,0.9423,0.002
-PyG,TU_DD,link_pred,True,,,1,6,3,skipsum,mean,97,0.5156,0.0016,213121.0,1.0048,0.0119,0.7641,0.0016,0.683,0.0008,0.9857,0.0033,0.8069,0.0016,0.9109,0.0016
-PyG,TU_DD,link_pred,True,,,1,8,2,skipconcat,add,92,0.5228,0.0116,207041.0,1.0997,0.0262,0.7663,0.0055,0.683,0.0044,0.994,0.0032,0.8096,0.0041,0.9211,0.0102
-PyG,TU_DD,link_pred,True,,,1,8,2,skipconcat,max,92,0.4799,0.0144,207041.0,1.2076,0.0231,0.7824,0.0025,0.6968,0.0025,1.0,0.0,0.8213,0.0017,0.9586,0.0066
-PyG,TU_DD,link_pred,True,,,1,8,2,skipconcat,mean,92,0.5113,0.0105,207041.0,1.1914,0.0385,0.7691,0.0059,0.6845,0.0054,0.9987,0.001,0.8122,0.004,0.9359,0.007
-PyG,TU_DD,link_pred,True,,,1,8,2,skipsum,add,91,0.5355,0.0072,211401.0,1.2165,0.0234,0.7504,0.0055,0.6727,0.0042,0.9753,0.0039,0.7962,0.0042,0.8939,0.0066
-PyG,TU_DD,link_pred,True,,,1,8,2,skipsum,max,92,0.4782,0.0031,211401.0,1.2041,0.0421,0.7753,0.0024,0.6908,0.0024,0.9968,0.0007,0.8161,0.0016,0.949,0.0009
-PyG,TU_DD,link_pred,True,,,1,8,2,skipsum,mean,97,0.5147,0.0061,211401.0,1.2384,0.0383,0.7666,0.0046,0.6844,0.0036,0.9893,0.0034,0.8091,0.0036,0.9141,0.0073
-PyG,TU_DD,link_pred,True,,,1,8,3,skipconcat,add,92,0.5269,0.0047,207496.0,1.2054,0.0485,0.7616,0.003,0.6804,0.0023,0.9869,0.0042,0.8055,0.0025,0.9067,0.0072
-PyG,TU_DD,link_pred,True,,,1,8,3,skipconcat,max,92,0.4786,0.0035,207496.0,1.2195,0.0526,0.7772,0.0016,0.6919,0.0015,0.9996,0.0006,0.8178,0.0012,0.954,0.003
-PyG,TU_DD,link_pred,True,,,1,8,3,skipconcat,mean,92,0.5176,0.0031,207496.0,1.2479,0.0197,0.7633,0.0025,0.6799,0.0022,0.9954,0.0018,0.8079,0.0017,0.9211,0.0052
-PyG,TU_DD,link_pred,True,,,1,8,3,skipsum,add,97,0.5401,0.0034,212525.0,0.9756,0.0196,0.7446,0.0038,0.6693,0.0029,0.9671,0.0036,0.7911,0.003,0.8826,0.0034
-PyG,TU_DD,link_pred,True,,,1,8,3,skipsum,max,96,0.475,0.0045,212525.0,1.2656,0.0104,0.7766,0.0029,0.6919,0.0023,0.9973,0.0021,0.817,0.0022,0.9454,0.0034
-PyG,TU_DD,link_pred,True,,,1,8,3,skipsum,mean,97,0.5169,0.003,212525.0,1.2161,0.0398,0.7634,0.003,0.6823,0.0022,0.9861,0.0028,0.8065,0.0024,0.9085,0.0018
-PyG,TU_DD,link_pred,True,,,2,2,2,skipconcat,add,97,0.5339,0.008,208621.0,1.2719,0.0067,0.763,0.0019,0.679,0.0013,0.9974,0.0021,0.808,0.0016,0.9175,0.0075
-PyG,TU_DD,link_pred,True,,,2,2,2,skipconcat,max,92,0.5124,0.0071,208621.0,1.2275,0.012,0.7627,0.0032,0.6782,0.003,0.9997,0.0004,0.8082,0.0021,0.9431,0.0035
-PyG,TU_DD,link_pred,True,,,2,2,2,skipconcat,mean,99,0.5341,0.0082,208621.0,1.2223,0.0106,0.7619,0.003,0.6778,0.0027,0.9986,0.0006,0.8075,0.002,0.9193,0.0061
-PyG,TU_DD,link_pred,True,,,2,2,2,skipsum,add,92,0.5268,0.0069,217906.0,1.2429,0.0127,0.7605,0.0026,0.677,0.0024,0.9962,0.0002,0.8062,0.0017,0.9168,0.0055
-PyG,TU_DD,link_pred,True,,,2,2,2,skipsum,max,92,0.4967,0.0051,217906.0,1.2259,0.0073,0.7632,0.0041,0.6788,0.0038,0.9996,0.0,0.8085,0.0026,0.9494,0.0035
-PyG,TU_DD,link_pred,True,,,2,2,2,skipsum,mean,92,0.5228,0.003,217906.0,1.2085,0.0149,0.7619,0.0016,0.678,0.0017,0.9976,0.0013,0.8073,0.0009,0.923,0.0016
-PyG,TU_DD,link_pred,True,,,2,2,3,skipconcat,add,92,0.5408,0.0069,207361.0,0.9707,0.006,0.7532,0.0012,0.6716,0.0017,0.9912,0.0027,0.8007,0.0005,0.9012,0.0079
-PyG,TU_DD,link_pred,True,,,2,2,3,skipconcat,max,92,0.521,0.0066,207361.0,1.2344,0.0321,0.7535,0.0023,0.6705,0.0017,0.9969,0.0017,0.8017,0.0018,0.9269,0.0055
-PyG,TU_DD,link_pred,True,,,2,2,3,skipconcat,mean,92,0.5394,0.0055,207361.0,1.1478,0.0868,0.7539,0.0023,0.6724,0.0017,0.9902,0.0038,0.8009,0.0019,0.902,0.0068
-PyG,TU_DD,link_pred,True,,,2,2,3,skipsum,add,94,0.53,0.0075,215029.0,1.2598,0.0276,0.7571,0.0024,0.675,0.0017,0.9916,0.0034,0.8032,0.002,0.9068,0.0087
-PyG,TU_DD,link_pred,True,,,2,2,3,skipsum,max,91,0.5046,0.0039,215029.0,0.9806,0.0048,0.7561,0.0012,0.6727,0.0014,0.9975,0.0013,0.8035,0.0006,0.9359,0.0067
-PyG,TU_DD,link_pred,True,,,2,2,3,skipsum,mean,94,0.5281,0.0059,215029.0,1.1856,0.0417,0.7614,0.0028,0.6779,0.0027,0.9961,0.0005,0.8067,0.0017,0.912,0.0069
-PyG,TU_DD,link_pred,True,,,2,4,2,skipconcat,add,88,0.5231,0.0089,204802.0,1.0971,0.0471,0.7666,0.004,0.6825,0.0034,0.9973,0.0011,0.8104,0.0028,0.924,0.0078
-PyG,TU_DD,link_pred,True,,,2,4,2,skipconcat,max,88,0.4917,0.0087,204802.0,1.2143,0.0377,0.7731,0.0055,0.6879,0.0052,0.9999,0.0002,0.815,0.0037,0.9545,0.005
-PyG,TU_DD,link_pred,True,,,2,4,2,skipconcat,mean,99,0.5257,0.0117,204802.0,1.2118,0.0395,0.7638,0.0033,0.6796,0.0027,0.9978,0.0014,0.8085,0.0023,0.9242,0.0099
-PyG,TU_DD,link_pred,True,,,2,4,2,skipsum,add,95,0.5301,0.0047,215041.0,1.1572,0.018,0.7607,0.003,0.6795,0.0027,0.9869,0.0015,0.8048,0.002,0.9028,0.0065
-PyG,TU_DD,link_pred,True,,,2,4,2,skipsum,max,87,0.4817,0.005,215041.0,1.1674,0.0743,0.7701,0.0038,0.6854,0.0035,0.9986,0.0005,0.8128,0.0025,0.9532,0.0004
-PyG,TU_DD,link_pred,True,,,2,4,2,skipsum,mean,97,0.521,0.0044,215041.0,1.1178,0.0647,0.762,0.006,0.6792,0.0052,0.9932,0.0021,0.8067,0.0043,0.9151,0.0043
-PyG,TU_DD,link_pred,True,,,2,4,3,skipconcat,add,94,0.5358,0.0069,204193.0,1.0818,0.0544,0.7579,0.0074,0.6764,0.0054,0.9891,0.006,0.8034,0.0057,0.9006,0.0112
-PyG,TU_DD,link_pred,True,,,2,4,3,skipconcat,max,92,0.4982,0.0085,204193.0,1.1392,0.0494,0.7652,0.0037,0.6807,0.0035,0.9992,0.0006,0.8098,0.0023,0.9439,0.0043
-PyG,TU_DD,link_pred,True,,,2,4,3,skipconcat,mean,94,0.5296,0.0049,204193.0,1.0382,0.0063,0.7577,0.0065,0.6756,0.0052,0.9915,0.0039,0.8036,0.0048,0.9081,0.0084
-PyG,TU_DD,link_pred,True,,,2,4,3,skipsum,add,97,0.5272,0.0065,213835.0,1.1558,0.0356,0.7555,0.0034,0.6753,0.0018,0.9847,0.0059,0.8011,0.0031,0.9026,0.0087
-PyG,TU_DD,link_pred,True,,,2,4,3,skipsum,max,97,0.4858,0.0023,213835.0,1.1682,0.0161,0.7704,0.0019,0.6858,0.0018,0.9979,0.001,0.813,0.0013,0.9463,0.0016
-PyG,TU_DD,link_pred,True,,,2,4,3,skipsum,mean,88,0.513,0.008,213835.0,1.0221,0.0315,0.7613,0.0025,0.6786,0.0021,0.9929,0.0021,0.8062,0.0019,0.9184,0.008
-PyG,TU_DD,link_pred,True,,,2,6,2,skipconcat,add,88,0.5201,0.0051,206887.0,1.0102,0.0192,0.7688,0.003,0.6845,0.0028,0.9973,0.0011,0.8118,0.002,0.9254,0.0064
-PyG,TU_DD,link_pred,True,,,2,6,2,skipconcat,max,88,0.4895,0.0074,206887.0,1.1845,0.0076,0.7748,0.0021,0.6894,0.0021,1.0,0.0,0.8162,0.0014,0.9538,0.0053
-PyG,TU_DD,link_pred,True,,,2,6,2,skipconcat,mean,97,0.5147,0.0087,206887.0,1.029,0.0099,0.7692,0.0036,0.6843,0.0033,0.9996,0.0003,0.8124,0.0024,0.9361,0.0077
-PyG,TU_DD,link_pred,True,,,2,6,2,skipsum,add,97,0.5299,0.0059,213121.0,1.0272,0.0118,0.7575,0.0027,0.6776,0.0025,0.9824,0.0006,0.8021,0.0018,0.9006,0.006
-PyG,TU_DD,link_pred,True,,,2,6,2,skipsum,max,96,0.4819,0.0026,213121.0,1.0336,0.0177,0.7726,0.0031,0.6878,0.0031,0.9983,0.001,0.8145,0.0021,0.9502,0.0011
-PyG,TU_DD,link_pred,True,,,2,6,2,skipsum,mean,97,0.5217,0.0002,213121.0,1.1538,0.0403,0.7647,0.0047,0.6828,0.004,0.9888,0.002,0.8078,0.0034,0.9096,0.0013
-PyG,TU_DD,link_pred,True,,,2,6,3,skipconcat,add,99,0.5317,0.0034,211926.0,1.1899,0.0162,0.7597,0.0026,0.6771,0.0024,0.9929,0.0021,0.8051,0.0019,0.9095,0.0042
-PyG,TU_DD,link_pred,True,,,2,6,3,skipconcat,max,88,0.4925,0.0068,211926.0,1.1598,0.0381,0.7706,0.0047,0.6857,0.0043,0.9993,0.0005,0.8133,0.0031,0.9467,0.0051
-PyG,TU_DD,link_pred,True,,,2,6,3,skipconcat,mean,88,0.5265,0.0073,211926.0,1.1645,0.0192,0.7578,0.0029,0.6749,0.0024,0.995,0.0011,0.8042,0.002,0.9134,0.0082
-PyG,TU_DD,link_pred,True,,,2,6,3,skipsum,add,91,0.5303,0.0019,211401.0,1.0119,0.0174,0.7545,0.0033,0.6755,0.0025,0.9795,0.0022,0.7996,0.0024,0.8967,0.0029
-PyG,TU_DD,link_pred,True,,,2,6,3,skipsum,max,95,0.4816,0.0035,211401.0,1.1052,0.0232,0.7732,0.0045,0.6886,0.0043,0.9977,0.0003,0.8148,0.003,0.9458,0.002
-PyG,TU_DD,link_pred,True,,,2,6,3,skipsum,mean,95,0.5147,0.0023,211401.0,1.0238,0.0024,0.7638,0.0027,0.6816,0.0021,0.99,0.0022,0.8074,0.002,0.9145,0.0034
-PyG,TU_DD,link_pred,True,,,2,8,2,skipconcat,add,97,0.5296,0.0042,208129.0,1.1234,0.031,0.7664,0.0046,0.6824,0.0042,0.9967,0.0008,0.8101,0.0031,0.918,0.0043
-PyG,TU_DD,link_pred,True,,,2,8,2,skipconcat,max,87,0.4818,0.0078,208129.0,1.1419,0.0398,0.7796,0.0058,0.6942,0.0055,0.9996,0.0003,0.8194,0.0039,0.9557,0.0036
-PyG,TU_DD,link_pred,True,,,2,8,2,skipconcat,mean,87,0.5179,0.0104,208129.0,1.0813,0.041,0.7647,0.0025,0.6806,0.0021,0.9976,0.001,0.8091,0.0018,0.9288,0.0097
-PyG,TU_DD,link_pred,True,,,2,8,2,skipsum,add,97,0.5372,0.005,212525.0,1.0385,0.023,0.75,0.0071,0.6728,0.0054,0.9736,0.005,0.7957,0.0055,0.8896,0.0062
-PyG,TU_DD,link_pred,True,,,2,8,2,skipsum,max,96,0.478,0.0021,212525.0,1.1118,0.0452,0.7763,0.0019,0.6912,0.002,0.9987,0.001,0.817,0.0011,0.9495,0.0021
-PyG,TU_DD,link_pred,True,,,2,8,2,skipsum,mean,94,0.524,0.0057,212525.0,1.1103,0.0291,0.7577,0.0071,0.6777,0.0063,0.9829,0.0043,0.8022,0.0049,0.9051,0.0057
-PyG,TU_DD,link_pred,True,,,2,8,3,skipconcat,add,97,0.5259,0.0089,208279.0,1.1168,0.0592,0.7626,0.0042,0.6801,0.0031,0.9914,0.0034,0.8068,0.0033,0.9123,0.0091
-PyG,TU_DD,link_pred,True,,,2,8,3,skipconcat,max,99,0.479,0.0035,208279.0,1.0111,0.022,0.7776,0.0026,0.6922,0.0024,0.9999,0.0002,0.8181,0.0018,0.9527,0.002
-PyG,TU_DD,link_pred,True,,,2,8,3,skipconcat,mean,99,0.5195,0.0064,208279.0,1.1775,0.0078,0.7664,0.0024,0.683,0.0028,0.9942,0.0026,0.8097,0.0012,0.9168,0.0097
-PyG,TU_DD,link_pred,True,,,2,8,3,skipsum,add,97,0.5431,0.0018,211201.0,1.1572,0.0176,0.7487,0.0024,0.673,0.0022,0.9672,0.0025,0.7938,0.0018,0.8815,0.0015
-PyG,TU_DD,link_pred,True,,,2,8,3,skipsum,max,92,0.4746,0.0072,211201.0,1.2198,0.0137,0.7745,0.0061,0.6899,0.0055,0.9973,0.0014,0.8156,0.0043,0.9466,0.004
-PyG,TU_DD,link_pred,True,,,2,8,3,skipsum,mean,92,0.517,0.0012,211201.0,1.0147,0.0209,0.7642,0.0013,0.683,0.0017,0.9861,0.002,0.807,0.0006,0.9075,0.0031
-PyG,TU_ENZYMES,link_pred,True,,,1,2,2,skipconcat,add,97,0.6579,0.0014,199336.0,1.0095,0.017,0.6502,0.0029,0.6064,0.0019,0.8556,0.0063,0.7098,0.003,0.708,0.0033
-PyG,TU_ENZYMES,link_pred,True,,,1,2,2,skipconcat,max,86,0.669,0.0026,199336.0,0.887,0.0181,0.6136,0.0048,0.5814,0.003,0.811,0.0199,0.6772,0.0074,0.6574,0.004
-PyG,TU_ENZYMES,link_pred,True,,,1,2,2,skipconcat,mean,97,0.6696,0.0005,199336.0,0.9793,0.0393,0.6191,0.0024,0.5861,0.001,0.8108,0.0087,0.6804,0.0036,0.6595,0.0031
-PyG,TU_ENZYMES,link_pred,True,,,1,2,2,skipsum,add,83,0.6528,0.0008,199801.0,0.9668,0.0449,0.6513,0.0004,0.6067,0.0007,0.86,0.0023,0.7115,0.0004,0.713,0.0015
-PyG,TU_ENZYMES,link_pred,True,,,1,2,2,skipsum,max,97,0.6686,0.0048,199801.0,0.909,0.0213,0.6206,0.0077,0.5873,0.0041,0.811,0.0242,0.6811,0.0106,0.6624,0.0106
-PyG,TU_ENZYMES,link_pred,True,,,1,2,2,skipsum,mean,79,0.6663,0.0013,199801.0,0.8851,0.011,0.6275,0.0132,0.5931,0.0126,0.8148,0.0087,0.6864,0.006,0.6702,0.0062
-PyG,TU_ENZYMES,link_pred,True,,,1,2,3,skipconcat,add,89,0.6548,0.0015,203689.0,0.9842,0.0476,0.6453,0.006,0.6024,0.0039,0.8551,0.009,0.7068,0.0056,0.7033,0.0072
-PyG,TU_ENZYMES,link_pred,True,,,1,2,3,skipconcat,max,95,0.6688,0.0024,203689.0,0.8964,0.0173,0.6129,0.0066,0.5809,0.0057,0.8121,0.0267,0.677,0.0088,0.6505,0.0046
-PyG,TU_ENZYMES,link_pred,True,,,1,2,3,skipconcat,mean,95,0.6696,0.0006,203689.0,0.8825,0.0058,0.6107,0.0024,0.5794,0.002,0.8072,0.011,0.6746,0.0036,0.6506,0.002
-PyG,TU_ENZYMES,link_pred,True,,,1,2,3,skipsum,add,95,0.6504,0.0032,200792.0,0.9397,0.0479,0.6572,0.0111,0.611,0.0079,0.8654,0.0123,0.7163,0.0092,0.7153,0.0117
-PyG,TU_ENZYMES,link_pred,True,,,1,2,3,skipsum,max,87,0.6665,0.004,200792.0,0.961,0.0392,0.6191,0.01,0.5858,0.0059,0.8124,0.0208,0.6807,0.0111,0.6603,0.0122
-PyG,TU_ENZYMES,link_pred,True,,,1,2,3,skipsum,mean,83,0.6662,0.0011,200792.0,0.9947,0.0253,0.6194,0.0042,0.5858,0.0044,0.8151,0.0083,0.6817,0.0016,0.6624,0.0046
-PyG,TU_ENZYMES,link_pred,True,,,1,4,2,skipconcat,add,90,0.6431,0.0075,203465.0,0.9223,0.0232,0.6722,0.011,0.6188,0.0073,0.8964,0.0139,0.7322,0.0094,0.745,0.0132
-PyG,TU_ENZYMES,link_pred,True,,,1,4,2,skipconcat,max,88,0.6538,0.006,203465.0,0.907,0.0076,0.6537,0.0082,0.6094,0.0053,0.8559,0.012,0.7119,0.0077,0.7104,0.0124
-PyG,TU_ENZYMES,link_pred,True,,,1,4,2,skipconcat,mean,88,0.6629,0.0036,203465.0,0.9669,0.0619,0.6391,0.0061,0.6014,0.0042,0.8252,0.0104,0.6957,0.006,0.6816,0.0091
-PyG,TU_ENZYMES,link_pred,True,,,1,4,2,skipsum,add,89,0.6453,0.0008,199463.0,0.9343,0.0313,0.6687,0.0025,0.6173,0.0024,0.8883,0.0081,0.7284,0.0024,0.7352,0.0048
-PyG,TU_ENZYMES,link_pred,True,,,1,4,2,skipsum,max,98,0.6497,0.0056,199463.0,0.8712,0.0089,0.659,0.0062,0.6105,0.0049,0.8785,0.0058,0.7204,0.0045,0.7198,0.0104
-PyG,TU_ENZYMES,link_pred,True,,,1,4,2,skipsum,mean,89,0.6588,0.0039,199463.0,0.9574,0.0057,0.6426,0.0065,0.6016,0.0049,0.8445,0.0047,0.7027,0.005,0.6895,0.0067
-PyG,TU_ENZYMES,link_pred,True,,,1,4,3,skipconcat,add,80,0.648,0.001,205948.0,0.9215,0.0125,0.6552,0.0091,0.6094,0.0064,0.8649,0.0133,0.715,0.0081,0.7224,0.0073
-PyG,TU_ENZYMES,link_pred,True,,,1,4,3,skipconcat,max,93,0.6569,0.0017,205948.0,0.99,0.0452,0.6346,0.0059,0.5957,0.006,0.8382,0.0102,0.6964,0.0029,0.6881,0.0046
-PyG,TU_ENZYMES,link_pred,True,,,1,4,3,skipconcat,mean,88,0.6665,0.001,205948.0,1.0423,0.0056,0.6252,0.0074,0.5899,0.0079,0.8233,0.0123,0.6872,0.0013,0.663,0.0078
-PyG,TU_ENZYMES,link_pred,True,,,1,4,3,skipsum,add,87,0.6424,0.0005,200593.0,1.0123,0.0324,0.6655,0.0035,0.6156,0.0019,0.8815,0.008,0.7249,0.0038,0.7385,0.0033
-PyG,TU_ENZYMES,link_pred,True,,,1,4,3,skipsum,max,93,0.6519,0.0023,200593.0,0.8735,0.0093,0.6502,0.0048,0.6043,0.0036,0.8703,0.0037,0.7133,0.0035,0.7088,0.0028
-PyG,TU_ENZYMES,link_pred,True,,,1,4,3,skipsum,mean,87,0.6585,0.002,200593.0,1.0303,0.0057,0.6414,0.0065,0.6016,0.0065,0.838,0.0114,0.7003,0.0039,0.6874,0.0062
-PyG,TU_ENZYMES,link_pred,True,,,1,6,2,skipconcat,add,97,0.6427,0.0029,201598.0,1.0257,0.0044,0.6748,0.0014,0.6212,0.0002,0.8958,0.0062,0.7336,0.0022,0.7488,0.0081
-PyG,TU_ENZYMES,link_pred,True,,,1,6,2,skipconcat,max,92,0.6404,0.0055,201598.0,0.9816,0.042,0.6738,0.0065,0.6214,0.0049,0.8896,0.0089,0.7317,0.0054,0.7453,0.0068
-PyG,TU_ENZYMES,link_pred,True,,,1,6,2,skipconcat,mean,87,0.6624,0.003,201598.0,1.0532,0.049,0.6427,0.0108,0.602,0.0113,0.8445,0.0134,0.7027,0.0039,0.6896,0.0059
-PyG,TU_ENZYMES,link_pred,True,,,1,6,2,skipsum,add,99,0.6386,0.0089,200333.0,0.8688,0.0048,0.6669,0.0089,0.6164,0.0067,0.8842,0.0081,0.7263,0.0067,0.742,0.013
-PyG,TU_ENZYMES,link_pred,True,,,1,6,2,skipsum,max,99,0.6414,0.0043,200333.0,0.8916,0.0102,0.6729,0.0091,0.6192,0.0066,0.898,0.0084,0.733,0.0071,0.7428,0.0113
-PyG,TU_ENZYMES,link_pred,True,,,1,6,2,skipsum,mean,99,0.6537,0.0019,200333.0,1.0412,0.0475,0.6465,0.0053,0.6028,0.0037,0.8594,0.0117,0.7085,0.0052,0.7018,0.0048
-PyG,TU_ENZYMES,link_pred,True,,,1,6,3,skipconcat,add,99,0.6429,0.0045,207621.0,1.2275,0.3269,0.6666,0.0062,0.6161,0.0037,0.8839,0.0104,0.7261,0.0061,0.7379,0.0099
-PyG,TU_ENZYMES,link_pred,True,,,1,6,3,skipconcat,max,87,0.6524,0.003,207621.0,1.0828,0.0974,0.6486,0.0006,0.6041,0.0016,0.8621,0.0093,0.7104,0.0021,0.7119,0.0037
-PyG,TU_ENZYMES,link_pred,True,,,1,6,3,skipconcat,mean,88,0.6627,0.0021,207621.0,1.2066,0.2778,0.6321,0.0058,0.5957,0.0051,0.8227,0.0028,0.691,0.0032,0.6766,0.0047
-PyG,TU_ENZYMES,link_pred,True,,,1,6,3,skipsum,add,83,0.6381,0.005,200393.0,1.0554,0.0632,0.6668,0.01,0.6158,0.0067,0.8866,0.0117,0.7269,0.0086,0.7439,0.0109
-PyG,TU_ENZYMES,link_pred,True,,,1,6,3,skipsum,max,98,0.6384,0.0052,200393.0,0.944,0.0561,0.67,0.0072,0.6166,0.0056,0.8988,0.0061,0.7315,0.0051,0.7416,0.0126
-PyG,TU_ENZYMES,link_pred,True,,,1,6,3,skipsum,mean,88,0.6569,0.0012,200393.0,0.922,0.0375,0.6417,0.0081,0.6009,0.0076,0.8445,0.0056,0.7021,0.004,0.6946,0.0049
-PyG,TU_ENZYMES,link_pred,True,,,1,8,2,skipconcat,add,92,0.6381,0.0024,204289.0,1.2121,0.2174,0.6803,0.0074,0.6254,0.0059,0.8991,0.003,0.7377,0.0051,0.7559,0.0074
-PyG,TU_ENZYMES,link_pred,True,,,1,8,2,skipconcat,max,98,0.642,0.0018,204289.0,0.9511,0.0809,0.6777,0.0014,0.6229,0.0008,0.9008,0.0078,0.7365,0.0024,0.7521,0.0031
-PyG,TU_ENZYMES,link_pred,True,,,1,8,2,skipconcat,mean,81,0.66,0.0029,204289.0,1.2487,0.2171,0.6482,0.0048,0.6046,0.0034,0.8567,0.005,0.7089,0.004,0.6994,0.0014
-PyG,TU_ENZYMES,link_pred,True,,,1,8,2,skipsum,add,88,0.6335,0.0043,199361.0,1.1347,0.1742,0.6698,0.0094,0.6168,0.0064,0.8967,0.013,0.7308,0.008,0.7543,0.0112
-PyG,TU_ENZYMES,link_pred,True,,,1,8,2,skipsum,max,89,0.6301,0.002,199361.0,1.2234,0.1707,0.6813,0.0053,0.6238,0.0042,0.9141,0.002,0.7415,0.0036,0.7662,0.003
-PyG,TU_ENZYMES,link_pred,True,,,1,8,2,skipsum,mean,79,0.655,0.0033,199361.0,1.1806,0.2347,0.6428,0.0048,0.6017,0.0039,0.8445,0.0016,0.7027,0.0032,0.6977,0.0105
-PyG,TU_ENZYMES,link_pred,True,,,1,8,3,skipconcat,add,94,0.6431,0.0035,205174.0,1.2549,0.211,0.662,0.0043,0.6106,0.0033,0.8945,0.0051,0.7257,0.0032,0.7379,0.0073
-PyG,TU_ENZYMES,link_pred,True,,,1,8,3,skipconcat,max,98,0.6514,0.0025,205174.0,1.255,0.1846,0.6421,0.0072,0.6003,0.0063,0.8505,0.0049,0.7038,0.0042,0.7079,0.0065
-PyG,TU_ENZYMES,link_pred,True,,,1,8,3,skipconcat,mean,98,0.6605,0.0007,205174.0,1.3348,0.1589,0.6325,0.0015,0.5949,0.0009,0.8306,0.0073,0.6933,0.0025,0.68,0.0026
-PyG,TU_ENZYMES,link_pred,True,,,1,8,3,skipsum,add,90,0.6386,0.0013,201001.0,1.3491,0.2546,0.6636,0.0017,0.6126,0.0001,0.8899,0.0087,0.7257,0.003,0.74,0.0036
-PyG,TU_ENZYMES,link_pred,True,,,1,8,3,skipsum,max,87,0.6334,0.0015,201001.0,1.3832,0.1972,0.6785,0.006,0.6225,0.0044,0.907,0.0066,0.7383,0.0048,0.7549,0.008
-PyG,TU_ENZYMES,link_pred,True,,,1,8,3,skipsum,mean,84,0.6589,0.0014,201001.0,1.3418,0.2292,0.6379,0.0018,0.5969,0.0025,0.8496,0.0083,0.7012,0.0013,0.6898,0.0026
-PyG,TU_ENZYMES,link_pred,True,,,2,2,2,skipconcat,add,99,0.6558,0.0027,200451.0,1.2529,0.0369,0.6574,0.007,0.6113,0.0042,0.8643,0.012,0.7161,0.0069,0.7157,0.0009
-PyG,TU_ENZYMES,link_pred,True,,,2,2,2,skipconcat,max,98,0.6671,0.0039,200451.0,1.3646,0.1301,0.6206,0.006,0.5866,0.0029,0.8165,0.0174,0.6827,0.008,0.6613,0.0081
-PyG,TU_ENZYMES,link_pred,True,,,2,2,2,skipconcat,mean,79,0.6702,0.0014,200451.0,1.3889,0.2593,0.6205,0.0093,0.5881,0.007,0.8048,0.0108,0.6795,0.0078,0.6624,0.0045
-PyG,TU_ENZYMES,link_pred,True,,,2,2,2,skipsum,add,92,0.6497,0.0064,200792.0,1.4017,0.1704,0.6625,0.012,0.6148,0.0088,0.8706,0.0148,0.7206,0.01,0.7248,0.0114
-PyG,TU_ENZYMES,link_pred,True,,,2,2,2,skipsum,max,78,0.6684,0.003,200792.0,1.3226,0.1292,0.621,0.0104,0.5875,0.0071,0.8124,0.0147,0.6818,0.0097,0.6647,0.0106
-PyG,TU_ENZYMES,link_pred,True,,,2,2,2,skipsum,mean,78,0.6692,0.0028,200792.0,1.4956,0.034,0.6224,0.0028,0.5892,0.0021,0.808,0.0028,0.6815,0.0024,0.6648,0.0042
-PyG,TU_ENZYMES,link_pred,True,,,2,2,3,skipconcat,add,98,0.6535,0.0041,200481.0,1.0499,0.0444,0.65,0.0063,0.6061,0.0043,0.8564,0.008,0.7099,0.0055,0.7097,0.0067
-PyG,TU_ENZYMES,link_pred,True,,,2,2,3,skipconcat,max,98,0.668,0.0038,200481.0,1.3716,0.2285,0.6102,0.0023,0.5783,0.0014,0.8146,0.0252,0.6762,0.0078,0.6517,0.008
-PyG,TU_ENZYMES,link_pred,True,,,2,2,3,skipconcat,mean,95,0.6687,0.0023,200481.0,1.4398,0.2281,0.6159,0.0046,0.5839,0.0048,0.8072,0.0154,0.6776,0.0042,0.6531,0.0002
-PyG,TU_ENZYMES,link_pred,True,,,2,2,3,skipsum,add,98,0.6469,0.0032,199463.0,1.217,0.0739,0.6603,0.0038,0.6136,0.0026,0.8662,0.0047,0.7183,0.0034,0.7207,0.0064
-PyG,TU_ENZYMES,link_pred,True,,,2,2,3,skipsum,max,98,0.6647,0.005,199463.0,1.3258,0.1064,0.6198,0.0114,0.5861,0.0079,0.8146,0.0153,0.6817,0.0104,0.6627,0.0106
-PyG,TU_ENZYMES,link_pred,True,,,2,2,3,skipsum,mean,80,0.6689,0.0019,199463.0,1.2189,0.0738,0.6183,0.0058,0.5869,0.0042,0.7991,0.0068,0.6767,0.0052,0.6587,0.006
-PyG,TU_ENZYMES,link_pred,True,,,2,4,2,skipconcat,add,99,0.65,0.0024,199900.0,1.0993,0.1426,0.6661,0.0083,0.6154,0.0059,0.8853,0.0074,0.7261,0.0066,0.7297,0.0094
-PyG,TU_ENZYMES,link_pred,True,,,2,4,2,skipconcat,max,83,0.6525,0.004,199900.0,1.5132,0.2054,0.6584,0.0057,0.6119,0.0036,0.8665,0.009,0.7173,0.0054,0.7188,0.0088
-PyG,TU_ENZYMES,link_pred,True,,,2,4,2,skipconcat,mean,88,0.6632,0.0029,199900.0,1.0979,0.0664,0.6375,0.0027,0.5997,0.0004,0.8265,0.0135,0.6951,0.0051,0.6839,0.013
-PyG,TU_ENZYMES,link_pred,True,,,2,4,2,skipsum,add,87,0.6424,0.0044,200593.0,1.1656,0.0494,0.6678,0.0146,0.6169,0.0092,0.8855,0.021,0.7271,0.0134,0.7365,0.0147
-PyG,TU_ENZYMES,link_pred,True,,,2,4,2,skipsum,max,87,0.6476,0.0021,200593.0,1.3045,0.1376,0.6594,0.0027,0.6113,0.0025,0.8758,0.0056,0.72,0.0019,0.7244,0.0068
-PyG,TU_ENZYMES,link_pred,True,,,2,4,2,skipsum,mean,87,0.6581,0.0021,200593.0,1.1514,0.0658,0.6425,0.0066,0.6027,0.0049,0.8363,0.0155,0.7005,0.0068,0.693,0.0089
-PyG,TU_ENZYMES,link_pred,True,,,2,4,3,skipconcat,add,88,0.644,0.0023,200065.0,1.2737,0.1392,0.6699,0.0075,0.6181,0.0057,0.8888,0.0077,0.7292,0.0058,0.736,0.0078
-PyG,TU_ENZYMES,link_pred,True,,,2,4,3,skipconcat,max,88,0.6575,0.0003,200065.0,1.191,0.0743,0.6446,0.0029,0.6028,0.0051,0.8485,0.0174,0.7047,0.0026,0.6943,0.0051
-PyG,TU_ENZYMES,link_pred,True,,,2,4,3,skipconcat,mean,88,0.6606,0.0011,200065.0,1.2402,0.0542,0.6387,0.0018,0.6016,0.0012,0.8211,0.0031,0.6944,0.0017,0.6806,0.0079
-PyG,TU_ENZYMES,link_pred,True,,,2,4,3,skipsum,add,84,0.6426,0.0014,200333.0,1.1005,0.0122,0.665,0.0073,0.6156,0.0051,0.8787,0.0096,0.7239,0.0063,0.7292,0.0046
-PyG,TU_ENZYMES,link_pred,True,,,2,4,3,skipsum,max,84,0.6472,0.0043,200333.0,1.1748,0.1002,0.6584,0.0029,0.6103,0.0016,0.8763,0.0055,0.7195,0.003,0.7195,0.0094
-PyG,TU_ENZYMES,link_pred,True,,,2,4,3,skipsum,mean,84,0.6583,0.002,200333.0,1.0987,0.0821,0.6329,0.0038,0.5949,0.0033,0.8333,0.0097,0.6942,0.0036,0.686,0.0088
-PyG,TU_ENZYMES,link_pred,True,,,2,6,2,skipconcat,add,99,0.6427,0.0006,203361.0,1.379,0.1028,0.6761,0.0047,0.6216,0.0032,0.9002,0.005,0.7354,0.0039,0.7479,0.0034
-PyG,TU_ENZYMES,link_pred,True,,,2,6,2,skipconcat,max,88,0.6452,0.0045,203361.0,1.1874,0.175,0.6751,0.0063,0.6217,0.003,0.894,0.0142,0.7334,0.0069,0.7423,0.0103
-PyG,TU_ENZYMES,link_pred,True,,,2,6,2,skipconcat,mean,79,0.6622,0.0017,203361.0,1.2128,0.0718,0.6468,0.004,0.606,0.0039,0.8393,0.0053,0.7038,0.0022,0.692,0.0087
-PyG,TU_ENZYMES,link_pred,True,,,2,6,2,skipsum,add,83,0.6399,0.0031,200393.0,1.2343,0.095,0.6637,0.0058,0.6141,0.005,0.8812,0.0027,0.7238,0.0034,0.7401,0.007
-PyG,TU_ENZYMES,link_pred,True,,,2,6,2,skipsum,max,86,0.6357,0.0033,200393.0,1.2048,0.1882,0.6724,0.0051,0.6188,0.0053,0.8983,0.0065,0.7328,0.0017,0.7504,0.0033
-PyG,TU_ENZYMES,link_pred,True,,,2,6,2,skipsum,mean,98,0.6544,0.0027,200393.0,1.1274,0.143,0.6438,0.0059,0.6023,0.0041,0.8469,0.0135,0.7039,0.0061,0.701,0.0093
-PyG,TU_ENZYMES,link_pred,True,,,2,6,3,skipconcat,add,99,0.6412,0.006,208916.0,1.1278,0.0246,0.6695,0.0079,0.6176,0.0058,0.8907,0.0059,0.7294,0.0061,0.7417,0.0126
-PyG,TU_ENZYMES,link_pred,True,,,2,6,3,skipconcat,max,88,0.6526,0.0022,208916.0,1.4307,0.1511,0.6598,0.0032,0.6129,0.001,0.867,0.0114,0.7182,0.0045,0.7148,0.0058
-PyG,TU_ENZYMES,link_pred,True,,,2,6,3,skipconcat,mean,88,0.6623,0.0027,208916.0,1.302,0.103,0.6361,0.0012,0.5969,0.0006,0.8379,0.0063,0.6972,0.0022,0.6828,0.0057
-PyG,TU_ENZYMES,link_pred,True,,,2,6,3,skipsum,add,90,0.6361,0.0088,199361.0,1.2073,0.1826,0.6709,0.0089,0.6169,0.0043,0.9013,0.0202,0.7324,0.0097,0.7472,0.0188
-PyG,TU_ENZYMES,link_pred,True,,,2,6,3,skipsum,max,91,0.6424,0.0048,199361.0,1.308,0.1528,0.6667,0.0136,0.6141,0.0101,0.8975,0.0086,0.7292,0.0099,0.7311,0.0109
-PyG,TU_ENZYMES,link_pred,True,,,2,6,3,skipsum,mean,83,0.6568,0.0017,199361.0,1.3553,0.0807,0.6381,0.0056,0.5975,0.0043,0.8464,0.0031,0.7005,0.004,0.6903,0.0049
-PyG,TU_ENZYMES,link_pred,True,,,2,8,2,skipconcat,add,97,0.6412,0.004,205377.0,1.3841,0.2083,0.6769,0.0071,0.6208,0.0063,0.9095,0.0033,0.7379,0.0041,0.7536,0.0042
-PyG,TU_ENZYMES,link_pred,True,,,2,8,2,skipconcat,max,97,0.6418,0.0016,205377.0,1.3761,0.1264,0.681,0.0042,0.6251,0.0034,0.9043,0.0086,0.7392,0.0036,0.7552,0.0039
-PyG,TU_ENZYMES,link_pred,True,,,2,8,2,skipconcat,mean,95,0.6599,0.0023,205377.0,1.2335,0.0809,0.6499,0.0014,0.6078,0.0013,0.8456,0.001,0.7072,0.0007,0.7004,0.0053
-PyG,TU_ENZYMES,link_pred,True,,,2,8,2,skipsum,add,90,0.6363,0.0035,201001.0,1.3906,0.2876,0.6735,0.009,0.6195,0.0066,0.8994,0.008,0.7337,0.0069,0.7501,0.0065
-PyG,TU_ENZYMES,link_pred,True,,,2,8,2,skipsum,max,87,0.6273,0.002,201001.0,1.3022,0.1648,0.6858,0.0019,0.6266,0.0021,0.9195,0.0027,0.7453,0.0006,0.7726,0.0051
-PyG,TU_ENZYMES,link_pred,True,,,2,8,2,skipsum,mean,84,0.6576,0.0027,201001.0,1.1823,0.059,0.642,0.0034,0.5993,0.0043,0.8578,0.0113,0.7055,0.0009,0.6982,0.0071
-PyG,TU_ENZYMES,link_pred,True,,,2,8,3,skipconcat,add,92,0.6328,0.0062,205957.0,1.4228,0.2039,0.6856,0.009,0.6276,0.0072,0.9132,0.0043,0.7439,0.0062,0.7599,0.0126
-PyG,TU_ENZYMES,link_pred,True,,,2,8,3,skipconcat,max,87,0.6461,0.0031,205957.0,1.2677,0.1164,0.6599,0.0107,0.611,0.0075,0.8801,0.0111,0.7213,0.0086,0.7255,0.0103
-PyG,TU_ENZYMES,link_pred,True,,,2,8,3,skipconcat,mean,88,0.6554,0.0013,205957.0,1.2585,0.1212,0.642,0.0006,0.6026,0.0016,0.835,0.0138,0.6999,0.0038,0.6931,0.0046
-PyG,TU_ENZYMES,link_pred,True,,,2,8,3,skipsum,add,99,0.6411,0.002,200193.0,1.2226,0.0174,0.6585,0.007,0.6098,0.0048,0.8801,0.0114,0.7204,0.0063,0.7329,0.0026
-PyG,TU_ENZYMES,link_pred,True,,,2,8,3,skipsum,max,81,0.6341,0.0035,200193.0,1.1728,0.0663,0.672,0.005,0.6183,0.0046,0.8991,0.0166,0.7326,0.0051,0.7538,0.0085
-PyG,TU_ENZYMES,link_pred,True,,,2,8,3,skipsum,mean,85,0.6582,0.003,200193.0,1.309,0.0923,0.641,0.0084,0.5987,0.0052,0.8551,0.0147,0.7043,0.0084,0.6929,0.0132
-PyG,TU_PROTEINS,link_pred,True,,,1,2,2,skipconcat,add,98,0.6536,0.0022,199336.0,1.2497,0.0754,0.6452,0.0022,0.6026,0.001,0.8524,0.0125,0.706,0.0042,0.7118,0.0074
-PyG,TU_PROTEINS,link_pred,True,,,1,2,2,skipconcat,max,98,0.6695,0.0014,199336.0,1.1601,0.0424,0.6093,0.0053,0.5787,0.004,0.8029,0.0054,0.6726,0.0041,0.6586,0.0054
-PyG,TU_PROTEINS,link_pred,True,,,1,2,2,skipconcat,mean,99,0.671,0.0003,199336.0,1.2672,0.0832,0.6067,0.0011,0.5781,0.0017,0.79,0.0184,0.6675,0.0056,0.6529,0.0016
-PyG,TU_PROTEINS,link_pred,True,,,1,2,2,skipsum,add,94,0.6507,0.0005,199801.0,1.1657,0.094,0.6457,0.0026,0.6028,0.0028,0.8546,0.0085,0.7069,0.0023,0.7149,0.0017
-PyG,TU_PROTEINS,link_pred,True,,,1,2,2,skipsum,max,90,0.6641,0.0002,199801.0,1.217,0.0912,0.6131,0.0021,0.5806,0.0023,0.8148,0.0064,0.678,0.0014,0.6688,0.001
-PyG,TU_PROTEINS,link_pred,True,,,1,2,2,skipsum,mean,90,0.6667,0.001,199801.0,1.304,0.1235,0.6112,0.0023,0.5804,0.0017,0.8022,0.0114,0.6735,0.004,0.6615,0.0025
-PyG,TU_PROTEINS,link_pred,True,,,1,2,3,skipconcat,add,94,0.6529,0.002,203689.0,1.291,0.1588,0.6367,0.0047,0.5969,0.0023,0.8422,0.0174,0.6986,0.0068,0.7053,0.0051
-PyG,TU_PROTEINS,link_pred,True,,,1,2,3,skipconcat,max,84,0.6677,0.0007,203689.0,1.2036,0.1096,0.6045,0.0023,0.5733,0.0025,0.8171,0.0128,0.6738,0.0033,0.6586,0.001
-PyG,TU_PROTEINS,link_pred,True,,,1,2,3,skipconcat,mean,84,0.6683,0.0013,203689.0,1.0786,0.069,0.6076,0.0025,0.5775,0.0031,0.8026,0.0093,0.6716,0.0011,0.6537,0.0055
-PyG,TU_PROTEINS,link_pred,True,,,1,2,3,skipsum,add,84,0.6504,0.003,200792.0,1.3501,0.1152,0.6425,0.0046,0.6006,0.0033,0.851,0.004,0.7042,0.0036,0.7135,0.0052
-PyG,TU_PROTEINS,link_pred,True,,,1,2,3,skipsum,max,88,0.6667,0.0017,200792.0,1.2332,0.0868,0.6099,0.0029,0.5775,0.0024,0.819,0.0047,0.6773,0.0021,0.6639,0.0007
-PyG,TU_PROTEINS,link_pred,True,,,1,2,3,skipsum,mean,88,0.6677,0.0029,200792.0,1.1855,0.0343,0.6097,0.0024,0.5772,0.0011,0.8202,0.0115,0.6775,0.0042,0.661,0.005
-PyG,TU_PROTEINS,link_pred,True,,,1,4,2,skipconcat,add,89,0.6409,0.0042,203465.0,1.1856,0.0894,0.6636,0.0085,0.6145,0.006,0.8783,0.0085,0.7231,0.007,0.7404,0.0097
-PyG,TU_PROTEINS,link_pred,True,,,1,4,2,skipconcat,max,86,0.654,0.0048,203465.0,1.2002,0.1638,0.6479,0.0117,0.6031,0.0094,0.8663,0.0062,0.7111,0.0075,0.7156,0.0122
-PyG,TU_PROTEINS,link_pred,True,,,1,4,2,skipconcat,mean,89,0.6632,0.0032,203465.0,1.3745,0.0581,0.6261,0.0071,0.5905,0.0048,0.8233,0.0093,0.6877,0.0065,0.6812,0.0064
-PyG,TU_PROTEINS,link_pred,True,,,1,4,2,skipsum,add,94,0.6402,0.0009,199463.0,1.2081,0.0421,0.6568,0.0012,0.6093,0.0015,0.8744,0.0033,0.7182,0.0002,0.7392,0.0021
-PyG,TU_PROTEINS,link_pred,True,,,1,4,2,skipsum,max,94,0.6466,0.0035,199463.0,1.2463,0.1189,0.654,0.0047,0.607,0.0035,0.8737,0.0044,0.7163,0.0036,0.7275,0.0075
-PyG,TU_PROTEINS,link_pred,True,,,1,4,2,skipsum,mean,94,0.6601,0.0019,199463.0,1.1739,0.0464,0.6262,0.0043,0.5894,0.0031,0.8324,0.0145,0.6901,0.0055,0.6896,0.0066
-PyG,TU_PROTEINS,link_pred,True,,,1,4,3,skipconcat,add,98,0.645,0.0045,205948.0,1.2651,0.0783,0.6521,0.0074,0.6059,0.0062,0.8705,0.0028,0.7145,0.0044,0.7268,0.0069
-PyG,TU_PROTEINS,link_pred,True,,,1,4,3,skipconcat,max,90,0.6597,0.0008,205948.0,1.2566,0.1375,0.6305,0.0037,0.5925,0.0031,0.836,0.0031,0.6935,0.0023,0.6916,0.0022
-PyG,TU_PROTEINS,link_pred,True,,,1,4,3,skipconcat,mean,86,0.6666,0.004,205948.0,1.3221,0.1286,0.6151,0.0116,0.5819,0.0086,0.818,0.0097,0.68,0.0092,0.6666,0.0133
-PyG,TU_PROTEINS,link_pred,True,,,1,4,3,skipsum,add,91,0.6395,0.0041,200593.0,1.2958,0.0815,0.6638,0.012,0.6148,0.0074,0.8772,0.0208,0.7228,0.0116,0.7381,0.0119
-PyG,TU_PROTEINS,link_pred,True,,,1,4,3,skipsum,max,99,0.6484,0.0011,200593.0,1.2169,0.1382,0.6457,0.0004,0.6018,0.0021,0.8611,0.0139,0.7084,0.0034,0.7176,0.0021
-PyG,TU_PROTEINS,link_pred,True,,,1,4,3,skipsum,mean,93,0.6596,0.0019,200593.0,1.3828,0.1122,0.6299,0.0068,0.5911,0.0032,0.8419,0.0204,0.6945,0.009,0.689,0.0064
-PyG,TU_PROTEINS,link_pred,True,,,1,6,2,skipconcat,add,98,0.6346,0.0066,201598.0,1.2482,0.1296,0.6752,0.0091,0.6224,0.0083,0.8919,0.0039,0.7331,0.0051,0.7567,0.0107
-PyG,TU_PROTEINS,link_pred,True,,,1,6,2,skipconcat,max,98,0.642,0.0019,201598.0,1.3686,0.1101,0.6678,0.006,0.6155,0.0057,0.8944,0.008,0.7292,0.0033,0.7492,0.0058
-PyG,TU_PROTEINS,link_pred,True,,,1,6,2,skipconcat,mean,98,0.6586,0.0035,201598.0,1.1356,0.0196,0.6349,0.0099,0.5957,0.0083,0.8402,0.0081,0.6971,0.0062,0.6967,0.0073
-PyG,TU_PROTEINS,link_pred,True,,,1,6,2,skipsum,add,84,0.6374,0.002,200333.0,1.268,0.1271,0.6617,0.0049,0.6134,0.0032,0.8746,0.0079,0.721,0.0045,0.7407,0.005
-PyG,TU_PROTEINS,link_pred,True,,,1,6,2,skipsum,max,84,0.6312,0.0029,200333.0,1.0948,0.0099,0.6722,0.0033,0.6196,0.0016,0.8917,0.0071,0.7312,0.0035,0.7611,0.0089
-PyG,TU_PROTEINS,link_pred,True,,,1,6,2,skipsum,mean,84,0.655,0.0023,200333.0,1.1464,0.1427,0.629,0.0048,0.5914,0.0032,0.8346,0.0066,0.6922,0.0045,0.698,0.0038
-PyG,TU_PROTEINS,link_pred,True,,,1,6,3,skipconcat,add,94,0.6361,0.0073,207621.0,1.3691,0.222,0.6678,0.014,0.6177,0.0121,0.8819,0.0047,0.7265,0.0088,0.7476,0.0136
-PyG,TU_PROTEINS,link_pred,True,,,1,6,3,skipconcat,max,89,0.6493,0.0043,207621.0,1.104,0.0473,0.6448,0.0021,0.5996,0.0009,0.8717,0.0096,0.7105,0.0034,0.7215,0.0098
-PyG,TU_PROTEINS,link_pred,True,,,1,6,3,skipconcat,mean,89,0.6598,0.0018,207621.0,1.2621,0.058,0.6262,0.0052,0.5893,0.0025,0.8324,0.0156,0.69,0.007,0.6865,0.003
-PyG,TU_PROTEINS,link_pred,True,,,1,6,3,skipsum,add,94,0.639,0.0015,200393.0,1.1996,0.058,0.6612,0.0013,0.614,0.0008,0.8683,0.0044,0.7193,0.0017,0.7378,0.0004
-PyG,TU_PROTEINS,link_pred,True,,,1,6,3,skipsum,max,98,0.6376,0.0023,200393.0,1.1823,0.0065,0.6631,0.0021,0.6124,0.0026,0.8886,0.0051,0.725,0.0006,0.745,0.0034
-PyG,TU_PROTEINS,link_pred,True,,,1,6,3,skipsum,mean,92,0.6554,0.0012,200393.0,1.2854,0.2066,0.6276,0.0031,0.5893,0.0023,0.8416,0.004,0.6932,0.0024,0.6966,0.002
-PyG,TU_PROTEINS,link_pred,True,,,1,8,2,skipconcat,add,94,0.632,0.0026,204289.0,1.1856,0.0644,0.6802,0.0028,0.6257,0.0013,0.8975,0.0138,0.7373,0.0045,0.7666,0.0053
-PyG,TU_PROTEINS,link_pred,True,,,1,8,2,skipconcat,max,99,0.6427,0.0084,204289.0,1.4357,0.1685,0.6632,0.011,0.6105,0.0087,0.9024,0.0108,0.7283,0.0076,0.7523,0.0178
-PyG,TU_PROTEINS,link_pred,True,,,1,8,2,skipconcat,mean,99,0.6578,0.0037,204289.0,1.3388,0.0903,0.6409,0.0077,0.5989,0.0049,0.8532,0.0203,0.7037,0.0087,0.709,0.0114
-PyG,TU_PROTEINS,link_pred,True,,,1,8,2,skipsum,add,99,0.6319,0.0021,199361.0,1.17,0.0807,0.6647,0.0024,0.6143,0.0028,0.8854,0.0121,0.7253,0.003,0.7524,0.0033
-PyG,TU_PROTEINS,link_pred,True,,,1,8,2,skipsum,max,88,0.6249,0.0047,199361.0,1.3171,0.1039,0.6811,0.0022,0.6229,0.003,0.9187,0.0114,0.7423,0.0024,0.7735,0.0075
-PyG,TU_PROTEINS,link_pred,True,,,1,8,2,skipsum,mean,99,0.6536,0.0044,199361.0,1.2812,0.0604,0.6356,0.0042,0.5937,0.0045,0.8595,0.0112,0.7023,0.0024,0.703,0.0079
-PyG,TU_PROTEINS,link_pred,True,,,1,8,3,skipconcat,add,98,0.634,0.0029,205174.0,1.3115,0.0858,0.6634,0.0046,0.6131,0.0034,0.886,0.0089,0.7247,0.0041,0.7512,0.0072
-PyG,TU_PROTEINS,link_pred,True,,,1,8,3,skipconcat,max,98,0.6462,0.0028,205174.0,1.2638,0.0464,0.6535,0.0043,0.6053,0.0041,0.8822,0.0063,0.718,0.0022,0.7315,0.0044
-PyG,TU_PROTEINS,link_pred,True,,,1,8,3,skipconcat,mean,86,0.6597,0.0013,205174.0,1.1809,0.1193,0.6314,0.007,0.5932,0.0044,0.8363,0.0113,0.694,0.0069,0.6928,0.007
-PyG,TU_PROTEINS,link_pred,True,,,1,8,3,skipsum,add,96,0.6363,0.0019,201001.0,1.3858,0.2021,0.6553,0.0052,0.6074,0.0049,0.8785,0.0071,0.7182,0.003,0.7429,0.0035
-PyG,TU_PROTEINS,link_pred,True,,,1,8,3,skipsum,max,96,0.6281,0.0041,201001.0,1.2584,0.2044,0.6709,0.0086,0.6173,0.0043,0.899,0.02,0.7319,0.0093,0.7618,0.0099
-PyG,TU_PROTEINS,link_pred,True,,,1,8,3,skipsum,mean,96,0.6507,0.0027,201001.0,1.4528,0.1902,0.6367,0.0036,0.5948,0.0024,0.8575,0.0151,0.7023,0.0052,0.7079,0.003
-PyG,TU_PROTEINS,link_pred,True,,,2,2,2,skipconcat,add,94,0.6541,0.0017,200451.0,1.3427,0.2413,0.6486,0.0034,0.6063,0.0029,0.8477,0.004,0.7069,0.0024,0.7118,0.0031
-PyG,TU_PROTEINS,link_pred,True,,,2,2,2,skipconcat,max,84,0.6693,0.0024,200451.0,1.0908,0.1244,0.6101,0.0045,0.5788,0.0037,0.8088,0.0068,0.6747,0.0034,0.6604,0.0053
-PyG,TU_PROTEINS,link_pred,True,,,2,2,2,skipconcat,mean,81,0.6698,0.0016,200451.0,1.2193,0.0932,0.6124,0.0054,0.5822,0.0047,0.7968,0.0111,0.6727,0.0045,0.657,0.0066
-PyG,TU_PROTEINS,link_pred,True,,,2,2,2,skipsum,add,84,0.6489,0.0011,200792.0,1.2609,0.1481,0.6481,0.0052,0.6045,0.0046,0.8573,0.0011,0.709,0.0029,0.7186,0.0026
-PyG,TU_PROTEINS,link_pred,True,,,2,2,2,skipsum,max,88,0.6679,0.002,200792.0,1.2153,0.047,0.6175,0.004,0.5849,0.004,0.8097,0.0053,0.6792,0.0012,0.6634,0.0027
-PyG,TU_PROTEINS,link_pred,True,,,2,2,2,skipsum,mean,88,0.6674,0.0017,200792.0,1.2564,0.0837,0.6138,0.0032,0.5808,0.0007,0.818,0.0173,0.6792,0.0065,0.6654,0.0042
-PyG,TU_PROTEINS,link_pred,True,,,2,2,3,skipconcat,add,98,0.6515,0.0017,200481.0,1.3586,0.1455,0.642,0.0015,0.6006,0.0013,0.848,0.0012,0.7031,0.0009,0.7085,0.004
-PyG,TU_PROTEINS,link_pred,True,,,2,2,3,skipconcat,max,90,0.6668,0.0021,200481.0,1.2986,0.0267,0.6079,0.0028,0.577,0.0019,0.8082,0.0181,0.6732,0.006,0.6597,0.0048
-PyG,TU_PROTEINS,link_pred,True,,,2,2,3,skipconcat,mean,89,0.6687,0.0027,200481.0,1.3368,0.0059,0.6074,0.004,0.5778,0.0036,0.7975,0.0057,0.6701,0.0023,0.6533,0.0087
-PyG,TU_PROTEINS,link_pred,True,,,2,2,3,skipsum,add,89,0.6476,0.0023,199463.0,1.3263,0.1056,0.651,0.009,0.6067,0.0051,0.8576,0.0178,0.7107,0.0096,0.7209,0.0082
-PyG,TU_PROTEINS,link_pred,True,,,2,2,3,skipsum,max,73,0.6669,0.0021,199463.0,1.3378,0.1299,0.6114,0.0047,0.58,0.004,0.808,0.0015,0.6752,0.0026,0.6635,0.0036
-PyG,TU_PROTEINS,link_pred,True,,,2,2,3,skipsum,mean,99,0.6663,0.0018,199463.0,1.3115,0.1539,0.6134,0.0048,0.5817,0.0024,0.8073,0.0196,0.6761,0.0078,0.6669,0.0029
-PyG,TU_PROTEINS,link_pred,True,,,2,4,2,skipconcat,add,89,0.6426,0.0029,199900.0,1.2246,0.0449,0.6631,0.0035,0.6135,0.002,0.8817,0.0077,0.7235,0.0038,0.7422,0.0033
-PyG,TU_PROTEINS,link_pred,True,,,2,4,2,skipconcat,max,89,0.6539,0.0032,199900.0,1.2117,0.0251,0.6468,0.0051,0.6008,0.0032,0.8746,0.0076,0.7123,0.0046,0.7199,0.0069
-PyG,TU_PROTEINS,link_pred,True,,,2,4,2,skipconcat,mean,88,0.6623,0.002,199900.0,1.2153,0.0729,0.6257,0.0056,0.5902,0.0048,0.8231,0.018,0.6873,0.0061,0.6821,0.0061
-PyG,TU_PROTEINS,link_pred,True,,,2,4,2,skipsum,add,91,0.6397,0.0012,200593.0,1.3392,0.1563,0.6615,0.0014,0.6126,0.0024,0.8787,0.0078,0.7218,0.001,0.7395,0.0041
-PyG,TU_PROTEINS,link_pred,True,,,2,4,2,skipsum,max,99,0.6468,0.0004,200593.0,1.2641,0.0787,0.646,0.0049,0.6004,0.0029,0.8731,0.0145,0.7115,0.0058,0.7244,0.0045
-PyG,TU_PROTEINS,link_pred,True,,,2,4,2,skipsum,mean,93,0.6607,0.0007,200593.0,1.1346,0.0642,0.6277,0.0036,0.5912,0.002,0.8275,0.0103,0.6896,0.0046,0.6845,0.0031
-PyG,TU_PROTEINS,link_pred,True,,,2,4,3,skipconcat,add,97,0.6429,0.002,200065.0,1.24,0.0545,0.6548,0.0047,0.6092,0.0026,0.8636,0.0097,0.7144,0.005,0.7286,0.0035
-PyG,TU_PROTEINS,link_pred,True,,,2,4,3,skipconcat,max,88,0.6567,0.0019,200065.0,1.2434,0.0934,0.6392,0.0048,0.5979,0.0036,0.85,0.0117,0.702,0.0049,0.703,0.0048
-PyG,TU_PROTEINS,link_pred,True,,,2,4,3,skipconcat,mean,88,0.6639,0.0014,200065.0,1.2039,0.0385,0.6209,0.0061,0.5869,0.0041,0.8171,0.009,0.6831,0.0057,0.6768,0.0067
-PyG,TU_PROTEINS,link_pred,True,,,2,4,3,skipsum,add,85,0.6408,0.0023,200333.0,1.1919,0.0953,0.6578,0.0032,0.611,0.002,0.8683,0.0075,0.7173,0.0035,0.7316,0.0044
-PyG,TU_PROTEINS,link_pred,True,,,2,4,3,skipsum,max,89,0.6503,0.003,200333.0,1.1806,0.023,0.6392,0.0035,0.5978,0.0027,0.8508,0.0085,0.7022,0.0034,0.7128,0.0056
-PyG,TU_PROTEINS,link_pred,True,,,2,4,3,skipsum,mean,85,0.6574,0.002,200333.0,1.1647,0.0935,0.6241,0.0059,0.5872,0.003,0.8348,0.0164,0.6894,0.0075,0.6864,0.005
-PyG,TU_PROTEINS,link_pred,True,,,2,6,2,skipconcat,add,89,0.6375,0.0018,203361.0,1.4072,0.1371,0.67,0.0079,0.6191,0.0067,0.8839,0.0042,0.7282,0.005,0.7509,0.0056
-PyG,TU_PROTEINS,link_pred,True,,,2,6,2,skipconcat,max,84,0.6444,0.0056,203361.0,1.2287,0.0605,0.6633,0.0076,0.6116,0.006,0.8954,0.0054,0.7267,0.0051,0.748,0.0099
-PyG,TU_PROTEINS,link_pred,True,,,2,6,2,skipconcat,mean,88,0.6591,0.001,203361.0,1.0617,0.0583,0.6361,0.0055,0.5965,0.0033,0.8414,0.0106,0.698,0.0058,0.6939,0.0003
-PyG,TU_PROTEINS,link_pred,True,,,2,6,2,skipsum,add,95,0.6356,0.0039,200393.0,1.2282,0.0307,0.6621,0.0062,0.6131,0.0046,0.8785,0.0098,0.7222,0.0054,0.7481,0.0076
-PyG,TU_PROTEINS,link_pred,True,,,2,6,2,skipsum,max,89,0.639,0.0026,200393.0,1.3283,0.1034,0.6638,0.0034,0.612,0.0025,0.8955,0.0092,0.727,0.0035,0.7469,0.005
-PyG,TU_PROTEINS,link_pred,True,,,2,6,2,skipsum,mean,80,0.6567,0.0022,200393.0,1.1911,0.0331,0.6308,0.0034,0.592,0.0021,0.8417,0.0051,0.6951,0.0033,0.6968,0.0061
-PyG,TU_PROTEINS,link_pred,True,,,2,6,3,skipconcat,add,94,0.6371,0.0021,208916.0,1.1839,0.0743,0.664,0.0057,0.6146,0.0034,0.8793,0.0106,0.7235,0.0057,0.7469,0.0091
-PyG,TU_PROTEINS,link_pred,True,,,2,6,3,skipconcat,max,90,0.6425,0.0059,208916.0,1.2281,0.0982,0.6599,0.0121,0.6099,0.009,0.8878,0.0092,0.7231,0.0089,0.7399,0.0128
-PyG,TU_PROTEINS,link_pred,True,,,2,6,3,skipconcat,mean,90,0.6602,0.0033,208916.0,1.2539,0.0552,0.6278,0.0098,0.5907,0.0062,0.8319,0.0162,0.6909,0.0096,0.685,0.009
-PyG,TU_PROTEINS,link_pred,True,,,2,6,3,skipsum,add,98,0.6351,0.0056,199361.0,1.2131,0.1322,0.6625,0.0132,0.6126,0.0094,0.8846,0.0115,0.7238,0.0103,0.7467,0.0128
-PyG,TU_PROTEINS,link_pred,True,,,2,6,3,skipsum,max,89,0.6346,0.0046,199361.0,1.1786,0.0786,0.6675,0.0018,0.6167,0.0018,0.8853,0.0029,0.727,0.0012,0.748,0.007
-PyG,TU_PROTEINS,link_pred,True,,,2,6,3,skipsum,mean,99,0.6541,0.0022,199361.0,1.2281,0.0638,0.6334,0.0042,0.5937,0.0032,0.8451,0.0057,0.6974,0.0033,0.6978,0.0045
-PyG,TU_PROTEINS,link_pred,True,,,2,8,2,skipconcat,add,98,0.6313,0.0039,205377.0,1.2371,0.1545,0.6768,0.0062,0.6223,0.0036,0.8997,0.0111,0.7357,0.006,0.7658,0.0095
-PyG,TU_PROTEINS,link_pred,True,,,2,8,2,skipconcat,max,84,0.6413,0.0072,205377.0,1.1238,0.0516,0.6664,0.0119,0.6146,0.0075,0.8924,0.0177,0.7279,0.0108,0.7538,0.0205
-PyG,TU_PROTEINS,link_pred,True,,,2,8,2,skipconcat,mean,84,0.656,0.0033,205377.0,1.1745,0.1802,0.6397,0.0125,0.5997,0.0075,0.8397,0.0225,0.6997,0.0128,0.7029,0.014
-PyG,TU_PROTEINS,link_pred,True,,,2,8,2,skipsum,add,89,0.6334,0.0015,201001.0,1.1446,0.0238,0.6633,0.0039,0.6154,0.0021,0.8709,0.01,0.7212,0.0045,0.7453,0.0017
-PyG,TU_PROTEINS,link_pred,True,,,2,8,2,skipsum,max,98,0.6278,0.0089,201001.0,1.1552,0.0723,0.6755,0.0105,0.6198,0.0077,0.9082,0.0084,0.7367,0.0079,0.7645,0.015
-PyG,TU_PROTEINS,link_pred,True,,,2,8,2,skipsum,mean,91,0.6558,0.0038,201001.0,1.2561,0.1014,0.631,0.0074,0.5918,0.0041,0.8441,0.0171,0.6958,0.0083,0.6972,0.0118
-PyG,TU_PROTEINS,link_pred,True,,,2,8,3,skipconcat,add,98,0.6322,0.0018,205957.0,1.182,0.0143,0.6669,0.0058,0.6149,0.0038,0.8936,0.0139,0.7284,0.006,0.756,0.0059
-PyG,TU_PROTEINS,link_pred,True,,,2,8,3,skipconcat,max,88,0.6406,0.0064,205957.0,1.2235,0.064,0.6587,0.0063,0.609,0.0052,0.8873,0.01,0.7222,0.0048,0.7423,0.0114
-PyG,TU_PROTEINS,link_pred,True,,,2,8,3,skipconcat,mean,84,0.6604,0.0031,205957.0,1.131,0.0763,0.6258,0.0046,0.589,0.0022,0.8331,0.014,0.69,0.0062,0.6908,0.0059
-PyG,TU_PROTEINS,link_pred,True,,,2,8,3,skipsum,add,97,0.6322,0.004,200193.0,1.1343,0.1002,0.663,0.0059,0.6139,0.0032,0.8777,0.0128,0.7225,0.0064,0.7468,0.0107
-PyG,TU_PROTEINS,link_pred,True,,,2,8,3,skipsum,max,89,0.6306,0.0039,200193.0,1.2442,0.1308,0.668,0.0012,0.6152,0.0021,0.8975,0.0068,0.73,0.0008,0.7583,0.007
-PyG,TU_PROTEINS,link_pred,True,,,2,8,3,skipsum,mean,90,0.652,0.001,200193.0,1.1205,0.072,0.6357,0.0023,0.5937,0.0011,0.86,0.0075,0.7024,0.0031,0.7052,0.0035
diff --git a/run/results/design_v2link_grid_round2link/agg/val.csv b/run/results/design_v2link_grid_round2link/agg/val.csv
deleted file mode 100644
index b5ae0793..00000000
--- a/run/results/design_v2link_grid_round2link/agg/val.csv
+++ /dev/null
@@ -1,1052 +0,0 @@
-format,dataset,task,trans,feature,label,l_pre,l_mp,l_post,stage,agg,epoch,loss,loss_std,params,time_iter,time_iter_std,accuracy,accuracy_std,precision,precision_std,recall,recall_std,f1,f1_std,auc,auc_std
-PyG,AmazonComputers,link_pred,True,,,1,2,2,skipconcat,add,99,0.5077,0.009,273444.0,0.1442,0.0301,0.7691,0.0046,0.692,0.0045,0.9698,0.0006,0.8077,0.003,0.9294,0.0013
-PyG,AmazonComputers,link_pred,True,,,1,2,2,skipconcat,max,99,0.4907,0.0084,273444.0,0.0996,0.0173,0.7675,0.0026,0.6873,0.0023,0.982,0.0008,0.8086,0.0019,0.9366,0.0039
-PyG,AmazonComputers,link_pred,True,,,1,2,2,skipconcat,mean,99,0.4746,0.006,273444.0,0.1241,0.0303,0.7865,0.0002,0.7083,0.0003,0.9744,0.0007,0.8203,0.0002,0.9381,0.0033
-PyG,AmazonComputers,link_pred,True,,,1,2,2,skipsum,add,99,0.5011,0.0032,369409.0,0.0957,0.0435,0.7694,0.0021,0.6929,0.0014,0.9679,0.0024,0.8077,0.0018,0.9247,0.0035
-PyG,AmazonComputers,link_pred,True,,,1,2,2,skipsum,max,99,0.4859,0.0049,369409.0,0.1283,0.0357,0.7691,0.0045,0.6885,0.004,0.9829,0.0011,0.8098,0.0031,0.934,0.0043
-PyG,AmazonComputers,link_pred,True,,,1,2,2,skipsum,mean,99,0.4747,0.006,369409.0,0.1336,0.0344,0.7932,0.0043,0.7157,0.0038,0.9731,0.0022,0.8247,0.0033,0.9346,0.0042
-PyG,AmazonComputers,link_pred,True,,,1,2,3,skipconcat,add,99,0.4868,0.0054,266337.0,0.1536,0.0348,0.778,0.0009,0.7,0.0008,0.9731,0.0019,0.8142,0.0008,0.9354,0.0019
-PyG,AmazonComputers,link_pred,True,,,1,2,3,skipconcat,max,99,0.4735,0.0034,266337.0,0.0999,0.0057,0.7791,0.0021,0.6979,0.0018,0.9845,0.001,0.8168,0.0016,0.9433,0.0028
-PyG,AmazonComputers,link_pred,True,,,1,2,3,skipconcat,mean,99,0.4578,0.0011,266337.0,0.0711,0.0167,0.802,0.001,0.7241,0.0012,0.9758,0.0014,0.8313,0.0007,0.9462,0.001
-PyG,AmazonComputers,link_pred,True,,,1,2,3,skipsum,add,99,0.4953,0.0021,352828.0,0.1066,0.0179,0.7774,0.0024,0.7016,0.0019,0.9655,0.0021,0.8127,0.0019,0.9243,0.0017
-PyG,AmazonComputers,link_pred,True,,,1,2,3,skipsum,max,99,0.4759,0.0034,352828.0,0.1227,0.0126,0.777,0.0051,0.6956,0.005,0.9853,0.0003,0.8154,0.0034,0.941,0.0018
-PyG,AmazonComputers,link_pred,True,,,1,2,3,skipsum,mean,99,0.4626,0.0034,352828.0,0.1254,0.0524,0.8005,0.0026,0.7225,0.003,0.9758,0.0008,0.8303,0.0017,0.9424,0.0022
-PyG,AmazonComputers,link_pred,True,,,1,4,2,skipconcat,add,99,0.583,0.0126,247777.0,0.1236,0.0303,0.7658,0.0016,0.688,0.0022,0.9731,0.0025,0.8061,0.0007,0.9288,0.0016
-PyG,AmazonComputers,link_pred,True,,,1,4,2,skipconcat,max,99,0.488,0.0036,247777.0,0.1398,0.0295,0.7677,0.0011,0.6872,0.0009,0.9827,0.0016,0.8088,0.0009,0.9437,0.0032
-PyG,AmazonComputers,link_pred,True,,,1,4,2,skipconcat,mean,99,0.4618,0.0044,247777.0,0.0915,0.0159,0.7942,0.0031,0.7163,0.0033,0.9745,0.0001,0.8257,0.0022,0.9461,0.0014
-PyG,AmazonComputers,link_pred,True,,,1,4,2,skipsum,add,99,0.5819,0.0082,337747.0,0.0785,0.0167,0.7656,0.0012,0.6909,0.0019,0.9613,0.0037,0.804,0.0006,0.9102,0.0022
-PyG,AmazonComputers,link_pred,True,,,1,4,2,skipsum,max,99,0.4906,0.0012,337747.0,0.1458,0.0332,0.7667,0.0034,0.6864,0.0033,0.9824,0.0007,0.8081,0.0022,0.9334,0.0005
-PyG,AmazonComputers,link_pred,True,,,1,4,2,skipsum,mean,99,0.4591,0.0027,337747.0,0.0933,0.0114,0.8059,0.0005,0.7286,0.0009,0.975,0.0015,0.834,0.0004,0.9449,0.0022
-PyG,AmazonComputers,link_pred,True,,,1,4,3,skipconcat,add,99,0.5143,0.0103,243384.0,0.1317,0.0378,0.7785,0.004,0.7011,0.0032,0.971,0.0035,0.8142,0.0033,0.9329,0.0035
-PyG,AmazonComputers,link_pred,True,,,1,4,3,skipconcat,max,99,0.4719,0.0031,243384.0,0.0961,0.0109,0.7791,0.0029,0.6971,0.0028,0.9873,0.001,0.8172,0.0019,0.9493,0.0021
-PyG,AmazonComputers,link_pred,True,,,1,4,3,skipconcat,mean,99,0.449,0.0021,243384.0,0.0783,0.0104,0.8093,0.0016,0.7311,0.0021,0.9787,0.0008,0.8369,0.001,0.953,0.0011
-PyG,AmazonComputers,link_pred,True,,,1,4,3,skipsum,add,99,0.5279,0.0044,328945.0,0.0903,0.0052,0.7719,0.0008,0.6971,0.0013,0.9619,0.0019,0.8084,0.0003,0.9185,0.002
-PyG,AmazonComputers,link_pred,True,,,1,4,3,skipsum,max,99,0.48,0.0032,328945.0,0.1417,0.0214,0.7767,0.0029,0.6958,0.0024,0.983,0.0015,0.8149,0.0022,0.9376,0.0026
-PyG,AmazonComputers,link_pred,True,,,1,4,3,skipsum,mean,99,0.4514,0.0031,328945.0,0.1424,0.0111,0.811,0.0023,0.7339,0.0025,0.9759,0.0014,0.8378,0.0016,0.9507,0.0019
-PyG,AmazonComputers,link_pred,True,,,1,6,2,skipconcat,add,99,0.7343,0.0833,232922.0,0.1254,0.0502,0.7598,0.0003,0.684,0.0021,0.9659,0.0088,0.8008,0.0016,0.9126,0.0097
-PyG,AmazonComputers,link_pred,True,,,1,6,2,skipconcat,max,99,0.4973,0.0062,232922.0,0.1383,0.021,0.7597,0.0011,0.6795,0.0013,0.9832,0.0009,0.8036,0.0006,0.9434,0.0028
-PyG,AmazonComputers,link_pred,True,,,1,6,2,skipconcat,mean,99,0.4577,0.0064,232922.0,0.0677,0.0176,0.7946,0.0029,0.7162,0.0031,0.976,0.0013,0.8261,0.002,0.9491,0.0036
-PyG,AmazonComputers,link_pred,True,,,1,6,2,skipsum,add,99,0.6466,0.0431,320281.0,0.1061,0.0106,0.7626,0.0023,0.6922,0.0039,0.9461,0.0062,0.7995,0.0009,0.8909,0.0088
-PyG,AmazonComputers,link_pred,True,,,1,6,2,skipsum,max,99,0.4969,0.0069,320281.0,0.1453,0.0188,0.7604,0.0043,0.6805,0.0043,0.9819,0.0021,0.8039,0.0027,0.9311,0.0022
-PyG,AmazonComputers,link_pred,True,,,1,6,2,skipsum,mean,99,0.4529,0.0019,320281.0,0.1177,0.0234,0.8128,0.0018,0.7364,0.0028,0.9744,0.0025,0.8388,0.001,0.9491,0.0015
-PyG,AmazonComputers,link_pred,True,,,1,6,3,skipconcat,add,99,0.5484,0.0392,234361.0,0.1364,0.0383,0.7737,0.0025,0.6974,0.0023,0.9672,0.0017,0.8104,0.0019,0.9268,0.0065
-PyG,AmazonComputers,link_pred,True,,,1,6,3,skipconcat,max,99,0.4721,0.0033,234361.0,0.0766,0.0099,0.7803,0.0089,0.6985,0.0091,0.9866,0.0011,0.8179,0.0058,0.9498,0.0013
-PyG,AmazonComputers,link_pred,True,,,1,6,3,skipconcat,mean,99,0.4503,0.0019,234361.0,0.0984,0.0128,0.807,0.0053,0.7288,0.0056,0.978,0.0005,0.8352,0.0038,0.9523,0.0008
-PyG,AmazonComputers,link_pred,True,,,1,6,3,skipsum,add,99,0.5636,0.0181,313465.0,0.1035,0.0237,0.767,0.0031,0.6931,0.003,0.9584,0.0033,0.8044,0.0023,0.911,0.0036
-PyG,AmazonComputers,link_pred,True,,,1,6,3,skipsum,max,99,0.4836,0.0039,313465.0,0.1456,0.0314,0.773,0.0024,0.6923,0.002,0.9831,0.0011,0.8125,0.0017,0.937,0.0034
-PyG,AmazonComputers,link_pred,True,,,1,6,3,skipsum,mean,99,0.4495,0.0036,313465.0,0.1276,0.0227,0.8182,0.0007,0.7414,0.0005,0.9773,0.0009,0.8432,0.0006,0.9527,0.0019
-PyG,AmazonComputers,link_pred,True,,,1,8,2,skipconcat,add,99,0.8458,0.0143,228737.0,0.076,0.0206,0.7494,0.0039,0.6729,0.0039,0.9709,0.0019,0.7948,0.0024,0.9059,0.0024
-PyG,AmazonComputers,link_pred,True,,,1,8,2,skipconcat,max,99,0.4884,0.0067,228737.0,0.1136,0.0085,0.7652,0.0043,0.6847,0.0039,0.9829,0.0016,0.8071,0.003,0.9462,0.0015
-PyG,AmazonComputers,link_pred,True,,,1,8,2,skipconcat,mean,99,0.4589,0.0029,228737.0,0.0962,0.0249,0.7956,0.0038,0.7176,0.0036,0.9749,0.0013,0.8267,0.0028,0.9479,0.0018
-PyG,AmazonComputers,link_pred,True,,,1,8,2,skipsum,add,99,0.6656,0.0556,306321.0,0.1352,0.0444,0.7586,0.0039,0.6872,0.0038,0.9495,0.0024,0.7973,0.0028,0.8914,0.0062
-PyG,AmazonComputers,link_pred,True,,,1,8,2,skipsum,max,99,0.4965,0.0074,306321.0,0.1674,0.0155,0.7616,0.0072,0.6821,0.0065,0.9799,0.0016,0.8043,0.005,0.9298,0.0054
-PyG,AmazonComputers,link_pred,True,,,1,8,2,skipsum,mean,99,0.4512,0.0016,306321.0,0.0779,0.0171,0.8147,0.001,0.7389,0.0013,0.9735,0.0016,0.8401,0.0007,0.95,0.0016
-PyG,AmazonComputers,link_pred,True,,,1,8,3,skipconcat,add,99,0.6551,0.0248,225802.0,0.1099,0.0304,0.763,0.0012,0.6873,0.002,0.965,0.0034,0.8028,0.0002,0.9105,0.0041
-PyG,AmazonComputers,link_pred,True,,,1,8,3,skipconcat,max,99,0.473,0.004,225802.0,0.1157,0.0059,0.7729,0.0038,0.6911,0.0036,0.987,0.0015,0.8129,0.0027,0.9514,0.0007
-PyG,AmazonComputers,link_pred,True,,,1,8,3,skipconcat,mean,99,0.4492,0.0025,225802.0,0.1454,0.0178,0.8089,0.003,0.7307,0.0034,0.9782,0.0004,0.8365,0.0021,0.9528,0.0018
-PyG,AmazonComputers,link_pred,True,,,1,8,3,skipsum,add,99,0.6075,0.0392,303377.0,0.1086,0.0054,0.7581,0.0075,0.688,0.0095,0.9449,0.0084,0.7962,0.0037,0.8966,0.0042
-PyG,AmazonComputers,link_pred,True,,,1,8,3,skipsum,max,99,0.4831,0.0021,303377.0,0.1494,0.0272,0.7746,0.0035,0.6933,0.0037,0.9848,0.0018,0.8138,0.0022,0.9395,0.0011
-PyG,AmazonComputers,link_pred,True,,,1,8,3,skipsum,mean,99,0.4512,0.0021,303377.0,0.1119,0.0273,0.8163,0.0046,0.7401,0.0056,0.9751,0.0015,0.8415,0.0032,0.9508,0.0014
-PyG,AmazonComputers,link_pred,True,,,2,2,2,skipconcat,add,99,0.4927,0.0043,273031.0,0.0708,0.0188,0.7751,0.0007,0.6963,0.0003,0.9757,0.0016,0.8127,0.0007,0.9405,0.002
-PyG,AmazonComputers,link_pred,True,,,2,2,2,skipconcat,max,99,0.4815,0.0033,273031.0,0.1244,0.0164,0.7756,0.0006,0.6951,0.0007,0.982,0.0006,0.814,0.0003,0.9412,0.002
-PyG,AmazonComputers,link_pred,True,,,2,2,2,skipconcat,mean,99,0.4627,0.0044,273031.0,0.1019,0.0208,0.7929,0.0032,0.7141,0.0035,0.9772,0.001,0.8252,0.0022,0.9454,0.0027
-PyG,AmazonComputers,link_pred,True,,,2,2,2,skipsum,add,99,0.4954,0.0053,352828.0,0.0985,0.0022,0.7758,0.0018,0.6988,0.0016,0.9695,0.0007,0.8121,0.0013,0.9278,0.0029
-PyG,AmazonComputers,link_pred,True,,,2,2,2,skipsum,max,99,0.4806,0.0011,352828.0,0.1057,0.0084,0.775,0.0034,0.6941,0.0036,0.9837,0.001,0.8139,0.0021,0.9379,0.0006
-PyG,AmazonComputers,link_pred,True,,,2,2,2,skipsum,mean,99,0.4613,0.0015,352828.0,0.1283,0.0243,0.8013,0.0023,0.7238,0.0028,0.9744,0.0011,0.8306,0.0015,0.9433,0.0015
-PyG,AmazonComputers,link_pred,True,,,2,2,3,skipconcat,add,99,0.4709,0.0042,261601.0,0.0937,0.0091,0.7852,0.0024,0.7054,0.0019,0.9794,0.0017,0.8201,0.0019,0.9463,0.0033
-PyG,AmazonComputers,link_pred,True,,,2,2,3,skipconcat,max,99,0.4708,0.0009,261601.0,0.1017,0.0036,0.7854,0.0027,0.7043,0.0031,0.9838,0.0009,0.8209,0.0018,0.9454,0.0006
-PyG,AmazonComputers,link_pred,True,,,2,2,3,skipconcat,mean,99,0.4519,0.0042,261601.0,0.0902,0.0071,0.801,0.0033,0.7213,0.0033,0.981,0.0006,0.8314,0.0024,0.9522,0.003
-PyG,AmazonComputers,link_pred,True,,,2,2,3,skipsum,add,99,0.4844,0.0013,337747.0,0.1038,0.0161,0.7804,0.0019,0.7023,0.0019,0.9732,0.0007,0.8159,0.0014,0.9325,0.0008
-PyG,AmazonComputers,link_pred,True,,,2,2,3,skipsum,max,99,0.4716,0.0015,337747.0,0.1046,0.0132,0.7825,0.0021,0.701,0.002,0.9852,0.0005,0.8192,0.0014,0.9439,0.0012
-PyG,AmazonComputers,link_pred,True,,,2,2,3,skipsum,mean,99,0.4542,0.0016,337747.0,0.0685,0.0158,0.8078,0.0014,0.7306,0.0015,0.9753,0.0004,0.8354,0.001,0.9478,0.0013
-PyG,AmazonComputers,link_pred,True,,,2,4,2,skipconcat,add,99,0.5911,0.0221,243448.0,0.1333,0.0444,0.7691,0.0039,0.691,0.0033,0.9737,0.0021,0.8084,0.0029,0.9311,0.0028
-PyG,AmazonComputers,link_pred,True,,,2,4,2,skipconcat,max,99,0.4805,0.0018,243448.0,0.1363,0.0273,0.7761,0.0017,0.6956,0.0018,0.9816,0.0005,0.8143,0.0011,0.9442,0.0019
-PyG,AmazonComputers,link_pred,True,,,2,4,2,skipconcat,mean,99,0.4571,0.0039,243448.0,0.0988,0.0122,0.7962,0.004,0.7176,0.004,0.9769,0.0009,0.8274,0.0029,0.9493,0.0019
-PyG,AmazonComputers,link_pred,True,,,2,4,2,skipsum,add,99,0.5577,0.0166,328945.0,0.1122,0.0125,0.7687,0.0063,0.6937,0.0074,0.9628,0.0056,0.8063,0.0037,0.9141,0.0028
-PyG,AmazonComputers,link_pred,True,,,2,4,2,skipsum,max,99,0.4864,0.0024,328945.0,0.1578,0.036,0.7697,0.0026,0.6893,0.0023,0.9817,0.0011,0.8099,0.0018,0.9347,0.0023
-PyG,AmazonComputers,link_pred,True,,,2,4,2,skipsum,mean,99,0.4572,0.0019,328945.0,0.1555,0.0431,0.8079,0.0046,0.7312,0.0049,0.9739,0.0013,0.8352,0.0034,0.946,0.0008
-PyG,AmazonComputers,link_pred,True,,,2,4,3,skipconcat,add,99,0.5141,0.0143,236737.0,0.1384,0.0289,0.7761,0.0058,0.6974,0.006,0.9757,0.0007,0.8133,0.0039,0.938,0.0002
-PyG,AmazonComputers,link_pred,True,,,2,4,3,skipconcat,max,99,0.4661,0.0021,236737.0,0.1031,0.0039,0.7833,0.0076,0.7016,0.0079,0.9866,0.0011,0.82,0.005,0.9513,0.0012
-PyG,AmazonComputers,link_pred,True,,,2,4,3,skipconcat,mean,99,0.4519,0.0001,236737.0,0.1085,0.0176,0.8055,0.0031,0.7272,0.0039,0.9781,0.0014,0.8342,0.002,0.9516,0.0007
-PyG,AmazonComputers,link_pred,True,,,2,4,3,skipsum,add,99,0.5236,0.0075,320281.0,0.1182,0.0252,0.7718,0.0026,0.6978,0.0033,0.9591,0.0034,0.8078,0.0015,0.9166,0.0018
-PyG,AmazonComputers,link_pred,True,,,2,4,3,skipsum,max,99,0.4756,0.0049,320281.0,0.134,0.0262,0.7793,0.0049,0.6983,0.0045,0.9836,0.0027,0.8167,0.0035,0.9403,0.0036
-PyG,AmazonComputers,link_pred,True,,,2,4,3,skipsum,mean,99,0.4482,0.0012,320281.0,0.1225,0.0306,0.8159,0.0011,0.7392,0.0016,0.9763,0.0011,0.8414,0.0007,0.953,0.0006
-PyG,AmazonComputers,link_pred,True,,,2,6,2,skipconcat,add,99,0.8141,0.1214,234685.0,0.1194,0.0273,0.7555,0.011,0.679,0.0109,0.9701,0.0048,0.7987,0.007,0.9107,0.005
-PyG,AmazonComputers,link_pred,True,,,2,6,2,skipconcat,max,99,0.4894,0.008,234685.0,0.1179,0.0126,0.7618,0.0068,0.6816,0.0063,0.9829,0.0008,0.805,0.0046,0.945,0.0018
-PyG,AmazonComputers,link_pred,True,,,2,6,2,skipconcat,mean,99,0.4595,0.0007,234685.0,0.1064,0.0163,0.7948,0.0009,0.7167,0.0011,0.9748,0.0011,0.8261,0.0006,0.9481,0.0003
-PyG,AmazonComputers,link_pred,True,,,2,6,2,skipsum,add,99,0.6199,0.005,313465.0,0.1123,0.016,0.7628,0.0019,0.6895,0.0005,0.9563,0.0048,0.8013,0.002,0.8997,0.0041
-PyG,AmazonComputers,link_pred,True,,,2,6,2,skipsum,max,99,0.4898,0.0019,313465.0,0.1284,0.0128,0.7683,0.0029,0.6877,0.003,0.983,0.0008,0.8093,0.0018,0.9349,0.0001
-PyG,AmazonComputers,link_pred,True,,,2,6,2,skipsum,mean,99,0.4501,0.0007,313465.0,0.1079,0.0072,0.8135,0.0026,0.7369,0.0031,0.9753,0.0007,0.8394,0.0017,0.9513,0.0006
-PyG,AmazonComputers,link_pred,True,,,2,6,3,skipconcat,add,99,0.5478,0.0181,235656.0,0.101,0.0173,0.7696,0.0054,0.6918,0.0047,0.9727,0.0028,0.8086,0.0041,0.931,0.0059
-PyG,AmazonComputers,link_pred,True,,,2,6,3,skipconcat,max,99,0.4725,0.0091,235656.0,0.0718,0.0198,0.7788,0.0098,0.6974,0.01,0.9856,0.001,0.8167,0.0065,0.9493,0.003
-PyG,AmazonComputers,link_pred,True,,,2,6,3,skipconcat,mean,99,0.4474,0.0008,235656.0,0.051,0.0026,0.8094,0.0008,0.7313,0.0009,0.978,0.0009,0.8369,0.0006,0.9542,0.0006
-PyG,AmazonComputers,link_pred,True,,,2,6,3,skipsum,add,99,0.5575,0.0195,306321.0,0.097,0.0104,0.7643,0.0058,0.6892,0.0059,0.9631,0.0048,0.8034,0.0039,0.9142,0.006
-PyG,AmazonComputers,link_pred,True,,,2,6,3,skipsum,max,99,0.481,0.0048,306321.0,0.1154,0.0094,0.7753,0.006,0.6943,0.0062,0.9841,0.0013,0.8141,0.0039,0.9392,0.0028
-PyG,AmazonComputers,link_pred,True,,,2,6,3,skipsum,mean,99,0.4467,0.0023,306321.0,0.0958,0.0036,0.8185,0.0011,0.7421,0.0012,0.9762,0.0012,0.8432,0.0008,0.9542,0.0012
-PyG,AmazonComputers,link_pred,True,,,2,8,2,skipconcat,add,99,0.8029,0.0284,229825.0,0.0982,0.0097,0.752,0.0054,0.6758,0.0058,0.9693,0.0031,0.7963,0.0031,0.9082,0.0038
-PyG,AmazonComputers,link_pred,True,,,2,8,2,skipconcat,max,99,0.5044,0.0201,229825.0,0.0981,0.0047,0.7555,0.01,0.6757,0.0092,0.9833,0.0008,0.8009,0.0064,0.9437,0.0031
-PyG,AmazonComputers,link_pred,True,,,2,8,2,skipconcat,mean,99,0.457,0.0034,229825.0,0.123,0.033,0.7969,0.0005,0.7188,0.0007,0.9755,0.0003,0.8277,0.0003,0.949,0.0015
-PyG,AmazonComputers,link_pred,True,,,2,8,2,skipsum,add,99,0.7002,0.0649,303377.0,0.0733,0.0158,0.753,0.003,0.6809,0.0045,0.9523,0.0077,0.794,0.0016,0.8892,0.0044
-PyG,AmazonComputers,link_pred,True,,,2,8,2,skipsum,max,99,0.497,0.012,303377.0,0.165,0.0397,0.7621,0.0116,0.6823,0.0107,0.9818,0.0012,0.805,0.0078,0.9311,0.0055
-PyG,AmazonComputers,link_pred,True,,,2,8,2,skipsum,mean,99,0.4497,0.0025,303377.0,0.0733,0.0148,0.8117,0.0031,0.7349,0.0035,0.9754,0.0015,0.8382,0.0023,0.9522,0.0014
-PyG,AmazonComputers,link_pred,True,,,2,8,3,skipconcat,add,99,0.6774,0.0468,226585.0,0.0762,0.0376,0.7684,0.0065,0.6924,0.0075,0.9663,0.0039,0.8067,0.0037,0.9135,0.0004
-PyG,AmazonComputers,link_pred,True,,,2,8,3,skipconcat,max,99,0.4668,0.0038,226585.0,0.1045,0.0126,0.7838,0.0047,0.7023,0.0049,0.9852,0.0007,0.8201,0.0032,0.9515,0.0021
-PyG,AmazonComputers,link_pred,True,,,2,8,3,skipconcat,mean,99,0.4486,0.0018,226585.0,0.125,0.0429,0.8091,0.0038,0.7308,0.0043,0.9788,0.0006,0.8368,0.0027,0.9537,0.0012
-PyG,AmazonComputers,link_pred,True,,,2,8,3,skipsum,add,99,0.6726,0.0235,297985.0,0.127,0.0182,0.755,0.0042,0.6827,0.0027,0.9532,0.0052,0.7955,0.0037,0.8914,0.0083
-PyG,AmazonComputers,link_pred,True,,,2,8,3,skipsum,max,99,0.4825,0.0033,297985.0,0.1556,0.0537,0.7752,0.0046,0.6945,0.0044,0.9828,0.0007,0.8139,0.0032,0.9368,0.0027
-PyG,AmazonComputers,link_pred,True,,,2,8,3,skipsum,mean,99,0.4493,0.0009,297985.0,0.1287,0.0325,0.817,0.0036,0.7403,0.0047,0.9765,0.0018,0.8422,0.0024,0.9527,0.0005
-PyG,AmazonPhoto,link_pred,True,,,1,2,2,skipconcat,add,99,0.4912,0.007,271310.0,0.0403,0.0142,0.7824,0.002,0.7019,0.0019,0.9818,0.0002,0.8186,0.0014,0.9479,0.0019
-PyG,AmazonPhoto,link_pred,True,,,1,2,2,skipconcat,max,99,0.4684,0.0007,271310.0,0.0456,0.0122,0.7823,0.0035,0.6999,0.0034,0.9887,0.0002,0.8196,0.0023,0.9528,0.0004
-PyG,AmazonPhoto,link_pred,True,,,1,2,2,skipconcat,mean,99,0.4616,0.0038,271310.0,0.0429,0.0111,0.8003,0.002,0.7189,0.002,0.9862,0.0002,0.8315,0.0014,0.9516,0.0019
-PyG,AmazonPhoto,link_pred,True,,,1,2,2,skipsum,add,99,0.4859,0.0029,364525.0,0.0427,0.0101,0.7862,0.0008,0.7057,0.0005,0.9816,0.001,0.8212,0.0007,0.9436,0.0018
-PyG,AmazonPhoto,link_pred,True,,,1,2,2,skipsum,max,99,0.4682,0.0054,364525.0,0.0505,0.0141,0.7834,0.0036,0.7006,0.0034,0.9895,0.0008,0.8204,0.0026,0.9477,0.0037
-PyG,AmazonPhoto,link_pred,True,,,1,2,2,skipsum,mean,99,0.4566,0.0046,364525.0,0.0381,0.0067,0.8111,0.002,0.7303,0.0022,0.9865,0.0006,0.8393,0.0015,0.9511,0.0021
-PyG,AmazonPhoto,link_pred,True,,,1,2,3,skipconcat,add,99,0.4641,0.0037,264533.0,0.0294,0.0041,0.7961,0.0025,0.7146,0.0031,0.9862,0.0019,0.8287,0.0015,0.9548,0.001
-PyG,AmazonPhoto,link_pred,True,,,1,2,3,skipconcat,max,99,0.4549,0.0014,264533.0,0.0297,0.0018,0.8009,0.002,0.7182,0.0024,0.9907,0.001,0.8327,0.0012,0.9567,0.0008
-PyG,AmazonPhoto,link_pred,True,,,1,2,3,skipconcat,mean,99,0.4463,0.004,264533.0,0.0349,0.0117,0.8153,0.0029,0.7339,0.0028,0.9892,0.0013,0.8426,0.0022,0.958,0.0029
-PyG,AmazonPhoto,link_pred,True,,,1,2,3,skipsum,add,99,0.4718,0.0018,348450.0,0.0262,0.0006,0.7933,0.0011,0.712,0.0012,0.9849,0.001,0.8265,0.0008,0.949,0.0018
-PyG,AmazonPhoto,link_pred,True,,,1,2,3,skipsum,max,99,0.4591,0.0015,348450.0,0.0569,0.0171,0.7953,0.0067,0.7121,0.0071,0.9916,0.0006,0.8289,0.0046,0.9533,0.0005
-PyG,AmazonPhoto,link_pred,True,,,1,2,3,skipsum,mean,99,0.4429,0.0025,348450.0,0.0267,0.0007,0.8213,0.002,0.7405,0.0025,0.9894,0.0009,0.847,0.0014,0.9596,0.0022
-PyG,AmazonPhoto,link_pred,True,,,1,4,2,skipconcat,add,99,0.5494,0.0206,246501.0,0.0409,0.0142,0.7794,0.0103,0.6983,0.0095,0.9844,0.0023,0.817,0.0073,0.9468,0.0037
-PyG,AmazonPhoto,link_pred,True,,,1,4,2,skipconcat,max,99,0.4656,0.0052,246501.0,0.034,0.0056,0.7817,0.0027,0.6992,0.0028,0.989,0.001,0.8192,0.0018,0.9584,0.0028
-PyG,AmazonPhoto,link_pred,True,,,1,4,2,skipconcat,mean,99,0.4438,0.0022,246501.0,0.0309,0.005,0.8114,0.0019,0.7303,0.0022,0.9876,0.0007,0.8397,0.0012,0.9605,0.0015
-PyG,AmazonPhoto,link_pred,True,,,1,4,2,skipsum,add,99,0.5344,0.0082,333765.0,0.0301,0.0006,0.7849,0.002,0.7037,0.0021,0.9841,0.0007,0.8206,0.0013,0.9387,0.0007
-PyG,AmazonPhoto,link_pred,True,,,1,4,2,skipsum,max,99,0.4673,0.0038,333765.0,0.0407,0.0011,0.7868,0.0025,0.704,0.0025,0.9898,0.0005,0.8228,0.0016,0.949,0.0025
-PyG,AmazonPhoto,link_pred,True,,,1,4,2,skipsum,mean,99,0.4403,0.0028,333765.0,0.0364,0.0062,0.8242,0.0049,0.7443,0.0052,0.9878,0.0008,0.8489,0.0037,0.9609,0.0015
-PyG,AmazonPhoto,link_pred,True,,,1,4,3,skipconcat,add,99,0.5038,0.007,242306.0,0.0347,0.0054,0.7941,0.0049,0.7129,0.005,0.9851,0.0013,0.8271,0.0035,0.9497,0.0019
-PyG,AmazonPhoto,link_pred,True,,,1,4,3,skipconcat,max,99,0.4489,0.0014,242306.0,0.0288,0.0005,0.8025,0.0022,0.7193,0.0024,0.9922,0.0004,0.834,0.0015,0.9631,0.0007
-PyG,AmazonPhoto,link_pred,True,,,1,4,3,skipconcat,mean,99,0.4376,0.001,242306.0,0.0309,0.0055,0.8213,0.003,0.7407,0.0029,0.9889,0.0012,0.847,0.0023,0.9629,0.0011
-PyG,AmazonPhoto,link_pred,True,,,1,4,3,skipsum,add,99,0.5024,0.0128,325249.0,0.0297,0.0005,0.7916,0.0066,0.7102,0.0057,0.9852,0.0036,0.8254,0.0051,0.9456,0.006
-PyG,AmazonPhoto,link_pred,True,,,1,4,3,skipsum,max,99,0.4561,0.002,325249.0,0.0392,0.0018,0.8023,0.0036,0.7191,0.0036,0.992,0.0005,0.8338,0.0025,0.9561,0.001
-PyG,AmazonPhoto,link_pred,True,,,1,4,3,skipsum,mean,99,0.4348,0.0011,325249.0,0.0348,0.0078,0.8347,0.0021,0.7557,0.0024,0.9893,0.0002,0.8568,0.0015,0.9641,0.0008
-PyG,AmazonPhoto,link_pred,True,,,1,6,2,skipconcat,add,99,0.6394,0.0198,232020.0,0.0351,0.0087,0.7744,0.0056,0.6938,0.0053,0.9827,0.0007,0.8133,0.0039,0.9386,0.0019
-PyG,AmazonPhoto,link_pred,True,,,1,6,2,skipconcat,max,99,0.4673,0.0036,232020.0,0.0365,0.0069,0.7745,0.0011,0.6921,0.0012,0.9892,0.0011,0.8144,0.0007,0.9598,0.0009
-PyG,AmazonPhoto,link_pred,True,,,1,6,2,skipconcat,mean,99,0.4382,0.0049,232020.0,0.0347,0.0041,0.8164,0.0031,0.7356,0.0034,0.9876,0.0001,0.8432,0.0023,0.9631,0.0029
-PyG,AmazonPhoto,link_pred,True,,,1,6,2,skipsum,add,99,0.5591,0.0112,316827.0,0.0316,0.0013,0.7843,0.0026,0.7037,0.0023,0.9822,0.0014,0.8199,0.002,0.9327,0.0026
-PyG,AmazonPhoto,link_pred,True,,,1,6,2,skipsum,max,99,0.463,0.0036,316827.0,0.0573,0.0195,0.7951,0.0035,0.7122,0.0036,0.9903,0.0008,0.8286,0.0025,0.9518,0.0019
-PyG,AmazonPhoto,link_pred,True,,,1,6,2,skipsum,mean,99,0.4348,0.0007,316827.0,0.0395,0.0022,0.8367,0.0015,0.7585,0.0017,0.9881,0.0007,0.8582,0.0011,0.9631,0.0002
-PyG,AmazonPhoto,link_pred,True,,,1,6,3,skipconcat,add,99,0.5091,0.0094,233591.0,0.0336,0.0043,0.7916,0.0018,0.7096,0.0012,0.9872,0.0019,0.8257,0.0015,0.9504,0.001
-PyG,AmazonPhoto,link_pred,True,,,1,6,3,skipconcat,max,99,0.4471,0.0053,233591.0,0.0315,0.0003,0.7977,0.0041,0.7146,0.0043,0.9913,0.001,0.8305,0.0028,0.9636,0.0035
-PyG,AmazonPhoto,link_pred,True,,,1,6,3,skipconcat,mean,99,0.4368,0.002,233591.0,0.0475,0.0062,0.8245,0.0021,0.7443,0.0022,0.9887,0.0009,0.8492,0.0016,0.9629,0.0012
-PyG,AmazonPhoto,link_pred,True,,,1,6,3,skipsum,add,99,0.5523,0.0212,310209.0,0.0452,0.0099,0.7818,0.0075,0.7006,0.0073,0.9843,0.0011,0.8185,0.0052,0.9376,0.0059
-PyG,AmazonPhoto,link_pred,True,,,1,6,3,skipsum,max,99,0.4615,0.0009,310209.0,0.0391,0.001,0.7943,0.0026,0.7111,0.0029,0.9914,0.0007,0.8282,0.0017,0.9521,0.0002
-PyG,AmazonPhoto,link_pred,True,,,1,6,3,skipsum,mean,99,0.4337,0.0027,310209.0,0.0364,0.0062,0.8383,0.001,0.7599,0.0014,0.989,0.0017,0.8594,0.0008,0.9642,0.0023
-PyG,AmazonPhoto,link_pred,True,,,1,8,2,skipconcat,add,99,0.6931,0.022,228033.0,0.0387,0.0135,0.7704,0.0112,0.6897,0.011,0.9836,0.0017,0.8108,0.0073,0.9341,0.0021
-PyG,AmazonPhoto,link_pred,True,,,1,8,2,skipconcat,max,99,0.4659,0.005,228033.0,0.0313,0.001,0.7776,0.0016,0.6951,0.0017,0.989,0.0009,0.8165,0.001,0.9601,0.0001
-PyG,AmazonPhoto,link_pred,True,,,1,8,2,skipconcat,mean,99,0.4409,0.0032,228033.0,0.0431,0.004,0.8169,0.0049,0.7364,0.0052,0.9873,0.0007,0.8436,0.0036,0.9617,0.0013
-PyG,AmazonPhoto,link_pred,True,,,1,8,2,skipsum,add,99,0.6274,0.0306,303241.0,0.0367,0.0044,0.7765,0.0079,0.6973,0.0081,0.9776,0.0021,0.814,0.0053,0.9214,0.0053
-PyG,AmazonPhoto,link_pred,True,,,1,8,2,skipsum,max,99,0.4699,0.0007,303241.0,0.0577,0.0109,0.7842,0.0032,0.7011,0.0031,0.9906,0.0004,0.8211,0.0023,0.9487,0.0017
-PyG,AmazonPhoto,link_pred,True,,,1,8,2,skipsum,mean,99,0.4354,0.0008,303241.0,0.0758,0.0275,0.8359,0.0031,0.7576,0.0035,0.988,0.0006,0.8576,0.0023,0.9634,0.0003
-PyG,AmazonPhoto,link_pred,True,,,1,8,3,skipconcat,add,99,0.5902,0.0128,225208.0,0.0273,0.0014,0.778,0.0067,0.6978,0.0058,0.9808,0.0038,0.8154,0.005,0.9355,0.0047
-PyG,AmazonPhoto,link_pred,True,,,1,8,3,skipconcat,max,99,0.4506,0.0034,225208.0,0.033,0.0046,0.7921,0.0018,0.7091,0.0018,0.9905,0.0013,0.8265,0.0013,0.962,0.0031
-PyG,AmazonPhoto,link_pred,True,,,1,8,3,skipconcat,mean,99,0.4343,0.002,225208.0,0.0481,0.0125,0.828,0.0017,0.7478,0.002,0.9897,0.0005,0.8519,0.0011,0.9645,0.0016
-PyG,AmazonPhoto,link_pred,True,,,1,8,3,skipsum,add,99,0.5803,0.0189,300429.0,0.0382,0.0075,0.7798,0.0023,0.7,0.0037,0.9795,0.0047,0.8164,0.0009,0.9302,0.0048
-PyG,AmazonPhoto,link_pred,True,,,1,8,3,skipsum,max,99,0.4619,0.0039,300429.0,0.052,0.0083,0.7942,0.0046,0.7108,0.0046,0.9922,0.0008,0.8282,0.0033,0.9542,0.0022
-PyG,AmazonPhoto,link_pred,True,,,1,8,3,skipsum,mean,99,0.4307,0.001,300429.0,0.0431,0.0092,0.8432,0.0035,0.7656,0.0038,0.9895,0.0009,0.8633,0.0028,0.9667,0.0009
-PyG,AmazonPhoto,link_pred,True,,,2,2,2,skipconcat,add,99,0.4758,0.006,270941.0,0.0296,0.0026,0.787,0.0029,0.7055,0.0026,0.9854,0.0014,0.8223,0.0022,0.9554,0.0018
-PyG,AmazonPhoto,link_pred,True,,,2,2,2,skipconcat,max,99,0.4655,0.001,270941.0,0.0402,0.0077,0.7884,0.0028,0.7061,0.0027,0.9883,0.0006,0.8237,0.002,0.9538,0.0002
-PyG,AmazonPhoto,link_pred,True,,,2,2,2,skipconcat,mean,99,0.4503,0.0051,270941.0,0.0271,0.0012,0.8061,0.0018,0.7246,0.0019,0.9875,0.0006,0.8359,0.0013,0.9566,0.0033
-PyG,AmazonPhoto,link_pred,True,,,2,2,2,skipsum,add,99,0.4742,0.0036,348450.0,0.0274,0.0009,0.7912,0.0015,0.7095,0.0015,0.986,0.0007,0.8252,0.0011,0.9511,0.0016
-PyG,AmazonPhoto,link_pred,True,,,2,2,2,skipsum,max,99,0.4602,0.0028,348450.0,0.0371,0.0052,0.7934,0.004,0.7103,0.004,0.991,0.0004,0.8274,0.0029,0.9531,0.0022
-PyG,AmazonPhoto,link_pred,True,,,2,2,2,skipsum,mean,99,0.445,0.0014,348450.0,0.0338,0.0042,0.8163,0.0009,0.7351,0.0009,0.9891,0.0006,0.8434,0.0008,0.9586,0.0009
-PyG,AmazonPhoto,link_pred,True,,,2,2,3,skipconcat,add,99,0.4565,0.0042,259841.0,0.0251,0.0011,0.7975,0.0011,0.7156,0.0013,0.9871,0.002,0.8298,0.0009,0.9588,0.0031
-PyG,AmazonPhoto,link_pred,True,,,2,2,3,skipconcat,max,99,0.4525,0.002,259841.0,0.0444,0.0059,0.8012,0.0053,0.7181,0.0056,0.9916,0.0007,0.833,0.0037,0.9583,0.0009
-PyG,AmazonPhoto,link_pred,True,,,2,2,3,skipconcat,mean,99,0.4387,0.0013,259841.0,0.0344,0.012,0.8211,0.0037,0.7396,0.004,0.9912,0.0004,0.8471,0.0027,0.9631,0.0004
-PyG,AmazonPhoto,link_pred,True,,,2,2,3,skipsum,add,99,0.4652,0.0027,333765.0,0.0245,0.0005,0.7962,0.0004,0.7145,0.0004,0.9868,0.0012,0.8288,0.0004,0.9539,0.0004
-PyG,AmazonPhoto,link_pred,True,,,2,2,3,skipsum,max,99,0.4514,0.0022,333765.0,0.0377,0.0078,0.8015,0.0036,0.7184,0.0037,0.9918,0.0,0.8333,0.0025,0.9579,0.0007
-PyG,AmazonPhoto,link_pred,True,,,2,2,3,skipsum,mean,99,0.4364,0.0039,333765.0,0.037,0.0133,0.8276,0.0029,0.7475,0.0031,0.9895,0.0004,0.8516,0.0021,0.9635,0.0024
-PyG,AmazonPhoto,link_pred,True,,,2,4,2,skipconcat,add,99,0.5494,0.0232,242194.0,0.0339,0.0077,0.7833,0.005,0.7014,0.0047,0.9869,0.0012,0.82,0.0036,0.9512,0.002
-PyG,AmazonPhoto,link_pred,True,,,2,4,2,skipconcat,max,99,0.4606,0.0068,242194.0,0.032,0.0051,0.7855,0.0063,0.703,0.0061,0.9888,0.0006,0.8218,0.0044,0.9591,0.0032
-PyG,AmazonPhoto,link_pred,True,,,2,4,2,skipconcat,mean,99,0.4428,0.0015,242194.0,0.0275,0.0014,0.8118,0.0044,0.7306,0.0043,0.9878,0.0013,0.8399,0.0033,0.961,0.0007
-PyG,AmazonPhoto,link_pred,True,,,2,4,2,skipsum,add,99,0.5315,0.0117,325249.0,0.0365,0.0059,0.7878,0.0036,0.7064,0.0037,0.9851,0.0006,0.8228,0.0025,0.9412,0.0034
-PyG,AmazonPhoto,link_pred,True,,,2,4,2,skipsum,max,99,0.462,0.0034,325249.0,0.0421,0.0023,0.792,0.0014,0.7093,0.0015,0.9897,0.0002,0.8263,0.0009,0.9518,0.0026
-PyG,AmazonPhoto,link_pred,True,,,2,4,2,skipsum,mean,99,0.4371,0.0056,325249.0,0.031,0.0014,0.8277,0.0064,0.7476,0.0069,0.9896,0.0011,0.8517,0.0048,0.963,0.0036
-PyG,AmazonPhoto,link_pred,True,,,2,4,3,skipconcat,add,99,0.4921,0.0092,235681.0,0.0301,0.0033,0.7935,0.0048,0.7114,0.0046,0.9876,0.0017,0.8271,0.0035,0.954,0.0005
-PyG,AmazonPhoto,link_pred,True,,,2,4,3,skipconcat,max,99,0.4488,0.0034,235681.0,0.0396,0.0116,0.8005,0.0026,0.7175,0.0027,0.9914,0.0005,0.8325,0.0018,0.9622,0.0016
-PyG,AmazonPhoto,link_pred,True,,,2,4,3,skipconcat,mean,99,0.4365,0.0013,235681.0,0.0496,0.0093,0.8257,0.0043,0.7452,0.0045,0.9901,0.0009,0.8503,0.0032,0.9636,0.0005
-PyG,AmazonPhoto,link_pred,True,,,2,4,3,skipsum,add,99,0.5096,0.0038,316827.0,0.0357,0.0072,0.7907,0.0011,0.7086,0.0007,0.9878,0.0014,0.8252,0.0009,0.9503,0.0026
-PyG,AmazonPhoto,link_pred,True,,,2,4,3,skipsum,max,99,0.4549,0.0018,316827.0,0.0393,0.0014,0.7997,0.0033,0.7164,0.0034,0.992,0.0004,0.832,0.0023,0.957,0.0015
-PyG,AmazonPhoto,link_pred,True,,,2,4,3,skipsum,mean,99,0.4337,0.0008,316827.0,0.042,0.0177,0.8368,0.0014,0.7584,0.0014,0.9883,0.0009,0.8583,0.0012,0.9647,0.0009
-PyG,AmazonPhoto,link_pred,True,,,2,6,2,skipconcat,add,99,0.6586,0.0444,233783.0,0.0265,0.002,0.7773,0.0057,0.6967,0.0052,0.9825,0.002,0.8152,0.0041,0.9344,0.0074
-PyG,AmazonPhoto,link_pred,True,,,2,6,2,skipconcat,max,99,0.4624,0.0065,233783.0,0.0312,0.0006,0.7829,0.0032,0.7005,0.0026,0.9884,0.0023,0.8199,0.0025,0.9605,0.0035
-PyG,AmazonPhoto,link_pred,True,,,2,6,2,skipconcat,mean,99,0.4401,0.0038,233783.0,0.0274,0.0014,0.8125,0.006,0.7314,0.0062,0.9879,0.001,0.8405,0.0044,0.9623,0.002
-PyG,AmazonPhoto,link_pred,True,,,2,6,2,skipsum,add,99,0.582,0.0372,310209.0,0.046,0.0131,0.7845,0.0024,0.7037,0.0031,0.9827,0.0021,0.8202,0.0014,0.9311,0.0048
-PyG,AmazonPhoto,link_pred,True,,,2,6,2,skipsum,max,99,0.4627,0.0029,310209.0,0.0473,0.0055,0.7911,0.0042,0.7082,0.0042,0.9902,0.0003,0.8258,0.0029,0.9531,0.0011
-PyG,AmazonPhoto,link_pred,True,,,2,6,2,skipsum,mean,99,0.4331,0.0002,310209.0,0.0311,0.0012,0.8365,0.0033,0.758,0.0037,0.9886,0.0007,0.8581,0.0025,0.9649,0.0002
-PyG,AmazonPhoto,link_pred,True,,,2,6,3,skipconcat,add,99,0.5191,0.0159,234886.0,0.0477,0.0083,0.7941,0.0064,0.7126,0.0069,0.9857,0.0012,0.8272,0.0043,0.9484,0.0018
-PyG,AmazonPhoto,link_pred,True,,,2,6,3,skipconcat,max,99,0.4499,0.0037,234886.0,0.0342,0.0028,0.7995,0.0045,0.7162,0.0048,0.9924,0.0009,0.8319,0.0031,0.9631,0.0016
-PyG,AmazonPhoto,link_pred,True,,,2,6,3,skipconcat,mean,99,0.4347,0.0047,234886.0,0.0313,0.0031,0.8271,0.0052,0.7474,0.0056,0.9884,0.0012,0.8512,0.0039,0.9643,0.0025
-PyG,AmazonPhoto,link_pred,True,,,2,6,3,skipsum,add,99,0.563,0.032,303241.0,0.0334,0.0038,0.7867,0.0034,0.7062,0.0028,0.9817,0.0029,0.8215,0.0027,0.9364,0.0052
-PyG,AmazonPhoto,link_pred,True,,,2,6,3,skipsum,max,99,0.4572,0.0013,303241.0,0.045,0.0062,0.7953,0.0024,0.712,0.002,0.9918,0.0017,0.8289,0.0019,0.9547,0.0014
-PyG,AmazonPhoto,link_pred,True,,,2,6,3,skipsum,mean,99,0.4315,0.0017,303241.0,0.0428,0.0037,0.8399,0.0007,0.7617,0.0013,0.9893,0.0019,0.8607,0.0005,0.9661,0.0013
-PyG,AmazonPhoto,link_pred,True,,,2,8,2,skipconcat,add,99,0.71,0.0277,229121.0,0.0319,0.004,0.7755,0.0031,0.6957,0.0029,0.9792,0.0008,0.8135,0.0022,0.9289,0.0028
-PyG,AmazonPhoto,link_pred,True,,,2,8,2,skipconcat,max,99,0.4695,0.0053,229121.0,0.0309,0.0011,0.7767,0.0033,0.6946,0.0031,0.9877,0.0014,0.8156,0.0024,0.9579,0.0025
-PyG,AmazonPhoto,link_pred,True,,,2,8,2,skipconcat,mean,99,0.436,0.0023,229121.0,0.0344,0.0073,0.8187,0.0005,0.738,0.0008,0.9881,0.0008,0.8449,0.0002,0.9642,0.0019
-PyG,AmazonPhoto,link_pred,True,,,2,8,2,skipsum,add,99,0.5838,0.039,300429.0,0.0508,0.0125,0.7808,0.0042,0.6996,0.0042,0.9846,0.0013,0.818,0.0028,0.9333,0.0058
-PyG,AmazonPhoto,link_pred,True,,,2,8,2,skipsum,max,99,0.4679,0.0033,300429.0,0.0553,0.0022,0.7868,0.0086,0.7041,0.0086,0.9898,0.0003,0.8228,0.0058,0.9501,0.0014
-PyG,AmazonPhoto,link_pred,True,,,2,8,2,skipsum,mean,99,0.4343,0.0047,300429.0,0.0449,0.0126,0.838,0.0042,0.7601,0.0051,0.9875,0.0003,0.8591,0.0031,0.9642,0.0028
-PyG,AmazonPhoto,link_pred,True,,,2,8,3,skipconcat,add,99,0.5978,0.0231,225991.0,0.0264,0.0015,0.7844,0.0084,0.7032,0.0085,0.9844,0.0009,0.8204,0.0056,0.9361,0.0036
-PyG,AmazonPhoto,link_pred,True,,,2,8,3,skipconcat,max,99,0.4517,0.0019,225991.0,0.0327,0.004,0.7948,0.003,0.7117,0.0031,0.9914,0.0007,0.8285,0.0019,0.9616,0.0008
-PyG,AmazonPhoto,link_pred,True,,,2,8,3,skipconcat,mean,99,0.4352,0.0031,225991.0,0.0425,0.0205,0.8302,0.003,0.7507,0.0029,0.9887,0.0014,0.8534,0.0024,0.9638,0.0021
-PyG,AmazonPhoto,link_pred,True,,,2,8,3,skipsum,add,99,0.6774,0.147,295169.0,0.0285,0.0022,0.7748,0.0061,0.6944,0.0068,0.9821,0.0047,0.8135,0.0037,0.9227,0.0104
-PyG,AmazonPhoto,link_pred,True,,,2,8,3,skipsum,max,99,0.4627,0.0023,295169.0,0.0465,0.0026,0.792,0.0043,0.7086,0.0042,0.9919,0.0003,0.8266,0.003,0.9547,0.0009
-PyG,AmazonPhoto,link_pred,True,,,2,8,3,skipsum,mean,99,0.4307,0.003,295169.0,0.0329,0.0012,0.8396,0.004,0.7617,0.005,0.9884,0.0016,0.8604,0.0029,0.966,0.0026
-PyG,CiteSeer,link_pred,True,,,1,2,2,skipconcat,add,99,0.5734,0.0052,558236.0,0.087,0.0057,0.6926,0.0064,0.642,0.0028,0.8705,0.0175,0.7389,0.0078,0.8427,0.0129
-PyG,CiteSeer,link_pred,True,,,1,2,2,skipconcat,max,99,0.646,0.0143,558236.0,0.1056,0.033,0.6855,0.0084,0.6395,0.0069,0.8507,0.0161,0.7301,0.0081,0.8166,0.0081
-PyG,CiteSeer,link_pred,True,,,1,2,2,skipconcat,mean,99,0.6077,0.0368,558236.0,0.0834,0.0105,0.6952,0.0036,0.6419,0.0016,0.8829,0.0111,0.7434,0.0046,0.8406,0.0011
-PyG,CiteSeer,link_pred,True,,,1,2,2,skipsum,add,99,0.5759,0.0271,1021201.0,0.083,0.0108,0.7023,0.0047,0.6487,0.0038,0.8822,0.0078,0.7476,0.0042,0.8494,0.0077
-PyG,CiteSeer,link_pred,True,,,1,2,2,skipsum,max,99,0.6033,0.0103,1021201.0,0.0996,0.0357,0.6955,0.0121,0.6451,0.0103,0.8694,0.0065,0.7406,0.009,0.8187,0.0102
-PyG,CiteSeer,link_pred,True,,,1,2,2,skipsum,mean,99,0.5454,0.0128,1021201.0,0.1039,0.0027,0.7038,0.0062,0.6496,0.006,0.8851,0.0066,0.7493,0.0042,0.855,0.0039
-PyG,CiteSeer,link_pred,True,,,1,2,3,skipconcat,add,99,0.5345,0.0033,507089.0,0.0764,0.0073,0.71,0.0102,0.6561,0.0079,0.8829,0.0101,0.7528,0.0085,0.8528,0.0074
-PyG,CiteSeer,link_pred,True,,,1,2,3,skipconcat,max,99,0.5728,0.0111,507089.0,0.0851,0.0121,0.6924,0.0036,0.647,0.004,0.8474,0.0027,0.7337,0.0018,0.8162,0.0087
-PyG,CiteSeer,link_pred,True,,,1,2,3,skipconcat,mean,99,0.5528,0.008,507089.0,0.0927,0.0149,0.7011,0.0012,0.6495,0.0013,0.8734,0.0081,0.745,0.0024,0.8408,0.0016
-PyG,CiteSeer,link_pred,True,,,1,2,3,skipsum,add,99,0.5339,0.0095,937092.0,0.1057,0.033,0.713,0.0018,0.6576,0.0021,0.8891,0.0064,0.756,0.0019,0.8533,0.0061
-PyG,CiteSeer,link_pred,True,,,1,2,3,skipsum,max,99,0.5804,0.0169,937092.0,0.0829,0.0114,0.6881,0.0071,0.6421,0.0016,0.8496,0.0246,0.7313,0.0102,0.8127,0.0132
-PyG,CiteSeer,link_pred,True,,,1,2,3,skipsum,mean,99,0.5414,0.0137,937092.0,0.0953,0.0169,0.709,0.0058,0.6554,0.0043,0.8814,0.0067,0.7518,0.005,0.8471,0.0064
-PyG,CiteSeer,link_pred,True,,,1,4,2,skipconcat,add,99,0.5809,0.0138,418065.0,0.1081,0.0136,0.6901,0.0078,0.6431,0.0049,0.854,0.0125,0.7337,0.0077,0.8265,0.0107
-PyG,CiteSeer,link_pred,True,,,1,4,2,skipconcat,max,99,0.6646,0.0533,418065.0,0.0863,0.0057,0.6821,0.0161,0.6368,0.0112,0.8471,0.021,0.7271,0.015,0.808,0.0246
-PyG,CiteSeer,link_pred,True,,,1,4,2,skipconcat,mean,99,0.6179,0.0143,418065.0,0.1041,0.0089,0.6898,0.0038,0.6433,0.0017,0.8522,0.0096,0.7331,0.0046,0.8238,0.0017
-PyG,CiteSeer,link_pred,True,,,1,4,2,skipsum,add,99,0.5581,0.0133,869163.0,0.1119,0.0397,0.704,0.0025,0.6524,0.0048,0.8738,0.0103,0.747,0.0007,0.8355,0.0049
-PyG,CiteSeer,link_pred,True,,,1,4,2,skipsum,max,99,0.6205,0.025,869163.0,0.0991,0.0075,0.6846,0.0119,0.6405,0.0084,0.8416,0.0153,0.7274,0.011,0.7928,0.0176
-PyG,CiteSeer,link_pred,True,,,1,4,2,skipsum,mean,99,0.5583,0.0087,869163.0,0.0819,0.0029,0.6964,0.017,0.651,0.0126,0.8467,0.0196,0.7361,0.0153,0.8296,0.0101
-PyG,CiteSeer,link_pred,True,,,1,4,3,skipconcat,add,99,0.5459,0.0073,387248.0,0.1027,0.032,0.7033,0.0016,0.6529,0.0034,0.8683,0.01,0.7453,0.0019,0.8357,0.0051
-PyG,CiteSeer,link_pred,True,,,1,4,3,skipconcat,max,99,0.601,0.0237,387248.0,0.0876,0.0099,0.6771,0.006,0.6347,0.0039,0.8343,0.0138,0.7209,0.0067,0.8014,0.0116
-PyG,CiteSeer,link_pred,True,,,1,4,3,skipconcat,mean,99,0.5487,0.0111,387248.0,0.082,0.0105,0.7053,0.0054,0.6546,0.0048,0.8694,0.0036,0.7468,0.004,0.8411,0.0067
-PyG,CiteSeer,link_pred,True,,,1,4,3,skipsum,add,99,0.5494,0.0075,822193.0,0.0882,0.0153,0.6984,0.0108,0.6497,0.0101,0.8617,0.0041,0.7408,0.0074,0.8304,0.0043
-PyG,CiteSeer,link_pred,True,,,1,4,3,skipsum,max,99,0.6002,0.0024,822193.0,0.0771,0.0077,0.6839,0.0053,0.6446,0.0049,0.8196,0.0051,0.7216,0.0041,0.7893,0.0015
-PyG,CiteSeer,link_pred,True,,,1,4,3,skipsum,mean,99,0.5503,0.0013,822193.0,0.0832,0.0029,0.6918,0.0025,0.6494,0.0035,0.8339,0.0052,0.7302,0.0012,0.8259,0.0033
-PyG,CiteSeer,link_pred,True,,,1,6,2,skipconcat,add,99,0.589,0.0087,353298.0,0.0639,0.0209,0.6877,0.0103,0.6438,0.0067,0.8401,0.0213,0.7289,0.0111,0.8131,0.0128
-PyG,CiteSeer,link_pred,True,,,1,6,2,skipconcat,max,99,0.6747,0.0093,353298.0,0.0669,0.0022,0.6729,0.0023,0.6313,0.0009,0.8313,0.0087,0.7176,0.0035,0.7983,0.009
-PyG,CiteSeer,link_pred,True,,,1,6,2,skipconcat,mean,99,0.5878,0.0152,353298.0,0.0882,0.0148,0.7006,0.006,0.6496,0.0054,0.8712,0.0034,0.7442,0.0043,0.8321,0.0031
-PyG,CiteSeer,link_pred,True,,,1,6,2,skipsum,add,99,0.5577,0.0098,781233.0,0.0778,0.0037,0.6986,0.0068,0.6487,0.0043,0.8664,0.0137,0.7419,0.0071,0.8334,0.0072
-PyG,CiteSeer,link_pred,True,,,1,6,2,skipsum,max,99,0.6101,0.0143,781233.0,0.1025,0.0315,0.689,0.0069,0.6477,0.006,0.8292,0.0041,0.7272,0.0053,0.7903,0.0069
-PyG,CiteSeer,link_pred,True,,,1,6,2,skipsum,mean,99,0.57,0.0055,781233.0,0.0834,0.012,0.693,0.0023,0.6532,0.0034,0.8233,0.01,0.7284,0.0028,0.8163,0.0046
-PyG,CiteSeer,link_pred,True,,,1,6,3,skipconcat,add,99,0.5572,0.0028,337121.0,0.0804,0.0076,0.6927,0.0061,0.6465,0.0034,0.85,0.0117,0.7344,0.0065,0.8205,0.0051
-PyG,CiteSeer,link_pred,True,,,1,6,3,skipconcat,max,99,0.5924,0.0332,337121.0,0.0793,0.0348,0.6882,0.0081,0.6445,0.0073,0.8397,0.0127,0.7292,0.007,0.807,0.0136
-PyG,CiteSeer,link_pred,True,,,1,6,3,skipconcat,mean,99,0.566,0.0062,337121.0,0.0874,0.0111,0.696,0.0047,0.648,0.0046,0.858,0.0036,0.7383,0.0032,0.8257,0.0041
-PyG,CiteSeer,link_pred,True,,,1,6,3,skipsum,add,99,0.5535,0.0079,747993.0,0.0902,0.0076,0.6937,0.0044,0.6455,0.0025,0.8595,0.0086,0.7373,0.0046,0.8261,0.005
-PyG,CiteSeer,link_pred,True,,,1,6,3,skipsum,max,99,0.5939,0.0128,747993.0,0.0854,0.001,0.6757,0.0015,0.6412,0.0013,0.798,0.0078,0.7111,0.0028,0.783,0.0084
-PyG,CiteSeer,link_pred,True,,,1,6,3,skipsum,mean,99,0.5566,0.009,747993.0,0.1073,0.032,0.6848,0.005,0.6471,0.0014,0.813,0.0215,0.7205,0.0084,0.8123,0.0123
-PyG,CiteSeer,link_pred,True,,,1,8,2,skipconcat,add,99,0.5887,0.0196,322689.0,0.08,0.0041,0.6844,0.0197,0.6407,0.0117,0.8383,0.0363,0.7262,0.0212,0.8119,0.019
-PyG,CiteSeer,link_pred,True,,,1,8,2,skipconcat,max,99,0.6702,0.0144,322689.0,0.1076,0.023,0.6794,0.0024,0.6359,0.0008,0.8394,0.0081,0.7236,0.0034,0.7997,0.0051
-PyG,CiteSeer,link_pred,True,,,1,8,2,skipconcat,mean,99,0.6048,0.0277,322689.0,0.0995,0.018,0.6918,0.0088,0.6452,0.0079,0.8525,0.0034,0.7345,0.0063,0.8192,0.009
-PyG,CiteSeer,link_pred,True,,,1,8,2,skipsum,add,99,0.572,0.0116,717361.0,0.0921,0.0172,0.6926,0.0086,0.646,0.0068,0.8522,0.0072,0.7349,0.007,0.8147,0.0087
-PyG,CiteSeer,link_pred,True,,,1,8,2,skipsum,max,99,0.5999,0.0044,717361.0,0.0596,0.0034,0.6828,0.0078,0.646,0.0052,0.8086,0.0127,0.7182,0.0081,0.7916,0.0083
-PyG,CiteSeer,link_pred,True,,,1,8,2,skipsum,mean,99,0.5636,0.0059,717361.0,0.074,0.0028,0.6878,0.0021,0.649,0.0025,0.8182,0.0066,0.7238,0.0022,0.8143,0.0039
-PyG,CiteSeer,link_pred,True,,,1,8,3,skipconcat,add,99,0.5619,0.0014,305074.0,0.0777,0.0064,0.7029,0.0075,0.6552,0.0066,0.8569,0.0157,0.7425,0.0072,0.8226,0.0084
-PyG,CiteSeer,link_pred,True,,,1,8,3,skipconcat,max,99,0.5885,0.015,305074.0,0.0876,0.0098,0.6923,0.0076,0.6467,0.0071,0.8481,0.0027,0.7338,0.0053,0.8155,0.0063
-PyG,CiteSeer,link_pred,True,,,1,8,3,skipconcat,mean,99,0.5562,0.0125,305074.0,0.0847,0.004,0.6981,0.0156,0.6521,0.0099,0.8485,0.0249,0.7374,0.0156,0.8263,0.0157
-PyG,CiteSeer,link_pred,True,,,1,8,3,skipsum,add,99,0.5543,0.0017,696801.0,0.0763,0.0021,0.7035,0.0023,0.6549,0.0016,0.8606,0.013,0.7438,0.0042,0.826,0.0063
-PyG,CiteSeer,link_pred,True,,,1,8,3,skipsum,max,99,0.6009,0.0052,696801.0,0.0391,0.0033,0.6754,0.0036,0.639,0.0061,0.8068,0.0133,0.7131,0.002,0.7843,0.0045
-PyG,CiteSeer,link_pred,True,,,1,8,3,skipsum,mean,99,0.5598,0.0065,696801.0,0.0773,0.0087,0.6894,0.006,0.6494,0.0025,0.8233,0.0157,0.726,0.0076,0.8119,0.0095
-PyG,CiteSeer,link_pred,True,,,2,2,2,skipconcat,add,99,0.5768,0.0166,551951.0,0.0426,0.0148,0.6926,0.0051,0.6443,0.0042,0.8602,0.0034,0.7368,0.0039,0.8305,0.003
-PyG,CiteSeer,link_pred,True,,,2,2,2,skipconcat,max,99,0.6462,0.0127,551951.0,0.0887,0.0089,0.6775,0.006,0.6346,0.0042,0.8372,0.009,0.7219,0.0056,0.8035,0.0061
-PyG,CiteSeer,link_pred,True,,,2,2,2,skipconcat,mean,99,0.5898,0.0369,551951.0,0.0838,0.0095,0.6995,0.0087,0.6494,0.0061,0.8672,0.0117,0.7426,0.008,0.8327,0.0101
-PyG,CiteSeer,link_pred,True,,,2,2,2,skipsum,add,99,0.5397,0.0033,937092.0,0.0862,0.013,0.7097,0.0014,0.6562,0.0008,0.8807,0.0077,0.7521,0.0025,0.8525,0.0061
-PyG,CiteSeer,link_pred,True,,,2,2,2,skipsum,max,99,0.5985,0.0186,937092.0,0.1062,0.028,0.687,0.0116,0.6402,0.0098,0.854,0.01,0.7318,0.0091,0.8091,0.0161
-PyG,CiteSeer,link_pred,True,,,2,2,2,skipsum,mean,99,0.542,0.0164,937092.0,0.0865,0.0096,0.7089,0.0033,0.6552,0.0027,0.8818,0.0036,0.7518,0.0027,0.8493,0.0088
-PyG,CiteSeer,link_pred,True,,,2,2,3,skipconcat,add,99,0.5434,0.0058,496481.0,0.0955,0.0053,0.7074,0.0059,0.654,0.0054,0.8807,0.0049,0.7506,0.0044,0.8433,0.001
-PyG,CiteSeer,link_pred,True,,,2,2,3,skipconcat,max,99,0.5765,0.0073,496481.0,0.1079,0.0159,0.6901,0.0071,0.6433,0.0044,0.8533,0.0135,0.7336,0.0074,0.8161,0.0084
-PyG,CiteSeer,link_pred,True,,,2,2,3,skipconcat,mean,99,0.5495,0.0102,496481.0,0.0839,0.0029,0.7086,0.0047,0.6566,0.0021,0.8745,0.0107,0.75,0.0053,0.8392,0.0079
-PyG,CiteSeer,link_pred,True,,,2,2,3,skipsum,add,99,0.5331,0.0149,869163.0,0.0845,0.0101,0.7081,0.0098,0.6549,0.0079,0.88,0.009,0.7509,0.0079,0.8531,0.0113
-PyG,CiteSeer,link_pred,True,,,2,2,3,skipsum,max,99,0.5764,0.0081,869163.0,0.0879,0.0033,0.6962,0.0056,0.6495,0.0044,0.8525,0.0086,0.7373,0.0051,0.8118,0.0079
-PyG,CiteSeer,link_pred,True,,,2,2,3,skipsum,mean,99,0.5281,0.0177,869163.0,0.0965,0.0051,0.7191,0.011,0.6663,0.0073,0.8778,0.0166,0.7575,0.0106,0.8553,0.0173
-PyG,CiteSeer,link_pred,True,,,2,4,2,skipconcat,add,99,0.5859,0.0151,410800.0,0.0423,0.003,0.6794,0.0113,0.6373,0.0077,0.8324,0.0176,0.7219,0.0112,0.8178,0.0171
-PyG,CiteSeer,link_pred,True,,,2,4,2,skipconcat,max,99,0.6537,0.0376,410800.0,0.0876,0.0047,0.6724,0.0152,0.6312,0.0109,0.8291,0.0189,0.7168,0.014,0.792,0.0185
-PyG,CiteSeer,link_pred,True,,,2,4,2,skipconcat,mean,99,0.6116,0.0076,410800.0,0.0916,0.0156,0.678,0.0116,0.6373,0.0078,0.8262,0.0217,0.7195,0.0123,0.804,0.0103
-PyG,CiteSeer,link_pred,True,,,2,4,2,skipsum,add,99,0.5627,0.0057,822193.0,0.0802,0.003,0.6917,0.0048,0.6448,0.0041,0.8536,0.0036,0.7347,0.0037,0.8284,0.0051
-PyG,CiteSeer,link_pred,True,,,2,4,2,skipsum,max,99,0.6128,0.0137,822193.0,0.0849,0.0043,0.6882,0.0082,0.6466,0.0059,0.8302,0.0171,0.7269,0.0086,0.7935,0.0126
-PyG,CiteSeer,link_pred,True,,,2,4,2,skipsum,mean,99,0.5644,0.018,822193.0,0.0864,0.0029,0.7005,0.0094,0.6549,0.0071,0.8478,0.0115,0.7389,0.0085,0.8264,0.0136
-PyG,CiteSeer,link_pred,True,,,2,4,3,skipconcat,add,99,0.5552,0.0128,377665.0,0.0891,0.0105,0.7011,0.0054,0.6545,0.0036,0.8522,0.015,0.7403,0.0064,0.8271,0.0111
-PyG,CiteSeer,link_pred,True,,,2,4,3,skipconcat,max,99,0.603,0.0087,377665.0,0.0798,0.0033,0.6817,0.0074,0.6387,0.0034,0.8361,0.0193,0.7242,0.0091,0.7981,0.0053
-PyG,CiteSeer,link_pred,True,,,2,4,3,skipconcat,mean,99,0.5694,0.0161,377665.0,0.0835,0.0069,0.6938,0.0061,0.6473,0.0022,0.8515,0.017,0.7354,0.0077,0.8224,0.0121
-PyG,CiteSeer,link_pred,True,,,2,4,3,skipsum,add,99,0.554,0.0056,781233.0,0.0381,0.0062,0.7031,0.0037,0.6535,0.0042,0.8646,0.0064,0.7444,0.0025,0.8308,0.0022
-PyG,CiteSeer,link_pred,True,,,2,4,3,skipsum,max,99,0.5955,0.0107,781233.0,0.0978,0.0153,0.6831,0.0102,0.6424,0.0077,0.8262,0.0152,0.7227,0.0097,0.7898,0.0137
-PyG,CiteSeer,link_pred,True,,,2,4,3,skipsum,mean,99,0.5602,0.0128,781233.0,0.1003,0.0196,0.6917,0.0103,0.651,0.0086,0.8266,0.0089,0.7284,0.0086,0.8181,0.0116
-PyG,CiteSeer,link_pred,True,,,2,6,2,skipconcat,add,99,0.6013,0.0237,355061.0,0.1035,0.0206,0.678,0.0109,0.6376,0.0056,0.8244,0.0247,0.7189,0.0129,0.8029,0.0187
-PyG,CiteSeer,link_pred,True,,,2,6,2,skipconcat,max,99,0.6603,0.0005,355061.0,0.0855,0.0125,0.6719,0.0053,0.6313,0.0039,0.8262,0.0065,0.7158,0.0049,0.7971,0.0028
-PyG,CiteSeer,link_pred,True,,,2,6,2,skipconcat,mean,99,0.614,0.0152,355061.0,0.0901,0.0097,0.6855,0.0084,0.643,0.007,0.8342,0.008,0.7263,0.007,0.8071,0.0073
-PyG,CiteSeer,link_pred,True,,,2,6,2,skipsum,add,99,0.5675,0.0105,747993.0,0.0911,0.0162,0.6956,0.0073,0.6483,0.0032,0.8551,0.0226,0.7373,0.0096,0.8204,0.0143
-PyG,CiteSeer,link_pred,True,,,2,6,2,skipsum,max,99,0.6159,0.0151,747993.0,0.0985,0.0129,0.6798,0.0012,0.6428,0.0023,0.8097,0.0089,0.7166,0.0024,0.7808,0.0073
-PyG,CiteSeer,link_pred,True,,,2,6,2,skipsum,mean,99,0.5757,0.0077,747993.0,0.1102,0.0191,0.6864,0.0079,0.6459,0.0046,0.8251,0.0161,0.7246,0.0089,0.8098,0.0094
-PyG,CiteSeer,link_pred,True,,,2,6,3,skipconcat,add,99,0.5684,0.0034,338416.0,0.0887,0.012,0.6947,0.0038,0.6507,0.0038,0.8412,0.0023,0.7338,0.0025,0.8144,0.0039
-PyG,CiteSeer,link_pred,True,,,2,6,3,skipconcat,max,99,0.6291,0.0189,338416.0,0.11,0.0214,0.6701,0.0106,0.6334,0.0067,0.8072,0.018,0.7098,0.0112,0.7856,0.0118
-PyG,CiteSeer,link_pred,True,,,2,6,3,skipconcat,mean,99,0.5916,0.0062,338416.0,0.0799,0.0024,0.6931,0.007,0.6507,0.0027,0.8335,0.0189,0.7308,0.009,0.8049,0.008
-PyG,CiteSeer,link_pred,True,,,2,6,3,skipsum,add,99,0.556,0.0022,717361.0,0.0845,0.0092,0.7004,0.0032,0.6532,0.0032,0.8547,0.0023,0.7405,0.0021,0.822,0.0025
-PyG,CiteSeer,link_pred,True,,,2,6,3,skipsum,max,99,0.6158,0.0163,717361.0,0.0877,0.005,0.6698,0.0084,0.6341,0.0049,0.8024,0.0195,0.7083,0.01,0.7722,0.0073
-PyG,CiteSeer,link_pred,True,,,2,6,3,skipsum,mean,99,0.5556,0.012,717361.0,0.0977,0.0281,0.6922,0.0102,0.6523,0.0078,0.8236,0.0128,0.728,0.0095,0.8148,0.0114
-PyG,CiteSeer,link_pred,True,,,2,8,2,skipconcat,add,99,0.6139,0.0234,323777.0,0.0833,0.0048,0.6803,0.0107,0.6401,0.0088,0.824,0.0085,0.7205,0.0088,0.7975,0.0105
-PyG,CiteSeer,link_pred,True,,,2,8,2,skipconcat,max,99,0.6715,0.0292,323777.0,0.0833,0.0061,0.6745,0.0087,0.6348,0.0067,0.8218,0.0118,0.7163,0.0079,0.7889,0.0105
-PyG,CiteSeer,link_pred,True,,,2,8,2,skipconcat,mean,99,0.6246,0.0099,323777.0,0.0813,0.0008,0.6858,0.0045,0.6435,0.0031,0.8331,0.0062,0.7261,0.0044,0.8017,0.0039
-PyG,CiteSeer,link_pred,True,,,2,8,2,skipsum,add,99,0.5784,0.0185,696801.0,0.0512,0.0209,0.6875,0.0079,0.6415,0.005,0.85,0.0122,0.7312,0.0077,0.8081,0.0087
-PyG,CiteSeer,link_pred,True,,,2,8,2,skipsum,max,99,0.5929,0.0031,696801.0,0.0668,0.0144,0.6845,0.0047,0.6441,0.0071,0.8254,0.014,0.7234,0.003,0.7945,0.0037
-PyG,CiteSeer,link_pred,True,,,2,8,2,skipsum,mean,99,0.5683,0.0072,696801.0,0.0631,0.0174,0.6803,0.0087,0.644,0.0078,0.8068,0.0095,0.7162,0.0072,0.8064,0.0068
-PyG,CiteSeer,link_pred,True,,,2,8,3,skipconcat,add,99,0.5825,0.0047,305857.0,0.0802,0.0025,0.6829,0.0042,0.6444,0.0026,0.8163,0.0148,0.7202,0.0061,0.7945,0.0069
-PyG,CiteSeer,link_pred,True,,,2,8,3,skipconcat,max,99,0.609,0.0214,305857.0,0.0863,0.0118,0.6862,0.0131,0.645,0.0084,0.828,0.021,0.7251,0.0133,0.7959,0.0107
-PyG,CiteSeer,link_pred,True,,,2,8,3,skipconcat,mean,99,0.5889,0.0116,305857.0,0.1019,0.01,0.6849,0.0084,0.6466,0.0076,0.8156,0.007,0.7213,0.0068,0.8016,0.007
-PyG,CiteSeer,link_pred,True,,,2,8,3,skipsum,add,99,0.5764,0.01,673793.0,0.0365,0.0012,0.6827,0.0018,0.6419,0.0006,0.8262,0.0111,0.7225,0.0038,0.7978,0.0085
-PyG,CiteSeer,link_pred,True,,,2,8,3,skipsum,max,99,0.603,0.0082,673793.0,0.0979,0.0032,0.6705,0.0038,0.6377,0.0021,0.7896,0.0098,0.7055,0.0049,0.7773,0.0067
-PyG,CiteSeer,link_pred,True,,,2,8,3,skipsum,mean,99,0.565,0.0022,673793.0,0.0955,0.0171,0.6812,0.0069,0.6439,0.0077,0.8116,0.0037,0.718,0.0038,0.8038,0.0006
-PyG,CoauthorCS,link_pred,True,,,1,2,2,skipconcat,add,99,0.4619,0.005,859130.0,1.1271,0.1955,0.7873,0.0023,0.7085,0.002,0.9763,0.0024,0.8211,0.0019,0.9529,0.0031
-PyG,CoauthorCS,link_pred,True,,,1,2,2,skipconcat,max,99,0.4701,0.0065,859130.0,0.9582,0.1259,0.7757,0.0054,0.6974,0.0051,0.9741,0.002,0.8128,0.0038,0.9455,0.0028
-PyG,CoauthorCS,link_pred,True,,,1,2,2,skipconcat,mean,99,0.4445,0.0039,859130.0,0.8114,0.0463,0.7947,0.0022,0.7163,0.0015,0.976,0.0025,0.8262,0.0019,0.9561,0.0025
-PyG,CoauthorCS,link_pred,True,,,1,2,2,skipsum,add,99,0.4662,0.0031,1709845.0,1.0602,0.0284,0.797,0.0023,0.7189,0.0027,0.9755,0.001,0.8277,0.0015,0.9481,0.0004
-PyG,CoauthorCS,link_pred,True,,,1,2,2,skipsum,max,99,0.4691,0.0023,1709845.0,0.9251,0.1792,0.7925,0.0027,0.7137,0.0026,0.9767,0.0009,0.8247,0.002,0.9432,0.0009
-PyG,CoauthorCS,link_pred,True,,,1,2,2,skipsum,mean,99,0.4441,0.0004,1709845.0,1.1554,0.1753,0.8177,0.0004,0.7408,0.0009,0.9773,0.0015,0.8428,0.0001,0.9547,0.0005
-PyG,CoauthorCS,link_pred,True,,,1,2,3,skipconcat,add,99,0.453,0.0034,761453.0,1.0031,0.1818,0.8056,0.0038,0.7271,0.0041,0.9785,0.0002,0.8343,0.0026,0.9526,0.0018
-PyG,CoauthorCS,link_pred,True,,,1,2,3,skipconcat,max,99,0.4548,0.0029,761453.0,0.9063,0.1294,0.8026,0.0044,0.7238,0.0048,0.9785,0.0004,0.8321,0.0031,0.95,0.0016
-PyG,CoauthorCS,link_pred,True,,,1,2,3,skipconcat,mean,99,0.4426,0.0045,761453.0,0.9308,0.0437,0.8199,0.0037,0.743,0.0037,0.978,0.0028,0.8445,0.003,0.9552,0.0039
-PyG,CoauthorCS,link_pred,True,,,1,2,3,skipsum,add,99,0.4613,0.0038,1554390.0,0.8762,0.0624,0.8087,0.0045,0.7313,0.0054,0.9762,0.0017,0.8362,0.0031,0.9476,0.0008
-PyG,CoauthorCS,link_pred,True,,,1,2,3,skipsum,max,99,0.4627,0.0017,1554390.0,1.0578,0.1492,0.806,0.0004,0.7276,0.0005,0.9783,0.0007,0.8345,0.0002,0.9447,0.0008
-PyG,CoauthorCS,link_pred,True,,,1,2,3,skipsum,mean,99,0.4454,0.0017,1554390.0,0.9204,0.0749,0.8272,0.0023,0.7517,0.0025,0.9772,0.0003,0.8497,0.0017,0.9528,0.0011
-PyG,CoauthorCS,link_pred,True,,,1,4,2,skipconcat,add,99,0.4776,0.0075,597981.0,0.9563,0.173,0.7865,0.0031,0.7081,0.0029,0.9746,0.0021,0.8203,0.0024,0.9484,0.0025
-PyG,CoauthorCS,link_pred,True,,,1,4,2,skipconcat,max,99,0.4675,0.0035,597981.0,1.1284,0.2136,0.7798,0.0053,0.7018,0.0048,0.9733,0.0022,0.8155,0.0039,0.9456,0.0017
-PyG,CoauthorCS,link_pred,True,,,1,4,2,skipconcat,mean,99,0.4465,0.0034,597981.0,0.9143,0.16,0.8026,0.0045,0.7252,0.0047,0.9747,0.0009,0.8316,0.0033,0.9542,0.0018
-PyG,CoauthorCS,link_pred,True,,,1,4,2,skipsum,add,99,0.4896,0.0051,1430625.0,1.1849,0.0619,0.7947,0.0018,0.7165,0.002,0.9753,0.0014,0.8261,0.0013,0.9386,0.0024
-PyG,CoauthorCS,link_pred,True,,,1,4,2,skipsum,max,99,0.4742,0.0018,1430625.0,0.9971,0.1207,0.7969,0.0032,0.7201,0.0035,0.9715,0.0011,0.8271,0.0022,0.9365,0.0017
-PyG,CoauthorCS,link_pred,True,,,1,4,2,skipsum,mean,99,0.4471,0.0027,1430625.0,0.9024,0.1456,0.8299,0.0024,0.7556,0.0024,0.975,0.0011,0.8514,0.002,0.9512,0.0022
-PyG,CoauthorCS,link_pred,True,,,1,4,3,skipconcat,add,99,0.4635,0.0046,539246.0,0.9362,0.1064,0.8051,0.0043,0.7273,0.0044,0.9764,0.0015,0.8336,0.0032,0.9477,0.0031
-PyG,CoauthorCS,link_pred,True,,,1,4,3,skipconcat,max,99,0.4591,0.0017,539246.0,0.9915,0.139,0.8009,0.0039,0.7222,0.0035,0.9778,0.0019,0.8308,0.003,0.9473,0.0016
-PyG,CoauthorCS,link_pred,True,,,1,4,3,skipconcat,mean,99,0.4441,0.0032,539246.0,0.8206,0.0383,0.8234,0.0022,0.7472,0.0027,0.9776,0.0006,0.847,0.0016,0.9543,0.002
-PyG,CoauthorCS,link_pred,True,,,1,4,3,skipsum,add,99,0.4722,0.0015,1343329.0,0.94,0.2017,0.8059,0.0029,0.7287,0.0035,0.975,0.001,0.834,0.0019,0.9415,0.0004
-PyG,CoauthorCS,link_pred,True,,,1,4,3,skipsum,max,99,0.4729,0.0024,1343329.0,0.8564,0.052,0.8032,0.0016,0.7267,0.0021,0.972,0.0016,0.8317,0.0011,0.9353,0.0011
-PyG,CoauthorCS,link_pred,True,,,1,4,3,skipsum,mean,99,0.4502,0.0009,1343329.0,1.0147,0.0376,0.8328,0.0016,0.7603,0.002,0.9719,0.0011,0.8532,0.0012,0.9484,0.0016
-PyG,CoauthorCS,link_pred,True,,,1,6,2,skipconcat,add,99,0.5108,0.005,480480.0,0.8849,0.007,0.7748,0.0017,0.6969,0.0009,0.9728,0.0028,0.812,0.0016,0.9423,0.0014
-PyG,CoauthorCS,link_pred,True,,,1,6,2,skipconcat,max,99,0.4667,0.0063,480480.0,1.1192,0.051,0.7811,0.0056,0.7029,0.0051,0.9738,0.004,0.8165,0.0042,0.9462,0.0043
-PyG,CoauthorCS,link_pred,True,,,1,6,2,skipconcat,mean,99,0.4448,0.0028,480480.0,1.0726,0.0534,0.8084,0.002,0.7315,0.0015,0.9748,0.0017,0.8358,0.0016,0.954,0.0022
-PyG,CoauthorCS,link_pred,True,,,1,6,2,skipsum,add,99,0.4989,0.0039,1268247.0,1.0445,0.033,0.7881,0.0018,0.7103,0.0021,0.9728,0.0009,0.8211,0.0012,0.933,0.0023
-PyG,CoauthorCS,link_pred,True,,,1,6,2,skipsum,max,99,0.4799,0.0016,1268247.0,1.1441,0.0685,0.7948,0.0006,0.7183,0.0005,0.9701,0.0008,0.8254,0.0006,0.9317,0.0009
-PyG,CoauthorCS,link_pred,True,,,1,6,2,skipsum,mean,99,0.4488,0.0019,1268247.0,1.0408,0.0949,0.8315,0.0044,0.7589,0.0053,0.9717,0.0006,0.8522,0.0034,0.9492,0.0013
-PyG,CoauthorCS,link_pred,True,,,1,6,3,skipconcat,add,99,0.4815,0.0018,445691.0,1.0243,0.0547,0.7949,0.0017,0.7171,0.0014,0.9743,0.002,0.8261,0.0014,0.943,0.0005
-PyG,CoauthorCS,link_pred,True,,,1,6,3,skipconcat,max,99,0.4609,0.0025,445691.0,1.0522,0.1056,0.7975,0.0047,0.7196,0.0045,0.9751,0.0031,0.8281,0.0035,0.9456,0.0021
-PyG,CoauthorCS,link_pred,True,,,1,6,3,skipconcat,mean,99,0.4448,0.0041,445691.0,1.0943,0.0961,0.8252,0.0023,0.7492,0.0024,0.9779,0.0007,0.8484,0.0018,0.9539,0.0024
-PyG,CoauthorCS,link_pred,True,,,1,6,3,skipsum,add,99,0.4956,0.0059,1207089.0,0.9166,0.0473,0.7916,0.0049,0.7145,0.005,0.9712,0.0024,0.8233,0.0035,0.9325,0.0027
-PyG,CoauthorCS,link_pred,True,,,1,6,3,skipsum,max,99,0.4762,0.0022,1207089.0,0.9223,0.0914,0.7961,0.0034,0.7197,0.0037,0.9702,0.0005,0.8264,0.0024,0.9321,0.002
-PyG,CoauthorCS,link_pred,True,,,1,6,3,skipsum,mean,99,0.4512,0.0008,1207089.0,0.916,0.0917,0.8343,0.0019,0.7633,0.0024,0.9693,0.0031,0.854,0.0015,0.9473,0.0016
-PyG,CoauthorCS,link_pred,True,,,1,8,2,skipconcat,add,99,0.525,0.0029,421953.0,0.9278,0.111,0.7745,0.0032,0.697,0.0027,0.9713,0.0019,0.8116,0.0025,0.9401,0.0014
-PyG,CoauthorCS,link_pred,True,,,1,8,2,skipconcat,max,99,0.4701,0.0079,421953.0,1.0027,0.0278,0.7796,0.0076,0.7017,0.0069,0.9731,0.0028,0.8154,0.0056,0.9446,0.0036
-PyG,CoauthorCS,link_pred,True,,,1,8,2,skipconcat,mean,99,0.4469,0.0054,421953.0,1.0388,0.0494,0.8102,0.0038,0.7338,0.0038,0.9738,0.0018,0.8369,0.003,0.9526,0.0031
-PyG,CoauthorCS,link_pred,True,,,1,8,2,skipsum,add,99,0.5101,0.0043,1151641.0,0.9531,0.0942,0.7854,0.0039,0.7082,0.0038,0.9709,0.0004,0.819,0.0027,0.9263,0.0036
-PyG,CoauthorCS,link_pred,True,,,1,8,2,skipsum,max,99,0.4832,0.0006,1151641.0,0.9677,0.1499,0.7902,0.0027,0.7141,0.0029,0.9681,0.001,0.8219,0.0018,0.929,0.0005
-PyG,CoauthorCS,link_pred,True,,,1,8,2,skipsum,mean,99,0.4517,0.0016,1151641.0,1.0354,0.0491,0.8328,0.0037,0.7611,0.0043,0.97,0.0006,0.8529,0.0028,0.9467,0.0012
-PyG,CoauthorCS,link_pred,True,,,1,8,3,skipconcat,add,99,0.4926,0.0025,388828.0,0.9379,0.1107,0.7888,0.0004,0.7106,0.0001,0.9745,0.0014,0.8219,0.0005,0.9413,0.0024
-PyG,CoauthorCS,link_pred,True,,,1,8,3,skipconcat,max,99,0.4649,0.0021,388828.0,0.793,0.0917,0.7959,0.0038,0.7183,0.0034,0.9737,0.0022,0.8267,0.0029,0.9424,0.0019
-PyG,CoauthorCS,link_pred,True,,,1,8,3,skipconcat,mean,99,0.4441,0.0023,388828.0,0.786,0.0589,0.8211,0.0014,0.745,0.0009,0.9763,0.0021,0.8451,0.0012,0.9541,0.0022
-PyG,CoauthorCS,link_pred,True,,,1,8,3,skipsum,add,99,0.499,0.0037,1112469.0,1.0536,0.0227,0.7936,0.0037,0.7169,0.0035,0.9708,0.0018,0.8247,0.0029,0.9283,0.0012
-PyG,CoauthorCS,link_pred,True,,,1,8,3,skipsum,max,99,0.4851,0.0015,1112469.0,0.986,0.0453,0.7932,0.0025,0.7174,0.0026,0.9676,0.0007,0.8239,0.0017,0.9252,0.001
-PyG,CoauthorCS,link_pred,True,,,1,8,3,skipsum,mean,99,0.4526,0.0019,1112469.0,0.9987,0.0537,0.8346,0.001,0.7645,0.0014,0.9672,0.0005,0.854,0.0008,0.9457,0.0012
-PyG,CoauthorCS,link_pred,True,,,2,2,2,skipconcat,add,99,0.4597,0.0033,846641.0,0.9121,0.0498,0.7961,0.0057,0.7176,0.0053,0.9766,0.0029,0.8273,0.0043,0.9526,0.0024
-PyG,CoauthorCS,link_pred,True,,,2,2,2,skipconcat,max,99,0.4624,0.0046,846641.0,1.0958,0.0864,0.7894,0.0042,0.7112,0.0033,0.9745,0.0038,0.8223,0.0035,0.9473,0.003
-PyG,CoauthorCS,link_pred,True,,,2,2,2,skipconcat,mean,99,0.4438,0.0018,846641.0,0.9492,0.0283,0.8072,0.0017,0.7301,0.0014,0.975,0.0017,0.8349,0.0015,0.9548,0.0016
-PyG,CoauthorCS,link_pred,True,,,2,2,2,skipsum,add,99,0.4657,0.0019,1554390.0,0.9556,0.0824,0.8062,0.0032,0.7289,0.0037,0.9753,0.0007,0.8342,0.0021,0.9468,0.0
-PyG,CoauthorCS,link_pred,True,,,2,2,2,skipsum,max,99,0.4651,0.0013,1554390.0,0.9507,0.0882,0.7975,0.003,0.7194,0.0032,0.9757,0.0018,0.8281,0.0022,0.943,0.0009
-PyG,CoauthorCS,link_pred,True,,,2,2,2,skipsum,mean,99,0.4441,0.0008,1554390.0,0.9613,0.1117,0.8279,0.0025,0.7529,0.003,0.9761,0.001,0.8501,0.0019,0.9533,0.0006
-PyG,CoauthorCS,link_pred,True,,,2,2,3,skipconcat,add,99,0.4513,0.0027,744641.0,0.8486,0.1155,0.8114,0.0024,0.7343,0.0025,0.976,0.0014,0.8381,0.0018,0.952,0.0012
-PyG,CoauthorCS,link_pred,True,,,2,2,3,skipconcat,max,99,0.4566,0.0032,744641.0,1.0188,0.1772,0.8063,0.0032,0.7285,0.0038,0.9766,0.0018,0.8345,0.0021,0.948,0.0022
-PyG,CoauthorCS,link_pred,True,,,2,2,3,skipconcat,mean,99,0.4434,0.0034,744641.0,1.1265,0.0507,0.8169,0.0036,0.7397,0.0036,0.978,0.0014,0.8423,0.0028,0.955,0.0021
-PyG,CoauthorCS,link_pred,True,,,2,2,3,skipsum,add,99,0.4627,0.0021,1430625.0,0.9556,0.0285,0.8098,0.0034,0.733,0.0041,0.9747,0.0019,0.8368,0.0023,0.9461,0.0011
-PyG,CoauthorCS,link_pred,True,,,2,2,3,skipsum,max,99,0.4642,0.001,1430625.0,0.9827,0.0868,0.8036,0.0039,0.725,0.0042,0.9785,0.0016,0.8328,0.0028,0.9434,0.001
-PyG,CoauthorCS,link_pred,True,,,2,2,3,skipsum,mean,99,0.448,0.0017,1430625.0,0.9942,0.0867,0.8298,0.0031,0.7549,0.0034,0.9767,0.0009,0.8516,0.0024,0.9511,0.001
-PyG,CoauthorCS,link_pred,True,,,2,4,2,skipconcat,add,99,0.4744,0.0057,587614.0,1.0123,0.0391,0.7929,0.0028,0.7147,0.0024,0.9752,0.0018,0.8249,0.0022,0.9487,0.0025
-PyG,CoauthorCS,link_pred,True,,,2,4,2,skipconcat,max,99,0.4655,0.0065,587614.0,1.1303,0.0528,0.788,0.0057,0.7095,0.0052,0.9755,0.0022,0.8215,0.0043,0.9463,0.0028
-PyG,CoauthorCS,link_pred,True,,,2,4,2,skipconcat,mean,99,0.4463,0.0024,587614.0,0.9261,0.1404,0.8083,0.002,0.7315,0.0019,0.974,0.0008,0.8355,0.0015,0.9531,0.0015
-PyG,CoauthorCS,link_pred,True,,,2,4,2,skipsum,add,99,0.4858,0.0059,1343329.0,0.7961,0.0527,0.7962,0.0028,0.7182,0.0027,0.9748,0.0008,0.8271,0.002,0.9398,0.0017
-PyG,CoauthorCS,link_pred,True,,,2,4,2,skipsum,max,99,0.4717,0.0012,1343329.0,1.1099,0.086,0.7967,0.0037,0.7189,0.0038,0.9746,0.0009,0.8274,0.0027,0.9379,0.0012
-PyG,CoauthorCS,link_pred,True,,,2,4,2,skipsum,mean,99,0.4479,0.0002,1343329.0,1.1233,0.1388,0.8292,0.002,0.7551,0.0026,0.9745,0.0011,0.8508,0.0014,0.9505,0.0002
-PyG,CoauthorCS,link_pred,True,,,2,4,3,skipconcat,add,99,0.4659,0.0042,526561.0,1.0216,0.0844,0.8011,0.0072,0.7234,0.0072,0.9752,0.0018,0.8306,0.0053,0.9481,0.0023
-PyG,CoauthorCS,link_pred,True,,,2,4,3,skipconcat,max,99,0.4611,0.0015,526561.0,1.1451,0.0399,0.7989,0.0031,0.7203,0.0028,0.9772,0.0019,0.8293,0.0024,0.9459,0.0015
-PyG,CoauthorCS,link_pred,True,,,2,4,3,skipconcat,mean,99,0.444,0.0027,526561.0,0.9105,0.0519,0.8203,0.0012,0.7437,0.0015,0.9777,0.0018,0.8447,0.0009,0.9544,0.0023
-PyG,CoauthorCS,link_pred,True,,,2,4,3,skipsum,add,99,0.4782,0.0027,1268247.0,1.0298,0.0621,0.8048,0.0046,0.7282,0.0049,0.9725,0.0024,0.8328,0.0034,0.9382,0.0032
-PyG,CoauthorCS,link_pred,True,,,2,4,3,skipsum,max,99,0.4707,0.0021,1268247.0,1.0968,0.2013,0.8048,0.0011,0.7285,0.0009,0.9717,0.0012,0.8327,0.001,0.9358,0.0015
-PyG,CoauthorCS,link_pred,True,,,2,4,3,skipsum,mean,99,0.4497,0.0,1268247.0,0.9001,0.0305,0.8311,0.0025,0.7578,0.003,0.9733,0.0012,0.8521,0.0019,0.949,0.0005
-PyG,CoauthorCS,link_pred,True,,,2,6,2,skipconcat,add,99,0.5011,0.0082,482243.0,0.9713,0.0563,0.7829,0.0045,0.7055,0.0048,0.9715,0.0008,0.8174,0.0029,0.9435,0.0016
-PyG,CoauthorCS,link_pred,True,,,2,6,2,skipconcat,max,99,0.4673,0.0032,482243.0,0.9949,0.0446,0.7847,0.0033,0.7066,0.0036,0.9738,0.0007,0.8189,0.0022,0.9455,0.0011
-PyG,CoauthorCS,link_pred,True,,,2,6,2,skipconcat,mean,99,0.4449,0.0034,482243.0,1.0152,0.0497,0.8127,0.0043,0.7365,0.0045,0.9737,0.0016,0.8387,0.0033,0.9531,0.0019
-PyG,CoauthorCS,link_pred,True,,,2,6,2,skipsum,add,99,0.5067,0.005,1207089.0,1.0709,0.1065,0.7913,0.0022,0.7138,0.0029,0.9724,0.0022,0.8233,0.0013,0.9314,0.0008
-PyG,CoauthorCS,link_pred,True,,,2,6,2,skipsum,max,99,0.4807,0.0019,1207089.0,1.1412,0.2032,0.7893,0.0012,0.7119,0.0014,0.9718,0.001,0.8218,0.0008,0.9321,0.0015
-PyG,CoauthorCS,link_pred,True,,,2,6,2,skipsum,mean,99,0.4491,0.0019,1207089.0,1.0301,0.0895,0.8322,0.0032,0.7601,0.0033,0.9709,0.0025,0.8526,0.0026,0.9487,0.0016
-PyG,CoauthorCS,link_pred,True,,,2,6,3,skipconcat,add,99,0.4818,0.0075,446986.0,0.931,0.1765,0.7929,0.0038,0.7153,0.0036,0.9732,0.0019,0.8245,0.0028,0.9416,0.0041
-PyG,CoauthorCS,link_pred,True,,,2,6,3,skipconcat,max,99,0.4604,0.0011,446986.0,1.0643,0.114,0.8007,0.0071,0.7225,0.0071,0.9764,0.0014,0.8305,0.0052,0.9457,0.0005
-PyG,CoauthorCS,link_pred,True,,,2,6,3,skipconcat,mean,99,0.4441,0.0027,446986.0,1.1011,0.0915,0.8245,0.0022,0.749,0.0025,0.9761,0.0017,0.8476,0.0017,0.9541,0.0022
-PyG,CoauthorCS,link_pred,True,,,2,6,3,skipsum,add,99,0.4871,0.0016,1151641.0,1.0533,0.1547,0.7976,0.0021,0.7205,0.0028,0.9724,0.0025,0.8277,0.0013,0.9339,0.0019
-PyG,CoauthorCS,link_pred,True,,,2,6,3,skipsum,max,99,0.478,0.0006,1151641.0,0.896,0.1934,0.7979,0.0016,0.7218,0.0021,0.9695,0.0011,0.8275,0.001,0.9306,0.0014
-PyG,CoauthorCS,link_pred,True,,,2,6,3,skipsum,mean,99,0.4497,0.0005,1151641.0,0.9731,0.1051,0.8339,0.0031,0.7618,0.0039,0.9716,0.0004,0.854,0.0023,0.9484,0.0003
-PyG,CoauthorCS,link_pred,True,,,2,8,2,skipconcat,add,99,0.5303,0.0145,423041.0,1.0601,0.1824,0.7736,0.0059,0.6962,0.0062,0.9711,0.0013,0.811,0.0038,0.9367,0.0008
-PyG,CoauthorCS,link_pred,True,,,2,8,2,skipconcat,max,99,0.4676,0.0042,423041.0,1.1668,0.092,0.7875,0.006,0.7095,0.0053,0.9739,0.0033,0.8209,0.0047,0.9441,0.0028
-PyG,CoauthorCS,link_pred,True,,,2,8,2,skipconcat,mean,99,0.4456,0.0012,423041.0,1.1626,0.1234,0.8086,0.0002,0.7324,0.0008,0.9727,0.0023,0.8356,0.0004,0.9526,0.0013
-PyG,CoauthorCS,link_pred,True,,,2,8,2,skipsum,add,99,0.5068,0.0022,1112469.0,1.0,0.1127,0.79,0.001,0.7128,0.0012,0.9716,0.0009,0.8223,0.0006,0.9297,0.0008
-PyG,CoauthorCS,link_pred,True,,,2,8,2,skipsum,max,99,0.4814,0.0023,1112469.0,1.0008,0.1015,0.7927,0.0059,0.7163,0.0067,0.9697,0.002,0.8239,0.0039,0.9308,0.0016
-PyG,CoauthorCS,link_pred,True,,,2,8,2,skipsum,mean,99,0.4496,0.0025,1112469.0,0.9959,0.0965,0.8318,0.0036,0.7598,0.0047,0.9704,0.0018,0.8523,0.0026,0.9486,0.0014
-PyG,CoauthorCS,link_pred,True,,,2,8,3,skipconcat,add,99,0.5031,0.0062,389611.0,0.9798,0.0616,0.7927,0.0009,0.7154,0.0012,0.9721,0.001,0.8243,0.0005,0.9378,0.0022
-PyG,CoauthorCS,link_pred,True,,,2,8,3,skipconcat,max,99,0.4662,0.0048,389611.0,0.9336,0.1452,0.7996,0.005,0.7218,0.0047,0.9752,0.0021,0.8296,0.0038,0.9428,0.004
-PyG,CoauthorCS,link_pred,True,,,2,8,3,skipconcat,mean,99,0.4466,0.0036,389611.0,0.8649,0.1831,0.8252,0.0027,0.7505,0.0032,0.9745,0.0005,0.8479,0.002,0.9513,0.0025
-PyG,CoauthorCS,link_pred,True,,,2,8,3,skipsum,add,99,0.5018,0.0099,1070849.0,1.1607,0.0915,0.7906,0.0042,0.7142,0.0047,0.9688,0.001,0.8223,0.0028,0.9278,0.0019
-PyG,CoauthorCS,link_pred,True,,,2,8,3,skipsum,max,99,0.4883,0.0021,1070849.0,1.1615,0.1031,0.7878,0.0023,0.7128,0.0024,0.9639,0.0003,0.8195,0.0017,0.921,0.0014
-PyG,CoauthorCS,link_pred,True,,,2,8,3,skipsum,mean,99,0.4548,0.0028,1070849.0,1.0829,0.065,0.8323,0.0029,0.7616,0.0032,0.9674,0.0007,0.8523,0.0022,0.9444,0.0017
-PyG,CoauthorPhysics,link_pred,True,,,1,2,2,skipconcat,add,99,0.4696,0.0084,1015300.0,2.5269,0.0491,0.7789,0.0022,0.6993,0.0019,0.9784,0.001,0.8157,0.0017,0.9546,0.0016
-PyG,CoauthorPhysics,link_pred,True,,,1,2,2,skipconcat,max,99,0.4718,0.011,1015300.0,2.5154,0.5289,0.7719,0.0047,0.6925,0.004,0.9783,0.0027,0.8109,0.0036,0.9508,0.0031
-PyG,CoauthorPhysics,link_pred,True,,,1,2,2,skipconcat,mean,99,0.4567,0.0148,1015300.0,2.1574,0.0469,0.788,0.0063,0.7096,0.0054,0.9751,0.0039,0.8214,0.005,0.953,0.0065
-PyG,CoauthorPhysics,link_pred,True,,,1,2,2,skipsum,add,99,0.4591,0.0011,2067265.0,2.3366,0.2268,0.7884,0.0007,0.7085,0.0005,0.9799,0.001,0.8224,0.0006,0.9548,0.0015
-PyG,CoauthorPhysics,link_pred,True,,,1,2,2,skipsum,max,99,0.456,0.0045,2067265.0,2.5222,0.2122,0.7914,0.0026,0.7108,0.0026,0.9826,0.0022,0.8249,0.0019,0.9547,0.0035
-PyG,CoauthorPhysics,link_pred,True,,,1,2,2,skipsum,mean,99,0.4442,0.0012,2067265.0,2.2271,0.0892,0.8024,0.0017,0.7239,0.0017,0.9777,0.0002,0.8319,0.0012,0.9564,0.0005
-PyG,CoauthorPhysics,link_pred,True,,,1,2,3,skipconcat,add,99,0.4491,0.0027,893473.0,2.1768,0.4234,0.7968,0.0047,0.7169,0.0048,0.981,0.0007,0.8284,0.0034,0.9572,0.0018
-PyG,CoauthorPhysics,link_pred,True,,,1,2,3,skipconcat,max,99,0.4529,0.0061,893473.0,2.3578,0.4953,0.7944,0.0038,0.7131,0.0034,0.9849,0.0019,0.8273,0.0029,0.9554,0.0044
-PyG,CoauthorPhysics,link_pred,True,,,1,2,3,skipconcat,mean,99,0.4442,0.0019,893473.0,1.9463,0.2835,0.8056,0.0033,0.7264,0.0029,0.9807,0.0021,0.8346,0.0026,0.9569,0.0011
-PyG,CoauthorPhysics,link_pred,True,,,1,2,3,skipsum,add,99,0.4519,0.0035,1874780.0,2.0702,0.1782,0.8023,0.0038,0.7228,0.0038,0.9805,0.0016,0.8322,0.0028,0.955,0.0027
-PyG,CoauthorPhysics,link_pred,True,,,1,2,3,skipsum,max,99,0.4584,0.0034,1874780.0,2.6978,0.7434,0.8001,0.0025,0.7189,0.0029,0.9854,0.0009,0.8313,0.0016,0.9515,0.002
-PyG,CoauthorPhysics,link_pred,True,,,1,2,3,skipsum,mean,99,0.4426,0.0019,1874780.0,2.1842,0.0612,0.8112,0.0003,0.7329,0.0002,0.9792,0.0007,0.8384,0.0003,0.9569,0.0014
-PyG,CoauthorPhysics,link_pred,True,,,1,4,2,skipconcat,add,99,0.4847,0.0138,691361.0,1.6968,0.1178,0.779,0.0031,0.6993,0.0025,0.979,0.0027,0.8159,0.0025,0.9532,0.0033
-PyG,CoauthorPhysics,link_pred,True,,,1,4,2,skipconcat,max,99,0.4636,0.007,691361.0,2.3403,0.1059,0.7745,0.005,0.6945,0.0042,0.9799,0.0026,0.8129,0.0038,0.9534,0.0023
-PyG,CoauthorPhysics,link_pred,True,,,1,4,2,skipconcat,mean,99,0.4473,0.0028,691361.0,2.2511,0.0819,0.794,0.0021,0.715,0.0024,0.9778,0.0009,0.826,0.0014,0.9562,0.0014
-PyG,CoauthorPhysics,link_pred,True,,,1,4,2,skipsum,add,99,0.4765,0.0031,1722035.0,1.8077,0.0966,0.7894,0.0013,0.7107,0.0009,0.9759,0.0016,0.8225,0.0011,0.945,0.0014
-PyG,CoauthorPhysics,link_pred,True,,,1,4,2,skipsum,max,99,0.4669,0.0022,1722035.0,2.2621,0.1206,0.7897,0.0007,0.7095,0.0011,0.9811,0.0011,0.8235,0.0004,0.9465,0.0023
-PyG,CoauthorPhysics,link_pred,True,,,1,4,2,skipsum,mean,99,0.4411,0.0035,1722035.0,1.7338,0.1683,0.8142,0.0019,0.7372,0.0016,0.9766,0.0022,0.8401,0.0016,0.9568,0.0026
-PyG,CoauthorPhysics,link_pred,True,,,1,4,3,skipconcat,add,99,0.4634,0.0029,618136.0,1.7725,0.1042,0.7918,0.0037,0.7123,0.0041,0.9792,0.0016,0.8247,0.0025,0.9526,0.0023
-PyG,CoauthorPhysics,link_pred,True,,,1,4,3,skipconcat,max,99,0.4546,0.0026,618136.0,2.3025,0.1285,0.7934,0.004,0.7125,0.0038,0.9835,0.0015,0.8264,0.003,0.954,0.002
-PyG,CoauthorPhysics,link_pred,True,,,1,4,3,skipsum,add,99,0.4684,0.0038,1613809.0,1.8946,0.1155,0.7953,0.0036,0.7169,0.0036,0.976,0.001,0.8266,0.0027,0.946,0.0024
-PyG,CoauthorPhysics,link_pred,True,,,1,4,3,skipsum,max,99,0.4652,0.0019,1613809.0,2.2598,0.4255,0.7995,0.0015,0.7192,0.001,0.9828,0.0018,0.8306,0.0013,0.9455,0.0015
-PyG,CoauthorPhysics,link_pred,True,,,1,4,3,skipsum,mean,99,0.4452,0.0027,1613809.0,2.246,0.0479,0.8232,0.002,0.7465,0.0025,0.9786,0.0013,0.8469,0.0015,0.9549,0.002
-PyG,CoauthorPhysics,link_pred,True,,,1,6,2,skipconcat,add,99,0.5038,0.0082,546490.0,2.1704,0.347,0.7748,0.004,0.6957,0.0041,0.9771,0.0005,0.8127,0.0028,0.9482,0.0019
-PyG,CoauthorPhysics,link_pred,True,,,1,6,2,skipconcat,max,99,0.4618,0.0074,546490.0,2.3414,0.2506,0.7762,0.004,0.696,0.0035,0.9809,0.0021,0.8143,0.003,0.9545,0.0031
-PyG,CoauthorPhysics,link_pred,True,,,1,6,2,skipconcat,mean,99,0.4444,0.0,546490.0,2.3312,0.0978,0.8008,0.0025,0.7225,0.0026,0.9767,0.0009,0.8306,0.0018,0.956,0.0003
-PyG,CoauthorPhysics,link_pred,True,,,1,6,2,skipsum,add,99,0.4898,0.0048,1521017.0,2.1473,0.2808,0.7852,0.0011,0.7068,0.0014,0.9746,0.003,0.8194,0.0009,0.9388,0.0026
-PyG,CoauthorPhysics,link_pred,True,,,1,6,2,skipsum,max,99,0.4712,0.0017,1521017.0,2.3691,0.6541,0.7899,0.0031,0.7101,0.0034,0.9799,0.0007,0.8235,0.002,0.9425,0.0011
-PyG,CoauthorPhysics,link_pred,True,,,1,6,2,skipsum,mean,99,0.4446,0.0014,1521017.0,1.8106,0.1143,0.8173,0.0034,0.7413,0.0038,0.9748,0.0009,0.8422,0.0025,0.954,0.0011
-PyG,CoauthorPhysics,link_pred,True,,,1,6,3,skipconcat,add,99,0.4714,0.0031,502041.0,2.3226,0.2937,0.7899,0.0028,0.7108,0.0031,0.9776,0.0007,0.8231,0.0019,0.9476,0.0025
-PyG,CoauthorPhysics,link_pred,True,,,1,6,3,skipconcat,max,99,0.4552,0.0019,502041.0,2.2717,0.1249,0.7979,0.0065,0.7174,0.0064,0.9832,0.0011,0.8295,0.0046,0.9533,0.0014
-PyG,CoauthorPhysics,link_pred,True,,,1,6,3,skipconcat,mean,99,0.4427,0.0017,502041.0,2.2245,0.2179,0.8116,0.0031,0.7334,0.0035,0.9792,0.002,0.8387,0.0023,0.9571,0.0017
-PyG,CoauthorPhysics,link_pred,True,,,1,6,3,skipsum,add,99,0.4811,0.0053,1445369.0,2.2949,0.1844,0.7881,0.0018,0.7101,0.0018,0.9738,0.0021,0.8213,0.0014,0.9392,0.0034
-PyG,CoauthorPhysics,link_pred,True,,,1,6,3,skipsum,max,99,0.4722,0.0002,1445369.0,1.9524,0.1142,0.7986,0.0011,0.7186,0.001,0.9813,0.0008,0.8297,0.0009,0.94,0.0007
-PyG,CoauthorPhysics,link_pred,True,,,1,6,3,skipsum,mean,99,0.4466,0.0014,1445369.0,2.1728,0.0593,0.8202,0.0039,0.7439,0.0043,0.9767,0.0005,0.8446,0.0029,0.9535,0.001
-PyG,CoauthorPhysics,link_pred,True,,,1,8,2,skipconcat,mean,99,0.4462,0.0058,473473.0,1.8633,0.054,0.7997,0.0029,0.7209,0.0028,0.9779,0.0009,0.83,0.0022,0.956,0.003
-PyG,CoauthorPhysics,link_pred,True,,,1,8,2,skipsum,add,99,0.5123,0.0042,1377041.0,1.9244,0.1967,0.7764,0.0018,0.698,0.0016,0.9741,0.0019,0.8133,0.0014,0.9343,0.0031
-PyG,CoauthorPhysics,link_pred,True,,,1,8,2,skipsum,max,99,0.4742,0.0041,1377041.0,1.9671,0.1613,0.7891,0.0035,0.709,0.0032,0.9808,0.0016,0.823,0.0026,0.9406,0.0031
-PyG,CoauthorPhysics,link_pred,True,,,1,8,2,skipsum,mean,99,0.4452,0.0026,1377041.0,2.0048,0.4702,0.8227,0.0043,0.7471,0.0051,0.9757,0.0008,0.8462,0.003,0.9536,0.0022
-PyG,CoauthorPhysics,link_pred,True,,,1,8,3,skipconcat,add,99,0.5,0.0043,432298.0,1.8401,0.1037,0.7814,0.004,0.7032,0.0046,0.9742,0.0022,0.8167,0.0024,0.9412,0.0022
-PyG,CoauthorPhysics,link_pred,True,,,1,8,3,skipconcat,max,99,0.4552,0.0037,432298.0,2.1348,0.2013,0.7996,0.0055,0.719,0.0052,0.9839,0.0017,0.8308,0.0041,0.9533,0.0028
-PyG,CoauthorPhysics,link_pred,True,,,1,8,3,skipconcat,mean,99,0.4428,0.003,432298.0,2.145,0.1532,0.8115,0.002,0.7335,0.0024,0.9785,0.0009,0.8385,0.0014,0.9564,0.002
-PyG,CoauthorPhysics,link_pred,True,,,1,8,3,skipsum,add,99,0.4945,0.0031,1328209.0,1.9039,0.1071,0.7872,0.0013,0.7099,0.0016,0.9715,0.0009,0.8203,0.0008,0.9343,0.001
-PyG,CoauthorPhysics,link_pred,True,,,1,8,3,skipsum,max,99,0.4772,0.0036,1328209.0,2.5173,0.2887,0.7954,0.0023,0.7158,0.0021,0.9799,0.0013,0.8273,0.0018,0.9357,0.0024
-PyG,CoauthorPhysics,link_pred,True,,,1,8,3,skipsum,mean,99,0.4479,0.0025,1328209.0,2.264,0.2274,0.8188,0.0019,0.7432,0.0025,0.9741,0.0016,0.8431,0.0012,0.9516,0.002
-PyG,CoauthorPhysics,link_pred,True,,,2,2,2,skipconcat,add,99,0.4562,0.0025,999591.0,2.3608,0.235,0.7905,0.0009,0.7104,0.0013,0.9807,0.0019,0.824,0.0005,0.9572,0.0022
-PyG,CoauthorPhysics,link_pred,True,,,2,2,2,skipconcat,max,99,0.456,0.0042,999591.0,2.3693,0.2424,0.7836,0.0041,0.7031,0.0035,0.9821,0.0022,0.8194,0.0031,0.9555,0.002
-PyG,CoauthorPhysics,link_pred,True,,,2,2,2,skipconcat,mean,99,0.4489,0.0041,999591.0,1.7993,0.0825,0.7948,0.005,0.7164,0.005,0.9761,0.0009,0.8263,0.0036,0.9542,0.0016
-PyG,CoauthorPhysics,link_pred,True,,,2,2,2,skipsum,max,99,0.4578,0.0013,1874780.0,2.3368,0.083,0.7954,0.0023,0.7151,0.0027,0.9821,0.0018,0.8276,0.0016,0.9515,0.0007
-PyG,CoauthorPhysics,link_pred,True,,,2,2,3,skipconcat,add,99,0.4506,0.0035,873441.0,2.2063,0.2979,0.8012,0.0057,0.7222,0.0057,0.9791,0.003,0.8312,0.0042,0.956,0.003
-PyG,CoauthorPhysics,link_pred,True,,,2,2,3,skipconcat,max,99,0.4499,0.0031,873441.0,2.3035,0.3542,0.8023,0.0039,0.7216,0.0042,0.9845,0.0003,0.8328,0.0027,0.9563,0.0018
-PyG,CoauthorPhysics,link_pred,True,,,2,2,3,skipconcat,mean,99,0.4424,0.0012,873441.0,1.6927,0.1319,0.8068,0.0009,0.7274,0.0006,0.9814,0.001,0.8355,0.0007,0.9581,0.0006
-PyG,CoauthorPhysics,link_pred,True,,,2,2,3,skipsum,add,99,0.4541,0.0024,1722035.0,2.5499,0.4518,0.8036,0.0044,0.7244,0.0047,0.9803,0.0007,0.8331,0.0031,0.9532,0.0012
-PyG,CoauthorPhysics,link_pred,True,,,2,2,3,skipsum,max,99,0.4557,0.0024,1722035.0,2.4437,0.1655,0.8028,0.0014,0.7221,0.0017,0.9845,0.0008,0.8331,0.0009,0.9522,0.0021
-PyG,CoauthorPhysics,link_pred,True,,,2,2,3,skipsum,mean,99,0.447,0.0016,1722035.0,2.2449,0.2701,0.8173,0.001,0.7401,0.0008,0.978,0.0019,0.8426,0.0009,0.9537,0.0015
-PyG,CoauthorPhysics,link_pred,True,,,2,4,2,skipconcat,add,99,0.4843,0.0052,679384.0,1.8975,0.1465,0.7834,0.002,0.7042,0.0017,0.9772,0.0013,0.8186,0.0016,0.9501,0.002
-PyG,CoauthorPhysics,link_pred,True,,,2,4,2,skipconcat,max,99,0.4643,0.0098,679384.0,1.9105,0.2021,0.7773,0.0041,0.6976,0.0034,0.979,0.0027,0.8147,0.0031,0.9512,0.0046
-PyG,CoauthorPhysics,link_pred,True,,,2,4,2,skipconcat,mean,99,0.4436,0.0037,679384.0,2.2587,0.4061,0.8024,0.0023,0.7242,0.0023,0.9767,0.0012,0.8317,0.0017,0.9562,0.0021
-PyG,CoauthorPhysics,link_pred,True,,,2,4,2,skipsum,add,99,0.4769,0.0017,1613809.0,2.4137,0.0628,0.7926,0.0039,0.7146,0.0039,0.9744,0.0007,0.8245,0.0028,0.9426,0.0006
-PyG,CoauthorPhysics,link_pred,True,,,2,4,2,skipsum,max,99,0.4636,0.0023,1613809.0,2.3297,0.1986,0.7979,0.0014,0.7179,0.0014,0.9815,0.0019,0.8292,0.0011,0.9473,0.002
-PyG,CoauthorPhysics,link_pred,True,,,2,4,2,skipsum,mean,99,0.4436,0.0016,1613809.0,2.1266,0.0507,0.8208,0.002,0.7444,0.0023,0.9773,0.0006,0.8451,0.0014,0.9552,0.001
-PyG,CoauthorPhysics,link_pred,True,,,2,4,3,skipconcat,add,99,0.4632,0.001,603841.0,1.8596,0.2435,0.794,0.0012,0.7151,0.0011,0.9775,0.0008,0.826,0.0009,0.9515,0.0015
-PyG,CoauthorPhysics,link_pred,True,,,2,4,3,skipconcat,max,99,0.4566,0.0043,603841.0,2.368,0.3142,0.7968,0.0011,0.7164,0.0016,0.9825,0.0016,0.8286,0.0006,0.9515,0.0039
-PyG,CoauthorPhysics,link_pred,True,,,2,4,3,skipconcat,mean,99,0.4472,0.0021,603841.0,2.0164,0.1836,0.8129,0.0023,0.735,0.0028,0.9788,0.0007,0.8395,0.0016,0.9539,0.0016
-PyG,CoauthorPhysics,link_pred,True,,,2,4,3,skipsum,add,99,0.4701,0.0014,1521017.0,2.105,0.0448,0.7954,0.0017,0.7175,0.0015,0.9744,0.0013,0.8264,0.0013,0.9437,0.0012
-PyG,CoauthorPhysics,link_pred,True,,,2,4,3,skipsum,max,99,0.4652,0.0016,1521017.0,2.1196,0.2049,0.8007,0.0013,0.7205,0.0014,0.9826,0.0001,0.8314,0.0009,0.9448,0.0013
-PyG,CoauthorPhysics,link_pred,True,,,2,4,3,skipsum,mean,99,0.4455,0.0002,1521017.0,1.6234,0.0604,0.8236,0.0012,0.7475,0.0014,0.9773,0.0012,0.8471,0.0009,0.9543,0.0005
-PyG,CoauthorPhysics,link_pred,True,,,2,6,2,skipconcat,add,99,0.515,0.0192,548253.0,2.1067,0.0777,0.7751,0.009,0.6965,0.0088,0.9756,0.0013,0.8127,0.0062,0.9451,0.0019
-PyG,CoauthorPhysics,link_pred,True,,,2,6,2,skipconcat,max,99,0.4621,0.009,548253.0,2.2864,0.3345,0.7824,0.0052,0.7023,0.0046,0.9803,0.0022,0.8184,0.0038,0.9511,0.0055
-PyG,CoauthorPhysics,link_pred,True,,,2,6,2,skipconcat,mean,99,0.4443,0.0013,548253.0,2.1564,0.2745,0.7999,0.0035,0.7218,0.0036,0.9763,0.0007,0.8299,0.0025,0.956,0.0005
-PyG,CoauthorPhysics,link_pred,True,,,2,6,2,skipsum,add,99,0.4957,0.0041,1445369.0,1.9473,0.1197,0.7859,0.0016,0.7077,0.0015,0.9741,0.0007,0.8198,0.0012,0.9376,0.0012
-PyG,CoauthorPhysics,link_pred,True,,,2,6,2,skipsum,max,99,0.4685,0.0023,1445369.0,2.1119,0.1718,0.7935,0.0037,0.7135,0.0037,0.9811,0.0017,0.8261,0.0027,0.9442,0.0022
-PyG,CoauthorPhysics,link_pred,True,,,2,6,2,skipsum,mean,99,0.4462,0.0019,1445369.0,2.0522,0.2776,0.8209,0.0013,0.7453,0.0011,0.975,0.0018,0.8448,0.0011,0.9529,0.0017
-PyG,CoauthorPhysics,link_pred,True,,,2,6,3,skipconcat,add,99,0.4916,0.008,503336.0,2.2182,0.1136,0.791,0.0045,0.7119,0.0047,0.9778,0.0013,0.8239,0.0031,0.9448,0.0016
-PyG,CoauthorPhysics,link_pred,True,,,2,6,3,skipconcat,max,99,0.4568,0.0041,503336.0,1.8768,0.1523,0.798,0.0063,0.7176,0.0061,0.9827,0.0013,0.8295,0.0046,0.952,0.0028
-PyG,CoauthorPhysics,link_pred,True,,,2,6,3,skipconcat,mean,99,0.4438,0.0003,503336.0,1.9763,0.102,0.8122,0.0023,0.7346,0.0025,0.9776,0.0003,0.8388,0.0017,0.9558,0.0006
-PyG,CoauthorPhysics,link_pred,True,,,2,6,3,skipsum,add,99,0.4891,0.0027,1377041.0,1.7203,0.047,0.7901,0.0044,0.7122,0.0045,0.9737,0.0005,0.8227,0.0031,0.9365,0.0024
-PyG,CoauthorPhysics,link_pred,True,,,2,6,3,skipsum,max,99,0.4678,0.0005,1377041.0,1.9948,0.0751,0.7987,0.0008,0.7187,0.001,0.9816,0.0004,0.8298,0.0006,0.9431,0.0006
-PyG,CoauthorPhysics,link_pred,True,,,2,6,3,skipsum,mean,99,0.4482,0.0008,1377041.0,2.3509,0.1985,0.8273,0.0009,0.7519,0.0006,0.977,0.0017,0.8498,0.0008,0.9525,0.0008
-PyG,CoauthorPhysics,link_pred,True,,,2,8,2,skipconcat,add,99,0.5635,0.0441,474561.0,1.8517,0.1464,0.7679,0.0104,0.6895,0.0097,0.9753,0.0019,0.8078,0.0071,0.9382,0.0034
-PyG,CoauthorPhysics,link_pred,True,,,2,8,2,skipconcat,max,99,0.4674,0.0094,474561.0,1.7435,0.1412,0.7793,0.0071,0.6996,0.0065,0.9791,0.0028,0.816,0.0052,0.9492,0.0045
-PyG,CoauthorPhysics,link_pred,True,,,2,8,2,skipconcat,mean,99,0.4453,0.0017,474561.0,1.9322,0.1386,0.8002,0.0036,0.7223,0.0034,0.9756,0.0014,0.83,0.0027,0.9552,0.001
-PyG,CoauthorPhysics,link_pred,True,,,2,8,2,skipsum,add,99,0.5076,0.0011,1328209.0,1.9322,0.1061,0.7826,0.0011,0.7051,0.0012,0.9714,0.0018,0.8171,0.0009,0.9312,0.0013
-PyG,CoauthorPhysics,link_pred,True,,,2,8,2,skipsum,max,99,0.4765,0.0018,1328209.0,2.094,0.602,0.788,0.003,0.7082,0.003,0.9795,0.0016,0.822,0.0022,0.9384,0.0014
-PyG,CoauthorPhysics,link_pred,True,,,2,8,2,skipsum,mean,99,0.4478,0.0024,1328209.0,1.8494,0.1742,0.8236,0.0011,0.7482,0.0019,0.9755,0.0025,0.8469,0.0007,0.9522,0.0021
-PyG,CoauthorPhysics,link_pred,True,,,2,8,3,skipconcat,add,99,0.5099,0.0214,433081.0,1.8466,0.2646,0.7819,0.0053,0.7037,0.0046,0.9741,0.0031,0.8171,0.0041,0.9377,0.0042
-PyG,CoauthorPhysics,link_pred,True,,,2,8,3,skipconcat,max,99,0.4601,0.0056,433081.0,1.7283,0.1386,0.7994,0.0027,0.719,0.0026,0.9828,0.0009,0.8305,0.002,0.9495,0.0037
-PyG,CoauthorPhysics,link_pred,True,,,2,8,3,skipconcat,mean,99,0.445,0.0048,433081.0,1.8307,0.1404,0.813,0.0038,0.7356,0.0046,0.9772,0.0014,0.8394,0.0025,0.9547,0.0036
-PyG,CoauthorPhysics,link_pred,True,,,2,8,3,skipsum,add,99,0.501,0.0081,1276929.0,1.8321,0.227,0.7821,0.0018,0.7049,0.0021,0.9705,0.0012,0.8167,0.0012,0.9298,0.0014
-PyG,CoauthorPhysics,link_pred,True,,,2,8,3,skipsum,max,99,0.4741,0.0016,1276929.0,2.0385,0.6733,0.7953,0.0019,0.7154,0.0015,0.9808,0.0016,0.8274,0.0015,0.938,0.0015
-PyG,CoauthorPhysics,link_pred,True,,,2,8,3,skipsum,mean,99,0.449,0.0014,1276929.0,1.6485,0.1043,0.8249,0.0039,0.7502,0.0047,0.9742,0.0008,0.8476,0.0027,0.9509,0.0006
-PyG,Cora,link_pred,True,,,1,2,2,skipconcat,add,99,0.6426,0.0263,338046.0,0.0142,0.0014,0.6856,0.0097,0.6394,0.0062,0.8511,0.0155,0.7302,0.0095,0.8026,0.0123
-PyG,Cora,link_pred,True,,,1,2,2,skipconcat,max,99,0.7573,0.0252,338046.0,0.0175,0.0049,0.6528,0.0103,0.6203,0.0063,0.7878,0.0203,0.694,0.0118,0.7483,0.0117
-PyG,Cora,link_pred,True,,,1,2,2,skipconcat,mean,99,0.6305,0.0531,338046.0,0.0172,0.0044,0.6888,0.01,0.6411,0.0037,0.8571,0.0295,0.7334,0.013,0.8155,0.0183
-PyG,Cora,link_pred,True,,,1,2,2,skipsum,add,99,0.6232,0.0082,517261.0,0.0164,0.0034,0.6829,0.0107,0.6395,0.0077,0.8379,0.013,0.7254,0.0098,0.7972,0.0113
-PyG,Cora,link_pred,True,,,1,2,2,skipsum,max,99,0.6272,0.0096,517261.0,0.0137,0.0003,0.6697,0.005,0.6285,0.0036,0.83,0.0069,0.7153,0.0047,0.7793,0.0103
-PyG,Cora,link_pred,True,,,1,2,2,skipsum,mean,99,0.5653,0.027,517261.0,0.0137,0.0005,0.6984,0.0087,0.6464,0.0047,0.8758,0.0162,0.7438,0.009,0.8387,0.0193
-PyG,Cora,link_pred,True,,,1,2,3,skipconcat,add,99,0.5695,0.0032,320949.0,0.0138,0.0006,0.7014,0.0031,0.6521,0.0037,0.8631,0.0031,0.743,0.0013,0.8233,0.0058
-PyG,Cora,link_pred,True,,,1,2,3,skipconcat,max,99,0.6065,0.0042,320949.0,0.0138,0.0001,0.6749,0.0019,0.6324,0.0022,0.8354,0.0051,0.7198,0.0017,0.7836,0.003
-PyG,Cora,link_pred,True,,,1,2,3,skipconcat,mean,99,0.5708,0.0227,320949.0,0.018,0.0032,0.6895,0.0124,0.6428,0.0078,0.8527,0.0202,0.733,0.0123,0.8238,0.0193
-PyG,Cora,link_pred,True,,,1,2,3,skipsum,add,99,0.5833,0.0055,485362.0,0.0129,0.0008,0.6917,0.0072,0.6446,0.0055,0.8546,0.007,0.7349,0.0062,0.817,0.0074
-PyG,Cora,link_pred,True,,,1,2,3,skipsum,max,99,0.5928,0.015,485362.0,0.0133,0.001,0.6914,0.0142,0.6458,0.0105,0.8477,0.0157,0.7331,0.0126,0.7929,0.0147
-PyG,Cora,link_pred,True,,,1,2,3,skipsum,mean,99,0.5418,0.0137,485362.0,0.0138,0.0006,0.711,0.0113,0.6586,0.0082,0.8764,0.0138,0.752,0.0102,0.8449,0.014
-PyG,Cora,link_pred,True,,,1,4,2,skipconcat,add,99,0.6338,0.0025,286405.0,0.0154,0.0008,0.6805,0.0048,0.6376,0.0028,0.8363,0.0087,0.7236,0.0051,0.8017,0.0053
-PyG,Cora,link_pred,True,,,1,4,2,skipconcat,max,99,0.6814,0.0208,286405.0,0.0168,0.0041,0.6671,0.0067,0.6279,0.006,0.8202,0.0069,0.7113,0.0051,0.7754,0.0063
-PyG,Cora,link_pred,True,,,1,4,2,skipconcat,mean,99,0.6206,0.0589,286405.0,0.0147,0.0003,0.6882,0.0103,0.6428,0.0064,0.8467,0.0174,0.7308,0.0106,0.8182,0.0203
-PyG,Cora,link_pred,True,,,1,4,2,skipsum,add,99,0.6365,0.0189,458293.0,0.0183,0.0033,0.6724,0.0093,0.6328,0.0048,0.8209,0.0213,0.7147,0.011,0.7818,0.0192
-PyG,Cora,link_pred,True,,,1,4,2,skipsum,max,99,0.6366,0.0087,458293.0,0.0157,0.0013,0.6632,0.0032,0.6242,0.0022,0.8203,0.0114,0.7089,0.0045,0.7677,0.0078
-PyG,Cora,link_pred,True,,,1,4,2,skipsum,mean,99,0.542,0.0096,458293.0,0.0168,0.0031,0.7144,0.0115,0.6628,0.0069,0.8726,0.0206,0.7533,0.0117,0.8501,0.0131
-PyG,Cora,link_pred,True,,,1,4,3,skipconcat,add,99,0.5804,0.0049,276018.0,0.0167,0.0027,0.6991,0.0049,0.6519,0.0044,0.8546,0.0036,0.7396,0.0037,0.8178,0.005
-PyG,Cora,link_pred,True,,,1,4,3,skipconcat,max,99,0.5992,0.0066,276018.0,0.0289,0.004,0.6805,0.0059,0.6375,0.0049,0.8366,0.0067,0.7236,0.0049,0.795,0.0057
-PyG,Cora,link_pred,True,,,1,4,3,skipconcat,mean,99,0.5508,0.0247,276018.0,0.0219,0.0064,0.7093,0.0142,0.6582,0.0082,0.87,0.0257,0.7494,0.0148,0.8413,0.0232
-PyG,Cora,link_pred,True,,,1,4,3,skipsum,add,99,0.6119,0.0025,440833.0,0.019,0.0027,0.69,0.0103,0.6455,0.0086,0.8433,0.0199,0.7311,0.0098,0.7959,0.0138
-PyG,Cora,link_pred,True,,,1,4,3,skipsum,max,99,0.6087,0.0157,440833.0,0.0159,0.0026,0.6783,0.0106,0.6355,0.0037,0.836,0.0339,0.7218,0.0148,0.7772,0.0173
-PyG,Cora,link_pred,True,,,1,4,3,skipsum,mean,99,0.5314,0.0075,440833.0,0.0179,0.0022,0.7274,0.0043,0.6738,0.0034,0.8817,0.01,0.7639,0.0045,0.8577,0.0106
-PyG,Cora,link_pred,True,,,1,6,2,skipconcat,add,99,0.653,0.0067,260228.0,0.0152,0.0015,0.6768,0.0071,0.6377,0.0073,0.8193,0.0067,0.7171,0.0045,0.7907,0.002
-PyG,Cora,link_pred,True,,,1,6,2,skipconcat,max,99,0.7004,0.0242,260228.0,0.0198,0.0022,0.6615,0.0072,0.6256,0.0042,0.8045,0.0158,0.7038,0.0084,0.7682,0.0147
-PyG,Cora,link_pred,True,,,1,6,2,skipconcat,mean,99,0.5994,0.0298,260228.0,0.0191,0.0029,0.6925,0.0069,0.6471,0.0032,0.8467,0.018,0.7335,0.0084,0.8201,0.0159
-PyG,Cora,link_pred,True,,,1,6,2,skipsum,add,99,0.6491,0.0326,424843.0,0.0179,0.0033,0.6767,0.0057,0.6397,0.0018,0.8089,0.019,0.7143,0.0084,0.7745,0.0136
-PyG,Cora,link_pred,True,,,1,6,2,skipsum,max,99,0.6313,0.0185,424843.0,0.0169,0.0015,0.6755,0.0093,0.6338,0.0057,0.831,0.0185,0.7191,0.01,0.7709,0.0174
-PyG,Cora,link_pred,True,,,1,6,2,skipsum,mean,99,0.5384,0.0096,424843.0,0.0147,0.0011,0.716,0.0111,0.6663,0.0086,0.8657,0.0115,0.753,0.0097,0.8509,0.0085
-PyG,Cora,link_pred,True,,,1,6,3,skipconcat,add,99,0.5947,0.0027,257671.0,0.0141,0.0017,0.6994,0.0027,0.6537,0.0034,0.848,0.0045,0.7383,0.0016,0.8093,0.008
-PyG,Cora,link_pred,True,,,1,6,3,skipconcat,max,99,0.6212,0.019,257671.0,0.0185,0.0029,0.6704,0.009,0.6315,0.0049,0.8184,0.019,0.7128,0.0103,0.7795,0.0167
-PyG,Cora,link_pred,True,,,1,6,3,skipconcat,mean,99,0.5506,0.0119,257671.0,0.0172,0.0016,0.7166,0.012,0.665,0.0071,0.8726,0.0216,0.7547,0.0124,0.8443,0.0156
-PyG,Cora,link_pred,True,,,1,6,3,skipsum,add,99,0.6179,0.0096,412033.0,0.0127,0.0002,0.68,0.0007,0.6396,0.0012,0.825,0.0084,0.7205,0.0025,0.7849,0.0062
-PyG,Cora,link_pred,True,,,1,6,3,skipsum,max,99,0.6046,0.0066,412033.0,0.0205,0.0042,0.6769,0.0033,0.6347,0.0014,0.8338,0.009,0.7207,0.0042,0.7829,0.0072
-PyG,Cora,link_pred,True,,,1,6,3,skipsum,mean,99,0.5393,0.0075,412033.0,0.0169,0.0013,0.7196,0.0082,0.6716,0.0043,0.8594,0.0164,0.7539,0.0089,0.8466,0.0118
-PyG,Cora,link_pred,True,,,1,8,2,skipconcat,add,99,0.6879,0.0281,250049.0,0.0172,0.0014,0.6762,0.0123,0.6375,0.0078,0.8165,0.0234,0.7159,0.0132,0.778,0.0176
-PyG,Cora,link_pred,True,,,1,8,2,skipconcat,max,99,0.7044,0.0375,250049.0,0.0195,0.003,0.6665,0.007,0.6278,0.0044,0.818,0.0171,0.7103,0.0083,0.7766,0.0097
-PyG,Cora,link_pred,True,,,1,8,2,skipconcat,mean,99,0.5985,0.0219,250049.0,0.0174,0.0033,0.6888,0.0096,0.645,0.0081,0.8401,0.0068,0.7298,0.0075,0.8213,0.0097
-PyG,Cora,link_pred,True,,,1,8,2,skipsum,add,99,0.6459,0.0188,399561.0,0.0152,0.0007,0.6715,0.0044,0.6339,0.0035,0.8121,0.0039,0.712,0.0037,0.7726,0.0071
-PyG,Cora,link_pred,True,,,1,8,2,skipsum,max,99,0.6328,0.0122,399561.0,0.0167,0.0012,0.6693,0.0083,0.6293,0.0054,0.824,0.0185,0.7136,0.0094,0.7676,0.0135
-PyG,Cora,link_pred,True,,,1,8,2,skipsum,mean,99,0.5349,0.007,399561.0,0.0222,0.0029,0.7255,0.0042,0.6762,0.0033,0.8657,0.0206,0.7591,0.0068,0.8539,0.012
-PyG,Cora,link_pred,True,,,1,8,3,skipconcat,add,99,0.6201,0.0216,243784.0,0.0163,0.0014,0.6851,0.0066,0.6437,0.0025,0.8291,0.0191,0.7247,0.0088,0.7937,0.0091
-PyG,Cora,link_pred,True,,,1,8,3,skipconcat,max,99,0.6174,0.011,243784.0,0.0246,0.0075,0.6763,0.0021,0.6367,0.0043,0.8218,0.0252,0.7173,0.0071,0.7881,0.0114
-PyG,Cora,link_pred,True,,,1,8,3,skipconcat,mean,99,0.5538,0.0073,243784.0,0.0189,0.0025,0.7076,0.0069,0.6605,0.0044,0.854,0.0114,0.7449,0.0069,0.8351,0.0093
-PyG,Cora,link_pred,True,,,1,8,3,skipsum,add,99,0.623,0.0076,392621.0,0.0213,0.0023,0.6829,0.0099,0.6417,0.0071,0.8278,0.0132,0.723,0.0094,0.7869,0.0107
-PyG,Cora,link_pred,True,,,1,8,3,skipsum,max,99,0.6083,0.0084,392621.0,0.0214,0.0023,0.6747,0.0081,0.6327,0.0038,0.8326,0.0212,0.7189,0.01,0.7783,0.0134
-PyG,Cora,link_pred,True,,,1,8,3,skipsum,mean,99,0.5224,0.0095,392621.0,0.0197,0.0062,0.7305,0.0112,0.6809,0.01,0.8679,0.0131,0.763,0.0097,0.8595,0.0101
-PyG,Cora,link_pred,True,,,2,2,2,skipconcat,add,99,0.607,0.0272,336301.0,0.0144,0.0013,0.6942,0.0101,0.65,0.0065,0.8414,0.0166,0.7334,0.0104,0.8087,0.0195
-PyG,Cora,link_pred,True,,,2,2,2,skipconcat,max,99,0.7317,0.0282,336301.0,0.0155,0.0012,0.6438,0.0103,0.6129,0.0077,0.7805,0.0123,0.6867,0.0096,0.7459,0.0139
-PyG,Cora,link_pred,True,,,2,2,2,skipconcat,mean,99,0.6078,0.0621,336301.0,0.0157,0.0054,0.6921,0.0176,0.6472,0.0112,0.8439,0.0291,0.7325,0.0181,0.8107,0.03
-PyG,Cora,link_pred,True,,,2,2,2,skipsum,add,99,0.5727,0.0149,485362.0,0.013,0.0007,0.7066,0.0145,0.6575,0.0118,0.8632,0.0152,0.7463,0.0121,0.8246,0.0132
-PyG,Cora,link_pred,True,,,2,2,2,skipsum,max,99,0.616,0.0041,485362.0,0.0156,0.0002,0.6708,0.0026,0.628,0.0016,0.8382,0.0082,0.718,0.0034,0.7845,0.0031
-PyG,Cora,link_pred,True,,,2,2,2,skipsum,mean,99,0.5593,0.0317,485362.0,0.0136,0.0004,0.7102,0.0175,0.6583,0.0125,0.8742,0.0261,0.7509,0.0165,0.8364,0.0291
-PyG,Cora,link_pred,True,,,2,2,3,skipconcat,add,99,0.5716,0.0154,314881.0,0.0177,0.0056,0.7073,0.0038,0.6594,0.0018,0.8571,0.0105,0.7454,0.0047,0.8222,0.0091
-PyG,Cora,link_pred,True,,,2,2,3,skipconcat,max,99,0.6146,0.0046,314881.0,0.0131,0.0015,0.6747,0.006,0.6343,0.0026,0.825,0.0206,0.7171,0.0088,0.7787,0.0111
-PyG,Cora,link_pred,True,,,2,2,3,skipconcat,mean,99,0.5617,0.0284,314881.0,0.0138,0.0014,0.7078,0.013,0.6582,0.008,0.8638,0.0214,0.7471,0.0131,0.8274,0.0221
-PyG,Cora,link_pred,True,,,2,2,3,skipsum,add,99,0.5756,0.0082,458293.0,0.0163,0.0028,0.7025,0.0059,0.6576,0.0036,0.8445,0.0098,0.7394,0.0061,0.8173,0.0063
-PyG,Cora,link_pred,True,,,2,2,3,skipsum,max,99,0.5918,0.0026,458293.0,0.0147,0.0016,0.6824,0.0084,0.6381,0.0059,0.8429,0.0141,0.7263,0.0082,0.7892,0.0056
-PyG,Cora,link_pred,True,,,2,2,3,skipsum,mean,99,0.5432,0.0151,458293.0,0.0126,0.0002,0.7168,0.0122,0.6652,0.0083,0.8723,0.0175,0.7548,0.0117,0.8446,0.0138
-PyG,Cora,link_pred,True,,,2,4,2,skipconcat,add,99,0.6377,0.0147,281410.0,0.0152,0.0007,0.6815,0.0102,0.6405,0.0076,0.8272,0.0144,0.722,0.0096,0.7937,0.0145
-PyG,Cora,link_pred,True,,,2,4,2,skipconcat,max,99,0.6713,0.019,281410.0,0.0159,0.0008,0.6592,0.0047,0.6243,0.0022,0.7994,0.0124,0.701,0.0062,0.7671,0.0159
-PyG,Cora,link_pred,True,,,2,4,2,skipconcat,mean,99,0.6065,0.0355,281410.0,0.0175,0.0044,0.6884,0.0157,0.6427,0.0101,0.8477,0.025,0.731,0.0158,0.8146,0.0181
-PyG,Cora,link_pred,True,,,2,4,2,skipsum,add,99,0.6357,0.0137,440833.0,0.0196,0.0065,0.6768,0.0035,0.6382,0.0034,0.8165,0.0043,0.7164,0.0026,0.7763,0.0051
-PyG,Cora,link_pred,True,,,2,4,2,skipsum,max,99,0.6337,0.0121,440833.0,0.0165,0.0028,0.6619,0.0123,0.6249,0.0102,0.8105,0.0085,0.7057,0.0097,0.7627,0.0125
-PyG,Cora,link_pred,True,,,2,4,2,skipsum,mean,99,0.5429,0.0181,440833.0,0.0203,0.0036,0.7154,0.0132,0.6632,0.0097,0.8751,0.0148,0.7546,0.0118,0.8501,0.0161
-PyG,Cora,link_pred,True,,,2,4,3,skipconcat,add,99,0.5879,0.0044,268705.0,0.0174,0.003,0.695,0.0075,0.6501,0.0072,0.8452,0.0031,0.7349,0.0051,0.8091,0.0052
-PyG,Cora,link_pred,True,,,2,4,3,skipconcat,max,99,0.6174,0.01,268705.0,0.0145,0.0034,0.672,0.0069,0.6334,0.0033,0.8164,0.0195,0.7133,0.0091,0.7814,0.0073
-PyG,Cora,link_pred,True,,,2,4,3,skipconcat,mean,99,0.5694,0.0042,268705.0,0.0164,0.0024,0.6976,0.0047,0.6513,0.0057,0.8515,0.0168,0.7379,0.0051,0.8226,0.0073
-PyG,Cora,link_pred,True,,,2,4,3,skipsum,add,99,0.5948,0.0128,424843.0,0.0137,0.0008,0.7015,0.0108,0.6551,0.006,0.8508,0.0213,0.7402,0.0118,0.8088,0.0192
-PyG,Cora,link_pred,True,,,2,4,3,skipsum,max,99,0.6086,0.0111,424843.0,0.0164,0.0031,0.6753,0.0156,0.6353,0.0095,0.8222,0.0305,0.7166,0.0171,0.7718,0.0168
-PyG,Cora,link_pred,True,,,2,4,3,skipsum,mean,99,0.5355,0.0077,424843.0,0.0144,0.0009,0.7259,0.0108,0.6766,0.0079,0.8653,0.0139,0.7594,0.0101,0.849,0.0117
-PyG,Cora,link_pred,True,,,2,6,2,skipconcat,add,99,0.6539,0.0052,261991.0,0.0148,0.003,0.682,0.0102,0.6412,0.0056,0.8259,0.0215,0.7218,0.0118,0.7886,0.0152
-PyG,Cora,link_pred,True,,,2,6,2,skipconcat,max,99,0.6809,0.0397,261991.0,0.0193,0.0029,0.6634,0.0149,0.627,0.0085,0.8054,0.0311,0.705,0.0174,0.7699,0.0282
-PyG,Cora,link_pred,True,,,2,6,2,skipconcat,mean,99,0.5985,0.0455,261991.0,0.0186,0.0018,0.6893,0.0189,0.646,0.0126,0.8366,0.0287,0.729,0.0189,0.8139,0.0242
-PyG,Cora,link_pred,True,,,2,6,2,skipsum,add,99,0.6622,0.0049,412033.0,0.0139,0.0016,0.6709,0.0041,0.6349,0.0037,0.8045,0.007,0.7097,0.0038,0.7648,0.0078
-PyG,Cora,link_pred,True,,,2,6,2,skipsum,max,99,0.6284,0.0196,412033.0,0.016,0.0015,0.6644,0.0088,0.6288,0.0069,0.8026,0.0092,0.7052,0.0078,0.7623,0.0171
-PyG,Cora,link_pred,True,,,2,6,2,skipsum,mean,99,0.5299,0.0082,412033.0,0.0158,0.0025,0.7261,0.0089,0.6748,0.0063,0.8729,0.0113,0.7612,0.0083,0.8563,0.0115
-PyG,Cora,link_pred,True,,,2,6,3,skipconcat,add,99,0.5939,0.0022,258966.0,0.0152,0.0008,0.6973,0.0058,0.652,0.0046,0.8461,0.0065,0.7365,0.005,0.8105,0.0069
-PyG,Cora,link_pred,True,,,2,6,3,skipconcat,max,99,0.5987,0.0152,258966.0,0.0209,0.0066,0.6857,0.0138,0.6416,0.0101,0.8411,0.0167,0.7279,0.0124,0.7973,0.0163
-PyG,Cora,link_pred,True,,,2,6,3,skipconcat,mean,99,0.5638,0.0178,258966.0,0.0153,0.0008,0.7057,0.0145,0.6576,0.0105,0.8584,0.023,0.7446,0.014,0.8285,0.0199
-PyG,Cora,link_pred,True,,,2,6,3,skipsum,add,99,0.6024,0.0209,399561.0,0.015,0.0003,0.7028,0.0168,0.6561,0.012,0.8521,0.0209,0.7413,0.0155,0.8028,0.0174
-PyG,Cora,link_pred,True,,,2,6,3,skipsum,max,99,0.6176,0.0058,399561.0,0.0142,0.0009,0.6637,0.0038,0.6258,0.0021,0.8145,0.0108,0.7078,0.005,0.765,0.0026
-PyG,Cora,link_pred,True,,,2,6,3,skipsum,mean,99,0.5354,0.0119,399561.0,0.0181,0.0032,0.7257,0.0112,0.6758,0.0056,0.8676,0.0227,0.7597,0.0122,0.8513,0.0156
-PyG,Cora,link_pred,True,,,2,8,2,skipconcat,add,99,0.6894,0.0173,251137.0,0.0186,0.0048,0.6673,0.0052,0.6321,0.0051,0.8007,0.0089,0.7064,0.0045,0.7721,0.0066
-PyG,Cora,link_pred,True,,,2,8,2,skipconcat,max,99,0.6996,0.0311,251137.0,0.0171,0.0028,0.6525,0.0153,0.6173,0.0106,0.802,0.0222,0.6975,0.0152,0.7597,0.0214
-PyG,Cora,link_pred,True,,,2,8,2,skipconcat,mean,99,0.6042,0.0499,251137.0,0.016,0.0005,0.6903,0.0168,0.647,0.0107,0.8369,0.0308,0.7297,0.0178,0.8077,0.0286
-PyG,Cora,link_pred,True,,,2,8,2,skipsum,add,99,0.6456,0.0227,392621.0,0.0162,0.0014,0.6739,0.0033,0.6359,0.0031,0.8133,0.006,0.7138,0.0029,0.7695,0.0106
-PyG,Cora,link_pred,True,,,2,8,2,skipsum,max,99,0.6372,0.0128,392621.0,0.0187,0.001,0.663,0.0117,0.6263,0.0092,0.8083,0.0184,0.7057,0.0112,0.7579,0.0146
-PyG,Cora,link_pred,True,,,2,8,2,skipsum,mean,99,0.5461,0.0078,392621.0,0.0202,0.0029,0.718,0.0082,0.67,0.0021,0.8591,0.0254,0.7527,0.011,0.8436,0.0147
-PyG,Cora,link_pred,True,,,2,8,3,skipconcat,add,99,0.6278,0.0111,244567.0,0.0185,0.0022,0.6852,0.0085,0.6457,0.0066,0.8212,0.02,0.7228,0.0095,0.7843,0.0079
-PyG,Cora,link_pred,True,,,2,8,3,skipconcat,max,99,0.6182,0.0051,244567.0,0.0219,0.0031,0.6717,0.0081,0.6312,0.007,0.8263,0.0039,0.7157,0.0059,0.7831,0.0068
-PyG,Cora,link_pred,True,,,2,8,3,skipconcat,mean,99,0.5824,0.0175,244567.0,0.0211,0.0027,0.6907,0.0125,0.6494,0.007,0.8284,0.025,0.728,0.014,0.8095,0.0189
-PyG,Cora,link_pred,True,,,2,8,3,skipsum,add,99,0.6212,0.0071,383233.0,0.015,0.0025,0.696,0.0066,0.6502,0.004,0.8483,0.0128,0.7361,0.007,0.7942,0.0078
-PyG,Cora,link_pred,True,,,2,8,3,skipsum,max,99,0.623,0.0093,383233.0,0.0195,0.0043,0.6644,0.0042,0.625,0.0005,0.8221,0.0194,0.71,0.0074,0.7604,0.011
-PyG,Cora,link_pred,True,,,2,8,3,skipsum,mean,99,0.5321,0.0039,383233.0,0.0143,0.0031,0.7253,0.0043,0.6778,0.005,0.859,0.0076,0.7577,0.0034,0.8515,0.0023
-PyG,TU_BZR,link_pred,True,,,1,2,2,skipconcat,add,99,0.5952,0.002,204186.0,0.0048,0.0014,0.7181,0.0096,0.6543,0.0079,0.9253,0.0093,0.7665,0.0072,0.8131,0.0052
-PyG,TU_BZR,link_pred,True,,,1,2,2,skipconcat,max,99,0.6026,0.005,204186.0,0.0047,0.0003,0.7224,0.0089,0.6612,0.0062,0.9122,0.0107,0.7666,0.0078,0.8009,0.0099
-PyG,TU_BZR,link_pred,True,,,1,2,2,skipconcat,mean,99,0.5929,0.0037,204186.0,0.0045,0.0,0.7296,0.0024,0.6635,0.0021,0.9321,0.0009,0.7752,0.0017,0.8085,0.0037
-PyG,TU_BZR,link_pred,True,,,1,2,2,skipsum,add,99,0.5928,0.003,210901.0,0.0044,0.0001,0.7113,0.007,0.6504,0.0046,0.9136,0.0087,0.7599,0.0061,0.8064,0.0007
-PyG,TU_BZR,link_pred,True,,,1,2,2,skipsum,max,99,0.5993,0.0052,210901.0,0.0043,0.0002,0.7249,0.006,0.6648,0.0062,0.9076,0.0023,0.7674,0.0036,0.7917,0.0072
-PyG,TU_BZR,link_pred,True,,,1,2,2,skipsum,mean,99,0.5886,0.0022,210901.0,0.0046,0.0001,0.7302,0.0033,0.6622,0.0029,0.94,0.0009,0.777,0.0022,0.8061,0.004
-PyG,TU_BZR,link_pred,True,,,1,2,3,skipconcat,add,99,0.5728,0.0021,207789.0,0.0043,0.0003,0.7296,0.008,0.6595,0.0056,0.9491,0.008,0.7782,0.0066,0.8374,0.007
-PyG,TU_BZR,link_pred,True,,,1,2,3,skipconcat,max,99,0.5888,0.0019,207789.0,0.0049,0.0006,0.7336,0.0026,0.6638,0.0026,0.9468,0.0058,0.7804,0.0021,0.8063,0.0005
-PyG,TU_BZR,link_pred,True,,,1,2,3,skipconcat,mean,99,0.5805,0.0078,207789.0,0.0045,0.0004,0.7341,0.0028,0.6639,0.0018,0.948,0.0057,0.7809,0.0027,0.8154,0.0219
-PyG,TU_BZR,link_pred,True,,,1,2,3,skipsum,add,99,0.5799,0.0043,210742.0,0.0042,0.0002,0.7178,0.0022,0.6537,0.0023,0.9261,0.0027,0.7664,0.0013,0.8231,0.0035
-PyG,TU_BZR,link_pred,True,,,1,2,3,skipsum,max,99,0.5911,0.0036,210742.0,0.0046,0.0004,0.7296,0.0131,0.663,0.01,0.934,0.01,0.7755,0.0102,0.8015,0.0049
-PyG,TU_BZR,link_pred,True,,,1,2,3,skipsum,mean,99,0.5823,0.0045,210742.0,0.0045,0.0002,0.7355,0.0031,0.6664,0.0034,0.943,0.0023,0.7809,0.0017,0.8098,0.0095
-PyG,TU_BZR,link_pred,True,,,1,4,2,skipconcat,add,99,0.6043,0.0096,206365.0,0.005,0.0003,0.7092,0.0102,0.6484,0.0078,0.914,0.0104,0.7586,0.0082,0.8,0.0133
-PyG,TU_BZR,link_pred,True,,,1,4,2,skipconcat,max,99,0.6147,0.0056,206365.0,0.0047,0.0002,0.713,0.0089,0.6574,0.0063,0.8899,0.0115,0.7561,0.0079,0.7807,0.0056
-PyG,TU_BZR,link_pred,True,,,1,4,2,skipconcat,mean,99,0.6052,0.0101,206365.0,0.0053,0.0006,0.7215,0.0056,0.6581,0.0036,0.9219,0.0088,0.768,0.0051,0.7949,0.0087
-PyG,TU_BZR,link_pred,True,,,1,4,2,skipsum,add,99,0.6062,0.007,208513.0,0.0048,0.0002,0.6937,0.0129,0.6393,0.0103,0.8895,0.0075,0.7439,0.0096,0.7855,0.0094
-PyG,TU_BZR,link_pred,True,,,1,4,2,skipsum,max,99,0.5986,0.0045,208513.0,0.0055,0.0013,0.7268,0.0022,0.6647,0.0019,0.9152,0.0009,0.7701,0.0016,0.7963,0.0056
-PyG,TU_BZR,link_pred,True,,,1,4,2,skipsum,mean,99,0.5962,0.001,208513.0,0.0051,0.0001,0.7277,0.0018,0.6624,0.0017,0.9291,0.009,0.7734,0.0026,0.8004,0.0036
-PyG,TU_BZR,link_pred,True,,,1,4,3,skipconcat,add,99,0.5836,0.0042,208398.0,0.0044,0.0,0.7224,0.0058,0.6551,0.0046,0.9393,0.0074,0.7719,0.0046,0.8193,0.0038
-PyG,TU_BZR,link_pred,True,,,1,4,3,skipconcat,max,99,0.5957,0.0028,208398.0,0.0052,0.0002,0.7238,0.0123,0.6599,0.0082,0.9234,0.0166,0.7697,0.0109,0.7991,0.0084
-PyG,TU_BZR,link_pred,True,,,1,4,3,skipconcat,mean,99,0.5877,0.0043,208398.0,0.0051,0.0001,0.7317,0.0009,0.6628,0.0003,0.9435,0.0032,0.7786,0.0012,0.8121,0.0034
-PyG,TU_BZR,link_pred,True,,,1,4,3,skipsum,add,99,0.5917,0.0096,208993.0,0.0047,0.0005,0.7052,0.0124,0.6459,0.0063,0.908,0.0246,0.7548,0.0128,0.8008,0.0153
-PyG,TU_BZR,link_pred,True,,,1,4,3,skipsum,max,99,0.5968,0.0017,208993.0,0.0048,0.0001,0.7197,0.0076,0.6573,0.0051,0.9182,0.0098,0.7661,0.0067,0.7911,0.0025
-PyG,TU_BZR,link_pred,True,,,1,4,3,skipsum,mean,99,0.5909,0.0042,208993.0,0.0048,0.0005,0.7288,0.0067,0.6598,0.005,0.9449,0.0093,0.777,0.0056,0.8011,0.0071
-PyG,TU_BZR,link_pred,True,,,1,6,2,skipconcat,add,99,0.6148,0.0096,203648.0,0.0056,0.0006,0.7035,0.0092,0.6468,0.0075,0.8971,0.0049,0.7516,0.0067,0.7882,0.0086
-PyG,TU_BZR,link_pred,True,,,1,6,2,skipconcat,max,99,0.6175,0.0067,203648.0,0.0063,0.0013,0.7179,0.0092,0.6617,0.0071,0.8918,0.0099,0.7597,0.0078,0.778,0.0086
-PyG,TU_BZR,link_pred,True,,,1,6,2,skipconcat,mean,99,0.6065,0.0089,203648.0,0.0051,0.0002,0.7197,0.0022,0.6582,0.002,0.9144,0.0062,0.7654,0.0022,0.7933,0.0049
-PyG,TU_BZR,link_pred,True,,,1,6,2,skipsum,add,99,0.6075,0.0083,208183.0,0.0049,0.0001,0.6922,0.0103,0.6373,0.0058,0.8922,0.0204,0.7434,0.0105,0.7834,0.0144
-PyG,TU_BZR,link_pred,True,,,1,6,2,skipsum,max,99,0.6053,0.0004,208183.0,0.0055,0.0002,0.7126,0.0066,0.656,0.0036,0.8937,0.0162,0.7566,0.0074,0.7861,0.0033
-PyG,TU_BZR,link_pred,True,,,1,6,2,skipsum,mean,99,0.6017,0.0058,208183.0,0.0057,0.0004,0.7259,0.0035,0.66,0.0011,0.9318,0.0111,0.7726,0.0043,0.789,0.0084
-PyG,TU_BZR,link_pred,True,,,1,6,3,skipconcat,add,99,0.5899,0.0128,209371.0,0.0055,0.0002,0.7077,0.0117,0.6482,0.0067,0.908,0.0195,0.7564,0.0113,0.8102,0.0153
-PyG,TU_BZR,link_pred,True,,,1,6,3,skipconcat,max,99,0.5955,0.0074,209371.0,0.0061,0.0004,0.7269,0.008,0.6626,0.0035,0.9246,0.0176,0.7719,0.0084,0.7976,0.0085
-PyG,TU_BZR,link_pred,True,,,1,6,3,skipconcat,mean,99,0.5942,0.0057,209371.0,0.0058,0.0005,0.7323,0.008,0.6653,0.0049,0.9351,0.0166,0.7774,0.0078,0.7948,0.0074
-PyG,TU_BZR,link_pred,True,,,1,6,3,skipsum,add,99,0.6081,0.0151,207793.0,0.0051,0.0002,0.6944,0.0196,0.6394,0.0106,0.8902,0.0366,0.7441,0.0199,0.7751,0.0249
-PyG,TU_BZR,link_pred,True,,,1,6,3,skipsum,max,99,0.6011,0.0066,207793.0,0.0056,0.0002,0.7134,0.0125,0.6528,0.0085,0.9118,0.0153,0.7608,0.0108,0.7889,0.0094
-PyG,TU_BZR,link_pred,True,,,1,6,3,skipsum,mean,99,0.5931,0.0056,207793.0,0.0054,0.0002,0.7231,0.0022,0.6564,0.0016,0.9363,0.0071,0.7718,0.0025,0.7956,0.007
-PyG,TU_BZR,link_pred,True,,,1,8,2,skipconcat,add,99,0.6145,0.0017,205889.0,0.0052,0.0002,0.7,0.0038,0.644,0.0019,0.8941,0.0083,0.7487,0.0041,0.7902,0.005
-PyG,TU_BZR,link_pred,True,,,1,8,2,skipconcat,max,99,0.6229,0.0011,205889.0,0.0058,0.0002,0.7063,0.0085,0.654,0.007,0.8763,0.01,0.749,0.007,0.7743,0.0038
-PyG,TU_BZR,link_pred,True,,,1,8,2,skipconcat,mean,99,0.6141,0.0065,205889.0,0.0073,0.0013,0.7215,0.0024,0.662,0.0022,0.9054,0.0023,0.7648,0.0018,0.789,0.0074
-PyG,TU_BZR,link_pred,True,,,1,8,2,skipsum,add,99,0.6143,0.0072,206361.0,0.0058,0.0005,0.6874,0.0084,0.6381,0.0041,0.8658,0.019,0.7346,0.0095,0.7656,0.013
-PyG,TU_BZR,link_pred,True,,,1,8,2,skipsum,max,99,0.6105,0.0036,206361.0,0.0055,0.0002,0.7027,0.0066,0.6486,0.0041,0.885,0.0125,0.7485,0.0067,0.775,0.0079
-PyG,TU_BZR,link_pred,True,,,1,8,2,skipsum,mean,99,0.6002,0.0052,206361.0,0.0065,0.0005,0.7209,0.0044,0.6557,0.0026,0.9303,0.0075,0.7692,0.0042,0.7885,0.0078
-PyG,TU_BZR,link_pred,True,,,1,8,3,skipconcat,add,99,0.5962,0.0106,206524.0,0.0058,0.0003,0.7055,0.0092,0.6451,0.006,0.9136,0.0124,0.7562,0.0082,0.7991,0.0157
-PyG,TU_BZR,link_pred,True,,,1,8,3,skipconcat,max,99,0.5939,0.0046,206524.0,0.0068,0.0004,0.7263,0.0036,0.6597,0.0044,0.9348,0.0094,0.7735,0.0025,0.8004,0.0061
-PyG,TU_BZR,link_pred,True,,,1,8,3,skipconcat,mean,99,0.5914,0.0049,206524.0,0.0066,0.0001,0.7261,0.002,0.659,0.0015,0.937,0.0051,0.7738,0.0019,0.8016,0.0086
-PyG,TU_BZR,link_pred,True,,,1,8,3,skipsum,add,99,0.6103,0.0118,207701.0,0.0053,0.0002,0.6767,0.0084,0.6281,0.0067,0.8662,0.0085,0.7282,0.0067,0.7656,0.0187
-PyG,TU_BZR,link_pred,True,,,1,8,3,skipsum,max,99,0.608,0.011,207701.0,0.0068,0.0004,0.7045,0.0227,0.6475,0.0123,0.8959,0.0414,0.7516,0.0228,0.7726,0.0177
-PyG,TU_BZR,link_pred,True,,,1,8,3,skipsum,mean,99,0.6016,0.0027,207701.0,0.0064,0.0,0.7151,0.0027,0.6534,0.0029,0.9163,0.0032,0.7628,0.0016,0.7817,0.0035
-PyG,TU_BZR,link_pred,True,,,2,2,2,skipconcat,add,99,0.5862,0.0027,205201.0,0.0045,0.0003,0.7248,0.0051,0.6578,0.0049,0.9374,0.001,0.7731,0.003,0.8214,0.0025
-PyG,TU_BZR,link_pred,True,,,2,2,2,skipconcat,max,99,0.5986,0.0044,205201.0,0.0049,0.0002,0.7266,0.0119,0.6627,0.0097,0.9234,0.0079,0.7716,0.0091,0.8019,0.0056
-PyG,TU_BZR,link_pred,True,,,2,2,2,skipconcat,mean,99,0.5885,0.0027,205201.0,0.0048,0.0003,0.7292,0.0023,0.663,0.0012,0.9325,0.0107,0.775,0.0034,0.813,0.0007
-PyG,TU_BZR,link_pred,True,,,2,2,2,skipsum,add,99,0.5859,0.0038,210742.0,0.0049,0.0005,0.7189,0.003,0.6556,0.0025,0.9223,0.0035,0.7664,0.0023,0.8193,0.0049
-PyG,TU_BZR,link_pred,True,,,2,2,2,skipsum,max,99,0.5958,0.0079,210742.0,0.0045,0.0002,0.7273,0.0054,0.6637,0.0047,0.9216,0.0091,0.7716,0.0046,0.7998,0.0096
-PyG,TU_BZR,link_pred,True,,,2,2,2,skipsum,mean,99,0.5883,0.005,210742.0,0.0046,0.0003,0.7338,0.0017,0.6653,0.0012,0.9412,0.0048,0.7795,0.0018,0.8099,0.0098
-PyG,TU_BZR,link_pred,True,,,2,2,3,skipconcat,add,99,0.5721,0.0067,204481.0,0.0041,0.0003,0.7272,0.0044,0.6584,0.0026,0.9442,0.0067,0.7759,0.004,0.8386,0.0071
-PyG,TU_BZR,link_pred,True,,,2,2,3,skipconcat,max,99,0.5857,0.0063,204481.0,0.0044,0.0002,0.7394,0.0051,0.6711,0.0054,0.9389,0.0032,0.7827,0.003,0.813,0.0081
-PyG,TU_BZR,link_pred,True,,,2,2,3,skipconcat,mean,99,0.581,0.0056,204481.0,0.0045,0.0004,0.7299,0.0034,0.6611,0.0008,0.9434,0.0105,0.7774,0.0041,0.8115,0.0064
-PyG,TU_BZR,link_pred,True,,,2,2,3,skipsum,add,99,0.5809,0.0048,208513.0,0.0044,0.0003,0.7183,0.005,0.6535,0.0041,0.9291,0.0054,0.7673,0.0038,0.8212,0.0074
-PyG,TU_BZR,link_pred,True,,,2,2,3,skipsum,max,99,0.5842,0.0002,208513.0,0.0047,0.0002,0.7326,0.006,0.6632,0.0055,0.9453,0.0072,0.7795,0.0042,0.8112,0.0033
-PyG,TU_BZR,link_pred,True,,,2,2,3,skipsum,mean,99,0.5817,0.0052,208513.0,0.0045,0.0002,0.7382,0.0062,0.6681,0.0043,0.9468,0.0066,0.7834,0.0052,0.81,0.0086
-PyG,TU_BZR,link_pred,True,,,2,4,2,skipconcat,add,99,0.6077,0.0148,202750.0,0.0057,0.0011,0.7102,0.0113,0.649,0.0076,0.9156,0.014,0.7595,0.0099,0.7972,0.0159
-PyG,TU_BZR,link_pred,True,,,2,4,2,skipconcat,max,99,0.6125,0.0084,202750.0,0.0048,0.0,0.7173,0.0091,0.6607,0.0064,0.8933,0.0121,0.7596,0.0082,0.7851,0.0075
-PyG,TU_BZR,link_pred,True,,,2,4,2,skipconcat,mean,99,0.607,0.0116,202750.0,0.005,0.0003,0.7218,0.0058,0.6595,0.0042,0.9174,0.0058,0.7673,0.0048,0.7942,0.0075
-PyG,TU_BZR,link_pred,True,,,2,4,2,skipsum,add,99,0.6003,0.0074,208993.0,0.0053,0.0002,0.7042,0.0048,0.6454,0.0033,0.9061,0.0125,0.7538,0.005,0.7927,0.0148
-PyG,TU_BZR,link_pred,True,,,2,4,2,skipsum,max,99,0.5974,0.005,208993.0,0.0052,0.0001,0.7234,0.008,0.6614,0.0057,0.9155,0.009,0.768,0.0068,0.7947,0.0079
-PyG,TU_BZR,link_pred,True,,,2,4,2,skipsum,mean,99,0.5943,0.0035,208993.0,0.0047,0.0004,0.7242,0.0051,0.6566,0.0051,0.9401,0.0097,0.7731,0.0037,0.7971,0.0047
-PyG,TU_BZR,link_pred,True,,,2,4,3,skipconcat,add,99,0.582,0.0078,202465.0,0.0047,0.0001,0.7204,0.0077,0.655,0.0033,0.9314,0.018,0.7691,0.0084,0.8242,0.0087
-PyG,TU_BZR,link_pred,True,,,2,4,3,skipconcat,max,99,0.5874,0.0077,202465.0,0.0053,0.0004,0.7326,0.0091,0.6644,0.0061,0.9397,0.0108,0.7784,0.0078,0.8094,0.012
-PyG,TU_BZR,link_pred,True,,,2,4,3,skipconcat,mean,99,0.5856,0.0073,202465.0,0.0051,0.0002,0.7368,0.0089,0.6665,0.0034,0.9476,0.0216,0.7825,0.0096,0.8111,0.0039
-PyG,TU_BZR,link_pred,True,,,2,4,3,skipsum,add,99,0.5952,0.0137,208183.0,0.0045,0.0002,0.6978,0.0093,0.6392,0.0064,0.9084,0.0103,0.7503,0.0078,0.794,0.0195
-PyG,TU_BZR,link_pred,True,,,2,4,3,skipsum,max,99,0.5976,0.0059,208183.0,0.0048,0.0002,0.7131,0.007,0.653,0.0039,0.9095,0.0178,0.7601,0.0077,0.7901,0.0097
-PyG,TU_BZR,link_pred,True,,,2,4,3,skipsum,mean,99,0.5849,0.0051,208183.0,0.0044,0.0002,0.7294,0.0061,0.6617,0.0044,0.9389,0.0094,0.7763,0.0053,0.8068,0.008
-PyG,TU_BZR,link_pred,True,,,2,6,2,skipconcat,add,99,0.6071,0.0015,205411.0,0.0048,0.0002,0.7054,0.0045,0.648,0.0041,0.8997,0.0059,0.7533,0.0033,0.7944,0.0029
-PyG,TU_BZR,link_pred,True,,,2,6,2,skipconcat,max,99,0.6154,0.0006,205411.0,0.0052,0.0002,0.7111,0.0103,0.6563,0.0064,0.8865,0.0172,0.7542,0.01,0.7783,0.0032
-PyG,TU_BZR,link_pred,True,,,2,6,2,skipconcat,mean,99,0.6122,0.0043,205411.0,0.0065,0.0013,0.7237,0.0035,0.6621,0.0011,0.9137,0.0155,0.7677,0.0052,0.7862,0.0037
-PyG,TU_BZR,link_pred,True,,,2,6,2,skipsum,add,99,0.6052,0.0077,207793.0,0.0053,0.0004,0.6913,0.0119,0.6382,0.0068,0.8827,0.0215,0.7408,0.0121,0.7806,0.0134
-PyG,TU_BZR,link_pred,True,,,2,6,2,skipsum,max,99,0.6091,0.011,207793.0,0.006,0.0002,0.7076,0.0086,0.6495,0.0055,0.902,0.0119,0.7552,0.0079,0.7772,0.0149
-PyG,TU_BZR,link_pred,True,,,2,6,2,skipsum,mean,99,0.6048,0.0106,207793.0,0.0057,0.0004,0.7159,0.004,0.6544,0.0022,0.9155,0.014,0.7632,0.0051,0.7848,0.0136
-PyG,TU_BZR,link_pred,True,,,2,6,3,skipconcat,add,99,0.5915,0.0167,210666.0,0.005,0.0001,0.7114,0.0163,0.6494,0.0096,0.9186,0.0256,0.7608,0.0154,0.8064,0.0267
-PyG,TU_BZR,link_pred,True,,,2,6,3,skipconcat,max,99,0.5939,0.0122,210666.0,0.0051,0.0002,0.722,0.0091,0.6578,0.0033,0.925,0.0243,0.7688,0.0104,0.7985,0.0144
-PyG,TU_BZR,link_pred,True,,,2,6,3,skipconcat,mean,99,0.5944,0.0076,210666.0,0.0058,0.0,0.7355,0.0099,0.6657,0.0057,0.9457,0.0176,0.7814,0.0095,0.7954,0.0071
-PyG,TU_BZR,link_pred,True,,,2,6,3,skipsum,add,99,0.6068,0.0165,206361.0,0.0051,0.0002,0.6908,0.0262,0.6377,0.0173,0.8824,0.0342,0.7403,0.0237,0.7758,0.0269
-PyG,TU_BZR,link_pred,True,,,2,6,3,skipsum,max,99,0.6007,0.0032,206361.0,0.0054,0.0001,0.7089,0.0019,0.6523,0.0021,0.8948,0.0082,0.7545,0.0024,0.7843,0.0046
-PyG,TU_BZR,link_pred,True,,,2,6,3,skipsum,mean,99,0.5914,0.003,206361.0,0.005,0.0002,0.7265,0.0046,0.6599,0.0029,0.9348,0.0086,0.7736,0.0043,0.7992,0.0058
-PyG,TU_BZR,link_pred,True,,,2,8,2,skipconcat,add,99,0.6199,0.0113,206977.0,0.0057,0.0002,0.7015,0.0127,0.6447,0.0088,0.8974,0.0159,0.7504,0.0112,0.7845,0.0145
-PyG,TU_BZR,link_pred,True,,,2,8,2,skipconcat,max,99,0.6158,0.0054,206977.0,0.0062,0.0002,0.7184,0.0047,0.6595,0.0028,0.9031,0.0075,0.7623,0.0045,0.7833,0.0024
-PyG,TU_BZR,link_pred,True,,,2,8,2,skipconcat,mean,99,0.616,0.0036,206977.0,0.006,0.0004,0.7203,0.0048,0.66,0.0033,0.9088,0.0059,0.7646,0.0043,0.7861,0.003
-PyG,TU_BZR,link_pred,True,,,2,8,2,skipsum,add,99,0.6092,0.0145,207701.0,0.0055,0.0001,0.692,0.0137,0.6404,0.0102,0.8759,0.0139,0.7399,0.0115,0.7749,0.0219
-PyG,TU_BZR,link_pred,True,,,2,8,2,skipsum,max,99,0.6084,0.0045,207701.0,0.0055,0.0003,0.7009,0.0067,0.6465,0.0041,0.8865,0.0107,0.7477,0.0065,0.7738,0.0048
-PyG,TU_BZR,link_pred,True,,,2,8,2,skipsum,mean,99,0.6066,0.0044,207701.0,0.0066,0.0007,0.7189,0.0042,0.6576,0.0013,0.9133,0.0172,0.7646,0.006,0.7753,0.0068
-PyG,TU_BZR,link_pred,True,,,2,8,3,skipconcat,add,99,0.5966,0.0096,207307.0,0.0061,0.0005,0.7053,0.0166,0.6452,0.0126,0.9129,0.0133,0.756,0.013,0.8028,0.0182
-PyG,TU_BZR,link_pred,True,,,2,8,3,skipconcat,max,99,0.6022,0.0029,207307.0,0.0067,0.0003,0.7227,0.0041,0.6581,0.0037,0.9269,0.0157,0.7696,0.0049,0.7874,0.0046
-PyG,TU_BZR,link_pred,True,,,2,8,3,skipconcat,mean,99,0.6023,0.0073,207307.0,0.0058,0.0002,0.7187,0.0093,0.6557,0.0045,0.9208,0.0254,0.7659,0.0106,0.7914,0.0066
-PyG,TU_BZR,link_pred,True,,,2,8,3,skipsum,add,99,0.6138,0.0117,206593.0,0.0061,0.0007,0.6832,0.0161,0.6334,0.0106,0.8691,0.0246,0.7328,0.0154,0.7654,0.0198
-PyG,TU_BZR,link_pred,True,,,2,8,3,skipsum,max,99,0.6065,0.0044,206593.0,0.0062,0.0002,0.7092,0.0075,0.6504,0.006,0.9046,0.0104,0.7567,0.0062,0.7763,0.0066
-PyG,TU_BZR,link_pred,True,,,2,8,3,skipsum,mean,99,0.5956,0.0047,206593.0,0.0058,0.0001,0.7203,0.0043,0.6535,0.0041,0.9382,0.0023,0.7703,0.0026,0.7948,0.0066
-PyG,TU_COX2,link_pred,True,,,1,2,2,skipconcat,add,99,0.5507,0.005,202440.0,0.0046,0.0001,0.7294,0.0027,0.6585,0.001,0.9527,0.007,0.7788,0.003,0.8743,0.0045
-PyG,TU_COX2,link_pred,True,,,1,2,2,skipconcat,max,99,0.5621,0.0059,202440.0,0.0043,0.0001,0.7517,0.0043,0.6826,0.0061,0.9411,0.0071,0.7912,0.0017,0.8566,0.0033
-PyG,TU_COX2,link_pred,True,,,1,2,2,skipconcat,mean,99,0.5424,0.0033,202440.0,0.0045,0.0003,0.7484,0.0081,0.6752,0.0027,0.9573,0.0217,0.7918,0.009,0.8777,0.0069
-PyG,TU_COX2,link_pred,True,,,1,2,2,skipsum,add,99,0.5519,0.0046,206905.0,0.0041,0.0004,0.7275,0.0112,0.6569,0.0059,0.952,0.0197,0.7774,0.0107,0.8728,0.0096
-PyG,TU_COX2,link_pred,True,,,1,2,2,skipsum,max,99,0.5583,0.001,206905.0,0.0046,0.0003,0.7427,0.007,0.6749,0.0079,0.9369,0.0056,0.7846,0.0041,0.8571,0.0049
-PyG,TU_COX2,link_pred,True,,,1,2,2,skipsum,mean,99,0.5478,0.0025,206905.0,0.0044,0.0003,0.7445,0.0037,0.6707,0.0006,0.9605,0.0171,0.7898,0.0054,0.8736,0.0023
-PyG,TU_COX2,link_pred,True,,,1,2,3,skipconcat,add,99,0.5428,0.0031,206313.0,0.0044,0.0003,0.734,0.002,0.6612,0.0017,0.9594,0.0044,0.7829,0.0018,0.8796,0.0007
-PyG,TU_COX2,link_pred,True,,,1,2,3,skipconcat,max,99,0.5493,0.0038,206313.0,0.0041,0.0003,0.7535,0.0172,0.6818,0.017,0.9524,0.0031,0.7946,0.0113,0.8666,0.0009
-PyG,TU_COX2,link_pred,True,,,1,2,3,skipconcat,mean,99,0.5383,0.0032,206313.0,0.0045,0.0004,0.7508,0.0055,0.6748,0.0059,0.9686,0.0085,0.7954,0.0036,0.8796,0.0017
-PyG,TU_COX2,link_pred,True,,,1,2,3,skipsum,add,99,0.5447,0.0012,207160.0,0.0043,0.0002,0.7292,0.005,0.6582,0.0024,0.9538,0.013,0.7788,0.0054,0.8735,0.0041
-PyG,TU_COX2,link_pred,True,,,1,2,3,skipsum,max,99,0.5525,0.0031,207160.0,0.0042,0.0003,0.7531,0.0037,0.6845,0.0027,0.939,0.01,0.7918,0.0039,0.8583,0.0058
-PyG,TU_COX2,link_pred,True,,,1,2,3,skipsum,mean,99,0.5383,0.0022,207160.0,0.0045,0.0001,0.7507,0.0058,0.675,0.0032,0.9672,0.0119,0.795,0.0056,0.8789,0.0037
-PyG,TU_COX2,link_pred,True,,,1,4,2,skipconcat,add,99,0.5682,0.0073,205321.0,0.0048,0.0002,0.7275,0.0054,0.659,0.0033,0.9429,0.009,0.7758,0.005,0.8533,0.0076
-PyG,TU_COX2,link_pred,True,,,1,4,2,skipconcat,max,99,0.5703,0.0063,205321.0,0.0047,0.0002,0.7356,0.0091,0.6695,0.0069,0.9309,0.01,0.7788,0.0075,0.8499,0.0046
-PyG,TU_COX2,link_pred,True,,,1,4,2,skipconcat,mean,99,0.5575,0.0058,205321.0,0.0053,0.0002,0.7474,0.0049,0.6754,0.004,0.9527,0.0117,0.7904,0.0046,0.8646,0.0067
-PyG,TU_COX2,link_pred,True,,,1,4,2,skipsum,add,99,0.5754,0.0028,205255.0,0.0041,0.0002,0.7027,0.0059,0.6419,0.0034,0.9171,0.0182,0.7551,0.0068,0.8321,0.0079
-PyG,TU_COX2,link_pred,True,,,1,4,2,skipsum,max,99,0.5727,0.0083,205255.0,0.0045,0.0002,0.7277,0.0082,0.6647,0.0077,0.9192,0.0106,0.7715,0.006,0.8403,0.0105
-PyG,TU_COX2,link_pred,True,,,1,4,2,skipsum,mean,99,0.5598,0.0063,205255.0,0.0053,0.0,0.738,0.0096,0.6691,0.0062,0.9418,0.0229,0.7823,0.0096,0.8555,0.0106
-PyG,TU_COX2,link_pred,True,,,1,4,3,skipconcat,add,99,0.5579,0.0057,207516.0,0.0049,0.0002,0.7253,0.0094,0.6562,0.0052,0.9464,0.0182,0.775,0.0091,0.8575,0.0148
-PyG,TU_COX2,link_pred,True,,,1,4,3,skipconcat,max,99,0.559,0.0076,207516.0,0.0055,0.0003,0.7428,0.0053,0.674,0.004,0.9404,0.0093,0.7852,0.0047,0.8563,0.004
-PyG,TU_COX2,link_pred,True,,,1,4,3,skipconcat,mean,99,0.5479,0.0056,207516.0,0.0051,0.0001,0.742,0.0022,0.6707,0.0022,0.951,0.0143,0.7865,0.0037,0.8675,0.0103
-PyG,TU_COX2,link_pred,True,,,1,4,3,skipsum,add,99,0.5616,0.0042,205969.0,0.005,0.0011,0.7081,0.0054,0.6453,0.0033,0.9242,0.0081,0.76,0.005,0.8484,0.0082
-PyG,TU_COX2,link_pred,True,,,1,4,3,skipsum,max,99,0.5683,0.0059,205969.0,0.0046,0.0001,0.7295,0.0059,0.664,0.0062,0.9295,0.0047,0.7746,0.0035,0.8404,0.0061
-PyG,TU_COX2,link_pred,True,,,1,4,3,skipsum,mean,99,0.5529,0.0034,205969.0,0.0052,0.0004,0.7428,0.0029,0.6719,0.0029,0.9492,0.0108,0.7868,0.0032,0.8586,0.007
-PyG,TU_COX2,link_pred,True,,,1,6,2,skipconcat,add,99,0.5687,0.0045,202910.0,0.0046,0.0001,0.7224,0.0055,0.6541,0.0037,0.9439,0.0071,0.7728,0.0047,0.8586,0.007
-PyG,TU_COX2,link_pred,True,,,1,6,2,skipconcat,max,99,0.5751,0.0051,202910.0,0.0053,0.0001,0.7332,0.0036,0.6699,0.0051,0.9196,0.0087,0.7751,0.0018,0.8417,0.0042
-PyG,TU_COX2,link_pred,True,,,1,6,2,skipconcat,mean,99,0.5617,0.0033,202910.0,0.0053,0.0001,0.7343,0.0106,0.6666,0.0049,0.9372,0.022,0.779,0.0109,0.8572,0.0024
-PyG,TU_COX2,link_pred,True,,,1,6,2,skipsum,add,99,0.5793,0.0023,205357.0,0.0047,0.0001,0.7012,0.0034,0.6417,0.0023,0.9111,0.0092,0.7531,0.0036,0.8239,0.0058
-PyG,TU_COX2,link_pred,True,,,1,6,2,skipsum,max,99,0.5765,0.0079,205357.0,0.0055,0.0005,0.7216,0.0169,0.6622,0.0135,0.9051,0.0137,0.7648,0.0133,0.829,0.0105
-PyG,TU_COX2,link_pred,True,,,1,6,2,skipsum,mean,99,0.5654,0.0021,205357.0,0.0055,0.0002,0.7313,0.0089,0.6656,0.0032,0.9294,0.0227,0.7756,0.01,0.8451,0.0099
-PyG,TU_COX2,link_pred,True,,,1,6,3,skipconcat,add,99,0.555,0.0079,208741.0,0.0051,0.0005,0.7265,0.0025,0.6569,0.0002,0.9485,0.0103,0.7762,0.0035,0.8659,0.0112
-PyG,TU_COX2,link_pred,True,,,1,6,3,skipconcat,max,99,0.5625,0.0053,208741.0,0.0055,0.0003,0.7429,0.0069,0.6752,0.0076,0.9365,0.0113,0.7846,0.0047,0.8495,0.0086
-PyG,TU_COX2,link_pred,True,,,1,6,3,skipconcat,mean,99,0.5505,0.0025,208741.0,0.0057,0.0004,0.7454,0.0024,0.6744,0.0047,0.9496,0.0148,0.7885,0.0028,0.8647,0.0037
-PyG,TU_COX2,link_pred,True,,,1,6,3,skipsum,add,99,0.5779,0.004,205129.0,0.0055,0.0009,0.7033,0.0107,0.6429,0.0053,0.9143,0.022,0.7548,0.0111,0.8206,0.0105
-PyG,TU_COX2,link_pred,True,,,1,6,3,skipsum,max,99,0.5722,0.0018,205129.0,0.0052,0.0,0.7282,0.0096,0.6646,0.0097,0.9224,0.0166,0.7724,0.0071,0.829,0.0062
-PyG,TU_COX2,link_pred,True,,,1,6,3,skipsum,mean,99,0.5556,0.002,205129.0,0.0055,0.0003,0.7351,0.0112,0.6661,0.0088,0.9429,0.0195,0.7806,0.0097,0.8536,0.0059
-PyG,TU_COX2,link_pred,True,,,1,8,2,skipconcat,add,99,0.5755,0.0062,205313.0,0.006,0.0002,0.719,0.0078,0.6539,0.0047,0.9302,0.0158,0.7679,0.0076,0.847,0.0063
-PyG,TU_COX2,link_pred,True,,,1,8,2,skipconcat,max,99,0.5811,0.0058,205313.0,0.0063,0.0003,0.7296,0.0068,0.6671,0.0055,0.9168,0.0072,0.7723,0.0054,0.8382,0.0032
-PyG,TU_COX2,link_pred,True,,,1,8,2,skipconcat,mean,99,0.5677,0.0073,205313.0,0.0065,0.0005,0.7407,0.0057,0.6728,0.0015,0.9372,0.0177,0.7832,0.0069,0.8574,0.0084
-PyG,TU_COX2,link_pred,True,,,1,8,2,skipsum,add,99,0.5763,0.0017,203841.0,0.0063,0.0011,0.717,0.0094,0.6528,0.0057,0.927,0.0147,0.7661,0.0088,0.8335,0.0121
-PyG,TU_COX2,link_pred,True,,,1,8,2,skipsum,max,99,0.5846,0.008,203841.0,0.0057,0.0004,0.7142,0.0153,0.6553,0.0112,0.9041,0.0186,0.7598,0.013,0.8122,0.0149
-PyG,TU_COX2,link_pred,True,,,1,8,2,skipsum,mean,99,0.5654,0.0004,203841.0,0.0058,0.0,0.7331,0.0034,0.6671,0.0008,0.9309,0.0109,0.7772,0.0042,0.8443,0.0052
-PyG,TU_COX2,link_pred,True,,,1,8,3,skipconcat,add,99,0.5623,0.0018,206038.0,0.0054,0.0002,0.726,0.0078,0.6562,0.0046,0.9492,0.0116,0.776,0.0071,0.8519,0.0076
-PyG,TU_COX2,link_pred,True,,,1,8,3,skipconcat,max,99,0.5649,0.0106,206038.0,0.0061,0.0,0.7451,0.0046,0.6751,0.0036,0.945,0.0062,0.7875,0.0038,0.8478,0.0118
-PyG,TU_COX2,link_pred,True,,,1,8,3,skipconcat,mean,99,0.5553,0.0085,206038.0,0.0062,0.0001,0.7415,0.0111,0.6698,0.009,0.9527,0.0172,0.7865,0.0093,0.863,0.0056
-PyG,TU_COX2,link_pred,True,,,1,8,3,skipsum,add,99,0.5786,0.0086,205289.0,0.0058,0.0007,0.7129,0.0125,0.6512,0.0098,0.9171,0.0087,0.7616,0.0095,0.8224,0.0155
-PyG,TU_COX2,link_pred,True,,,1,8,3,skipsum,max,99,0.582,0.0076,205289.0,0.006,0.0008,0.7205,0.0066,0.6611,0.0076,0.9055,0.0064,0.7642,0.0035,0.8157,0.0078
-PyG,TU_COX2,link_pred,True,,,1,8,3,skipsum,mean,99,0.559,0.0019,205289.0,0.0055,0.0002,0.7333,0.0039,0.6651,0.0044,0.94,0.011,0.7789,0.0033,0.8478,0.0029
-PyG,TU_COX2,link_pred,True,,,2,2,2,skipconcat,add,99,0.5485,0.0058,203491.0,0.004,0.0004,0.7323,0.0076,0.6604,0.0041,0.9562,0.0147,0.7812,0.0074,0.8788,0.007
-PyG,TU_COX2,link_pred,True,,,2,2,2,skipconcat,max,99,0.5608,0.0054,203491.0,0.0046,0.0002,0.7554,0.0016,0.6868,0.0031,0.939,0.0131,0.7933,0.003,0.8606,0.0056
-PyG,TU_COX2,link_pred,True,,,2,2,2,skipconcat,mean,99,0.541,0.0049,203491.0,0.0042,0.0001,0.7409,0.0048,0.6688,0.0045,0.9548,0.0139,0.7865,0.0046,0.8841,0.0075
-PyG,TU_COX2,link_pred,True,,,2,2,2,skipsum,add,99,0.5479,0.0046,207160.0,0.0044,0.0003,0.7298,0.0074,0.661,0.004,0.9432,0.013,0.7773,0.0071,0.8739,0.008
-PyG,TU_COX2,link_pred,True,,,2,2,2,skipsum,max,99,0.5576,0.0044,207160.0,0.0044,0.0001,0.7388,0.0106,0.6709,0.0071,0.9372,0.0159,0.782,0.0095,0.8573,0.0043
-PyG,TU_COX2,link_pred,True,,,2,2,2,skipsum,mean,99,0.5436,0.0057,207160.0,0.0041,0.0004,0.7521,0.0046,0.6786,0.001,0.958,0.0139,0.7944,0.0054,0.8745,0.0056
-PyG,TU_COX2,link_pred,True,,,2,2,3,skipconcat,add,99,0.5421,0.009,203041.0,0.0042,0.0,0.7329,0.0065,0.6599,0.0037,0.9609,0.0129,0.7824,0.0063,0.8789,0.0126
-PyG,TU_COX2,link_pred,True,,,2,2,3,skipconcat,max,99,0.551,0.0054,203041.0,0.0041,0.0002,0.7553,0.003,0.684,0.0036,0.9492,0.0158,0.795,0.0041,0.8648,0.0035
-PyG,TU_COX2,link_pred,True,,,2,2,3,skipconcat,mean,99,0.5381,0.0045,203041.0,0.0048,0.0004,0.7462,0.0059,0.6716,0.0048,0.9637,0.016,0.7915,0.0058,0.884,0.0058
-PyG,TU_COX2,link_pred,True,,,2,2,3,skipsum,add,99,0.5417,0.0051,205255.0,0.0041,0.0002,0.7298,0.0072,0.6588,0.0058,0.9538,0.0121,0.7792,0.0059,0.8791,0.0079
-PyG,TU_COX2,link_pred,True,,,2,2,3,skipsum,max,99,0.5516,0.0031,205255.0,0.0045,0.0005,0.7344,0.0024,0.6671,0.0025,0.9362,0.018,0.7789,0.0047,0.8617,0.0036
-PyG,TU_COX2,link_pred,True,,,2,2,3,skipsum,mean,99,0.5381,0.0022,205255.0,0.0047,0.0002,0.7464,0.0035,0.6722,0.0017,0.9619,0.0136,0.7913,0.0045,0.8801,0.0069
-PyG,TU_COX2,link_pred,True,,,2,4,2,skipconcat,add,99,0.559,0.0052,201724.0,0.005,0.0002,0.7323,0.0038,0.6622,0.0025,0.9488,0.0065,0.78,0.0035,0.8694,0.0055
-PyG,TU_COX2,link_pred,True,,,2,4,2,skipconcat,max,99,0.5632,0.0057,201724.0,0.0047,0.0002,0.747,0.0051,0.6785,0.0061,0.939,0.0072,0.7878,0.003,0.8586,0.0022
-PyG,TU_COX2,link_pred,True,,,2,4,2,skipconcat,mean,99,0.5535,0.0067,201724.0,0.0054,0.0003,0.7505,0.0026,0.6772,0.0015,0.9577,0.0131,0.7933,0.0039,0.8701,0.0048
-PyG,TU_COX2,link_pred,True,,,2,4,2,skipsum,add,99,0.5652,0.0039,205969.0,0.0048,0.0003,0.7055,0.0088,0.6429,0.0062,0.9249,0.0085,0.7585,0.0071,0.845,0.0112
-PyG,TU_COX2,link_pred,True,,,2,4,2,skipsum,max,99,0.5702,0.0036,205969.0,0.0051,0.0003,0.7341,0.0056,0.6687,0.0067,0.9284,0.0061,0.7774,0.0027,0.8417,0.0025
-PyG,TU_COX2,link_pred,True,,,2,4,2,skipsum,mean,99,0.555,0.0019,205969.0,0.0054,0.0006,0.7385,0.0037,0.6679,0.0027,0.9492,0.0065,0.784,0.0034,0.8597,0.0012
-PyG,TU_COX2,link_pred,True,,,2,4,3,skipconcat,add,99,0.5486,0.0071,201601.0,0.005,0.0003,0.7285,0.0078,0.6568,0.0056,0.9573,0.0082,0.7791,0.0063,0.8743,0.0085
-PyG,TU_COX2,link_pred,True,,,2,4,3,skipconcat,max,99,0.553,0.0041,201601.0,0.0052,0.0001,0.7451,0.0055,0.675,0.0073,0.9457,0.0095,0.7877,0.0025,0.8643,0.0014
-PyG,TU_COX2,link_pred,True,,,2,4,3,skipconcat,mean,99,0.5442,0.0021,201601.0,0.0055,0.0003,0.7473,0.003,0.6739,0.004,0.9587,0.0102,0.7914,0.0025,0.8776,0.0042
-PyG,TU_COX2,link_pred,True,,,2,4,3,skipsum,add,99,0.5634,0.0009,205357.0,0.004,0.0001,0.7085,0.0114,0.6459,0.0077,0.9228,0.0148,0.7599,0.0098,0.8464,0.0062
-PyG,TU_COX2,link_pred,True,,,2,4,3,skipsum,max,99,0.5588,0.002,205357.0,0.0043,0.0001,0.7311,0.005,0.665,0.0018,0.9316,0.0137,0.776,0.0058,0.8498,0.0055
-PyG,TU_COX2,link_pred,True,,,2,4,3,skipsum,mean,99,0.5496,0.0032,205357.0,0.0052,0.0002,0.7363,0.0023,0.6659,0.0025,0.9489,0.0117,0.7825,0.0031,0.8638,0.0086
-PyG,TU_COX2,link_pred,True,,,2,6,2,skipconcat,add,99,0.5662,0.0032,204673.0,0.0061,0.0008,0.7271,0.0069,0.6588,0.0063,0.9422,0.0081,0.7754,0.0049,0.8593,0.0038
-PyG,TU_COX2,link_pred,True,,,2,6,2,skipconcat,max,99,0.5732,0.0063,204673.0,0.0058,0.0003,0.7346,0.0063,0.671,0.005,0.9206,0.0061,0.7762,0.0051,0.8462,0.0026
-PyG,TU_COX2,link_pred,True,,,2,6,2,skipconcat,mean,99,0.5664,0.0081,204673.0,0.006,0.0002,0.7498,0.0028,0.6807,0.0015,0.9411,0.0099,0.79,0.0034,0.8562,0.0112
-PyG,TU_COX2,link_pred,True,,,2,6,2,skipsum,add,99,0.5738,0.0039,205129.0,0.0051,0.0001,0.7081,0.0127,0.6469,0.0076,0.916,0.0195,0.7583,0.0119,0.8369,0.0144
-PyG,TU_COX2,link_pred,True,,,2,6,2,skipsum,max,99,0.5756,0.0018,205129.0,0.0058,0.0003,0.728,0.0095,0.6655,0.0093,0.9174,0.0079,0.7714,0.0063,0.8307,0.0068
-PyG,TU_COX2,link_pred,True,,,2,6,2,skipsum,mean,99,0.5578,0.0027,205129.0,0.0056,0.0002,0.7399,0.0039,0.6705,0.0013,0.9435,0.0122,0.7839,0.0046,0.8539,0.002
-PyG,TU_COX2,link_pred,True,,,2,6,3,skipconcat,add,99,0.5552,0.0057,210036.0,0.0057,0.0003,0.7264,0.0064,0.6553,0.0032,0.9552,0.0117,0.7773,0.0061,0.8608,0.0109
-PyG,TU_COX2,link_pred,True,,,2,6,3,skipconcat,max,99,0.5572,0.0042,210036.0,0.0058,0.0002,0.75,0.0108,0.6772,0.0102,0.9559,0.0022,0.7927,0.0073,0.8555,0.0042
-PyG,TU_COX2,link_pred,True,,,2,6,3,skipconcat,mean,99,0.5493,0.0045,210036.0,0.0062,0.0005,0.7501,0.0061,0.6765,0.0057,0.9587,0.0139,0.7932,0.0052,0.8674,0.0061
-PyG,TU_COX2,link_pred,True,,,2,6,3,skipsum,add,99,0.5622,0.007,203841.0,0.0054,0.0002,0.7203,0.0049,0.6531,0.0017,0.9397,0.0133,0.7706,0.0056,0.8501,0.0145
-PyG,TU_COX2,link_pred,True,,,2,6,3,skipsum,max,99,0.5718,0.002,203841.0,0.0056,0.0002,0.7248,0.0033,0.6599,0.0037,0.9277,0.0035,0.7712,0.0018,0.8315,0.0025
-PyG,TU_COX2,link_pred,True,,,2,6,3,skipsum,mean,99,0.5557,0.0065,203841.0,0.0056,0.0002,0.7411,0.0078,0.6716,0.0037,0.9436,0.0176,0.7846,0.0081,0.8541,0.0174
-PyG,TU_COX2,link_pred,True,,,2,8,2,skipconcat,add,99,0.5689,0.0116,206401.0,0.0064,0.0007,0.7215,0.0079,0.6549,0.0039,0.9365,0.0157,0.7708,0.008,0.8578,0.0142
-PyG,TU_COX2,link_pred,True,,,2,8,2,skipconcat,max,99,0.5689,0.0062,206401.0,0.0064,0.0001,0.7408,0.0126,0.6754,0.0119,0.9281,0.0075,0.7818,0.009,0.8497,0.0058
-PyG,TU_COX2,link_pred,True,,,2,8,2,skipconcat,mean,99,0.5592,0.0085,206401.0,0.0066,0.0004,0.7463,0.0022,0.6761,0.003,0.9457,0.0194,0.7884,0.0048,0.8634,0.0095
-PyG,TU_COX2,link_pred,True,,,2,8,2,skipsum,add,99,0.5754,0.0082,205289.0,0.0056,0.0,0.7126,0.0094,0.6494,0.006,0.9241,0.0125,0.7628,0.0084,0.8329,0.007
-PyG,TU_COX2,link_pred,True,,,2,8,2,skipsum,max,99,0.5791,0.0122,205289.0,0.0064,0.0,0.7189,0.0114,0.6598,0.0101,0.9048,0.0187,0.763,0.0094,0.8206,0.0141
-PyG,TU_COX2,link_pred,True,,,2,8,2,skipsum,mean,99,0.5626,0.0041,205289.0,0.006,0.0002,0.739,0.0092,0.6691,0.0047,0.9453,0.0167,0.7836,0.0089,0.8474,0.0096
-PyG,TU_COX2,link_pred,True,,,2,8,3,skipconcat,add,99,0.5625,0.0071,206821.0,0.0067,0.0016,0.7138,0.0094,0.6488,0.0047,0.9316,0.0185,0.7649,0.0094,0.8516,0.0168
-PyG,TU_COX2,link_pred,True,,,2,8,3,skipconcat,max,99,0.5648,0.0038,206821.0,0.0064,0.0002,0.7375,0.0022,0.6699,0.0022,0.9365,0.0093,0.781,0.0028,0.8465,0.0035
-PyG,TU_COX2,link_pred,True,,,2,8,3,skipconcat,mean,99,0.5528,0.0096,206821.0,0.0065,0.0003,0.7443,0.003,0.6727,0.0041,0.952,0.0121,0.7882,0.0029,0.8669,0.0118
-PyG,TU_COX2,link_pred,True,,,2,8,3,skipsum,add,99,0.5712,0.0092,204289.0,0.0054,0.0003,0.7122,0.0101,0.6506,0.0079,0.9168,0.0072,0.7611,0.0078,0.8317,0.0135
-PyG,TU_COX2,link_pred,True,,,2,8,3,skipsum,max,99,0.5756,0.0128,204289.0,0.0062,0.0003,0.719,0.0129,0.6572,0.0091,0.9157,0.0143,0.7652,0.011,0.825,0.0188
-PyG,TU_COX2,link_pred,True,,,2,8,3,skipsum,mean,99,0.5587,0.0045,204289.0,0.0056,0.0002,0.7273,0.006,0.6606,0.0048,0.9347,0.0102,0.7741,0.0052,0.8487,0.0062
-PyG,TU_DD,link_pred,True,,,1,2,2,skipconcat,add,99,0.6312,0.0106,207678.0,0.0046,0.0002,0.674,0.0089,0.6294,0.0071,0.8464,0.0102,0.7219,0.0074,0.7736,0.0101
-PyG,TU_DD,link_pred,True,,,1,2,2,skipconcat,max,99,0.6313,0.0133,207678.0,0.0057,0.0011,0.6732,0.0044,0.6303,0.0021,0.8375,0.0126,0.7193,0.0057,0.7739,0.0095
-PyG,TU_DD,link_pred,True,,,1,2,2,skipconcat,mean,99,0.6436,0.0078,207678.0,0.0041,0.0002,0.6601,0.0088,0.6217,0.0064,0.8174,0.0105,0.7062,0.008,0.7487,0.0082
-PyG,TU_DD,link_pred,True,,,1,2,2,skipsum,add,99,0.6174,0.0022,218893.0,0.0045,0.0002,0.6746,0.0027,0.6298,0.0022,0.8471,0.002,0.7225,0.002,0.7812,0.0019
-PyG,TU_DD,link_pred,True,,,1,2,2,skipsum,max,99,0.6172,0.0034,218893.0,0.0043,0.0003,0.6733,0.0025,0.6286,0.0027,0.847,0.0047,0.7216,0.0017,0.7788,0.0047
-PyG,TU_DD,link_pred,True,,,1,2,2,skipsum,mean,99,0.6284,0.005,218893.0,0.0049,0.0001,0.6689,0.0032,0.6297,0.0015,0.8201,0.0083,0.7124,0.0041,0.7615,0.005
-PyG,TU_DD,link_pred,True,,,1,2,3,skipconcat,add,99,0.6215,0.0056,210741.0,0.0048,0.0001,0.6732,0.0026,0.6271,0.0024,0.8544,0.0025,0.7233,0.0019,0.7781,0.0053
-PyG,TU_DD,link_pred,True,,,1,2,3,skipconcat,max,99,0.6234,0.0048,210741.0,0.0056,0.0006,0.6708,0.0027,0.6252,0.0015,0.8528,0.0057,0.7215,0.003,0.7754,0.0046
-PyG,TU_DD,link_pred,True,,,1,2,3,skipconcat,mean,99,0.6311,0.0047,210741.0,0.005,0.0001,0.6665,0.0038,0.6243,0.0025,0.8359,0.0059,0.7148,0.0038,0.7573,0.0049
-PyG,TU_DD,link_pred,True,,,1,2,3,skipsum,add,99,0.6175,0.0035,217906.0,0.0049,0.0,0.671,0.0007,0.6259,0.0004,0.8501,0.0036,0.7209,0.0012,0.7787,0.0057
-PyG,TU_DD,link_pred,True,,,1,2,3,skipsum,max,99,0.6119,0.0034,217906.0,0.0049,0.0001,0.6712,0.0054,0.6252,0.0046,0.8547,0.0045,0.7222,0.004,0.7799,0.0042
-PyG,TU_DD,link_pred,True,,,1,2,3,skipsum,mean,99,0.6245,0.0047,217906.0,0.0048,0.0001,0.6672,0.0039,0.6258,0.0022,0.8317,0.0078,0.7142,0.0043,0.7612,0.0059
-PyG,TU_DD,link_pred,True,,,1,4,2,skipconcat,add,99,0.6179,0.0047,208453.0,0.0052,0.0001,0.685,0.0047,0.6365,0.0036,0.8628,0.0047,0.7326,0.0039,0.7927,0.0047
-PyG,TU_DD,link_pred,True,,,1,4,2,skipconcat,max,99,0.6123,0.0084,208453.0,0.0055,0.0001,0.6862,0.0031,0.6379,0.0014,0.8612,0.013,0.7329,0.0048,0.7994,0.0063
-PyG,TU_DD,link_pred,True,,,1,4,2,skipconcat,mean,99,0.6316,0.0102,208453.0,0.0055,0.0001,0.6736,0.0074,0.6301,0.0048,0.8403,0.0111,0.7202,0.0072,0.7722,0.0102
-PyG,TU_DD,link_pred,True,,,1,4,2,skipsum,add,99,0.6036,0.0081,215029.0,0.0053,0.0003,0.6828,0.0103,0.6341,0.0082,0.8651,0.0081,0.7318,0.0082,0.7971,0.0104
-PyG,TU_DD,link_pred,True,,,1,4,2,skipsum,max,99,0.6034,0.0049,215029.0,0.0045,0.0001,0.6785,0.0008,0.6291,0.0016,0.8697,0.0055,0.7301,0.001,0.7987,0.0049
-PyG,TU_DD,link_pred,True,,,1,4,2,skipsum,mean,99,0.6062,0.0034,215029.0,0.0053,0.0002,0.6833,0.003,0.6385,0.0019,0.845,0.0064,0.7274,0.0033,0.7891,0.0041
-PyG,TU_DD,link_pred,True,,,1,4,3,skipconcat,add,99,0.6114,0.0072,210162.0,0.0052,0.0001,0.6784,0.0088,0.6306,0.0068,0.8612,0.0075,0.7281,0.0072,0.7904,0.0085
-PyG,TU_DD,link_pred,True,,,1,4,3,skipconcat,max,99,0.6047,0.0011,210162.0,0.0056,0.0,0.684,0.0018,0.6343,0.0017,0.8693,0.003,0.7334,0.0013,0.7978,0.0015
-PyG,TU_DD,link_pred,True,,,1,4,3,skipconcat,mean,99,0.6192,0.0034,210162.0,0.0056,0.0001,0.6744,0.002,0.628,0.0016,0.8557,0.0077,0.7244,0.0027,0.7768,0.0036
-PyG,TU_DD,link_pred,True,,,1,4,3,skipsum,add,99,0.6051,0.0041,215041.0,0.0045,0.0001,0.6781,0.0055,0.6294,0.0042,0.8663,0.0051,0.7291,0.0045,0.7927,0.0062
-PyG,TU_DD,link_pred,True,,,1,4,3,skipsum,max,99,0.6003,0.0021,215041.0,0.0047,0.0002,0.6811,0.0022,0.6309,0.0018,0.873,0.0011,0.7325,0.0016,0.7988,0.0012
-PyG,TU_DD,link_pred,True,,,1,4,3,skipsum,mean,99,0.604,0.0044,215041.0,0.0054,0.0,0.6838,0.0037,0.6366,0.0033,0.8569,0.0013,0.7305,0.0025,0.7909,0.0038
-PyG,TU_DD,link_pred,True,,,1,6,2,skipconcat,add,99,0.6154,0.0036,205124.0,0.0057,0.0001,0.6814,0.0021,0.6339,0.002,0.859,0.002,0.7294,0.0013,0.7931,0.0034
-PyG,TU_DD,link_pred,True,,,1,6,2,skipconcat,max,99,0.6025,0.0052,205124.0,0.0066,0.0008,0.6925,0.0028,0.6424,0.0016,0.868,0.0049,0.7384,0.0028,0.8123,0.0028
-PyG,TU_DD,link_pred,True,,,1,6,2,skipconcat,mean,99,0.62,0.0028,205124.0,0.0061,0.0,0.6817,0.0021,0.6363,0.0016,0.8484,0.0042,0.7272,0.002,0.7862,0.0045
-PyG,TU_DD,link_pred,True,,,1,6,2,skipsum,add,99,0.6049,0.0067,213835.0,0.0054,0.0001,0.6793,0.0108,0.6288,0.0102,0.8762,0.0035,0.7321,0.0064,0.7984,0.006
-PyG,TU_DD,link_pred,True,,,1,6,2,skipsum,max,99,0.6015,0.0081,213835.0,0.0063,0.0013,0.6828,0.0066,0.6319,0.0054,0.8756,0.003,0.734,0.0047,0.808,0.0074
-PyG,TU_DD,link_pred,True,,,1,6,2,skipsum,mean,99,0.5968,0.0061,213835.0,0.0054,0.0001,0.6923,0.007,0.6437,0.005,0.8614,0.008,0.7368,0.0061,0.8024,0.0072
-PyG,TU_DD,link_pred,True,,,1,6,3,skipconcat,add,99,0.6112,0.0051,210631.0,0.006,0.0004,0.6834,0.0076,0.6335,0.0055,0.8698,0.0083,0.7331,0.0065,0.7941,0.0081
-PyG,TU_DD,link_pred,True,,,1,6,3,skipconcat,max,99,0.5954,0.0084,210631.0,0.0062,0.0002,0.6897,0.0108,0.6378,0.0073,0.8781,0.0141,0.7389,0.0097,0.8095,0.0113
-PyG,TU_DD,link_pred,True,,,1,6,3,skipconcat,mean,99,0.6109,0.0055,210631.0,0.0056,0.0001,0.68,0.0037,0.6321,0.003,0.8612,0.0041,0.7291,0.0029,0.7879,0.0041
-PyG,TU_DD,link_pred,True,,,1,6,3,skipsum,add,99,0.6086,0.0074,213121.0,0.006,0.0006,0.6784,0.0048,0.6285,0.0035,0.8724,0.0059,0.7307,0.0041,0.7932,0.0091
-PyG,TU_DD,link_pred,True,,,1,6,3,skipsum,max,99,0.5997,0.0041,213121.0,0.0053,0.0,0.6836,0.0068,0.6314,0.0061,0.8826,0.004,0.7362,0.0043,0.8029,0.0047
-PyG,TU_DD,link_pred,True,,,1,6,3,skipsum,mean,99,0.5898,0.0038,213121.0,0.0053,0.0,0.6937,0.0027,0.6439,0.0014,0.8668,0.0063,0.739,0.0031,0.8071,0.0046
-PyG,TU_DD,link_pred,True,,,1,8,2,skipconcat,add,99,0.616,0.0047,207041.0,0.0063,0.0001,0.6743,0.0048,0.6268,0.0033,0.8613,0.0076,0.7255,0.0045,0.7935,0.0061
-PyG,TU_DD,link_pred,True,,,1,8,2,skipconcat,max,99,0.5975,0.0083,207041.0,0.0069,0.0002,0.6939,0.0048,0.642,0.0038,0.877,0.0032,0.7413,0.0037,0.819,0.005
-PyG,TU_DD,link_pred,True,,,1,8,2,skipconcat,mean,99,0.6189,0.0028,207041.0,0.007,0.0001,0.6776,0.0027,0.633,0.0028,0.8453,0.0055,0.7239,0.0021,0.7858,0.0029
-PyG,TU_DD,link_pred,True,,,1,8,2,skipsum,add,99,0.6112,0.0056,211401.0,0.006,0.0002,0.6713,0.0065,0.6212,0.0052,0.8777,0.0063,0.7275,0.0048,0.7913,0.0071
-PyG,TU_DD,link_pred,True,,,1,8,2,skipsum,max,99,0.6041,0.0081,211401.0,0.007,0.0004,0.6801,0.0114,0.6293,0.0085,0.8767,0.0096,0.7327,0.009,0.8032,0.0102
-PyG,TU_DD,link_pred,True,,,1,8,2,skipsum,mean,99,0.5919,0.0043,211401.0,0.0068,0.0003,0.6917,0.0066,0.6419,0.0044,0.8671,0.0089,0.7376,0.0061,0.8066,0.0055
-PyG,TU_DD,link_pred,True,,,1,8,3,skipconcat,add,99,0.6126,0.0093,207496.0,0.0065,0.0004,0.6727,0.0099,0.6234,0.0077,0.8725,0.0062,0.7272,0.0074,0.7919,0.0104
-PyG,TU_DD,link_pred,True,,,1,8,3,skipconcat,max,99,0.5956,0.0069,207496.0,0.0074,0.0,0.6889,0.0049,0.6368,0.0037,0.8794,0.0043,0.7387,0.004,0.813,0.0069
-PyG,TU_DD,link_pred,True,,,1,8,3,skipconcat,mean,99,0.6078,0.0052,207496.0,0.0073,0.0,0.678,0.0039,0.6305,0.0014,0.86,0.0128,0.7276,0.0053,0.7935,0.0065
-PyG,TU_DD,link_pred,True,,,1,8,3,skipsum,add,99,0.6094,0.0071,212525.0,0.0052,0.0002,0.6696,0.0068,0.6202,0.0049,0.8752,0.0069,0.7259,0.0057,0.7914,0.0101
-PyG,TU_DD,link_pred,True,,,1,8,3,skipsum,max,99,0.6046,0.002,212525.0,0.007,0.0001,0.6825,0.0004,0.63,0.001,0.8842,0.0035,0.7358,0.0005,0.8009,0.0017
-PyG,TU_DD,link_pred,True,,,1,8,3,skipsum,mean,99,0.5883,0.006,212525.0,0.0071,0.0001,0.6929,0.0052,0.6424,0.004,0.8699,0.0062,0.739,0.0045,0.8106,0.0054
-PyG,TU_DD,link_pred,True,,,2,2,2,skipconcat,add,99,0.6305,0.0057,208621.0,0.0052,0.0005,0.6752,0.0036,0.6314,0.003,0.8421,0.0027,0.7217,0.0028,0.7746,0.0057
-PyG,TU_DD,link_pred,True,,,2,2,2,skipconcat,max,99,0.6294,0.0051,208621.0,0.0049,0.0001,0.6704,0.003,0.6267,0.0022,0.8431,0.0045,0.7189,0.0028,0.7747,0.0027
-PyG,TU_DD,link_pred,True,,,2,2,2,skipconcat,mean,99,0.6464,0.006,208621.0,0.0048,0.0001,0.6578,0.0052,0.6195,0.004,0.8179,0.0057,0.705,0.0046,0.7442,0.0048
-PyG,TU_DD,link_pred,True,,,2,2,2,skipsum,add,99,0.6192,0.0026,217906.0,0.0047,0.0002,0.6762,0.0066,0.6314,0.0054,0.8467,0.0045,0.7234,0.005,0.7775,0.0044
-PyG,TU_DD,link_pred,True,,,2,2,2,skipsum,max,99,0.6185,0.0025,217906.0,0.0048,0.0001,0.6716,0.0075,0.6263,0.0055,0.8509,0.0076,0.7215,0.0064,0.7773,0.0038
-PyG,TU_DD,link_pred,True,,,2,2,2,skipsum,mean,99,0.6321,0.0021,217906.0,0.0047,0.0,0.6653,0.0004,0.6264,0.0005,0.8189,0.0042,0.7099,0.0013,0.7566,0.0022
-PyG,TU_DD,link_pred,True,,,2,2,3,skipconcat,add,99,0.626,0.0066,207361.0,0.0041,0.0001,0.6715,0.0044,0.6265,0.0036,0.8498,0.0035,0.7212,0.0034,0.7708,0.0052
-PyG,TU_DD,link_pred,True,,,2,2,3,skipconcat,max,99,0.6214,0.0064,207361.0,0.005,0.0001,0.6696,0.005,0.6237,0.0039,0.8552,0.0058,0.7213,0.0042,0.7764,0.0053
-PyG,TU_DD,link_pred,True,,,2,2,3,skipconcat,mean,99,0.6274,0.0025,207361.0,0.0049,0.0001,0.6656,0.0059,0.6234,0.004,0.8362,0.009,0.7143,0.0057,0.7596,0.0044
-PyG,TU_DD,link_pred,True,,,2,2,3,skipsum,add,99,0.6174,0.0058,215029.0,0.0057,0.0007,0.6733,0.005,0.6279,0.0033,0.8506,0.0072,0.7225,0.0047,0.7771,0.0074
-PyG,TU_DD,link_pred,True,,,2,2,3,skipsum,max,99,0.6201,0.0026,215029.0,0.0042,0.0002,0.6694,0.0035,0.6239,0.0032,0.8532,0.0001,0.7207,0.0022,0.7716,0.0033
-PyG,TU_DD,link_pred,True,,,2,2,3,skipsum,mean,99,0.6278,0.0061,215029.0,0.0053,0.0004,0.6647,0.0042,0.6247,0.0022,0.8251,0.0095,0.711,0.0049,0.7563,0.0074
-PyG,TU_DD,link_pred,True,,,2,4,2,skipconcat,add,99,0.6195,0.003,204802.0,0.0051,0.0001,0.6792,0.002,0.6324,0.0011,0.8561,0.0059,0.7274,0.0025,0.7889,0.0037
-PyG,TU_DD,link_pred,True,,,2,4,2,skipconcat,max,99,0.6161,0.0025,204802.0,0.0061,0.0011,0.6797,0.0032,0.6328,0.0032,0.8565,0.0023,0.7279,0.0018,0.7933,0.0028
-PyG,TU_DD,link_pred,True,,,2,4,2,skipconcat,mean,99,0.6296,0.0053,204802.0,0.0055,0.0001,0.6691,0.003,0.627,0.0014,0.8347,0.0109,0.716,0.0044,0.7678,0.0065
-PyG,TU_DD,link_pred,True,,,2,4,2,skipsum,add,99,0.6065,0.0033,215041.0,0.0051,0.0001,0.6825,0.0043,0.6333,0.0029,0.867,0.0058,0.7319,0.0039,0.7967,0.0029
-PyG,TU_DD,link_pred,True,,,2,4,2,skipsum,max,99,0.6068,0.0018,215041.0,0.0053,0.0,0.6772,0.0014,0.6284,0.0007,0.8669,0.0034,0.7287,0.0016,0.7956,0.0035
-PyG,TU_DD,link_pred,True,,,2,4,2,skipsum,mean,99,0.6107,0.0055,215041.0,0.0052,0.0,0.6826,0.0017,0.6359,0.0012,0.8548,0.0065,0.7292,0.0024,0.7878,0.0046
-PyG,TU_DD,link_pred,True,,,2,4,3,skipconcat,add,99,0.6184,0.0027,204193.0,0.0056,0.0004,0.6764,0.0039,0.6285,0.0037,0.8625,0.0054,0.7272,0.0028,0.7828,0.0019
-PyG,TU_DD,link_pred,True,,,2,4,3,skipconcat,max,99,0.6045,0.0064,204193.0,0.0056,0.0002,0.6839,0.0053,0.6339,0.0041,0.871,0.0045,0.7338,0.0043,0.7978,0.0061
-PyG,TU_DD,link_pred,True,,,2,4,3,skipconcat,mean,99,0.6233,0.0021,204193.0,0.0051,0.0001,0.6662,0.0027,0.6232,0.0031,0.8408,0.0049,0.7158,0.0013,0.769,0.0026
-PyG,TU_DD,link_pred,True,,,2,4,3,skipsum,add,99,0.6047,0.0014,213835.0,0.0054,0.0004,0.6787,0.0032,0.6292,0.002,0.8699,0.0057,0.7302,0.0031,0.7941,0.0032
-PyG,TU_DD,link_pred,True,,,2,4,3,skipsum,max,99,0.5993,0.0076,213835.0,0.0062,0.0012,0.6822,0.0066,0.6325,0.0047,0.8699,0.0083,0.7324,0.0058,0.797,0.0087
-PyG,TU_DD,link_pred,True,,,2,4,3,skipsum,mean,99,0.607,0.0037,213835.0,0.0049,0.0001,0.6826,0.0036,0.6363,0.0028,0.8525,0.0034,0.7287,0.003,0.7861,0.0048
-PyG,TU_DD,link_pred,True,,,2,6,2,skipconcat,add,99,0.6221,0.0008,206887.0,0.0054,0.0002,0.6763,0.0048,0.6285,0.0042,0.8625,0.0036,0.7271,0.0034,0.7871,0.0032
-PyG,TU_DD,link_pred,True,,,2,6,2,skipconcat,max,99,0.6055,0.0102,206887.0,0.0061,0.0001,0.689,0.0053,0.6388,0.0037,0.8698,0.0068,0.7366,0.0048,0.8081,0.0081
-PyG,TU_DD,link_pred,True,,,2,6,2,skipconcat,mean,99,0.6249,0.0009,206887.0,0.0066,0.0014,0.6759,0.0024,0.6327,0.0022,0.8387,0.0011,0.7213,0.0016,0.7764,0.0024
-PyG,TU_DD,link_pred,True,,,2,6,2,skipsum,add,99,0.6096,0.0059,213121.0,0.005,0.0001,0.6771,0.0084,0.6273,0.0068,0.873,0.0045,0.73,0.0061,0.7938,0.0073
-PyG,TU_DD,link_pred,True,,,2,6,2,skipsum,max,99,0.6066,0.0028,213121.0,0.0055,0.0002,0.6787,0.0041,0.6284,0.0037,0.8748,0.0012,0.7314,0.0025,0.7997,0.0016
-PyG,TU_DD,link_pred,True,,,2,6,2,skipsum,mean,99,0.5965,0.0015,213121.0,0.0063,0.0008,0.6906,0.0055,0.6412,0.0048,0.8655,0.0027,0.7367,0.0041,0.8025,0.0017
-PyG,TU_DD,link_pred,True,,,2,6,3,skipconcat,add,99,0.6123,0.0031,211926.0,0.0065,0.001,0.677,0.0045,0.6285,0.0034,0.8656,0.0036,0.7283,0.0035,0.7909,0.0038
-PyG,TU_DD,link_pred,True,,,2,6,3,skipconcat,max,99,0.5987,0.0044,211926.0,0.0071,0.0012,0.6889,0.0083,0.6379,0.0077,0.874,0.0003,0.7375,0.0052,0.8058,0.0029
-PyG,TU_DD,link_pred,True,,,2,6,3,skipconcat,mean,99,0.6166,0.003,211926.0,0.0062,0.0002,0.6755,0.0043,0.6288,0.0042,0.8571,0.0019,0.7254,0.0024,0.781,0.0049
-PyG,TU_DD,link_pred,True,,,2,6,3,skipsum,add,99,0.6139,0.0079,211401.0,0.0051,0.0002,0.6711,0.0073,0.6235,0.0065,0.8645,0.0086,0.7244,0.0051,0.784,0.0089
-PyG,TU_DD,link_pred,True,,,2,6,3,skipsum,max,99,0.606,0.0009,211401.0,0.0061,0.0002,0.678,0.0042,0.6284,0.0037,0.8713,0.0056,0.7301,0.003,0.7953,0.0017
-PyG,TU_DD,link_pred,True,,,2,6,3,skipsum,mean,99,0.5999,0.0079,211401.0,0.0065,0.0014,0.6816,0.0074,0.6345,0.0064,0.8567,0.0032,0.729,0.0052,0.7953,0.0064
-PyG,TU_DD,link_pred,True,,,2,8,2,skipconcat,add,99,0.6189,0.0027,208129.0,0.0063,0.0,0.6769,0.0037,0.6286,0.0027,0.8648,0.0065,0.728,0.0035,0.79,0.0052
-PyG,TU_DD,link_pred,True,,,2,8,2,skipconcat,max,99,0.6007,0.0087,208129.0,0.0071,0.0004,0.6903,0.0044,0.6398,0.0031,0.8707,0.0053,0.7376,0.0039,0.8144,0.0042
-PyG,TU_DD,link_pred,True,,,2,8,2,skipconcat,mean,99,0.6169,0.0055,208129.0,0.0067,0.0001,0.682,0.0039,0.6353,0.0031,0.8545,0.0044,0.7288,0.0033,0.7878,0.0052
-PyG,TU_DD,link_pred,True,,,2,8,2,skipsum,add,99,0.6112,0.0037,212525.0,0.0056,0.0002,0.676,0.0053,0.6255,0.0046,0.8776,0.0039,0.7304,0.0036,0.7914,0.0064
-PyG,TU_DD,link_pred,True,,,2,8,2,skipsum,max,99,0.6032,0.0034,212525.0,0.0066,0.0001,0.6803,0.0042,0.6297,0.0043,0.8756,0.0041,0.7325,0.002,0.8013,0.0032
-PyG,TU_DD,link_pred,True,,,2,8,2,skipsum,mean,99,0.5937,0.002,212525.0,0.0066,0.0,0.6882,0.0011,0.6381,0.0012,0.8699,0.0084,0.7361,0.0024,0.8064,0.0029
-PyG,TU_DD,link_pred,True,,,2,8,3,skipconcat,add,99,0.6143,0.0054,208279.0,0.0063,0.0001,0.6728,0.0047,0.6244,0.0034,0.8673,0.0075,0.7261,0.0042,0.7872,0.0076
-PyG,TU_DD,link_pred,True,,,2,8,3,skipconcat,max,99,0.5914,0.0033,208279.0,0.0064,0.0002,0.6925,0.0053,0.6389,0.0034,0.8856,0.0074,0.7423,0.0049,0.8155,0.0044
-PyG,TU_DD,link_pred,True,,,2,8,3,skipconcat,mean,99,0.6121,0.0002,208279.0,0.0069,0.0,0.6754,0.0029,0.628,0.0022,0.8603,0.0025,0.726,0.0023,0.787,0.0015
-PyG,TU_DD,link_pred,True,,,2,8,3,skipsum,add,99,0.6064,0.0037,211201.0,0.007,0.0012,0.6748,0.007,0.6254,0.0059,0.872,0.0049,0.7284,0.0048,0.7915,0.0053
-PyG,TU_DD,link_pred,True,,,2,8,3,skipsum,max,99,0.6041,0.0096,211201.0,0.0066,0.0001,0.6824,0.0093,0.6301,0.0072,0.8834,0.0064,0.7355,0.0071,0.8005,0.0099
-PyG,TU_DD,link_pred,True,,,2,8,3,skipsum,mean,99,0.5936,0.0071,211201.0,0.0061,0.0001,0.691,0.007,0.6413,0.0064,0.8674,0.0018,0.7374,0.0047,0.8054,0.0059
-PyG,TU_ENZYMES,link_pred,True,,,1,2,2,skipconcat,add,99,0.6896,0.0041,199336.0,0.0039,0.0003,0.5954,0.0085,0.574,0.0066,0.7399,0.008,0.6465,0.0072,0.6285,0.0064
-PyG,TU_ENZYMES,link_pred,True,,,1,2,2,skipconcat,max,99,0.675,0.0056,199336.0,0.0045,0.0012,0.5974,0.0069,0.571,0.0054,0.7832,0.0053,0.6604,0.0049,0.6326,0.0135
-PyG,TU_ENZYMES,link_pred,True,,,1,2,2,skipconcat,mean,99,0.6819,0.0046,199336.0,0.0038,0.0003,0.5918,0.0089,0.5694,0.0073,0.7544,0.0046,0.6489,0.0061,0.6183,0.0096
-PyG,TU_ENZYMES,link_pred,True,,,1,2,2,skipsum,add,99,0.6804,0.0038,199801.0,0.0037,0.0004,0.6033,0.002,0.5778,0.0013,0.767,0.008,0.659,0.0031,0.6405,0.0036
-PyG,TU_ENZYMES,link_pred,True,,,1,2,2,skipsum,max,99,0.6751,0.0059,199801.0,0.0039,0.0003,0.6006,0.0084,0.5752,0.0063,0.7695,0.0096,0.6583,0.0074,0.6342,0.0133
-PyG,TU_ENZYMES,link_pred,True,,,1,2,2,skipsum,mean,99,0.6792,0.005,199801.0,0.0036,0.0003,0.5984,0.0085,0.5747,0.0054,0.7563,0.0187,0.6531,0.0102,0.6285,0.0123
-PyG,TU_ENZYMES,link_pred,True,,,1,2,3,skipconcat,add,99,0.6833,0.003,203689.0,0.0041,0.0004,0.5971,0.0083,0.575,0.0071,0.7448,0.002,0.649,0.0052,0.6303,0.0055
-PyG,TU_ENZYMES,link_pred,True,,,1,2,3,skipconcat,max,99,0.6743,0.0052,203689.0,0.0039,0.0004,0.597,0.0083,0.57,0.0061,0.7901,0.0079,0.6623,0.0068,0.6308,0.0138
-PyG,TU_ENZYMES,link_pred,True,,,1,2,3,skipconcat,mean,99,0.6799,0.0032,203689.0,0.0038,0.0004,0.5858,0.0074,0.5638,0.0057,0.7592,0.0075,0.647,0.0057,0.6144,0.0088
-PyG,TU_ENZYMES,link_pred,True,,,1,2,3,skipsum,add,99,0.6811,0.0039,200792.0,0.0035,0.0,0.5956,0.0067,0.5728,0.0055,0.752,0.0157,0.6502,0.0071,0.6326,0.0075
-PyG,TU_ENZYMES,link_pred,True,,,1,2,3,skipsum,max,99,0.6737,0.0051,200792.0,0.0039,0.0005,0.5993,0.0089,0.5733,0.0082,0.7786,0.0206,0.6602,0.0071,0.6343,0.0132
-PyG,TU_ENZYMES,link_pred,True,,,1,2,3,skipsum,mean,99,0.6775,0.005,200792.0,0.0039,0.0005,0.5938,0.0083,0.5701,0.0059,0.7626,0.0143,0.6524,0.0084,0.6235,0.0113
-PyG,TU_ENZYMES,link_pred,True,,,1,4,2,skipconcat,add,99,0.6978,0.0086,203465.0,0.004,0.0001,0.5935,0.01,0.5691,0.0079,0.7704,0.0104,0.6546,0.0072,0.6292,0.0118
-PyG,TU_ENZYMES,link_pred,True,,,1,4,2,skipconcat,max,99,0.6723,0.0096,203465.0,0.0047,0.0002,0.6162,0.0089,0.5826,0.0046,0.8183,0.0235,0.6805,0.0112,0.6626,0.0189
-PyG,TU_ENZYMES,link_pred,True,,,1,4,2,skipconcat,mean,99,0.6812,0.0048,203465.0,0.0043,0.0001,0.6021,0.0097,0.5758,0.007,0.7756,0.0117,0.6609,0.0089,0.6319,0.0144
-PyG,TU_ENZYMES,link_pred,True,,,1,4,2,skipsum,add,99,0.6814,0.0061,199463.0,0.004,0.0001,0.6052,0.0093,0.5756,0.0075,0.8018,0.0152,0.6701,0.0073,0.6446,0.0113
-PyG,TU_ENZYMES,link_pred,True,,,1,4,2,skipsum,max,99,0.6685,0.0086,199463.0,0.0047,0.0002,0.6185,0.006,0.5869,0.0024,0.8001,0.0244,0.677,0.01,0.6666,0.015
-PyG,TU_ENZYMES,link_pred,True,,,1,4,2,skipsum,mean,99,0.678,0.0063,199463.0,0.0043,0.0002,0.6055,0.0013,0.5776,0.0009,0.7847,0.0012,0.6654,0.0011,0.643,0.0101
-PyG,TU_ENZYMES,link_pred,True,,,1,4,3,skipconcat,add,99,0.6826,0.0029,205948.0,0.0041,0.0,0.5954,0.0101,0.5705,0.007,0.7709,0.0202,0.6557,0.0111,0.635,0.0098
-PyG,TU_ENZYMES,link_pred,True,,,1,4,3,skipconcat,max,99,0.6691,0.0062,205948.0,0.0046,0.0002,0.6116,0.0122,0.5801,0.0094,0.8088,0.0066,0.6756,0.0084,0.6555,0.0154
-PyG,TU_ENZYMES,link_pred,True,,,1,4,3,skipconcat,mean,99,0.677,0.0035,205948.0,0.0045,0.0,0.5939,0.0091,0.57,0.0073,0.7654,0.0117,0.6533,0.0073,0.6293,0.0131
-PyG,TU_ENZYMES,link_pred,True,,,1,4,3,skipsum,add,99,0.6845,0.0097,200593.0,0.004,0.0,0.5934,0.006,0.5681,0.0047,0.7795,0.0025,0.6572,0.004,0.6366,0.009
-PyG,TU_ENZYMES,link_pred,True,,,1,4,3,skipsum,max,99,0.6684,0.0085,200593.0,0.0042,0.0003,0.6102,0.0127,0.5787,0.0092,0.8103,0.0146,0.6752,0.0105,0.663,0.0192
-PyG,TU_ENZYMES,link_pred,True,,,1,4,3,skipsum,mean,99,0.6762,0.007,200593.0,0.0045,0.0003,0.6108,0.0078,0.5817,0.0047,0.788,0.0167,0.6693,0.0091,0.644,0.0138
-PyG,TU_ENZYMES,link_pred,True,,,1,6,2,skipconcat,add,99,0.6989,0.0068,201598.0,0.0049,0.0006,0.5939,0.0101,0.5682,0.0067,0.7825,0.0165,0.6583,0.0103,0.6321,0.0091
-PyG,TU_ENZYMES,link_pred,True,,,1,6,2,skipconcat,max,99,0.6683,0.0111,201598.0,0.005,0.0,0.6253,0.0026,0.5908,0.0012,0.8153,0.0124,0.6851,0.0046,0.6797,0.0206
-PyG,TU_ENZYMES,link_pred,True,,,1,6,2,skipconcat,mean,99,0.6809,0.0084,201598.0,0.0056,0.0005,0.6037,0.0105,0.5766,0.0078,0.781,0.0122,0.6634,0.009,0.6399,0.0169
-PyG,TU_ENZYMES,link_pred,True,,,1,6,2,skipsum,add,99,0.6909,0.0125,200333.0,0.0047,0.0003,0.5872,0.0094,0.5607,0.0072,0.8068,0.0016,0.6616,0.0053,0.6326,0.0181
-PyG,TU_ENZYMES,link_pred,True,,,1,6,2,skipsum,max,99,0.6697,0.0105,200333.0,0.0049,0.0004,0.6184,0.0073,0.585,0.003,0.814,0.0257,0.6806,0.011,0.6708,0.0183
-PyG,TU_ENZYMES,link_pred,True,,,1,6,2,skipsum,mean,99,0.6727,0.005,200333.0,0.0065,0.0016,0.6172,0.0068,0.5845,0.0046,0.8103,0.0143,0.6791,0.0072,0.6555,0.0082
-PyG,TU_ENZYMES,link_pred,True,,,1,6,3,skipconcat,add,99,0.6907,0.0042,207621.0,0.007,0.0029,0.5917,0.0064,0.5668,0.0041,0.778,0.0126,0.6558,0.0072,0.6285,0.0059
-PyG,TU_ENZYMES,link_pred,True,,,1,6,3,skipconcat,max,99,0.6677,0.0079,207621.0,0.0102,0.007,0.6172,0.0025,0.5841,0.0029,0.8144,0.0176,0.6802,0.0049,0.6665,0.017
-PyG,TU_ENZYMES,link_pred,True,,,1,6,3,skipconcat,mean,99,0.6771,0.0054,207621.0,0.0082,0.0036,0.5986,0.0085,0.5734,0.0055,0.7691,0.0158,0.657,0.0093,0.6338,0.0134
-PyG,TU_ENZYMES,link_pred,True,,,1,6,3,skipsum,add,99,0.6851,0.0102,200393.0,0.0048,0.0003,0.5912,0.0129,0.5646,0.0099,0.7977,0.0057,0.6612,0.0088,0.6364,0.0164
-PyG,TU_ENZYMES,link_pred,True,,,1,6,3,skipsum,max,99,0.6683,0.0079,200393.0,0.0063,0.0023,0.6196,0.0029,0.5868,0.0026,0.8088,0.009,0.68,0.0031,0.6689,0.0116
-PyG,TU_ENZYMES,link_pred,True,,,1,6,3,skipsum,mean,99,0.6728,0.0057,200393.0,0.0061,0.0022,0.6112,0.0085,0.5804,0.007,0.8033,0.007,0.6739,0.0055,0.6505,0.0124
-PyG,TU_ENZYMES,link_pred,True,,,1,8,2,skipconcat,add,99,0.7,0.012,204289.0,0.0072,0.0027,0.5919,0.013,0.5654,0.0099,0.796,0.0058,0.6611,0.0088,0.635,0.016
-PyG,TU_ENZYMES,link_pred,True,,,1,8,2,skipconcat,max,99,0.67,0.0092,204289.0,0.006,0.0006,0.6246,0.0086,0.5898,0.0053,0.8178,0.0153,0.6853,0.0089,0.6789,0.0171
-PyG,TU_ENZYMES,link_pred,True,,,1,8,2,skipconcat,mean,99,0.6807,0.005,204289.0,0.0098,0.0025,0.6045,0.0028,0.5769,0.0019,0.7838,0.0054,0.6646,0.0029,0.6443,0.0089
-PyG,TU_ENZYMES,link_pred,True,,,1,8,2,skipsum,add,99,0.6934,0.0135,199361.0,0.0083,0.0037,0.589,0.0152,0.5623,0.012,0.8059,0.0026,0.6623,0.0082,0.6371,0.0166
-PyG,TU_ENZYMES,link_pred,True,,,1,8,2,skipsum,max,99,0.6698,0.0125,199361.0,0.0107,0.0042,0.6171,0.0076,0.5848,0.0043,0.807,0.0184,0.6781,0.0092,0.6737,0.0234
-PyG,TU_ENZYMES,link_pred,True,,,1,8,2,skipsum,mean,99,0.6705,0.007,199361.0,0.0095,0.0051,0.6165,0.0132,0.5851,0.0099,0.8014,0.0145,0.6763,0.011,0.6583,0.0168
-PyG,TU_ENZYMES,link_pred,True,,,1,8,3,skipconcat,add,99,0.688,0.0099,205174.0,0.0092,0.0022,0.5934,0.0105,0.566,0.0077,0.8016,0.0067,0.6635,0.0076,0.6385,0.014
-PyG,TU_ENZYMES,link_pred,True,,,1,8,3,skipconcat,max,99,0.6682,0.0052,205174.0,0.0118,0.0042,0.6113,0.0085,0.5783,0.0057,0.8222,0.0229,0.6789,0.0099,0.6643,0.0165
-PyG,TU_ENZYMES,link_pred,True,,,1,8,3,skipconcat,mean,99,0.6747,0.0045,205174.0,0.0082,0.0021,0.6046,0.0059,0.576,0.0034,0.7916,0.0184,0.6668,0.0081,0.6414,0.0119
-PyG,TU_ENZYMES,link_pred,True,,,1,8,3,skipsum,add,99,0.6854,0.0063,201001.0,0.0137,0.0019,0.5951,0.0095,0.5667,0.0074,0.8092,0.0116,0.6665,0.0066,0.6407,0.0082
-PyG,TU_ENZYMES,link_pred,True,,,1,8,3,skipsum,max,99,0.6689,0.0097,201001.0,0.0139,0.0021,0.6162,0.007,0.5833,0.0041,0.8135,0.0158,0.6794,0.0081,0.672,0.0131
-PyG,TU_ENZYMES,link_pred,True,,,1,8,3,skipsum,mean,99,0.6713,0.0073,201001.0,0.009,0.0023,0.6085,0.0111,0.5785,0.0078,0.8001,0.0145,0.6714,0.0099,0.6518,0.0177
-PyG,TU_ENZYMES,link_pred,True,,,2,2,2,skipconcat,add,99,0.6902,0.0049,200451.0,0.0097,0.0012,0.5936,0.0083,0.5711,0.0069,0.7526,0.0156,0.6494,0.0074,0.6266,0.0104
-PyG,TU_ENZYMES,link_pred,True,,,2,2,2,skipconcat,max,99,0.6773,0.0051,200451.0,0.0054,0.0007,0.5992,0.0093,0.5697,0.0069,0.8107,0.0189,0.6691,0.0086,0.6351,0.0135
-PyG,TU_ENZYMES,link_pred,True,,,2,2,2,skipconcat,mean,99,0.6838,0.0067,200451.0,0.0068,0.0009,0.5883,0.0098,0.5654,0.0073,0.7635,0.0168,0.6496,0.0093,0.6199,0.012
-PyG,TU_ENZYMES,link_pred,True,,,2,2,2,skipsum,add,99,0.6836,0.0055,200792.0,0.0101,0.0,0.5994,0.0067,0.5741,0.0054,0.77,0.0107,0.6578,0.0054,0.6346,0.0093
-PyG,TU_ENZYMES,link_pred,True,,,2,2,2,skipsum,max,99,0.6762,0.0058,200792.0,0.0064,0.0012,0.6013,0.0088,0.5743,0.0078,0.7845,0.0148,0.663,0.006,0.6325,0.0128
-PyG,TU_ENZYMES,link_pred,True,,,2,2,2,skipsum,mean,99,0.6784,0.005,200792.0,0.0065,0.0012,0.5957,0.0124,0.572,0.008,0.7589,0.0252,0.6523,0.0144,0.629,0.0113
-PyG,TU_ENZYMES,link_pred,True,,,2,2,3,skipconcat,add,99,0.6839,0.0036,200481.0,0.0075,0.0015,0.5937,0.0075,0.572,0.0062,0.7448,0.0172,0.647,0.0078,0.6272,0.0035
-PyG,TU_ENZYMES,link_pred,True,,,2,2,3,skipconcat,max,99,0.6738,0.0048,200481.0,0.0099,0.0008,0.595,0.0043,0.5673,0.004,0.8014,0.0077,0.6643,0.0021,0.6329,0.0152
-PyG,TU_ENZYMES,link_pred,True,,,2,2,3,skipconcat,mean,99,0.6792,0.0043,200481.0,0.0086,0.001,0.5889,0.0103,0.5667,0.0074,0.755,0.015,0.6474,0.0101,0.6181,0.0129
-PyG,TU_ENZYMES,link_pred,True,,,2,2,3,skipsum,add,99,0.6821,0.006,199463.0,0.0067,0.002,0.5947,0.0145,0.5715,0.011,0.757,0.0152,0.6513,0.0122,0.6317,0.0111
-PyG,TU_ENZYMES,link_pred,True,,,2,2,3,skipsum,max,99,0.6742,0.0053,199463.0,0.0121,0.0026,0.5996,0.0133,0.5726,0.0092,0.7856,0.0251,0.6623,0.0135,0.6327,0.015
-PyG,TU_ENZYMES,link_pred,True,,,2,2,3,skipsum,mean,99,0.6772,0.0037,199463.0,0.012,0.0018,0.5953,0.0049,0.572,0.003,0.7568,0.0108,0.6515,0.0059,0.6251,0.0092
-PyG,TU_ENZYMES,link_pred,True,,,2,4,2,skipconcat,add,99,0.6945,0.0079,199900.0,0.008,0.0019,0.5966,0.0136,0.5706,0.0105,0.7817,0.0134,0.6596,0.0101,0.6339,0.0108
-PyG,TU_ENZYMES,link_pred,True,,,2,4,2,skipconcat,max,99,0.6716,0.0091,199900.0,0.0124,0.0007,0.6182,0.0102,0.5862,0.0065,0.8033,0.0185,0.6778,0.0106,0.6678,0.0182
-PyG,TU_ENZYMES,link_pred,True,,,2,4,2,skipconcat,mean,99,0.6804,0.0036,199900.0,0.0073,0.0019,0.5998,0.0069,0.5746,0.0055,0.7689,0.0056,0.6576,0.0051,0.6316,0.0125
-PyG,TU_ENZYMES,link_pred,True,,,2,4,2,skipsum,add,99,0.6929,0.0094,200593.0,0.0078,0.0009,0.5955,0.0087,0.5679,0.0065,0.7995,0.0071,0.6641,0.0062,0.6325,0.0114
-PyG,TU_ENZYMES,link_pred,True,,,2,4,2,skipsum,max,99,0.6695,0.0081,200593.0,0.0074,0.0019,0.6172,0.0036,0.584,0.002,0.8144,0.0112,0.6802,0.0048,0.6643,0.015
-PyG,TU_ENZYMES,link_pred,True,,,2,4,2,skipsum,mean,99,0.6779,0.0068,200593.0,0.006,0.0018,0.6083,0.0026,0.5789,0.0023,0.7951,0.0105,0.6699,0.0036,0.6444,0.0098
-PyG,TU_ENZYMES,link_pred,True,,,2,4,3,skipconcat,add,99,0.6904,0.0039,200065.0,0.0109,0.0019,0.5909,0.0089,0.5658,0.0064,0.7823,0.0092,0.6566,0.0075,0.629,0.0067
-PyG,TU_ENZYMES,link_pred,True,,,2,4,3,skipconcat,max,99,0.6717,0.0089,200065.0,0.0061,0.0012,0.6122,0.0056,0.5791,0.0043,0.8224,0.0086,0.6796,0.0045,0.6596,0.0173
-PyG,TU_ENZYMES,link_pred,True,,,2,4,3,skipconcat,mean,99,0.678,0.0051,200065.0,0.0064,0.0019,0.5976,0.0106,0.5727,0.0077,0.7689,0.0125,0.6564,0.0095,0.6319,0.0152
-PyG,TU_ENZYMES,link_pred,True,,,2,4,3,skipsum,add,99,0.6872,0.0152,200333.0,0.0101,0.0016,0.5878,0.0167,0.5622,0.0122,0.7945,0.0119,0.6585,0.0123,0.6335,0.0198
-PyG,TU_ENZYMES,link_pred,True,,,2,4,3,skipsum,max,99,0.6678,0.0092,200333.0,0.0074,0.0034,0.6153,0.0089,0.5836,0.0072,0.8051,0.0033,0.6767,0.0059,0.6635,0.0185
-PyG,TU_ENZYMES,link_pred,True,,,2,4,3,skipsum,mean,99,0.6729,0.0043,200333.0,0.0123,0.0008,0.6078,0.0035,0.5792,0.0035,0.7884,0.0123,0.6677,0.0037,0.6453,0.0093
-PyG,TU_ENZYMES,link_pred,True,,,2,6,2,skipconcat,add,99,0.6968,0.0044,203361.0,0.0131,0.0007,0.5924,0.0084,0.5663,0.0067,0.7901,0.0042,0.6597,0.0053,0.6345,0.0072
-PyG,TU_ENZYMES,link_pred,True,,,2,6,2,skipconcat,max,99,0.6749,0.008,203361.0,0.0056,0.0002,0.6179,0.0038,0.583,0.0009,0.828,0.0296,0.684,0.0099,0.6767,0.0188
-PyG,TU_ENZYMES,link_pred,True,,,2,6,2,skipconcat,mean,99,0.6855,0.0135,203361.0,0.0113,0.001,0.6021,0.0145,0.5735,0.0123,0.7999,0.0212,0.6678,0.009,0.6422,0.0163
-PyG,TU_ENZYMES,link_pred,True,,,2,6,2,skipsum,add,99,0.6891,0.0049,200393.0,0.0115,0.0012,0.5905,0.0143,0.5632,0.0101,0.8068,0.0129,0.6633,0.0114,0.6349,0.0149
-PyG,TU_ENZYMES,link_pred,True,,,2,6,2,skipsum,max,99,0.6669,0.0095,200393.0,0.0079,0.0006,0.6199,0.0025,0.5859,0.0014,0.8174,0.0093,0.6826,0.0037,0.6791,0.0151
-PyG,TU_ENZYMES,link_pred,True,,,2,6,2,skipsum,mean,99,0.6723,0.0076,200393.0,0.0075,0.0022,0.6148,0.0099,0.5835,0.0076,0.8027,0.0084,0.6758,0.0076,0.6557,0.0156
-PyG,TU_ENZYMES,link_pred,True,,,2,6,3,skipconcat,add,99,0.6925,0.0042,208916.0,0.0075,0.0006,0.5922,0.0057,0.5659,0.0037,0.7914,0.0091,0.6599,0.0057,0.6324,0.0027
-PyG,TU_ENZYMES,link_pred,True,,,2,6,3,skipconcat,max,99,0.6689,0.0086,208916.0,0.0122,0.0025,0.6178,0.007,0.5834,0.0041,0.8241,0.0246,0.683,0.0099,0.671,0.0181
-PyG,TU_ENZYMES,link_pred,True,,,2,6,3,skipconcat,mean,99,0.6756,0.004,208916.0,0.0126,0.0028,0.6026,0.0052,0.5746,0.004,0.7901,0.0059,0.6653,0.0041,0.6407,0.0098
-PyG,TU_ENZYMES,link_pred,True,,,2,6,3,skipsum,add,99,0.6902,0.0103,199361.0,0.0104,0.0029,0.5891,0.0154,0.5613,0.0114,0.8181,0.006,0.6657,0.0098,0.6338,0.0145
-PyG,TU_ENZYMES,link_pred,True,,,2,6,3,skipsum,max,99,0.6684,0.0086,199361.0,0.0109,0.0014,0.6154,0.0031,0.5826,0.0011,0.814,0.0125,0.6791,0.0051,0.6682,0.013
-PyG,TU_ENZYMES,link_pred,True,,,2,6,3,skipsum,mean,99,0.671,0.0055,199361.0,0.0119,0.0041,0.6116,0.0048,0.58,0.0038,0.809,0.0046,0.6756,0.0035,0.6528,0.0148
-PyG,TU_ENZYMES,link_pred,True,,,2,8,2,skipconcat,add,99,0.7029,0.0037,205377.0,0.0095,0.0017,0.5907,0.0097,0.5638,0.0065,0.8012,0.0134,0.6618,0.009,0.6327,0.0112
-PyG,TU_ENZYMES,link_pred,True,,,2,8,2,skipconcat,max,99,0.6757,0.0137,205377.0,0.0132,0.0025,0.6178,0.0108,0.5817,0.0083,0.8398,0.0183,0.6872,0.0086,0.6782,0.0203
-PyG,TU_ENZYMES,link_pred,True,,,2,8,2,skipconcat,mean,99,0.6831,0.0081,205377.0,0.0063,0.0002,0.6039,0.0053,0.5776,0.0038,0.7732,0.0085,0.6613,0.0053,0.6399,0.0143
-PyG,TU_ENZYMES,link_pred,True,,,2,8,2,skipsum,add,99,0.6939,0.0058,201001.0,0.0068,0.0015,0.5842,0.0136,0.5582,0.0091,0.807,0.0167,0.66,0.012,0.6293,0.0138
-PyG,TU_ENZYMES,link_pred,True,,,2,8,2,skipsum,max,99,0.6707,0.0112,201001.0,0.013,0.002,0.6189,0.0028,0.5853,0.0015,0.8159,0.0112,0.6816,0.0043,0.6788,0.0134
-PyG,TU_ENZYMES,link_pred,True,,,2,8,2,skipsum,mean,99,0.6711,0.0062,201001.0,0.0074,0.0018,0.6146,0.0115,0.5813,0.0083,0.8198,0.0114,0.6803,0.0094,0.6589,0.0155
-PyG,TU_ENZYMES,link_pred,True,,,2,8,3,skipconcat,add,99,0.6908,0.0076,205957.0,0.0138,0.0003,0.5954,0.0081,0.5674,0.0066,0.8044,0.0056,0.6654,0.0047,0.6407,0.003
-PyG,TU_ENZYMES,link_pred,True,,,2,8,3,skipconcat,max,99,0.6705,0.0117,205957.0,0.0148,0.0038,0.6164,0.0012,0.5822,0.0019,0.8244,0.0123,0.6824,0.0032,0.672,0.0146
-PyG,TU_ENZYMES,link_pred,True,,,2,8,3,skipconcat,mean,99,0.6764,0.009,205957.0,0.0124,0.0029,0.6035,0.0113,0.5763,0.0081,0.781,0.0143,0.6632,0.0103,0.6439,0.0202
-PyG,TU_ENZYMES,link_pred,True,,,2,8,3,skipsum,add,99,0.684,0.009,200193.0,0.0081,0.0024,0.5841,0.0147,0.5578,0.0109,0.8146,0.0187,0.662,0.0105,0.6402,0.013
-PyG,TU_ENZYMES,link_pred,True,,,2,8,3,skipsum,max,99,0.669,0.0049,200193.0,0.0132,0.0006,0.6129,0.0064,0.5813,0.0055,0.8081,0.0107,0.6761,0.0045,0.6707,0.008
-PyG,TU_ENZYMES,link_pred,True,,,2,8,3,skipsum,mean,99,0.6717,0.0037,200193.0,0.011,0.0011,0.611,0.0094,0.5805,0.0064,0.8005,0.0133,0.673,0.009,0.6516,0.0114
-PyG,TU_PROTEINS,link_pred,True,,,1,2,2,skipconcat,add,99,0.6812,0.0018,199336.0,0.0041,0.0001,0.6068,0.0014,0.5808,0.0036,0.7685,0.0206,0.6614,0.0054,0.646,0.0037
-PyG,TU_PROTEINS,link_pred,True,,,1,2,2,skipconcat,max,99,0.6757,0.0009,199336.0,0.0077,0.0012,0.5942,0.0045,0.569,0.004,0.7776,0.005,0.6571,0.002,0.6354,0.0058
-PyG,TU_PROTEINS,link_pred,True,,,1,2,2,skipconcat,mean,99,0.6768,0.0004,199336.0,0.0067,0.0013,0.5987,0.0054,0.574,0.0069,0.7684,0.0192,0.6569,0.0027,0.6318,0.0028
-PyG,TU_PROTEINS,link_pred,True,,,1,2,2,skipsum,add,99,0.6736,0.0062,199801.0,0.0065,0.0007,0.6093,0.0054,0.5807,0.0029,0.786,0.0148,0.6679,0.0072,0.6559,0.0139
-PyG,TU_PROTEINS,link_pred,True,,,1,2,2,skipsum,max,99,0.6744,0.0018,199801.0,0.0051,0.001,0.5949,0.0035,0.571,0.0051,0.7648,0.0215,0.6536,0.0044,0.6365,0.0056
-PyG,TU_PROTEINS,link_pred,True,,,1,2,2,skipsum,mean,99,0.6759,0.0019,199801.0,0.0047,0.0005,0.5998,0.0055,0.5732,0.0055,0.7821,0.0084,0.6615,0.0009,0.6369,0.0058
-PyG,TU_PROTEINS,link_pred,True,,,1,2,3,skipconcat,add,99,0.6749,0.0027,203689.0,0.0089,0.0026,0.6051,0.0037,0.5787,0.0012,0.7726,0.0186,0.6616,0.0075,0.6482,0.0077
-PyG,TU_PROTEINS,link_pred,True,,,1,2,3,skipconcat,max,99,0.6729,0.0023,203689.0,0.0118,0.0025,0.5922,0.002,0.5678,0.0022,0.7727,0.0066,0.6545,0.0015,0.6392,0.0077
-PyG,TU_PROTEINS,link_pred,True,,,1,2,3,skipconcat,mean,99,0.6739,0.0017,203689.0,0.013,0.0048,0.5963,0.0043,0.5711,0.0033,0.7738,0.0038,0.6572,0.0034,0.6361,0.0045
-PyG,TU_PROTEINS,link_pred,True,,,1,2,3,skipsum,add,99,0.6726,0.0034,200792.0,0.0081,0.0012,0.6001,0.0025,0.5745,0.0034,0.7726,0.0166,0.6589,0.0045,0.6485,0.0077
-PyG,TU_PROTEINS,link_pred,True,,,1,2,3,skipsum,max,99,0.6731,0.0021,200792.0,0.0086,0.0017,0.5925,0.0008,0.5697,0.0007,0.7559,0.0067,0.6498,0.0022,0.6339,0.0074
-PyG,TU_PROTEINS,link_pred,True,,,1,2,3,skipsum,mean,99,0.6743,0.0017,200792.0,0.0054,0.0014,0.5949,0.0034,0.5697,0.003,0.7761,0.016,0.657,0.0053,0.6353,0.0038
-PyG,TU_PROTEINS,link_pred,True,,,1,4,2,skipconcat,add,99,0.6859,0.007,203465.0,0.0049,0.0002,0.6065,0.0053,0.5773,0.0035,0.7953,0.0116,0.669,0.0059,0.6523,0.0097
-PyG,TU_PROTEINS,link_pred,True,,,1,4,2,skipconcat,max,99,0.6717,0.0036,203465.0,0.0095,0.0009,0.6185,0.0036,0.5854,0.0037,0.8123,0.0157,0.6804,0.0046,0.6715,0.0011
-PyG,TU_PROTEINS,link_pred,True,,,1,4,2,skipconcat,mean,99,0.6759,0.002,203465.0,0.0066,0.0017,0.6079,0.0037,0.5789,0.0037,0.7916,0.0064,0.6687,0.0017,0.6511,0.0022
-PyG,TU_PROTEINS,link_pred,True,,,1,4,2,skipsum,add,99,0.679,0.0066,199463.0,0.0067,0.001,0.594,0.0049,0.5663,0.0047,0.8045,0.0104,0.6646,0.0012,0.653,0.006
-PyG,TU_PROTEINS,link_pred,True,,,1,4,2,skipsum,max,99,0.6656,0.0036,199463.0,0.0065,0.0009,0.6177,0.0016,0.585,0.0014,0.8104,0.0034,0.6795,0.0012,0.6754,0.0043
-PyG,TU_PROTEINS,link_pred,True,,,1,4,2,skipsum,mean,99,0.6719,0.0044,199463.0,0.0158,0.0029,0.6103,0.0057,0.5796,0.0044,0.803,0.0125,0.6732,0.0055,0.6592,0.0097
-PyG,TU_PROTEINS,link_pred,True,,,1,4,3,skipconcat,add,99,0.6755,0.0062,205948.0,0.0092,0.0002,0.6054,0.0026,0.5772,0.0011,0.7873,0.0145,0.6661,0.0054,0.6554,0.0104
-PyG,TU_PROTEINS,link_pred,True,,,1,4,3,skipconcat,max,99,0.6681,0.0032,205948.0,0.0093,0.003,0.6163,0.0041,0.5844,0.0029,0.8054,0.0052,0.6773,0.0037,0.6618,0.0085
-PyG,TU_PROTEINS,link_pred,True,,,1,4,3,skipconcat,mean,99,0.6725,0.0027,205948.0,0.007,0.0013,0.6026,0.0037,0.5752,0.0031,0.7847,0.0072,0.6638,0.0031,0.6433,0.003
-PyG,TU_PROTEINS,link_pred,True,,,1,4,3,skipsum,add,99,0.6754,0.0043,200593.0,0.0105,0.0016,0.5988,0.0058,0.5714,0.0051,0.7914,0.0099,0.6636,0.004,0.6548,0.0086
-PyG,TU_PROTEINS,link_pred,True,,,1,4,3,skipsum,max,99,0.6653,0.0009,200593.0,0.009,0.0025,0.6141,0.0054,0.5827,0.0033,0.8035,0.0132,0.6755,0.0064,0.6713,0.0066
-PyG,TU_PROTEINS,link_pred,True,,,1,4,3,skipsum,mean,99,0.6721,0.0022,200593.0,0.011,0.0007,0.6069,0.002,0.5769,0.0013,0.8023,0.0087,0.6711,0.0032,0.6571,0.0055
-PyG,TU_PROTEINS,link_pred,True,,,1,6,2,skipconcat,add,99,0.6847,0.0077,201598.0,0.0063,0.0007,0.6066,0.0043,0.5763,0.002,0.8046,0.0171,0.6715,0.0069,0.6587,0.0108
-PyG,TU_PROTEINS,link_pred,True,,,1,6,2,skipconcat,max,99,0.669,0.0054,201598.0,0.0137,0.0028,0.6228,0.0061,0.5872,0.004,0.827,0.0169,0.6867,0.0071,0.6864,0.0074
-PyG,TU_PROTEINS,link_pred,True,,,1,6,2,skipconcat,mean,99,0.674,0.0006,201598.0,0.0131,0.0011,0.6147,0.004,0.5844,0.0045,0.7949,0.0106,0.6735,0.0019,0.66,0.0014
-PyG,TU_PROTEINS,link_pred,True,,,1,6,2,skipsum,add,99,0.6827,0.0059,200333.0,0.0134,0.0011,0.5886,0.0019,0.5603,0.0011,0.8241,0.0056,0.667,0.0024,0.6538,0.0068
-PyG,TU_PROTEINS,link_pred,True,,,1,6,2,skipsum,max,99,0.6629,0.0021,200333.0,0.0061,0.0011,0.6269,0.0038,0.59,0.0021,0.832,0.0135,0.6904,0.0053,0.6915,0.006
-PyG,TU_PROTEINS,link_pred,True,,,1,6,2,skipsum,mean,99,0.6695,0.005,200333.0,0.0104,0.0029,0.6177,0.0075,0.5844,0.0056,0.8154,0.0114,0.6808,0.0065,0.669,0.0111
-PyG,TU_PROTEINS,link_pred,True,,,1,6,3,skipconcat,add,99,0.6768,0.0073,207621.0,0.0063,0.0011,0.6027,0.001,0.5737,0.0001,0.8,0.0083,0.6682,0.0028,0.6588,0.0085
-PyG,TU_PROTEINS,link_pred,True,,,1,6,3,skipconcat,max,99,0.6649,0.0048,207621.0,0.0119,0.0027,0.6214,0.0079,0.5861,0.005,0.8258,0.0253,0.6855,0.0102,0.6811,0.0118
-PyG,TU_PROTEINS,link_pred,True,,,1,6,3,skipconcat,mean,99,0.6697,0.0032,207621.0,0.0063,0.0007,0.6089,0.0059,0.579,0.005,0.7988,0.0007,0.6713,0.0032,0.6594,0.0078
-PyG,TU_PROTEINS,link_pred,True,,,1,6,3,skipsum,add,99,0.6774,0.0046,200393.0,0.0064,0.0017,0.5948,0.005,0.5658,0.0034,0.8149,0.0079,0.6679,0.0046,0.6575,0.009
-PyG,TU_PROTEINS,link_pred,True,,,1,6,3,skipsum,max,99,0.6622,0.0051,200393.0,0.0105,0.0021,0.6221,0.0068,0.5867,0.0065,0.8266,0.0062,0.6863,0.0023,0.6848,0.0066
-PyG,TU_PROTEINS,link_pred,True,,,1,6,3,skipsum,mean,99,0.6672,0.0015,200393.0,0.0099,0.0042,0.6166,0.0049,0.5825,0.0035,0.8235,0.0058,0.6823,0.0043,0.6705,0.0068
-PyG,TU_PROTEINS,link_pred,True,,,1,8,2,skipconcat,add,99,0.6889,0.011,204289.0,0.0056,0.0002,0.5998,0.0006,0.5699,0.0013,0.814,0.0091,0.6704,0.0022,0.657,0.0079
-PyG,TU_PROTEINS,link_pred,True,,,1,8,2,skipconcat,max,99,0.6708,0.003,204289.0,0.0136,0.0035,0.6253,0.0022,0.5862,0.0014,0.8515,0.0085,0.6944,0.003,0.6946,0.0039
-PyG,TU_PROTEINS,link_pred,True,,,1,8,2,skipconcat,mean,99,0.6742,0.0029,204289.0,0.0082,0.0012,0.6172,0.0032,0.5848,0.0026,0.808,0.0085,0.6785,0.0033,0.6674,0.0054
-PyG,TU_PROTEINS,link_pred,True,,,1,8,2,skipsum,add,99,0.6737,0.0057,199361.0,0.0113,0.0015,0.6046,0.0078,0.5731,0.0062,0.821,0.0153,0.6749,0.0062,0.6697,0.008
-PyG,TU_PROTEINS,link_pred,True,,,1,8,2,skipsum,max,99,0.6648,0.0065,199361.0,0.0103,0.0019,0.6225,0.0029,0.5844,0.0021,0.8485,0.0076,0.6921,0.003,0.6956,0.0016
-PyG,TU_PROTEINS,link_pred,True,,,1,8,2,skipsum,mean,99,0.6647,0.004,199361.0,0.0062,0.0001,0.6192,0.0061,0.5838,0.0039,0.8309,0.0119,0.6858,0.0063,0.6788,0.0082
-PyG,TU_PROTEINS,link_pred,True,,,1,8,3,skipconcat,add,99,0.6753,0.0022,205174.0,0.0147,0.0018,0.5987,0.0054,0.5692,0.0053,0.8128,0.0162,0.6695,0.0034,0.6634,0.0069
-PyG,TU_PROTEINS,link_pred,True,,,1,8,3,skipconcat,max,99,0.6652,0.003,205174.0,0.0158,0.0018,0.6206,0.001,0.5843,0.0007,0.8358,0.0119,0.6878,0.0036,0.6829,0.0051
-PyG,TU_PROTEINS,link_pred,True,,,1,8,3,skipconcat,mean,99,0.67,0.0045,205174.0,0.0168,0.0017,0.6195,0.0073,0.5862,0.0045,0.8123,0.0137,0.681,0.0077,0.6645,0.0091
-PyG,TU_PROTEINS,link_pred,True,,,1,8,3,skipsum,add,99,0.6717,0.0084,201001.0,0.0093,0.0025,0.5935,0.01,0.5643,0.0079,0.8216,0.0134,0.669,0.0061,0.668,0.0147
-PyG,TU_PROTEINS,link_pred,True,,,1,8,3,skipsum,max,99,0.6628,0.0055,201001.0,0.0122,0.0023,0.6238,0.003,0.5864,0.0018,0.8395,0.005,0.6905,0.003,0.6906,0.0062
-PyG,TU_PROTEINS,link_pred,True,,,1,8,3,skipsum,mean,99,0.6632,0.0028,201001.0,0.0132,0.0009,0.6223,0.0049,0.5865,0.0045,0.8298,0.005,0.6872,0.0021,0.6795,0.0066
-PyG,TU_PROTEINS,link_pred,True,,,2,2,2,skipconcat,add,99,0.6813,0.004,200451.0,0.0078,0.0017,0.6049,0.0059,0.5803,0.0037,0.7577,0.0126,0.6572,0.007,0.6456,0.008
-PyG,TU_PROTEINS,link_pred,True,,,2,2,2,skipconcat,max,99,0.6781,0.004,200451.0,0.0084,0.0014,0.5953,0.005,0.5704,0.0046,0.7732,0.004,0.6564,0.002,0.6315,0.0089
-PyG,TU_PROTEINS,link_pred,True,,,2,2,2,skipconcat,mean,99,0.6773,0.002,200451.0,0.0068,0.0013,0.5948,0.0075,0.571,0.0069,0.7635,0.0069,0.6533,0.0031,0.632,0.0085
-PyG,TU_PROTEINS,link_pred,True,,,2,2,2,skipsum,add,99,0.6765,0.0029,200792.0,0.0112,0.0013,0.5978,0.0044,0.5726,0.0032,0.7708,0.0106,0.6571,0.005,0.6453,0.0053
-PyG,TU_PROTEINS,link_pred,True,,,2,2,2,skipsum,max,99,0.6744,0.0022,200792.0,0.0059,0.0013,0.5946,0.0038,0.5718,0.0039,0.7544,0.007,0.6505,0.0017,0.635,0.0059
-PyG,TU_PROTEINS,link_pred,True,,,2,2,2,skipsum,mean,99,0.6751,0.0028,200792.0,0.0087,0.0018,0.5997,0.0048,0.5729,0.0043,0.7838,0.0089,0.6619,0.0033,0.6382,0.0042
-PyG,TU_PROTEINS,link_pred,True,,,2,2,3,skipconcat,add,99,0.6752,0.0051,200481.0,0.0074,0.0009,0.6036,0.0028,0.579,0.0037,0.76,0.0103,0.6572,0.0017,0.6452,0.007
-PyG,TU_PROTEINS,link_pred,True,,,2,2,3,skipconcat,max,99,0.6738,0.0019,200481.0,0.0061,0.0014,0.595,0.0036,0.5697,0.0025,0.7762,0.0121,0.6571,0.005,0.6343,0.0062
-PyG,TU_PROTEINS,link_pred,True,,,2,2,3,skipconcat,mean,99,0.6739,0.0016,200481.0,0.006,0.0011,0.5967,0.0028,0.5714,0.0026,0.7742,0.0041,0.6575,0.0015,0.6355,0.0049
-PyG,TU_PROTEINS,link_pred,True,,,2,2,3,skipsum,add,99,0.6751,0.0066,199463.0,0.0087,0.0009,0.6012,0.0047,0.5762,0.0038,0.7652,0.0038,0.6574,0.0037,0.6488,0.0104
-PyG,TU_PROTEINS,link_pred,True,,,2,2,3,skipsum,max,99,0.6734,0.0014,199463.0,0.0111,0.0016,0.5914,0.0058,0.5683,0.0069,0.7636,0.0216,0.6514,0.0033,0.6349,0.0048
-PyG,TU_PROTEINS,link_pred,True,,,2,2,3,skipsum,mean,99,0.674,0.0022,199463.0,0.0063,0.0013,0.5999,0.006,0.5746,0.0062,0.7708,0.0104,0.6583,0.0009,0.6394,0.0083
-PyG,TU_PROTEINS,link_pred,True,,,2,4,2,skipconcat,add,99,0.6857,0.0082,199900.0,0.0072,0.0011,0.6023,0.0051,0.573,0.0037,0.8029,0.0077,0.6687,0.0045,0.6514,0.0082
-PyG,TU_PROTEINS,link_pred,True,,,2,4,2,skipconcat,max,99,0.6734,0.0035,199900.0,0.0139,0.0028,0.615,0.0065,0.5807,0.0069,0.8289,0.0137,0.6829,0.0005,0.6726,0.0045
-PyG,TU_PROTEINS,link_pred,True,,,2,4,2,skipconcat,mean,99,0.6747,0.0012,199900.0,0.0137,0.0012,0.6064,0.0042,0.5782,0.004,0.7873,0.0058,0.6667,0.0018,0.6517,0.0028
-PyG,TU_PROTEINS,link_pred,True,,,2,4,2,skipsum,add,99,0.6771,0.0051,200593.0,0.0072,0.0018,0.5932,0.007,0.5645,0.0058,0.8172,0.0078,0.6677,0.0034,0.6545,0.0068
-PyG,TU_PROTEINS,link_pred,True,,,2,4,2,skipsum,max,99,0.665,0.0011,200593.0,0.0117,0.003,0.6146,0.0058,0.5822,0.0036,0.811,0.0108,0.6778,0.0061,0.6743,0.008
-PyG,TU_PROTEINS,link_pred,True,,,2,4,2,skipsum,mean,99,0.6715,0.0041,200593.0,0.0049,0.0001,0.6109,0.006,0.5797,0.005,0.807,0.0008,0.6747,0.0035,0.6607,0.0068
-PyG,TU_PROTEINS,link_pred,True,,,2,4,3,skipconcat,add,99,0.6785,0.0033,200065.0,0.0057,0.0006,0.6003,0.0048,0.5724,0.0026,0.7932,0.0155,0.6649,0.0069,0.6512,0.0075
-PyG,TU_PROTEINS,link_pred,True,,,2,4,3,skipconcat,max,99,0.669,0.0046,200065.0,0.0057,0.0004,0.614,0.0039,0.5816,0.0046,0.8137,0.0213,0.6781,0.0055,0.6659,0.0051
-PyG,TU_PROTEINS,link_pred,True,,,2,4,3,skipconcat,mean,99,0.6726,0.0028,200065.0,0.0055,0.0004,0.6062,0.0008,0.5775,0.0011,0.7912,0.0064,0.6677,0.0017,0.6506,0.0028
-PyG,TU_PROTEINS,link_pred,True,,,2,4,3,skipsum,add,99,0.6769,0.0019,200333.0,0.0061,0.0014,0.5918,0.0053,0.5648,0.0041,0.8001,0.0101,0.6622,0.0043,0.6475,0.002
-PyG,TU_PROTEINS,link_pred,True,,,2,4,3,skipsum,max,99,0.6663,0.0043,200333.0,0.0073,0.0016,0.6133,0.0097,0.5815,0.0076,0.8094,0.0118,0.6768,0.0073,0.6692,0.0058
-PyG,TU_PROTEINS,link_pred,True,,,2,4,3,skipsum,mean,99,0.6708,0.0034,200333.0,0.0085,0.0024,0.6084,0.0093,0.5782,0.0074,0.8014,0.003,0.6718,0.006,0.6573,0.0088
-PyG,TU_PROTEINS,link_pred,True,,,2,6,2,skipconcat,add,99,0.6806,0.0101,203361.0,0.0109,0.0021,0.6055,0.011,0.5752,0.0081,0.8072,0.013,0.6717,0.0091,0.6624,0.0136
-PyG,TU_PROTEINS,link_pred,True,,,2,6,2,skipconcat,max,99,0.6736,0.0071,203361.0,0.0116,0.0016,0.616,0.009,0.5795,0.0068,0.8461,0.0076,0.6878,0.006,0.6839,0.0095
-PyG,TU_PROTEINS,link_pred,True,,,2,6,2,skipconcat,mean,99,0.6751,0.0026,203361.0,0.0103,0.0005,0.6128,0.0007,0.5806,0.0017,0.8125,0.0137,0.6772,0.0037,0.6614,0.0052
-PyG,TU_PROTEINS,link_pred,True,,,2,6,2,skipsum,add,99,0.676,0.002,200393.0,0.006,0.0005,0.5925,0.003,0.5633,0.0019,0.8227,0.0077,0.6687,0.0034,0.6618,0.0048
-PyG,TU_PROTEINS,link_pred,True,,,2,6,2,skipsum,max,99,0.6606,0.0023,200393.0,0.0116,0.0006,0.6236,0.0012,0.5874,0.0027,0.8317,0.0144,0.6884,0.0032,0.6901,0.0036
-PyG,TU_PROTEINS,link_pred,True,,,2,6,2,skipsum,mean,99,0.6671,0.0027,200393.0,0.0059,0.0004,0.6156,0.0089,0.5811,0.0058,0.8288,0.0137,0.6831,0.0083,0.6714,0.0096
-PyG,TU_PROTEINS,link_pred,True,,,2,6,3,skipconcat,add,99,0.6827,0.0068,208916.0,0.0118,0.0032,0.5948,0.0051,0.5676,0.0028,0.7962,0.0141,0.6627,0.0067,0.6506,0.0086
-PyG,TU_PROTEINS,link_pred,True,,,2,6,3,skipconcat,max,99,0.6654,0.0026,208916.0,0.0111,0.0015,0.625,0.0031,0.5869,0.0021,0.8438,0.0119,0.6923,0.0042,0.6894,0.0047
-PyG,TU_PROTEINS,link_pred,True,,,2,6,3,skipconcat,mean,99,0.6721,0.0029,208916.0,0.0142,0.0025,0.6092,0.0026,0.5793,0.0027,0.7986,0.0048,0.6715,0.0006,0.6532,0.0046
-PyG,TU_PROTEINS,link_pred,True,,,2,6,3,skipsum,add,99,0.6745,0.005,199361.0,0.0092,0.0021,0.5956,0.0029,0.5663,0.0012,0.817,0.0121,0.6689,0.0048,0.6627,0.0064
-PyG,TU_PROTEINS,link_pred,True,,,2,6,3,skipsum,max,99,0.6622,0.0041,199361.0,0.0076,0.0018,0.6217,0.0029,0.5871,0.0032,0.8208,0.0063,0.6845,0.0002,0.6835,0.0044
-PyG,TU_PROTEINS,link_pred,True,,,2,6,3,skipsum,mean,99,0.6663,0.005,199361.0,0.0153,0.0015,0.6157,0.0086,0.5821,0.0054,0.8204,0.0153,0.681,0.0088,0.671,0.0121
-PyG,TU_PROTEINS,link_pred,True,,,2,8,2,skipconcat,add,99,0.6813,0.0076,205377.0,0.0115,0.0015,0.6101,0.0034,0.578,0.0037,0.8164,0.0084,0.6767,0.0012,0.6676,0.0031
-PyG,TU_PROTEINS,link_pred,True,,,2,8,2,skipconcat,max,99,0.676,0.0084,205377.0,0.0133,0.004,0.6188,0.0063,0.5813,0.0052,0.8495,0.0065,0.6902,0.0036,0.6881,0.0042
-PyG,TU_PROTEINS,link_pred,True,,,2,8,2,skipconcat,mean,99,0.6747,0.0033,205377.0,0.0131,0.0036,0.6149,0.0009,0.5834,0.0005,0.8039,0.0083,0.6761,0.0028,0.6663,0.0005
-PyG,TU_PROTEINS,link_pred,True,,,2,8,2,skipsum,add,99,0.674,0.0041,201001.0,0.006,0.0005,0.5968,0.0038,0.5664,0.003,0.8263,0.0058,0.6721,0.0027,0.6676,0.0073
-PyG,TU_PROTEINS,link_pred,True,,,2,8,2,skipsum,max,99,0.6613,0.0057,201001.0,0.0115,0.0011,0.6227,0.0056,0.5857,0.0039,0.839,0.0116,0.6898,0.0054,0.6951,0.0084
-PyG,TU_PROTEINS,link_pred,True,,,2,8,2,skipsum,mean,99,0.6633,0.004,201001.0,0.0136,0.0038,0.6232,0.0092,0.5866,0.0072,0.8349,0.0037,0.6891,0.0061,0.6811,0.011
-PyG,TU_PROTEINS,link_pred,True,,,2,8,3,skipconcat,add,99,0.6777,0.0071,205957.0,0.0064,0.0007,0.6025,0.0069,0.5704,0.0038,0.83,0.0186,0.6761,0.0085,0.6662,0.0108
-PyG,TU_PROTEINS,link_pred,True,,,2,8,3,skipconcat,max,99,0.6652,0.0018,205957.0,0.0114,0.0009,0.6185,0.0084,0.5809,0.0052,0.8507,0.0154,0.6903,0.0084,0.6892,0.008
-PyG,TU_PROTEINS,link_pred,True,,,2,8,3,skipconcat,mean,99,0.6696,0.0038,205957.0,0.009,0.0015,0.613,0.0053,0.5808,0.0045,0.8134,0.0143,0.6776,0.0052,0.6618,0.0107
-PyG,TU_PROTEINS,link_pred,True,,,2,8,3,skipsum,add,99,0.6765,0.0077,200193.0,0.0106,0.0031,0.59,0.005,0.5623,0.0037,0.8127,0.0029,0.6647,0.0034,0.6568,0.0076
-PyG,TU_PROTEINS,link_pred,True,,,2,8,3,skipsum,max,99,0.6605,0.0038,200193.0,0.0078,0.0023,0.6213,0.006,0.585,0.0044,0.8356,0.0052,0.6882,0.0045,0.6919,0.0091
-PyG,TU_PROTEINS,link_pred,True,,,2,8,3,skipsum,mean,99,0.6647,0.004,200193.0,0.0122,0.002,0.6177,0.0037,0.5835,0.002,0.8227,0.0105,0.6828,0.0047,0.6773,0.0099
diff --git a/run/results/design_v2link_grid_round2link/agg/val_best.csv b/run/results/design_v2link_grid_round2link/agg/val_best.csv
deleted file mode 100644
index 8c992a25..00000000
--- a/run/results/design_v2link_grid_round2link/agg/val_best.csv
+++ /dev/null
@@ -1,1052 +0,0 @@
-format,dataset,task,trans,feature,label,l_pre,l_mp,l_post,stage,agg,epoch,loss,loss_std,params,time_iter,time_iter_std,accuracy,accuracy_std,precision,precision_std,recall,recall_std,f1,f1_std,auc,auc_std
-PyG,AmazonComputers,link_pred,True,,,1,2,2,skipconcat,add,99,0.5077,0.009,273444.0,0.1442,0.0301,0.7691,0.0046,0.692,0.0045,0.9698,0.0006,0.8077,0.003,0.9294,0.0013
-PyG,AmazonComputers,link_pred,True,,,1,2,2,skipconcat,max,99,0.4907,0.0084,273444.0,0.0996,0.0173,0.7675,0.0026,0.6873,0.0023,0.982,0.0008,0.8086,0.0019,0.9366,0.0039
-PyG,AmazonComputers,link_pred,True,,,1,2,2,skipconcat,mean,99,0.4746,0.006,273444.0,0.1241,0.0303,0.7865,0.0002,0.7083,0.0003,0.9744,0.0007,0.8203,0.0002,0.9381,0.0033
-PyG,AmazonComputers,link_pred,True,,,1,2,2,skipsum,add,99,0.5011,0.0032,369409.0,0.0957,0.0435,0.7694,0.0021,0.6929,0.0014,0.9679,0.0024,0.8077,0.0018,0.9247,0.0035
-PyG,AmazonComputers,link_pred,True,,,1,2,2,skipsum,max,99,0.4859,0.0049,369409.0,0.1283,0.0357,0.7691,0.0045,0.6885,0.004,0.9829,0.0011,0.8098,0.0031,0.934,0.0043
-PyG,AmazonComputers,link_pred,True,,,1,2,2,skipsum,mean,99,0.4747,0.006,369409.0,0.1336,0.0344,0.7932,0.0043,0.7157,0.0038,0.9731,0.0022,0.8247,0.0033,0.9346,0.0042
-PyG,AmazonComputers,link_pred,True,,,1,2,3,skipconcat,add,99,0.4868,0.0054,266337.0,0.1536,0.0348,0.778,0.0009,0.7,0.0008,0.9731,0.0019,0.8142,0.0008,0.9354,0.0019
-PyG,AmazonComputers,link_pred,True,,,1,2,3,skipconcat,max,99,0.4735,0.0034,266337.0,0.0999,0.0057,0.7791,0.0021,0.6979,0.0018,0.9845,0.001,0.8168,0.0016,0.9433,0.0028
-PyG,AmazonComputers,link_pred,True,,,1,2,3,skipconcat,mean,99,0.4578,0.0011,266337.0,0.0711,0.0167,0.802,0.001,0.7241,0.0012,0.9758,0.0014,0.8313,0.0007,0.9462,0.001
-PyG,AmazonComputers,link_pred,True,,,1,2,3,skipsum,add,99,0.4953,0.0021,352828.0,0.1066,0.0179,0.7774,0.0024,0.7016,0.0019,0.9655,0.0021,0.8127,0.0019,0.9243,0.0017
-PyG,AmazonComputers,link_pred,True,,,1,2,3,skipsum,max,99,0.4759,0.0034,352828.0,0.1227,0.0126,0.777,0.0051,0.6956,0.005,0.9853,0.0003,0.8154,0.0034,0.941,0.0018
-PyG,AmazonComputers,link_pred,True,,,1,2,3,skipsum,mean,99,0.4626,0.0034,352828.0,0.1254,0.0524,0.8005,0.0026,0.7225,0.003,0.9758,0.0008,0.8303,0.0017,0.9424,0.0022
-PyG,AmazonComputers,link_pred,True,,,1,4,2,skipconcat,add,99,0.583,0.0126,247777.0,0.1236,0.0303,0.7658,0.0016,0.688,0.0022,0.9731,0.0025,0.8061,0.0007,0.9288,0.0016
-PyG,AmazonComputers,link_pred,True,,,1,4,2,skipconcat,max,99,0.488,0.0036,247777.0,0.1398,0.0295,0.7677,0.0011,0.6872,0.0009,0.9827,0.0016,0.8088,0.0009,0.9437,0.0032
-PyG,AmazonComputers,link_pred,True,,,1,4,2,skipconcat,mean,99,0.4618,0.0044,247777.0,0.0915,0.0159,0.7942,0.0031,0.7163,0.0033,0.9745,0.0001,0.8257,0.0022,0.9461,0.0014
-PyG,AmazonComputers,link_pred,True,,,1,4,2,skipsum,add,99,0.5819,0.0082,337747.0,0.0785,0.0167,0.7656,0.0012,0.6909,0.0019,0.9613,0.0037,0.804,0.0006,0.9102,0.0022
-PyG,AmazonComputers,link_pred,True,,,1,4,2,skipsum,max,99,0.4906,0.0012,337747.0,0.1458,0.0332,0.7667,0.0034,0.6864,0.0033,0.9824,0.0007,0.8081,0.0022,0.9334,0.0005
-PyG,AmazonComputers,link_pred,True,,,1,4,2,skipsum,mean,99,0.4591,0.0027,337747.0,0.0933,0.0114,0.8059,0.0005,0.7286,0.0009,0.975,0.0015,0.834,0.0004,0.9449,0.0022
-PyG,AmazonComputers,link_pred,True,,,1,4,3,skipconcat,add,99,0.5143,0.0103,243384.0,0.1317,0.0378,0.7785,0.004,0.7011,0.0032,0.971,0.0035,0.8142,0.0033,0.9329,0.0035
-PyG,AmazonComputers,link_pred,True,,,1,4,3,skipconcat,max,99,0.4719,0.0031,243384.0,0.0961,0.0109,0.7791,0.0029,0.6971,0.0028,0.9873,0.001,0.8172,0.0019,0.9493,0.0021
-PyG,AmazonComputers,link_pred,True,,,1,4,3,skipconcat,mean,99,0.449,0.0021,243384.0,0.0783,0.0104,0.8093,0.0016,0.7311,0.0021,0.9787,0.0008,0.8369,0.001,0.953,0.0011
-PyG,AmazonComputers,link_pred,True,,,1,4,3,skipsum,add,99,0.5279,0.0044,328945.0,0.0903,0.0052,0.7719,0.0008,0.6971,0.0013,0.9619,0.0019,0.8084,0.0003,0.9185,0.002
-PyG,AmazonComputers,link_pred,True,,,1,4,3,skipsum,max,99,0.48,0.0032,328945.0,0.1417,0.0214,0.7767,0.0029,0.6958,0.0024,0.983,0.0015,0.8149,0.0022,0.9376,0.0026
-PyG,AmazonComputers,link_pred,True,,,1,4,3,skipsum,mean,99,0.4514,0.0031,328945.0,0.1424,0.0111,0.811,0.0023,0.7339,0.0025,0.9759,0.0014,0.8378,0.0016,0.9507,0.0019
-PyG,AmazonComputers,link_pred,True,,,1,6,2,skipconcat,add,99,0.7343,0.0833,232922.0,0.1254,0.0502,0.7598,0.0003,0.684,0.0021,0.9659,0.0088,0.8008,0.0016,0.9126,0.0097
-PyG,AmazonComputers,link_pred,True,,,1,6,2,skipconcat,max,99,0.4973,0.0062,232922.0,0.1383,0.021,0.7597,0.0011,0.6795,0.0013,0.9832,0.0009,0.8036,0.0006,0.9434,0.0028
-PyG,AmazonComputers,link_pred,True,,,1,6,2,skipconcat,mean,99,0.4577,0.0064,232922.0,0.0677,0.0176,0.7946,0.0029,0.7162,0.0031,0.976,0.0013,0.8261,0.002,0.9491,0.0036
-PyG,AmazonComputers,link_pred,True,,,1,6,2,skipsum,add,99,0.6466,0.0431,320281.0,0.1061,0.0106,0.7626,0.0023,0.6922,0.0039,0.9461,0.0062,0.7995,0.0009,0.8909,0.0088
-PyG,AmazonComputers,link_pred,True,,,1,6,2,skipsum,max,99,0.4969,0.0069,320281.0,0.1453,0.0188,0.7604,0.0043,0.6805,0.0043,0.9819,0.0021,0.8039,0.0027,0.9311,0.0022
-PyG,AmazonComputers,link_pred,True,,,1,6,2,skipsum,mean,99,0.4529,0.0019,320281.0,0.1177,0.0234,0.8128,0.0018,0.7364,0.0028,0.9744,0.0025,0.8388,0.001,0.9491,0.0015
-PyG,AmazonComputers,link_pred,True,,,1,6,3,skipconcat,add,99,0.5332,0.0185,234361.0,0.1095,0.0242,0.7726,0.0041,0.6962,0.0039,0.9674,0.0014,0.8097,0.003,0.9275,0.0055
-PyG,AmazonComputers,link_pred,True,,,1,6,3,skipconcat,max,99,0.4721,0.0033,234361.0,0.0766,0.0099,0.7803,0.0089,0.6985,0.0091,0.9866,0.0011,0.8179,0.0058,0.9498,0.0013
-PyG,AmazonComputers,link_pred,True,,,1,6,3,skipconcat,mean,99,0.4503,0.0019,234361.0,0.0984,0.0128,0.807,0.0053,0.7288,0.0056,0.978,0.0005,0.8352,0.0038,0.9523,0.0008
-PyG,AmazonComputers,link_pred,True,,,1,6,3,skipsum,add,99,0.5618,0.0175,313465.0,0.1307,0.0299,0.7668,0.0034,0.6929,0.0033,0.9585,0.0032,0.8043,0.0024,0.9111,0.0035
-PyG,AmazonComputers,link_pred,True,,,1,6,3,skipsum,max,99,0.4836,0.0039,313465.0,0.1456,0.0314,0.773,0.0024,0.6923,0.002,0.9831,0.0011,0.8125,0.0017,0.937,0.0034
-PyG,AmazonComputers,link_pred,True,,,1,6,3,skipsum,mean,99,0.45,0.0038,313465.0,0.1256,0.0255,0.8176,0.0014,0.7405,0.0017,0.9778,0.0012,0.8428,0.0009,0.9529,0.0019
-PyG,AmazonComputers,link_pred,True,,,1,8,2,skipconcat,add,99,0.8458,0.0143,228737.0,0.076,0.0206,0.7494,0.0039,0.6729,0.0039,0.9709,0.0019,0.7948,0.0024,0.9059,0.0024
-PyG,AmazonComputers,link_pred,True,,,1,8,2,skipconcat,max,99,0.4884,0.0067,228737.0,0.1136,0.0085,0.7652,0.0043,0.6847,0.0039,0.9829,0.0016,0.8071,0.003,0.9462,0.0015
-PyG,AmazonComputers,link_pred,True,,,1,8,2,skipconcat,mean,99,0.4589,0.0029,228737.0,0.0962,0.0249,0.7956,0.0038,0.7176,0.0036,0.9749,0.0013,0.8267,0.0028,0.9479,0.0018
-PyG,AmazonComputers,link_pred,True,,,1,8,2,skipsum,add,99,0.664,0.0538,306321.0,0.1339,0.0449,0.7582,0.0043,0.6867,0.0044,0.95,0.003,0.7971,0.0029,0.8915,0.0061
-PyG,AmazonComputers,link_pred,True,,,1,8,2,skipsum,max,99,0.4965,0.0074,306321.0,0.1674,0.0155,0.7616,0.0072,0.6821,0.0065,0.9799,0.0016,0.8043,0.005,0.9298,0.0054
-PyG,AmazonComputers,link_pred,True,,,1,8,2,skipsum,mean,79,0.452,0.0021,306321.0,0.0953,0.0282,0.8137,0.0008,0.7376,0.0005,0.974,0.0013,0.8394,0.0007,0.95,0.0016
-PyG,AmazonComputers,link_pred,True,,,1,8,3,skipconcat,add,99,0.6551,0.0248,225802.0,0.1099,0.0304,0.763,0.0012,0.6873,0.002,0.965,0.0034,0.8028,0.0002,0.9105,0.0041
-PyG,AmazonComputers,link_pred,True,,,1,8,3,skipconcat,max,99,0.473,0.004,225802.0,0.1157,0.0059,0.7729,0.0038,0.6911,0.0036,0.987,0.0015,0.8129,0.0027,0.9514,0.0007
-PyG,AmazonComputers,link_pred,True,,,1,8,3,skipconcat,mean,79,0.4497,0.002,225802.0,0.1173,0.0272,0.8083,0.0035,0.73,0.004,0.9785,0.0008,0.8362,0.0024,0.9529,0.0019
-PyG,AmazonComputers,link_pred,True,,,1,8,3,skipsum,add,99,0.6032,0.0337,303377.0,0.1148,0.0071,0.7584,0.0077,0.6883,0.0098,0.945,0.0083,0.7964,0.0038,0.8968,0.004
-PyG,AmazonComputers,link_pred,True,,,1,8,3,skipsum,max,99,0.4831,0.0021,303377.0,0.1494,0.0272,0.7746,0.0035,0.6933,0.0037,0.9848,0.0018,0.8138,0.0022,0.9395,0.0011
-PyG,AmazonComputers,link_pred,True,,,1,8,3,skipsum,mean,79,0.4527,0.002,303377.0,0.0978,0.0066,0.8146,0.0046,0.7378,0.0056,0.9761,0.0016,0.8404,0.0032,0.9513,0.0014
-PyG,AmazonComputers,link_pred,True,,,2,2,2,skipconcat,add,99,0.4927,0.0043,273031.0,0.0708,0.0188,0.7751,0.0007,0.6963,0.0003,0.9757,0.0016,0.8127,0.0007,0.9405,0.002
-PyG,AmazonComputers,link_pred,True,,,2,2,2,skipconcat,max,99,0.4815,0.0033,273031.0,0.1244,0.0164,0.7756,0.0006,0.6951,0.0007,0.982,0.0006,0.814,0.0003,0.9412,0.002
-PyG,AmazonComputers,link_pred,True,,,2,2,2,skipconcat,mean,99,0.4627,0.0044,273031.0,0.1019,0.0208,0.7929,0.0032,0.7141,0.0035,0.9772,0.001,0.8252,0.0022,0.9454,0.0027
-PyG,AmazonComputers,link_pred,True,,,2,2,2,skipsum,add,99,0.4954,0.0053,352828.0,0.0985,0.0022,0.7758,0.0018,0.6988,0.0016,0.9695,0.0007,0.8121,0.0013,0.9278,0.0029
-PyG,AmazonComputers,link_pred,True,,,2,2,2,skipsum,max,99,0.4806,0.0011,352828.0,0.1057,0.0084,0.775,0.0034,0.6941,0.0036,0.9837,0.001,0.8139,0.0021,0.9379,0.0006
-PyG,AmazonComputers,link_pred,True,,,2,2,2,skipsum,mean,99,0.4613,0.0015,352828.0,0.1283,0.0243,0.8013,0.0023,0.7238,0.0028,0.9744,0.0011,0.8306,0.0015,0.9433,0.0015
-PyG,AmazonComputers,link_pred,True,,,2,2,3,skipconcat,add,99,0.4709,0.0042,261601.0,0.0937,0.0091,0.7852,0.0024,0.7054,0.0019,0.9794,0.0017,0.8201,0.0019,0.9463,0.0033
-PyG,AmazonComputers,link_pred,True,,,2,2,3,skipconcat,max,99,0.4708,0.0009,261601.0,0.1017,0.0036,0.7854,0.0027,0.7043,0.0031,0.9838,0.0009,0.8209,0.0018,0.9454,0.0006
-PyG,AmazonComputers,link_pred,True,,,2,2,3,skipconcat,mean,99,0.4519,0.0042,261601.0,0.0902,0.0071,0.801,0.0033,0.7213,0.0033,0.981,0.0006,0.8314,0.0024,0.9522,0.003
-PyG,AmazonComputers,link_pred,True,,,2,2,3,skipsum,add,99,0.4844,0.0013,337747.0,0.1038,0.0161,0.7804,0.0019,0.7023,0.0019,0.9732,0.0007,0.8159,0.0014,0.9325,0.0008
-PyG,AmazonComputers,link_pred,True,,,2,2,3,skipsum,max,99,0.4716,0.0015,337747.0,0.1046,0.0132,0.7825,0.0021,0.701,0.002,0.9852,0.0005,0.8192,0.0014,0.9439,0.0012
-PyG,AmazonComputers,link_pred,True,,,2,2,3,skipsum,mean,99,0.4542,0.0016,337747.0,0.0685,0.0158,0.8078,0.0014,0.7306,0.0015,0.9753,0.0004,0.8354,0.001,0.9478,0.0013
-PyG,AmazonComputers,link_pred,True,,,2,4,2,skipconcat,add,99,0.5911,0.0221,243448.0,0.1333,0.0444,0.7691,0.0039,0.691,0.0033,0.9737,0.0021,0.8084,0.0029,0.9311,0.0028
-PyG,AmazonComputers,link_pred,True,,,2,4,2,skipconcat,max,99,0.4805,0.0018,243448.0,0.1363,0.0273,0.7761,0.0017,0.6956,0.0018,0.9816,0.0005,0.8143,0.0011,0.9442,0.0019
-PyG,AmazonComputers,link_pred,True,,,2,4,2,skipconcat,mean,99,0.458,0.0033,243448.0,0.0919,0.0043,0.7955,0.0035,0.7167,0.0034,0.9772,0.0014,0.8269,0.0025,0.9495,0.0021
-PyG,AmazonComputers,link_pred,True,,,2,4,2,skipsum,add,99,0.5577,0.0166,328945.0,0.1122,0.0125,0.7687,0.0063,0.6937,0.0074,0.9628,0.0056,0.8063,0.0037,0.9141,0.0028
-PyG,AmazonComputers,link_pred,True,,,2,4,2,skipsum,max,99,0.4864,0.0024,328945.0,0.1578,0.036,0.7697,0.0026,0.6893,0.0023,0.9817,0.0011,0.8099,0.0018,0.9347,0.0023
-PyG,AmazonComputers,link_pred,True,,,2,4,2,skipsum,mean,99,0.4572,0.0019,328945.0,0.1555,0.0431,0.8079,0.0046,0.7312,0.0049,0.9739,0.0013,0.8352,0.0034,0.946,0.0008
-PyG,AmazonComputers,link_pred,True,,,2,4,3,skipconcat,add,99,0.5141,0.0143,236737.0,0.1384,0.0289,0.7761,0.0058,0.6974,0.006,0.9757,0.0007,0.8133,0.0039,0.938,0.0002
-PyG,AmazonComputers,link_pred,True,,,2,4,3,skipconcat,max,99,0.4661,0.0021,236737.0,0.1031,0.0039,0.7833,0.0076,0.7016,0.0079,0.9866,0.0011,0.82,0.005,0.9513,0.0012
-PyG,AmazonComputers,link_pred,True,,,2,4,3,skipconcat,mean,99,0.4519,0.0001,236737.0,0.1085,0.0176,0.8055,0.0031,0.7272,0.0039,0.9781,0.0014,0.8342,0.002,0.9516,0.0007
-PyG,AmazonComputers,link_pred,True,,,2,4,3,skipsum,add,79,0.5222,0.0076,320281.0,0.1113,0.017,0.7711,0.0033,0.6968,0.004,0.9598,0.0032,0.8075,0.0019,0.917,0.0013
-PyG,AmazonComputers,link_pred,True,,,2,4,3,skipsum,max,99,0.4756,0.0049,320281.0,0.134,0.0262,0.7793,0.0049,0.6983,0.0045,0.9836,0.0027,0.8167,0.0035,0.9403,0.0036
-PyG,AmazonComputers,link_pred,True,,,2,4,3,skipsum,mean,79,0.4488,0.0022,320281.0,0.1236,0.0321,0.8155,0.0014,0.7386,0.0021,0.9767,0.0015,0.8411,0.0008,0.9533,0.0004
-PyG,AmazonComputers,link_pred,True,,,2,6,2,skipconcat,add,99,0.8141,0.1214,234685.0,0.1194,0.0273,0.7555,0.011,0.679,0.0109,0.9701,0.0048,0.7987,0.007,0.9107,0.005
-PyG,AmazonComputers,link_pred,True,,,2,6,2,skipconcat,max,99,0.4894,0.008,234685.0,0.1179,0.0126,0.7618,0.0068,0.6816,0.0063,0.9829,0.0008,0.805,0.0046,0.945,0.0018
-PyG,AmazonComputers,link_pred,True,,,2,6,2,skipconcat,mean,99,0.4595,0.0007,234685.0,0.1064,0.0163,0.7948,0.0009,0.7167,0.0011,0.9748,0.0011,0.8261,0.0006,0.9481,0.0003
-PyG,AmazonComputers,link_pred,True,,,2,6,2,skipsum,add,99,0.6199,0.005,313465.0,0.1123,0.016,0.7628,0.0019,0.6895,0.0005,0.9563,0.0048,0.8013,0.002,0.8997,0.0041
-PyG,AmazonComputers,link_pred,True,,,2,6,2,skipsum,max,99,0.4898,0.0019,313465.0,0.1284,0.0128,0.7683,0.0029,0.6877,0.003,0.983,0.0008,0.8093,0.0018,0.9349,0.0001
-PyG,AmazonComputers,link_pred,True,,,2,6,2,skipsum,mean,79,0.4514,0.0013,313465.0,0.1048,0.0091,0.8122,0.0034,0.7352,0.0042,0.9762,0.0014,0.8387,0.0022,0.9515,0.0008
-PyG,AmazonComputers,link_pred,True,,,2,6,3,skipconcat,add,99,0.5478,0.0181,235656.0,0.101,0.0173,0.7696,0.0054,0.6918,0.0047,0.9727,0.0028,0.8086,0.0041,0.931,0.0059
-PyG,AmazonComputers,link_pred,True,,,2,6,3,skipconcat,max,99,0.4725,0.0091,235656.0,0.0718,0.0198,0.7788,0.0098,0.6974,0.01,0.9856,0.001,0.8167,0.0065,0.9493,0.003
-PyG,AmazonComputers,link_pred,True,,,2,6,3,skipconcat,mean,99,0.4478,0.0014,235656.0,0.0525,0.0006,0.8088,0.0016,0.7306,0.0019,0.9783,0.001,0.8365,0.0011,0.9544,0.0004
-PyG,AmazonComputers,link_pred,True,,,2,6,3,skipsum,add,99,0.5575,0.0195,306321.0,0.097,0.0104,0.7643,0.0058,0.6892,0.0059,0.9631,0.0048,0.8034,0.0039,0.9142,0.006
-PyG,AmazonComputers,link_pred,True,,,2,6,3,skipsum,max,99,0.481,0.0048,306321.0,0.1154,0.0094,0.7753,0.006,0.6943,0.0062,0.9841,0.0013,0.8141,0.0039,0.9392,0.0028
-PyG,AmazonComputers,link_pred,True,,,2,6,3,skipsum,mean,99,0.4467,0.0023,306321.0,0.0958,0.0036,0.8185,0.0011,0.7421,0.0012,0.9762,0.0012,0.8432,0.0008,0.9542,0.0012
-PyG,AmazonComputers,link_pred,True,,,2,8,2,skipconcat,add,99,0.8029,0.0284,229825.0,0.0982,0.0097,0.752,0.0054,0.6758,0.0058,0.9693,0.0031,0.7963,0.0031,0.9082,0.0038
-PyG,AmazonComputers,link_pred,True,,,2,8,2,skipconcat,max,99,0.5044,0.0201,229825.0,0.0981,0.0047,0.7555,0.01,0.6757,0.0092,0.9833,0.0008,0.8009,0.0064,0.9437,0.0031
-PyG,AmazonComputers,link_pred,True,,,2,8,2,skipconcat,mean,99,0.457,0.0034,229825.0,0.123,0.033,0.7969,0.0005,0.7188,0.0007,0.9755,0.0003,0.8277,0.0003,0.949,0.0015
-PyG,AmazonComputers,link_pred,True,,,2,8,2,skipsum,add,79,0.6839,0.0506,303377.0,0.0992,0.0376,0.7536,0.0034,0.6816,0.0047,0.9519,0.0073,0.7944,0.0019,0.89,0.0038
-PyG,AmazonComputers,link_pred,True,,,2,8,2,skipsum,max,99,0.497,0.012,303377.0,0.165,0.0397,0.7621,0.0116,0.6823,0.0107,0.9818,0.0012,0.805,0.0078,0.9311,0.0055
-PyG,AmazonComputers,link_pred,True,,,2,8,2,skipsum,mean,99,0.4501,0.0024,303377.0,0.0766,0.0123,0.8112,0.0031,0.7342,0.0036,0.9756,0.0018,0.8379,0.0022,0.9522,0.0014
-PyG,AmazonComputers,link_pred,True,,,2,8,3,skipconcat,add,79,0.6703,0.0431,226585.0,0.0755,0.0188,0.7683,0.0068,0.6923,0.0078,0.9664,0.0039,0.8066,0.0039,0.9137,0.0005
-PyG,AmazonComputers,link_pred,True,,,2,8,3,skipconcat,max,99,0.4668,0.0038,226585.0,0.1045,0.0126,0.7838,0.0047,0.7023,0.0049,0.9852,0.0007,0.8201,0.0032,0.9515,0.0021
-PyG,AmazonComputers,link_pred,True,,,2,8,3,skipconcat,mean,99,0.4486,0.0018,226585.0,0.125,0.0429,0.8091,0.0038,0.7308,0.0043,0.9788,0.0006,0.8368,0.0027,0.9537,0.0012
-PyG,AmazonComputers,link_pred,True,,,2,8,3,skipsum,add,59,0.6149,0.0402,297985.0,0.1131,0.027,0.7565,0.0036,0.6843,0.0015,0.9526,0.008,0.7964,0.0038,0.896,0.0083
-PyG,AmazonComputers,link_pred,True,,,2,8,3,skipsum,max,99,0.4825,0.0033,297985.0,0.1556,0.0537,0.7752,0.0046,0.6945,0.0044,0.9828,0.0007,0.8139,0.0032,0.9368,0.0027
-PyG,AmazonComputers,link_pred,True,,,2,8,3,skipsum,mean,79,0.4512,0.0016,297985.0,0.124,0.0146,0.815,0.0042,0.7377,0.0053,0.9778,0.002,0.8409,0.0027,0.953,0.0007
-PyG,AmazonPhoto,link_pred,True,,,1,2,2,skipconcat,add,99,0.4912,0.007,271310.0,0.0403,0.0142,0.7824,0.002,0.7019,0.0019,0.9818,0.0002,0.8186,0.0014,0.9479,0.0019
-PyG,AmazonPhoto,link_pred,True,,,1,2,2,skipconcat,max,99,0.4684,0.0007,271310.0,0.0456,0.0122,0.7823,0.0035,0.6999,0.0034,0.9887,0.0002,0.8196,0.0023,0.9528,0.0004
-PyG,AmazonPhoto,link_pred,True,,,1,2,2,skipconcat,mean,99,0.4616,0.0038,271310.0,0.0429,0.0111,0.8003,0.002,0.7189,0.002,0.9862,0.0002,0.8315,0.0014,0.9516,0.0019
-PyG,AmazonPhoto,link_pred,True,,,1,2,2,skipsum,add,99,0.4859,0.0029,364525.0,0.0427,0.0101,0.7862,0.0008,0.7057,0.0005,0.9816,0.001,0.8212,0.0007,0.9436,0.0018
-PyG,AmazonPhoto,link_pred,True,,,1,2,2,skipsum,max,99,0.4682,0.0054,364525.0,0.0505,0.0141,0.7834,0.0036,0.7006,0.0034,0.9895,0.0008,0.8204,0.0026,0.9477,0.0037
-PyG,AmazonPhoto,link_pred,True,,,1,2,2,skipsum,mean,99,0.4566,0.0046,364525.0,0.0381,0.0067,0.8111,0.002,0.7303,0.0022,0.9865,0.0006,0.8393,0.0015,0.9511,0.0021
-PyG,AmazonPhoto,link_pred,True,,,1,2,3,skipconcat,add,99,0.4641,0.0037,264533.0,0.0294,0.0041,0.7961,0.0025,0.7146,0.0031,0.9862,0.0019,0.8287,0.0015,0.9548,0.001
-PyG,AmazonPhoto,link_pred,True,,,1,2,3,skipconcat,max,99,0.4549,0.0014,264533.0,0.0297,0.0018,0.8009,0.002,0.7182,0.0024,0.9907,0.001,0.8327,0.0012,0.9567,0.0008
-PyG,AmazonPhoto,link_pred,True,,,1,2,3,skipconcat,mean,99,0.4463,0.004,264533.0,0.0349,0.0117,0.8153,0.0029,0.7339,0.0028,0.9892,0.0013,0.8426,0.0022,0.958,0.0029
-PyG,AmazonPhoto,link_pred,True,,,1,2,3,skipsum,add,99,0.4718,0.0018,348450.0,0.0262,0.0006,0.7933,0.0011,0.712,0.0012,0.9849,0.001,0.8265,0.0008,0.949,0.0018
-PyG,AmazonPhoto,link_pred,True,,,1,2,3,skipsum,max,99,0.4591,0.0015,348450.0,0.0569,0.0171,0.7953,0.0067,0.7121,0.0071,0.9916,0.0006,0.8289,0.0046,0.9533,0.0005
-PyG,AmazonPhoto,link_pred,True,,,1,2,3,skipsum,mean,99,0.4429,0.0025,348450.0,0.0267,0.0007,0.8213,0.002,0.7405,0.0025,0.9894,0.0009,0.847,0.0014,0.9596,0.0022
-PyG,AmazonPhoto,link_pred,True,,,1,4,2,skipconcat,add,99,0.5494,0.0206,246501.0,0.0409,0.0142,0.7794,0.0103,0.6983,0.0095,0.9844,0.0023,0.817,0.0073,0.9468,0.0037
-PyG,AmazonPhoto,link_pred,True,,,1,4,2,skipconcat,max,99,0.4656,0.0052,246501.0,0.034,0.0056,0.7817,0.0027,0.6992,0.0028,0.989,0.001,0.8192,0.0018,0.9584,0.0028
-PyG,AmazonPhoto,link_pred,True,,,1,4,2,skipconcat,mean,99,0.4438,0.0022,246501.0,0.0309,0.005,0.8114,0.0019,0.7303,0.0022,0.9876,0.0007,0.8397,0.0012,0.9605,0.0015
-PyG,AmazonPhoto,link_pred,True,,,1,4,2,skipsum,add,99,0.5344,0.0082,333765.0,0.0301,0.0006,0.7849,0.002,0.7037,0.0021,0.9841,0.0007,0.8206,0.0013,0.9387,0.0007
-PyG,AmazonPhoto,link_pred,True,,,1,4,2,skipsum,max,99,0.4673,0.0038,333765.0,0.0407,0.0011,0.7868,0.0025,0.704,0.0025,0.9898,0.0005,0.8228,0.0016,0.949,0.0025
-PyG,AmazonPhoto,link_pred,True,,,1,4,2,skipsum,mean,99,0.4403,0.0028,333765.0,0.0364,0.0062,0.8242,0.0049,0.7443,0.0052,0.9878,0.0008,0.8489,0.0037,0.9609,0.0015
-PyG,AmazonPhoto,link_pred,True,,,1,4,3,skipconcat,add,79,0.5026,0.0075,242306.0,0.0307,0.0047,0.7935,0.0041,0.7123,0.0042,0.9851,0.0013,0.8267,0.0028,0.9498,0.002
-PyG,AmazonPhoto,link_pred,True,,,1,4,3,skipconcat,max,99,0.4489,0.0014,242306.0,0.0288,0.0005,0.8025,0.0022,0.7193,0.0024,0.9922,0.0004,0.834,0.0015,0.9631,0.0007
-PyG,AmazonPhoto,link_pred,True,,,1,4,3,skipconcat,mean,99,0.4376,0.001,242306.0,0.0309,0.0055,0.8213,0.003,0.7407,0.0029,0.9889,0.0012,0.847,0.0023,0.9629,0.0011
-PyG,AmazonPhoto,link_pred,True,,,1,4,3,skipsum,add,99,0.5002,0.0136,325249.0,0.0295,0.0006,0.7914,0.0067,0.7101,0.0057,0.985,0.0036,0.8252,0.0051,0.9458,0.0061
-PyG,AmazonPhoto,link_pred,True,,,1,4,3,skipsum,max,99,0.4561,0.002,325249.0,0.0392,0.0018,0.8023,0.0036,0.7191,0.0036,0.992,0.0005,0.8338,0.0025,0.9561,0.001
-PyG,AmazonPhoto,link_pred,True,,,1,4,3,skipsum,mean,99,0.4348,0.0011,325249.0,0.0348,0.0078,0.8347,0.0021,0.7557,0.0024,0.9893,0.0002,0.8568,0.0015,0.9641,0.0008
-PyG,AmazonPhoto,link_pred,True,,,1,6,2,skipconcat,add,99,0.6411,0.0212,232020.0,0.0312,0.0043,0.7742,0.0054,0.6935,0.0051,0.9829,0.0009,0.8132,0.0038,0.9386,0.0019
-PyG,AmazonPhoto,link_pred,True,,,1,6,2,skipconcat,max,99,0.4673,0.0036,232020.0,0.0365,0.0069,0.7745,0.0011,0.6921,0.0012,0.9892,0.0011,0.8144,0.0007,0.9598,0.0009
-PyG,AmazonPhoto,link_pred,True,,,1,6,2,skipconcat,mean,99,0.4382,0.0049,232020.0,0.0347,0.0041,0.8164,0.0031,0.7356,0.0034,0.9876,0.0001,0.8432,0.0023,0.9631,0.0029
-PyG,AmazonPhoto,link_pred,True,,,1,6,2,skipsum,add,99,0.5563,0.013,316827.0,0.0312,0.001,0.7841,0.0027,0.7035,0.0023,0.982,0.0015,0.8198,0.0021,0.9329,0.0025
-PyG,AmazonPhoto,link_pred,True,,,1,6,2,skipsum,max,99,0.463,0.0036,316827.0,0.0573,0.0195,0.7951,0.0035,0.7122,0.0036,0.9903,0.0008,0.8286,0.0025,0.9518,0.0019
-PyG,AmazonPhoto,link_pred,True,,,1,6,2,skipsum,mean,99,0.4348,0.0007,316827.0,0.0395,0.0022,0.8367,0.0015,0.7585,0.0017,0.9881,0.0007,0.8582,0.0011,0.9631,0.0002
-PyG,AmazonPhoto,link_pred,True,,,1,6,3,skipconcat,add,99,0.5091,0.0094,233591.0,0.0336,0.0043,0.7916,0.0018,0.7096,0.0012,0.9872,0.0019,0.8257,0.0015,0.9504,0.001
-PyG,AmazonPhoto,link_pred,True,,,1,6,3,skipconcat,max,99,0.4471,0.0053,233591.0,0.0315,0.0003,0.7977,0.0041,0.7146,0.0043,0.9913,0.001,0.8305,0.0028,0.9636,0.0035
-PyG,AmazonPhoto,link_pred,True,,,1,6,3,skipconcat,mean,99,0.4368,0.002,233591.0,0.0475,0.0062,0.8245,0.0021,0.7443,0.0022,0.9887,0.0009,0.8492,0.0016,0.9629,0.0012
-PyG,AmazonPhoto,link_pred,True,,,1,6,3,skipsum,add,99,0.5483,0.0191,310209.0,0.043,0.0105,0.7821,0.007,0.701,0.0067,0.9842,0.0012,0.8188,0.0049,0.9379,0.0055
-PyG,AmazonPhoto,link_pred,True,,,1,6,3,skipsum,max,99,0.4615,0.0009,310209.0,0.0391,0.001,0.7943,0.0026,0.7111,0.0029,0.9914,0.0007,0.8282,0.0017,0.9521,0.0002
-PyG,AmazonPhoto,link_pred,True,,,1,6,3,skipsum,mean,99,0.4337,0.0027,310209.0,0.0364,0.0062,0.8383,0.001,0.7599,0.0014,0.989,0.0017,0.8594,0.0008,0.9642,0.0023
-PyG,AmazonPhoto,link_pred,True,,,1,8,2,skipconcat,add,99,0.6921,0.0222,228033.0,0.0404,0.0121,0.7695,0.0107,0.6888,0.0104,0.9836,0.0018,0.8102,0.007,0.9341,0.0021
-PyG,AmazonPhoto,link_pred,True,,,1,8,2,skipconcat,max,99,0.4659,0.005,228033.0,0.0313,0.001,0.7776,0.0016,0.6951,0.0017,0.989,0.0009,0.8165,0.001,0.9601,0.0001
-PyG,AmazonPhoto,link_pred,True,,,1,8,2,skipconcat,mean,99,0.4409,0.0032,228033.0,0.0431,0.004,0.8169,0.0049,0.7364,0.0052,0.9873,0.0007,0.8436,0.0036,0.9617,0.0013
-PyG,AmazonPhoto,link_pred,True,,,1,8,2,skipsum,add,79,0.6209,0.0317,303241.0,0.0376,0.0051,0.7762,0.0076,0.697,0.0077,0.9776,0.0021,0.8137,0.0051,0.9217,0.0054
-PyG,AmazonPhoto,link_pred,True,,,1,8,2,skipsum,max,99,0.4699,0.0007,303241.0,0.0577,0.0109,0.7842,0.0032,0.7011,0.0031,0.9906,0.0004,0.8211,0.0023,0.9487,0.0017
-PyG,AmazonPhoto,link_pred,True,,,1,8,2,skipsum,mean,99,0.4357,0.0012,303241.0,0.0691,0.034,0.8356,0.0034,0.7572,0.0039,0.9881,0.0005,0.8573,0.0026,0.9634,0.0003
-PyG,AmazonPhoto,link_pred,True,,,1,8,3,skipconcat,add,99,0.5852,0.0091,225208.0,0.0268,0.0007,0.7761,0.0068,0.6959,0.0057,0.9811,0.0036,0.8142,0.0052,0.9358,0.0045
-PyG,AmazonPhoto,link_pred,True,,,1,8,3,skipconcat,max,99,0.4509,0.0034,225208.0,0.0306,0.0034,0.7916,0.0014,0.7085,0.0013,0.9906,0.0012,0.8262,0.0011,0.9621,0.0031
-PyG,AmazonPhoto,link_pred,True,,,1,8,3,skipconcat,mean,99,0.4343,0.002,225208.0,0.0481,0.0125,0.828,0.0017,0.7478,0.002,0.9897,0.0005,0.8519,0.0011,0.9645,0.0016
-PyG,AmazonPhoto,link_pred,True,,,1,8,3,skipsum,add,99,0.5692,0.0119,300429.0,0.0383,0.0078,0.7806,0.0022,0.7009,0.0034,0.9791,0.0044,0.8169,0.0009,0.931,0.0046
-PyG,AmazonPhoto,link_pred,True,,,1,8,3,skipsum,max,99,0.4619,0.0039,300429.0,0.052,0.0083,0.7942,0.0046,0.7108,0.0046,0.9922,0.0008,0.8282,0.0033,0.9542,0.0022
-PyG,AmazonPhoto,link_pred,True,,,1,8,3,skipsum,mean,99,0.4307,0.001,300429.0,0.0431,0.0092,0.8432,0.0035,0.7656,0.0038,0.9895,0.0009,0.8633,0.0028,0.9667,0.0009
-PyG,AmazonPhoto,link_pred,True,,,2,2,2,skipconcat,add,99,0.4758,0.006,270941.0,0.0296,0.0026,0.787,0.0029,0.7055,0.0026,0.9854,0.0014,0.8223,0.0022,0.9554,0.0018
-PyG,AmazonPhoto,link_pred,True,,,2,2,2,skipconcat,max,99,0.4655,0.001,270941.0,0.0402,0.0077,0.7884,0.0028,0.7061,0.0027,0.9883,0.0006,0.8237,0.002,0.9538,0.0002
-PyG,AmazonPhoto,link_pred,True,,,2,2,2,skipconcat,mean,99,0.4503,0.0051,270941.0,0.0271,0.0012,0.8061,0.0018,0.7246,0.0019,0.9875,0.0006,0.8359,0.0013,0.9566,0.0033
-PyG,AmazonPhoto,link_pred,True,,,2,2,2,skipsum,add,99,0.4742,0.0036,348450.0,0.0274,0.0009,0.7912,0.0015,0.7095,0.0015,0.986,0.0007,0.8252,0.0011,0.9511,0.0016
-PyG,AmazonPhoto,link_pred,True,,,2,2,2,skipsum,max,99,0.4602,0.0028,348450.0,0.0371,0.0052,0.7934,0.004,0.7103,0.004,0.991,0.0004,0.8274,0.0029,0.9531,0.0022
-PyG,AmazonPhoto,link_pred,True,,,2,2,2,skipsum,mean,99,0.445,0.0014,348450.0,0.0338,0.0042,0.8163,0.0009,0.7351,0.0009,0.9891,0.0006,0.8434,0.0008,0.9586,0.0009
-PyG,AmazonPhoto,link_pred,True,,,2,2,3,skipconcat,add,99,0.4565,0.0042,259841.0,0.0251,0.0011,0.7975,0.0011,0.7156,0.0013,0.9871,0.002,0.8298,0.0009,0.9588,0.0031
-PyG,AmazonPhoto,link_pred,True,,,2,2,3,skipconcat,max,99,0.4525,0.002,259841.0,0.0444,0.0059,0.8012,0.0053,0.7181,0.0056,0.9916,0.0007,0.833,0.0037,0.9583,0.0009
-PyG,AmazonPhoto,link_pred,True,,,2,2,3,skipconcat,mean,99,0.4387,0.0013,259841.0,0.0344,0.012,0.8211,0.0037,0.7396,0.004,0.9912,0.0004,0.8471,0.0027,0.9631,0.0004
-PyG,AmazonPhoto,link_pred,True,,,2,2,3,skipsum,add,99,0.4652,0.0027,333765.0,0.0245,0.0005,0.7962,0.0004,0.7145,0.0004,0.9868,0.0012,0.8288,0.0004,0.9539,0.0004
-PyG,AmazonPhoto,link_pred,True,,,2,2,3,skipsum,max,99,0.4514,0.0022,333765.0,0.0377,0.0078,0.8015,0.0036,0.7184,0.0037,0.9918,0.0,0.8333,0.0025,0.9579,0.0007
-PyG,AmazonPhoto,link_pred,True,,,2,2,3,skipsum,mean,99,0.4364,0.0039,333765.0,0.037,0.0133,0.8276,0.0029,0.7475,0.0031,0.9895,0.0004,0.8516,0.0021,0.9635,0.0024
-PyG,AmazonPhoto,link_pred,True,,,2,4,2,skipconcat,add,99,0.5494,0.0232,242194.0,0.0339,0.0077,0.7833,0.005,0.7014,0.0047,0.9869,0.0012,0.82,0.0036,0.9512,0.002
-PyG,AmazonPhoto,link_pred,True,,,2,4,2,skipconcat,max,99,0.4606,0.0068,242194.0,0.032,0.0051,0.7855,0.0063,0.703,0.0061,0.9888,0.0006,0.8218,0.0044,0.9591,0.0032
-PyG,AmazonPhoto,link_pred,True,,,2,4,2,skipconcat,mean,79,0.443,0.0012,242194.0,0.0285,0.0008,0.8114,0.0039,0.7302,0.0038,0.9879,0.0014,0.8397,0.003,0.961,0.0007
-PyG,AmazonPhoto,link_pred,True,,,2,4,2,skipsum,add,79,0.5265,0.0089,325249.0,0.037,0.0047,0.7882,0.0033,0.7069,0.0033,0.9846,0.0007,0.823,0.0023,0.9413,0.0033
-PyG,AmazonPhoto,link_pred,True,,,2,4,2,skipsum,max,99,0.462,0.0034,325249.0,0.0421,0.0023,0.792,0.0014,0.7093,0.0015,0.9897,0.0002,0.8263,0.0009,0.9518,0.0026
-PyG,AmazonPhoto,link_pred,True,,,2,4,2,skipsum,mean,79,0.4373,0.0054,325249.0,0.0321,0.0024,0.8273,0.0062,0.7472,0.0067,0.9896,0.0011,0.8515,0.0046,0.963,0.0036
-PyG,AmazonPhoto,link_pred,True,,,2,4,3,skipconcat,add,99,0.4921,0.0092,235681.0,0.0301,0.0033,0.7935,0.0048,0.7114,0.0046,0.9876,0.0017,0.8271,0.0035,0.954,0.0005
-PyG,AmazonPhoto,link_pred,True,,,2,4,3,skipconcat,max,99,0.4488,0.0034,235681.0,0.0396,0.0116,0.8005,0.0026,0.7175,0.0027,0.9914,0.0005,0.8325,0.0018,0.9622,0.0016
-PyG,AmazonPhoto,link_pred,True,,,2,4,3,skipconcat,mean,99,0.4365,0.0013,235681.0,0.0496,0.0093,0.8257,0.0043,0.7452,0.0045,0.9901,0.0009,0.8503,0.0032,0.9636,0.0005
-PyG,AmazonPhoto,link_pred,True,,,2,4,3,skipsum,add,79,0.5042,0.0009,316827.0,0.0375,0.0072,0.791,0.0017,0.709,0.0013,0.9875,0.0011,0.8254,0.0013,0.9504,0.0027
-PyG,AmazonPhoto,link_pred,True,,,2,4,3,skipsum,max,99,0.4549,0.0018,316827.0,0.0393,0.0014,0.7997,0.0033,0.7164,0.0034,0.992,0.0004,0.832,0.0023,0.957,0.0015
-PyG,AmazonPhoto,link_pred,True,,,2,4,3,skipsum,mean,99,0.4337,0.0008,316827.0,0.042,0.0177,0.8368,0.0014,0.7584,0.0014,0.9883,0.0009,0.8583,0.0012,0.9647,0.0009
-PyG,AmazonPhoto,link_pred,True,,,2,6,2,skipconcat,add,79,0.6577,0.0435,233783.0,0.0247,0.0007,0.7776,0.0053,0.697,0.0048,0.9825,0.002,0.8154,0.0038,0.9344,0.0074
-PyG,AmazonPhoto,link_pred,True,,,2,6,2,skipconcat,max,99,0.4624,0.0065,233783.0,0.0312,0.0006,0.7829,0.0032,0.7005,0.0026,0.9884,0.0023,0.8199,0.0025,0.9605,0.0035
-PyG,AmazonPhoto,link_pred,True,,,2,6,2,skipconcat,mean,99,0.4401,0.0038,233783.0,0.0274,0.0014,0.8125,0.006,0.7314,0.0062,0.9879,0.001,0.8405,0.0044,0.9623,0.002
-PyG,AmazonPhoto,link_pred,True,,,2,6,2,skipsum,add,99,0.5719,0.0312,310209.0,0.0406,0.0166,0.7843,0.003,0.7037,0.0035,0.9822,0.0018,0.8199,0.0018,0.9314,0.0047
-PyG,AmazonPhoto,link_pred,True,,,2,6,2,skipsum,max,99,0.4627,0.0029,310209.0,0.0473,0.0055,0.7911,0.0042,0.7082,0.0042,0.9902,0.0003,0.8258,0.0029,0.9531,0.0011
-PyG,AmazonPhoto,link_pred,True,,,2,6,2,skipsum,mean,99,0.4331,0.0002,310209.0,0.0311,0.0012,0.8365,0.0033,0.758,0.0037,0.9886,0.0007,0.8581,0.0025,0.9649,0.0002
-PyG,AmazonPhoto,link_pred,True,,,2,6,3,skipconcat,add,79,0.5176,0.0155,234886.0,0.0404,0.0134,0.7945,0.0063,0.7131,0.0067,0.9856,0.0012,0.8275,0.0042,0.9484,0.0018
-PyG,AmazonPhoto,link_pred,True,,,2,6,3,skipconcat,max,99,0.4499,0.0037,234886.0,0.0342,0.0028,0.7995,0.0045,0.7162,0.0048,0.9924,0.0009,0.8319,0.0031,0.9631,0.0016
-PyG,AmazonPhoto,link_pred,True,,,2,6,3,skipconcat,mean,99,0.4347,0.0047,234886.0,0.0313,0.0031,0.8271,0.0052,0.7474,0.0056,0.9884,0.0012,0.8512,0.0039,0.9643,0.0025
-PyG,AmazonPhoto,link_pred,True,,,2,6,3,skipsum,add,99,0.5513,0.0242,303241.0,0.0315,0.0002,0.7873,0.0031,0.7069,0.0023,0.9816,0.0029,0.8219,0.0026,0.9371,0.0047
-PyG,AmazonPhoto,link_pred,True,,,2,6,3,skipsum,max,99,0.4572,0.0013,303241.0,0.045,0.0062,0.7953,0.0024,0.712,0.002,0.9918,0.0017,0.8289,0.0019,0.9547,0.0014
-PyG,AmazonPhoto,link_pred,True,,,2,6,3,skipsum,mean,99,0.4315,0.0017,303241.0,0.0428,0.0037,0.8399,0.0007,0.7617,0.0013,0.9893,0.0019,0.8607,0.0005,0.9661,0.0013
-PyG,AmazonPhoto,link_pred,True,,,2,8,2,skipconcat,add,99,0.71,0.0277,229121.0,0.0319,0.004,0.7755,0.0031,0.6957,0.0029,0.9792,0.0008,0.8135,0.0022,0.9289,0.0028
-PyG,AmazonPhoto,link_pred,True,,,2,8,2,skipconcat,max,99,0.4695,0.0053,229121.0,0.0309,0.0011,0.7767,0.0033,0.6946,0.0031,0.9877,0.0014,0.8156,0.0024,0.9579,0.0025
-PyG,AmazonPhoto,link_pred,True,,,2,8,2,skipconcat,mean,99,0.436,0.0023,229121.0,0.0344,0.0073,0.8187,0.0005,0.738,0.0008,0.9881,0.0008,0.8449,0.0002,0.9642,0.0019
-PyG,AmazonPhoto,link_pred,True,,,2,8,2,skipsum,add,99,0.5749,0.0327,300429.0,0.0478,0.0111,0.7815,0.0034,0.7003,0.0034,0.9842,0.0016,0.8183,0.0022,0.9336,0.0055
-PyG,AmazonPhoto,link_pred,True,,,2,8,2,skipsum,max,79,0.4666,0.0042,300429.0,0.0531,0.0053,0.7876,0.0092,0.705,0.0093,0.9896,0.0005,0.8234,0.0062,0.9502,0.0012
-PyG,AmazonPhoto,link_pred,True,,,2,8,2,skipsum,mean,99,0.4343,0.0047,300429.0,0.0449,0.0126,0.838,0.0042,0.7601,0.0051,0.9875,0.0003,0.8591,0.0031,0.9642,0.0028
-PyG,AmazonPhoto,link_pred,True,,,2,8,3,skipconcat,add,79,0.5901,0.0226,225991.0,0.0354,0.008,0.784,0.0092,0.7029,0.0093,0.9842,0.0007,0.8201,0.0062,0.9366,0.0038
-PyG,AmazonPhoto,link_pred,True,,,2,8,3,skipconcat,max,99,0.4517,0.0019,225991.0,0.0327,0.004,0.7948,0.003,0.7117,0.0031,0.9914,0.0007,0.8285,0.0019,0.9616,0.0008
-PyG,AmazonPhoto,link_pred,True,,,2,8,3,skipconcat,mean,99,0.4352,0.0031,225991.0,0.0425,0.0205,0.8302,0.003,0.7507,0.0029,0.9887,0.0014,0.8534,0.0024,0.9638,0.0021
-PyG,AmazonPhoto,link_pred,True,,,2,8,3,skipsum,add,79,0.6163,0.0797,295169.0,0.03,0.0012,0.7745,0.0063,0.6941,0.0071,0.9817,0.0046,0.8132,0.0038,0.9247,0.0089
-PyG,AmazonPhoto,link_pred,True,,,2,8,3,skipsum,max,99,0.4627,0.0023,295169.0,0.0465,0.0026,0.792,0.0043,0.7086,0.0042,0.9919,0.0003,0.8266,0.003,0.9547,0.0009
-PyG,AmazonPhoto,link_pred,True,,,2,8,3,skipsum,mean,99,0.4307,0.003,295169.0,0.0329,0.0012,0.8396,0.004,0.7617,0.005,0.9884,0.0016,0.8604,0.0029,0.966,0.0026
-PyG,CiteSeer,link_pred,True,,,1,2,2,skipconcat,add,59,0.6048,0.0279,558236.0,0.1117,0.0413,0.6764,0.0319,0.6243,0.0286,0.8961,0.0126,0.7352,0.0162,0.8476,0.0109
-PyG,CiteSeer,link_pred,True,,,1,2,2,skipconcat,max,79,0.6495,0.0189,558236.0,0.1021,0.0352,0.6859,0.0084,0.6394,0.0069,0.8529,0.0185,0.7308,0.0083,0.8177,0.0087
-PyG,CiteSeer,link_pred,True,,,1,2,2,skipconcat,mean,79,0.6115,0.0342,558236.0,0.0927,0.0278,0.6939,0.0021,0.641,0.0003,0.8818,0.0096,0.7423,0.0034,0.8408,0.0011
-PyG,CiteSeer,link_pred,True,,,1,2,2,skipsum,add,19,0.6515,0.0872,1021201.0,0.0966,0.0237,0.6778,0.0047,0.6206,0.0062,0.9159,0.0135,0.7398,0.0004,0.8557,0.008
-PyG,CiteSeer,link_pred,True,,,1,2,2,skipsum,max,79,0.6124,0.0193,1021201.0,0.0873,0.0158,0.6945,0.011,0.6437,0.0096,0.8716,0.0068,0.7405,0.0081,0.819,0.0105
-PyG,CiteSeer,link_pred,True,,,1,2,2,skipsum,mean,99,0.5497,0.0084,1021201.0,0.0982,0.0098,0.706,0.0063,0.6517,0.0067,0.8855,0.0061,0.7508,0.0036,0.8551,0.004
-PyG,CiteSeer,link_pred,True,,,1,2,3,skipconcat,add,59,0.5361,0.0021,507089.0,0.0827,0.014,0.7123,0.0099,0.6577,0.0074,0.8855,0.0114,0.7548,0.0086,0.8533,0.0079
-PyG,CiteSeer,link_pred,True,,,1,2,3,skipconcat,max,99,0.5728,0.0111,507089.0,0.0851,0.0121,0.6924,0.0036,0.647,0.004,0.8474,0.0027,0.7337,0.0018,0.8162,0.0087
-PyG,CiteSeer,link_pred,True,,,1,2,3,skipconcat,mean,99,0.5532,0.008,507089.0,0.0885,0.0107,0.7028,0.001,0.6504,0.0015,0.8771,0.0058,0.7469,0.0015,0.8417,0.0016
-PyG,CiteSeer,link_pred,True,,,1,2,3,skipsum,add,59,0.5347,0.0102,937092.0,0.1116,0.0289,0.7148,0.0054,0.6591,0.0043,0.8899,0.0076,0.7573,0.0046,0.8545,0.0069
-PyG,CiteSeer,link_pred,True,,,1,2,3,skipsum,max,99,0.581,0.0172,937092.0,0.0878,0.0182,0.6884,0.0066,0.6426,0.0011,0.8493,0.0251,0.7314,0.01,0.8133,0.0125
-PyG,CiteSeer,link_pred,True,,,1,2,3,skipsum,mean,79,0.5447,0.0184,937092.0,0.0913,0.0142,0.7133,0.0063,0.6586,0.0057,0.8862,0.0029,0.7556,0.0045,0.8494,0.0069
-PyG,CiteSeer,link_pred,True,,,1,4,2,skipconcat,add,79,0.5966,0.0262,418065.0,0.1237,0.0125,0.6909,0.0087,0.6442,0.0063,0.8529,0.011,0.734,0.0079,0.8291,0.0092
-PyG,CiteSeer,link_pred,True,,,1,4,2,skipconcat,max,99,0.688,0.0851,418065.0,0.1005,0.0183,0.6808,0.0179,0.6356,0.013,0.8474,0.0205,0.7264,0.0159,0.8102,0.0215
-PyG,CiteSeer,link_pred,True,,,1,4,2,skipconcat,mean,99,0.6364,0.0398,418065.0,0.1002,0.005,0.6874,0.0039,0.6413,0.0027,0.8507,0.0088,0.7313,0.0042,0.8238,0.0017
-PyG,CiteSeer,link_pred,True,,,1,4,2,skipsum,add,79,0.5589,0.0132,869163.0,0.1105,0.0404,0.7034,0.0033,0.6519,0.0054,0.8734,0.0099,0.7465,0.0006,0.8356,0.005
-PyG,CiteSeer,link_pred,True,,,1,4,2,skipsum,max,79,0.622,0.024,869163.0,0.1118,0.0224,0.6852,0.0123,0.6411,0.0087,0.8416,0.0153,0.7278,0.0113,0.7928,0.0176
-PyG,CiteSeer,link_pred,True,,,1,4,2,skipsum,mean,79,0.5591,0.0089,869163.0,0.0999,0.0145,0.6966,0.0158,0.6503,0.0114,0.8504,0.0192,0.737,0.0144,0.8302,0.0094
-PyG,CiteSeer,link_pred,True,,,1,4,3,skipconcat,add,79,0.5465,0.0068,387248.0,0.1086,0.0317,0.7016,0.0017,0.6514,0.0013,0.8676,0.0119,0.744,0.0036,0.8361,0.0054
-PyG,CiteSeer,link_pred,True,,,1,4,3,skipconcat,max,79,0.6027,0.0248,387248.0,0.0928,0.0107,0.6785,0.0086,0.6357,0.0056,0.8361,0.0163,0.7222,0.0089,0.8015,0.0116
-PyG,CiteSeer,link_pred,True,,,1,4,3,skipconcat,mean,99,0.5487,0.0111,387248.0,0.082,0.0105,0.7053,0.0054,0.6546,0.0048,0.8694,0.0036,0.7468,0.004,0.8411,0.0067
-PyG,CiteSeer,link_pred,True,,,1,4,3,skipsum,add,79,0.5513,0.0051,822193.0,0.0958,0.0101,0.6989,0.0112,0.6496,0.0099,0.8639,0.0048,0.7416,0.0082,0.8308,0.0045
-PyG,CiteSeer,link_pred,True,,,1,4,3,skipsum,max,99,0.6007,0.003,822193.0,0.0762,0.0064,0.6849,0.004,0.6456,0.0035,0.82,0.005,0.7224,0.0033,0.7894,0.0014
-PyG,CiteSeer,link_pred,True,,,1,4,3,skipsum,mean,79,0.5505,0.0009,822193.0,0.0866,0.0067,0.6916,0.0031,0.649,0.0041,0.835,0.0059,0.7303,0.0015,0.8262,0.0036
-PyG,CiteSeer,link_pred,True,,,1,6,2,skipconcat,add,79,0.5931,0.0091,353298.0,0.0633,0.0162,0.6888,0.0124,0.6448,0.0088,0.8408,0.0218,0.7298,0.0125,0.8137,0.0133
-PyG,CiteSeer,link_pred,True,,,1,6,2,skipconcat,max,79,0.68,0.0064,353298.0,0.071,0.0098,0.6754,0.0009,0.6328,0.0011,0.8357,0.0055,0.7202,0.0016,0.7994,0.0091
-PyG,CiteSeer,link_pred,True,,,1,6,2,skipconcat,mean,99,0.5889,0.0148,353298.0,0.0917,0.0126,0.702,0.0041,0.6512,0.0039,0.8701,0.0045,0.7449,0.0029,0.8335,0.0036
-PyG,CiteSeer,link_pred,True,,,1,6,2,skipsum,add,99,0.5586,0.0108,781233.0,0.0721,0.0045,0.6989,0.0066,0.6487,0.0043,0.8675,0.0135,0.7423,0.0068,0.8335,0.0072
-PyG,CiteSeer,link_pred,True,,,1,6,2,skipsum,max,99,0.6101,0.0143,781233.0,0.1025,0.0315,0.689,0.0069,0.6477,0.006,0.8292,0.0041,0.7272,0.0053,0.7903,0.0069
-PyG,CiteSeer,link_pred,True,,,1,6,2,skipsum,mean,59,0.5723,0.0075,781233.0,0.0753,0.0058,0.6917,0.0028,0.6508,0.003,0.8277,0.0062,0.7286,0.0025,0.8168,0.0042
-PyG,CiteSeer,link_pred,True,,,1,6,3,skipconcat,add,79,0.5574,0.0025,337121.0,0.0802,0.0075,0.692,0.0061,0.6459,0.0034,0.85,0.0117,0.734,0.0065,0.8209,0.0053
-PyG,CiteSeer,link_pred,True,,,1,6,3,skipconcat,max,99,0.5925,0.0331,337121.0,0.0804,0.0334,0.6886,0.0087,0.6443,0.007,0.8423,0.0142,0.7301,0.0081,0.8071,0.0138
-PyG,CiteSeer,link_pred,True,,,1,6,3,skipconcat,mean,99,0.5668,0.0067,337121.0,0.0877,0.0019,0.698,0.0079,0.6501,0.007,0.8577,0.0037,0.7396,0.0059,0.8266,0.0051
-PyG,CiteSeer,link_pred,True,,,1,6,3,skipsum,add,59,0.5556,0.0098,747993.0,0.0885,0.0064,0.6913,0.0011,0.6431,0.0004,0.8599,0.0061,0.7358,0.0021,0.8274,0.0062
-PyG,CiteSeer,link_pred,True,,,1,6,3,skipsum,max,99,0.616,0.0245,747993.0,0.1143,0.0405,0.6658,0.0126,0.6269,0.0196,0.828,0.0468,0.7122,0.0041,0.7845,0.0097
-PyG,CiteSeer,link_pred,True,,,1,6,3,skipsum,mean,79,0.5576,0.0101,747993.0,0.0901,0.0074,0.6863,0.0039,0.648,0.0014,0.8159,0.0197,0.7222,0.0072,0.8131,0.0116
-PyG,CiteSeer,link_pred,True,,,1,8,2,skipconcat,add,79,0.5938,0.0205,322689.0,0.0864,0.0107,0.6853,0.0187,0.6412,0.0108,0.8401,0.036,0.7272,0.0205,0.8126,0.0187
-PyG,CiteSeer,link_pred,True,,,1,8,2,skipconcat,max,99,0.6752,0.0158,322689.0,0.102,0.0266,0.681,0.0032,0.6373,0.0021,0.8401,0.0086,0.7248,0.0038,0.8002,0.0053
-PyG,CiteSeer,link_pred,True,,,1,8,2,skipconcat,mean,99,0.6067,0.0267,322689.0,0.1128,0.0151,0.6938,0.0089,0.6472,0.0085,0.8525,0.0014,0.7358,0.0058,0.8201,0.0097
-PyG,CiteSeer,link_pred,True,,,1,8,2,skipsum,add,99,0.572,0.0116,717361.0,0.0921,0.0172,0.6926,0.0086,0.646,0.0068,0.8522,0.0072,0.7349,0.007,0.8147,0.0087
-PyG,CiteSeer,link_pred,True,,,1,8,2,skipsum,max,99,0.6002,0.004,717361.0,0.0577,0.0034,0.6823,0.0073,0.6451,0.0043,0.8105,0.0152,0.7183,0.0083,0.7917,0.0084
-PyG,CiteSeer,link_pred,True,,,1,8,2,skipsum,mean,79,0.5638,0.0065,717361.0,0.0859,0.0112,0.6867,0.0023,0.6478,0.0032,0.8185,0.0055,0.7232,0.0014,0.8152,0.0039
-PyG,CiteSeer,link_pred,True,,,1,8,3,skipconcat,add,79,0.563,0.0056,305074.0,0.1213,0.0579,0.7041,0.009,0.656,0.0073,0.8584,0.0183,0.7436,0.0088,0.8249,0.0092
-PyG,CiteSeer,link_pred,True,,,1,8,3,skipconcat,max,79,0.5916,0.0172,305074.0,0.0956,0.0268,0.6925,0.0067,0.647,0.0062,0.8474,0.0048,0.7337,0.0049,0.8159,0.0061
-PyG,CiteSeer,link_pred,True,,,1,8,3,skipconcat,mean,99,0.5569,0.0131,305074.0,0.0826,0.0066,0.6976,0.016,0.6518,0.0102,0.8478,0.0257,0.7369,0.0161,0.8264,0.0156
-PyG,CiteSeer,link_pred,True,,,1,8,3,skipsum,add,59,0.5547,0.0019,696801.0,0.0743,0.0021,0.7019,0.0025,0.6525,0.0029,0.8639,0.013,0.7434,0.0039,0.8268,0.0061
-PyG,CiteSeer,link_pred,True,,,1,8,3,skipsum,max,59,0.6032,0.0019,696801.0,0.0392,0.0035,0.6765,0.0045,0.6387,0.0067,0.8138,0.0099,0.7156,0.0004,0.7846,0.0043
-PyG,CiteSeer,link_pred,True,,,1,8,3,skipsum,mean,59,0.5601,0.0074,696801.0,0.0851,0.0118,0.6912,0.0051,0.6505,0.0022,0.8262,0.0142,0.7279,0.0066,0.8131,0.0097
-PyG,CiteSeer,link_pred,True,,,2,2,2,skipconcat,add,79,0.605,0.0223,551951.0,0.0518,0.0301,0.6792,0.0246,0.6294,0.0262,0.8829,0.031,0.7338,0.0082,0.8335,0.0065
-PyG,CiteSeer,link_pred,True,,,2,2,2,skipconcat,max,79,0.7394,0.098,551951.0,0.0907,0.0072,0.673,0.002,0.6275,0.0039,0.8518,0.0267,0.7224,0.0071,0.8083,0.0071
-PyG,CiteSeer,link_pred,True,,,2,2,2,skipconcat,mean,99,0.5904,0.0363,551951.0,0.0993,0.0193,0.6996,0.0088,0.6496,0.0063,0.8668,0.0114,0.7426,0.008,0.8332,0.0104
-PyG,CiteSeer,link_pred,True,,,2,2,2,skipsum,add,59,0.5526,0.0085,937092.0,0.0944,0.0186,0.709,0.0109,0.6541,0.008,0.8873,0.0117,0.7531,0.0093,0.854,0.0067
-PyG,CiteSeer,link_pred,True,,,2,2,2,skipsum,max,79,0.6064,0.018,937092.0,0.0977,0.0176,0.6874,0.0124,0.6399,0.0105,0.8577,0.0125,0.7329,0.0098,0.8098,0.0163
-PyG,CiteSeer,link_pred,True,,,2,2,2,skipsum,mean,79,0.5423,0.0164,937092.0,0.1017,0.028,0.7092,0.0035,0.6555,0.0028,0.8818,0.0036,0.752,0.0028,0.8495,0.0088
-PyG,CiteSeer,link_pred,True,,,2,2,3,skipconcat,add,79,0.5443,0.0052,496481.0,0.0879,0.0036,0.7074,0.0037,0.654,0.004,0.8807,0.0046,0.7506,0.0023,0.8445,0.0018
-PyG,CiteSeer,link_pred,True,,,2,2,3,skipconcat,max,99,0.5765,0.0073,496481.0,0.1079,0.0159,0.6901,0.0071,0.6433,0.0044,0.8533,0.0135,0.7336,0.0074,0.8161,0.0084
-PyG,CiteSeer,link_pred,True,,,2,2,3,skipconcat,mean,99,0.5495,0.0102,496481.0,0.0839,0.0029,0.7086,0.0047,0.6566,0.0021,0.8745,0.0107,0.75,0.0053,0.8392,0.0079
-PyG,CiteSeer,link_pred,True,,,2,2,3,skipsum,add,59,0.5338,0.0151,869163.0,0.0991,0.0126,0.7084,0.0108,0.6551,0.0084,0.8803,0.0112,0.7512,0.009,0.8534,0.0112
-PyG,CiteSeer,link_pred,True,,,2,2,3,skipsum,max,99,0.5767,0.0078,869163.0,0.0877,0.0034,0.6974,0.0067,0.6502,0.0046,0.8544,0.0117,0.7385,0.0066,0.8119,0.0079
-PyG,CiteSeer,link_pred,True,,,2,2,3,skipsum,mean,99,0.5284,0.0181,869163.0,0.0948,0.0065,0.7183,0.012,0.6656,0.008,0.877,0.0176,0.7568,0.0115,0.8556,0.017
-PyG,CiteSeer,link_pred,True,,,2,4,2,skipconcat,add,99,0.6406,0.0913,410800.0,0.0539,0.0191,0.6798,0.0108,0.6331,0.0135,0.858,0.0191,0.7282,0.0022,0.8226,0.0106
-PyG,CiteSeer,link_pred,True,,,2,4,2,skipconcat,max,99,0.657,0.0422,410800.0,0.0878,0.0046,0.6724,0.0152,0.6315,0.0106,0.8276,0.021,0.7164,0.0146,0.7927,0.0176
-PyG,CiteSeer,link_pred,True,,,2,4,2,skipconcat,mean,79,0.6141,0.0079,410800.0,0.0953,0.0122,0.6788,0.0116,0.638,0.0076,0.8266,0.0221,0.7201,0.0124,0.8046,0.0102
-PyG,CiteSeer,link_pred,True,,,2,4,2,skipsum,add,59,0.5656,0.0023,822193.0,0.0796,0.0017,0.6937,0.0072,0.6462,0.0061,0.8566,0.0042,0.7366,0.0055,0.8293,0.005
-PyG,CiteSeer,link_pred,True,,,2,4,2,skipsum,max,99,0.6137,0.0144,822193.0,0.0872,0.0056,0.6879,0.0086,0.6463,0.0063,0.8299,0.0173,0.7266,0.0089,0.7936,0.0125
-PyG,CiteSeer,link_pred,True,,,2,4,2,skipsum,mean,99,0.565,0.0178,822193.0,0.0834,0.0034,0.7008,0.0095,0.655,0.0072,0.8485,0.0118,0.7393,0.0086,0.8267,0.0138
-PyG,CiteSeer,link_pred,True,,,2,4,3,skipconcat,add,79,0.5563,0.0127,377665.0,0.0863,0.0092,0.701,0.0062,0.6543,0.0034,0.8522,0.0176,0.7402,0.0076,0.8279,0.0122
-PyG,CiteSeer,link_pred,True,,,2,4,3,skipconcat,max,79,0.6059,0.0082,377665.0,0.0816,0.004,0.6799,0.0067,0.6374,0.0041,0.8343,0.0197,0.7225,0.0084,0.7986,0.005
-PyG,CiteSeer,link_pred,True,,,2,4,3,skipconcat,mean,79,0.5693,0.0162,377665.0,0.0865,0.0047,0.6941,0.0065,0.6476,0.0026,0.8515,0.017,0.7356,0.008,0.8229,0.0127
-PyG,CiteSeer,link_pred,True,,,2,4,3,skipsum,add,99,0.5543,0.0052,781233.0,0.0393,0.0077,0.7028,0.0041,0.6531,0.0047,0.8654,0.0066,0.7444,0.0025,0.8309,0.0023
-PyG,CiteSeer,link_pred,True,,,2,4,3,skipsum,max,59,0.5978,0.0094,781233.0,0.0882,0.0065,0.6821,0.0095,0.6409,0.0064,0.828,0.0154,0.7225,0.0096,0.7901,0.0139
-PyG,CiteSeer,link_pred,True,,,2,4,3,skipsum,mean,99,0.5602,0.0128,781233.0,0.1003,0.0196,0.6917,0.0103,0.651,0.0086,0.8266,0.0089,0.7284,0.0086,0.8181,0.0116
-PyG,CiteSeer,link_pred,True,,,2,6,2,skipconcat,add,99,0.6294,0.0586,355061.0,0.1084,0.0104,0.6775,0.0103,0.6332,0.0108,0.8449,0.0141,0.7237,0.0061,0.806,0.0147
-PyG,CiteSeer,link_pred,True,,,2,6,2,skipconcat,max,99,0.6625,0.0033,355061.0,0.0863,0.0123,0.6729,0.0053,0.632,0.004,0.8277,0.0058,0.7168,0.0047,0.7975,0.0026
-PyG,CiteSeer,link_pred,True,,,2,6,2,skipconcat,mean,59,0.6338,0.0266,355061.0,0.1135,0.0268,0.6899,0.0073,0.6466,0.006,0.8375,0.01,0.7298,0.0064,0.8078,0.0072
-PyG,CiteSeer,link_pred,True,,,2,6,2,skipsum,add,99,0.568,0.0109,747993.0,0.0997,0.0131,0.6936,0.0102,0.6458,0.0061,0.8573,0.0203,0.7366,0.0108,0.8222,0.0129
-PyG,CiteSeer,link_pred,True,,,2,6,2,skipsum,max,79,0.6165,0.016,747993.0,0.1019,0.0089,0.6805,0.0007,0.6436,0.0026,0.809,0.0095,0.7168,0.0022,0.781,0.007
-PyG,CiteSeer,link_pred,True,,,2,6,2,skipsum,mean,99,0.5757,0.0077,747993.0,0.1108,0.0198,0.6874,0.0083,0.6465,0.0046,0.8269,0.0173,0.7256,0.0095,0.8102,0.0098
-PyG,CiteSeer,link_pred,True,,,2,6,3,skipconcat,add,79,0.5698,0.0047,338416.0,0.1556,0.1036,0.6952,0.0038,0.6506,0.0043,0.8434,0.0019,0.7346,0.002,0.8159,0.0051
-PyG,CiteSeer,link_pred,True,,,2,6,3,skipconcat,max,59,0.6458,0.0277,338416.0,0.1076,0.0234,0.6717,0.0103,0.6334,0.0072,0.8148,0.0146,0.7128,0.0101,0.7866,0.0122
-PyG,CiteSeer,link_pred,True,,,2,6,3,skipconcat,mean,99,0.5928,0.0072,338416.0,0.0947,0.0107,0.6923,0.0051,0.6499,0.0014,0.8335,0.0163,0.7303,0.0071,0.8057,0.0072
-PyG,CiteSeer,link_pred,True,,,2,6,3,skipsum,add,59,0.5564,0.0018,717361.0,0.0955,0.0228,0.7006,0.0056,0.6525,0.0059,0.8584,0.0016,0.7414,0.0034,0.8227,0.0026
-PyG,CiteSeer,link_pred,True,,,2,6,3,skipsum,max,99,0.6153,0.0166,717361.0,0.0843,0.0004,0.6691,0.0076,0.6334,0.0042,0.8028,0.02,0.708,0.0096,0.7723,0.0074
-PyG,CiteSeer,link_pred,True,,,2,6,3,skipsum,mean,79,0.556,0.0119,717361.0,0.1289,0.0484,0.6898,0.0139,0.6494,0.0101,0.8247,0.0178,0.7266,0.0131,0.8154,0.0117
-PyG,CiteSeer,link_pred,True,,,2,8,2,skipconcat,add,79,0.6424,0.059,323777.0,0.0837,0.0024,0.6723,0.0231,0.629,0.0231,0.8463,0.0134,0.7212,0.0109,0.801,0.0085
-PyG,CiteSeer,link_pred,True,,,2,8,2,skipconcat,max,79,0.6887,0.0385,323777.0,0.0906,0.0133,0.6774,0.0098,0.6366,0.0087,0.8269,0.0107,0.7194,0.0077,0.7908,0.0102
-PyG,CiteSeer,link_pred,True,,,2,8,2,skipconcat,mean,79,0.6276,0.01,323777.0,0.0907,0.0114,0.6864,0.0061,0.6438,0.0041,0.8346,0.0088,0.7269,0.006,0.8035,0.0047
-PyG,CiteSeer,link_pred,True,,,2,8,2,skipsum,add,99,0.579,0.0182,696801.0,0.0379,0.0019,0.6884,0.0073,0.6419,0.0047,0.8522,0.0107,0.7323,0.007,0.8089,0.0078
-PyG,CiteSeer,link_pred,True,,,2,8,2,skipsum,max,99,0.5929,0.0031,696801.0,0.0668,0.0144,0.6845,0.0047,0.6441,0.0071,0.8254,0.014,0.7234,0.003,0.7945,0.0037
-PyG,CiteSeer,link_pred,True,,,2,8,2,skipsum,mean,79,0.569,0.0066,696801.0,0.0621,0.0175,0.6799,0.0067,0.6434,0.0059,0.8075,0.0087,0.7162,0.0058,0.807,0.0067
-PyG,CiteSeer,link_pred,True,,,2,8,3,skipconcat,add,79,0.5824,0.0069,305857.0,0.0748,0.0037,0.6831,0.0021,0.6443,0.0015,0.8178,0.0126,0.7207,0.0043,0.7954,0.0073
-PyG,CiteSeer,link_pred,True,,,2,8,3,skipconcat,max,79,0.6106,0.0211,305857.0,0.0863,0.0118,0.6855,0.0121,0.6445,0.008,0.8269,0.0187,0.7244,0.0121,0.7963,0.0103
-PyG,CiteSeer,link_pred,True,,,2,8,3,skipconcat,mean,79,0.5907,0.0128,305857.0,0.0937,0.0063,0.6863,0.0095,0.6477,0.0085,0.8174,0.0063,0.7227,0.0074,0.8016,0.007
-PyG,CiteSeer,link_pred,True,,,2,8,3,skipsum,add,59,0.5737,0.008,673793.0,0.0377,0.0018,0.6836,0.0033,0.6417,0.0017,0.8313,0.0108,0.7243,0.0045,0.7993,0.0087
-PyG,CiteSeer,link_pred,True,,,2,8,3,skipsum,max,99,0.603,0.0082,673793.0,0.0979,0.0032,0.6705,0.0038,0.6377,0.0021,0.7896,0.0098,0.7055,0.0049,0.7773,0.0067
-PyG,CiteSeer,link_pred,True,,,2,8,3,skipsum,mean,79,0.5652,0.0023,673793.0,0.085,0.018,0.6802,0.0081,0.6428,0.0083,0.8119,0.0014,0.7175,0.0052,0.8041,0.0005
-PyG,CoauthorCS,link_pred,True,,,1,2,2,skipconcat,add,99,0.4619,0.005,859130.0,1.1271,0.1955,0.7873,0.0023,0.7085,0.002,0.9763,0.0024,0.8211,0.0019,0.9529,0.0031
-PyG,CoauthorCS,link_pred,True,,,1,2,2,skipconcat,max,99,0.4701,0.0065,859130.0,0.9582,0.1259,0.7757,0.0054,0.6974,0.0051,0.9741,0.002,0.8128,0.0038,0.9455,0.0028
-PyG,CoauthorCS,link_pred,True,,,1,2,2,skipconcat,mean,99,0.4445,0.0039,859130.0,0.8114,0.0463,0.7947,0.0022,0.7163,0.0015,0.976,0.0025,0.8262,0.0019,0.9561,0.0025
-PyG,CoauthorCS,link_pred,True,,,1,2,2,skipsum,add,99,0.4662,0.0031,1709845.0,1.0602,0.0284,0.797,0.0023,0.7189,0.0027,0.9755,0.001,0.8277,0.0015,0.9481,0.0004
-PyG,CoauthorCS,link_pred,True,,,1,2,2,skipsum,max,99,0.4691,0.0023,1709845.0,0.9251,0.1792,0.7925,0.0027,0.7137,0.0026,0.9767,0.0009,0.8247,0.002,0.9432,0.0009
-PyG,CoauthorCS,link_pred,True,,,1,2,2,skipsum,mean,99,0.4441,0.0004,1709845.0,1.1554,0.1753,0.8177,0.0004,0.7408,0.0009,0.9773,0.0015,0.8428,0.0001,0.9547,0.0005
-PyG,CoauthorCS,link_pred,True,,,1,2,3,skipconcat,add,99,0.453,0.0034,761453.0,1.0031,0.1818,0.8056,0.0038,0.7271,0.0041,0.9785,0.0002,0.8343,0.0026,0.9526,0.0018
-PyG,CoauthorCS,link_pred,True,,,1,2,3,skipconcat,max,99,0.4548,0.0029,761453.0,0.9063,0.1294,0.8026,0.0044,0.7238,0.0048,0.9785,0.0004,0.8321,0.0031,0.95,0.0016
-PyG,CoauthorCS,link_pred,True,,,1,2,3,skipconcat,mean,99,0.4426,0.0045,761453.0,0.9308,0.0437,0.8199,0.0037,0.743,0.0037,0.978,0.0028,0.8445,0.003,0.9552,0.0039
-PyG,CoauthorCS,link_pred,True,,,1,2,3,skipsum,add,99,0.4613,0.0038,1554390.0,0.8762,0.0624,0.8087,0.0045,0.7313,0.0054,0.9762,0.0017,0.8362,0.0031,0.9476,0.0008
-PyG,CoauthorCS,link_pred,True,,,1,2,3,skipsum,max,99,0.4627,0.0017,1554390.0,1.0578,0.1492,0.806,0.0004,0.7276,0.0005,0.9783,0.0007,0.8345,0.0002,0.9447,0.0008
-PyG,CoauthorCS,link_pred,True,,,1,2,3,skipsum,mean,99,0.4454,0.0017,1554390.0,0.9204,0.0749,0.8272,0.0023,0.7517,0.0025,0.9772,0.0003,0.8497,0.0017,0.9528,0.0011
-PyG,CoauthorCS,link_pred,True,,,1,4,2,skipconcat,add,99,0.4776,0.0075,597981.0,0.9563,0.173,0.7865,0.0031,0.7081,0.0029,0.9746,0.0021,0.8203,0.0024,0.9484,0.0025
-PyG,CoauthorCS,link_pred,True,,,1,4,2,skipconcat,max,99,0.4675,0.0035,597981.0,1.1284,0.2136,0.7798,0.0053,0.7018,0.0048,0.9733,0.0022,0.8155,0.0039,0.9456,0.0017
-PyG,CoauthorCS,link_pred,True,,,1,4,2,skipconcat,mean,99,0.4465,0.0034,597981.0,0.9143,0.16,0.8026,0.0045,0.7252,0.0047,0.9747,0.0009,0.8316,0.0033,0.9542,0.0018
-PyG,CoauthorCS,link_pred,True,,,1,4,2,skipsum,add,99,0.4896,0.0051,1430625.0,1.1849,0.0619,0.7947,0.0018,0.7165,0.002,0.9753,0.0014,0.8261,0.0013,0.9386,0.0024
-PyG,CoauthorCS,link_pred,True,,,1,4,2,skipsum,max,99,0.4742,0.0018,1430625.0,0.9971,0.1207,0.7969,0.0032,0.7201,0.0035,0.9715,0.0011,0.8271,0.0022,0.9365,0.0017
-PyG,CoauthorCS,link_pred,True,,,1,4,2,skipsum,mean,99,0.4471,0.0027,1430625.0,0.9024,0.1456,0.8299,0.0024,0.7556,0.0024,0.975,0.0011,0.8514,0.002,0.9512,0.0022
-PyG,CoauthorCS,link_pred,True,,,1,4,3,skipconcat,add,99,0.4635,0.0046,539246.0,0.9362,0.1064,0.8051,0.0043,0.7273,0.0044,0.9764,0.0015,0.8336,0.0032,0.9477,0.0031
-PyG,CoauthorCS,link_pred,True,,,1,4,3,skipconcat,max,99,0.4591,0.0017,539246.0,0.9915,0.139,0.8009,0.0039,0.7222,0.0035,0.9778,0.0019,0.8308,0.003,0.9473,0.0016
-PyG,CoauthorCS,link_pred,True,,,1,4,3,skipconcat,mean,99,0.4441,0.0032,539246.0,0.8206,0.0383,0.8234,0.0022,0.7472,0.0027,0.9776,0.0006,0.847,0.0016,0.9543,0.002
-PyG,CoauthorCS,link_pred,True,,,1,4,3,skipsum,add,99,0.4722,0.0015,1343329.0,0.94,0.2017,0.8059,0.0029,0.7287,0.0035,0.975,0.001,0.834,0.0019,0.9415,0.0004
-PyG,CoauthorCS,link_pred,True,,,1,4,3,skipsum,max,99,0.4729,0.0024,1343329.0,0.8564,0.052,0.8032,0.0016,0.7267,0.0021,0.972,0.0016,0.8317,0.0011,0.9353,0.0011
-PyG,CoauthorCS,link_pred,True,,,1,4,3,skipsum,mean,99,0.4502,0.0009,1343329.0,1.0147,0.0376,0.8328,0.0016,0.7603,0.002,0.9719,0.0011,0.8532,0.0012,0.9484,0.0016
-PyG,CoauthorCS,link_pred,True,,,1,6,2,skipconcat,add,99,0.5108,0.005,480480.0,0.8849,0.007,0.7748,0.0017,0.6969,0.0009,0.9728,0.0028,0.812,0.0016,0.9423,0.0014
-PyG,CoauthorCS,link_pred,True,,,1,6,2,skipconcat,max,99,0.4667,0.0063,480480.0,1.1192,0.051,0.7811,0.0056,0.7029,0.0051,0.9738,0.004,0.8165,0.0042,0.9462,0.0043
-PyG,CoauthorCS,link_pred,True,,,1,6,2,skipconcat,mean,99,0.4448,0.0028,480480.0,1.0726,0.0534,0.8084,0.002,0.7315,0.0015,0.9748,0.0017,0.8358,0.0016,0.954,0.0022
-PyG,CoauthorCS,link_pred,True,,,1,6,2,skipsum,add,99,0.4989,0.0039,1268247.0,1.0445,0.033,0.7881,0.0018,0.7103,0.0021,0.9728,0.0009,0.8211,0.0012,0.933,0.0023
-PyG,CoauthorCS,link_pred,True,,,1,6,2,skipsum,max,99,0.4799,0.0016,1268247.0,1.1441,0.0685,0.7948,0.0006,0.7183,0.0005,0.9701,0.0008,0.8254,0.0006,0.9317,0.0009
-PyG,CoauthorCS,link_pred,True,,,1,6,2,skipsum,mean,99,0.4488,0.0019,1268247.0,1.0408,0.0949,0.8315,0.0044,0.7589,0.0053,0.9717,0.0006,0.8522,0.0034,0.9492,0.0013
-PyG,CoauthorCS,link_pred,True,,,1,6,3,skipconcat,add,99,0.4815,0.0018,445691.0,1.0243,0.0547,0.7949,0.0017,0.7171,0.0014,0.9743,0.002,0.8261,0.0014,0.943,0.0005
-PyG,CoauthorCS,link_pred,True,,,1,6,3,skipconcat,max,99,0.4609,0.0025,445691.0,1.0522,0.1056,0.7975,0.0047,0.7196,0.0045,0.9751,0.0031,0.8281,0.0035,0.9456,0.0021
-PyG,CoauthorCS,link_pred,True,,,1,6,3,skipconcat,mean,99,0.4448,0.0041,445691.0,1.0943,0.0961,0.8252,0.0023,0.7492,0.0024,0.9779,0.0007,0.8484,0.0018,0.9539,0.0024
-PyG,CoauthorCS,link_pred,True,,,1,6,3,skipsum,add,99,0.4956,0.0059,1207089.0,0.9166,0.0473,0.7916,0.0049,0.7145,0.005,0.9712,0.0024,0.8233,0.0035,0.9325,0.0027
-PyG,CoauthorCS,link_pred,True,,,1,6,3,skipsum,max,99,0.4762,0.0022,1207089.0,0.9223,0.0914,0.7961,0.0034,0.7197,0.0037,0.9702,0.0005,0.8264,0.0024,0.9321,0.002
-PyG,CoauthorCS,link_pred,True,,,1,6,3,skipsum,mean,99,0.4512,0.0008,1207089.0,0.916,0.0917,0.8343,0.0019,0.7633,0.0024,0.9693,0.0031,0.854,0.0015,0.9473,0.0016
-PyG,CoauthorCS,link_pred,True,,,1,8,2,skipconcat,add,99,0.525,0.0029,421953.0,0.9278,0.111,0.7745,0.0032,0.697,0.0027,0.9713,0.0019,0.8116,0.0025,0.9401,0.0014
-PyG,CoauthorCS,link_pred,True,,,1,8,2,skipconcat,max,99,0.4701,0.0079,421953.0,1.0027,0.0278,0.7796,0.0076,0.7017,0.0069,0.9731,0.0028,0.8154,0.0056,0.9446,0.0036
-PyG,CoauthorCS,link_pred,True,,,1,8,2,skipconcat,mean,99,0.4469,0.0054,421953.0,1.0388,0.0494,0.8102,0.0038,0.7338,0.0038,0.9738,0.0018,0.8369,0.003,0.9526,0.0031
-PyG,CoauthorCS,link_pred,True,,,1,8,2,skipsum,add,99,0.5101,0.0043,1151641.0,0.9531,0.0942,0.7854,0.0039,0.7082,0.0038,0.9709,0.0004,0.819,0.0027,0.9263,0.0036
-PyG,CoauthorCS,link_pred,True,,,1,8,2,skipsum,max,99,0.4832,0.0006,1151641.0,0.9677,0.1499,0.7902,0.0027,0.7141,0.0029,0.9681,0.001,0.8219,0.0018,0.929,0.0005
-PyG,CoauthorCS,link_pred,True,,,1,8,2,skipsum,mean,99,0.4517,0.0016,1151641.0,1.0354,0.0491,0.8328,0.0037,0.7611,0.0043,0.97,0.0006,0.8529,0.0028,0.9467,0.0012
-PyG,CoauthorCS,link_pred,True,,,1,8,3,skipconcat,add,99,0.4926,0.0025,388828.0,0.9379,0.1107,0.7888,0.0004,0.7106,0.0001,0.9745,0.0014,0.8219,0.0005,0.9413,0.0024
-PyG,CoauthorCS,link_pred,True,,,1,8,3,skipconcat,max,99,0.4649,0.0021,388828.0,0.793,0.0917,0.7959,0.0038,0.7183,0.0034,0.9737,0.0022,0.8267,0.0029,0.9424,0.0019
-PyG,CoauthorCS,link_pred,True,,,1,8,3,skipconcat,mean,99,0.4441,0.0023,388828.0,0.786,0.0589,0.8211,0.0014,0.745,0.0009,0.9763,0.0021,0.8451,0.0012,0.9541,0.0022
-PyG,CoauthorCS,link_pred,True,,,1,8,3,skipsum,add,99,0.499,0.0037,1112469.0,1.0536,0.0227,0.7936,0.0037,0.7169,0.0035,0.9708,0.0018,0.8247,0.0029,0.9283,0.0012
-PyG,CoauthorCS,link_pred,True,,,1,8,3,skipsum,max,99,0.4851,0.0015,1112469.0,0.986,0.0453,0.7932,0.0025,0.7174,0.0026,0.9676,0.0007,0.8239,0.0017,0.9252,0.001
-PyG,CoauthorCS,link_pred,True,,,1,8,3,skipsum,mean,99,0.4526,0.0019,1112469.0,0.9987,0.0537,0.8346,0.001,0.7645,0.0014,0.9672,0.0005,0.854,0.0008,0.9457,0.0012
-PyG,CoauthorCS,link_pred,True,,,2,2,2,skipconcat,add,99,0.4597,0.0033,846641.0,0.9121,0.0498,0.7961,0.0057,0.7176,0.0053,0.9766,0.0029,0.8273,0.0043,0.9526,0.0024
-PyG,CoauthorCS,link_pred,True,,,2,2,2,skipconcat,max,99,0.4624,0.0046,846641.0,1.0958,0.0864,0.7894,0.0042,0.7112,0.0033,0.9745,0.0038,0.8223,0.0035,0.9473,0.003
-PyG,CoauthorCS,link_pred,True,,,2,2,2,skipconcat,mean,99,0.4438,0.0018,846641.0,0.9492,0.0283,0.8072,0.0017,0.7301,0.0014,0.975,0.0017,0.8349,0.0015,0.9548,0.0016
-PyG,CoauthorCS,link_pred,True,,,2,2,2,skipsum,add,99,0.4657,0.0019,1554390.0,0.9556,0.0824,0.8062,0.0032,0.7289,0.0037,0.9753,0.0007,0.8342,0.0021,0.9468,0.0
-PyG,CoauthorCS,link_pred,True,,,2,2,2,skipsum,max,99,0.4651,0.0013,1554390.0,0.9507,0.0882,0.7975,0.003,0.7194,0.0032,0.9757,0.0018,0.8281,0.0022,0.943,0.0009
-PyG,CoauthorCS,link_pred,True,,,2,2,2,skipsum,mean,99,0.4441,0.0008,1554390.0,0.9613,0.1117,0.8279,0.0025,0.7529,0.003,0.9761,0.001,0.8501,0.0019,0.9533,0.0006
-PyG,CoauthorCS,link_pred,True,,,2,2,3,skipconcat,add,99,0.4513,0.0027,744641.0,0.8486,0.1155,0.8114,0.0024,0.7343,0.0025,0.976,0.0014,0.8381,0.0018,0.952,0.0012
-PyG,CoauthorCS,link_pred,True,,,2,2,3,skipconcat,max,99,0.4566,0.0032,744641.0,1.0188,0.1772,0.8063,0.0032,0.7285,0.0038,0.9766,0.0018,0.8345,0.0021,0.948,0.0022
-PyG,CoauthorCS,link_pred,True,,,2,2,3,skipconcat,mean,99,0.4434,0.0034,744641.0,1.1265,0.0507,0.8169,0.0036,0.7397,0.0036,0.978,0.0014,0.8423,0.0028,0.955,0.0021
-PyG,CoauthorCS,link_pred,True,,,2,2,3,skipsum,add,99,0.4627,0.0021,1430625.0,0.9556,0.0285,0.8098,0.0034,0.733,0.0041,0.9747,0.0019,0.8368,0.0023,0.9461,0.0011
-PyG,CoauthorCS,link_pred,True,,,2,2,3,skipsum,max,99,0.4642,0.001,1430625.0,0.9827,0.0868,0.8036,0.0039,0.725,0.0042,0.9785,0.0016,0.8328,0.0028,0.9434,0.001
-PyG,CoauthorCS,link_pred,True,,,2,2,3,skipsum,mean,99,0.448,0.0017,1430625.0,0.9942,0.0867,0.8298,0.0031,0.7549,0.0034,0.9767,0.0009,0.8516,0.0024,0.9511,0.001
-PyG,CoauthorCS,link_pred,True,,,2,4,2,skipconcat,add,99,0.4744,0.0057,587614.0,1.0123,0.0391,0.7929,0.0028,0.7147,0.0024,0.9752,0.0018,0.8249,0.0022,0.9487,0.0025
-PyG,CoauthorCS,link_pred,True,,,2,4,2,skipconcat,max,99,0.4655,0.0065,587614.0,1.1303,0.0528,0.788,0.0057,0.7095,0.0052,0.9755,0.0022,0.8215,0.0043,0.9463,0.0028
-PyG,CoauthorCS,link_pred,True,,,2,4,2,skipconcat,mean,99,0.4463,0.0024,587614.0,0.9261,0.1404,0.8083,0.002,0.7315,0.0019,0.974,0.0008,0.8355,0.0015,0.9531,0.0015
-PyG,CoauthorCS,link_pred,True,,,2,4,2,skipsum,add,99,0.4858,0.0059,1343329.0,0.7961,0.0527,0.7962,0.0028,0.7182,0.0027,0.9748,0.0008,0.8271,0.002,0.9398,0.0017
-PyG,CoauthorCS,link_pred,True,,,2,4,2,skipsum,max,99,0.4717,0.0012,1343329.0,1.1099,0.086,0.7967,0.0037,0.7189,0.0038,0.9746,0.0009,0.8274,0.0027,0.9379,0.0012
-PyG,CoauthorCS,link_pred,True,,,2,4,2,skipsum,mean,99,0.4479,0.0002,1343329.0,1.1233,0.1388,0.8292,0.002,0.7551,0.0026,0.9745,0.0011,0.8508,0.0014,0.9505,0.0002
-PyG,CoauthorCS,link_pred,True,,,2,4,3,skipconcat,add,99,0.4659,0.0042,526561.0,1.0216,0.0844,0.8011,0.0072,0.7234,0.0072,0.9752,0.0018,0.8306,0.0053,0.9481,0.0023
-PyG,CoauthorCS,link_pred,True,,,2,4,3,skipconcat,max,99,0.4611,0.0015,526561.0,1.1451,0.0399,0.7989,0.0031,0.7203,0.0028,0.9772,0.0019,0.8293,0.0024,0.9459,0.0015
-PyG,CoauthorCS,link_pred,True,,,2,4,3,skipconcat,mean,99,0.444,0.0027,526561.0,0.9105,0.0519,0.8203,0.0012,0.7437,0.0015,0.9777,0.0018,0.8447,0.0009,0.9544,0.0023
-PyG,CoauthorCS,link_pred,True,,,2,4,3,skipsum,add,99,0.4782,0.0027,1268247.0,1.0298,0.0621,0.8048,0.0046,0.7282,0.0049,0.9725,0.0024,0.8328,0.0034,0.9382,0.0032
-PyG,CoauthorCS,link_pred,True,,,2,4,3,skipsum,max,99,0.4707,0.0021,1268247.0,1.0968,0.2013,0.8048,0.0011,0.7285,0.0009,0.9717,0.0012,0.8327,0.001,0.9358,0.0015
-PyG,CoauthorCS,link_pred,True,,,2,4,3,skipsum,mean,99,0.4497,0.0,1268247.0,0.9001,0.0305,0.8311,0.0025,0.7578,0.003,0.9733,0.0012,0.8521,0.0019,0.949,0.0005
-PyG,CoauthorCS,link_pred,True,,,2,6,2,skipconcat,add,99,0.5011,0.0082,482243.0,0.9713,0.0563,0.7829,0.0045,0.7055,0.0048,0.9715,0.0008,0.8174,0.0029,0.9435,0.0016
-PyG,CoauthorCS,link_pred,True,,,2,6,2,skipconcat,max,99,0.4673,0.0032,482243.0,0.9949,0.0446,0.7847,0.0033,0.7066,0.0036,0.9738,0.0007,0.8189,0.0022,0.9455,0.0011
-PyG,CoauthorCS,link_pred,True,,,2,6,2,skipconcat,mean,99,0.4449,0.0034,482243.0,1.0152,0.0497,0.8127,0.0043,0.7365,0.0045,0.9737,0.0016,0.8387,0.0033,0.9531,0.0019
-PyG,CoauthorCS,link_pred,True,,,2,6,2,skipsum,add,99,0.5067,0.005,1207089.0,1.0709,0.1065,0.7913,0.0022,0.7138,0.0029,0.9724,0.0022,0.8233,0.0013,0.9314,0.0008
-PyG,CoauthorCS,link_pred,True,,,2,6,2,skipsum,max,99,0.4807,0.0019,1207089.0,1.1412,0.2032,0.7893,0.0012,0.7119,0.0014,0.9718,0.001,0.8218,0.0008,0.9321,0.0015
-PyG,CoauthorCS,link_pred,True,,,2,6,2,skipsum,mean,99,0.4491,0.0019,1207089.0,1.0301,0.0895,0.8322,0.0032,0.7601,0.0033,0.9709,0.0025,0.8526,0.0026,0.9487,0.0016
-PyG,CoauthorCS,link_pred,True,,,2,6,3,skipconcat,add,99,0.4818,0.0075,446986.0,0.931,0.1765,0.7929,0.0038,0.7153,0.0036,0.9732,0.0019,0.8245,0.0028,0.9416,0.0041
-PyG,CoauthorCS,link_pred,True,,,2,6,3,skipconcat,max,99,0.4604,0.0011,446986.0,1.0643,0.114,0.8007,0.0071,0.7225,0.0071,0.9764,0.0014,0.8305,0.0052,0.9457,0.0005
-PyG,CoauthorCS,link_pred,True,,,2,6,3,skipconcat,mean,99,0.4441,0.0027,446986.0,1.1011,0.0915,0.8245,0.0022,0.749,0.0025,0.9761,0.0017,0.8476,0.0017,0.9541,0.0022
-PyG,CoauthorCS,link_pred,True,,,2,6,3,skipsum,add,99,0.4871,0.0016,1151641.0,1.0533,0.1547,0.7976,0.0021,0.7205,0.0028,0.9724,0.0025,0.8277,0.0013,0.9339,0.0019
-PyG,CoauthorCS,link_pred,True,,,2,6,3,skipsum,max,99,0.478,0.0006,1151641.0,0.896,0.1934,0.7979,0.0016,0.7218,0.0021,0.9695,0.0011,0.8275,0.001,0.9306,0.0014
-PyG,CoauthorCS,link_pred,True,,,2,6,3,skipsum,mean,99,0.4497,0.0005,1151641.0,0.9731,0.1051,0.8339,0.0031,0.7618,0.0039,0.9716,0.0004,0.854,0.0023,0.9484,0.0003
-PyG,CoauthorCS,link_pred,True,,,2,8,2,skipconcat,add,99,0.5303,0.0145,423041.0,1.0601,0.1824,0.7736,0.0059,0.6962,0.0062,0.9711,0.0013,0.811,0.0038,0.9367,0.0008
-PyG,CoauthorCS,link_pred,True,,,2,8,2,skipconcat,max,99,0.4676,0.0042,423041.0,1.1668,0.092,0.7875,0.006,0.7095,0.0053,0.9739,0.0033,0.8209,0.0047,0.9441,0.0028
-PyG,CoauthorCS,link_pred,True,,,2,8,2,skipconcat,mean,99,0.4456,0.0012,423041.0,1.1626,0.1234,0.8086,0.0002,0.7324,0.0008,0.9727,0.0023,0.8356,0.0004,0.9526,0.0013
-PyG,CoauthorCS,link_pred,True,,,2,8,2,skipsum,add,99,0.5068,0.0022,1112469.0,1.0,0.1127,0.79,0.001,0.7128,0.0012,0.9716,0.0009,0.8223,0.0006,0.9297,0.0008
-PyG,CoauthorCS,link_pred,True,,,2,8,2,skipsum,max,99,0.4814,0.0023,1112469.0,1.0008,0.1015,0.7927,0.0059,0.7163,0.0067,0.9697,0.002,0.8239,0.0039,0.9308,0.0016
-PyG,CoauthorCS,link_pred,True,,,2,8,2,skipsum,mean,99,0.4496,0.0025,1112469.0,0.9959,0.0965,0.8318,0.0036,0.7598,0.0047,0.9704,0.0018,0.8523,0.0026,0.9486,0.0014
-PyG,CoauthorCS,link_pred,True,,,2,8,3,skipconcat,add,99,0.5031,0.0062,389611.0,0.9798,0.0616,0.7927,0.0009,0.7154,0.0012,0.9721,0.001,0.8243,0.0005,0.9378,0.0022
-PyG,CoauthorCS,link_pred,True,,,2,8,3,skipconcat,max,99,0.4662,0.0048,389611.0,0.9336,0.1452,0.7996,0.005,0.7218,0.0047,0.9752,0.0021,0.8296,0.0038,0.9428,0.004
-PyG,CoauthorCS,link_pred,True,,,2,8,3,skipconcat,mean,99,0.4466,0.0036,389611.0,0.8649,0.1831,0.8252,0.0027,0.7505,0.0032,0.9745,0.0005,0.8479,0.002,0.9513,0.0025
-PyG,CoauthorCS,link_pred,True,,,2,8,3,skipsum,add,99,0.5018,0.0099,1070849.0,1.1607,0.0915,0.7906,0.0042,0.7142,0.0047,0.9688,0.001,0.8223,0.0028,0.9278,0.0019
-PyG,CoauthorCS,link_pred,True,,,2,8,3,skipsum,max,99,0.4883,0.0021,1070849.0,1.1615,0.1031,0.7878,0.0023,0.7128,0.0024,0.9639,0.0003,0.8195,0.0017,0.921,0.0014
-PyG,CoauthorCS,link_pred,True,,,2,8,3,skipsum,mean,99,0.4548,0.0028,1070849.0,1.0829,0.065,0.8323,0.0029,0.7616,0.0032,0.9674,0.0007,0.8523,0.0022,0.9444,0.0017
-PyG,CoauthorPhysics,link_pred,True,,,1,2,2,skipconcat,add,99,0.4696,0.0084,1015300.0,2.5269,0.0491,0.7789,0.0022,0.6993,0.0019,0.9784,0.001,0.8157,0.0017,0.9546,0.0016
-PyG,CoauthorPhysics,link_pred,True,,,1,2,2,skipconcat,max,99,0.4718,0.011,1015300.0,2.5154,0.5289,0.7719,0.0047,0.6925,0.004,0.9783,0.0027,0.8109,0.0036,0.9508,0.0031
-PyG,CoauthorPhysics,link_pred,True,,,1,2,2,skipconcat,mean,99,0.4567,0.0148,1015300.0,2.1574,0.0469,0.788,0.0063,0.7096,0.0054,0.9751,0.0039,0.8214,0.005,0.953,0.0065
-PyG,CoauthorPhysics,link_pred,True,,,1,2,2,skipsum,add,99,0.4591,0.0011,2067265.0,2.3366,0.2268,0.7884,0.0007,0.7085,0.0005,0.9799,0.001,0.8224,0.0006,0.9548,0.0015
-PyG,CoauthorPhysics,link_pred,True,,,1,2,2,skipsum,max,99,0.456,0.0045,2067265.0,2.5222,0.2122,0.7914,0.0026,0.7108,0.0026,0.9826,0.0022,0.8249,0.0019,0.9547,0.0035
-PyG,CoauthorPhysics,link_pred,True,,,1,2,2,skipsum,mean,99,0.4442,0.0012,2067265.0,2.2271,0.0892,0.8024,0.0017,0.7239,0.0017,0.9777,0.0002,0.8319,0.0012,0.9564,0.0005
-PyG,CoauthorPhysics,link_pred,True,,,1,2,3,skipconcat,add,99,0.4491,0.0027,893473.0,2.1768,0.4234,0.7968,0.0047,0.7169,0.0048,0.981,0.0007,0.8284,0.0034,0.9572,0.0018
-PyG,CoauthorPhysics,link_pred,True,,,1,2,3,skipconcat,max,99,0.4529,0.0061,893473.0,2.3578,0.4953,0.7944,0.0038,0.7131,0.0034,0.9849,0.0019,0.8273,0.0029,0.9554,0.0044
-PyG,CoauthorPhysics,link_pred,True,,,1,2,3,skipconcat,mean,99,0.4442,0.0019,893473.0,1.9463,0.2835,0.8056,0.0033,0.7264,0.0029,0.9807,0.0021,0.8346,0.0026,0.9569,0.0011
-PyG,CoauthorPhysics,link_pred,True,,,1,2,3,skipsum,add,99,0.4519,0.0035,1874780.0,2.0702,0.1782,0.8023,0.0038,0.7228,0.0038,0.9805,0.0016,0.8322,0.0028,0.955,0.0027
-PyG,CoauthorPhysics,link_pred,True,,,1,2,3,skipsum,max,99,0.4584,0.0034,1874780.0,2.6978,0.7434,0.8001,0.0025,0.7189,0.0029,0.9854,0.0009,0.8313,0.0016,0.9515,0.002
-PyG,CoauthorPhysics,link_pred,True,,,1,2,3,skipsum,mean,99,0.4426,0.0019,1874780.0,2.1842,0.0612,0.8112,0.0003,0.7329,0.0002,0.9792,0.0007,0.8384,0.0003,0.9569,0.0014
-PyG,CoauthorPhysics,link_pred,True,,,1,4,2,skipconcat,add,99,0.4847,0.0138,691361.0,1.6968,0.1178,0.779,0.0031,0.6993,0.0025,0.979,0.0027,0.8159,0.0025,0.9532,0.0033
-PyG,CoauthorPhysics,link_pred,True,,,1,4,2,skipconcat,max,99,0.4636,0.007,691361.0,2.3403,0.1059,0.7745,0.005,0.6945,0.0042,0.9799,0.0026,0.8129,0.0038,0.9534,0.0023
-PyG,CoauthorPhysics,link_pred,True,,,1,4,2,skipconcat,mean,99,0.4473,0.0028,691361.0,2.2511,0.0819,0.794,0.0021,0.715,0.0024,0.9778,0.0009,0.826,0.0014,0.9562,0.0014
-PyG,CoauthorPhysics,link_pred,True,,,1,4,2,skipsum,add,99,0.4765,0.0031,1722035.0,1.8077,0.0966,0.7894,0.0013,0.7107,0.0009,0.9759,0.0016,0.8225,0.0011,0.945,0.0014
-PyG,CoauthorPhysics,link_pred,True,,,1,4,2,skipsum,max,99,0.4669,0.0022,1722035.0,2.2621,0.1206,0.7897,0.0007,0.7095,0.0011,0.9811,0.0011,0.8235,0.0004,0.9465,0.0023
-PyG,CoauthorPhysics,link_pred,True,,,1,4,2,skipsum,mean,99,0.4411,0.0035,1722035.0,1.7338,0.1683,0.8142,0.0019,0.7372,0.0016,0.9766,0.0022,0.8401,0.0016,0.9568,0.0026
-PyG,CoauthorPhysics,link_pred,True,,,1,4,3,skipconcat,add,99,0.4634,0.0029,618136.0,1.7725,0.1042,0.7918,0.0037,0.7123,0.0041,0.9792,0.0016,0.8247,0.0025,0.9526,0.0023
-PyG,CoauthorPhysics,link_pred,True,,,1,4,3,skipconcat,max,99,0.4546,0.0026,618136.0,2.3025,0.1285,0.7934,0.004,0.7125,0.0038,0.9835,0.0015,0.8264,0.003,0.954,0.002
-PyG,CoauthorPhysics,link_pred,True,,,1,4,3,skipsum,add,99,0.4684,0.0038,1613809.0,1.8946,0.1155,0.7953,0.0036,0.7169,0.0036,0.976,0.001,0.8266,0.0027,0.946,0.0024
-PyG,CoauthorPhysics,link_pred,True,,,1,4,3,skipsum,max,99,0.4652,0.0019,1613809.0,2.2598,0.4255,0.7995,0.0015,0.7192,0.001,0.9828,0.0018,0.8306,0.0013,0.9455,0.0015
-PyG,CoauthorPhysics,link_pred,True,,,1,4,3,skipsum,mean,99,0.4452,0.0027,1613809.0,2.246,0.0479,0.8232,0.002,0.7465,0.0025,0.9786,0.0013,0.8469,0.0015,0.9549,0.002
-PyG,CoauthorPhysics,link_pred,True,,,1,6,2,skipconcat,add,99,0.5038,0.0082,546490.0,2.1704,0.347,0.7748,0.004,0.6957,0.0041,0.9771,0.0005,0.8127,0.0028,0.9482,0.0019
-PyG,CoauthorPhysics,link_pred,True,,,1,6,2,skipconcat,max,99,0.4618,0.0074,546490.0,2.3414,0.2506,0.7762,0.004,0.696,0.0035,0.9809,0.0021,0.8143,0.003,0.9545,0.0031
-PyG,CoauthorPhysics,link_pred,True,,,1,6,2,skipconcat,mean,99,0.4444,0.0,546490.0,2.3312,0.0978,0.8008,0.0025,0.7225,0.0026,0.9767,0.0009,0.8306,0.0018,0.956,0.0003
-PyG,CoauthorPhysics,link_pred,True,,,1,6,2,skipsum,add,99,0.4898,0.0048,1521017.0,2.1473,0.2808,0.7852,0.0011,0.7068,0.0014,0.9746,0.003,0.8194,0.0009,0.9388,0.0026
-PyG,CoauthorPhysics,link_pred,True,,,1,6,2,skipsum,max,99,0.4712,0.0017,1521017.0,2.3691,0.6541,0.7899,0.0031,0.7101,0.0034,0.9799,0.0007,0.8235,0.002,0.9425,0.0011
-PyG,CoauthorPhysics,link_pred,True,,,1,6,2,skipsum,mean,99,0.4446,0.0014,1521017.0,1.8106,0.1143,0.8173,0.0034,0.7413,0.0038,0.9748,0.0009,0.8422,0.0025,0.954,0.0011
-PyG,CoauthorPhysics,link_pred,True,,,1,6,3,skipconcat,add,99,0.4714,0.0031,502041.0,2.3226,0.2937,0.7899,0.0028,0.7108,0.0031,0.9776,0.0007,0.8231,0.0019,0.9476,0.0025
-PyG,CoauthorPhysics,link_pred,True,,,1,6,3,skipconcat,max,99,0.4552,0.0019,502041.0,2.2717,0.1249,0.7979,0.0065,0.7174,0.0064,0.9832,0.0011,0.8295,0.0046,0.9533,0.0014
-PyG,CoauthorPhysics,link_pred,True,,,1,6,3,skipconcat,mean,99,0.4427,0.0017,502041.0,2.2245,0.2179,0.8116,0.0031,0.7334,0.0035,0.9792,0.002,0.8387,0.0023,0.9571,0.0017
-PyG,CoauthorPhysics,link_pred,True,,,1,6,3,skipsum,add,99,0.4811,0.0053,1445369.0,2.2949,0.1844,0.7881,0.0018,0.7101,0.0018,0.9738,0.0021,0.8213,0.0014,0.9392,0.0034
-PyG,CoauthorPhysics,link_pred,True,,,1,6,3,skipsum,max,99,0.4722,0.0002,1445369.0,1.9524,0.1142,0.7986,0.0011,0.7186,0.001,0.9813,0.0008,0.8297,0.0009,0.94,0.0007
-PyG,CoauthorPhysics,link_pred,True,,,1,6,3,skipsum,mean,99,0.4466,0.0014,1445369.0,2.1728,0.0593,0.8202,0.0039,0.7439,0.0043,0.9767,0.0005,0.8446,0.0029,0.9535,0.001
-PyG,CoauthorPhysics,link_pred,True,,,1,8,2,skipconcat,mean,99,0.4462,0.0058,473473.0,1.8633,0.054,0.7997,0.0029,0.7209,0.0028,0.9779,0.0009,0.83,0.0022,0.956,0.003
-PyG,CoauthorPhysics,link_pred,True,,,1,8,2,skipsum,add,99,0.5123,0.0042,1377041.0,1.9244,0.1967,0.7764,0.0018,0.698,0.0016,0.9741,0.0019,0.8133,0.0014,0.9343,0.0031
-PyG,CoauthorPhysics,link_pred,True,,,1,8,2,skipsum,max,99,0.4742,0.0041,1377041.0,1.9671,0.1613,0.7891,0.0035,0.709,0.0032,0.9808,0.0016,0.823,0.0026,0.9406,0.0031
-PyG,CoauthorPhysics,link_pred,True,,,1,8,2,skipsum,mean,99,0.4454,0.0026,1377041.0,2.0124,0.4669,0.8228,0.0043,0.7472,0.0052,0.9756,0.0008,0.8463,0.0031,0.9536,0.0022
-PyG,CoauthorPhysics,link_pred,True,,,1,8,3,skipconcat,add,99,0.5,0.0043,432298.0,1.8401,0.1037,0.7814,0.004,0.7032,0.0046,0.9742,0.0022,0.8167,0.0024,0.9412,0.0022
-PyG,CoauthorPhysics,link_pred,True,,,1,8,3,skipconcat,max,99,0.4554,0.0035,432298.0,2.0833,0.2425,0.7997,0.0055,0.719,0.0052,0.9839,0.0018,0.8309,0.0041,0.9533,0.0028
-PyG,CoauthorPhysics,link_pred,True,,,1,8,3,skipconcat,mean,99,0.4428,0.003,432298.0,2.145,0.1532,0.8115,0.002,0.7335,0.0024,0.9785,0.0009,0.8385,0.0014,0.9564,0.002
-PyG,CoauthorPhysics,link_pred,True,,,1,8,3,skipsum,add,99,0.4945,0.0031,1328209.0,1.9039,0.1071,0.7872,0.0013,0.7099,0.0016,0.9715,0.0009,0.8203,0.0008,0.9343,0.001
-PyG,CoauthorPhysics,link_pred,True,,,1,8,3,skipsum,max,99,0.4772,0.0036,1328209.0,2.5173,0.2887,0.7954,0.0023,0.7158,0.0021,0.9799,0.0013,0.8273,0.0018,0.9357,0.0024
-PyG,CoauthorPhysics,link_pred,True,,,1,8,3,skipsum,mean,99,0.4479,0.0025,1328209.0,2.264,0.2274,0.8188,0.0019,0.7432,0.0025,0.9741,0.0016,0.8431,0.0012,0.9516,0.002
-PyG,CoauthorPhysics,link_pred,True,,,2,2,2,skipconcat,add,99,0.4562,0.0025,999591.0,2.3608,0.235,0.7905,0.0009,0.7104,0.0013,0.9807,0.0019,0.824,0.0005,0.9572,0.0022
-PyG,CoauthorPhysics,link_pred,True,,,2,2,2,skipconcat,max,99,0.456,0.0042,999591.0,2.3693,0.2424,0.7836,0.0041,0.7031,0.0035,0.9821,0.0022,0.8194,0.0031,0.9555,0.002
-PyG,CoauthorPhysics,link_pred,True,,,2,2,2,skipconcat,mean,99,0.4489,0.0041,999591.0,1.7993,0.0825,0.7948,0.005,0.7164,0.005,0.9761,0.0009,0.8263,0.0036,0.9542,0.0016
-PyG,CoauthorPhysics,link_pred,True,,,2,2,2,skipsum,max,99,0.4578,0.0013,1874780.0,2.3368,0.083,0.7954,0.0023,0.7151,0.0027,0.9821,0.0018,0.8276,0.0016,0.9515,0.0007
-PyG,CoauthorPhysics,link_pred,True,,,2,2,3,skipconcat,add,99,0.4506,0.0035,873441.0,2.2063,0.2979,0.8012,0.0057,0.7222,0.0057,0.9791,0.003,0.8312,0.0042,0.956,0.003
-PyG,CoauthorPhysics,link_pred,True,,,2,2,3,skipconcat,max,99,0.4499,0.0031,873441.0,2.3035,0.3542,0.8023,0.0039,0.7216,0.0042,0.9845,0.0003,0.8328,0.0027,0.9563,0.0018
-PyG,CoauthorPhysics,link_pred,True,,,2,2,3,skipconcat,mean,99,0.4424,0.0012,873441.0,1.6927,0.1319,0.8068,0.0009,0.7274,0.0006,0.9814,0.001,0.8355,0.0007,0.9581,0.0006
-PyG,CoauthorPhysics,link_pred,True,,,2,2,3,skipsum,add,99,0.4541,0.0024,1722035.0,2.5499,0.4518,0.8036,0.0044,0.7244,0.0047,0.9803,0.0007,0.8331,0.0031,0.9532,0.0012
-PyG,CoauthorPhysics,link_pred,True,,,2,2,3,skipsum,max,99,0.4557,0.0024,1722035.0,2.4437,0.1655,0.8028,0.0014,0.7221,0.0017,0.9845,0.0008,0.8331,0.0009,0.9522,0.0021
-PyG,CoauthorPhysics,link_pred,True,,,2,2,3,skipsum,mean,99,0.447,0.0016,1722035.0,2.2449,0.2701,0.8173,0.001,0.7401,0.0008,0.978,0.0019,0.8426,0.0009,0.9537,0.0015
-PyG,CoauthorPhysics,link_pred,True,,,2,4,2,skipconcat,add,99,0.4843,0.0052,679384.0,1.8975,0.1465,0.7834,0.002,0.7042,0.0017,0.9772,0.0013,0.8186,0.0016,0.9501,0.002
-PyG,CoauthorPhysics,link_pred,True,,,2,4,2,skipconcat,max,99,0.4646,0.0095,679384.0,1.7481,0.1406,0.7773,0.0041,0.6976,0.0034,0.9791,0.0028,0.8147,0.0031,0.9512,0.0046
-PyG,CoauthorPhysics,link_pred,True,,,2,4,2,skipconcat,mean,99,0.4436,0.0037,679384.0,2.2587,0.4061,0.8024,0.0023,0.7242,0.0023,0.9767,0.0012,0.8317,0.0017,0.9562,0.0021
-PyG,CoauthorPhysics,link_pred,True,,,2,4,2,skipsum,add,99,0.4769,0.0017,1613809.0,2.4137,0.0628,0.7926,0.0039,0.7146,0.0039,0.9744,0.0007,0.8245,0.0028,0.9426,0.0006
-PyG,CoauthorPhysics,link_pred,True,,,2,4,2,skipsum,max,99,0.4636,0.0023,1613809.0,2.3297,0.1986,0.7979,0.0014,0.7179,0.0014,0.9815,0.0019,0.8292,0.0011,0.9473,0.002
-PyG,CoauthorPhysics,link_pred,True,,,2,4,2,skipsum,mean,99,0.4436,0.0016,1613809.0,2.1266,0.0507,0.8208,0.002,0.7444,0.0023,0.9773,0.0006,0.8451,0.0014,0.9552,0.001
-PyG,CoauthorPhysics,link_pred,True,,,2,4,3,skipconcat,add,99,0.4632,0.001,603841.0,1.8596,0.2435,0.794,0.0012,0.7151,0.0011,0.9775,0.0008,0.826,0.0009,0.9515,0.0015
-PyG,CoauthorPhysics,link_pred,True,,,2,4,3,skipconcat,max,99,0.4566,0.0043,603841.0,2.368,0.3142,0.7968,0.0011,0.7164,0.0016,0.9825,0.0016,0.8286,0.0006,0.9515,0.0039
-PyG,CoauthorPhysics,link_pred,True,,,2,4,3,skipconcat,mean,99,0.4472,0.0021,603841.0,2.0164,0.1836,0.8129,0.0023,0.735,0.0028,0.9788,0.0007,0.8395,0.0016,0.9539,0.0016
-PyG,CoauthorPhysics,link_pred,True,,,2,4,3,skipsum,add,99,0.4701,0.0014,1521017.0,2.105,0.0448,0.7954,0.0017,0.7175,0.0015,0.9744,0.0013,0.8264,0.0013,0.9437,0.0012
-PyG,CoauthorPhysics,link_pred,True,,,2,4,3,skipsum,max,99,0.4652,0.0016,1521017.0,2.1196,0.2049,0.8007,0.0013,0.7205,0.0014,0.9826,0.0001,0.8314,0.0009,0.9448,0.0013
-PyG,CoauthorPhysics,link_pred,True,,,2,4,3,skipsum,mean,99,0.4455,0.0002,1521017.0,1.6234,0.0604,0.8236,0.0012,0.7475,0.0014,0.9773,0.0012,0.8471,0.0009,0.9543,0.0005
-PyG,CoauthorPhysics,link_pred,True,,,2,6,2,skipconcat,add,99,0.515,0.0192,548253.0,2.1067,0.0777,0.7751,0.009,0.6965,0.0088,0.9756,0.0013,0.8127,0.0062,0.9451,0.0019
-PyG,CoauthorPhysics,link_pred,True,,,2,6,2,skipconcat,max,99,0.4621,0.009,548253.0,2.2864,0.3345,0.7824,0.0052,0.7023,0.0046,0.9803,0.0022,0.8184,0.0038,0.9511,0.0055
-PyG,CoauthorPhysics,link_pred,True,,,2,6,2,skipconcat,mean,99,0.4443,0.0013,548253.0,2.1564,0.2745,0.7999,0.0035,0.7218,0.0036,0.9763,0.0007,0.8299,0.0025,0.956,0.0005
-PyG,CoauthorPhysics,link_pred,True,,,2,6,2,skipsum,add,99,0.4957,0.0041,1445369.0,1.9473,0.1197,0.7859,0.0016,0.7077,0.0015,0.9741,0.0007,0.8198,0.0012,0.9376,0.0012
-PyG,CoauthorPhysics,link_pred,True,,,2,6,2,skipsum,max,99,0.4685,0.0023,1445369.0,2.1119,0.1718,0.7935,0.0037,0.7135,0.0037,0.9811,0.0017,0.8261,0.0027,0.9442,0.0022
-PyG,CoauthorPhysics,link_pred,True,,,2,6,2,skipsum,mean,99,0.4462,0.0019,1445369.0,2.0522,0.2776,0.8209,0.0013,0.7453,0.0011,0.975,0.0018,0.8448,0.0011,0.9529,0.0017
-PyG,CoauthorPhysics,link_pred,True,,,2,6,3,skipconcat,add,99,0.4916,0.008,503336.0,2.2182,0.1136,0.791,0.0045,0.7119,0.0047,0.9778,0.0013,0.8239,0.0031,0.9448,0.0016
-PyG,CoauthorPhysics,link_pred,True,,,2,6,3,skipconcat,max,99,0.4568,0.0041,503336.0,1.8768,0.1523,0.798,0.0063,0.7176,0.0061,0.9827,0.0013,0.8295,0.0046,0.952,0.0028
-PyG,CoauthorPhysics,link_pred,True,,,2,6,3,skipconcat,mean,99,0.4438,0.0003,503336.0,1.9763,0.102,0.8122,0.0023,0.7346,0.0025,0.9776,0.0003,0.8388,0.0017,0.9558,0.0006
-PyG,CoauthorPhysics,link_pred,True,,,2,6,3,skipsum,add,99,0.4891,0.0027,1377041.0,1.7203,0.047,0.7901,0.0044,0.7122,0.0045,0.9737,0.0005,0.8227,0.0031,0.9365,0.0024
-PyG,CoauthorPhysics,link_pred,True,,,2,6,3,skipsum,max,99,0.4678,0.0005,1377041.0,1.9948,0.0751,0.7987,0.0008,0.7187,0.001,0.9816,0.0004,0.8298,0.0006,0.9431,0.0006
-PyG,CoauthorPhysics,link_pred,True,,,2,6,3,skipsum,mean,99,0.4482,0.0008,1377041.0,2.3509,0.1985,0.8273,0.0009,0.7519,0.0006,0.977,0.0017,0.8498,0.0008,0.9525,0.0008
-PyG,CoauthorPhysics,link_pred,True,,,2,8,2,skipconcat,add,99,0.5635,0.0441,474561.0,1.8517,0.1464,0.7679,0.0104,0.6895,0.0097,0.9753,0.0019,0.8078,0.0071,0.9382,0.0034
-PyG,CoauthorPhysics,link_pred,True,,,2,8,2,skipconcat,max,99,0.4674,0.0094,474561.0,1.7435,0.1412,0.7793,0.0071,0.6996,0.0065,0.9791,0.0028,0.816,0.0052,0.9492,0.0045
-PyG,CoauthorPhysics,link_pred,True,,,2,8,2,skipconcat,mean,99,0.4453,0.0017,474561.0,1.9322,0.1386,0.8002,0.0036,0.7223,0.0034,0.9756,0.0014,0.83,0.0027,0.9552,0.001
-PyG,CoauthorPhysics,link_pred,True,,,2,8,2,skipsum,add,99,0.5076,0.0011,1328209.0,1.9322,0.1061,0.7826,0.0011,0.7051,0.0012,0.9714,0.0018,0.8171,0.0009,0.9312,0.0013
-PyG,CoauthorPhysics,link_pred,True,,,2,8,2,skipsum,max,99,0.4765,0.0018,1328209.0,2.094,0.602,0.788,0.003,0.7082,0.003,0.9795,0.0016,0.822,0.0022,0.9384,0.0014
-PyG,CoauthorPhysics,link_pred,True,,,2,8,2,skipsum,mean,99,0.448,0.0023,1328209.0,1.8335,0.1559,0.8235,0.0012,0.748,0.0021,0.9758,0.0025,0.8468,0.0008,0.9522,0.0021
-PyG,CoauthorPhysics,link_pred,True,,,2,8,3,skipconcat,add,99,0.5099,0.0214,433081.0,1.8466,0.2646,0.7819,0.0053,0.7037,0.0046,0.9741,0.0031,0.8171,0.0041,0.9377,0.0042
-PyG,CoauthorPhysics,link_pred,True,,,2,8,3,skipconcat,max,99,0.4601,0.0056,433081.0,1.7283,0.1386,0.7994,0.0027,0.719,0.0026,0.9828,0.0009,0.8305,0.002,0.9495,0.0037
-PyG,CoauthorPhysics,link_pred,True,,,2,8,3,skipconcat,mean,99,0.445,0.0048,433081.0,1.8307,0.1404,0.813,0.0038,0.7356,0.0046,0.9772,0.0014,0.8394,0.0025,0.9547,0.0036
-PyG,CoauthorPhysics,link_pred,True,,,2,8,3,skipsum,add,99,0.501,0.0081,1276929.0,1.8321,0.227,0.7821,0.0018,0.7049,0.0021,0.9705,0.0012,0.8167,0.0012,0.9298,0.0014
-PyG,CoauthorPhysics,link_pred,True,,,2,8,3,skipsum,max,99,0.4741,0.0016,1276929.0,2.0385,0.6733,0.7953,0.0019,0.7154,0.0015,0.9808,0.0016,0.8274,0.0015,0.938,0.0015
-PyG,CoauthorPhysics,link_pred,True,,,2,8,3,skipsum,mean,99,0.449,0.0014,1276929.0,1.6485,0.1043,0.8249,0.0039,0.7502,0.0047,0.9742,0.0008,0.8476,0.0027,0.9509,0.0006
-PyG,Cora,link_pred,True,,,1,2,2,skipconcat,add,99,0.6426,0.0263,338046.0,0.0142,0.0014,0.6856,0.0097,0.6394,0.0062,0.8511,0.0155,0.7302,0.0095,0.8026,0.0123
-PyG,Cora,link_pred,True,,,1,2,2,skipconcat,max,99,0.7573,0.0252,338046.0,0.0175,0.0049,0.6528,0.0103,0.6203,0.0063,0.7878,0.0203,0.694,0.0118,0.7483,0.0117
-PyG,Cora,link_pred,True,,,1,2,2,skipconcat,mean,19,0.6412,0.0111,338046.0,0.0176,0.0046,0.6715,0.0172,0.6193,0.0155,0.8925,0.0128,0.731,0.0104,0.8207,0.0179
-PyG,Cora,link_pred,True,,,1,2,2,skipsum,add,79,0.6285,0.007,517261.0,0.0161,0.0032,0.6701,0.0227,0.6246,0.0241,0.8622,0.031,0.7235,0.0089,0.8021,0.012
-PyG,Cora,link_pred,True,,,1,2,2,skipsum,max,99,0.6272,0.0096,517261.0,0.0137,0.0003,0.6697,0.005,0.6285,0.0036,0.83,0.0069,0.7153,0.0047,0.7793,0.0103
-PyG,Cora,link_pred,True,,,1,2,2,skipsum,mean,79,0.5651,0.0272,517261.0,0.0135,0.0005,0.7005,0.0111,0.6477,0.0063,0.8786,0.0197,0.7457,0.0113,0.8396,0.0202
-PyG,Cora,link_pred,True,,,1,2,3,skipconcat,add,99,0.5693,0.0041,320949.0,0.013,0.0001,0.6997,0.0038,0.6507,0.0045,0.8622,0.0039,0.7417,0.0018,0.8242,0.0058
-PyG,Cora,link_pred,True,,,1,2,3,skipconcat,max,99,0.6065,0.0042,320949.0,0.0138,0.0001,0.6749,0.0019,0.6324,0.0022,0.8354,0.0051,0.7198,0.0017,0.7836,0.003
-PyG,Cora,link_pred,True,,,1,2,3,skipconcat,mean,79,0.5718,0.024,320949.0,0.0176,0.0022,0.6902,0.0116,0.6432,0.0075,0.8543,0.0185,0.7338,0.0114,0.8245,0.0196
-PyG,Cora,link_pred,True,,,1,2,3,skipsum,add,99,0.5839,0.0061,485362.0,0.0147,0.002,0.6926,0.0073,0.645,0.0055,0.8568,0.0073,0.7359,0.0063,0.8171,0.0074
-PyG,Cora,link_pred,True,,,1,2,3,skipsum,max,99,0.5928,0.015,485362.0,0.0133,0.001,0.6914,0.0142,0.6458,0.0105,0.8477,0.0157,0.7331,0.0126,0.7929,0.0147
-PyG,Cora,link_pred,True,,,1,2,3,skipsum,mean,99,0.5426,0.0147,485362.0,0.0206,0.0043,0.7118,0.0123,0.6592,0.0091,0.877,0.0136,0.7526,0.0107,0.8455,0.0139
-PyG,Cora,link_pred,True,,,1,4,2,skipconcat,add,99,0.6338,0.0025,286405.0,0.0154,0.0008,0.6805,0.0048,0.6376,0.0028,0.8363,0.0087,0.7236,0.0051,0.8017,0.0053
-PyG,Cora,link_pred,True,,,1,4,2,skipconcat,max,99,0.6814,0.0208,286405.0,0.0168,0.0041,0.6671,0.0067,0.6279,0.006,0.8202,0.0069,0.7113,0.0051,0.7754,0.0063
-PyG,Cora,link_pred,True,,,1,4,2,skipconcat,mean,19,0.6502,0.006,286405.0,0.0196,0.0074,0.6633,0.0253,0.6146,0.0238,0.883,0.021,0.7242,0.0143,0.8212,0.0202
-PyG,Cora,link_pred,True,,,1,4,2,skipsum,add,79,0.6374,0.0185,458293.0,0.0166,0.0009,0.672,0.009,0.6327,0.0046,0.8196,0.0219,0.714,0.011,0.782,0.0195
-PyG,Cora,link_pred,True,,,1,4,2,skipsum,max,99,0.6366,0.0087,458293.0,0.0157,0.0013,0.6632,0.0032,0.6242,0.0022,0.8203,0.0114,0.7089,0.0045,0.7677,0.0078
-PyG,Cora,link_pred,True,,,1,4,2,skipsum,mean,79,0.5421,0.0094,458293.0,0.0171,0.003,0.713,0.0097,0.6613,0.0053,0.8729,0.021,0.7524,0.0105,0.8503,0.0134
-PyG,Cora,link_pred,True,,,1,4,3,skipconcat,add,79,0.5818,0.0057,276018.0,0.0158,0.0033,0.7007,0.0046,0.6529,0.0045,0.8571,0.0008,0.7412,0.0032,0.8189,0.0052
-PyG,Cora,link_pred,True,,,1,4,3,skipconcat,max,99,0.5992,0.0066,276018.0,0.0289,0.004,0.6805,0.0059,0.6375,0.0049,0.8366,0.0067,0.7236,0.0049,0.795,0.0057
-PyG,Cora,link_pred,True,,,1,4,3,skipconcat,mean,79,0.555,0.0247,276018.0,0.0194,0.0045,0.7147,0.0153,0.6623,0.0103,0.8758,0.0218,0.7542,0.0146,0.8431,0.0221
-PyG,Cora,link_pred,True,,,1,4,3,skipsum,add,99,0.6119,0.0025,440833.0,0.019,0.0027,0.69,0.0103,0.6455,0.0086,0.8433,0.0199,0.7311,0.0098,0.7959,0.0138
-PyG,Cora,link_pred,True,,,1,4,3,skipsum,max,99,0.6087,0.0157,440833.0,0.0159,0.0026,0.6783,0.0106,0.6355,0.0037,0.836,0.0339,0.7218,0.0148,0.7772,0.0173
-PyG,Cora,link_pred,True,,,1,4,3,skipsum,mean,79,0.5315,0.0076,440833.0,0.0171,0.0023,0.7275,0.0033,0.674,0.003,0.8814,0.0088,0.7638,0.0034,0.8579,0.0107
-PyG,Cora,link_pred,True,,,1,6,2,skipconcat,add,99,0.653,0.0067,260228.0,0.0152,0.0015,0.6768,0.0071,0.6377,0.0073,0.8193,0.0067,0.7171,0.0045,0.7907,0.002
-PyG,Cora,link_pred,True,,,1,6,2,skipconcat,max,99,0.7169,0.0471,260228.0,0.0185,0.0035,0.6605,0.0084,0.6241,0.0063,0.8077,0.014,0.704,0.0082,0.7696,0.0141
-PyG,Cora,link_pred,True,,,1,6,2,skipconcat,mean,39,0.6795,0.0783,260228.0,0.0202,0.0024,0.6899,0.0149,0.6435,0.0119,0.8518,0.017,0.7331,0.0127,0.8239,0.0161
-PyG,Cora,link_pred,True,,,1,6,2,skipsum,add,99,0.6491,0.0326,424843.0,0.0179,0.0033,0.6767,0.0057,0.6397,0.0018,0.8089,0.019,0.7143,0.0084,0.7745,0.0136
-PyG,Cora,link_pred,True,,,1,6,2,skipsum,max,99,0.6313,0.0185,424843.0,0.0169,0.0015,0.6755,0.0093,0.6338,0.0057,0.831,0.0185,0.7191,0.01,0.7709,0.0174
-PyG,Cora,link_pred,True,,,1,6,2,skipsum,mean,99,0.5391,0.01,424843.0,0.0174,0.0041,0.7172,0.0102,0.6666,0.0082,0.8691,0.0092,0.7545,0.0086,0.8515,0.0081
-PyG,Cora,link_pred,True,,,1,6,3,skipconcat,add,79,0.595,0.0011,257671.0,0.0166,0.0011,0.7014,0.0041,0.6545,0.0036,0.853,0.0055,0.7407,0.0034,0.8102,0.0079
-PyG,Cora,link_pred,True,,,1,6,3,skipconcat,max,99,0.6212,0.019,257671.0,0.0185,0.0029,0.6704,0.009,0.6315,0.0049,0.8184,0.019,0.7128,0.0103,0.7795,0.0167
-PyG,Cora,link_pred,True,,,1,6,3,skipconcat,mean,79,0.5507,0.0118,257671.0,0.0168,0.0012,0.717,0.0121,0.6658,0.0073,0.871,0.0206,0.7547,0.0123,0.8444,0.0157
-PyG,Cora,link_pred,True,,,1,6,3,skipsum,add,79,0.6169,0.0089,412033.0,0.013,0.0005,0.6798,0.002,0.6391,0.0023,0.8265,0.0092,0.7208,0.0029,0.7852,0.0065
-PyG,Cora,link_pred,True,,,1,6,3,skipsum,max,99,0.6046,0.0066,412033.0,0.0205,0.0042,0.6769,0.0033,0.6347,0.0014,0.8338,0.009,0.7207,0.0042,0.7829,0.0072
-PyG,Cora,link_pred,True,,,1,6,3,skipsum,mean,79,0.5394,0.0071,412033.0,0.0244,0.0044,0.7205,0.0067,0.6725,0.0028,0.8593,0.0171,0.7545,0.008,0.8472,0.0115
-PyG,Cora,link_pred,True,,,1,8,2,skipconcat,add,99,0.6879,0.0281,250049.0,0.0172,0.0014,0.6762,0.0123,0.6375,0.0078,0.8165,0.0234,0.7159,0.0132,0.778,0.0176
-PyG,Cora,link_pred,True,,,1,8,2,skipconcat,max,99,0.7275,0.0691,250049.0,0.0168,0.0017,0.6594,0.0093,0.6183,0.0104,0.8357,0.0287,0.7104,0.0083,0.7786,0.0107
-PyG,Cora,link_pred,True,,,1,8,2,skipconcat,mean,79,0.6371,0.0717,250049.0,0.0153,0.0007,0.6798,0.0242,0.6323,0.026,0.8688,0.0289,0.731,0.0099,0.8256,0.0071
-PyG,Cora,link_pred,True,,,1,8,2,skipsum,add,99,0.6459,0.0188,399561.0,0.0152,0.0007,0.6715,0.0044,0.6339,0.0035,0.8121,0.0039,0.712,0.0037,0.7726,0.0071
-PyG,Cora,link_pred,True,,,1,8,2,skipsum,max,99,0.6328,0.0122,399561.0,0.0167,0.0012,0.6693,0.0083,0.6293,0.0054,0.824,0.0185,0.7136,0.0094,0.7676,0.0135
-PyG,Cora,link_pred,True,,,1,8,2,skipsum,mean,79,0.5353,0.0083,399561.0,0.0177,0.0012,0.7296,0.0089,0.6783,0.0042,0.8732,0.0209,0.7634,0.0102,0.8557,0.0123
-PyG,Cora,link_pred,True,,,1,8,3,skipconcat,add,79,0.6203,0.0216,243784.0,0.0165,0.0008,0.6871,0.0052,0.6452,0.0013,0.8313,0.0186,0.7264,0.0078,0.7945,0.0085
-PyG,Cora,link_pred,True,,,1,8,3,skipconcat,max,79,0.6198,0.0118,243784.0,0.0168,0.0007,0.6772,0.0027,0.6374,0.0029,0.8221,0.0248,0.7179,0.0076,0.7887,0.011
-PyG,Cora,link_pred,True,,,1,8,3,skipconcat,mean,79,0.5544,0.0071,243784.0,0.0163,0.0011,0.7099,0.0081,0.6627,0.0054,0.8546,0.0119,0.7465,0.0079,0.8355,0.0096
-PyG,Cora,link_pred,True,,,1,8,3,skipsum,add,99,0.623,0.0076,392621.0,0.0213,0.0023,0.6829,0.0099,0.6417,0.0071,0.8278,0.0132,0.723,0.0094,0.7869,0.0107
-PyG,Cora,link_pred,True,,,1,8,3,skipsum,max,79,0.6074,0.0085,392621.0,0.0215,0.0013,0.6751,0.009,0.6322,0.0054,0.8373,0.0194,0.7203,0.0099,0.7786,0.0134
-PyG,Cora,link_pred,True,,,1,8,3,skipsum,mean,79,0.5229,0.0101,392621.0,0.0186,0.0025,0.7298,0.0108,0.6792,0.0091,0.871,0.0152,0.7632,0.0098,0.8604,0.0107
-PyG,Cora,link_pred,True,,,2,2,2,skipconcat,add,79,0.6087,0.0262,336301.0,0.0146,0.0012,0.6949,0.0109,0.6507,0.0072,0.8414,0.0166,0.7338,0.0108,0.809,0.0198
-PyG,Cora,link_pred,True,,,2,2,2,skipconcat,max,99,0.7569,0.051,336301.0,0.015,0.001,0.6423,0.0135,0.611,0.0106,0.783,0.0133,0.6864,0.0117,0.7468,0.0141
-PyG,Cora,link_pred,True,,,2,2,2,skipconcat,mean,79,0.6518,0.1237,336301.0,0.0141,0.0019,0.6912,0.0238,0.6435,0.0185,0.8577,0.0209,0.7353,0.0196,0.8176,0.0266
-PyG,Cora,link_pred,True,,,2,2,2,skipsum,add,79,0.5727,0.0148,485362.0,0.0134,0.0012,0.7071,0.015,0.6579,0.0123,0.8632,0.0152,0.7466,0.0124,0.8249,0.0136
-PyG,Cora,link_pred,True,,,2,2,2,skipsum,max,99,0.6235,0.0124,485362.0,0.0173,0.0026,0.6711,0.0026,0.6274,0.0026,0.8427,0.0036,0.7192,0.0019,0.7847,0.003
-PyG,Cora,link_pred,True,,,2,2,2,skipsum,mean,99,0.5647,0.0391,485362.0,0.0134,0.0006,0.7087,0.0194,0.6571,0.0137,0.8726,0.0283,0.7496,0.0182,0.8368,0.0285
-PyG,Cora,link_pred,True,,,2,2,3,skipconcat,add,79,0.5721,0.0158,314881.0,0.0179,0.0055,0.7085,0.0051,0.6597,0.0034,0.8616,0.0088,0.7472,0.0051,0.8231,0.0087
-PyG,Cora,link_pred,True,,,2,2,3,skipconcat,max,99,0.6146,0.0046,314881.0,0.0131,0.0015,0.6747,0.006,0.6343,0.0026,0.825,0.0206,0.7171,0.0088,0.7787,0.0111
-PyG,Cora,link_pred,True,,,2,2,3,skipconcat,mean,99,0.5625,0.0295,314881.0,0.0137,0.0014,0.7084,0.0121,0.6587,0.0074,0.8644,0.0205,0.7476,0.0123,0.8278,0.0215
-PyG,Cora,link_pred,True,,,2,2,3,skipsum,add,99,0.5762,0.0078,458293.0,0.0136,0.0007,0.7026,0.0062,0.6581,0.0041,0.8433,0.0094,0.7393,0.0062,0.8176,0.0064
-PyG,Cora,link_pred,True,,,2,2,3,skipsum,max,79,0.5918,0.0026,458293.0,0.0143,0.0015,0.6824,0.0084,0.6379,0.0058,0.8432,0.0139,0.7263,0.0082,0.7892,0.0056
-PyG,Cora,link_pred,True,,,2,2,3,skipsum,mean,79,0.5431,0.0151,458293.0,0.0131,0.0009,0.7168,0.0122,0.665,0.0083,0.8735,0.018,0.7551,0.0118,0.8449,0.0138
-PyG,Cora,link_pred,True,,,2,4,2,skipconcat,add,79,0.6391,0.0127,281410.0,0.0154,0.0009,0.6811,0.0097,0.6401,0.007,0.8275,0.0148,0.7218,0.0094,0.7938,0.0146
-PyG,Cora,link_pred,True,,,2,4,2,skipconcat,max,99,0.7079,0.0612,281410.0,0.0163,0.0007,0.6551,0.0076,0.6175,0.0103,0.818,0.0303,0.7033,0.007,0.7693,0.0166
-PyG,Cora,link_pred,True,,,2,4,2,skipconcat,mean,99,0.6748,0.0865,281410.0,0.0145,0.0012,0.6838,0.0158,0.6338,0.0141,0.8723,0.0244,0.7339,0.0126,0.8158,0.0187
-PyG,Cora,link_pred,True,,,2,4,2,skipsum,add,99,0.6357,0.0137,440833.0,0.0196,0.0065,0.6768,0.0035,0.6382,0.0034,0.8165,0.0043,0.7164,0.0026,0.7763,0.0051
-PyG,Cora,link_pred,True,,,2,4,2,skipsum,max,99,0.6337,0.0121,440833.0,0.0165,0.0028,0.6619,0.0123,0.6249,0.0102,0.8105,0.0085,0.7057,0.0097,0.7627,0.0125
-PyG,Cora,link_pred,True,,,2,4,2,skipsum,mean,99,0.5439,0.0176,440833.0,0.0217,0.0031,0.7161,0.0121,0.6634,0.0085,0.8773,0.0146,0.7555,0.0109,0.8507,0.0161
-PyG,Cora,link_pred,True,,,2,4,3,skipconcat,add,99,0.5879,0.0044,268705.0,0.0174,0.003,0.695,0.0075,0.6501,0.0072,0.8452,0.0031,0.7349,0.0051,0.8091,0.0052
-PyG,Cora,link_pred,True,,,2,4,3,skipconcat,max,99,0.6174,0.01,268705.0,0.0145,0.0034,0.672,0.0069,0.6334,0.0033,0.8164,0.0195,0.7133,0.0091,0.7814,0.0073
-PyG,Cora,link_pred,True,,,2,4,3,skipconcat,mean,79,0.5708,0.0033,268705.0,0.0159,0.0011,0.6987,0.0053,0.6518,0.0056,0.8534,0.0174,0.739,0.0058,0.8234,0.0078
-PyG,Cora,link_pred,True,,,2,4,3,skipsum,add,99,0.5948,0.0128,424843.0,0.0137,0.0008,0.7015,0.0108,0.6551,0.006,0.8508,0.0213,0.7402,0.0118,0.8088,0.0192
-PyG,Cora,link_pred,True,,,2,4,3,skipsum,max,79,0.6082,0.0112,424843.0,0.0161,0.0033,0.6748,0.0156,0.635,0.0096,0.8212,0.0301,0.7161,0.017,0.7721,0.0168
-PyG,Cora,link_pred,True,,,2,4,3,skipsum,mean,79,0.5367,0.0077,424843.0,0.0133,0.0001,0.7249,0.0124,0.6753,0.009,0.8659,0.0152,0.7589,0.0114,0.8498,0.0114
-PyG,Cora,link_pred,True,,,2,6,2,skipconcat,add,99,0.6551,0.0068,261991.0,0.0135,0.0012,0.682,0.0101,0.6412,0.0056,0.8263,0.021,0.722,0.0116,0.7889,0.0148
-PyG,Cora,link_pred,True,,,2,6,2,skipconcat,max,99,0.7024,0.0665,261991.0,0.0187,0.0035,0.6607,0.0188,0.6235,0.0136,0.8105,0.024,0.7048,0.0177,0.7715,0.0277
-PyG,Cora,link_pred,True,,,2,6,2,skipconcat,mean,79,0.6369,0.0938,261991.0,0.0235,0.0051,0.6883,0.0216,0.6428,0.0174,0.848,0.0168,0.7313,0.0175,0.8154,0.0239
-PyG,Cora,link_pred,True,,,2,6,2,skipsum,add,99,0.6622,0.0049,412033.0,0.0139,0.0016,0.6709,0.0041,0.6349,0.0037,0.8045,0.007,0.7097,0.0038,0.7648,0.0078
-PyG,Cora,link_pred,True,,,2,6,2,skipsum,max,99,0.6284,0.0196,412033.0,0.016,0.0015,0.6644,0.0088,0.6288,0.0069,0.8026,0.0092,0.7052,0.0078,0.7623,0.0171
-PyG,Cora,link_pred,True,,,2,6,2,skipsum,mean,79,0.5305,0.0087,412033.0,0.0167,0.0039,0.7282,0.0081,0.6759,0.0053,0.877,0.0119,0.7634,0.0078,0.8577,0.012
-PyG,Cora,link_pred,True,,,2,6,3,skipconcat,add,99,0.5947,0.0032,258966.0,0.0147,0.0014,0.6972,0.0059,0.6517,0.0051,0.8474,0.0059,0.7367,0.0048,0.8106,0.0067
-PyG,Cora,link_pred,True,,,2,6,3,skipconcat,max,99,0.5987,0.0152,258966.0,0.0209,0.0066,0.6857,0.0138,0.6416,0.0101,0.8411,0.0167,0.7279,0.0124,0.7973,0.0163
-PyG,Cora,link_pred,True,,,2,6,3,skipconcat,mean,79,0.5648,0.0179,258966.0,0.016,0.0004,0.7056,0.0145,0.6578,0.0104,0.8571,0.0221,0.7443,0.0139,0.8286,0.02
-PyG,Cora,link_pred,True,,,2,6,3,skipsum,add,99,0.6024,0.0209,399561.0,0.015,0.0003,0.7028,0.0168,0.6561,0.012,0.8521,0.0209,0.7413,0.0155,0.8028,0.0174
-PyG,Cora,link_pred,True,,,2,6,3,skipsum,max,99,0.6176,0.0058,399561.0,0.0142,0.0009,0.6637,0.0038,0.6258,0.0021,0.8145,0.0108,0.7078,0.005,0.765,0.0026
-PyG,Cora,link_pred,True,,,2,6,3,skipsum,mean,79,0.5359,0.0128,399561.0,0.0183,0.0025,0.728,0.0107,0.6774,0.0066,0.8704,0.0172,0.7619,0.0108,0.8523,0.015
-PyG,Cora,link_pred,True,,,2,8,2,skipconcat,add,99,0.6892,0.0171,251137.0,0.0192,0.0057,0.6671,0.0055,0.6317,0.0056,0.802,0.009,0.7067,0.0042,0.7727,0.0067
-PyG,Cora,link_pred,True,,,2,8,2,skipconcat,max,99,0.7619,0.0784,251137.0,0.0153,0.0015,0.6422,0.0185,0.6051,0.0164,0.8218,0.0302,0.6966,0.0147,0.7623,0.0214
-PyG,Cora,link_pred,True,,,2,8,2,skipconcat,mean,79,0.6189,0.0575,251137.0,0.02,0.0046,0.6884,0.0193,0.6455,0.0129,0.8348,0.0298,0.728,0.0194,0.8103,0.0277
-PyG,Cora,link_pred,True,,,2,8,2,skipsum,add,99,0.6456,0.0227,392621.0,0.0162,0.0014,0.6739,0.0033,0.6359,0.0031,0.8133,0.006,0.7138,0.0029,0.7695,0.0106
-PyG,Cora,link_pred,True,,,2,8,2,skipsum,max,99,0.6372,0.0128,392621.0,0.0187,0.001,0.663,0.0117,0.6263,0.0092,0.8083,0.0184,0.7057,0.0112,0.7579,0.0146
-PyG,Cora,link_pred,True,,,2,8,2,skipsum,mean,79,0.5464,0.0079,392621.0,0.0204,0.0024,0.7178,0.009,0.669,0.003,0.8619,0.0255,0.7532,0.0115,0.8439,0.0147
-PyG,Cora,link_pred,True,,,2,8,3,skipconcat,add,79,0.6284,0.0117,244567.0,0.0174,0.0007,0.6845,0.0076,0.6449,0.0056,0.8212,0.02,0.7223,0.009,0.7846,0.0081
-PyG,Cora,link_pred,True,,,2,8,3,skipconcat,max,99,0.6187,0.0049,244567.0,0.0198,0.0026,0.6719,0.0081,0.631,0.0069,0.8281,0.005,0.7162,0.0062,0.7834,0.0072
-PyG,Cora,link_pred,True,,,2,8,3,skipconcat,mean,79,0.5834,0.017,244567.0,0.0192,0.0017,0.6914,0.0132,0.6499,0.0072,0.8291,0.0267,0.7286,0.0148,0.8099,0.019
-PyG,Cora,link_pred,True,,,2,8,3,skipsum,add,99,0.6206,0.0074,383233.0,0.0159,0.0021,0.6961,0.0066,0.6502,0.004,0.8486,0.0127,0.7363,0.0069,0.7945,0.0078
-PyG,Cora,link_pred,True,,,2,8,3,skipsum,max,99,0.623,0.0093,383233.0,0.0195,0.0043,0.6644,0.0042,0.625,0.0005,0.8221,0.0194,0.71,0.0074,0.7604,0.011
-PyG,Cora,link_pred,True,,,2,8,3,skipsum,mean,99,0.5329,0.0036,383233.0,0.0155,0.005,0.7256,0.0049,0.6772,0.0044,0.8622,0.0077,0.7585,0.0044,0.8525,0.0031
-PyG,TU_BZR,link_pred,True,,,1,2,2,skipconcat,add,79,0.5963,0.0072,204186.0,0.0042,0.0001,0.7181,0.0058,0.6545,0.0051,0.9242,0.0037,0.7663,0.004,0.8181,0.0049
-PyG,TU_BZR,link_pred,True,,,1,2,2,skipconcat,max,79,0.6046,0.0065,204186.0,0.0045,0.0003,0.7254,0.0158,0.6618,0.0088,0.9212,0.0283,0.7702,0.0157,0.808,0.0148
-PyG,TU_BZR,link_pred,True,,,1,2,2,skipconcat,mean,79,0.5923,0.0045,204186.0,0.0043,0.0004,0.7326,0.0046,0.6651,0.0022,0.937,0.0107,0.7779,0.0049,0.8207,0.0106
-PyG,TU_BZR,link_pred,True,,,1,2,2,skipsum,add,39,0.5963,0.0054,210901.0,0.0043,0.0003,0.7322,0.0073,0.6638,0.0044,0.9408,0.0106,0.7784,0.0067,0.8192,0.0011
-PyG,TU_BZR,link_pred,True,,,1,2,2,skipsum,max,59,0.5946,0.0037,210901.0,0.0044,0.0,0.737,0.0073,0.6713,0.0068,0.9291,0.0046,0.7794,0.005,0.8076,0.004
-PyG,TU_BZR,link_pred,True,,,1,2,2,skipsum,mean,79,0.5925,0.0038,210901.0,0.0043,0.0004,0.7306,0.0028,0.6629,0.0014,0.9381,0.0067,0.7769,0.003,0.8131,0.0031
-PyG,TU_BZR,link_pred,True,,,1,2,3,skipconcat,add,99,0.5728,0.0021,207789.0,0.0043,0.0003,0.7296,0.008,0.6595,0.0056,0.9491,0.008,0.7782,0.0066,0.8374,0.007
-PyG,TU_BZR,link_pred,True,,,1,2,3,skipconcat,max,79,0.5867,0.0049,207789.0,0.0046,0.0003,0.7359,0.0034,0.6643,0.0029,0.9536,0.0009,0.7831,0.0023,0.8213,0.0133
-PyG,TU_BZR,link_pred,True,,,1,2,3,skipconcat,mean,99,0.5832,0.0113,207789.0,0.0045,0.0004,0.7343,0.0027,0.6652,0.0016,0.9431,0.0068,0.7801,0.0029,0.8174,0.0196
-PyG,TU_BZR,link_pred,True,,,1,2,3,skipsum,add,79,0.5761,0.0106,210742.0,0.005,0.0008,0.7237,0.0028,0.656,0.0018,0.9408,0.0046,0.773,0.0026,0.8361,0.009
-PyG,TU_BZR,link_pred,True,,,1,2,3,skipsum,max,59,0.5909,0.0029,210742.0,0.0046,0.0004,0.7364,0.008,0.6658,0.0079,0.9495,0.0039,0.7827,0.0049,0.8078,0.0082
-PyG,TU_BZR,link_pred,True,,,1,2,3,skipsum,mean,99,0.5826,0.005,210742.0,0.0043,0.0003,0.7388,0.0016,0.667,0.0026,0.954,0.0174,0.785,0.0041,0.8129,0.006
-PyG,TU_BZR,link_pred,True,,,1,4,2,skipconcat,add,79,0.6015,0.0135,206365.0,0.005,0.0003,0.7097,0.0108,0.6487,0.0082,0.9148,0.0109,0.7591,0.0087,0.8041,0.0187
-PyG,TU_BZR,link_pred,True,,,1,4,2,skipconcat,max,79,0.6135,0.0073,206365.0,0.0047,0.0003,0.7152,0.0118,0.659,0.0073,0.8918,0.0179,0.7579,0.0113,0.7862,0.0064
-PyG,TU_BZR,link_pred,True,,,1,4,2,skipconcat,mean,79,0.603,0.0132,206365.0,0.0053,0.0006,0.7233,0.0081,0.6592,0.0051,0.9246,0.012,0.7697,0.0074,0.8,0.0152
-PyG,TU_BZR,link_pred,True,,,1,4,2,skipsum,add,99,0.5994,0.0018,208513.0,0.0051,0.0,0.7096,0.0039,0.6502,0.0017,0.9072,0.0097,0.7575,0.0044,0.802,0.0034
-PyG,TU_BZR,link_pred,True,,,1,4,2,skipsum,max,99,0.5991,0.0061,208513.0,0.0054,0.001,0.7271,0.0035,0.6647,0.0025,0.9167,0.0047,0.7706,0.0031,0.8012,0.0066
-PyG,TU_BZR,link_pred,True,,,1,4,2,skipsum,mean,79,0.6013,0.0043,208513.0,0.0049,0.0003,0.7211,0.0048,0.6534,0.005,0.9423,0.0155,0.7716,0.0046,0.8086,0.0025
-PyG,TU_BZR,link_pred,True,,,1,4,3,skipconcat,add,99,0.5851,0.0039,208398.0,0.0043,0.0002,0.7207,0.0037,0.654,0.0035,0.9374,0.0054,0.7704,0.0026,0.8201,0.0047
-PyG,TU_BZR,link_pred,True,,,1,4,3,skipconcat,max,59,0.5938,0.0018,208398.0,0.0052,0.0002,0.7278,0.0097,0.6624,0.0066,0.9291,0.0195,0.7733,0.0093,0.8048,0.0017
-PyG,TU_BZR,link_pred,True,,,1,4,3,skipconcat,mean,39,0.5891,0.0025,208398.0,0.0051,0.0002,0.7327,0.0011,0.6623,0.0009,0.9499,0.0079,0.7804,0.0021,0.8133,0.0046
-PyG,TU_BZR,link_pred,True,,,1,4,3,skipsum,add,79,0.586,0.0043,208993.0,0.0049,0.0002,0.7174,0.0131,0.6535,0.0079,0.9253,0.0198,0.766,0.012,0.8156,0.0028
-PyG,TU_BZR,link_pred,True,,,1,4,3,skipsum,max,39,0.6046,0.0061,208993.0,0.0047,0.0005,0.7165,0.0083,0.6524,0.0071,0.9272,0.0046,0.7659,0.0059,0.7926,0.0031
-PyG,TU_BZR,link_pred,True,,,1,4,3,skipsum,mean,99,0.5908,0.0049,208993.0,0.005,0.0005,0.729,0.0048,0.6588,0.0024,0.9498,0.0109,0.778,0.005,0.8077,0.0011
-PyG,TU_BZR,link_pred,True,,,1,6,2,skipconcat,add,79,0.609,0.0108,203648.0,0.0054,0.0004,0.7093,0.0045,0.6495,0.0043,0.9095,0.0056,0.7578,0.0031,0.7972,0.0123
-PyG,TU_BZR,link_pred,True,,,1,6,2,skipconcat,max,79,0.6153,0.0046,203648.0,0.0059,0.0007,0.7165,0.0036,0.6591,0.002,0.8971,0.0127,0.7599,0.0046,0.7808,0.0053
-PyG,TU_BZR,link_pred,True,,,1,6,2,skipconcat,mean,59,0.6045,0.0052,203648.0,0.0055,0.0004,0.7234,0.0008,0.6604,0.0013,0.92,0.0026,0.7689,0.0004,0.7995,0.0028
-PyG,TU_BZR,link_pred,True,,,1,6,2,skipsum,add,99,0.6061,0.0091,208183.0,0.0052,0.0004,0.7007,0.0018,0.6428,0.0016,0.9035,0.0161,0.7511,0.0045,0.7919,0.0135
-PyG,TU_BZR,link_pred,True,,,1,6,2,skipsum,max,59,0.5996,0.0065,208183.0,0.0059,0.0005,0.7178,0.0099,0.6553,0.0031,0.9189,0.0284,0.7649,0.012,0.7977,0.0103
-PyG,TU_BZR,link_pred,True,,,1,6,2,skipsum,mean,79,0.6009,0.0068,208183.0,0.0057,0.0003,0.721,0.0035,0.6576,0.0024,0.922,0.0065,0.7676,0.0033,0.7911,0.0109
-PyG,TU_BZR,link_pred,True,,,1,6,3,skipconcat,add,79,0.5843,0.0128,209371.0,0.0054,0.0002,0.7202,0.0095,0.6548,0.0055,0.9314,0.0152,0.769,0.0089,0.8207,0.0155
-PyG,TU_BZR,link_pred,True,,,1,6,3,skipconcat,max,99,0.5955,0.0074,209371.0,0.0061,0.0004,0.7269,0.008,0.6626,0.0035,0.9246,0.0176,0.7719,0.0084,0.7976,0.0085
-PyG,TU_BZR,link_pred,True,,,1,6,3,skipconcat,mean,99,0.5951,0.0068,209371.0,0.0056,0.0002,0.733,0.0072,0.6653,0.005,0.9382,0.0157,0.7784,0.007,0.7963,0.0053
-PyG,TU_BZR,link_pred,True,,,1,6,3,skipsum,add,79,0.6047,0.0157,207793.0,0.0053,0.0003,0.702,0.0131,0.6448,0.0069,0.899,0.0255,0.7509,0.0134,0.7839,0.0229
-PyG,TU_BZR,link_pred,True,,,1,6,3,skipsum,max,99,0.6033,0.0094,207793.0,0.0056,0.0001,0.7189,0.009,0.6543,0.007,0.9284,0.022,0.7675,0.0088,0.7896,0.0087
-PyG,TU_BZR,link_pred,True,,,1,6,3,skipsum,mean,59,0.592,0.0068,207793.0,0.0054,0.0002,0.7231,0.0022,0.6564,0.0016,0.9363,0.0071,0.7718,0.0025,0.8015,0.0136
-PyG,TU_BZR,link_pred,True,,,1,8,2,skipconcat,add,99,0.6112,0.0045,205889.0,0.0054,0.0001,0.7046,0.0088,0.6468,0.005,0.9009,0.0152,0.753,0.0087,0.796,0.0096
-PyG,TU_BZR,link_pred,True,,,1,8,2,skipconcat,max,79,0.621,0.0044,205889.0,0.0059,0.0001,0.7106,0.0133,0.6553,0.0087,0.8884,0.0181,0.7542,0.0123,0.7779,0.0056
-PyG,TU_BZR,link_pred,True,,,1,8,2,skipconcat,mean,79,0.612,0.0054,205889.0,0.0073,0.0013,0.7236,0.0056,0.6626,0.0039,0.911,0.0063,0.7672,0.0049,0.7913,0.005
-PyG,TU_BZR,link_pred,True,,,1,8,2,skipsum,add,59,0.5986,0.0081,206361.0,0.0054,0.0002,0.711,0.0058,0.6497,0.0031,0.9159,0.0175,0.7601,0.0069,0.7976,0.0114
-PyG,TU_BZR,link_pred,True,,,1,8,2,skipsum,max,59,0.6126,0.0016,206361.0,0.0055,0.0002,0.7074,0.0079,0.6494,0.0048,0.9012,0.012,0.7549,0.0074,0.7776,0.0095
-PyG,TU_BZR,link_pred,True,,,1,8,2,skipsum,mean,79,0.5995,0.006,206361.0,0.0064,0.0005,0.721,0.0045,0.6554,0.0023,0.9318,0.009,0.7695,0.0046,0.7886,0.0079
-PyG,TU_BZR,link_pred,True,,,1,8,3,skipconcat,add,79,0.5933,0.0096,206524.0,0.0068,0.0014,0.7123,0.0074,0.6498,0.0038,0.9205,0.0141,0.7618,0.0074,0.8064,0.0154
-PyG,TU_BZR,link_pred,True,,,1,8,3,skipconcat,max,59,0.5988,0.0052,206524.0,0.0068,0.0004,0.7266,0.0035,0.6612,0.0035,0.9299,0.0025,0.7728,0.0021,0.8043,0.0107
-PyG,TU_BZR,link_pred,True,,,1,8,3,skipconcat,mean,99,0.5914,0.0049,206524.0,0.0066,0.0001,0.7261,0.002,0.659,0.0015,0.937,0.0051,0.7738,0.0019,0.8016,0.0086
-PyG,TU_BZR,link_pred,True,,,1,8,3,skipsum,add,59,0.6061,0.0152,207701.0,0.0051,0.0003,0.6954,0.0195,0.6383,0.0113,0.9008,0.0352,0.7471,0.0194,0.7829,0.0285
-PyG,TU_BZR,link_pred,True,,,1,8,3,skipsum,max,59,0.6104,0.013,207701.0,0.0065,0.0004,0.7061,0.0213,0.648,0.012,0.9012,0.0362,0.7538,0.0207,0.7742,0.0164
-PyG,TU_BZR,link_pred,True,,,1,8,3,skipsum,mean,79,0.6008,0.0034,207701.0,0.0064,0.0,0.7136,0.0026,0.6519,0.0023,0.9167,0.0027,0.7619,0.0019,0.7841,0.0068
-PyG,TU_BZR,link_pred,True,,,2,2,2,skipconcat,add,99,0.5865,0.0051,205201.0,0.0045,0.0002,0.7258,0.0027,0.66,0.0022,0.9314,0.0075,0.7725,0.0028,0.8245,0.0062
-PyG,TU_BZR,link_pred,True,,,2,2,2,skipconcat,max,99,0.5977,0.0032,205201.0,0.0046,0.0002,0.7271,0.0117,0.6635,0.0094,0.9219,0.0079,0.7716,0.0091,0.8032,0.0043
-PyG,TU_BZR,link_pred,True,,,2,2,2,skipconcat,mean,99,0.5892,0.0033,205201.0,0.0048,0.0003,0.7273,0.0043,0.662,0.0024,0.9287,0.0116,0.773,0.0047,0.8165,0.002
-PyG,TU_BZR,link_pred,True,,,2,2,2,skipsum,add,59,0.5859,0.0092,210742.0,0.0052,0.0008,0.7208,0.0075,0.6566,0.0048,0.9257,0.0102,0.7682,0.0067,0.825,0.0105
-PyG,TU_BZR,link_pred,True,,,2,2,2,skipsum,max,59,0.5973,0.0085,210742.0,0.0046,0.0003,0.724,0.0065,0.6592,0.0075,0.928,0.0108,0.7708,0.0038,0.8077,0.0071
-PyG,TU_BZR,link_pred,True,,,2,2,2,skipsum,mean,79,0.5855,0.0056,210742.0,0.0047,0.0002,0.7318,0.0036,0.6628,0.0028,0.9438,0.0093,0.7787,0.0036,0.8133,0.0093
-PyG,TU_BZR,link_pred,True,,,2,2,3,skipconcat,add,99,0.5684,0.0058,204481.0,0.0041,0.0003,0.7302,0.0038,0.6595,0.0019,0.9517,0.0098,0.7791,0.0041,0.8425,0.0046
-PyG,TU_BZR,link_pred,True,,,2,2,3,skipconcat,max,99,0.5862,0.0066,204481.0,0.0044,0.0001,0.7381,0.0047,0.6697,0.0053,0.9401,0.0042,0.7821,0.0027,0.8135,0.0076
-PyG,TU_BZR,link_pred,True,,,2,2,3,skipconcat,mean,79,0.5901,0.0127,204481.0,0.0045,0.0002,0.7297,0.0073,0.6595,0.004,0.9499,0.012,0.7785,0.0068,0.8162,0.0088
-PyG,TU_BZR,link_pred,True,,,2,2,3,skipsum,add,99,0.5747,0.0048,208513.0,0.0043,0.0001,0.7227,0.0014,0.6553,0.0009,0.9397,0.0021,0.7721,0.0013,0.8371,0.0122
-PyG,TU_BZR,link_pred,True,,,2,2,3,skipsum,max,99,0.5829,0.0024,208513.0,0.0045,0.0001,0.7348,0.0073,0.6633,0.0059,0.954,0.014,0.7825,0.0062,0.8205,0.0098
-PyG,TU_BZR,link_pred,True,,,2,2,3,skipsum,mean,99,0.5805,0.0035,208513.0,0.0047,0.0003,0.738,0.0082,0.6678,0.007,0.9476,0.0072,0.7834,0.0061,0.8168,0.0069
-PyG,TU_BZR,link_pred,True,,,2,4,2,skipconcat,add,79,0.6041,0.0161,202750.0,0.0053,0.0008,0.7196,0.0031,0.6554,0.0022,0.9265,0.0049,0.7677,0.0028,0.8098,0.0129
-PyG,TU_BZR,link_pred,True,,,2,4,2,skipconcat,max,59,0.6124,0.0074,202750.0,0.0052,0.0005,0.7229,0.0064,0.663,0.0052,0.9065,0.0074,0.7659,0.0053,0.7903,0.0058
-PyG,TU_BZR,link_pred,True,,,2,4,2,skipconcat,mean,99,0.607,0.0117,202750.0,0.0052,0.0002,0.7204,0.0035,0.6591,0.003,0.9129,0.0049,0.7655,0.0029,0.7973,0.0047
-PyG,TU_BZR,link_pred,True,,,2,4,2,skipsum,add,79,0.5943,0.005,208993.0,0.0047,0.0005,0.7103,0.0023,0.6502,0.0032,0.9106,0.0061,0.7587,0.0011,0.8053,0.0092
-PyG,TU_BZR,link_pred,True,,,2,4,2,skipsum,max,79,0.5998,0.0091,208993.0,0.0051,0.0001,0.7234,0.0098,0.6601,0.0077,0.9212,0.0075,0.7691,0.0077,0.7972,0.0061
-PyG,TU_BZR,link_pred,True,,,2,4,2,skipsum,mean,79,0.5963,0.0071,208993.0,0.0046,0.0005,0.7223,0.0065,0.6543,0.0061,0.9427,0.0063,0.7724,0.0042,0.8009,0.002
-PyG,TU_BZR,link_pred,True,,,2,4,3,skipconcat,add,59,0.5818,0.006,202465.0,0.0048,0.0002,0.7224,0.0091,0.6562,0.0041,0.934,0.0198,0.7708,0.0096,0.8297,0.0107
-PyG,TU_BZR,link_pred,True,,,2,4,3,skipconcat,max,99,0.5871,0.0074,202465.0,0.0051,0.0004,0.731,0.0105,0.6629,0.0076,0.9401,0.0107,0.7775,0.0085,0.8119,0.0085
-PyG,TU_BZR,link_pred,True,,,2,4,3,skipconcat,mean,59,0.5872,0.0052,202465.0,0.0051,0.0002,0.7347,0.0103,0.6648,0.005,0.9464,0.0219,0.781,0.0104,0.8112,0.004
-PyG,TU_BZR,link_pred,True,,,2,4,3,skipsum,add,99,0.591,0.0106,208183.0,0.0047,0.0004,0.6986,0.0083,0.6394,0.0062,0.9114,0.0065,0.7515,0.0065,0.8034,0.0118
-PyG,TU_BZR,link_pred,True,,,2,4,3,skipsum,max,99,0.5993,0.0081,208183.0,0.0053,0.0001,0.7114,0.0082,0.6531,0.0034,0.9012,0.0204,0.7573,0.0093,0.7936,0.0077
-PyG,TU_BZR,link_pred,True,,,2,4,3,skipsum,mean,59,0.592,0.0014,208183.0,0.0043,0.0002,0.73,0.0065,0.6611,0.0039,0.9438,0.0115,0.7776,0.0061,0.8135,0.0096
-PyG,TU_BZR,link_pred,True,,,2,6,2,skipconcat,add,99,0.6116,0.0078,205411.0,0.0048,0.0002,0.7094,0.0098,0.6499,0.0064,0.9076,0.0156,0.7574,0.0091,0.7968,0.0009
-PyG,TU_BZR,link_pred,True,,,2,6,2,skipconcat,max,79,0.6184,0.006,205411.0,0.0064,0.0013,0.7155,0.01,0.6587,0.0032,0.8941,0.0286,0.7584,0.0125,0.7841,0.0062
-PyG,TU_BZR,link_pred,True,,,2,6,2,skipconcat,mean,59,0.6146,0.0113,205411.0,0.0059,0.0,0.73,0.0041,0.665,0.002,0.9268,0.0091,0.7744,0.0043,0.796,0.0054
-PyG,TU_BZR,link_pred,True,,,2,6,2,skipsum,add,99,0.5969,0.0104,207793.0,0.0051,0.0002,0.7074,0.011,0.6482,0.0073,0.9068,0.0137,0.756,0.0096,0.8002,0.024
-PyG,TU_BZR,link_pred,True,,,2,6,2,skipsum,max,99,0.6091,0.0123,207793.0,0.0056,0.0004,0.7088,0.0101,0.65,0.0079,0.905,0.0079,0.7566,0.0078,0.7802,0.0139
-PyG,TU_BZR,link_pred,True,,,2,6,2,skipsum,mean,99,0.6048,0.0106,207793.0,0.0057,0.0004,0.7159,0.004,0.6544,0.0022,0.9155,0.014,0.7632,0.0051,0.7848,0.0136
-PyG,TU_BZR,link_pred,True,,,2,6,3,skipconcat,add,79,0.5863,0.0165,210666.0,0.0049,0.0002,0.7146,0.0218,0.651,0.0133,0.9246,0.0322,0.764,0.0202,0.8148,0.0249
-PyG,TU_BZR,link_pred,True,,,2,6,3,skipconcat,max,79,0.5904,0.0109,210666.0,0.0052,0.0002,0.7236,0.0108,0.6575,0.0054,0.9333,0.0217,0.7714,0.011,0.8052,0.0113
-PyG,TU_BZR,link_pred,True,,,2,6,3,skipconcat,mean,79,0.59,0.0076,210666.0,0.0058,0.0,0.7356,0.0103,0.6655,0.0057,0.9468,0.0184,0.7816,0.0099,0.8015,0.0045
-PyG,TU_BZR,link_pred,True,,,2,6,3,skipsum,add,99,0.5957,0.0112,206361.0,0.0049,0.0001,0.7083,0.0145,0.6482,0.0103,0.9114,0.0149,0.7576,0.0122,0.8051,0.0168
-PyG,TU_BZR,link_pred,True,,,2,6,3,skipsum,max,39,0.6046,0.0025,206361.0,0.0056,0.0002,0.7096,0.0054,0.6438,0.0063,0.9393,0.0339,0.7636,0.0086,0.8039,0.0159
-PyG,TU_BZR,link_pred,True,,,2,6,3,skipsum,mean,79,0.5919,0.003,206361.0,0.0051,0.0002,0.7227,0.0027,0.6586,0.0024,0.9246,0.0059,0.7692,0.0025,0.8,0.0061
-PyG,TU_BZR,link_pred,True,,,2,8,2,skipconcat,add,59,0.6196,0.0114,206977.0,0.0056,0.0,0.7128,0.009,0.6528,0.0073,0.9095,0.0088,0.76,0.007,0.7926,0.0095
-PyG,TU_BZR,link_pred,True,,,2,8,2,skipconcat,max,59,0.6143,0.009,206977.0,0.0062,0.0001,0.7224,0.0045,0.6619,0.0019,0.9091,0.0105,0.766,0.005,0.7892,0.0091
-PyG,TU_BZR,link_pred,True,,,2,8,2,skipconcat,mean,59,0.6173,0.0042,206977.0,0.006,0.0004,0.722,0.0025,0.6614,0.0015,0.9099,0.0044,0.766,0.0024,0.7875,0.0048
-PyG,TU_BZR,link_pred,True,,,2,8,2,skipsum,add,59,0.6057,0.013,207701.0,0.0055,0.0,0.7097,0.0073,0.6471,0.0056,0.9231,0.0197,0.7607,0.0074,0.7919,0.0197
-PyG,TU_BZR,link_pred,True,,,2,8,2,skipsum,max,99,0.6084,0.0045,207701.0,0.0055,0.0003,0.7009,0.0067,0.6465,0.0041,0.8865,0.0107,0.7477,0.0065,0.7738,0.0048
-PyG,TU_BZR,link_pred,True,,,2,8,2,skipsum,mean,79,0.6071,0.0037,207701.0,0.0067,0.0006,0.7218,0.0061,0.6591,0.0009,0.9189,0.0217,0.7675,0.0082,0.7757,0.0074
-PyG,TU_BZR,link_pred,True,,,2,8,3,skipconcat,add,59,0.5943,0.011,207307.0,0.0058,0.0002,0.7071,0.0163,0.6465,0.0117,0.914,0.0163,0.7573,0.0135,0.808,0.0212
-PyG,TU_BZR,link_pred,True,,,2,8,3,skipconcat,max,79,0.6051,0.0044,207307.0,0.0068,0.0003,0.727,0.0019,0.6601,0.0032,0.9359,0.0102,0.7742,0.002,0.7893,0.0059
-PyG,TU_BZR,link_pred,True,,,2,8,3,skipconcat,mean,99,0.6056,0.0117,207307.0,0.0058,0.0002,0.7228,0.0035,0.6575,0.0026,0.9303,0.0157,0.7704,0.0048,0.7933,0.0039
-PyG,TU_BZR,link_pred,True,,,2,8,3,skipsum,add,79,0.6122,0.0113,206593.0,0.0061,0.0006,0.6843,0.0101,0.6336,0.0071,0.874,0.0143,0.7346,0.0092,0.769,0.0182
-PyG,TU_BZR,link_pred,True,,,2,8,3,skipsum,max,39,0.6072,0.0035,206593.0,0.0062,0.0002,0.7094,0.0061,0.6465,0.0084,0.9253,0.0209,0.761,0.0039,0.7822,0.0045
-PyG,TU_BZR,link_pred,True,,,2,8,3,skipsum,mean,99,0.5943,0.0048,206593.0,0.0057,0.0001,0.7205,0.0046,0.6534,0.004,0.9393,0.0027,0.7707,0.0031,0.7971,0.0057
-PyG,TU_COX2,link_pred,True,,,1,2,2,skipconcat,add,79,0.5476,0.0041,202440.0,0.0041,0.0004,0.7319,0.0053,0.6612,0.0033,0.9513,0.0108,0.7801,0.0052,0.877,0.0045
-PyG,TU_COX2,link_pred,True,,,1,2,2,skipconcat,max,99,0.5614,0.0066,202440.0,0.0044,0.0002,0.7529,0.0035,0.6846,0.0052,0.9383,0.0066,0.7915,0.0014,0.8585,0.0045
-PyG,TU_COX2,link_pred,True,,,1,2,2,skipconcat,mean,99,0.5424,0.0033,202440.0,0.0045,0.0003,0.7484,0.0081,0.6752,0.0027,0.9573,0.0217,0.7918,0.009,0.8777,0.0069
-PyG,TU_COX2,link_pred,True,,,1,2,2,skipsum,add,59,0.5502,0.009,206905.0,0.0043,0.0002,0.742,0.0106,0.6698,0.0091,0.9548,0.0126,0.7873,0.008,0.8768,0.0098
-PyG,TU_COX2,link_pred,True,,,1,2,2,skipsum,max,59,0.5584,0.0043,206905.0,0.0047,0.0004,0.744,0.0097,0.6769,0.01,0.9344,0.0031,0.785,0.0059,0.8601,0.0067
-PyG,TU_COX2,link_pred,True,,,1,2,2,skipsum,mean,59,0.5465,0.0015,206905.0,0.0046,0.0004,0.7512,0.0116,0.6771,0.0089,0.9605,0.0171,0.7942,0.0099,0.875,0.0039
-PyG,TU_COX2,link_pred,True,,,1,2,3,skipconcat,add,79,0.5427,0.0029,206313.0,0.0042,0.0003,0.7349,0.0024,0.6624,0.0017,0.958,0.0026,0.7833,0.002,0.8797,0.0006
-PyG,TU_COX2,link_pred,True,,,1,2,3,skipconcat,max,99,0.5493,0.0038,206313.0,0.0041,0.0003,0.7535,0.0172,0.6818,0.017,0.9524,0.0031,0.7946,0.0113,0.8666,0.0009
-PyG,TU_COX2,link_pred,True,,,1,2,3,skipconcat,mean,99,0.5408,0.0041,206313.0,0.0052,0.0007,0.7538,0.0076,0.676,0.007,0.975,0.0005,0.7984,0.005,0.8817,0.0013
-PyG,TU_COX2,link_pred,True,,,1,2,3,skipsum,add,79,0.5386,0.0032,207160.0,0.0045,0.0005,0.7301,0.0101,0.6606,0.0092,0.9467,0.0139,0.7781,0.0074,0.8789,0.0069
-PyG,TU_COX2,link_pred,True,,,1,2,3,skipsum,max,79,0.5539,0.0042,207160.0,0.0044,0.0002,0.7567,0.008,0.6879,0.0099,0.9407,0.0069,0.7946,0.0042,0.8586,0.0055
-PyG,TU_COX2,link_pred,True,,,1,2,3,skipsum,mean,59,0.5384,0.0037,207160.0,0.0054,0.0008,0.7517,0.0015,0.6757,0.0026,0.9679,0.0049,0.7958,0.0003,0.8826,0.0039
-PyG,TU_COX2,link_pred,True,,,1,4,2,skipconcat,add,79,0.5664,0.007,205321.0,0.0047,0.0003,0.7344,0.0129,0.6654,0.009,0.9432,0.0153,0.7803,0.0109,0.855,0.0067
-PyG,TU_COX2,link_pred,True,,,1,4,2,skipconcat,max,79,0.5706,0.0067,205321.0,0.0049,0.0004,0.7368,0.0082,0.6702,0.0063,0.9326,0.0103,0.7799,0.007,0.85,0.0045
-PyG,TU_COX2,link_pred,True,,,1,4,2,skipconcat,mean,99,0.5575,0.0058,205321.0,0.0053,0.0002,0.7474,0.0049,0.6754,0.004,0.9527,0.0117,0.7904,0.0046,0.8646,0.0067
-PyG,TU_COX2,link_pred,True,,,1,4,2,skipsum,add,79,0.5634,0.0085,205255.0,0.005,0.001,0.7121,0.013,0.6483,0.0094,0.9273,0.0152,0.7631,0.0106,0.8509,0.0155
-PyG,TU_COX2,link_pred,True,,,1,4,2,skipsum,max,59,0.5662,0.0052,205255.0,0.0053,0.001,0.7335,0.0117,0.6666,0.0115,0.9354,0.0023,0.7783,0.0072,0.8547,0.0003
-PyG,TU_COX2,link_pred,True,,,1,4,2,skipsum,mean,79,0.5553,0.0031,205255.0,0.0055,0.0002,0.7397,0.0097,0.6704,0.0071,0.9432,0.0198,0.7837,0.0089,0.8625,0.0064
-PyG,TU_COX2,link_pred,True,,,1,4,3,skipconcat,add,59,0.5577,0.0052,207516.0,0.0054,0.0002,0.7294,0.0053,0.6592,0.0031,0.9496,0.0147,0.7782,0.0057,0.8655,0.0091
-PyG,TU_COX2,link_pred,True,,,1,4,3,skipconcat,max,59,0.5604,0.009,207516.0,0.0054,0.0004,0.75,0.0165,0.68,0.0117,0.9443,0.0177,0.7907,0.0139,0.8605,0.0067
-PyG,TU_COX2,link_pred,True,,,1,4,3,skipconcat,mean,99,0.5473,0.0048,207516.0,0.005,0.0002,0.7399,0.0041,0.6682,0.0014,0.9534,0.0116,0.7857,0.0046,0.8692,0.0089
-PyG,TU_COX2,link_pred,True,,,1,4,3,skipsum,add,79,0.5565,0.0015,205969.0,0.0046,0.0005,0.7145,0.0108,0.6501,0.0072,0.9287,0.0125,0.7648,0.0092,0.8543,0.0074
-PyG,TU_COX2,link_pred,True,,,1,4,3,skipsum,max,99,0.5689,0.0036,205969.0,0.0045,0.0002,0.7354,0.0113,0.6675,0.0102,0.9386,0.004,0.7801,0.0079,0.8423,0.0086
-PyG,TU_COX2,link_pred,True,,,1,4,3,skipsum,mean,99,0.5529,0.0034,205969.0,0.005,0.0004,0.7424,0.0034,0.6719,0.0029,0.9478,0.0112,0.7863,0.0037,0.8613,0.0086
-PyG,TU_COX2,link_pred,True,,,1,6,2,skipconcat,add,99,0.5687,0.0045,202910.0,0.0046,0.0001,0.7224,0.0055,0.6541,0.0037,0.9439,0.0071,0.7728,0.0047,0.8586,0.007
-PyG,TU_COX2,link_pred,True,,,1,6,2,skipconcat,max,99,0.5751,0.0051,202910.0,0.0053,0.0001,0.7332,0.0036,0.6699,0.0051,0.9196,0.0087,0.7751,0.0018,0.8417,0.0042
-PyG,TU_COX2,link_pred,True,,,1,6,2,skipconcat,mean,79,0.561,0.0028,202910.0,0.0055,0.0003,0.7334,0.0096,0.6662,0.0044,0.9355,0.0202,0.7781,0.0099,0.8576,0.0029
-PyG,TU_COX2,link_pred,True,,,1,6,2,skipsum,add,99,0.5787,0.003,205357.0,0.0048,0.0001,0.705,0.0026,0.6448,0.0022,0.9132,0.0087,0.7558,0.0029,0.8265,0.0036
-PyG,TU_COX2,link_pred,True,,,1,6,2,skipsum,max,79,0.5766,0.007,205357.0,0.0051,0.0001,0.7297,0.0151,0.668,0.013,0.9139,0.0093,0.7718,0.0112,0.832,0.0113
-PyG,TU_COX2,link_pred,True,,,1,6,2,skipsum,mean,99,0.5654,0.0021,205357.0,0.0055,0.0002,0.7313,0.0089,0.6656,0.0032,0.9294,0.0227,0.7756,0.01,0.8451,0.0099
-PyG,TU_COX2,link_pred,True,,,1,6,3,skipconcat,add,99,0.5545,0.0072,208741.0,0.0052,0.0004,0.7283,0.0004,0.6585,0.0021,0.9488,0.0098,0.7774,0.0019,0.8672,0.0094
-PyG,TU_COX2,link_pred,True,,,1,6,3,skipconcat,max,99,0.5593,0.0089,208741.0,0.0056,0.0004,0.7445,0.0089,0.6753,0.0077,0.9421,0.0165,0.7866,0.0075,0.8563,0.0136
-PyG,TU_COX2,link_pred,True,,,1,6,3,skipconcat,mean,99,0.552,0.0046,208741.0,0.0058,0.0003,0.7443,0.0021,0.6723,0.0018,0.9531,0.0104,0.7884,0.0029,0.8648,0.0036
-PyG,TU_COX2,link_pred,True,,,1,6,3,skipsum,add,79,0.5695,0.0105,205129.0,0.0048,0.0002,0.7192,0.0141,0.6555,0.0074,0.9235,0.0259,0.7667,0.014,0.834,0.0195
-PyG,TU_COX2,link_pred,True,,,1,6,3,skipsum,max,79,0.5672,0.0039,205129.0,0.0053,0.0005,0.7321,0.0075,0.6673,0.0094,0.9266,0.0194,0.7757,0.0056,0.8388,0.0105
-PyG,TU_COX2,link_pred,True,,,1,6,3,skipsum,mean,79,0.5514,0.0053,205129.0,0.0058,0.0008,0.7449,0.0055,0.673,0.0042,0.9527,0.0155,0.7887,0.0056,0.8571,0.0075
-PyG,TU_COX2,link_pred,True,,,1,8,2,skipconcat,add,99,0.5755,0.0062,205313.0,0.006,0.0002,0.719,0.0078,0.6539,0.0047,0.9302,0.0158,0.7679,0.0076,0.847,0.0063
-PyG,TU_COX2,link_pred,True,,,1,8,2,skipconcat,max,79,0.5844,0.0091,205313.0,0.0065,0.0008,0.7331,0.0066,0.6686,0.0067,0.9245,0.0028,0.776,0.0041,0.8385,0.003
-PyG,TU_COX2,link_pred,True,,,1,8,2,skipconcat,mean,99,0.571,0.0119,205313.0,0.0065,0.0005,0.7412,0.0051,0.6722,0.0023,0.9414,0.0128,0.7843,0.0056,0.8575,0.0083
-PyG,TU_COX2,link_pred,True,,,1,8,2,skipsum,add,99,0.5743,0.0015,203841.0,0.0058,0.0013,0.7207,0.0042,0.655,0.0027,0.933,0.0069,0.7696,0.0038,0.8362,0.0084
-PyG,TU_COX2,link_pred,True,,,1,8,2,skipsum,max,79,0.5832,0.0063,203841.0,0.0055,0.0002,0.7169,0.0133,0.6568,0.0098,0.9086,0.0183,0.7624,0.0115,0.8197,0.0096
-PyG,TU_COX2,link_pred,True,,,1,8,2,skipsum,mean,99,0.5654,0.0004,203841.0,0.0058,0.0,0.7331,0.0034,0.6671,0.0008,0.9309,0.0109,0.7772,0.0042,0.8443,0.0052
-PyG,TU_COX2,link_pred,True,,,1,8,3,skipconcat,add,79,0.5605,0.0042,206038.0,0.0052,0.0001,0.7302,0.0136,0.6604,0.0103,0.9482,0.0102,0.7785,0.0106,0.8527,0.0088
-PyG,TU_COX2,link_pred,True,,,1,8,3,skipconcat,max,59,0.5674,0.0143,206038.0,0.0061,0.0,0.7432,0.0064,0.674,0.0056,0.9422,0.0088,0.7858,0.005,0.8515,0.01
-PyG,TU_COX2,link_pred,True,,,1,8,3,skipconcat,mean,99,0.5541,0.007,206038.0,0.0062,0.0002,0.7442,0.0088,0.6718,0.0083,0.9552,0.0138,0.7887,0.0067,0.8648,0.0031
-PyG,TU_COX2,link_pred,True,,,1,8,3,skipsum,add,79,0.5764,0.0103,205289.0,0.0056,0.0002,0.7094,0.0108,0.6473,0.0076,0.9203,0.0105,0.7601,0.0088,0.8308,0.0238
-PyG,TU_COX2,link_pred,True,,,1,8,3,skipsum,max,79,0.5804,0.0068,205289.0,0.0055,0.0001,0.7188,0.0062,0.6565,0.006,0.9182,0.0027,0.7656,0.0038,0.8271,0.0095
-PyG,TU_COX2,link_pred,True,,,1,8,3,skipsum,mean,79,0.5596,0.0026,205289.0,0.0055,0.0002,0.732,0.0043,0.6639,0.0055,0.94,0.011,0.7782,0.0028,0.8482,0.0034
-PyG,TU_COX2,link_pred,True,,,2,2,2,skipconcat,add,59,0.5441,0.001,203491.0,0.0042,0.0004,0.7398,0.014,0.6664,0.0109,0.9608,0.0121,0.7869,0.0108,0.8869,0.0027
-PyG,TU_COX2,link_pred,True,,,2,2,2,skipconcat,max,99,0.5587,0.003,203491.0,0.0047,0.0002,0.7563,0.0089,0.6882,0.0105,0.9379,0.01,0.7938,0.0055,0.8653,0.0027
-PyG,TU_COX2,link_pred,True,,,2,2,2,skipconcat,mean,99,0.5401,0.0039,203491.0,0.0042,0.0001,0.7426,0.0058,0.6699,0.0059,0.957,0.0115,0.788,0.0045,0.8868,0.0043
-PyG,TU_COX2,link_pred,True,,,2,2,2,skipsum,add,59,0.5457,0.0034,207160.0,0.0042,0.0002,0.733,0.0018,0.6625,0.0003,0.9499,0.0087,0.7806,0.0028,0.879,0.0078
-PyG,TU_COX2,link_pred,True,,,2,2,2,skipsum,max,99,0.5541,0.0087,207160.0,0.0045,0.0003,0.7504,0.0142,0.6819,0.0123,0.9393,0.0163,0.7901,0.0111,0.8592,0.0057
-PyG,TU_COX2,link_pred,True,,,2,2,2,skipsum,mean,99,0.538,0.0048,207160.0,0.0041,0.0004,0.7575,0.0016,0.6827,0.0038,0.9626,0.0088,0.7988,0.0005,0.8787,0.0026
-PyG,TU_COX2,link_pred,True,,,2,2,3,skipconcat,add,79,0.5434,0.0108,203041.0,0.0045,0.0004,0.7473,0.0053,0.672,0.005,0.9662,0.0085,0.7926,0.004,0.8837,0.0115
-PyG,TU_COX2,link_pred,True,,,2,2,3,skipconcat,max,79,0.551,0.0047,203041.0,0.0043,0.0004,0.7599,0.0042,0.6868,0.0035,0.9559,0.0184,0.7992,0.0055,0.8724,0.0046
-PyG,TU_COX2,link_pred,True,,,2,2,3,skipconcat,mean,79,0.5364,0.0018,203041.0,0.0047,0.0004,0.7431,0.0072,0.6684,0.0035,0.9647,0.0156,0.7896,0.0073,0.8853,0.0053
-PyG,TU_COX2,link_pred,True,,,2,2,3,skipsum,add,79,0.5391,0.0077,205255.0,0.0047,0.0002,0.74,0.0048,0.6657,0.0017,0.9644,0.0152,0.7876,0.0056,0.8852,0.0062
-PyG,TU_COX2,link_pred,True,,,2,2,3,skipsum,max,79,0.5512,0.0025,205255.0,0.0048,0.0003,0.7461,0.0142,0.6737,0.0115,0.9552,0.0092,0.7901,0.0108,0.8665,0.0009
-PyG,TU_COX2,link_pred,True,,,2,2,3,skipsum,mean,99,0.5382,0.0022,205255.0,0.0047,0.0002,0.7504,0.0057,0.6758,0.0034,0.963,0.0139,0.7942,0.0058,0.881,0.007
-PyG,TU_COX2,link_pred,True,,,2,4,2,skipconcat,add,99,0.5546,0.0026,201724.0,0.0047,0.0003,0.735,0.0025,0.6641,0.0026,0.9513,0.0017,0.7821,0.0015,0.8741,0.0018
-PyG,TU_COX2,link_pred,True,,,2,4,2,skipconcat,max,79,0.5634,0.0057,201724.0,0.0048,0.0002,0.7469,0.0052,0.6792,0.0053,0.9358,0.0073,0.7871,0.0039,0.8589,0.0018
-PyG,TU_COX2,link_pred,True,,,2,4,2,skipconcat,mean,99,0.5535,0.0067,201724.0,0.0054,0.0003,0.7505,0.0026,0.6772,0.0015,0.9577,0.0131,0.7933,0.0039,0.8701,0.0048
-PyG,TU_COX2,link_pred,True,,,2,4,2,skipsum,add,79,0.5564,0.006,205969.0,0.0048,0.0004,0.7123,0.0102,0.648,0.0085,0.9302,0.0079,0.7638,0.0073,0.856,0.012
-PyG,TU_COX2,link_pred,True,,,2,4,2,skipsum,max,79,0.5679,0.0026,205969.0,0.0057,0.0008,0.7421,0.0029,0.6744,0.001,0.9361,0.0113,0.784,0.0039,0.8431,0.004
-PyG,TU_COX2,link_pred,True,,,2,4,2,skipsum,mean,99,0.553,0.0038,205969.0,0.0051,0.0003,0.737,0.0029,0.6664,0.0013,0.9492,0.0065,0.783,0.0031,0.8632,0.0045
-PyG,TU_COX2,link_pred,True,,,2,4,3,skipconcat,add,99,0.5496,0.0066,201601.0,0.0053,0.0004,0.7338,0.0098,0.6612,0.0069,0.9587,0.009,0.7827,0.0078,0.8751,0.0091
-PyG,TU_COX2,link_pred,True,,,2,4,3,skipconcat,max,99,0.553,0.0041,201601.0,0.0052,0.0001,0.7451,0.0055,0.675,0.0073,0.9457,0.0095,0.7877,0.0025,0.8643,0.0014
-PyG,TU_COX2,link_pred,True,,,2,4,3,skipconcat,mean,99,0.5442,0.0021,201601.0,0.0055,0.0003,0.7473,0.003,0.6739,0.004,0.9587,0.0102,0.7914,0.0025,0.8776,0.0042
-PyG,TU_COX2,link_pred,True,,,2,4,3,skipsum,add,79,0.556,0.0023,205357.0,0.0041,0.0001,0.7164,0.0047,0.6508,0.0019,0.9341,0.0143,0.7671,0.0055,0.8603,0.0077
-PyG,TU_COX2,link_pred,True,,,2,4,3,skipsum,max,79,0.5581,0.0026,205357.0,0.0042,0.0001,0.7323,0.0058,0.6673,0.0032,0.927,0.0147,0.7759,0.0063,0.8529,0.0053
-PyG,TU_COX2,link_pred,True,,,2,4,3,skipsum,mean,99,0.5491,0.0036,205357.0,0.0052,0.0002,0.7402,0.0037,0.6688,0.0028,0.9517,0.0124,0.7856,0.0042,0.8655,0.0091
-PyG,TU_COX2,link_pred,True,,,2,6,2,skipconcat,add,79,0.5656,0.0022,204673.0,0.0059,0.0008,0.7328,0.009,0.6626,0.0058,0.9485,0.0128,0.7802,0.0081,0.8632,0.007
-PyG,TU_COX2,link_pred,True,,,2,6,2,skipconcat,max,99,0.5726,0.0059,204673.0,0.0059,0.0002,0.7347,0.0065,0.6716,0.0057,0.9189,0.0036,0.776,0.0048,0.8466,0.0024
-PyG,TU_COX2,link_pred,True,,,2,6,2,skipconcat,mean,99,0.5656,0.0072,204673.0,0.0058,0.0002,0.7462,0.0068,0.6778,0.0033,0.9386,0.013,0.7871,0.0068,0.8575,0.0092
-PyG,TU_COX2,link_pred,True,,,2,6,2,skipsum,add,79,0.5643,0.0058,205129.0,0.0053,0.0003,0.717,0.0117,0.6522,0.0081,0.9298,0.0124,0.7667,0.0098,0.853,0.0088
-PyG,TU_COX2,link_pred,True,,,2,6,2,skipsum,max,79,0.5739,0.0031,205129.0,0.0056,0.0001,0.7296,0.0124,0.6657,0.0111,0.9231,0.0138,0.7735,0.0092,0.8328,0.008
-PyG,TU_COX2,link_pred,True,,,2,6,2,skipsum,mean,79,0.554,0.0052,205129.0,0.0055,0.0001,0.746,0.0059,0.6754,0.0027,0.9474,0.0142,0.7886,0.0062,0.8575,0.0041
-PyG,TU_COX2,link_pred,True,,,2,6,3,skipconcat,add,79,0.5528,0.0074,210036.0,0.0059,0.0001,0.7295,0.0081,0.6575,0.0046,0.958,0.0125,0.7798,0.0074,0.8646,0.0129
-PyG,TU_COX2,link_pred,True,,,2,6,3,skipconcat,max,99,0.5556,0.0059,210036.0,0.0059,0.0002,0.753,0.0115,0.6797,0.0105,0.9573,0.0041,0.795,0.0079,0.8605,0.0094
-PyG,TU_COX2,link_pred,True,,,2,6,3,skipconcat,mean,99,0.5493,0.0045,210036.0,0.0062,0.0005,0.7501,0.0061,0.6765,0.0057,0.9587,0.0139,0.7932,0.0052,0.8674,0.0061
-PyG,TU_COX2,link_pred,True,,,2,6,3,skipsum,add,39,0.5701,0.0167,203841.0,0.0054,0.0001,0.7397,0.0144,0.6672,0.0103,0.9566,0.0137,0.7861,0.0116,0.8529,0.014
-PyG,TU_COX2,link_pred,True,,,2,6,3,skipsum,max,59,0.5709,0.0016,203841.0,0.0057,0.0002,0.7314,0.0066,0.6647,0.0035,0.9337,0.0118,0.7766,0.0065,0.8364,0.0093
-PyG,TU_COX2,link_pred,True,,,2,6,3,skipsum,mean,99,0.5557,0.0065,203841.0,0.0056,0.0002,0.7411,0.0078,0.6716,0.0037,0.9436,0.0176,0.7846,0.0081,0.8541,0.0174
-PyG,TU_COX2,link_pred,True,,,2,8,2,skipconcat,add,79,0.567,0.0118,206401.0,0.0066,0.0005,0.724,0.01,0.6569,0.0057,0.9376,0.0165,0.7725,0.0095,0.8611,0.0159
-PyG,TU_COX2,link_pred,True,,,2,8,2,skipconcat,max,79,0.5697,0.007,206401.0,0.0064,0.0001,0.7383,0.0149,0.6739,0.0134,0.9242,0.0061,0.7794,0.0108,0.85,0.0054
-PyG,TU_COX2,link_pred,True,,,2,8,2,skipconcat,mean,99,0.5592,0.0085,206401.0,0.0066,0.0004,0.7463,0.0022,0.6761,0.003,0.9457,0.0194,0.7884,0.0048,0.8634,0.0095
-PyG,TU_COX2,link_pred,True,,,2,8,2,skipsum,add,79,0.5737,0.0066,205289.0,0.0056,0.0001,0.7177,0.0103,0.6519,0.0061,0.934,0.0165,0.7679,0.0096,0.8421,0.0065
-PyG,TU_COX2,link_pred,True,,,2,8,2,skipsum,max,99,0.5796,0.0115,205289.0,0.0064,0.0001,0.7191,0.0136,0.6582,0.0088,0.9115,0.0186,0.7644,0.0123,0.8237,0.0155
-PyG,TU_COX2,link_pred,True,,,2,8,2,skipsum,mean,79,0.562,0.0047,205289.0,0.006,0.0002,0.7357,0.0049,0.6671,0.0021,0.9407,0.0105,0.7807,0.005,0.8493,0.0122
-PyG,TU_COX2,link_pred,True,,,2,8,3,skipconcat,add,59,0.5653,0.0042,206821.0,0.0058,0.0004,0.7232,0.0124,0.6557,0.0086,0.94,0.0147,0.7725,0.0104,0.8542,0.0157
-PyG,TU_COX2,link_pred,True,,,2,8,3,skipconcat,max,79,0.5667,0.0065,206821.0,0.0064,0.0003,0.7341,0.0034,0.6663,0.0039,0.9379,0.0106,0.7791,0.0031,0.8492,0.0064
-PyG,TU_COX2,link_pred,True,,,2,8,3,skipconcat,mean,99,0.5528,0.0096,206821.0,0.0065,0.0003,0.7443,0.003,0.6727,0.0041,0.952,0.0121,0.7882,0.0029,0.8669,0.0118
-PyG,TU_COX2,link_pred,True,,,2,8,3,skipsum,add,99,0.5703,0.0148,204289.0,0.0055,0.0004,0.7134,0.0135,0.6518,0.0112,0.9171,0.0072,0.762,0.0097,0.836,0.0159
-PyG,TU_COX2,link_pred,True,,,2,8,3,skipsum,max,99,0.5756,0.0128,204289.0,0.0062,0.0003,0.719,0.0129,0.6572,0.0091,0.9157,0.0143,0.7652,0.011,0.825,0.0188
-PyG,TU_COX2,link_pred,True,,,2,8,3,skipsum,mean,99,0.5575,0.0062,204289.0,0.0055,0.0001,0.7287,0.0041,0.6615,0.0037,0.9369,0.0092,0.7754,0.0036,0.8493,0.007
-PyG,TU_DD,link_pred,True,,,1,2,2,skipconcat,add,0,0.7111,0.0744,207678.0,0.0048,0.0006,0.5733,0.0803,0.5523,0.0617,0.9476,0.0668,0.6925,0.0275,0.777,0.0082
-PyG,TU_DD,link_pred,True,,,1,2,2,skipconcat,max,99,0.6314,0.0134,207678.0,0.0064,0.001,0.6725,0.0054,0.6297,0.0029,0.837,0.0131,0.7187,0.0064,0.7741,0.0092
-PyG,TU_DD,link_pred,True,,,1,2,2,skipconcat,mean,99,0.644,0.0083,207678.0,0.0042,0.0002,0.6611,0.0073,0.6228,0.0049,0.817,0.011,0.7068,0.0073,0.7489,0.0079
-PyG,TU_DD,link_pred,True,,,1,2,2,skipsum,add,99,0.6609,0.0594,218893.0,0.0044,0.0002,0.622,0.072,0.5891,0.0556,0.8957,0.0694,0.7057,0.0222,0.7833,0.0049
-PyG,TU_DD,link_pred,True,,,1,2,2,skipsum,max,99,0.6172,0.0034,218893.0,0.0043,0.0003,0.6733,0.0025,0.6286,0.0027,0.847,0.0047,0.7216,0.0017,0.7788,0.0047
-PyG,TU_DD,link_pred,True,,,1,2,2,skipsum,mean,99,0.6284,0.005,218893.0,0.0049,0.0001,0.6689,0.0032,0.6297,0.0015,0.8201,0.0083,0.7124,0.0041,0.7615,0.005
-PyG,TU_DD,link_pred,True,,,1,2,3,skipconcat,add,99,0.6215,0.0056,210741.0,0.0048,0.0001,0.6732,0.0026,0.6271,0.0024,0.8544,0.0025,0.7233,0.0019,0.7781,0.0053
-PyG,TU_DD,link_pred,True,,,1,2,3,skipconcat,max,99,0.6234,0.0048,210741.0,0.0056,0.0006,0.6708,0.0027,0.6252,0.0015,0.8528,0.0057,0.7215,0.003,0.7754,0.0046
-PyG,TU_DD,link_pred,True,,,1,2,3,skipconcat,mean,99,0.6311,0.0047,210741.0,0.005,0.0001,0.6665,0.0038,0.6243,0.0025,0.8359,0.0059,0.7148,0.0038,0.7573,0.0049
-PyG,TU_DD,link_pred,True,,,1,2,3,skipsum,add,99,0.6175,0.0035,217906.0,0.0049,0.0,0.671,0.0007,0.6259,0.0004,0.8501,0.0036,0.7209,0.0012,0.7787,0.0057
-PyG,TU_DD,link_pred,True,,,1,2,3,skipsum,max,99,0.6119,0.0034,217906.0,0.0049,0.0001,0.6712,0.0054,0.6252,0.0046,0.8547,0.0045,0.7222,0.004,0.7799,0.0042
-PyG,TU_DD,link_pred,True,,,1,2,3,skipsum,mean,99,0.6245,0.0047,217906.0,0.0048,0.0001,0.6672,0.0039,0.6258,0.0022,0.8317,0.0078,0.7142,0.0043,0.7612,0.0059
-PyG,TU_DD,link_pred,True,,,1,4,2,skipconcat,add,79,0.6529,0.0476,208453.0,0.0057,0.0007,0.6296,0.075,0.5938,0.0578,0.9058,0.0636,0.7125,0.0257,0.7981,0.0106
-PyG,TU_DD,link_pred,True,,,1,4,2,skipconcat,max,99,0.6123,0.0084,208453.0,0.0055,0.0001,0.6862,0.0031,0.6379,0.0014,0.8612,0.013,0.7329,0.0048,0.7994,0.0063
-PyG,TU_DD,link_pred,True,,,1,4,2,skipconcat,mean,79,0.633,0.0096,208453.0,0.0057,0.0002,0.6747,0.0066,0.6306,0.0039,0.8434,0.0121,0.7216,0.0069,0.7733,0.0095
-PyG,TU_DD,link_pred,True,,,1,4,2,skipsum,add,0,0.6731,0.1021,215029.0,0.005,0.0,0.6255,0.0872,0.5914,0.064,0.9144,0.0598,0.7131,0.0327,0.8003,0.0083
-PyG,TU_DD,link_pred,True,,,1,4,2,skipsum,max,99,0.6033,0.0047,215029.0,0.0045,0.0,0.6787,0.0008,0.6293,0.0017,0.8696,0.0056,0.7302,0.0009,0.799,0.0045
-PyG,TU_DD,link_pred,True,,,1,4,2,skipsum,mean,99,0.6062,0.0034,215029.0,0.0053,0.0002,0.6833,0.003,0.6385,0.0019,0.845,0.0064,0.7274,0.0033,0.7891,0.0041
-PyG,TU_DD,link_pred,True,,,1,4,3,skipconcat,add,99,0.6114,0.0072,210162.0,0.0052,0.0001,0.6784,0.0088,0.6306,0.0068,0.8612,0.0075,0.7281,0.0072,0.7904,0.0085
-PyG,TU_DD,link_pred,True,,,1,4,3,skipconcat,max,79,0.6047,0.0011,210162.0,0.0057,0.0001,0.6843,0.0017,0.6341,0.0019,0.8714,0.0057,0.7341,0.0016,0.798,0.0018
-PyG,TU_DD,link_pred,True,,,1,4,3,skipconcat,mean,99,0.6192,0.0034,210162.0,0.0056,0.0001,0.6744,0.002,0.628,0.0016,0.8557,0.0077,0.7244,0.0027,0.7768,0.0036
-PyG,TU_DD,link_pred,True,,,1,4,3,skipsum,add,99,0.605,0.0041,215041.0,0.0045,0.0001,0.6773,0.0065,0.6285,0.0052,0.8671,0.0039,0.7288,0.0048,0.7927,0.0062
-PyG,TU_DD,link_pred,True,,,1,4,3,skipsum,max,99,0.6003,0.0021,215041.0,0.0047,0.0002,0.6811,0.0022,0.6309,0.0018,0.873,0.0011,0.7325,0.0016,0.7988,0.0012
-PyG,TU_DD,link_pred,True,,,1,4,3,skipsum,mean,99,0.604,0.0044,215041.0,0.0054,0.0,0.6838,0.0037,0.6366,0.0033,0.8569,0.0013,0.7305,0.0025,0.7909,0.0038
-PyG,TU_DD,link_pred,True,,,1,6,2,skipconcat,add,99,0.6154,0.0036,205124.0,0.0057,0.0001,0.6814,0.0021,0.6339,0.002,0.859,0.002,0.7294,0.0013,0.7931,0.0034
-PyG,TU_DD,link_pred,True,,,1,6,2,skipconcat,max,99,0.6025,0.0052,205124.0,0.0066,0.0008,0.6925,0.0028,0.6424,0.0016,0.868,0.0049,0.7384,0.0028,0.8123,0.0028
-PyG,TU_DD,link_pred,True,,,1,6,2,skipconcat,mean,99,0.62,0.0028,205124.0,0.0061,0.0,0.6817,0.0021,0.6363,0.0016,0.8484,0.0042,0.7272,0.002,0.7862,0.0045
-PyG,TU_DD,link_pred,True,,,1,6,2,skipsum,add,99,0.6047,0.0066,213835.0,0.0054,0.0001,0.6805,0.0103,0.6301,0.0097,0.875,0.0047,0.7326,0.0061,0.7985,0.006
-PyG,TU_DD,link_pred,True,,,1,6,2,skipsum,max,99,0.6015,0.0081,213835.0,0.0063,0.0013,0.6828,0.0066,0.6319,0.0054,0.8756,0.003,0.734,0.0047,0.808,0.0074
-PyG,TU_DD,link_pred,True,,,1,6,2,skipsum,mean,99,0.5968,0.0061,213835.0,0.0054,0.0001,0.6923,0.007,0.6437,0.005,0.8614,0.008,0.7368,0.0061,0.8024,0.0072
-PyG,TU_DD,link_pred,True,,,1,6,3,skipconcat,add,99,0.6112,0.0051,210631.0,0.006,0.0004,0.6834,0.0076,0.6335,0.0055,0.8698,0.0083,0.7331,0.0065,0.7941,0.0081
-PyG,TU_DD,link_pred,True,,,1,6,3,skipconcat,max,99,0.5954,0.0084,210631.0,0.0062,0.0002,0.6897,0.0108,0.6378,0.0073,0.8781,0.0141,0.7389,0.0097,0.8095,0.0113
-PyG,TU_DD,link_pred,True,,,1,6,3,skipconcat,mean,99,0.6109,0.0055,210631.0,0.0056,0.0001,0.68,0.0037,0.6321,0.003,0.8612,0.0041,0.7291,0.0029,0.7879,0.0041
-PyG,TU_DD,link_pred,True,,,1,6,3,skipsum,add,99,0.6069,0.0069,213121.0,0.0054,0.0003,0.6812,0.0058,0.6304,0.0038,0.8762,0.0088,0.7332,0.0054,0.7943,0.0084
-PyG,TU_DD,link_pred,True,,,1,6,3,skipsum,max,79,0.5973,0.0014,213121.0,0.0055,0.0003,0.6867,0.0046,0.6338,0.0048,0.8848,0.0042,0.7385,0.0022,0.8053,0.002
-PyG,TU_DD,link_pred,True,,,1,6,3,skipsum,mean,99,0.5898,0.0038,213121.0,0.0053,0.0,0.6937,0.0027,0.6439,0.0014,0.8668,0.0063,0.739,0.0031,0.8071,0.0046
-PyG,TU_DD,link_pred,True,,,1,8,2,skipconcat,add,99,0.616,0.0047,207041.0,0.0063,0.0001,0.6743,0.0048,0.6268,0.0033,0.8613,0.0076,0.7255,0.0045,0.7935,0.0061
-PyG,TU_DD,link_pred,True,,,1,8,2,skipconcat,max,79,0.5986,0.0075,207041.0,0.0069,0.0002,0.6944,0.0048,0.6419,0.0038,0.8796,0.005,0.7421,0.0039,0.8191,0.005
-PyG,TU_DD,link_pred,True,,,1,8,2,skipconcat,mean,99,0.6189,0.0028,207041.0,0.007,0.0001,0.6776,0.0027,0.633,0.0028,0.8453,0.0055,0.7239,0.0021,0.7858,0.0029
-PyG,TU_DD,link_pred,True,,,1,8,2,skipsum,add,79,0.6106,0.0055,211401.0,0.0065,0.0006,0.6713,0.0065,0.6214,0.0052,0.8772,0.0067,0.7274,0.0049,0.7922,0.0066
-PyG,TU_DD,link_pred,True,,,1,8,2,skipsum,max,99,0.6041,0.0081,211401.0,0.007,0.0004,0.6801,0.0114,0.6293,0.0085,0.8767,0.0096,0.7327,0.009,0.8032,0.0102
-PyG,TU_DD,link_pred,True,,,1,8,2,skipsum,mean,99,0.5919,0.0043,211401.0,0.0068,0.0003,0.6917,0.0066,0.6419,0.0044,0.8671,0.0089,0.7376,0.0061,0.8066,0.0055
-PyG,TU_DD,link_pred,True,,,1,8,3,skipconcat,add,99,0.6126,0.0093,207496.0,0.0065,0.0004,0.6727,0.0099,0.6234,0.0077,0.8725,0.0062,0.7272,0.0074,0.7919,0.0104
-PyG,TU_DD,link_pred,True,,,1,8,3,skipconcat,max,99,0.5956,0.0069,207496.0,0.0074,0.0,0.6889,0.0049,0.6368,0.0037,0.8794,0.0043,0.7387,0.004,0.813,0.0069
-PyG,TU_DD,link_pred,True,,,1,8,3,skipconcat,mean,99,0.6078,0.0052,207496.0,0.0073,0.0,0.678,0.0039,0.6305,0.0014,0.86,0.0128,0.7276,0.0053,0.7935,0.0065
-PyG,TU_DD,link_pred,True,,,1,8,3,skipsum,add,99,0.609,0.0067,212525.0,0.0053,0.0,0.6706,0.0065,0.621,0.0047,0.8751,0.007,0.7265,0.0054,0.7915,0.01
-PyG,TU_DD,link_pred,True,,,1,8,3,skipsum,max,99,0.6034,0.0028,212525.0,0.0078,0.0011,0.6834,0.0016,0.6306,0.0018,0.8856,0.0022,0.7367,0.0007,0.8014,0.0014
-PyG,TU_DD,link_pred,True,,,1,8,3,skipsum,mean,99,0.5883,0.006,212525.0,0.0071,0.0001,0.6929,0.0052,0.6424,0.004,0.8699,0.0062,0.739,0.0045,0.8106,0.0054
-PyG,TU_DD,link_pred,True,,,2,2,2,skipconcat,add,99,0.6306,0.0059,208621.0,0.0048,0.0,0.6763,0.0024,0.6325,0.0016,0.8414,0.0034,0.7221,0.0023,0.7746,0.0057
-PyG,TU_DD,link_pred,True,,,2,2,2,skipconcat,max,99,0.6294,0.0051,208621.0,0.0049,0.0001,0.6704,0.003,0.6267,0.0022,0.8431,0.0045,0.7189,0.0028,0.7747,0.0027
-PyG,TU_DD,link_pred,True,,,2,2,2,skipconcat,mean,99,0.6464,0.006,208621.0,0.0048,0.0001,0.6578,0.0052,0.6195,0.004,0.8179,0.0057,0.705,0.0046,0.7442,0.0048
-PyG,TU_DD,link_pred,True,,,2,2,2,skipsum,add,99,0.6192,0.0026,217906.0,0.0047,0.0002,0.6762,0.0066,0.6314,0.0054,0.8467,0.0045,0.7234,0.005,0.7775,0.0044
-PyG,TU_DD,link_pred,True,,,2,2,2,skipsum,max,99,0.6185,0.0025,217906.0,0.0048,0.0001,0.6716,0.0075,0.6263,0.0055,0.8509,0.0076,0.7215,0.0064,0.7773,0.0038
-PyG,TU_DD,link_pred,True,,,2,2,2,skipsum,mean,99,0.6321,0.0021,217906.0,0.0047,0.0,0.6653,0.0004,0.6264,0.0005,0.8189,0.0042,0.7099,0.0013,0.7566,0.0022
-PyG,TU_DD,link_pred,True,,,2,2,3,skipconcat,add,99,0.626,0.0066,207361.0,0.0041,0.0001,0.6715,0.0044,0.6265,0.0036,0.8498,0.0035,0.7212,0.0034,0.7708,0.0052
-PyG,TU_DD,link_pred,True,,,2,2,3,skipconcat,max,99,0.6214,0.0064,207361.0,0.005,0.0001,0.6696,0.005,0.6237,0.0039,0.8552,0.0058,0.7213,0.0042,0.7764,0.0053
-PyG,TU_DD,link_pred,True,,,2,2,3,skipconcat,mean,99,0.6274,0.0025,207361.0,0.0049,0.0001,0.6656,0.0059,0.6234,0.004,0.8362,0.009,0.7143,0.0057,0.7596,0.0044
-PyG,TU_DD,link_pred,True,,,2,2,3,skipsum,add,99,0.6174,0.0058,215029.0,0.0057,0.0007,0.6733,0.005,0.6279,0.0033,0.8506,0.0072,0.7225,0.0047,0.7771,0.0074
-PyG,TU_DD,link_pred,True,,,2,2,3,skipsum,max,79,0.6196,0.0018,215029.0,0.0042,0.0002,0.6699,0.0029,0.6244,0.0024,0.8525,0.0012,0.7208,0.002,0.7718,0.0032
-PyG,TU_DD,link_pred,True,,,2,2,3,skipsum,mean,99,0.6278,0.0061,215029.0,0.0053,0.0004,0.6647,0.0042,0.6247,0.0022,0.8251,0.0095,0.711,0.0049,0.7563,0.0074
-PyG,TU_DD,link_pred,True,,,2,4,2,skipconcat,add,0,0.6592,0.0584,204802.0,0.0055,0.0008,0.6269,0.0749,0.5916,0.0571,0.9006,0.0552,0.7099,0.0272,0.7894,0.0034
-PyG,TU_DD,link_pred,True,,,2,4,2,skipconcat,max,79,0.617,0.0012,204802.0,0.0061,0.0011,0.6795,0.0029,0.6325,0.0027,0.8571,0.0018,0.7279,0.0018,0.7938,0.0028
-PyG,TU_DD,link_pred,True,,,2,4,2,skipconcat,mean,99,0.6296,0.0053,204802.0,0.0055,0.0001,0.6691,0.003,0.627,0.0014,0.8347,0.0109,0.716,0.0044,0.7678,0.0065
-PyG,TU_DD,link_pred,True,,,2,4,2,skipsum,add,99,0.6064,0.0031,215041.0,0.005,0.0,0.6836,0.0036,0.6338,0.0025,0.8696,0.0051,0.7332,0.0033,0.797,0.0027
-PyG,TU_DD,link_pred,True,,,2,4,2,skipsum,max,99,0.6071,0.0022,215041.0,0.0062,0.0012,0.6769,0.0018,0.6279,0.0014,0.8686,0.0011,0.7289,0.0014,0.7956,0.0034
-PyG,TU_DD,link_pred,True,,,2,4,2,skipsum,mean,99,0.6107,0.0055,215041.0,0.0052,0.0,0.6826,0.0017,0.6359,0.0012,0.8548,0.0065,0.7292,0.0024,0.7878,0.0046
-PyG,TU_DD,link_pred,True,,,2,4,3,skipconcat,add,99,0.6184,0.0027,204193.0,0.0056,0.0004,0.6764,0.0039,0.6285,0.0037,0.8625,0.0054,0.7272,0.0028,0.7828,0.0019
-PyG,TU_DD,link_pred,True,,,2,4,3,skipconcat,max,99,0.6045,0.0064,204193.0,0.0056,0.0002,0.6839,0.0053,0.6339,0.0041,0.871,0.0045,0.7338,0.0043,0.7978,0.0061
-PyG,TU_DD,link_pred,True,,,2,4,3,skipconcat,mean,99,0.6233,0.0021,204193.0,0.0051,0.0001,0.6662,0.0027,0.6232,0.0031,0.8408,0.0049,0.7158,0.0013,0.769,0.0026
-PyG,TU_DD,link_pred,True,,,2,4,3,skipsum,add,99,0.6047,0.0014,213835.0,0.0054,0.0004,0.6787,0.0032,0.6292,0.002,0.8699,0.0057,0.7302,0.0031,0.7941,0.0032
-PyG,TU_DD,link_pred,True,,,2,4,3,skipsum,max,99,0.5993,0.0075,213835.0,0.0062,0.0012,0.6811,0.0078,0.6318,0.0055,0.8684,0.0094,0.7314,0.0068,0.7971,0.0087
-PyG,TU_DD,link_pred,True,,,2,4,3,skipsum,mean,99,0.6064,0.0038,213835.0,0.0051,0.0002,0.6838,0.004,0.637,0.0029,0.8545,0.0047,0.7299,0.0035,0.7866,0.005
-PyG,TU_DD,link_pred,True,,,2,6,2,skipconcat,add,99,0.622,0.0007,206887.0,0.0054,0.0002,0.676,0.0052,0.628,0.0048,0.8634,0.0035,0.7271,0.0034,0.7875,0.0028
-PyG,TU_DD,link_pred,True,,,2,6,2,skipconcat,max,99,0.6055,0.0102,206887.0,0.0061,0.0001,0.689,0.0053,0.6388,0.0037,0.8698,0.0068,0.7366,0.0048,0.8081,0.0081
-PyG,TU_DD,link_pred,True,,,2,6,2,skipconcat,mean,99,0.6249,0.0009,206887.0,0.0066,0.0014,0.6759,0.0024,0.6327,0.0022,0.8387,0.0011,0.7213,0.0016,0.7764,0.0024
-PyG,TU_DD,link_pred,True,,,2,6,2,skipsum,add,99,0.6092,0.0047,213121.0,0.005,0.0001,0.6788,0.0071,0.6286,0.0058,0.874,0.0039,0.7313,0.0052,0.795,0.0062
-PyG,TU_DD,link_pred,True,,,2,6,2,skipsum,max,99,0.607,0.0047,213121.0,0.0054,0.0001,0.6788,0.0035,0.628,0.0033,0.8775,0.0008,0.7321,0.002,0.8002,0.0022
-PyG,TU_DD,link_pred,True,,,2,6,2,skipsum,mean,99,0.5965,0.0015,213121.0,0.0063,0.0008,0.6906,0.0055,0.6412,0.0048,0.8655,0.0027,0.7367,0.0041,0.8025,0.0017
-PyG,TU_DD,link_pred,True,,,2,6,3,skipconcat,add,99,0.6123,0.0031,211926.0,0.0065,0.001,0.677,0.0045,0.6285,0.0034,0.8656,0.0036,0.7283,0.0035,0.7909,0.0038
-PyG,TU_DD,link_pred,True,,,2,6,3,skipconcat,max,99,0.5987,0.0044,211926.0,0.0071,0.0012,0.6889,0.0083,0.6379,0.0077,0.874,0.0003,0.7375,0.0052,0.8058,0.0029
-PyG,TU_DD,link_pred,True,,,2,6,3,skipconcat,mean,99,0.6166,0.003,211926.0,0.0062,0.0002,0.6755,0.0043,0.6288,0.0042,0.8571,0.0019,0.7254,0.0024,0.781,0.0049
-PyG,TU_DD,link_pred,True,,,2,6,3,skipsum,add,99,0.6114,0.0043,211401.0,0.0051,0.0002,0.6726,0.0053,0.6244,0.0053,0.8662,0.0082,0.7257,0.0034,0.7857,0.0064
-PyG,TU_DD,link_pred,True,,,2,6,3,skipsum,max,99,0.606,0.0009,211401.0,0.0061,0.0002,0.678,0.0042,0.6284,0.0037,0.8713,0.0056,0.7301,0.003,0.7953,0.0017
-PyG,TU_DD,link_pred,True,,,2,6,3,skipsum,mean,99,0.5999,0.0079,211401.0,0.0065,0.0014,0.6816,0.0074,0.6345,0.0064,0.8567,0.0032,0.729,0.0052,0.7953,0.0064
-PyG,TU_DD,link_pred,True,,,2,8,2,skipconcat,add,79,0.6195,0.003,208129.0,0.0063,0.0001,0.6753,0.0035,0.6274,0.003,0.8633,0.0047,0.7267,0.0027,0.7903,0.0054
-PyG,TU_DD,link_pred,True,,,2,8,2,skipconcat,max,99,0.6007,0.0087,208129.0,0.0071,0.0004,0.6903,0.0044,0.6398,0.0031,0.8707,0.0053,0.7376,0.0039,0.8144,0.0042
-PyG,TU_DD,link_pred,True,,,2,8,2,skipconcat,mean,99,0.6169,0.0055,208129.0,0.0067,0.0001,0.682,0.0039,0.6353,0.0031,0.8545,0.0044,0.7288,0.0033,0.7878,0.0052
-PyG,TU_DD,link_pred,True,,,2,8,2,skipsum,add,79,0.6104,0.0026,212525.0,0.0056,0.0002,0.6772,0.0037,0.6268,0.0029,0.8765,0.0043,0.7309,0.003,0.7917,0.006
-PyG,TU_DD,link_pred,True,,,2,8,2,skipsum,max,99,0.603,0.0032,212525.0,0.0066,0.0001,0.6797,0.0049,0.6293,0.0047,0.8746,0.0041,0.7319,0.0028,0.8014,0.0032
-PyG,TU_DD,link_pred,True,,,2,8,2,skipsum,mean,99,0.5937,0.002,212525.0,0.0066,0.0,0.6882,0.0011,0.6381,0.0012,0.8699,0.0084,0.7361,0.0024,0.8064,0.0029
-PyG,TU_DD,link_pred,True,,,2,8,3,skipconcat,add,59,0.615,0.0071,208279.0,0.0063,0.0001,0.6723,0.0058,0.6231,0.0043,0.8724,0.0045,0.727,0.0045,0.7875,0.0075
-PyG,TU_DD,link_pred,True,,,2,8,3,skipconcat,max,99,0.5914,0.0033,208279.0,0.0064,0.0002,0.6925,0.0053,0.6389,0.0034,0.8856,0.0074,0.7423,0.0049,0.8155,0.0044
-PyG,TU_DD,link_pred,True,,,2,8,3,skipconcat,mean,99,0.6119,0.0004,208279.0,0.0068,0.0002,0.6763,0.0034,0.6289,0.0026,0.8603,0.0025,0.7266,0.0026,0.7871,0.0015
-PyG,TU_DD,link_pred,True,,,2,8,3,skipsum,add,99,0.6049,0.0047,211201.0,0.0061,0.0,0.6758,0.0072,0.6265,0.0063,0.8715,0.0055,0.7289,0.0047,0.7924,0.0055
-PyG,TU_DD,link_pred,True,,,2,8,3,skipsum,max,99,0.6018,0.0069,211201.0,0.0066,0.0,0.682,0.0097,0.6302,0.007,0.8808,0.0097,0.7347,0.0081,0.8012,0.0089
-PyG,TU_DD,link_pred,True,,,2,8,3,skipsum,mean,99,0.5936,0.0071,211201.0,0.0061,0.0001,0.691,0.007,0.6413,0.0064,0.8674,0.0018,0.7374,0.0047,0.8054,0.0059
-PyG,TU_ENZYMES,link_pred,True,,,1,2,2,skipconcat,add,99,0.6896,0.0041,199336.0,0.0039,0.0003,0.5954,0.0085,0.574,0.0066,0.7399,0.008,0.6465,0.0072,0.6285,0.0064
-PyG,TU_ENZYMES,link_pred,True,,,1,2,2,skipconcat,max,79,0.6764,0.0053,199336.0,0.0038,0.0004,0.5988,0.006,0.5722,0.0032,0.7825,0.0178,0.661,0.0084,0.6339,0.0136
-PyG,TU_ENZYMES,link_pred,True,,,1,2,2,skipconcat,mean,79,0.6832,0.0055,199336.0,0.0041,0.0004,0.593,0.008,0.5702,0.0067,0.7561,0.004,0.6501,0.0053,0.6189,0.0092
-PyG,TU_ENZYMES,link_pred,True,,,1,2,2,skipsum,add,79,0.6801,0.0035,199801.0,0.004,0.0002,0.6032,0.0021,0.5782,0.0008,0.7631,0.0095,0.6578,0.0039,0.6406,0.0035
-PyG,TU_ENZYMES,link_pred,True,,,1,2,2,skipsum,max,99,0.6751,0.0059,199801.0,0.0039,0.0003,0.6006,0.0084,0.5752,0.0063,0.7695,0.0096,0.6583,0.0074,0.6342,0.0133
-PyG,TU_ENZYMES,link_pred,True,,,1,2,2,skipsum,mean,99,0.6792,0.005,199801.0,0.0035,0.0002,0.6,0.0106,0.5752,0.0059,0.7644,0.03,0.6563,0.0145,0.6299,0.0143
-PyG,TU_ENZYMES,link_pred,True,,,1,2,3,skipconcat,add,79,0.6823,0.002,203689.0,0.0043,0.0003,0.5977,0.0074,0.5755,0.0065,0.7459,0.0005,0.6497,0.0043,0.632,0.0038
-PyG,TU_ENZYMES,link_pred,True,,,1,2,3,skipconcat,max,99,0.6766,0.0035,203689.0,0.0052,0.002,0.5959,0.0062,0.5667,0.0028,0.8137,0.0228,0.668,0.0096,0.6334,0.0147
-PyG,TU_ENZYMES,link_pred,True,,,1,2,3,skipconcat,mean,79,0.6813,0.0013,203689.0,0.0037,0.0001,0.586,0.0068,0.5633,0.0053,0.7659,0.0073,0.6491,0.0053,0.6152,0.0085
-PyG,TU_ENZYMES,link_pred,True,,,1,2,3,skipsum,add,99,0.6811,0.0039,200792.0,0.0035,0.0,0.5956,0.0067,0.5728,0.0055,0.752,0.0157,0.6502,0.0071,0.6326,0.0075
-PyG,TU_ENZYMES,link_pred,True,,,1,2,3,skipsum,max,59,0.6744,0.0059,200792.0,0.0036,0.0001,0.6,0.0085,0.5724,0.0086,0.7934,0.0135,0.6648,0.001,0.6346,0.0129
-PyG,TU_ENZYMES,link_pred,True,,,1,2,3,skipsum,mean,59,0.6802,0.007,200792.0,0.004,0.0002,0.593,0.0121,0.5672,0.0099,0.7875,0.0168,0.6593,0.0084,0.6268,0.0137
-PyG,TU_ENZYMES,link_pred,True,,,1,4,2,skipconcat,add,99,0.6978,0.0086,203465.0,0.004,0.0001,0.5935,0.01,0.5691,0.0079,0.7704,0.0104,0.6546,0.0072,0.6292,0.0118
-PyG,TU_ENZYMES,link_pred,True,,,1,4,2,skipconcat,max,99,0.6724,0.0097,203465.0,0.0045,0.0003,0.6167,0.0088,0.5823,0.0047,0.8246,0.0242,0.6825,0.0112,0.6636,0.0185
-PyG,TU_ENZYMES,link_pred,True,,,1,4,2,skipconcat,mean,79,0.6814,0.0048,203465.0,0.0043,0.0001,0.6044,0.01,0.5782,0.0076,0.7719,0.0133,0.6612,0.0088,0.6325,0.0143
-PyG,TU_ENZYMES,link_pred,True,,,1,4,2,skipsum,add,99,0.6808,0.0067,199463.0,0.0045,0.0007,0.6061,0.0099,0.5763,0.0081,0.8023,0.0147,0.6707,0.0072,0.6458,0.0123
-PyG,TU_ENZYMES,link_pred,True,,,1,4,2,skipsum,max,99,0.6685,0.0086,199463.0,0.0047,0.0002,0.6185,0.006,0.5869,0.0024,0.8001,0.0244,0.677,0.01,0.6666,0.015
-PyG,TU_ENZYMES,link_pred,True,,,1,4,2,skipsum,mean,99,0.678,0.0063,199463.0,0.0043,0.0002,0.6055,0.0013,0.5776,0.0009,0.7847,0.0012,0.6654,0.0011,0.643,0.0101
-PyG,TU_ENZYMES,link_pred,True,,,1,4,3,skipconcat,add,99,0.6814,0.0031,205948.0,0.0042,0.0001,0.5964,0.0111,0.5715,0.0081,0.77,0.0202,0.656,0.0113,0.6369,0.0108
-PyG,TU_ENZYMES,link_pred,True,,,1,4,3,skipconcat,max,79,0.6689,0.006,205948.0,0.0047,0.0003,0.6122,0.0114,0.5806,0.0088,0.809,0.0065,0.676,0.008,0.6562,0.0146
-PyG,TU_ENZYMES,link_pred,True,,,1,4,3,skipconcat,mean,99,0.677,0.0035,205948.0,0.0045,0.0,0.5939,0.0091,0.57,0.0073,0.7654,0.0117,0.6533,0.0073,0.6293,0.0131
-PyG,TU_ENZYMES,link_pred,True,,,1,4,3,skipsum,add,79,0.6832,0.0078,200593.0,0.0041,0.0001,0.5933,0.0061,0.5682,0.0045,0.7771,0.0054,0.6564,0.0049,0.6384,0.0067
-PyG,TU_ENZYMES,link_pred,True,,,1,4,3,skipsum,max,99,0.6684,0.0085,200593.0,0.0042,0.0003,0.6102,0.0127,0.5787,0.0092,0.8103,0.0146,0.6752,0.0105,0.663,0.0192
-PyG,TU_ENZYMES,link_pred,True,,,1,4,3,skipsum,mean,79,0.6768,0.0073,200593.0,0.0046,0.0002,0.6096,0.0086,0.5797,0.0062,0.7975,0.0107,0.6713,0.0077,0.6456,0.0126
-PyG,TU_ENZYMES,link_pred,True,,,1,6,2,skipconcat,add,79,0.6967,0.0063,201598.0,0.005,0.0006,0.5979,0.0076,0.5712,0.0053,0.7847,0.0106,0.6611,0.0072,0.6336,0.0094
-PyG,TU_ENZYMES,link_pred,True,,,1,6,2,skipconcat,max,99,0.6683,0.0111,201598.0,0.005,0.0,0.6253,0.0026,0.5908,0.0012,0.8153,0.0124,0.6851,0.0046,0.6797,0.0206
-PyG,TU_ENZYMES,link_pred,True,,,1,6,2,skipconcat,mean,99,0.6804,0.008,201598.0,0.0056,0.0005,0.6027,0.0113,0.5757,0.0083,0.7806,0.0127,0.6627,0.0097,0.6408,0.0163
-PyG,TU_ENZYMES,link_pred,True,,,1,6,2,skipsum,add,79,0.6848,0.0083,200333.0,0.0045,0.0003,0.595,0.0124,0.5664,0.0089,0.8109,0.0101,0.6669,0.0095,0.6396,0.0179
-PyG,TU_ENZYMES,link_pred,True,,,1,6,2,skipsum,max,59,0.6713,0.0118,200333.0,0.0048,0.0004,0.6187,0.0068,0.5851,0.0029,0.8153,0.024,0.6812,0.0103,0.6714,0.0176
-PyG,TU_ENZYMES,link_pred,True,,,1,6,2,skipsum,mean,99,0.6727,0.005,200333.0,0.0065,0.0016,0.6172,0.0068,0.5845,0.0046,0.8103,0.0143,0.6791,0.0072,0.6555,0.0082
-PyG,TU_ENZYMES,link_pred,True,,,1,6,3,skipconcat,add,99,0.6893,0.0051,207621.0,0.006,0.001,0.5927,0.0059,0.5684,0.0045,0.7708,0.0048,0.6543,0.0045,0.6317,0.0076
-PyG,TU_ENZYMES,link_pred,True,,,1,6,3,skipconcat,max,79,0.6674,0.0076,207621.0,0.0101,0.0071,0.6174,0.0026,0.5843,0.0033,0.8142,0.0179,0.6803,0.0048,0.6671,0.0163
-PyG,TU_ENZYMES,link_pred,True,,,1,6,3,skipconcat,mean,79,0.6781,0.0048,207621.0,0.0073,0.0017,0.5992,0.0083,0.5733,0.0047,0.775,0.022,0.659,0.011,0.636,0.0139
-PyG,TU_ENZYMES,link_pred,True,,,1,6,3,skipsum,add,99,0.6815,0.0099,200393.0,0.0052,0.0008,0.5955,0.0104,0.5678,0.008,0.8003,0.0045,0.6643,0.007,0.6415,0.0169
-PyG,TU_ENZYMES,link_pred,True,,,1,6,3,skipsum,max,99,0.6683,0.0079,200393.0,0.0063,0.0023,0.6196,0.0029,0.5868,0.0026,0.8088,0.009,0.68,0.0031,0.6689,0.0116
-PyG,TU_ENZYMES,link_pred,True,,,1,6,3,skipsum,mean,79,0.673,0.0058,200393.0,0.0061,0.0022,0.6122,0.0084,0.5806,0.007,0.8085,0.0003,0.6759,0.0047,0.6508,0.0123
-PyG,TU_ENZYMES,link_pred,True,,,1,8,2,skipconcat,add,79,0.6959,0.0099,204289.0,0.0056,0.0004,0.595,0.0102,0.5682,0.0074,0.7914,0.0101,0.6615,0.0084,0.6374,0.013
-PyG,TU_ENZYMES,link_pred,True,,,1,8,2,skipconcat,max,99,0.67,0.0092,204289.0,0.006,0.0006,0.6246,0.0086,0.5898,0.0053,0.8178,0.0153,0.6853,0.0089,0.6789,0.0171
-PyG,TU_ENZYMES,link_pred,True,,,1,8,2,skipconcat,mean,99,0.6807,0.005,204289.0,0.0098,0.0025,0.6045,0.0028,0.5769,0.0019,0.7838,0.0054,0.6646,0.0029,0.6443,0.0089
-PyG,TU_ENZYMES,link_pred,True,,,1,8,2,skipsum,add,99,0.6886,0.0135,199361.0,0.0073,0.0022,0.5929,0.0163,0.5654,0.0127,0.8057,0.0023,0.6644,0.009,0.6424,0.0172
-PyG,TU_ENZYMES,link_pred,True,,,1,8,2,skipsum,max,99,0.6698,0.0125,199361.0,0.0107,0.0042,0.6171,0.0076,0.5848,0.0043,0.807,0.0184,0.6781,0.0092,0.6737,0.0234
-PyG,TU_ENZYMES,link_pred,True,,,1,8,2,skipsum,mean,99,0.6709,0.0072,199361.0,0.0094,0.0051,0.6169,0.0128,0.5848,0.0103,0.807,0.0065,0.6781,0.0089,0.6586,0.0166
-PyG,TU_ENZYMES,link_pred,True,,,1,8,3,skipconcat,add,79,0.6826,0.006,205174.0,0.0081,0.0021,0.5996,0.0078,0.571,0.0051,0.8005,0.0135,0.6666,0.0081,0.6447,0.0093
-PyG,TU_ENZYMES,link_pred,True,,,1,8,3,skipconcat,max,99,0.6688,0.0055,205174.0,0.0118,0.0042,0.6121,0.0093,0.5786,0.0061,0.8252,0.0225,0.6801,0.0104,0.6646,0.0164
-PyG,TU_ENZYMES,link_pred,True,,,1,8,3,skipconcat,mean,99,0.6762,0.0027,205174.0,0.0083,0.0022,0.604,0.0052,0.5746,0.0022,0.801,0.0315,0.6689,0.0111,0.6419,0.0126
-PyG,TU_ENZYMES,link_pred,True,,,1,8,3,skipsum,add,79,0.68,0.0052,201001.0,0.01,0.002,0.5955,0.0114,0.5667,0.0085,0.8122,0.0195,0.6675,0.0099,0.6463,0.0065
-PyG,TU_ENZYMES,link_pred,True,,,1,8,3,skipsum,max,99,0.6686,0.0095,201001.0,0.0126,0.0021,0.6149,0.0085,0.5824,0.0051,0.812,0.0178,0.6783,0.0096,0.6723,0.0128
-PyG,TU_ENZYMES,link_pred,True,,,1,8,3,skipsum,mean,79,0.6716,0.0074,201001.0,0.0098,0.0027,0.608,0.0117,0.5776,0.0089,0.8048,0.014,0.6725,0.0091,0.6518,0.0177
-PyG,TU_ENZYMES,link_pred,True,,,2,2,2,skipconcat,add,79,0.6892,0.0034,200451.0,0.0103,0.0009,0.5953,0.0059,0.5726,0.0048,0.752,0.0158,0.6501,0.0067,0.6268,0.0101
-PyG,TU_ENZYMES,link_pred,True,,,2,2,2,skipconcat,max,79,0.6773,0.0055,200451.0,0.0049,0.0002,0.6022,0.0124,0.5722,0.0092,0.8109,0.0165,0.6709,0.0099,0.6369,0.0144
-PyG,TU_ENZYMES,link_pred,True,,,2,2,2,skipconcat,mean,79,0.6835,0.0057,200451.0,0.0055,0.0016,0.5866,0.0074,0.5638,0.0048,0.765,0.0152,0.6492,0.0085,0.6204,0.0123
-PyG,TU_ENZYMES,link_pred,True,,,2,2,2,skipsum,add,79,0.6823,0.0038,200792.0,0.0099,0.0002,0.5997,0.0062,0.5743,0.0052,0.7708,0.0108,0.6582,0.0051,0.6364,0.0067
-PyG,TU_ENZYMES,link_pred,True,,,2,2,2,skipsum,max,99,0.6764,0.006,200792.0,0.0057,0.0014,0.5997,0.0107,0.5729,0.0095,0.786,0.0165,0.6626,0.0061,0.6347,0.0127
-PyG,TU_ENZYMES,link_pred,True,,,2,2,2,skipsum,mean,99,0.6787,0.0048,200792.0,0.0056,0.0008,0.5949,0.0117,0.5714,0.008,0.7589,0.0218,0.6518,0.0127,0.6312,0.0142
-PyG,TU_ENZYMES,link_pred,True,,,2,2,3,skipconcat,add,79,0.6829,0.0029,200481.0,0.0085,0.0007,0.5934,0.0037,0.5716,0.0047,0.7468,0.0126,0.6475,0.0018,0.6299,0.0006
-PyG,TU_ENZYMES,link_pred,True,,,2,2,3,skipconcat,max,79,0.6737,0.0046,200481.0,0.0127,0.0017,0.5937,0.0052,0.5666,0.0043,0.7975,0.0043,0.6625,0.0028,0.6354,0.0128
-PyG,TU_ENZYMES,link_pred,True,,,2,2,3,skipconcat,mean,79,0.6792,0.0044,200481.0,0.0106,0.0022,0.5892,0.0101,0.5668,0.0072,0.7572,0.0134,0.6483,0.0096,0.6191,0.0123
-PyG,TU_ENZYMES,link_pred,True,,,2,2,3,skipsum,add,79,0.6812,0.0062,199463.0,0.0044,0.0001,0.5942,0.0143,0.5713,0.0108,0.7552,0.0164,0.6505,0.0124,0.6338,0.0103
-PyG,TU_ENZYMES,link_pred,True,,,2,2,3,skipsum,max,79,0.6736,0.0056,199463.0,0.01,0.0009,0.5974,0.0131,0.5705,0.0079,0.7864,0.0322,0.6612,0.0159,0.6349,0.0168
-PyG,TU_ENZYMES,link_pred,True,,,2,2,3,skipsum,mean,79,0.6771,0.0038,199463.0,0.0082,0.0003,0.5958,0.0034,0.5725,0.002,0.7559,0.009,0.6515,0.0046,0.6288,0.0112
-PyG,TU_ENZYMES,link_pred,True,,,2,4,2,skipconcat,add,79,0.6942,0.0075,199900.0,0.0061,0.001,0.5983,0.0114,0.5719,0.0088,0.7828,0.0131,0.6609,0.0088,0.6341,0.0104
-PyG,TU_ENZYMES,link_pred,True,,,2,4,2,skipconcat,max,99,0.6716,0.0091,199900.0,0.0124,0.0007,0.6182,0.0102,0.5862,0.0065,0.8033,0.0185,0.6778,0.0106,0.6678,0.0182
-PyG,TU_ENZYMES,link_pred,True,,,2,4,2,skipconcat,mean,79,0.6807,0.0034,199900.0,0.0084,0.0026,0.5985,0.0069,0.5724,0.0044,0.7789,0.0135,0.6598,0.0078,0.6333,0.0133
-PyG,TU_ENZYMES,link_pred,True,,,2,4,2,skipsum,add,39,0.6911,0.0079,200593.0,0.0089,0.0017,0.5939,0.0081,0.5668,0.0057,0.7968,0.0098,0.6624,0.007,0.6342,0.0098
-PyG,TU_ENZYMES,link_pred,True,,,2,4,2,skipsum,max,79,0.6692,0.0079,200593.0,0.0076,0.0016,0.617,0.0037,0.5846,0.0019,0.8088,0.0192,0.6785,0.007,0.6645,0.0149
-PyG,TU_ENZYMES,link_pred,True,,,2,4,2,skipsum,mean,99,0.6791,0.0076,200593.0,0.0069,0.0016,0.6097,0.0003,0.579,0.0019,0.804,0.0152,0.6731,0.0041,0.6455,0.0094
-PyG,TU_ENZYMES,link_pred,True,,,2,4,3,skipconcat,add,79,0.6869,0.0017,200065.0,0.012,0.0019,0.5989,0.0038,0.5719,0.0016,0.7871,0.016,0.6624,0.0066,0.6354,0.002
-PyG,TU_ENZYMES,link_pred,True,,,2,4,3,skipconcat,max,79,0.6714,0.0088,200065.0,0.0062,0.0012,0.6122,0.0056,0.5792,0.0043,0.8213,0.0101,0.6792,0.0049,0.6605,0.0165
-PyG,TU_ENZYMES,link_pred,True,,,2,4,3,skipconcat,mean,59,0.6773,0.005,200065.0,0.0063,0.002,0.6004,0.0095,0.5745,0.0069,0.7737,0.0129,0.6594,0.0089,0.6339,0.0139
-PyG,TU_ENZYMES,link_pred,True,,,2,4,3,skipsum,add,79,0.6828,0.011,200333.0,0.0084,0.0004,0.5916,0.0145,0.5652,0.0098,0.7934,0.0215,0.6601,0.014,0.637,0.0173
-PyG,TU_ENZYMES,link_pred,True,,,2,4,3,skipsum,max,99,0.6678,0.0092,200333.0,0.0049,0.0004,0.6139,0.0101,0.5819,0.0088,0.8107,0.0078,0.6774,0.0055,0.6644,0.018
-PyG,TU_ENZYMES,link_pred,True,,,2,4,3,skipsum,mean,59,0.6745,0.0056,200333.0,0.0114,0.002,0.6086,0.0046,0.5787,0.0045,0.799,0.013,0.6712,0.0036,0.6456,0.0092
-PyG,TU_ENZYMES,link_pred,True,,,2,6,2,skipconcat,add,99,0.7506,0.0741,203361.0,0.0122,0.0015,0.5602,0.0433,0.5429,0.0309,0.8614,0.0981,0.6616,0.0063,0.6375,0.0098
-PyG,TU_ENZYMES,link_pred,True,,,2,6,2,skipconcat,max,79,0.6747,0.0078,203361.0,0.0058,0.0003,0.6213,0.0013,0.586,0.0044,0.8282,0.0293,0.6861,0.0073,0.6783,0.017
-PyG,TU_ENZYMES,link_pred,True,,,2,6,2,skipconcat,mean,59,0.6866,0.0148,203361.0,0.0119,0.0015,0.6043,0.0121,0.575,0.0105,0.8023,0.0238,0.6696,0.0088,0.6422,0.0163
-PyG,TU_ENZYMES,link_pred,True,,,2,6,2,skipsum,add,99,0.6851,0.0084,200393.0,0.0114,0.0012,0.5929,0.0144,0.5649,0.0102,0.8087,0.0128,0.6652,0.0114,0.6397,0.0178
-PyG,TU_ENZYMES,link_pred,True,,,2,6,2,skipsum,max,99,0.6669,0.0095,200393.0,0.0079,0.0006,0.6199,0.0025,0.5859,0.0014,0.8174,0.0093,0.6826,0.0037,0.6791,0.0151
-PyG,TU_ENZYMES,link_pred,True,,,2,6,2,skipsum,mean,99,0.6723,0.0076,200393.0,0.0075,0.0022,0.6148,0.0099,0.5835,0.0076,0.8027,0.0084,0.6758,0.0076,0.6557,0.0156
-PyG,TU_ENZYMES,link_pred,True,,,2,6,3,skipconcat,add,99,0.6882,0.0019,208916.0,0.0086,0.0015,0.5948,0.0058,0.5686,0.0044,0.786,0.0133,0.6598,0.0057,0.6362,0.0034
-PyG,TU_ENZYMES,link_pred,True,,,2,6,3,skipconcat,max,79,0.668,0.008,208916.0,0.0128,0.0013,0.6192,0.0063,0.585,0.0056,0.8217,0.0206,0.6833,0.0067,0.6725,0.0169
-PyG,TU_ENZYMES,link_pred,True,,,2,6,3,skipconcat,mean,79,0.6753,0.0038,208916.0,0.0139,0.0019,0.6057,0.0012,0.576,0.0022,0.8014,0.0119,0.6702,0.0028,0.6424,0.0078
-PyG,TU_ENZYMES,link_pred,True,,,2,6,3,skipsum,add,59,0.6859,0.0043,199361.0,0.0128,0.0031,0.5917,0.0119,0.5633,0.0087,0.8168,0.0079,0.6668,0.0084,0.6384,0.0083
-PyG,TU_ENZYMES,link_pred,True,,,2,6,3,skipsum,max,99,0.6683,0.0088,199361.0,0.0117,0.0002,0.6151,0.0025,0.5823,0.0006,0.8144,0.0131,0.679,0.0049,0.6683,0.0132
-PyG,TU_ENZYMES,link_pred,True,,,2,6,3,skipsum,mean,99,0.671,0.0055,199361.0,0.0119,0.0041,0.6116,0.0048,0.58,0.0038,0.809,0.0046,0.6756,0.0035,0.6528,0.0148
-PyG,TU_ENZYMES,link_pred,True,,,2,8,2,skipconcat,add,99,0.7029,0.0037,205377.0,0.0095,0.0017,0.5907,0.0097,0.5638,0.0065,0.8012,0.0134,0.6618,0.009,0.6327,0.0112
-PyG,TU_ENZYMES,link_pred,True,,,2,8,2,skipconcat,max,99,0.6757,0.0137,205377.0,0.0132,0.0025,0.6178,0.0108,0.5817,0.0083,0.8398,0.0183,0.6872,0.0086,0.6782,0.0203
-PyG,TU_ENZYMES,link_pred,True,,,2,8,2,skipconcat,mean,99,0.684,0.0091,205377.0,0.0065,0.0005,0.604,0.0052,0.5767,0.0048,0.783,0.0154,0.6641,0.0052,0.6402,0.0141
-PyG,TU_ENZYMES,link_pred,True,,,2,8,2,skipsum,add,79,0.6857,0.0068,201001.0,0.0083,0.002,0.5858,0.0143,0.56,0.01,0.8012,0.0144,0.6592,0.0118,0.6378,0.0127
-PyG,TU_ENZYMES,link_pred,True,,,2,8,2,skipsum,max,79,0.6699,0.011,201001.0,0.0128,0.0018,0.6219,0.004,0.5869,0.0029,0.8235,0.0051,0.6853,0.0034,0.6803,0.013
-PyG,TU_ENZYMES,link_pred,True,,,2,8,2,skipsum,mean,59,0.6722,0.0068,201001.0,0.0069,0.0011,0.6151,0.0113,0.5812,0.0084,0.8246,0.0129,0.6818,0.009,0.6597,0.0149
-PyG,TU_ENZYMES,link_pred,True,,,2,8,3,skipconcat,add,59,0.6881,0.0067,205957.0,0.0128,0.0016,0.5976,0.0078,0.5684,0.0066,0.8124,0.0067,0.6688,0.0036,0.6427,0.0038
-PyG,TU_ENZYMES,link_pred,True,,,2,8,3,skipconcat,max,99,0.6708,0.0112,205957.0,0.0112,0.0023,0.6156,0.0045,0.5811,0.0042,0.8289,0.0155,0.6831,0.0045,0.6724,0.0149
-PyG,TU_ENZYMES,link_pred,True,,,2,8,3,skipconcat,mean,99,0.6764,0.009,205957.0,0.0124,0.0029,0.6035,0.0113,0.5763,0.0081,0.781,0.0143,0.6632,0.0103,0.6439,0.0202
-PyG,TU_ENZYMES,link_pred,True,,,2,8,3,skipsum,add,39,0.676,0.0071,200193.0,0.0073,0.0017,0.5914,0.0145,0.5626,0.0111,0.8239,0.0177,0.6685,0.0095,0.6503,0.0179
-PyG,TU_ENZYMES,link_pred,True,,,2,8,3,skipsum,max,99,0.669,0.0049,200193.0,0.0132,0.0006,0.6129,0.0064,0.5813,0.0055,0.8081,0.0107,0.6761,0.0045,0.6707,0.008
-PyG,TU_ENZYMES,link_pred,True,,,2,8,3,skipsum,mean,99,0.6716,0.0037,200193.0,0.0123,0.0022,0.6114,0.009,0.5808,0.0061,0.801,0.0127,0.6733,0.0086,0.6521,0.011
-PyG,TU_PROTEINS,link_pred,True,,,1,2,2,skipconcat,add,99,0.6812,0.0018,199336.0,0.0041,0.0001,0.6068,0.0014,0.5808,0.0036,0.7685,0.0206,0.6614,0.0054,0.646,0.0037
-PyG,TU_PROTEINS,link_pred,True,,,1,2,2,skipconcat,max,99,0.6757,0.0009,199336.0,0.0077,0.0012,0.5942,0.0045,0.569,0.004,0.7776,0.005,0.6571,0.002,0.6354,0.0058
-PyG,TU_PROTEINS,link_pred,True,,,1,2,2,skipconcat,mean,79,0.677,0.0004,199336.0,0.0078,0.0013,0.5984,0.0056,0.5736,0.0072,0.7697,0.0202,0.6571,0.0028,0.632,0.003
-PyG,TU_PROTEINS,link_pred,True,,,1,2,2,skipsum,add,99,0.6725,0.0058,199801.0,0.0083,0.0026,0.6099,0.0047,0.5817,0.0022,0.7823,0.0186,0.6672,0.0078,0.6575,0.014
-PyG,TU_PROTEINS,link_pred,True,,,1,2,2,skipsum,max,99,0.6757,0.0021,199801.0,0.0046,0.0003,0.5969,0.0056,0.5713,0.0053,0.7771,0.0185,0.6583,0.0056,0.637,0.0059
-PyG,TU_PROTEINS,link_pred,True,,,1,2,2,skipsum,mean,99,0.6759,0.0019,199801.0,0.0047,0.0005,0.5998,0.0055,0.5732,0.0055,0.7821,0.0084,0.6615,0.0009,0.6369,0.0058
-PyG,TU_PROTEINS,link_pred,True,,,1,2,3,skipconcat,add,79,0.6743,0.0034,203689.0,0.0133,0.005,0.6061,0.0042,0.5796,0.0015,0.7726,0.0186,0.6622,0.0078,0.6494,0.0094
-PyG,TU_PROTEINS,link_pred,True,,,1,2,3,skipconcat,max,79,0.6717,0.0022,203689.0,0.0112,0.002,0.5937,0.0032,0.5685,0.0028,0.7778,0.0102,0.6568,0.0035,0.6406,0.0064
-PyG,TU_PROTEINS,link_pred,True,,,1,2,3,skipconcat,mean,99,0.674,0.0019,203689.0,0.0143,0.0029,0.5958,0.0047,0.5704,0.004,0.7769,0.0057,0.6578,0.0031,0.6363,0.0042
-PyG,TU_PROTEINS,link_pred,True,,,1,2,3,skipsum,add,99,0.6722,0.0036,200792.0,0.0091,0.0015,0.6022,0.005,0.5762,0.0057,0.7739,0.0148,0.6605,0.0031,0.6493,0.0076
-PyG,TU_PROTEINS,link_pred,True,,,1,2,3,skipsum,max,99,0.6736,0.0023,200792.0,0.0075,0.002,0.589,0.0032,0.5661,0.0039,0.7623,0.0119,0.6496,0.0019,0.6355,0.0064
-PyG,TU_PROTEINS,link_pred,True,,,1,2,3,skipsum,mean,99,0.6743,0.0017,200792.0,0.0054,0.0014,0.5949,0.0034,0.5697,0.003,0.7761,0.016,0.657,0.0053,0.6353,0.0038
-PyG,TU_PROTEINS,link_pred,True,,,1,4,2,skipconcat,add,79,0.6855,0.0073,203465.0,0.0049,0.0002,0.6063,0.0051,0.5771,0.0034,0.7953,0.0116,0.6689,0.0058,0.6529,0.0102
-PyG,TU_PROTEINS,link_pred,True,,,1,4,2,skipconcat,max,99,0.6721,0.0042,203465.0,0.0113,0.0035,0.6183,0.0039,0.5848,0.0045,0.8161,0.0184,0.6812,0.0047,0.6717,0.0007
-PyG,TU_PROTEINS,link_pred,True,,,1,4,2,skipconcat,mean,99,0.6759,0.002,203465.0,0.0066,0.0017,0.6079,0.0037,0.5789,0.0037,0.7916,0.0064,0.6687,0.0017,0.6511,0.0022
-PyG,TU_PROTEINS,link_pred,True,,,1,4,2,skipsum,add,79,0.6771,0.0053,199463.0,0.0085,0.0018,0.5964,0.0009,0.5679,0.0019,0.8066,0.0149,0.6665,0.0037,0.6561,0.0055
-PyG,TU_PROTEINS,link_pred,True,,,1,4,2,skipsum,max,99,0.6656,0.0036,199463.0,0.0065,0.0009,0.6177,0.0016,0.585,0.0014,0.8104,0.0034,0.6795,0.0012,0.6754,0.0043
-PyG,TU_PROTEINS,link_pred,True,,,1,4,2,skipsum,mean,99,0.6723,0.0044,199463.0,0.013,0.0017,0.6105,0.0056,0.5793,0.0045,0.8073,0.0064,0.6745,0.004,0.6599,0.0092
-PyG,TU_PROTEINS,link_pred,True,,,1,4,3,skipconcat,add,99,0.6755,0.0062,205948.0,0.0092,0.0002,0.6054,0.0026,0.5772,0.0011,0.7873,0.0145,0.6661,0.0054,0.6554,0.0104
-PyG,TU_PROTEINS,link_pred,True,,,1,4,3,skipconcat,max,99,0.6678,0.003,205948.0,0.0087,0.0022,0.6155,0.0043,0.5837,0.003,0.8056,0.0052,0.6769,0.0039,0.6627,0.0076
-PyG,TU_PROTEINS,link_pred,True,,,1,4,3,skipconcat,mean,99,0.6724,0.0025,205948.0,0.0074,0.0011,0.6019,0.0043,0.5745,0.004,0.7865,0.0092,0.664,0.0031,0.6435,0.0028
-PyG,TU_PROTEINS,link_pred,True,,,1,4,3,skipsum,add,99,0.6728,0.0022,200593.0,0.0092,0.0019,0.6054,0.0058,0.5766,0.0056,0.7943,0.0078,0.6681,0.0015,0.6592,0.0058
-PyG,TU_PROTEINS,link_pred,True,,,1,4,3,skipsum,max,59,0.6657,0.0007,200593.0,0.0083,0.002,0.6147,0.0045,0.5831,0.0023,0.8053,0.0167,0.6763,0.0069,0.6724,0.0061
-PyG,TU_PROTEINS,link_pred,True,,,1,4,3,skipsum,mean,99,0.6717,0.0023,200593.0,0.0103,0.0004,0.6082,0.0031,0.5779,0.0026,0.8031,0.0081,0.6721,0.0031,0.6588,0.0045
-PyG,TU_PROTEINS,link_pred,True,,,1,6,2,skipconcat,add,99,0.6824,0.0064,201598.0,0.0077,0.0013,0.6024,0.0081,0.5723,0.0057,0.8107,0.0133,0.6709,0.0073,0.6605,0.0098
-PyG,TU_PROTEINS,link_pred,True,,,1,6,2,skipconcat,max,99,0.669,0.0054,201598.0,0.0137,0.0028,0.6228,0.0061,0.5872,0.004,0.827,0.0169,0.6867,0.0071,0.6864,0.0074
-PyG,TU_PROTEINS,link_pred,True,,,1,6,2,skipconcat,mean,99,0.6741,0.0006,201598.0,0.0136,0.0008,0.6137,0.0029,0.5829,0.0026,0.7999,0.0037,0.6743,0.0016,0.6606,0.0022
-PyG,TU_PROTEINS,link_pred,True,,,1,6,2,skipsum,add,59,0.6755,0.0081,200333.0,0.0105,0.0015,0.6012,0.0072,0.5692,0.0055,0.8329,0.0028,0.6762,0.0043,0.6643,0.0098
-PyG,TU_PROTEINS,link_pred,True,,,1,6,2,skipsum,max,99,0.6628,0.0019,200333.0,0.0062,0.0011,0.6268,0.0038,0.5895,0.0017,0.8349,0.0124,0.6911,0.0052,0.693,0.0051
-PyG,TU_PROTEINS,link_pred,True,,,1,6,2,skipsum,mean,99,0.6689,0.0042,200333.0,0.0125,0.0019,0.6174,0.0079,0.5842,0.0059,0.815,0.0118,0.6805,0.0069,0.6691,0.0108
-PyG,TU_PROTEINS,link_pred,True,,,1,6,3,skipconcat,add,99,0.6749,0.0047,207621.0,0.0071,0.0012,0.6039,0.0022,0.5745,0.0013,0.8013,0.0088,0.6692,0.0034,0.6612,0.0051
-PyG,TU_PROTEINS,link_pred,True,,,1,6,3,skipconcat,max,99,0.6649,0.0048,207621.0,0.0119,0.0027,0.6214,0.0079,0.5861,0.005,0.8258,0.0253,0.6855,0.0102,0.6811,0.0118
-PyG,TU_PROTEINS,link_pred,True,,,1,6,3,skipconcat,mean,99,0.6697,0.0032,207621.0,0.0063,0.0007,0.6089,0.0059,0.579,0.005,0.7988,0.0007,0.6713,0.0032,0.6594,0.0078
-PyG,TU_PROTEINS,link_pred,True,,,1,6,3,skipsum,add,99,0.6718,0.0033,200393.0,0.0055,0.0004,0.5979,0.009,0.5679,0.0075,0.8207,0.0069,0.6712,0.0037,0.6638,0.0096
-PyG,TU_PROTEINS,link_pred,True,,,1,6,3,skipsum,max,99,0.6622,0.0051,200393.0,0.0105,0.0021,0.6221,0.0068,0.5867,0.0065,0.8266,0.0062,0.6863,0.0023,0.6848,0.0066
-PyG,TU_PROTEINS,link_pred,True,,,1,6,3,skipsum,mean,99,0.6673,0.0016,200393.0,0.009,0.0029,0.6173,0.0042,0.5828,0.0031,0.8253,0.0034,0.6832,0.0032,0.6709,0.0064
-PyG,TU_PROTEINS,link_pred,True,,,1,8,2,skipconcat,add,39,0.6875,0.0055,204289.0,0.0057,0.0002,0.6042,0.0037,0.5735,0.0023,0.8131,0.0081,0.6726,0.0042,0.6629,0.0079
-PyG,TU_PROTEINS,link_pred,True,,,1,8,2,skipconcat,max,99,0.6708,0.003,204289.0,0.0136,0.0035,0.6253,0.0022,0.5862,0.0014,0.8515,0.0085,0.6944,0.003,0.6946,0.0039
-PyG,TU_PROTEINS,link_pred,True,,,1,8,2,skipconcat,mean,79,0.6751,0.0022,204289.0,0.0099,0.0021,0.6131,0.0017,0.5804,0.0015,0.8163,0.0065,0.6784,0.0021,0.6678,0.0051
-PyG,TU_PROTEINS,link_pred,True,,,1,8,2,skipsum,add,59,0.6701,0.0082,199361.0,0.0088,0.0012,0.6085,0.0117,0.5763,0.009,0.8207,0.0154,0.6771,0.0085,0.6753,0.0118
-PyG,TU_PROTEINS,link_pred,True,,,1,8,2,skipsum,max,99,0.6644,0.0069,199361.0,0.0108,0.0014,0.6231,0.003,0.585,0.0025,0.8473,0.0092,0.6921,0.003,0.6962,0.0023
-PyG,TU_PROTEINS,link_pred,True,,,1,8,2,skipsum,mean,99,0.6646,0.0039,199361.0,0.0079,0.0012,0.6212,0.0064,0.5847,0.0044,0.8365,0.009,0.6883,0.0057,0.6795,0.0078
-PyG,TU_PROTEINS,link_pred,True,,,1,8,3,skipconcat,add,99,0.6753,0.0022,205174.0,0.0147,0.0018,0.5987,0.0054,0.5692,0.0053,0.8128,0.0162,0.6695,0.0034,0.6634,0.0069
-PyG,TU_PROTEINS,link_pred,True,,,1,8,3,skipconcat,max,99,0.6668,0.0044,205174.0,0.0175,0.0008,0.6199,0.002,0.5828,0.0015,0.8434,0.0015,0.6893,0.0015,0.6842,0.0036
-PyG,TU_PROTEINS,link_pred,True,,,1,8,3,skipconcat,mean,99,0.67,0.0045,205174.0,0.0168,0.0017,0.6195,0.0073,0.5862,0.0045,0.8123,0.0137,0.681,0.0077,0.6645,0.0091
-PyG,TU_PROTEINS,link_pred,True,,,1,8,3,skipsum,add,79,0.668,0.0102,201001.0,0.0121,0.0058,0.6022,0.0147,0.5711,0.0115,0.8235,0.0077,0.6744,0.0083,0.6732,0.0166
-PyG,TU_PROTEINS,link_pred,True,,,1,8,3,skipsum,max,99,0.6626,0.0049,201001.0,0.0146,0.0006,0.6233,0.0014,0.5862,0.0009,0.838,0.0029,0.6898,0.0014,0.6921,0.0053
-PyG,TU_PROTEINS,link_pred,True,,,1,8,3,skipsum,mean,99,0.6632,0.0028,201001.0,0.0132,0.0009,0.6223,0.0049,0.5865,0.0045,0.8298,0.005,0.6872,0.0021,0.6795,0.0066
-PyG,TU_PROTEINS,link_pred,True,,,2,2,2,skipconcat,add,99,0.6813,0.004,200451.0,0.0078,0.0017,0.6049,0.0059,0.5803,0.0037,0.7577,0.0126,0.6572,0.007,0.6456,0.008
-PyG,TU_PROTEINS,link_pred,True,,,2,2,2,skipconcat,max,59,0.6803,0.005,200451.0,0.0102,0.0005,0.5947,0.0072,0.5685,0.0069,0.7884,0.013,0.6604,0.0031,0.6345,0.0047
-PyG,TU_PROTEINS,link_pred,True,,,2,2,2,skipconcat,mean,99,0.6774,0.0021,200451.0,0.0071,0.0017,0.5969,0.0049,0.5718,0.006,0.7732,0.0175,0.6573,0.0026,0.6335,0.0064
-PyG,TU_PROTEINS,link_pred,True,,,2,2,2,skipsum,add,79,0.6763,0.0042,200792.0,0.0093,0.0011,0.6048,0.0026,0.5772,0.0006,0.7836,0.014,0.6647,0.0054,0.6499,0.0067
-PyG,TU_PROTEINS,link_pred,True,,,2,2,2,skipsum,max,99,0.6756,0.0025,200792.0,0.0058,0.0015,0.5928,0.0012,0.5683,0.0014,0.7727,0.0223,0.6547,0.0071,0.6367,0.0068
-PyG,TU_PROTEINS,link_pred,True,,,2,2,2,skipsum,mean,39,0.6771,0.0046,200792.0,0.0082,0.001,0.6005,0.0039,0.5728,0.0045,0.7917,0.0111,0.6646,0.0009,0.6384,0.0042
-PyG,TU_PROTEINS,link_pred,True,,,2,2,3,skipconcat,add,79,0.675,0.0053,200481.0,0.0068,0.0016,0.6035,0.0028,0.5792,0.0035,0.7576,0.0079,0.6565,0.0008,0.6454,0.0073
-PyG,TU_PROTEINS,link_pred,True,,,2,2,3,skipconcat,max,59,0.6743,0.0016,200481.0,0.0054,0.0004,0.5973,0.0051,0.5727,0.0045,0.7672,0.0166,0.6557,0.0059,0.6357,0.0072
-PyG,TU_PROTEINS,link_pred,True,,,2,2,3,skipconcat,mean,99,0.6739,0.0016,200481.0,0.006,0.0011,0.5967,0.0028,0.5714,0.0026,0.7742,0.0041,0.6575,0.0015,0.6355,0.0049
-PyG,TU_PROTEINS,link_pred,True,,,2,2,3,skipsum,add,99,0.6751,0.0066,199463.0,0.0087,0.0009,0.6012,0.0047,0.5762,0.0038,0.7652,0.0038,0.6574,0.0037,0.6488,0.0104
-PyG,TU_PROTEINS,link_pred,True,,,2,2,3,skipsum,max,59,0.6735,0.0013,199463.0,0.0095,0.0027,0.5924,0.0066,0.5682,0.0069,0.7713,0.021,0.6542,0.0049,0.6357,0.0056
-PyG,TU_PROTEINS,link_pred,True,,,2,2,3,skipsum,mean,99,0.674,0.0022,199463.0,0.0053,0.001,0.6001,0.0057,0.5747,0.006,0.7713,0.0111,0.6586,0.0009,0.6402,0.0072
-PyG,TU_PROTEINS,link_pred,True,,,2,4,2,skipconcat,add,79,0.6843,0.0091,199900.0,0.0087,0.0033,0.6025,0.0053,0.5732,0.0038,0.8025,0.0072,0.6687,0.0045,0.6537,0.0104
-PyG,TU_PROTEINS,link_pred,True,,,2,4,2,skipconcat,max,79,0.6727,0.0023,199900.0,0.0144,0.0032,0.6151,0.0047,0.5808,0.004,0.8278,0.003,0.6827,0.0024,0.6734,0.0034
-PyG,TU_PROTEINS,link_pred,True,,,2,4,2,skipconcat,mean,99,0.6747,0.0012,199900.0,0.0137,0.0012,0.6064,0.0042,0.5782,0.004,0.7873,0.0058,0.6667,0.0018,0.6517,0.0028
-PyG,TU_PROTEINS,link_pred,True,,,2,4,2,skipsum,add,99,0.6733,0.002,200593.0,0.0089,0.0027,0.5979,0.0023,0.5683,0.003,0.8153,0.023,0.6696,0.0062,0.6601,0.0036
-PyG,TU_PROTEINS,link_pred,True,,,2,4,2,skipsum,max,99,0.6652,0.0013,200593.0,0.0099,0.0026,0.6157,0.0055,0.583,0.0032,0.8131,0.0115,0.679,0.0062,0.6758,0.0067
-PyG,TU_PROTEINS,link_pred,True,,,2,4,2,skipsum,mean,99,0.6713,0.0042,200593.0,0.0051,0.0001,0.6123,0.0069,0.5808,0.0056,0.8076,0.0015,0.6757,0.0041,0.6614,0.0069
-PyG,TU_PROTEINS,link_pred,True,,,2,4,3,skipconcat,add,99,0.6769,0.0026,200065.0,0.0171,0.017,0.6008,0.0034,0.5723,0.0025,0.798,0.0241,0.6664,0.0079,0.6545,0.0053
-PyG,TU_PROTEINS,link_pred,True,,,2,4,3,skipconcat,max,99,0.6684,0.0038,200065.0,0.0057,0.0004,0.616,0.0017,0.5834,0.0021,0.8119,0.0197,0.6788,0.0059,0.6677,0.004
-PyG,TU_PROTEINS,link_pred,True,,,2,4,3,skipconcat,mean,99,0.6726,0.0029,200065.0,0.0058,0.0005,0.6054,0.0017,0.5767,0.0014,0.7919,0.0058,0.6674,0.002,0.6506,0.0027
-PyG,TU_PROTEINS,link_pred,True,,,2,4,3,skipsum,add,59,0.6747,0.004,200333.0,0.0065,0.0012,0.595,0.0031,0.5675,0.0016,0.7982,0.0092,0.6634,0.0043,0.6503,0.0041
-PyG,TU_PROTEINS,link_pred,True,,,2,4,3,skipsum,max,99,0.6664,0.0042,200333.0,0.0073,0.0016,0.6124,0.0096,0.5807,0.0074,0.8089,0.0124,0.6761,0.0077,0.6692,0.0058
-PyG,TU_PROTEINS,link_pred,True,,,2,4,3,skipsum,mean,99,0.6713,0.0034,200333.0,0.0065,0.0019,0.6076,0.0093,0.5772,0.0076,0.8053,0.006,0.6724,0.0061,0.6579,0.0087
-PyG,TU_PROTEINS,link_pred,True,,,2,6,2,skipconcat,add,99,0.6802,0.0096,203361.0,0.0114,0.0025,0.6055,0.011,0.5754,0.008,0.8049,0.0121,0.6711,0.0092,0.6629,0.0131
-PyG,TU_PROTEINS,link_pred,True,,,2,6,2,skipconcat,max,79,0.673,0.0067,203361.0,0.0097,0.0019,0.6178,0.0082,0.5813,0.0067,0.8423,0.0117,0.6878,0.0057,0.6857,0.0083
-PyG,TU_PROTEINS,link_pred,True,,,2,6,2,skipconcat,mean,99,0.6755,0.0022,203361.0,0.0093,0.0018,0.6124,0.001,0.58,0.001,0.815,0.0102,0.6777,0.003,0.6619,0.0054
-PyG,TU_PROTEINS,link_pred,True,,,2,6,2,skipsum,add,99,0.6723,0.0012,200393.0,0.0056,0.0004,0.5966,0.0048,0.5666,0.0037,0.8231,0.0093,0.6711,0.0041,0.6672,0.0031
-PyG,TU_PROTEINS,link_pred,True,,,2,6,2,skipsum,max,99,0.6606,0.0023,200393.0,0.0116,0.0006,0.6236,0.0012,0.5874,0.0027,0.8317,0.0144,0.6884,0.0032,0.6901,0.0036
-PyG,TU_PROTEINS,link_pred,True,,,2,6,2,skipsum,mean,99,0.6672,0.0027,200393.0,0.0061,0.0008,0.6154,0.009,0.5812,0.0057,0.826,0.015,0.6823,0.0089,0.672,0.0093
-PyG,TU_PROTEINS,link_pred,True,,,2,6,3,skipconcat,add,59,0.6771,0.0082,208916.0,0.0115,0.0004,0.6013,0.0028,0.5728,0.0017,0.7965,0.0122,0.6664,0.0046,0.6576,0.0062
-PyG,TU_PROTEINS,link_pred,True,,,2,6,3,skipconcat,max,99,0.6654,0.0026,208916.0,0.0111,0.0015,0.625,0.0031,0.5869,0.0021,0.8438,0.0119,0.6923,0.0042,0.6894,0.0047
-PyG,TU_PROTEINS,link_pred,True,,,2,6,3,skipconcat,mean,99,0.6726,0.0027,208916.0,0.0126,0.0002,0.6087,0.0019,0.5787,0.002,0.7994,0.0036,0.6714,0.0006,0.6538,0.0047
-PyG,TU_PROTEINS,link_pred,True,,,2,6,3,skipsum,add,99,0.6738,0.0056,199361.0,0.0091,0.002,0.5962,0.0023,0.5658,0.0018,0.8276,0.0053,0.6721,0.002,0.6655,0.0081
-PyG,TU_PROTEINS,link_pred,True,,,2,6,3,skipsum,max,99,0.6622,0.0041,199361.0,0.0076,0.0018,0.6217,0.0029,0.5871,0.0032,0.8208,0.0063,0.6845,0.0002,0.6835,0.0044
-PyG,TU_PROTEINS,link_pred,True,,,2,6,3,skipsum,mean,99,0.6665,0.0049,199361.0,0.0129,0.0026,0.6171,0.0075,0.5828,0.0049,0.8237,0.0117,0.6826,0.0072,0.6721,0.0117
-PyG,TU_PROTEINS,link_pred,True,,,2,8,2,skipconcat,add,99,0.6813,0.0076,205377.0,0.0115,0.0015,0.6101,0.0034,0.578,0.0037,0.8164,0.0084,0.6767,0.0012,0.6676,0.0031
-PyG,TU_PROTEINS,link_pred,True,,,2,8,2,skipconcat,max,99,0.6759,0.0085,205377.0,0.0147,0.0035,0.6204,0.0062,0.5823,0.0053,0.8523,0.0032,0.6919,0.0028,0.6894,0.0036
-PyG,TU_PROTEINS,link_pred,True,,,2,8,2,skipconcat,mean,99,0.6746,0.0034,205377.0,0.0116,0.0025,0.6155,0.0002,0.5836,0.0006,0.8062,0.0055,0.6771,0.0016,0.6668,0.0004
-PyG,TU_PROTEINS,link_pred,True,,,2,8,2,skipsum,add,79,0.6697,0.0052,201001.0,0.0059,0.0002,0.6021,0.0068,0.5706,0.0047,0.8261,0.0074,0.675,0.0056,0.6729,0.0084
-PyG,TU_PROTEINS,link_pred,True,,,2,8,2,skipsum,max,99,0.6622,0.0062,201001.0,0.0098,0.0006,0.6252,0.0077,0.588,0.006,0.8373,0.0128,0.6908,0.0064,0.6961,0.0071
-PyG,TU_PROTEINS,link_pred,True,,,2,8,2,skipsum,mean,99,0.6635,0.0041,201001.0,0.0131,0.0032,0.625,0.0071,0.5879,0.0057,0.8366,0.0012,0.6905,0.0043,0.6812,0.0109
-PyG,TU_PROTEINS,link_pred,True,,,2,8,3,skipconcat,add,59,0.6756,0.009,205957.0,0.0067,0.0007,0.6054,0.0106,0.5729,0.0069,0.8276,0.0152,0.6771,0.0098,0.6687,0.0141
-PyG,TU_PROTEINS,link_pred,True,,,2,8,3,skipconcat,max,99,0.6652,0.0018,205957.0,0.0114,0.0009,0.6185,0.0084,0.5809,0.0052,0.8507,0.0154,0.6903,0.0084,0.6892,0.008
-PyG,TU_PROTEINS,link_pred,True,,,2,8,3,skipconcat,mean,99,0.6698,0.0041,205957.0,0.0105,0.0012,0.6119,0.0069,0.5801,0.0054,0.8112,0.0147,0.6764,0.0064,0.6618,0.0106
-PyG,TU_PROTEINS,link_pred,True,,,2,8,3,skipsum,add,99,0.6731,0.0085,200193.0,0.0085,0.0006,0.5917,0.0064,0.5643,0.0057,0.8059,0.0106,0.6637,0.0032,0.6587,0.007
-PyG,TU_PROTEINS,link_pred,True,,,2,8,3,skipsum,max,99,0.6605,0.0038,200193.0,0.0078,0.0023,0.6213,0.006,0.585,0.0044,0.8356,0.0052,0.6882,0.0045,0.6919,0.0091
-PyG,TU_PROTEINS,link_pred,True,,,2,8,3,skipsum,mean,99,0.6647,0.004,200193.0,0.0122,0.002,0.6177,0.0037,0.5835,0.002,0.8227,0.0105,0.6828,0.0047,0.6773,0.0099
diff --git a/run/results/design_v2link_grid_round2link/agg/val_bestepoch.csv b/run/results/design_v2link_grid_round2link/agg/val_bestepoch.csv
deleted file mode 100644
index 253736ff..00000000
--- a/run/results/design_v2link_grid_round2link/agg/val_bestepoch.csv
+++ /dev/null
@@ -1,1052 +0,0 @@
-format,dataset,task,trans,feature,label,l_pre,l_mp,l_post,stage,agg,epoch,loss,loss_std,params,time_iter,time_iter_std,accuracy,accuracy_std,precision,precision_std,recall,recall_std,f1,f1_std,auc,auc_std
-PyG,AmazonComputers,link_pred,True,,,1,2,2,skipconcat,add,99,0.5077,0.009,273444.0,0.1442,0.0301,0.7691,0.0046,0.692,0.0045,0.9698,0.0006,0.8077,0.003,0.9294,0.0013
-PyG,AmazonComputers,link_pred,True,,,1,2,2,skipconcat,max,99,0.4907,0.0084,273444.0,0.0996,0.0173,0.7675,0.0026,0.6873,0.0023,0.982,0.0008,0.8086,0.0019,0.9366,0.0039
-PyG,AmazonComputers,link_pred,True,,,1,2,2,skipconcat,mean,99,0.4746,0.006,273444.0,0.1241,0.0303,0.7865,0.0002,0.7083,0.0003,0.9744,0.0007,0.8203,0.0002,0.9381,0.0033
-PyG,AmazonComputers,link_pred,True,,,1,2,2,skipsum,add,99,0.5011,0.0032,369409.0,0.0957,0.0435,0.7694,0.0021,0.6929,0.0014,0.9679,0.0024,0.8077,0.0018,0.9247,0.0035
-PyG,AmazonComputers,link_pred,True,,,1,2,2,skipsum,max,99,0.4859,0.0049,369409.0,0.1283,0.0357,0.7691,0.0045,0.6885,0.004,0.9829,0.0011,0.8098,0.0031,0.934,0.0043
-PyG,AmazonComputers,link_pred,True,,,1,2,2,skipsum,mean,99,0.4747,0.006,369409.0,0.1336,0.0344,0.7932,0.0043,0.7157,0.0038,0.9731,0.0022,0.8247,0.0033,0.9346,0.0042
-PyG,AmazonComputers,link_pred,True,,,1,2,3,skipconcat,add,99,0.4868,0.0054,266337.0,0.1536,0.0348,0.778,0.0009,0.7,0.0008,0.9731,0.0019,0.8142,0.0008,0.9354,0.0019
-PyG,AmazonComputers,link_pred,True,,,1,2,3,skipconcat,max,99,0.4735,0.0034,266337.0,0.0999,0.0057,0.7791,0.0021,0.6979,0.0018,0.9845,0.001,0.8168,0.0016,0.9433,0.0028
-PyG,AmazonComputers,link_pred,True,,,1,2,3,skipconcat,mean,99,0.4578,0.0011,266337.0,0.0711,0.0167,0.802,0.001,0.7241,0.0012,0.9758,0.0014,0.8313,0.0007,0.9462,0.001
-PyG,AmazonComputers,link_pred,True,,,1,2,3,skipsum,add,99,0.4953,0.0021,352828.0,0.1066,0.0179,0.7774,0.0024,0.7016,0.0019,0.9655,0.0021,0.8127,0.0019,0.9243,0.0017
-PyG,AmazonComputers,link_pred,True,,,1,2,3,skipsum,max,99,0.4759,0.0034,352828.0,0.1227,0.0126,0.777,0.0051,0.6956,0.005,0.9853,0.0003,0.8154,0.0034,0.941,0.0018
-PyG,AmazonComputers,link_pred,True,,,1,2,3,skipsum,mean,99,0.4626,0.0034,352828.0,0.1254,0.0524,0.8005,0.0026,0.7225,0.003,0.9758,0.0008,0.8303,0.0017,0.9424,0.0022
-PyG,AmazonComputers,link_pred,True,,,1,4,2,skipconcat,add,99,0.583,0.0126,247777.0,0.1236,0.0303,0.7658,0.0016,0.688,0.0022,0.9731,0.0025,0.8061,0.0007,0.9288,0.0016
-PyG,AmazonComputers,link_pred,True,,,1,4,2,skipconcat,max,99,0.488,0.0036,247777.0,0.1398,0.0295,0.7677,0.0011,0.6872,0.0009,0.9827,0.0016,0.8088,0.0009,0.9437,0.0032
-PyG,AmazonComputers,link_pred,True,,,1,4,2,skipconcat,mean,99,0.4618,0.0044,247777.0,0.0915,0.0159,0.7942,0.0031,0.7163,0.0033,0.9745,0.0001,0.8257,0.0022,0.9461,0.0014
-PyG,AmazonComputers,link_pred,True,,,1,4,2,skipsum,add,99,0.5819,0.0082,337747.0,0.0785,0.0167,0.7656,0.0012,0.6909,0.0019,0.9613,0.0037,0.804,0.0006,0.9102,0.0022
-PyG,AmazonComputers,link_pred,True,,,1,4,2,skipsum,max,99,0.4906,0.0012,337747.0,0.1458,0.0332,0.7667,0.0034,0.6864,0.0033,0.9824,0.0007,0.8081,0.0022,0.9334,0.0005
-PyG,AmazonComputers,link_pred,True,,,1,4,2,skipsum,mean,99,0.4591,0.0027,337747.0,0.0933,0.0114,0.8059,0.0005,0.7286,0.0009,0.975,0.0015,0.834,0.0004,0.9449,0.0022
-PyG,AmazonComputers,link_pred,True,,,1,4,3,skipconcat,add,99,0.5143,0.0103,243384.0,0.1317,0.0378,0.7785,0.004,0.7011,0.0032,0.971,0.0035,0.8142,0.0033,0.9329,0.0035
-PyG,AmazonComputers,link_pred,True,,,1,4,3,skipconcat,max,99,0.4719,0.0031,243384.0,0.0961,0.0109,0.7791,0.0029,0.6971,0.0028,0.9873,0.001,0.8172,0.0019,0.9493,0.0021
-PyG,AmazonComputers,link_pred,True,,,1,4,3,skipconcat,mean,99,0.449,0.0021,243384.0,0.0783,0.0104,0.8093,0.0016,0.7311,0.0021,0.9787,0.0008,0.8369,0.001,0.953,0.0011
-PyG,AmazonComputers,link_pred,True,,,1,4,3,skipsum,add,99,0.5279,0.0044,328945.0,0.0903,0.0052,0.7719,0.0008,0.6971,0.0013,0.9619,0.0019,0.8084,0.0003,0.9185,0.002
-PyG,AmazonComputers,link_pred,True,,,1,4,3,skipsum,max,99,0.48,0.0032,328945.0,0.1417,0.0214,0.7767,0.0029,0.6958,0.0024,0.983,0.0015,0.8149,0.0022,0.9376,0.0026
-PyG,AmazonComputers,link_pred,True,,,1,4,3,skipsum,mean,99,0.4514,0.0031,328945.0,0.1424,0.0111,0.811,0.0023,0.7339,0.0025,0.9759,0.0014,0.8378,0.0016,0.9507,0.0019
-PyG,AmazonComputers,link_pred,True,,,1,6,2,skipconcat,add,99,0.7343,0.0833,232922.0,0.1254,0.0502,0.7598,0.0003,0.684,0.0021,0.9659,0.0088,0.8008,0.0016,0.9126,0.0097
-PyG,AmazonComputers,link_pred,True,,,1,6,2,skipconcat,max,99,0.4973,0.0062,232922.0,0.1383,0.021,0.7597,0.0011,0.6795,0.0013,0.9832,0.0009,0.8036,0.0006,0.9434,0.0028
-PyG,AmazonComputers,link_pred,True,,,1,6,2,skipconcat,mean,99,0.4577,0.0064,232922.0,0.0677,0.0176,0.7946,0.0029,0.7162,0.0031,0.976,0.0013,0.8261,0.002,0.9491,0.0036
-PyG,AmazonComputers,link_pred,True,,,1,6,2,skipsum,add,99,0.6466,0.0431,320281.0,0.1061,0.0106,0.7626,0.0023,0.6922,0.0039,0.9461,0.0062,0.7995,0.0009,0.8909,0.0088
-PyG,AmazonComputers,link_pred,True,,,1,6,2,skipsum,max,99,0.4969,0.0069,320281.0,0.1453,0.0188,0.7604,0.0043,0.6805,0.0043,0.9819,0.0021,0.8039,0.0027,0.9311,0.0022
-PyG,AmazonComputers,link_pred,True,,,1,6,2,skipsum,mean,99,0.4529,0.0019,320281.0,0.1177,0.0234,0.8128,0.0018,0.7364,0.0028,0.9744,0.0025,0.8388,0.001,0.9491,0.0015
-PyG,AmazonComputers,link_pred,True,,,1,6,3,skipconcat,add,79,0.5414,0.0297,234361.0,0.1305,0.0231,0.7735,0.0022,0.6972,0.002,0.967,0.0019,0.8102,0.0017,0.9268,0.0055
-PyG,AmazonComputers,link_pred,True,,,1,6,3,skipconcat,max,99,0.4721,0.0033,234361.0,0.0766,0.0099,0.7803,0.0089,0.6985,0.0091,0.9866,0.0011,0.8179,0.0058,0.9498,0.0013
-PyG,AmazonComputers,link_pred,True,,,1,6,3,skipconcat,mean,99,0.4503,0.0019,234361.0,0.0984,0.0128,0.807,0.0053,0.7288,0.0056,0.978,0.0005,0.8352,0.0038,0.9523,0.0008
-PyG,AmazonComputers,link_pred,True,,,1,6,3,skipsum,add,99,0.5636,0.0181,313465.0,0.1035,0.0237,0.767,0.0031,0.6931,0.003,0.9584,0.0033,0.8044,0.0023,0.911,0.0036
-PyG,AmazonComputers,link_pred,True,,,1,6,3,skipsum,max,99,0.4836,0.0039,313465.0,0.1456,0.0314,0.773,0.0024,0.6923,0.002,0.9831,0.0011,0.8125,0.0017,0.937,0.0034
-PyG,AmazonComputers,link_pred,True,,,1,6,3,skipsum,mean,99,0.4495,0.0036,313465.0,0.1276,0.0227,0.8182,0.0007,0.7414,0.0005,0.9773,0.0009,0.8432,0.0006,0.9527,0.0019
-PyG,AmazonComputers,link_pred,True,,,1,8,2,skipconcat,add,99,0.8458,0.0143,228737.0,0.076,0.0206,0.7494,0.0039,0.6729,0.0039,0.9709,0.0019,0.7948,0.0024,0.9059,0.0024
-PyG,AmazonComputers,link_pred,True,,,1,8,2,skipconcat,max,99,0.4884,0.0067,228737.0,0.1136,0.0085,0.7652,0.0043,0.6847,0.0039,0.9829,0.0016,0.8071,0.003,0.9462,0.0015
-PyG,AmazonComputers,link_pred,True,,,1,8,2,skipconcat,mean,99,0.4589,0.0029,228737.0,0.0962,0.0249,0.7956,0.0038,0.7176,0.0036,0.9749,0.0013,0.8267,0.0028,0.9479,0.0018
-PyG,AmazonComputers,link_pred,True,,,1,8,2,skipsum,add,99,0.6656,0.0556,306321.0,0.1352,0.0444,0.7586,0.0039,0.6872,0.0038,0.9495,0.0024,0.7973,0.0028,0.8914,0.0062
-PyG,AmazonComputers,link_pred,True,,,1,8,2,skipsum,max,99,0.4965,0.0074,306321.0,0.1674,0.0155,0.7616,0.0072,0.6821,0.0065,0.9799,0.0016,0.8043,0.005,0.9298,0.0054
-PyG,AmazonComputers,link_pred,True,,,1,8,2,skipsum,mean,79,0.4525,0.0015,306321.0,0.0955,0.0279,0.8133,0.0005,0.7371,0.0007,0.974,0.0013,0.8391,0.0005,0.95,0.0015
-PyG,AmazonComputers,link_pred,True,,,1,8,3,skipconcat,add,99,0.6551,0.0248,225802.0,0.1099,0.0304,0.763,0.0012,0.6873,0.002,0.965,0.0034,0.8028,0.0002,0.9105,0.0041
-PyG,AmazonComputers,link_pred,True,,,1,8,3,skipconcat,max,99,0.473,0.004,225802.0,0.1157,0.0059,0.7729,0.0038,0.6911,0.0036,0.987,0.0015,0.8129,0.0027,0.9514,0.0007
-PyG,AmazonComputers,link_pred,True,,,1,8,3,skipconcat,mean,99,0.4492,0.0025,225802.0,0.1454,0.0178,0.8089,0.003,0.7307,0.0034,0.9782,0.0004,0.8365,0.0021,0.9528,0.0018
-PyG,AmazonComputers,link_pred,True,,,1,8,3,skipsum,add,79,0.6019,0.0349,303377.0,0.1419,0.0332,0.7585,0.0075,0.6884,0.0096,0.945,0.0083,0.7965,0.0038,0.8968,0.004
-PyG,AmazonComputers,link_pred,True,,,1,8,3,skipsum,max,99,0.4831,0.0021,303377.0,0.1494,0.0272,0.7746,0.0035,0.6933,0.0037,0.9848,0.0018,0.8138,0.0022,0.9395,0.0011
-PyG,AmazonComputers,link_pred,True,,,1,8,3,skipsum,mean,79,0.4527,0.002,303377.0,0.0978,0.0066,0.8146,0.0046,0.7378,0.0056,0.9761,0.0016,0.8404,0.0032,0.9513,0.0014
-PyG,AmazonComputers,link_pred,True,,,2,2,2,skipconcat,add,99,0.4927,0.0043,273031.0,0.0708,0.0188,0.7751,0.0007,0.6963,0.0003,0.9757,0.0016,0.8127,0.0007,0.9405,0.002
-PyG,AmazonComputers,link_pred,True,,,2,2,2,skipconcat,max,99,0.4815,0.0033,273031.0,0.1244,0.0164,0.7756,0.0006,0.6951,0.0007,0.982,0.0006,0.814,0.0003,0.9412,0.002
-PyG,AmazonComputers,link_pred,True,,,2,2,2,skipconcat,mean,99,0.4627,0.0044,273031.0,0.1019,0.0208,0.7929,0.0032,0.7141,0.0035,0.9772,0.001,0.8252,0.0022,0.9454,0.0027
-PyG,AmazonComputers,link_pred,True,,,2,2,2,skipsum,add,99,0.4954,0.0053,352828.0,0.0985,0.0022,0.7758,0.0018,0.6988,0.0016,0.9695,0.0007,0.8121,0.0013,0.9278,0.0029
-PyG,AmazonComputers,link_pred,True,,,2,2,2,skipsum,max,99,0.4806,0.0011,352828.0,0.1057,0.0084,0.775,0.0034,0.6941,0.0036,0.9837,0.001,0.8139,0.0021,0.9379,0.0006
-PyG,AmazonComputers,link_pred,True,,,2,2,2,skipsum,mean,99,0.4613,0.0015,352828.0,0.1283,0.0243,0.8013,0.0023,0.7238,0.0028,0.9744,0.0011,0.8306,0.0015,0.9433,0.0015
-PyG,AmazonComputers,link_pred,True,,,2,2,3,skipconcat,add,99,0.4709,0.0042,261601.0,0.0937,0.0091,0.7852,0.0024,0.7054,0.0019,0.9794,0.0017,0.8201,0.0019,0.9463,0.0033
-PyG,AmazonComputers,link_pred,True,,,2,2,3,skipconcat,max,99,0.4708,0.0009,261601.0,0.1017,0.0036,0.7854,0.0027,0.7043,0.0031,0.9838,0.0009,0.8209,0.0018,0.9454,0.0006
-PyG,AmazonComputers,link_pred,True,,,2,2,3,skipconcat,mean,99,0.4519,0.0042,261601.0,0.0902,0.0071,0.801,0.0033,0.7213,0.0033,0.981,0.0006,0.8314,0.0024,0.9522,0.003
-PyG,AmazonComputers,link_pred,True,,,2,2,3,skipsum,add,99,0.4844,0.0013,337747.0,0.1038,0.0161,0.7804,0.0019,0.7023,0.0019,0.9732,0.0007,0.8159,0.0014,0.9325,0.0008
-PyG,AmazonComputers,link_pred,True,,,2,2,3,skipsum,max,99,0.4716,0.0015,337747.0,0.1046,0.0132,0.7825,0.0021,0.701,0.002,0.9852,0.0005,0.8192,0.0014,0.9439,0.0012
-PyG,AmazonComputers,link_pred,True,,,2,2,3,skipsum,mean,99,0.4542,0.0016,337747.0,0.0685,0.0158,0.8078,0.0014,0.7306,0.0015,0.9753,0.0004,0.8354,0.001,0.9478,0.0013
-PyG,AmazonComputers,link_pred,True,,,2,4,2,skipconcat,add,99,0.5911,0.0221,243448.0,0.1333,0.0444,0.7691,0.0039,0.691,0.0033,0.9737,0.0021,0.8084,0.0029,0.9311,0.0028
-PyG,AmazonComputers,link_pred,True,,,2,4,2,skipconcat,max,99,0.4805,0.0018,243448.0,0.1363,0.0273,0.7761,0.0017,0.6956,0.0018,0.9816,0.0005,0.8143,0.0011,0.9442,0.0019
-PyG,AmazonComputers,link_pred,True,,,2,4,2,skipconcat,mean,99,0.4571,0.0039,243448.0,0.0988,0.0122,0.7962,0.004,0.7176,0.004,0.9769,0.0009,0.8274,0.0029,0.9493,0.0019
-PyG,AmazonComputers,link_pred,True,,,2,4,2,skipsum,add,99,0.5577,0.0166,328945.0,0.1122,0.0125,0.7687,0.0063,0.6937,0.0074,0.9628,0.0056,0.8063,0.0037,0.9141,0.0028
-PyG,AmazonComputers,link_pred,True,,,2,4,2,skipsum,max,99,0.4864,0.0024,328945.0,0.1578,0.036,0.7697,0.0026,0.6893,0.0023,0.9817,0.0011,0.8099,0.0018,0.9347,0.0023
-PyG,AmazonComputers,link_pred,True,,,2,4,2,skipsum,mean,99,0.4572,0.0019,328945.0,0.1555,0.0431,0.8079,0.0046,0.7312,0.0049,0.9739,0.0013,0.8352,0.0034,0.946,0.0008
-PyG,AmazonComputers,link_pred,True,,,2,4,3,skipconcat,add,99,0.5141,0.0143,236737.0,0.1384,0.0289,0.7761,0.0058,0.6974,0.006,0.9757,0.0007,0.8133,0.0039,0.938,0.0002
-PyG,AmazonComputers,link_pred,True,,,2,4,3,skipconcat,max,99,0.4661,0.0021,236737.0,0.1031,0.0039,0.7833,0.0076,0.7016,0.0079,0.9866,0.0011,0.82,0.005,0.9513,0.0012
-PyG,AmazonComputers,link_pred,True,,,2,4,3,skipconcat,mean,99,0.4519,0.0001,236737.0,0.1085,0.0176,0.8055,0.0031,0.7272,0.0039,0.9781,0.0014,0.8342,0.002,0.9516,0.0007
-PyG,AmazonComputers,link_pred,True,,,2,4,3,skipsum,add,99,0.5236,0.0075,320281.0,0.1182,0.0252,0.7718,0.0026,0.6978,0.0033,0.9591,0.0034,0.8078,0.0015,0.9166,0.0018
-PyG,AmazonComputers,link_pred,True,,,2,4,3,skipsum,max,99,0.4756,0.0049,320281.0,0.134,0.0262,0.7793,0.0049,0.6983,0.0045,0.9836,0.0027,0.8167,0.0035,0.9403,0.0036
-PyG,AmazonComputers,link_pred,True,,,2,4,3,skipsum,mean,99,0.4482,0.0012,320281.0,0.1225,0.0306,0.8159,0.0011,0.7392,0.0016,0.9763,0.0011,0.8414,0.0007,0.953,0.0006
-PyG,AmazonComputers,link_pred,True,,,2,6,2,skipconcat,add,99,0.8141,0.1214,234685.0,0.1194,0.0273,0.7555,0.011,0.679,0.0109,0.9701,0.0048,0.7987,0.007,0.9107,0.005
-PyG,AmazonComputers,link_pred,True,,,2,6,2,skipconcat,max,99,0.4894,0.008,234685.0,0.1179,0.0126,0.7618,0.0068,0.6816,0.0063,0.9829,0.0008,0.805,0.0046,0.945,0.0018
-PyG,AmazonComputers,link_pred,True,,,2,6,2,skipconcat,mean,99,0.4595,0.0007,234685.0,0.1064,0.0163,0.7948,0.0009,0.7167,0.0011,0.9748,0.0011,0.8261,0.0006,0.9481,0.0003
-PyG,AmazonComputers,link_pred,True,,,2,6,2,skipsum,add,99,0.6199,0.005,313465.0,0.1123,0.016,0.7628,0.0019,0.6895,0.0005,0.9563,0.0048,0.8013,0.002,0.8997,0.0041
-PyG,AmazonComputers,link_pred,True,,,2,6,2,skipsum,max,99,0.4898,0.0019,313465.0,0.1284,0.0128,0.7683,0.0029,0.6877,0.003,0.983,0.0008,0.8093,0.0018,0.9349,0.0001
-PyG,AmazonComputers,link_pred,True,,,2,6,2,skipsum,mean,79,0.4522,0.0011,313465.0,0.1224,0.0333,0.8112,0.002,0.7341,0.0026,0.9761,0.0014,0.838,0.0012,0.9513,0.001
-PyG,AmazonComputers,link_pred,True,,,2,6,3,skipconcat,add,99,0.5478,0.0181,235656.0,0.101,0.0173,0.7696,0.0054,0.6918,0.0047,0.9727,0.0028,0.8086,0.0041,0.931,0.0059
-PyG,AmazonComputers,link_pred,True,,,2,6,3,skipconcat,max,99,0.4725,0.0091,235656.0,0.0718,0.0198,0.7788,0.0098,0.6974,0.01,0.9856,0.001,0.8167,0.0065,0.9493,0.003
-PyG,AmazonComputers,link_pred,True,,,2,6,3,skipconcat,mean,79,0.4487,0.0009,235656.0,0.0848,0.0333,0.8081,0.0012,0.7299,0.0014,0.9783,0.001,0.8361,0.0009,0.9542,0.0003
-PyG,AmazonComputers,link_pred,True,,,2,6,3,skipsum,add,99,0.5575,0.0195,306321.0,0.097,0.0104,0.7643,0.0058,0.6892,0.0059,0.9631,0.0048,0.8034,0.0039,0.9142,0.006
-PyG,AmazonComputers,link_pred,True,,,2,6,3,skipsum,max,99,0.481,0.0048,306321.0,0.1154,0.0094,0.7753,0.006,0.6943,0.0062,0.9841,0.0013,0.8141,0.0039,0.9392,0.0028
-PyG,AmazonComputers,link_pred,True,,,2,6,3,skipsum,mean,99,0.4467,0.0023,306321.0,0.0958,0.0036,0.8185,0.0011,0.7421,0.0012,0.9762,0.0012,0.8432,0.0008,0.9542,0.0012
-PyG,AmazonComputers,link_pred,True,,,2,8,2,skipconcat,add,99,0.8029,0.0284,229825.0,0.0982,0.0097,0.752,0.0054,0.6758,0.0058,0.9693,0.0031,0.7963,0.0031,0.9082,0.0038
-PyG,AmazonComputers,link_pred,True,,,2,8,2,skipconcat,max,99,0.5044,0.0201,229825.0,0.0981,0.0047,0.7555,0.01,0.6757,0.0092,0.9833,0.0008,0.8009,0.0064,0.9437,0.0031
-PyG,AmazonComputers,link_pred,True,,,2,8,2,skipconcat,mean,99,0.457,0.0034,229825.0,0.123,0.033,0.7969,0.0005,0.7188,0.0007,0.9755,0.0003,0.8277,0.0003,0.949,0.0015
-PyG,AmazonComputers,link_pred,True,,,2,8,2,skipsum,add,79,0.6822,0.0527,303377.0,0.0964,0.04,0.7536,0.0033,0.6817,0.0046,0.9517,0.0072,0.7944,0.0019,0.8898,0.0036
-PyG,AmazonComputers,link_pred,True,,,2,8,2,skipsum,max,99,0.497,0.012,303377.0,0.165,0.0397,0.7621,0.0116,0.6823,0.0107,0.9818,0.0012,0.805,0.0078,0.9311,0.0055
-PyG,AmazonComputers,link_pred,True,,,2,8,2,skipsum,mean,99,0.4497,0.0025,303377.0,0.0733,0.0148,0.8117,0.0031,0.7349,0.0035,0.9754,0.0015,0.8382,0.0023,0.9522,0.0014
-PyG,AmazonComputers,link_pred,True,,,2,8,3,skipconcat,add,79,0.6704,0.0431,226585.0,0.0762,0.0179,0.7684,0.0069,0.6925,0.008,0.966,0.0043,0.8066,0.004,0.9135,0.0007
-PyG,AmazonComputers,link_pred,True,,,2,8,3,skipconcat,max,99,0.4668,0.0038,226585.0,0.1045,0.0126,0.7838,0.0047,0.7023,0.0049,0.9852,0.0007,0.8201,0.0032,0.9515,0.0021
-PyG,AmazonComputers,link_pred,True,,,2,8,3,skipconcat,mean,99,0.4486,0.0018,226585.0,0.125,0.0429,0.8091,0.0038,0.7308,0.0043,0.9788,0.0006,0.8368,0.0027,0.9537,0.0012
-PyG,AmazonComputers,link_pred,True,,,2,8,3,skipsum,add,79,0.6315,0.0112,297985.0,0.0983,0.0053,0.7573,0.0043,0.6851,0.0024,0.9522,0.0077,0.7969,0.0042,0.8941,0.0074
-PyG,AmazonComputers,link_pred,True,,,2,8,3,skipsum,max,99,0.4825,0.0033,297985.0,0.1556,0.0537,0.7752,0.0046,0.6945,0.0044,0.9828,0.0007,0.8139,0.0032,0.9368,0.0027
-PyG,AmazonComputers,link_pred,True,,,2,8,3,skipsum,mean,79,0.4512,0.0016,297985.0,0.124,0.0146,0.815,0.0042,0.7377,0.0053,0.9778,0.002,0.8409,0.0027,0.953,0.0007
-PyG,AmazonPhoto,link_pred,True,,,1,2,2,skipconcat,add,99,0.4912,0.007,271310.0,0.0403,0.0142,0.7824,0.002,0.7019,0.0019,0.9818,0.0002,0.8186,0.0014,0.9479,0.0019
-PyG,AmazonPhoto,link_pred,True,,,1,2,2,skipconcat,max,99,0.4684,0.0007,271310.0,0.0456,0.0122,0.7823,0.0035,0.6999,0.0034,0.9887,0.0002,0.8196,0.0023,0.9528,0.0004
-PyG,AmazonPhoto,link_pred,True,,,1,2,2,skipconcat,mean,99,0.4616,0.0038,271310.0,0.0429,0.0111,0.8003,0.002,0.7189,0.002,0.9862,0.0002,0.8315,0.0014,0.9516,0.0019
-PyG,AmazonPhoto,link_pred,True,,,1,2,2,skipsum,add,99,0.4859,0.0029,364525.0,0.0427,0.0101,0.7862,0.0008,0.7057,0.0005,0.9816,0.001,0.8212,0.0007,0.9436,0.0018
-PyG,AmazonPhoto,link_pred,True,,,1,2,2,skipsum,max,99,0.4682,0.0054,364525.0,0.0505,0.0141,0.7834,0.0036,0.7006,0.0034,0.9895,0.0008,0.8204,0.0026,0.9477,0.0037
-PyG,AmazonPhoto,link_pred,True,,,1,2,2,skipsum,mean,99,0.4566,0.0046,364525.0,0.0381,0.0067,0.8111,0.002,0.7303,0.0022,0.9865,0.0006,0.8393,0.0015,0.9511,0.0021
-PyG,AmazonPhoto,link_pred,True,,,1,2,3,skipconcat,add,99,0.4641,0.0037,264533.0,0.0294,0.0041,0.7961,0.0025,0.7146,0.0031,0.9862,0.0019,0.8287,0.0015,0.9548,0.001
-PyG,AmazonPhoto,link_pred,True,,,1,2,3,skipconcat,max,99,0.4549,0.0014,264533.0,0.0297,0.0018,0.8009,0.002,0.7182,0.0024,0.9907,0.001,0.8327,0.0012,0.9567,0.0008
-PyG,AmazonPhoto,link_pred,True,,,1,2,3,skipconcat,mean,99,0.4463,0.004,264533.0,0.0349,0.0117,0.8153,0.0029,0.7339,0.0028,0.9892,0.0013,0.8426,0.0022,0.958,0.0029
-PyG,AmazonPhoto,link_pred,True,,,1,2,3,skipsum,add,99,0.4718,0.0018,348450.0,0.0262,0.0006,0.7933,0.0011,0.712,0.0012,0.9849,0.001,0.8265,0.0008,0.949,0.0018
-PyG,AmazonPhoto,link_pred,True,,,1,2,3,skipsum,max,99,0.4591,0.0015,348450.0,0.0569,0.0171,0.7953,0.0067,0.7121,0.0071,0.9916,0.0006,0.8289,0.0046,0.9533,0.0005
-PyG,AmazonPhoto,link_pred,True,,,1,2,3,skipsum,mean,99,0.4429,0.0025,348450.0,0.0267,0.0007,0.8213,0.002,0.7405,0.0025,0.9894,0.0009,0.847,0.0014,0.9596,0.0022
-PyG,AmazonPhoto,link_pred,True,,,1,4,2,skipconcat,add,99,0.5494,0.0206,246501.0,0.0409,0.0142,0.7794,0.0103,0.6983,0.0095,0.9844,0.0023,0.817,0.0073,0.9468,0.0037
-PyG,AmazonPhoto,link_pred,True,,,1,4,2,skipconcat,max,99,0.4656,0.0052,246501.0,0.034,0.0056,0.7817,0.0027,0.6992,0.0028,0.989,0.001,0.8192,0.0018,0.9584,0.0028
-PyG,AmazonPhoto,link_pred,True,,,1,4,2,skipconcat,mean,99,0.4438,0.0022,246501.0,0.0309,0.005,0.8114,0.0019,0.7303,0.0022,0.9876,0.0007,0.8397,0.0012,0.9605,0.0015
-PyG,AmazonPhoto,link_pred,True,,,1,4,2,skipsum,add,99,0.5344,0.0082,333765.0,0.0301,0.0006,0.7849,0.002,0.7037,0.0021,0.9841,0.0007,0.8206,0.0013,0.9387,0.0007
-PyG,AmazonPhoto,link_pred,True,,,1,4,2,skipsum,max,99,0.4673,0.0038,333765.0,0.0407,0.0011,0.7868,0.0025,0.704,0.0025,0.9898,0.0005,0.8228,0.0016,0.949,0.0025
-PyG,AmazonPhoto,link_pred,True,,,1,4,2,skipsum,mean,99,0.4403,0.0028,333765.0,0.0364,0.0062,0.8242,0.0049,0.7443,0.0052,0.9878,0.0008,0.8489,0.0037,0.9609,0.0015
-PyG,AmazonPhoto,link_pred,True,,,1,4,3,skipconcat,add,99,0.5038,0.007,242306.0,0.0347,0.0054,0.7941,0.0049,0.7129,0.005,0.9851,0.0013,0.8271,0.0035,0.9497,0.0019
-PyG,AmazonPhoto,link_pred,True,,,1,4,3,skipconcat,max,99,0.4489,0.0014,242306.0,0.0288,0.0005,0.8025,0.0022,0.7193,0.0024,0.9922,0.0004,0.834,0.0015,0.9631,0.0007
-PyG,AmazonPhoto,link_pred,True,,,1,4,3,skipconcat,mean,99,0.4376,0.001,242306.0,0.0309,0.0055,0.8213,0.003,0.7407,0.0029,0.9889,0.0012,0.847,0.0023,0.9629,0.0011
-PyG,AmazonPhoto,link_pred,True,,,1,4,3,skipsum,add,99,0.5024,0.0128,325249.0,0.0297,0.0005,0.7916,0.0066,0.7102,0.0057,0.9852,0.0036,0.8254,0.0051,0.9456,0.006
-PyG,AmazonPhoto,link_pred,True,,,1,4,3,skipsum,max,99,0.4561,0.002,325249.0,0.0392,0.0018,0.8023,0.0036,0.7191,0.0036,0.992,0.0005,0.8338,0.0025,0.9561,0.001
-PyG,AmazonPhoto,link_pred,True,,,1,4,3,skipsum,mean,99,0.4348,0.0011,325249.0,0.0348,0.0078,0.8347,0.0021,0.7557,0.0024,0.9893,0.0002,0.8568,0.0015,0.9641,0.0008
-PyG,AmazonPhoto,link_pred,True,,,1,6,2,skipconcat,add,99,0.6394,0.0198,232020.0,0.0351,0.0087,0.7744,0.0056,0.6938,0.0053,0.9827,0.0007,0.8133,0.0039,0.9386,0.0019
-PyG,AmazonPhoto,link_pred,True,,,1,6,2,skipconcat,max,99,0.4673,0.0036,232020.0,0.0365,0.0069,0.7745,0.0011,0.6921,0.0012,0.9892,0.0011,0.8144,0.0007,0.9598,0.0009
-PyG,AmazonPhoto,link_pred,True,,,1,6,2,skipconcat,mean,99,0.4382,0.0049,232020.0,0.0347,0.0041,0.8164,0.0031,0.7356,0.0034,0.9876,0.0001,0.8432,0.0023,0.9631,0.0029
-PyG,AmazonPhoto,link_pred,True,,,1,6,2,skipsum,add,99,0.5591,0.0112,316827.0,0.0316,0.0013,0.7843,0.0026,0.7037,0.0023,0.9822,0.0014,0.8199,0.002,0.9327,0.0026
-PyG,AmazonPhoto,link_pred,True,,,1,6,2,skipsum,max,99,0.463,0.0036,316827.0,0.0573,0.0195,0.7951,0.0035,0.7122,0.0036,0.9903,0.0008,0.8286,0.0025,0.9518,0.0019
-PyG,AmazonPhoto,link_pred,True,,,1,6,2,skipsum,mean,99,0.4348,0.0007,316827.0,0.0395,0.0022,0.8367,0.0015,0.7585,0.0017,0.9881,0.0007,0.8582,0.0011,0.9631,0.0002
-PyG,AmazonPhoto,link_pred,True,,,1,6,3,skipconcat,add,99,0.5091,0.0094,233591.0,0.0336,0.0043,0.7916,0.0018,0.7096,0.0012,0.9872,0.0019,0.8257,0.0015,0.9504,0.001
-PyG,AmazonPhoto,link_pred,True,,,1,6,3,skipconcat,max,99,0.4471,0.0053,233591.0,0.0315,0.0003,0.7977,0.0041,0.7146,0.0043,0.9913,0.001,0.8305,0.0028,0.9636,0.0035
-PyG,AmazonPhoto,link_pred,True,,,1,6,3,skipconcat,mean,99,0.4368,0.002,233591.0,0.0475,0.0062,0.8245,0.0021,0.7443,0.0022,0.9887,0.0009,0.8492,0.0016,0.9629,0.0012
-PyG,AmazonPhoto,link_pred,True,,,1,6,3,skipsum,add,79,0.5459,0.0169,310209.0,0.0372,0.0046,0.7814,0.0065,0.7002,0.0063,0.9841,0.0012,0.8182,0.0045,0.9376,0.0051
-PyG,AmazonPhoto,link_pred,True,,,1,6,3,skipsum,max,99,0.4615,0.0009,310209.0,0.0391,0.001,0.7943,0.0026,0.7111,0.0029,0.9914,0.0007,0.8282,0.0017,0.9521,0.0002
-PyG,AmazonPhoto,link_pred,True,,,1,6,3,skipsum,mean,99,0.4337,0.0027,310209.0,0.0364,0.0062,0.8383,0.001,0.7599,0.0014,0.989,0.0017,0.8594,0.0008,0.9642,0.0023
-PyG,AmazonPhoto,link_pred,True,,,1,8,2,skipconcat,add,99,0.6931,0.022,228033.0,0.0387,0.0135,0.7704,0.0112,0.6897,0.011,0.9836,0.0017,0.8108,0.0073,0.9341,0.0021
-PyG,AmazonPhoto,link_pred,True,,,1,8,2,skipconcat,max,99,0.4659,0.005,228033.0,0.0313,0.001,0.7776,0.0016,0.6951,0.0017,0.989,0.0009,0.8165,0.001,0.9601,0.0001
-PyG,AmazonPhoto,link_pred,True,,,1,8,2,skipconcat,mean,99,0.4409,0.0032,228033.0,0.0431,0.004,0.8169,0.0049,0.7364,0.0052,0.9873,0.0007,0.8436,0.0036,0.9617,0.0013
-PyG,AmazonPhoto,link_pred,True,,,1,8,2,skipsum,add,79,0.6205,0.0315,303241.0,0.0397,0.0033,0.7763,0.0076,0.6972,0.0077,0.9773,0.0017,0.8137,0.0051,0.9214,0.0052
-PyG,AmazonPhoto,link_pred,True,,,1,8,2,skipsum,max,99,0.4699,0.0007,303241.0,0.0577,0.0109,0.7842,0.0032,0.7011,0.0031,0.9906,0.0004,0.8211,0.0023,0.9487,0.0017
-PyG,AmazonPhoto,link_pred,True,,,1,8,2,skipsum,mean,99,0.4354,0.0008,303241.0,0.0758,0.0275,0.8359,0.0031,0.7576,0.0035,0.988,0.0006,0.8576,0.0023,0.9634,0.0003
-PyG,AmazonPhoto,link_pred,True,,,1,8,3,skipconcat,add,99,0.5902,0.0128,225208.0,0.0273,0.0014,0.778,0.0067,0.6978,0.0058,0.9808,0.0038,0.8154,0.005,0.9355,0.0047
-PyG,AmazonPhoto,link_pred,True,,,1,8,3,skipconcat,max,99,0.4506,0.0034,225208.0,0.033,0.0046,0.7921,0.0018,0.7091,0.0018,0.9905,0.0013,0.8265,0.0013,0.962,0.0031
-PyG,AmazonPhoto,link_pred,True,,,1,8,3,skipconcat,mean,99,0.4343,0.002,225208.0,0.0481,0.0125,0.828,0.0017,0.7478,0.002,0.9897,0.0005,0.8519,0.0011,0.9645,0.0016
-PyG,AmazonPhoto,link_pred,True,,,1,8,3,skipsum,add,79,0.5683,0.0132,300429.0,0.0364,0.0056,0.7808,0.002,0.7012,0.0031,0.9787,0.0042,0.817,0.0008,0.9307,0.0043
-PyG,AmazonPhoto,link_pred,True,,,1,8,3,skipsum,max,99,0.4619,0.0039,300429.0,0.052,0.0083,0.7942,0.0046,0.7108,0.0046,0.9922,0.0008,0.8282,0.0033,0.9542,0.0022
-PyG,AmazonPhoto,link_pred,True,,,1,8,3,skipsum,mean,99,0.4307,0.001,300429.0,0.0431,0.0092,0.8432,0.0035,0.7656,0.0038,0.9895,0.0009,0.8633,0.0028,0.9667,0.0009
-PyG,AmazonPhoto,link_pred,True,,,2,2,2,skipconcat,add,99,0.4758,0.006,270941.0,0.0296,0.0026,0.787,0.0029,0.7055,0.0026,0.9854,0.0014,0.8223,0.0022,0.9554,0.0018
-PyG,AmazonPhoto,link_pred,True,,,2,2,2,skipconcat,max,99,0.4655,0.001,270941.0,0.0402,0.0077,0.7884,0.0028,0.7061,0.0027,0.9883,0.0006,0.8237,0.002,0.9538,0.0002
-PyG,AmazonPhoto,link_pred,True,,,2,2,2,skipconcat,mean,99,0.4503,0.0051,270941.0,0.0271,0.0012,0.8061,0.0018,0.7246,0.0019,0.9875,0.0006,0.8359,0.0013,0.9566,0.0033
-PyG,AmazonPhoto,link_pred,True,,,2,2,2,skipsum,add,99,0.4742,0.0036,348450.0,0.0274,0.0009,0.7912,0.0015,0.7095,0.0015,0.986,0.0007,0.8252,0.0011,0.9511,0.0016
-PyG,AmazonPhoto,link_pred,True,,,2,2,2,skipsum,max,99,0.4602,0.0028,348450.0,0.0371,0.0052,0.7934,0.004,0.7103,0.004,0.991,0.0004,0.8274,0.0029,0.9531,0.0022
-PyG,AmazonPhoto,link_pred,True,,,2,2,2,skipsum,mean,99,0.445,0.0014,348450.0,0.0338,0.0042,0.8163,0.0009,0.7351,0.0009,0.9891,0.0006,0.8434,0.0008,0.9586,0.0009
-PyG,AmazonPhoto,link_pred,True,,,2,2,3,skipconcat,add,99,0.4565,0.0042,259841.0,0.0251,0.0011,0.7975,0.0011,0.7156,0.0013,0.9871,0.002,0.8298,0.0009,0.9588,0.0031
-PyG,AmazonPhoto,link_pred,True,,,2,2,3,skipconcat,max,99,0.4525,0.002,259841.0,0.0444,0.0059,0.8012,0.0053,0.7181,0.0056,0.9916,0.0007,0.833,0.0037,0.9583,0.0009
-PyG,AmazonPhoto,link_pred,True,,,2,2,3,skipconcat,mean,99,0.4387,0.0013,259841.0,0.0344,0.012,0.8211,0.0037,0.7396,0.004,0.9912,0.0004,0.8471,0.0027,0.9631,0.0004
-PyG,AmazonPhoto,link_pred,True,,,2,2,3,skipsum,add,99,0.4652,0.0027,333765.0,0.0245,0.0005,0.7962,0.0004,0.7145,0.0004,0.9868,0.0012,0.8288,0.0004,0.9539,0.0004
-PyG,AmazonPhoto,link_pred,True,,,2,2,3,skipsum,max,99,0.4514,0.0022,333765.0,0.0377,0.0078,0.8015,0.0036,0.7184,0.0037,0.9918,0.0,0.8333,0.0025,0.9579,0.0007
-PyG,AmazonPhoto,link_pred,True,,,2,2,3,skipsum,mean,99,0.4364,0.0039,333765.0,0.037,0.0133,0.8276,0.0029,0.7475,0.0031,0.9895,0.0004,0.8516,0.0021,0.9635,0.0024
-PyG,AmazonPhoto,link_pred,True,,,2,4,2,skipconcat,add,99,0.5494,0.0232,242194.0,0.0339,0.0077,0.7833,0.005,0.7014,0.0047,0.9869,0.0012,0.82,0.0036,0.9512,0.002
-PyG,AmazonPhoto,link_pred,True,,,2,4,2,skipconcat,max,99,0.4606,0.0068,242194.0,0.032,0.0051,0.7855,0.0063,0.703,0.0061,0.9888,0.0006,0.8218,0.0044,0.9591,0.0032
-PyG,AmazonPhoto,link_pred,True,,,2,4,2,skipconcat,mean,99,0.4428,0.0015,242194.0,0.0275,0.0014,0.8118,0.0044,0.7306,0.0043,0.9878,0.0013,0.8399,0.0033,0.961,0.0007
-PyG,AmazonPhoto,link_pred,True,,,2,4,2,skipsum,add,99,0.5315,0.0117,325249.0,0.0365,0.0059,0.7878,0.0036,0.7064,0.0037,0.9851,0.0006,0.8228,0.0025,0.9412,0.0034
-PyG,AmazonPhoto,link_pred,True,,,2,4,2,skipsum,max,99,0.462,0.0034,325249.0,0.0421,0.0023,0.792,0.0014,0.7093,0.0015,0.9897,0.0002,0.8263,0.0009,0.9518,0.0026
-PyG,AmazonPhoto,link_pred,True,,,2,4,2,skipsum,mean,99,0.4371,0.0056,325249.0,0.031,0.0014,0.8277,0.0064,0.7476,0.0069,0.9896,0.0011,0.8517,0.0048,0.963,0.0036
-PyG,AmazonPhoto,link_pred,True,,,2,4,3,skipconcat,add,99,0.4921,0.0092,235681.0,0.0301,0.0033,0.7935,0.0048,0.7114,0.0046,0.9876,0.0017,0.8271,0.0035,0.954,0.0005
-PyG,AmazonPhoto,link_pred,True,,,2,4,3,skipconcat,max,99,0.4488,0.0034,235681.0,0.0396,0.0116,0.8005,0.0026,0.7175,0.0027,0.9914,0.0005,0.8325,0.0018,0.9622,0.0016
-PyG,AmazonPhoto,link_pred,True,,,2,4,3,skipconcat,mean,99,0.4365,0.0013,235681.0,0.0496,0.0093,0.8257,0.0043,0.7452,0.0045,0.9901,0.0009,0.8503,0.0032,0.9636,0.0005
-PyG,AmazonPhoto,link_pred,True,,,2,4,3,skipsum,add,99,0.5096,0.0038,316827.0,0.0357,0.0072,0.7907,0.0011,0.7086,0.0007,0.9878,0.0014,0.8252,0.0009,0.9503,0.0026
-PyG,AmazonPhoto,link_pred,True,,,2,4,3,skipsum,max,99,0.4549,0.0018,316827.0,0.0393,0.0014,0.7997,0.0033,0.7164,0.0034,0.992,0.0004,0.832,0.0023,0.957,0.0015
-PyG,AmazonPhoto,link_pred,True,,,2,4,3,skipsum,mean,99,0.4337,0.0008,316827.0,0.042,0.0177,0.8368,0.0014,0.7584,0.0014,0.9883,0.0009,0.8583,0.0012,0.9647,0.0009
-PyG,AmazonPhoto,link_pred,True,,,2,6,2,skipconcat,add,99,0.6586,0.0444,233783.0,0.0265,0.002,0.7773,0.0057,0.6967,0.0052,0.9825,0.002,0.8152,0.0041,0.9344,0.0074
-PyG,AmazonPhoto,link_pred,True,,,2,6,2,skipconcat,max,99,0.4624,0.0065,233783.0,0.0312,0.0006,0.7829,0.0032,0.7005,0.0026,0.9884,0.0023,0.8199,0.0025,0.9605,0.0035
-PyG,AmazonPhoto,link_pred,True,,,2,6,2,skipconcat,mean,99,0.4401,0.0038,233783.0,0.0274,0.0014,0.8125,0.006,0.7314,0.0062,0.9879,0.001,0.8405,0.0044,0.9623,0.002
-PyG,AmazonPhoto,link_pred,True,,,2,6,2,skipsum,add,79,0.5701,0.0333,310209.0,0.0298,0.0022,0.7844,0.0032,0.7038,0.0037,0.9821,0.002,0.82,0.0018,0.9314,0.0046
-PyG,AmazonPhoto,link_pred,True,,,2,6,2,skipsum,max,99,0.4627,0.0029,310209.0,0.0473,0.0055,0.7911,0.0042,0.7082,0.0042,0.9902,0.0003,0.8258,0.0029,0.9531,0.0011
-PyG,AmazonPhoto,link_pred,True,,,2,6,2,skipsum,mean,99,0.4331,0.0002,310209.0,0.0311,0.0012,0.8365,0.0033,0.758,0.0037,0.9886,0.0007,0.8581,0.0025,0.9649,0.0002
-PyG,AmazonPhoto,link_pred,True,,,2,6,3,skipconcat,add,99,0.5191,0.0159,234886.0,0.0477,0.0083,0.7941,0.0064,0.7126,0.0069,0.9857,0.0012,0.8272,0.0043,0.9484,0.0018
-PyG,AmazonPhoto,link_pred,True,,,2,6,3,skipconcat,max,99,0.4499,0.0037,234886.0,0.0342,0.0028,0.7995,0.0045,0.7162,0.0048,0.9924,0.0009,0.8319,0.0031,0.9631,0.0016
-PyG,AmazonPhoto,link_pred,True,,,2,6,3,skipconcat,mean,99,0.4347,0.0047,234886.0,0.0313,0.0031,0.8271,0.0052,0.7474,0.0056,0.9884,0.0012,0.8512,0.0039,0.9643,0.0025
-PyG,AmazonPhoto,link_pred,True,,,2,6,3,skipsum,add,79,0.5506,0.0251,303241.0,0.0316,0.0003,0.7867,0.0023,0.7063,0.0016,0.9813,0.0026,0.8214,0.002,0.9367,0.0042
-PyG,AmazonPhoto,link_pred,True,,,2,6,3,skipsum,max,99,0.4572,0.0013,303241.0,0.045,0.0062,0.7953,0.0024,0.712,0.002,0.9918,0.0017,0.8289,0.0019,0.9547,0.0014
-PyG,AmazonPhoto,link_pred,True,,,2,6,3,skipsum,mean,99,0.4315,0.0017,303241.0,0.0428,0.0037,0.8399,0.0007,0.7617,0.0013,0.9893,0.0019,0.8607,0.0005,0.9661,0.0013
-PyG,AmazonPhoto,link_pred,True,,,2,8,2,skipconcat,add,99,0.71,0.0277,229121.0,0.0319,0.004,0.7755,0.0031,0.6957,0.0029,0.9792,0.0008,0.8135,0.0022,0.9289,0.0028
-PyG,AmazonPhoto,link_pred,True,,,2,8,2,skipconcat,max,99,0.4695,0.0053,229121.0,0.0309,0.0011,0.7767,0.0033,0.6946,0.0031,0.9877,0.0014,0.8156,0.0024,0.9579,0.0025
-PyG,AmazonPhoto,link_pred,True,,,2,8,2,skipconcat,mean,99,0.436,0.0023,229121.0,0.0344,0.0073,0.8187,0.0005,0.738,0.0008,0.9881,0.0008,0.8449,0.0002,0.9642,0.0019
-PyG,AmazonPhoto,link_pred,True,,,2,8,2,skipsum,add,79,0.5735,0.0348,300429.0,0.0424,0.0119,0.7813,0.0033,0.7001,0.0034,0.9841,0.0014,0.8182,0.0022,0.9336,0.0055
-PyG,AmazonPhoto,link_pred,True,,,2,8,2,skipsum,max,99,0.4679,0.0033,300429.0,0.0553,0.0022,0.7868,0.0086,0.7041,0.0086,0.9898,0.0003,0.8228,0.0058,0.9501,0.0014
-PyG,AmazonPhoto,link_pred,True,,,2,8,2,skipsum,mean,99,0.4343,0.0047,300429.0,0.0449,0.0126,0.838,0.0042,0.7601,0.0051,0.9875,0.0003,0.8591,0.0031,0.9642,0.0028
-PyG,AmazonPhoto,link_pred,True,,,2,8,3,skipconcat,add,79,0.5901,0.0226,225991.0,0.0354,0.008,0.784,0.0092,0.7029,0.0093,0.9842,0.0007,0.8201,0.0062,0.9366,0.0038
-PyG,AmazonPhoto,link_pred,True,,,2,8,3,skipconcat,max,99,0.4517,0.0019,225991.0,0.0327,0.004,0.7948,0.003,0.7117,0.0031,0.9914,0.0007,0.8285,0.0019,0.9616,0.0008
-PyG,AmazonPhoto,link_pred,True,,,2,8,3,skipconcat,mean,99,0.4352,0.0031,225991.0,0.0425,0.0205,0.8302,0.003,0.7507,0.0029,0.9887,0.0014,0.8534,0.0024,0.9638,0.0021
-PyG,AmazonPhoto,link_pred,True,,,2,8,3,skipsum,add,79,0.6485,0.1243,295169.0,0.0336,0.0063,0.7749,0.0057,0.6945,0.0066,0.9819,0.0049,0.8135,0.0034,0.924,0.0097
-PyG,AmazonPhoto,link_pred,True,,,2,8,3,skipsum,max,99,0.4627,0.0023,295169.0,0.0465,0.0026,0.792,0.0043,0.7086,0.0042,0.9919,0.0003,0.8266,0.003,0.9547,0.0009
-PyG,AmazonPhoto,link_pred,True,,,2,8,3,skipsum,mean,99,0.4307,0.003,295169.0,0.0329,0.0012,0.8396,0.004,0.7617,0.005,0.9884,0.0016,0.8604,0.0029,0.966,0.0026
-PyG,CiteSeer,link_pred,True,,,1,2,2,skipconcat,add,99,0.5734,0.0052,558236.0,0.087,0.0057,0.6926,0.0064,0.642,0.0028,0.8705,0.0175,0.7389,0.0078,0.8427,0.0129
-PyG,CiteSeer,link_pred,True,,,1,2,2,skipconcat,max,79,0.6565,0.014,558236.0,0.0776,0.0013,0.6846,0.0081,0.6382,0.0061,0.8529,0.0191,0.73,0.0086,0.817,0.0085
-PyG,CiteSeer,link_pred,True,,,1,2,2,skipconcat,mean,79,0.6157,0.0401,558236.0,0.0977,0.0248,0.6925,0.0021,0.6401,0.0015,0.8796,0.0081,0.7409,0.0028,0.8407,0.0012
-PyG,CiteSeer,link_pred,True,,,1,2,2,skipsum,add,79,0.5812,0.029,1021201.0,0.0841,0.0036,0.7025,0.0039,0.6487,0.0034,0.8836,0.0062,0.7482,0.0032,0.8506,0.0073
-PyG,CiteSeer,link_pred,True,,,1,2,2,skipsum,max,99,0.6033,0.0103,1021201.0,0.0996,0.0357,0.6955,0.0121,0.6451,0.0103,0.8694,0.0065,0.7406,0.009,0.8187,0.0102
-PyG,CiteSeer,link_pred,True,,,1,2,2,skipsum,mean,99,0.5454,0.0128,1021201.0,0.1039,0.0027,0.7038,0.0062,0.6496,0.006,0.8851,0.0066,0.7493,0.0042,0.855,0.0039
-PyG,CiteSeer,link_pred,True,,,1,2,3,skipconcat,add,99,0.5345,0.0033,507089.0,0.0764,0.0073,0.71,0.0102,0.6561,0.0079,0.8829,0.0101,0.7528,0.0085,0.8528,0.0074
-PyG,CiteSeer,link_pred,True,,,1,2,3,skipconcat,max,99,0.5728,0.0111,507089.0,0.0851,0.0121,0.6924,0.0036,0.647,0.004,0.8474,0.0027,0.7337,0.0018,0.8162,0.0087
-PyG,CiteSeer,link_pred,True,,,1,2,3,skipconcat,mean,79,0.5542,0.0087,507089.0,0.0833,0.0095,0.702,0.0017,0.6498,0.0023,0.8763,0.0049,0.7462,0.0011,0.8411,0.0018
-PyG,CiteSeer,link_pred,True,,,1,2,3,skipsum,add,99,0.5339,0.0095,937092.0,0.1057,0.033,0.713,0.0018,0.6576,0.0021,0.8891,0.0064,0.756,0.0019,0.8533,0.0061
-PyG,CiteSeer,link_pred,True,,,1,2,3,skipsum,max,79,0.5822,0.018,937092.0,0.0877,0.0182,0.6902,0.0081,0.6437,0.0024,0.8515,0.0268,0.733,0.0113,0.813,0.0125
-PyG,CiteSeer,link_pred,True,,,1,2,3,skipsum,mean,79,0.5421,0.0148,937092.0,0.0909,0.0145,0.711,0.0095,0.6574,0.0073,0.8814,0.0088,0.7531,0.008,0.8486,0.008
-PyG,CiteSeer,link_pred,True,,,1,4,2,skipconcat,add,79,0.5891,0.0173,418065.0,0.1198,0.0179,0.69,0.0099,0.6434,0.0074,0.8525,0.0115,0.7333,0.0088,0.8276,0.0112
-PyG,CiteSeer,link_pred,True,,,1,4,2,skipconcat,max,79,0.675,0.0548,418065.0,0.0838,0.005,0.6815,0.015,0.6363,0.0101,0.8467,0.0213,0.7266,0.0143,0.8085,0.0232
-PyG,CiteSeer,link_pred,True,,,1,4,2,skipconcat,mean,99,0.6179,0.0143,418065.0,0.1041,0.0089,0.6898,0.0038,0.6433,0.0017,0.8522,0.0096,0.7331,0.0046,0.8238,0.0017
-PyG,CiteSeer,link_pred,True,,,1,4,2,skipsum,add,99,0.5581,0.0133,869163.0,0.1119,0.0397,0.704,0.0025,0.6524,0.0048,0.8738,0.0103,0.747,0.0007,0.8355,0.0049
-PyG,CiteSeer,link_pred,True,,,1,4,2,skipsum,max,99,0.6205,0.025,869163.0,0.0991,0.0075,0.6846,0.0119,0.6405,0.0084,0.8416,0.0153,0.7274,0.011,0.7928,0.0176
-PyG,CiteSeer,link_pred,True,,,1,4,2,skipsum,mean,79,0.5591,0.0089,869163.0,0.0999,0.0145,0.6966,0.0158,0.6503,0.0114,0.8504,0.0192,0.737,0.0144,0.8302,0.0094
-PyG,CiteSeer,link_pred,True,,,1,4,3,skipconcat,add,99,0.5459,0.0073,387248.0,0.1027,0.032,0.7033,0.0016,0.6529,0.0034,0.8683,0.01,0.7453,0.0019,0.8357,0.0051
-PyG,CiteSeer,link_pred,True,,,1,4,3,skipconcat,max,79,0.6038,0.0241,387248.0,0.0914,0.0126,0.6788,0.0085,0.6358,0.0056,0.8368,0.0156,0.7225,0.0087,0.8015,0.0116
-PyG,CiteSeer,link_pred,True,,,1,4,3,skipconcat,mean,99,0.5487,0.0111,387248.0,0.082,0.0105,0.7053,0.0054,0.6546,0.0048,0.8694,0.0036,0.7468,0.004,0.8411,0.0067
-PyG,CiteSeer,link_pred,True,,,1,4,3,skipsum,add,99,0.5494,0.0075,822193.0,0.0882,0.0153,0.6984,0.0108,0.6497,0.0101,0.8617,0.0041,0.7408,0.0074,0.8304,0.0043
-PyG,CiteSeer,link_pred,True,,,1,4,3,skipsum,max,99,0.6002,0.0024,822193.0,0.0771,0.0077,0.6839,0.0053,0.6446,0.0049,0.8196,0.0051,0.7216,0.0041,0.7893,0.0015
-PyG,CiteSeer,link_pred,True,,,1,4,3,skipsum,mean,79,0.5507,0.0008,822193.0,0.0864,0.0069,0.6913,0.0027,0.6487,0.0038,0.8346,0.0065,0.73,0.0016,0.826,0.0038
-PyG,CiteSeer,link_pred,True,,,1,6,2,skipconcat,add,99,0.589,0.0087,353298.0,0.0639,0.0209,0.6877,0.0103,0.6438,0.0067,0.8401,0.0213,0.7289,0.0111,0.8131,0.0128
-PyG,CiteSeer,link_pred,True,,,1,6,2,skipconcat,max,79,0.6828,0.0097,353298.0,0.0753,0.0088,0.6762,0.0014,0.6333,0.0006,0.8372,0.0074,0.721,0.0026,0.7994,0.0091
-PyG,CiteSeer,link_pred,True,,,1,6,2,skipconcat,mean,79,0.5912,0.0175,353298.0,0.0874,0.0072,0.7015,0.0038,0.651,0.0039,0.869,0.0032,0.7444,0.0024,0.8329,0.0037
-PyG,CiteSeer,link_pred,True,,,1,6,2,skipsum,add,99,0.5577,0.0098,781233.0,0.0778,0.0037,0.6986,0.0068,0.6487,0.0043,0.8664,0.0137,0.7419,0.0071,0.8334,0.0072
-PyG,CiteSeer,link_pred,True,,,1,6,2,skipsum,max,99,0.6101,0.0143,781233.0,0.1025,0.0315,0.689,0.0069,0.6477,0.006,0.8292,0.0041,0.7272,0.0053,0.7903,0.0069
-PyG,CiteSeer,link_pred,True,,,1,6,2,skipsum,mean,99,0.57,0.0055,781233.0,0.0834,0.012,0.693,0.0023,0.6532,0.0034,0.8233,0.01,0.7284,0.0028,0.8163,0.0046
-PyG,CiteSeer,link_pred,True,,,1,6,3,skipconcat,add,99,0.5572,0.0028,337121.0,0.0804,0.0076,0.6927,0.0061,0.6465,0.0034,0.85,0.0117,0.7344,0.0065,0.8205,0.0051
-PyG,CiteSeer,link_pred,True,,,1,6,3,skipconcat,max,99,0.5924,0.0332,337121.0,0.0793,0.0348,0.6882,0.0081,0.6445,0.0073,0.8397,0.0127,0.7292,0.007,0.807,0.0136
-PyG,CiteSeer,link_pred,True,,,1,6,3,skipconcat,mean,79,0.5676,0.0067,337121.0,0.0868,0.0013,0.6971,0.0088,0.6492,0.0079,0.858,0.0034,0.7391,0.0064,0.8261,0.0057
-PyG,CiteSeer,link_pred,True,,,1,6,3,skipsum,add,79,0.556,0.0093,747993.0,0.104,0.0213,0.6939,0.0047,0.6454,0.0029,0.861,0.0076,0.7377,0.0047,0.8262,0.0045
-PyG,CiteSeer,link_pred,True,,,1,6,3,skipsum,max,99,0.5939,0.0128,747993.0,0.0854,0.001,0.6757,0.0015,0.6412,0.0013,0.798,0.0078,0.7111,0.0028,0.783,0.0084
-PyG,CiteSeer,link_pred,True,,,1,6,3,skipsum,mean,79,0.5567,0.0087,747993.0,0.0976,0.0115,0.6843,0.0057,0.6464,0.003,0.8141,0.022,0.7205,0.0087,0.8128,0.0118
-PyG,CiteSeer,link_pred,True,,,1,8,2,skipconcat,add,79,0.5938,0.0205,322689.0,0.0864,0.0107,0.6853,0.0187,0.6412,0.0108,0.8401,0.036,0.7272,0.0205,0.8126,0.0187
-PyG,CiteSeer,link_pred,True,,,1,8,2,skipconcat,max,79,0.6784,0.0146,322689.0,0.0984,0.0215,0.6809,0.0032,0.6372,0.0021,0.8405,0.009,0.7248,0.0038,0.8001,0.0053
-PyG,CiteSeer,link_pred,True,,,1,8,2,skipconcat,mean,79,0.6081,0.0287,322689.0,0.1226,0.0252,0.6929,0.01,0.6466,0.0093,0.8514,0.0029,0.735,0.0069,0.8199,0.0099
-PyG,CiteSeer,link_pred,True,,,1,8,2,skipsum,add,99,0.572,0.0116,717361.0,0.0921,0.0172,0.6926,0.0086,0.646,0.0068,0.8522,0.0072,0.7349,0.007,0.8147,0.0087
-PyG,CiteSeer,link_pred,True,,,1,8,2,skipsum,max,99,0.5999,0.0044,717361.0,0.0596,0.0034,0.6828,0.0078,0.646,0.0052,0.8086,0.0127,0.7182,0.0081,0.7916,0.0083
-PyG,CiteSeer,link_pred,True,,,1,8,2,skipsum,mean,79,0.5638,0.0065,717361.0,0.0859,0.0112,0.6867,0.0023,0.6478,0.0032,0.8185,0.0055,0.7232,0.0014,0.8152,0.0039
-PyG,CiteSeer,link_pred,True,,,1,8,3,skipconcat,add,79,0.563,0.0056,305074.0,0.1213,0.0579,0.7041,0.009,0.656,0.0073,0.8584,0.0183,0.7436,0.0088,0.8249,0.0092
-PyG,CiteSeer,link_pred,True,,,1,8,3,skipconcat,max,99,0.5885,0.015,305074.0,0.0876,0.0098,0.6923,0.0076,0.6467,0.0071,0.8481,0.0027,0.7338,0.0053,0.8155,0.0063
-PyG,CiteSeer,link_pred,True,,,1,8,3,skipconcat,mean,99,0.5562,0.0125,305074.0,0.0847,0.004,0.6981,0.0156,0.6521,0.0099,0.8485,0.0249,0.7374,0.0156,0.8263,0.0157
-PyG,CiteSeer,link_pred,True,,,1,8,3,skipsum,add,99,0.5543,0.0017,696801.0,0.0763,0.0021,0.7035,0.0023,0.6549,0.0016,0.8606,0.013,0.7438,0.0042,0.826,0.0063
-PyG,CiteSeer,link_pred,True,,,1,8,3,skipsum,max,99,0.6009,0.0052,696801.0,0.0391,0.0033,0.6754,0.0036,0.639,0.0061,0.8068,0.0133,0.7131,0.002,0.7843,0.0045
-PyG,CiteSeer,link_pred,True,,,1,8,3,skipsum,mean,59,0.5608,0.0065,696801.0,0.0865,0.0106,0.6888,0.002,0.6482,0.0022,0.8258,0.0137,0.7263,0.0043,0.8127,0.0092
-PyG,CiteSeer,link_pred,True,,,2,2,2,skipconcat,add,79,0.5826,0.0182,551951.0,0.0527,0.0292,0.6946,0.003,0.6462,0.0022,0.8602,0.0034,0.7379,0.0026,0.8306,0.0029
-PyG,CiteSeer,link_pred,True,,,2,2,2,skipconcat,max,79,0.6535,0.0129,551951.0,0.0857,0.0076,0.6774,0.0062,0.6345,0.0039,0.8372,0.0105,0.7219,0.0063,0.8044,0.0052
-PyG,CiteSeer,link_pred,True,,,2,2,2,skipconcat,mean,99,0.5898,0.0369,551951.0,0.0838,0.0095,0.6995,0.0087,0.6494,0.0061,0.8672,0.0117,0.7426,0.008,0.8327,0.0101
-PyG,CiteSeer,link_pred,True,,,2,2,2,skipsum,add,79,0.5426,0.0051,937092.0,0.0876,0.0178,0.7088,0.0013,0.6556,0.0023,0.8796,0.0085,0.7512,0.002,0.8527,0.006
-PyG,CiteSeer,link_pred,True,,,2,2,2,skipsum,max,99,0.5985,0.0186,937092.0,0.1062,0.028,0.687,0.0116,0.6402,0.0098,0.854,0.01,0.7318,0.0091,0.8091,0.0161
-PyG,CiteSeer,link_pred,True,,,2,2,2,skipsum,mean,99,0.542,0.0164,937092.0,0.0865,0.0096,0.7089,0.0033,0.6552,0.0027,0.8818,0.0036,0.7518,0.0027,0.8493,0.0088
-PyG,CiteSeer,link_pred,True,,,2,2,3,skipconcat,add,79,0.5446,0.0055,496481.0,0.0817,0.0057,0.707,0.0037,0.6536,0.0042,0.8811,0.0051,0.7505,0.0022,0.8441,0.0023
-PyG,CiteSeer,link_pred,True,,,2,2,3,skipconcat,max,99,0.5765,0.0073,496481.0,0.1079,0.0159,0.6901,0.0071,0.6433,0.0044,0.8533,0.0135,0.7336,0.0074,0.8161,0.0084
-PyG,CiteSeer,link_pred,True,,,2,2,3,skipconcat,mean,99,0.5495,0.0102,496481.0,0.0839,0.0029,0.7086,0.0047,0.6566,0.0021,0.8745,0.0107,0.75,0.0053,0.8392,0.0079
-PyG,CiteSeer,link_pred,True,,,2,2,3,skipsum,add,99,0.5331,0.0149,869163.0,0.0845,0.0101,0.7081,0.0098,0.6549,0.0079,0.88,0.009,0.7509,0.0079,0.8531,0.0113
-PyG,CiteSeer,link_pred,True,,,2,2,3,skipsum,max,99,0.5764,0.0081,869163.0,0.0879,0.0033,0.6962,0.0056,0.6495,0.0044,0.8525,0.0086,0.7373,0.0051,0.8118,0.0079
-PyG,CiteSeer,link_pred,True,,,2,2,3,skipsum,mean,99,0.5281,0.0177,869163.0,0.0965,0.0051,0.7191,0.011,0.6663,0.0073,0.8778,0.0166,0.7575,0.0106,0.8553,0.0173
-PyG,CiteSeer,link_pred,True,,,2,4,2,skipconcat,add,99,0.5859,0.0151,410800.0,0.0423,0.003,0.6794,0.0113,0.6373,0.0077,0.8324,0.0176,0.7219,0.0112,0.8178,0.0171
-PyG,CiteSeer,link_pred,True,,,2,4,2,skipconcat,max,79,0.6611,0.0394,410800.0,0.0951,0.0129,0.6717,0.0148,0.6308,0.0101,0.8273,0.021,0.7158,0.0143,0.7921,0.0171
-PyG,CiteSeer,link_pred,True,,,2,4,2,skipconcat,mean,79,0.6153,0.0082,410800.0,0.0959,0.0116,0.6779,0.0109,0.6372,0.0068,0.8258,0.022,0.7193,0.012,0.8046,0.0102
-PyG,CiteSeer,link_pred,True,,,2,4,2,skipsum,add,79,0.5651,0.0074,822193.0,0.086,0.0068,0.6917,0.0052,0.6446,0.0044,0.8547,0.0036,0.735,0.004,0.8285,0.0044
-PyG,CiteSeer,link_pred,True,,,2,4,2,skipsum,max,99,0.6128,0.0137,822193.0,0.0849,0.0043,0.6882,0.0082,0.6466,0.0059,0.8302,0.0171,0.7269,0.0086,0.7935,0.0126
-PyG,CiteSeer,link_pred,True,,,2,4,2,skipsum,mean,99,0.5644,0.018,822193.0,0.0864,0.0029,0.7005,0.0094,0.6549,0.0071,0.8478,0.0115,0.7389,0.0085,0.8264,0.0136
-PyG,CiteSeer,link_pred,True,,,2,4,3,skipconcat,add,79,0.5585,0.0138,377665.0,0.0802,0.0047,0.7021,0.0052,0.6554,0.0019,0.8522,0.0176,0.7409,0.0071,0.8275,0.0124
-PyG,CiteSeer,link_pred,True,,,2,4,3,skipconcat,max,79,0.6059,0.0082,377665.0,0.0816,0.004,0.6799,0.0067,0.6374,0.0041,0.8343,0.0197,0.7225,0.0084,0.7986,0.005
-PyG,CiteSeer,link_pred,True,,,2,4,3,skipconcat,mean,99,0.5694,0.0161,377665.0,0.0835,0.0069,0.6938,0.0061,0.6473,0.0022,0.8515,0.017,0.7354,0.0077,0.8224,0.0121
-PyG,CiteSeer,link_pred,True,,,2,4,3,skipsum,add,99,0.554,0.0056,781233.0,0.0381,0.0062,0.7031,0.0037,0.6535,0.0042,0.8646,0.0064,0.7444,0.0025,0.8308,0.0022
-PyG,CiteSeer,link_pred,True,,,2,4,3,skipsum,max,99,0.5955,0.0107,781233.0,0.0978,0.0153,0.6831,0.0102,0.6424,0.0077,0.8262,0.0152,0.7227,0.0097,0.7898,0.0137
-PyG,CiteSeer,link_pred,True,,,2,4,3,skipsum,mean,99,0.5602,0.0128,781233.0,0.1003,0.0196,0.6917,0.0103,0.651,0.0086,0.8266,0.0089,0.7284,0.0086,0.8181,0.0116
-PyG,CiteSeer,link_pred,True,,,2,6,2,skipconcat,add,99,0.6013,0.0237,355061.0,0.1035,0.0206,0.678,0.0109,0.6376,0.0056,0.8244,0.0247,0.7189,0.0129,0.8029,0.0187
-PyG,CiteSeer,link_pred,True,,,2,6,2,skipconcat,max,79,0.6664,0.0012,355061.0,0.0856,0.0051,0.6721,0.0039,0.6315,0.0026,0.8266,0.0062,0.716,0.0039,0.7974,0.0025
-PyG,CiteSeer,link_pred,True,,,2,6,2,skipconcat,mean,99,0.614,0.0152,355061.0,0.0901,0.0097,0.6855,0.0084,0.643,0.007,0.8342,0.008,0.7263,0.007,0.8071,0.0073
-PyG,CiteSeer,link_pred,True,,,2,6,2,skipsum,add,79,0.5682,0.0104,747993.0,0.0982,0.0233,0.6956,0.0073,0.6484,0.003,0.8544,0.0224,0.7372,0.0096,0.8205,0.0136
-PyG,CiteSeer,link_pred,True,,,2,6,2,skipsum,max,99,0.6159,0.0151,747993.0,0.0985,0.0129,0.6798,0.0012,0.6428,0.0023,0.8097,0.0089,0.7166,0.0024,0.7808,0.0073
-PyG,CiteSeer,link_pred,True,,,2,6,2,skipsum,mean,99,0.5757,0.0077,747993.0,0.1102,0.0191,0.6864,0.0079,0.6459,0.0046,0.8251,0.0161,0.7246,0.0089,0.8098,0.0094
-PyG,CiteSeer,link_pred,True,,,2,6,3,skipconcat,add,79,0.5707,0.0051,338416.0,0.1603,0.1,0.6947,0.0033,0.6501,0.0037,0.8434,0.0019,0.7343,0.0017,0.8157,0.0052
-PyG,CiteSeer,link_pred,True,,,2,6,3,skipconcat,max,79,0.6341,0.0197,338416.0,0.0913,0.0074,0.6711,0.0108,0.6339,0.0068,0.8093,0.0185,0.7109,0.0114,0.7861,0.0126
-PyG,CiteSeer,link_pred,True,,,2,6,3,skipconcat,mean,79,0.5937,0.0069,338416.0,0.1058,0.006,0.692,0.005,0.6497,0.0013,0.8331,0.0161,0.73,0.007,0.8056,0.0071
-PyG,CiteSeer,link_pred,True,,,2,6,3,skipsum,add,79,0.5566,0.002,717361.0,0.0941,0.0235,0.7023,0.0035,0.6541,0.0039,0.8588,0.0019,0.7426,0.0018,0.8226,0.0026
-PyG,CiteSeer,link_pred,True,,,2,6,3,skipsum,max,99,0.6158,0.0163,717361.0,0.0877,0.005,0.6698,0.0084,0.6341,0.0049,0.8024,0.0195,0.7083,0.01,0.7722,0.0073
-PyG,CiteSeer,link_pred,True,,,2,6,3,skipsum,mean,79,0.556,0.0119,717361.0,0.1289,0.0484,0.6898,0.0139,0.6494,0.0101,0.8247,0.0178,0.7266,0.0131,0.8154,0.0117
-PyG,CiteSeer,link_pred,True,,,2,8,2,skipconcat,add,79,0.6193,0.0263,323777.0,0.0824,0.0038,0.6809,0.0109,0.6398,0.0078,0.8273,0.0139,0.7216,0.0103,0.7994,0.0108
-PyG,CiteSeer,link_pred,True,,,2,8,2,skipconcat,max,79,0.6791,0.0304,323777.0,0.0923,0.0127,0.6766,0.0106,0.6368,0.0085,0.8225,0.0108,0.7178,0.009,0.7896,0.0106
-PyG,CiteSeer,link_pred,True,,,2,8,2,skipconcat,mean,79,0.6276,0.01,323777.0,0.0907,0.0114,0.6864,0.0061,0.6438,0.0041,0.8346,0.0088,0.7269,0.006,0.8035,0.0047
-PyG,CiteSeer,link_pred,True,,,2,8,2,skipsum,add,79,0.5795,0.0178,696801.0,0.0365,0.0011,0.6886,0.0075,0.6422,0.0051,0.8518,0.0102,0.7323,0.007,0.8087,0.0075
-PyG,CiteSeer,link_pred,True,,,2,8,2,skipsum,max,99,0.5929,0.0031,696801.0,0.0668,0.0144,0.6845,0.0047,0.6441,0.0071,0.8254,0.014,0.7234,0.003,0.7945,0.0037
-PyG,CiteSeer,link_pred,True,,,2,8,2,skipsum,mean,79,0.569,0.0066,696801.0,0.0621,0.0175,0.6799,0.0067,0.6434,0.0059,0.8075,0.0087,0.7162,0.0058,0.807,0.0067
-PyG,CiteSeer,link_pred,True,,,2,8,3,skipconcat,add,79,0.5824,0.0069,305857.0,0.0748,0.0037,0.6831,0.0021,0.6443,0.0015,0.8178,0.0126,0.7207,0.0043,0.7954,0.0073
-PyG,CiteSeer,link_pred,True,,,2,8,3,skipconcat,max,79,0.6113,0.0215,305857.0,0.0838,0.0084,0.6871,0.0116,0.6454,0.0076,0.8299,0.0184,0.7261,0.0117,0.7962,0.0104
-PyG,CiteSeer,link_pred,True,,,2,8,3,skipconcat,mean,99,0.5889,0.0116,305857.0,0.1019,0.01,0.6849,0.0084,0.6466,0.0076,0.8156,0.007,0.7213,0.0068,0.8016,0.007
-PyG,CiteSeer,link_pred,True,,,2,8,3,skipsum,add,59,0.5745,0.0085,673793.0,0.0395,0.0016,0.6783,0.0097,0.6373,0.0061,0.8273,0.016,0.7199,0.01,0.7981,0.0101
-PyG,CiteSeer,link_pred,True,,,2,8,3,skipsum,max,99,0.603,0.0082,673793.0,0.0979,0.0032,0.6705,0.0038,0.6377,0.0021,0.7896,0.0098,0.7055,0.0049,0.7773,0.0067
-PyG,CiteSeer,link_pred,True,,,2,8,3,skipsum,mean,99,0.565,0.0022,673793.0,0.0955,0.0171,0.6812,0.0069,0.6439,0.0077,0.8116,0.0037,0.718,0.0038,0.8038,0.0006
-PyG,CoauthorCS,link_pred,True,,,1,2,2,skipconcat,add,99,0.4619,0.005,859130.0,1.1271,0.1955,0.7873,0.0023,0.7085,0.002,0.9763,0.0024,0.8211,0.0019,0.9529,0.0031
-PyG,CoauthorCS,link_pred,True,,,1,2,2,skipconcat,max,99,0.4701,0.0065,859130.0,0.9582,0.1259,0.7757,0.0054,0.6974,0.0051,0.9741,0.002,0.8128,0.0038,0.9455,0.0028
-PyG,CoauthorCS,link_pred,True,,,1,2,2,skipconcat,mean,99,0.4445,0.0039,859130.0,0.8114,0.0463,0.7947,0.0022,0.7163,0.0015,0.976,0.0025,0.8262,0.0019,0.9561,0.0025
-PyG,CoauthorCS,link_pred,True,,,1,2,2,skipsum,add,99,0.4662,0.0031,1709845.0,1.0602,0.0284,0.797,0.0023,0.7189,0.0027,0.9755,0.001,0.8277,0.0015,0.9481,0.0004
-PyG,CoauthorCS,link_pred,True,,,1,2,2,skipsum,max,99,0.4691,0.0023,1709845.0,0.9251,0.1792,0.7925,0.0027,0.7137,0.0026,0.9767,0.0009,0.8247,0.002,0.9432,0.0009
-PyG,CoauthorCS,link_pred,True,,,1,2,2,skipsum,mean,99,0.4441,0.0004,1709845.0,1.1554,0.1753,0.8177,0.0004,0.7408,0.0009,0.9773,0.0015,0.8428,0.0001,0.9547,0.0005
-PyG,CoauthorCS,link_pred,True,,,1,2,3,skipconcat,add,99,0.453,0.0034,761453.0,1.0031,0.1818,0.8056,0.0038,0.7271,0.0041,0.9785,0.0002,0.8343,0.0026,0.9526,0.0018
-PyG,CoauthorCS,link_pred,True,,,1,2,3,skipconcat,max,99,0.4548,0.0029,761453.0,0.9063,0.1294,0.8026,0.0044,0.7238,0.0048,0.9785,0.0004,0.8321,0.0031,0.95,0.0016
-PyG,CoauthorCS,link_pred,True,,,1,2,3,skipconcat,mean,99,0.4426,0.0045,761453.0,0.9308,0.0437,0.8199,0.0037,0.743,0.0037,0.978,0.0028,0.8445,0.003,0.9552,0.0039
-PyG,CoauthorCS,link_pred,True,,,1,2,3,skipsum,add,99,0.4613,0.0038,1554390.0,0.8762,0.0624,0.8087,0.0045,0.7313,0.0054,0.9762,0.0017,0.8362,0.0031,0.9476,0.0008
-PyG,CoauthorCS,link_pred,True,,,1,2,3,skipsum,max,99,0.4627,0.0017,1554390.0,1.0578,0.1492,0.806,0.0004,0.7276,0.0005,0.9783,0.0007,0.8345,0.0002,0.9447,0.0008
-PyG,CoauthorCS,link_pred,True,,,1,2,3,skipsum,mean,99,0.4454,0.0017,1554390.0,0.9204,0.0749,0.8272,0.0023,0.7517,0.0025,0.9772,0.0003,0.8497,0.0017,0.9528,0.0011
-PyG,CoauthorCS,link_pred,True,,,1,4,2,skipconcat,add,99,0.4776,0.0075,597981.0,0.9563,0.173,0.7865,0.0031,0.7081,0.0029,0.9746,0.0021,0.8203,0.0024,0.9484,0.0025
-PyG,CoauthorCS,link_pred,True,,,1,4,2,skipconcat,max,99,0.4675,0.0035,597981.0,1.1284,0.2136,0.7798,0.0053,0.7018,0.0048,0.9733,0.0022,0.8155,0.0039,0.9456,0.0017
-PyG,CoauthorCS,link_pred,True,,,1,4,2,skipconcat,mean,99,0.4465,0.0034,597981.0,0.9143,0.16,0.8026,0.0045,0.7252,0.0047,0.9747,0.0009,0.8316,0.0033,0.9542,0.0018
-PyG,CoauthorCS,link_pred,True,,,1,4,2,skipsum,add,99,0.4896,0.0051,1430625.0,1.1849,0.0619,0.7947,0.0018,0.7165,0.002,0.9753,0.0014,0.8261,0.0013,0.9386,0.0024
-PyG,CoauthorCS,link_pred,True,,,1,4,2,skipsum,max,99,0.4742,0.0018,1430625.0,0.9971,0.1207,0.7969,0.0032,0.7201,0.0035,0.9715,0.0011,0.8271,0.0022,0.9365,0.0017
-PyG,CoauthorCS,link_pred,True,,,1,4,2,skipsum,mean,99,0.4471,0.0027,1430625.0,0.9024,0.1456,0.8299,0.0024,0.7556,0.0024,0.975,0.0011,0.8514,0.002,0.9512,0.0022
-PyG,CoauthorCS,link_pred,True,,,1,4,3,skipconcat,add,99,0.4635,0.0046,539246.0,0.9362,0.1064,0.8051,0.0043,0.7273,0.0044,0.9764,0.0015,0.8336,0.0032,0.9477,0.0031
-PyG,CoauthorCS,link_pred,True,,,1,4,3,skipconcat,max,99,0.4591,0.0017,539246.0,0.9915,0.139,0.8009,0.0039,0.7222,0.0035,0.9778,0.0019,0.8308,0.003,0.9473,0.0016
-PyG,CoauthorCS,link_pred,True,,,1,4,3,skipconcat,mean,99,0.4441,0.0032,539246.0,0.8206,0.0383,0.8234,0.0022,0.7472,0.0027,0.9776,0.0006,0.847,0.0016,0.9543,0.002
-PyG,CoauthorCS,link_pred,True,,,1,4,3,skipsum,add,99,0.4722,0.0015,1343329.0,0.94,0.2017,0.8059,0.0029,0.7287,0.0035,0.975,0.001,0.834,0.0019,0.9415,0.0004
-PyG,CoauthorCS,link_pred,True,,,1,4,3,skipsum,max,99,0.4729,0.0024,1343329.0,0.8564,0.052,0.8032,0.0016,0.7267,0.0021,0.972,0.0016,0.8317,0.0011,0.9353,0.0011
-PyG,CoauthorCS,link_pred,True,,,1,4,3,skipsum,mean,99,0.4502,0.0009,1343329.0,1.0147,0.0376,0.8328,0.0016,0.7603,0.002,0.9719,0.0011,0.8532,0.0012,0.9484,0.0016
-PyG,CoauthorCS,link_pred,True,,,1,6,2,skipconcat,add,99,0.5108,0.005,480480.0,0.8849,0.007,0.7748,0.0017,0.6969,0.0009,0.9728,0.0028,0.812,0.0016,0.9423,0.0014
-PyG,CoauthorCS,link_pred,True,,,1,6,2,skipconcat,max,99,0.4667,0.0063,480480.0,1.1192,0.051,0.7811,0.0056,0.7029,0.0051,0.9738,0.004,0.8165,0.0042,0.9462,0.0043
-PyG,CoauthorCS,link_pred,True,,,1,6,2,skipconcat,mean,99,0.4448,0.0028,480480.0,1.0726,0.0534,0.8084,0.002,0.7315,0.0015,0.9748,0.0017,0.8358,0.0016,0.954,0.0022
-PyG,CoauthorCS,link_pred,True,,,1,6,2,skipsum,add,99,0.4989,0.0039,1268247.0,1.0445,0.033,0.7881,0.0018,0.7103,0.0021,0.9728,0.0009,0.8211,0.0012,0.933,0.0023
-PyG,CoauthorCS,link_pred,True,,,1,6,2,skipsum,max,99,0.4799,0.0016,1268247.0,1.1441,0.0685,0.7948,0.0006,0.7183,0.0005,0.9701,0.0008,0.8254,0.0006,0.9317,0.0009
-PyG,CoauthorCS,link_pred,True,,,1,6,2,skipsum,mean,99,0.4488,0.0019,1268247.0,1.0408,0.0949,0.8315,0.0044,0.7589,0.0053,0.9717,0.0006,0.8522,0.0034,0.9492,0.0013
-PyG,CoauthorCS,link_pred,True,,,1,6,3,skipconcat,add,99,0.4815,0.0018,445691.0,1.0243,0.0547,0.7949,0.0017,0.7171,0.0014,0.9743,0.002,0.8261,0.0014,0.943,0.0005
-PyG,CoauthorCS,link_pred,True,,,1,6,3,skipconcat,max,99,0.4609,0.0025,445691.0,1.0522,0.1056,0.7975,0.0047,0.7196,0.0045,0.9751,0.0031,0.8281,0.0035,0.9456,0.0021
-PyG,CoauthorCS,link_pred,True,,,1,6,3,skipconcat,mean,99,0.4448,0.0041,445691.0,1.0943,0.0961,0.8252,0.0023,0.7492,0.0024,0.9779,0.0007,0.8484,0.0018,0.9539,0.0024
-PyG,CoauthorCS,link_pred,True,,,1,6,3,skipsum,add,99,0.4956,0.0059,1207089.0,0.9166,0.0473,0.7916,0.0049,0.7145,0.005,0.9712,0.0024,0.8233,0.0035,0.9325,0.0027
-PyG,CoauthorCS,link_pred,True,,,1,6,3,skipsum,max,99,0.4762,0.0022,1207089.0,0.9223,0.0914,0.7961,0.0034,0.7197,0.0037,0.9702,0.0005,0.8264,0.0024,0.9321,0.002
-PyG,CoauthorCS,link_pred,True,,,1,6,3,skipsum,mean,99,0.4512,0.0008,1207089.0,0.916,0.0917,0.8343,0.0019,0.7633,0.0024,0.9693,0.0031,0.854,0.0015,0.9473,0.0016
-PyG,CoauthorCS,link_pred,True,,,1,8,2,skipconcat,add,99,0.525,0.0029,421953.0,0.9278,0.111,0.7745,0.0032,0.697,0.0027,0.9713,0.0019,0.8116,0.0025,0.9401,0.0014
-PyG,CoauthorCS,link_pred,True,,,1,8,2,skipconcat,max,99,0.4701,0.0079,421953.0,1.0027,0.0278,0.7796,0.0076,0.7017,0.0069,0.9731,0.0028,0.8154,0.0056,0.9446,0.0036
-PyG,CoauthorCS,link_pred,True,,,1,8,2,skipconcat,mean,99,0.4469,0.0054,421953.0,1.0388,0.0494,0.8102,0.0038,0.7338,0.0038,0.9738,0.0018,0.8369,0.003,0.9526,0.0031
-PyG,CoauthorCS,link_pred,True,,,1,8,2,skipsum,add,99,0.5101,0.0043,1151641.0,0.9531,0.0942,0.7854,0.0039,0.7082,0.0038,0.9709,0.0004,0.819,0.0027,0.9263,0.0036
-PyG,CoauthorCS,link_pred,True,,,1,8,2,skipsum,max,99,0.4832,0.0006,1151641.0,0.9677,0.1499,0.7902,0.0027,0.7141,0.0029,0.9681,0.001,0.8219,0.0018,0.929,0.0005
-PyG,CoauthorCS,link_pred,True,,,1,8,2,skipsum,mean,99,0.4517,0.0016,1151641.0,1.0354,0.0491,0.8328,0.0037,0.7611,0.0043,0.97,0.0006,0.8529,0.0028,0.9467,0.0012
-PyG,CoauthorCS,link_pred,True,,,1,8,3,skipconcat,add,99,0.4926,0.0025,388828.0,0.9379,0.1107,0.7888,0.0004,0.7106,0.0001,0.9745,0.0014,0.8219,0.0005,0.9413,0.0024
-PyG,CoauthorCS,link_pred,True,,,1,8,3,skipconcat,max,99,0.4649,0.0021,388828.0,0.793,0.0917,0.7959,0.0038,0.7183,0.0034,0.9737,0.0022,0.8267,0.0029,0.9424,0.0019
-PyG,CoauthorCS,link_pred,True,,,1,8,3,skipconcat,mean,99,0.4441,0.0023,388828.0,0.786,0.0589,0.8211,0.0014,0.745,0.0009,0.9763,0.0021,0.8451,0.0012,0.9541,0.0022
-PyG,CoauthorCS,link_pred,True,,,1,8,3,skipsum,add,99,0.499,0.0037,1112469.0,1.0536,0.0227,0.7936,0.0037,0.7169,0.0035,0.9708,0.0018,0.8247,0.0029,0.9283,0.0012
-PyG,CoauthorCS,link_pred,True,,,1,8,3,skipsum,max,99,0.4851,0.0015,1112469.0,0.986,0.0453,0.7932,0.0025,0.7174,0.0026,0.9676,0.0007,0.8239,0.0017,0.9252,0.001
-PyG,CoauthorCS,link_pred,True,,,1,8,3,skipsum,mean,99,0.4526,0.0019,1112469.0,0.9987,0.0537,0.8346,0.001,0.7645,0.0014,0.9672,0.0005,0.854,0.0008,0.9457,0.0012
-PyG,CoauthorCS,link_pred,True,,,2,2,2,skipconcat,add,99,0.4597,0.0033,846641.0,0.9121,0.0498,0.7961,0.0057,0.7176,0.0053,0.9766,0.0029,0.8273,0.0043,0.9526,0.0024
-PyG,CoauthorCS,link_pred,True,,,2,2,2,skipconcat,max,99,0.4624,0.0046,846641.0,1.0958,0.0864,0.7894,0.0042,0.7112,0.0033,0.9745,0.0038,0.8223,0.0035,0.9473,0.003
-PyG,CoauthorCS,link_pred,True,,,2,2,2,skipconcat,mean,99,0.4438,0.0018,846641.0,0.9492,0.0283,0.8072,0.0017,0.7301,0.0014,0.975,0.0017,0.8349,0.0015,0.9548,0.0016
-PyG,CoauthorCS,link_pred,True,,,2,2,2,skipsum,add,99,0.4657,0.0019,1554390.0,0.9556,0.0824,0.8062,0.0032,0.7289,0.0037,0.9753,0.0007,0.8342,0.0021,0.9468,0.0
-PyG,CoauthorCS,link_pred,True,,,2,2,2,skipsum,max,99,0.4651,0.0013,1554390.0,0.9507,0.0882,0.7975,0.003,0.7194,0.0032,0.9757,0.0018,0.8281,0.0022,0.943,0.0009
-PyG,CoauthorCS,link_pred,True,,,2,2,2,skipsum,mean,99,0.4441,0.0008,1554390.0,0.9613,0.1117,0.8279,0.0025,0.7529,0.003,0.9761,0.001,0.8501,0.0019,0.9533,0.0006
-PyG,CoauthorCS,link_pred,True,,,2,2,3,skipconcat,add,99,0.4513,0.0027,744641.0,0.8486,0.1155,0.8114,0.0024,0.7343,0.0025,0.976,0.0014,0.8381,0.0018,0.952,0.0012
-PyG,CoauthorCS,link_pred,True,,,2,2,3,skipconcat,max,99,0.4566,0.0032,744641.0,1.0188,0.1772,0.8063,0.0032,0.7285,0.0038,0.9766,0.0018,0.8345,0.0021,0.948,0.0022
-PyG,CoauthorCS,link_pred,True,,,2,2,3,skipconcat,mean,99,0.4434,0.0034,744641.0,1.1265,0.0507,0.8169,0.0036,0.7397,0.0036,0.978,0.0014,0.8423,0.0028,0.955,0.0021
-PyG,CoauthorCS,link_pred,True,,,2,2,3,skipsum,add,99,0.4627,0.0021,1430625.0,0.9556,0.0285,0.8098,0.0034,0.733,0.0041,0.9747,0.0019,0.8368,0.0023,0.9461,0.0011
-PyG,CoauthorCS,link_pred,True,,,2,2,3,skipsum,max,99,0.4642,0.001,1430625.0,0.9827,0.0868,0.8036,0.0039,0.725,0.0042,0.9785,0.0016,0.8328,0.0028,0.9434,0.001
-PyG,CoauthorCS,link_pred,True,,,2,2,3,skipsum,mean,99,0.448,0.0017,1430625.0,0.9942,0.0867,0.8298,0.0031,0.7549,0.0034,0.9767,0.0009,0.8516,0.0024,0.9511,0.001
-PyG,CoauthorCS,link_pred,True,,,2,4,2,skipconcat,add,99,0.4744,0.0057,587614.0,1.0123,0.0391,0.7929,0.0028,0.7147,0.0024,0.9752,0.0018,0.8249,0.0022,0.9487,0.0025
-PyG,CoauthorCS,link_pred,True,,,2,4,2,skipconcat,max,99,0.4655,0.0065,587614.0,1.1303,0.0528,0.788,0.0057,0.7095,0.0052,0.9755,0.0022,0.8215,0.0043,0.9463,0.0028
-PyG,CoauthorCS,link_pred,True,,,2,4,2,skipconcat,mean,99,0.4463,0.0024,587614.0,0.9261,0.1404,0.8083,0.002,0.7315,0.0019,0.974,0.0008,0.8355,0.0015,0.9531,0.0015
-PyG,CoauthorCS,link_pred,True,,,2,4,2,skipsum,add,99,0.4858,0.0059,1343329.0,0.7961,0.0527,0.7962,0.0028,0.7182,0.0027,0.9748,0.0008,0.8271,0.002,0.9398,0.0017
-PyG,CoauthorCS,link_pred,True,,,2,4,2,skipsum,max,99,0.4717,0.0012,1343329.0,1.1099,0.086,0.7967,0.0037,0.7189,0.0038,0.9746,0.0009,0.8274,0.0027,0.9379,0.0012
-PyG,CoauthorCS,link_pred,True,,,2,4,2,skipsum,mean,99,0.4479,0.0002,1343329.0,1.1233,0.1388,0.8292,0.002,0.7551,0.0026,0.9745,0.0011,0.8508,0.0014,0.9505,0.0002
-PyG,CoauthorCS,link_pred,True,,,2,4,3,skipconcat,add,99,0.4659,0.0042,526561.0,1.0216,0.0844,0.8011,0.0072,0.7234,0.0072,0.9752,0.0018,0.8306,0.0053,0.9481,0.0023
-PyG,CoauthorCS,link_pred,True,,,2,4,3,skipconcat,max,99,0.4611,0.0015,526561.0,1.1451,0.0399,0.7989,0.0031,0.7203,0.0028,0.9772,0.0019,0.8293,0.0024,0.9459,0.0015
-PyG,CoauthorCS,link_pred,True,,,2,4,3,skipconcat,mean,99,0.444,0.0027,526561.0,0.9105,0.0519,0.8203,0.0012,0.7437,0.0015,0.9777,0.0018,0.8447,0.0009,0.9544,0.0023
-PyG,CoauthorCS,link_pred,True,,,2,4,3,skipsum,add,99,0.4782,0.0027,1268247.0,1.0298,0.0621,0.8048,0.0046,0.7282,0.0049,0.9725,0.0024,0.8328,0.0034,0.9382,0.0032
-PyG,CoauthorCS,link_pred,True,,,2,4,3,skipsum,max,99,0.4707,0.0021,1268247.0,1.0968,0.2013,0.8048,0.0011,0.7285,0.0009,0.9717,0.0012,0.8327,0.001,0.9358,0.0015
-PyG,CoauthorCS,link_pred,True,,,2,4,3,skipsum,mean,99,0.4497,0.0,1268247.0,0.9001,0.0305,0.8311,0.0025,0.7578,0.003,0.9733,0.0012,0.8521,0.0019,0.949,0.0005
-PyG,CoauthorCS,link_pred,True,,,2,6,2,skipconcat,add,99,0.5011,0.0082,482243.0,0.9713,0.0563,0.7829,0.0045,0.7055,0.0048,0.9715,0.0008,0.8174,0.0029,0.9435,0.0016
-PyG,CoauthorCS,link_pred,True,,,2,6,2,skipconcat,max,99,0.4673,0.0032,482243.0,0.9949,0.0446,0.7847,0.0033,0.7066,0.0036,0.9738,0.0007,0.8189,0.0022,0.9455,0.0011
-PyG,CoauthorCS,link_pred,True,,,2,6,2,skipconcat,mean,99,0.4449,0.0034,482243.0,1.0152,0.0497,0.8127,0.0043,0.7365,0.0045,0.9737,0.0016,0.8387,0.0033,0.9531,0.0019
-PyG,CoauthorCS,link_pred,True,,,2,6,2,skipsum,add,99,0.5067,0.005,1207089.0,1.0709,0.1065,0.7913,0.0022,0.7138,0.0029,0.9724,0.0022,0.8233,0.0013,0.9314,0.0008
-PyG,CoauthorCS,link_pred,True,,,2,6,2,skipsum,max,99,0.4807,0.0019,1207089.0,1.1412,0.2032,0.7893,0.0012,0.7119,0.0014,0.9718,0.001,0.8218,0.0008,0.9321,0.0015
-PyG,CoauthorCS,link_pred,True,,,2,6,2,skipsum,mean,99,0.4491,0.0019,1207089.0,1.0301,0.0895,0.8322,0.0032,0.7601,0.0033,0.9709,0.0025,0.8526,0.0026,0.9487,0.0016
-PyG,CoauthorCS,link_pred,True,,,2,6,3,skipconcat,add,99,0.4818,0.0075,446986.0,0.931,0.1765,0.7929,0.0038,0.7153,0.0036,0.9732,0.0019,0.8245,0.0028,0.9416,0.0041
-PyG,CoauthorCS,link_pred,True,,,2,6,3,skipconcat,max,99,0.4604,0.0011,446986.0,1.0643,0.114,0.8007,0.0071,0.7225,0.0071,0.9764,0.0014,0.8305,0.0052,0.9457,0.0005
-PyG,CoauthorCS,link_pred,True,,,2,6,3,skipconcat,mean,99,0.4441,0.0027,446986.0,1.1011,0.0915,0.8245,0.0022,0.749,0.0025,0.9761,0.0017,0.8476,0.0017,0.9541,0.0022
-PyG,CoauthorCS,link_pred,True,,,2,6,3,skipsum,add,99,0.4871,0.0016,1151641.0,1.0533,0.1547,0.7976,0.0021,0.7205,0.0028,0.9724,0.0025,0.8277,0.0013,0.9339,0.0019
-PyG,CoauthorCS,link_pred,True,,,2,6,3,skipsum,max,99,0.478,0.0006,1151641.0,0.896,0.1934,0.7979,0.0016,0.7218,0.0021,0.9695,0.0011,0.8275,0.001,0.9306,0.0014
-PyG,CoauthorCS,link_pred,True,,,2,6,3,skipsum,mean,99,0.4497,0.0005,1151641.0,0.9731,0.1051,0.8339,0.0031,0.7618,0.0039,0.9716,0.0004,0.854,0.0023,0.9484,0.0003
-PyG,CoauthorCS,link_pred,True,,,2,8,2,skipconcat,add,99,0.5303,0.0145,423041.0,1.0601,0.1824,0.7736,0.0059,0.6962,0.0062,0.9711,0.0013,0.811,0.0038,0.9367,0.0008
-PyG,CoauthorCS,link_pred,True,,,2,8,2,skipconcat,max,99,0.4676,0.0042,423041.0,1.1668,0.092,0.7875,0.006,0.7095,0.0053,0.9739,0.0033,0.8209,0.0047,0.9441,0.0028
-PyG,CoauthorCS,link_pred,True,,,2,8,2,skipconcat,mean,99,0.4456,0.0012,423041.0,1.1626,0.1234,0.8086,0.0002,0.7324,0.0008,0.9727,0.0023,0.8356,0.0004,0.9526,0.0013
-PyG,CoauthorCS,link_pred,True,,,2,8,2,skipsum,add,99,0.5068,0.0022,1112469.0,1.0,0.1127,0.79,0.001,0.7128,0.0012,0.9716,0.0009,0.8223,0.0006,0.9297,0.0008
-PyG,CoauthorCS,link_pred,True,,,2,8,2,skipsum,max,99,0.4814,0.0023,1112469.0,1.0008,0.1015,0.7927,0.0059,0.7163,0.0067,0.9697,0.002,0.8239,0.0039,0.9308,0.0016
-PyG,CoauthorCS,link_pred,True,,,2,8,2,skipsum,mean,99,0.4496,0.0025,1112469.0,0.9959,0.0965,0.8318,0.0036,0.7598,0.0047,0.9704,0.0018,0.8523,0.0026,0.9486,0.0014
-PyG,CoauthorCS,link_pred,True,,,2,8,3,skipconcat,add,99,0.5031,0.0062,389611.0,0.9798,0.0616,0.7927,0.0009,0.7154,0.0012,0.9721,0.001,0.8243,0.0005,0.9378,0.0022
-PyG,CoauthorCS,link_pred,True,,,2,8,3,skipconcat,max,99,0.4662,0.0048,389611.0,0.9336,0.1452,0.7996,0.005,0.7218,0.0047,0.9752,0.0021,0.8296,0.0038,0.9428,0.004
-PyG,CoauthorCS,link_pred,True,,,2,8,3,skipconcat,mean,99,0.4466,0.0036,389611.0,0.8649,0.1831,0.8252,0.0027,0.7505,0.0032,0.9745,0.0005,0.8479,0.002,0.9513,0.0025
-PyG,CoauthorCS,link_pred,True,,,2,8,3,skipsum,add,99,0.5018,0.0099,1070849.0,1.1607,0.0915,0.7906,0.0042,0.7142,0.0047,0.9688,0.001,0.8223,0.0028,0.9278,0.0019
-PyG,CoauthorCS,link_pred,True,,,2,8,3,skipsum,max,99,0.4883,0.0021,1070849.0,1.1615,0.1031,0.7878,0.0023,0.7128,0.0024,0.9639,0.0003,0.8195,0.0017,0.921,0.0014
-PyG,CoauthorCS,link_pred,True,,,2,8,3,skipsum,mean,99,0.4548,0.0028,1070849.0,1.0829,0.065,0.8323,0.0029,0.7616,0.0032,0.9674,0.0007,0.8523,0.0022,0.9444,0.0017
-PyG,CoauthorPhysics,link_pred,True,,,1,2,2,skipconcat,add,99,0.4696,0.0084,1015300.0,2.5269,0.0491,0.7789,0.0022,0.6993,0.0019,0.9784,0.001,0.8157,0.0017,0.9546,0.0016
-PyG,CoauthorPhysics,link_pred,True,,,1,2,2,skipconcat,max,99,0.4718,0.011,1015300.0,2.5154,0.5289,0.7719,0.0047,0.6925,0.004,0.9783,0.0027,0.8109,0.0036,0.9508,0.0031
-PyG,CoauthorPhysics,link_pred,True,,,1,2,2,skipconcat,mean,99,0.4567,0.0148,1015300.0,2.1574,0.0469,0.788,0.0063,0.7096,0.0054,0.9751,0.0039,0.8214,0.005,0.953,0.0065
-PyG,CoauthorPhysics,link_pred,True,,,1,2,2,skipsum,add,99,0.4591,0.0011,2067265.0,2.3366,0.2268,0.7884,0.0007,0.7085,0.0005,0.9799,0.001,0.8224,0.0006,0.9548,0.0015
-PyG,CoauthorPhysics,link_pred,True,,,1,2,2,skipsum,max,99,0.456,0.0045,2067265.0,2.5222,0.2122,0.7914,0.0026,0.7108,0.0026,0.9826,0.0022,0.8249,0.0019,0.9547,0.0035
-PyG,CoauthorPhysics,link_pred,True,,,1,2,2,skipsum,mean,99,0.4442,0.0012,2067265.0,2.2271,0.0892,0.8024,0.0017,0.7239,0.0017,0.9777,0.0002,0.8319,0.0012,0.9564,0.0005
-PyG,CoauthorPhysics,link_pred,True,,,1,2,3,skipconcat,add,99,0.4491,0.0027,893473.0,2.1768,0.4234,0.7968,0.0047,0.7169,0.0048,0.981,0.0007,0.8284,0.0034,0.9572,0.0018
-PyG,CoauthorPhysics,link_pred,True,,,1,2,3,skipconcat,max,99,0.4529,0.0061,893473.0,2.3578,0.4953,0.7944,0.0038,0.7131,0.0034,0.9849,0.0019,0.8273,0.0029,0.9554,0.0044
-PyG,CoauthorPhysics,link_pred,True,,,1,2,3,skipconcat,mean,99,0.4442,0.0019,893473.0,1.9463,0.2835,0.8056,0.0033,0.7264,0.0029,0.9807,0.0021,0.8346,0.0026,0.9569,0.0011
-PyG,CoauthorPhysics,link_pred,True,,,1,2,3,skipsum,add,99,0.4519,0.0035,1874780.0,2.0702,0.1782,0.8023,0.0038,0.7228,0.0038,0.9805,0.0016,0.8322,0.0028,0.955,0.0027
-PyG,CoauthorPhysics,link_pred,True,,,1,2,3,skipsum,max,99,0.4584,0.0034,1874780.0,2.6978,0.7434,0.8001,0.0025,0.7189,0.0029,0.9854,0.0009,0.8313,0.0016,0.9515,0.002
-PyG,CoauthorPhysics,link_pred,True,,,1,2,3,skipsum,mean,99,0.4426,0.0019,1874780.0,2.1842,0.0612,0.8112,0.0003,0.7329,0.0002,0.9792,0.0007,0.8384,0.0003,0.9569,0.0014
-PyG,CoauthorPhysics,link_pred,True,,,1,4,2,skipconcat,add,99,0.4847,0.0138,691361.0,1.6968,0.1178,0.779,0.0031,0.6993,0.0025,0.979,0.0027,0.8159,0.0025,0.9532,0.0033
-PyG,CoauthorPhysics,link_pred,True,,,1,4,2,skipconcat,max,99,0.4636,0.007,691361.0,2.3403,0.1059,0.7745,0.005,0.6945,0.0042,0.9799,0.0026,0.8129,0.0038,0.9534,0.0023
-PyG,CoauthorPhysics,link_pred,True,,,1,4,2,skipconcat,mean,99,0.4473,0.0028,691361.0,2.2511,0.0819,0.794,0.0021,0.715,0.0024,0.9778,0.0009,0.826,0.0014,0.9562,0.0014
-PyG,CoauthorPhysics,link_pred,True,,,1,4,2,skipsum,add,99,0.4765,0.0031,1722035.0,1.8077,0.0966,0.7894,0.0013,0.7107,0.0009,0.9759,0.0016,0.8225,0.0011,0.945,0.0014
-PyG,CoauthorPhysics,link_pred,True,,,1,4,2,skipsum,max,99,0.4669,0.0022,1722035.0,2.2621,0.1206,0.7897,0.0007,0.7095,0.0011,0.9811,0.0011,0.8235,0.0004,0.9465,0.0023
-PyG,CoauthorPhysics,link_pred,True,,,1,4,2,skipsum,mean,99,0.4411,0.0035,1722035.0,1.7338,0.1683,0.8142,0.0019,0.7372,0.0016,0.9766,0.0022,0.8401,0.0016,0.9568,0.0026
-PyG,CoauthorPhysics,link_pred,True,,,1,4,3,skipconcat,add,99,0.4634,0.0029,618136.0,1.7725,0.1042,0.7918,0.0037,0.7123,0.0041,0.9792,0.0016,0.8247,0.0025,0.9526,0.0023
-PyG,CoauthorPhysics,link_pred,True,,,1,4,3,skipconcat,max,99,0.4546,0.0026,618136.0,2.3025,0.1285,0.7934,0.004,0.7125,0.0038,0.9835,0.0015,0.8264,0.003,0.954,0.002
-PyG,CoauthorPhysics,link_pred,True,,,1,4,3,skipsum,add,99,0.4684,0.0038,1613809.0,1.8946,0.1155,0.7953,0.0036,0.7169,0.0036,0.976,0.001,0.8266,0.0027,0.946,0.0024
-PyG,CoauthorPhysics,link_pred,True,,,1,4,3,skipsum,max,99,0.4652,0.0019,1613809.0,2.2598,0.4255,0.7995,0.0015,0.7192,0.001,0.9828,0.0018,0.8306,0.0013,0.9455,0.0015
-PyG,CoauthorPhysics,link_pred,True,,,1,4,3,skipsum,mean,99,0.4452,0.0027,1613809.0,2.246,0.0479,0.8232,0.002,0.7465,0.0025,0.9786,0.0013,0.8469,0.0015,0.9549,0.002
-PyG,CoauthorPhysics,link_pred,True,,,1,6,2,skipconcat,add,99,0.5038,0.0082,546490.0,2.1704,0.347,0.7748,0.004,0.6957,0.0041,0.9771,0.0005,0.8127,0.0028,0.9482,0.0019
-PyG,CoauthorPhysics,link_pred,True,,,1,6,2,skipconcat,max,99,0.4618,0.0074,546490.0,2.3414,0.2506,0.7762,0.004,0.696,0.0035,0.9809,0.0021,0.8143,0.003,0.9545,0.0031
-PyG,CoauthorPhysics,link_pred,True,,,1,6,2,skipconcat,mean,99,0.4444,0.0,546490.0,2.3312,0.0978,0.8008,0.0025,0.7225,0.0026,0.9767,0.0009,0.8306,0.0018,0.956,0.0003
-PyG,CoauthorPhysics,link_pred,True,,,1,6,2,skipsum,add,99,0.4898,0.0048,1521017.0,2.1473,0.2808,0.7852,0.0011,0.7068,0.0014,0.9746,0.003,0.8194,0.0009,0.9388,0.0026
-PyG,CoauthorPhysics,link_pred,True,,,1,6,2,skipsum,max,99,0.4712,0.0017,1521017.0,2.3691,0.6541,0.7899,0.0031,0.7101,0.0034,0.9799,0.0007,0.8235,0.002,0.9425,0.0011
-PyG,CoauthorPhysics,link_pred,True,,,1,6,2,skipsum,mean,99,0.4446,0.0014,1521017.0,1.8106,0.1143,0.8173,0.0034,0.7413,0.0038,0.9748,0.0009,0.8422,0.0025,0.954,0.0011
-PyG,CoauthorPhysics,link_pred,True,,,1,6,3,skipconcat,add,99,0.4714,0.0031,502041.0,2.3226,0.2937,0.7899,0.0028,0.7108,0.0031,0.9776,0.0007,0.8231,0.0019,0.9476,0.0025
-PyG,CoauthorPhysics,link_pred,True,,,1,6,3,skipconcat,max,99,0.4552,0.0019,502041.0,2.2717,0.1249,0.7979,0.0065,0.7174,0.0064,0.9832,0.0011,0.8295,0.0046,0.9533,0.0014
-PyG,CoauthorPhysics,link_pred,True,,,1,6,3,skipconcat,mean,99,0.4427,0.0017,502041.0,2.2245,0.2179,0.8116,0.0031,0.7334,0.0035,0.9792,0.002,0.8387,0.0023,0.9571,0.0017
-PyG,CoauthorPhysics,link_pred,True,,,1,6,3,skipsum,add,99,0.4811,0.0053,1445369.0,2.2949,0.1844,0.7881,0.0018,0.7101,0.0018,0.9738,0.0021,0.8213,0.0014,0.9392,0.0034
-PyG,CoauthorPhysics,link_pred,True,,,1,6,3,skipsum,max,99,0.4722,0.0002,1445369.0,1.9524,0.1142,0.7986,0.0011,0.7186,0.001,0.9813,0.0008,0.8297,0.0009,0.94,0.0007
-PyG,CoauthorPhysics,link_pred,True,,,1,6,3,skipsum,mean,99,0.4466,0.0014,1445369.0,2.1728,0.0593,0.8202,0.0039,0.7439,0.0043,0.9767,0.0005,0.8446,0.0029,0.9535,0.001
-PyG,CoauthorPhysics,link_pred,True,,,1,8,2,skipconcat,mean,99,0.4462,0.0058,473473.0,1.8633,0.054,0.7997,0.0029,0.7209,0.0028,0.9779,0.0009,0.83,0.0022,0.956,0.003
-PyG,CoauthorPhysics,link_pred,True,,,1,8,2,skipsum,add,99,0.5123,0.0042,1377041.0,1.9244,0.1967,0.7764,0.0018,0.698,0.0016,0.9741,0.0019,0.8133,0.0014,0.9343,0.0031
-PyG,CoauthorPhysics,link_pred,True,,,1,8,2,skipsum,max,99,0.4742,0.0041,1377041.0,1.9671,0.1613,0.7891,0.0035,0.709,0.0032,0.9808,0.0016,0.823,0.0026,0.9406,0.0031
-PyG,CoauthorPhysics,link_pred,True,,,1,8,2,skipsum,mean,99,0.4452,0.0026,1377041.0,2.0048,0.4702,0.8227,0.0043,0.7471,0.0051,0.9757,0.0008,0.8462,0.003,0.9536,0.0022
-PyG,CoauthorPhysics,link_pred,True,,,1,8,3,skipconcat,add,99,0.5,0.0043,432298.0,1.8401,0.1037,0.7814,0.004,0.7032,0.0046,0.9742,0.0022,0.8167,0.0024,0.9412,0.0022
-PyG,CoauthorPhysics,link_pred,True,,,1,8,3,skipconcat,max,99,0.4552,0.0037,432298.0,2.1348,0.2013,0.7996,0.0055,0.719,0.0052,0.9839,0.0017,0.8308,0.0041,0.9533,0.0028
-PyG,CoauthorPhysics,link_pred,True,,,1,8,3,skipconcat,mean,99,0.4428,0.003,432298.0,2.145,0.1532,0.8115,0.002,0.7335,0.0024,0.9785,0.0009,0.8385,0.0014,0.9564,0.002
-PyG,CoauthorPhysics,link_pred,True,,,1,8,3,skipsum,add,99,0.4945,0.0031,1328209.0,1.9039,0.1071,0.7872,0.0013,0.7099,0.0016,0.9715,0.0009,0.8203,0.0008,0.9343,0.001
-PyG,CoauthorPhysics,link_pred,True,,,1,8,3,skipsum,max,99,0.4772,0.0036,1328209.0,2.5173,0.2887,0.7954,0.0023,0.7158,0.0021,0.9799,0.0013,0.8273,0.0018,0.9357,0.0024
-PyG,CoauthorPhysics,link_pred,True,,,1,8,3,skipsum,mean,99,0.4479,0.0025,1328209.0,2.264,0.2274,0.8188,0.0019,0.7432,0.0025,0.9741,0.0016,0.8431,0.0012,0.9516,0.002
-PyG,CoauthorPhysics,link_pred,True,,,2,2,2,skipconcat,add,99,0.4562,0.0025,999591.0,2.3608,0.235,0.7905,0.0009,0.7104,0.0013,0.9807,0.0019,0.824,0.0005,0.9572,0.0022
-PyG,CoauthorPhysics,link_pred,True,,,2,2,2,skipconcat,max,99,0.456,0.0042,999591.0,2.3693,0.2424,0.7836,0.0041,0.7031,0.0035,0.9821,0.0022,0.8194,0.0031,0.9555,0.002
-PyG,CoauthorPhysics,link_pred,True,,,2,2,2,skipconcat,mean,99,0.4489,0.0041,999591.0,1.7993,0.0825,0.7948,0.005,0.7164,0.005,0.9761,0.0009,0.8263,0.0036,0.9542,0.0016
-PyG,CoauthorPhysics,link_pred,True,,,2,2,2,skipsum,max,99,0.4578,0.0013,1874780.0,2.3368,0.083,0.7954,0.0023,0.7151,0.0027,0.9821,0.0018,0.8276,0.0016,0.9515,0.0007
-PyG,CoauthorPhysics,link_pred,True,,,2,2,3,skipconcat,add,99,0.4506,0.0035,873441.0,2.2063,0.2979,0.8012,0.0057,0.7222,0.0057,0.9791,0.003,0.8312,0.0042,0.956,0.003
-PyG,CoauthorPhysics,link_pred,True,,,2,2,3,skipconcat,max,99,0.4499,0.0031,873441.0,2.3035,0.3542,0.8023,0.0039,0.7216,0.0042,0.9845,0.0003,0.8328,0.0027,0.9563,0.0018
-PyG,CoauthorPhysics,link_pred,True,,,2,2,3,skipconcat,mean,99,0.4424,0.0012,873441.0,1.6927,0.1319,0.8068,0.0009,0.7274,0.0006,0.9814,0.001,0.8355,0.0007,0.9581,0.0006
-PyG,CoauthorPhysics,link_pred,True,,,2,2,3,skipsum,add,99,0.4541,0.0024,1722035.0,2.5499,0.4518,0.8036,0.0044,0.7244,0.0047,0.9803,0.0007,0.8331,0.0031,0.9532,0.0012
-PyG,CoauthorPhysics,link_pred,True,,,2,2,3,skipsum,max,99,0.4557,0.0024,1722035.0,2.4437,0.1655,0.8028,0.0014,0.7221,0.0017,0.9845,0.0008,0.8331,0.0009,0.9522,0.0021
-PyG,CoauthorPhysics,link_pred,True,,,2,2,3,skipsum,mean,99,0.447,0.0016,1722035.0,2.2449,0.2701,0.8173,0.001,0.7401,0.0008,0.978,0.0019,0.8426,0.0009,0.9537,0.0015
-PyG,CoauthorPhysics,link_pred,True,,,2,4,2,skipconcat,add,99,0.4843,0.0052,679384.0,1.8975,0.1465,0.7834,0.002,0.7042,0.0017,0.9772,0.0013,0.8186,0.0016,0.9501,0.002
-PyG,CoauthorPhysics,link_pred,True,,,2,4,2,skipconcat,max,99,0.4643,0.0098,679384.0,1.9105,0.2021,0.7773,0.0041,0.6976,0.0034,0.979,0.0027,0.8147,0.0031,0.9512,0.0046
-PyG,CoauthorPhysics,link_pred,True,,,2,4,2,skipconcat,mean,99,0.4436,0.0037,679384.0,2.2587,0.4061,0.8024,0.0023,0.7242,0.0023,0.9767,0.0012,0.8317,0.0017,0.9562,0.0021
-PyG,CoauthorPhysics,link_pred,True,,,2,4,2,skipsum,add,99,0.4769,0.0017,1613809.0,2.4137,0.0628,0.7926,0.0039,0.7146,0.0039,0.9744,0.0007,0.8245,0.0028,0.9426,0.0006
-PyG,CoauthorPhysics,link_pred,True,,,2,4,2,skipsum,max,99,0.4636,0.0023,1613809.0,2.3297,0.1986,0.7979,0.0014,0.7179,0.0014,0.9815,0.0019,0.8292,0.0011,0.9473,0.002
-PyG,CoauthorPhysics,link_pred,True,,,2,4,2,skipsum,mean,99,0.4436,0.0016,1613809.0,2.1266,0.0507,0.8208,0.002,0.7444,0.0023,0.9773,0.0006,0.8451,0.0014,0.9552,0.001
-PyG,CoauthorPhysics,link_pred,True,,,2,4,3,skipconcat,add,99,0.4632,0.001,603841.0,1.8596,0.2435,0.794,0.0012,0.7151,0.0011,0.9775,0.0008,0.826,0.0009,0.9515,0.0015
-PyG,CoauthorPhysics,link_pred,True,,,2,4,3,skipconcat,max,99,0.4566,0.0043,603841.0,2.368,0.3142,0.7968,0.0011,0.7164,0.0016,0.9825,0.0016,0.8286,0.0006,0.9515,0.0039
-PyG,CoauthorPhysics,link_pred,True,,,2,4,3,skipconcat,mean,99,0.4472,0.0021,603841.0,2.0164,0.1836,0.8129,0.0023,0.735,0.0028,0.9788,0.0007,0.8395,0.0016,0.9539,0.0016
-PyG,CoauthorPhysics,link_pred,True,,,2,4,3,skipsum,add,99,0.4701,0.0014,1521017.0,2.105,0.0448,0.7954,0.0017,0.7175,0.0015,0.9744,0.0013,0.8264,0.0013,0.9437,0.0012
-PyG,CoauthorPhysics,link_pred,True,,,2,4,3,skipsum,max,99,0.4652,0.0016,1521017.0,2.1196,0.2049,0.8007,0.0013,0.7205,0.0014,0.9826,0.0001,0.8314,0.0009,0.9448,0.0013
-PyG,CoauthorPhysics,link_pred,True,,,2,4,3,skipsum,mean,99,0.4455,0.0002,1521017.0,1.6234,0.0604,0.8236,0.0012,0.7475,0.0014,0.9773,0.0012,0.8471,0.0009,0.9543,0.0005
-PyG,CoauthorPhysics,link_pred,True,,,2,6,2,skipconcat,add,99,0.515,0.0192,548253.0,2.1067,0.0777,0.7751,0.009,0.6965,0.0088,0.9756,0.0013,0.8127,0.0062,0.9451,0.0019
-PyG,CoauthorPhysics,link_pred,True,,,2,6,2,skipconcat,max,99,0.4621,0.009,548253.0,2.2864,0.3345,0.7824,0.0052,0.7023,0.0046,0.9803,0.0022,0.8184,0.0038,0.9511,0.0055
-PyG,CoauthorPhysics,link_pred,True,,,2,6,2,skipconcat,mean,99,0.4443,0.0013,548253.0,2.1564,0.2745,0.7999,0.0035,0.7218,0.0036,0.9763,0.0007,0.8299,0.0025,0.956,0.0005
-PyG,CoauthorPhysics,link_pred,True,,,2,6,2,skipsum,add,99,0.4957,0.0041,1445369.0,1.9473,0.1197,0.7859,0.0016,0.7077,0.0015,0.9741,0.0007,0.8198,0.0012,0.9376,0.0012
-PyG,CoauthorPhysics,link_pred,True,,,2,6,2,skipsum,max,99,0.4685,0.0023,1445369.0,2.1119,0.1718,0.7935,0.0037,0.7135,0.0037,0.9811,0.0017,0.8261,0.0027,0.9442,0.0022
-PyG,CoauthorPhysics,link_pred,True,,,2,6,2,skipsum,mean,99,0.4462,0.0019,1445369.0,2.0522,0.2776,0.8209,0.0013,0.7453,0.0011,0.975,0.0018,0.8448,0.0011,0.9529,0.0017
-PyG,CoauthorPhysics,link_pred,True,,,2,6,3,skipconcat,add,99,0.4916,0.008,503336.0,2.2182,0.1136,0.791,0.0045,0.7119,0.0047,0.9778,0.0013,0.8239,0.0031,0.9448,0.0016
-PyG,CoauthorPhysics,link_pred,True,,,2,6,3,skipconcat,max,99,0.4568,0.0041,503336.0,1.8768,0.1523,0.798,0.0063,0.7176,0.0061,0.9827,0.0013,0.8295,0.0046,0.952,0.0028
-PyG,CoauthorPhysics,link_pred,True,,,2,6,3,skipconcat,mean,99,0.4438,0.0003,503336.0,1.9763,0.102,0.8122,0.0023,0.7346,0.0025,0.9776,0.0003,0.8388,0.0017,0.9558,0.0006
-PyG,CoauthorPhysics,link_pred,True,,,2,6,3,skipsum,add,99,0.4891,0.0027,1377041.0,1.7203,0.047,0.7901,0.0044,0.7122,0.0045,0.9737,0.0005,0.8227,0.0031,0.9365,0.0024
-PyG,CoauthorPhysics,link_pred,True,,,2,6,3,skipsum,max,99,0.4678,0.0005,1377041.0,1.9948,0.0751,0.7987,0.0008,0.7187,0.001,0.9816,0.0004,0.8298,0.0006,0.9431,0.0006
-PyG,CoauthorPhysics,link_pred,True,,,2,6,3,skipsum,mean,99,0.4482,0.0008,1377041.0,2.3509,0.1985,0.8273,0.0009,0.7519,0.0006,0.977,0.0017,0.8498,0.0008,0.9525,0.0008
-PyG,CoauthorPhysics,link_pred,True,,,2,8,2,skipconcat,add,99,0.5635,0.0441,474561.0,1.8517,0.1464,0.7679,0.0104,0.6895,0.0097,0.9753,0.0019,0.8078,0.0071,0.9382,0.0034
-PyG,CoauthorPhysics,link_pred,True,,,2,8,2,skipconcat,max,99,0.4674,0.0094,474561.0,1.7435,0.1412,0.7793,0.0071,0.6996,0.0065,0.9791,0.0028,0.816,0.0052,0.9492,0.0045
-PyG,CoauthorPhysics,link_pred,True,,,2,8,2,skipconcat,mean,99,0.4453,0.0017,474561.0,1.9322,0.1386,0.8002,0.0036,0.7223,0.0034,0.9756,0.0014,0.83,0.0027,0.9552,0.001
-PyG,CoauthorPhysics,link_pred,True,,,2,8,2,skipsum,add,99,0.5076,0.0011,1328209.0,1.9322,0.1061,0.7826,0.0011,0.7051,0.0012,0.9714,0.0018,0.8171,0.0009,0.9312,0.0013
-PyG,CoauthorPhysics,link_pred,True,,,2,8,2,skipsum,max,99,0.4765,0.0018,1328209.0,2.094,0.602,0.788,0.003,0.7082,0.003,0.9795,0.0016,0.822,0.0022,0.9384,0.0014
-PyG,CoauthorPhysics,link_pred,True,,,2,8,2,skipsum,mean,99,0.4478,0.0024,1328209.0,1.8494,0.1742,0.8236,0.0011,0.7482,0.0019,0.9755,0.0025,0.8469,0.0007,0.9522,0.0021
-PyG,CoauthorPhysics,link_pred,True,,,2,8,3,skipconcat,add,99,0.5099,0.0214,433081.0,1.8466,0.2646,0.7819,0.0053,0.7037,0.0046,0.9741,0.0031,0.8171,0.0041,0.9377,0.0042
-PyG,CoauthorPhysics,link_pred,True,,,2,8,3,skipconcat,max,99,0.4601,0.0056,433081.0,1.7283,0.1386,0.7994,0.0027,0.719,0.0026,0.9828,0.0009,0.8305,0.002,0.9495,0.0037
-PyG,CoauthorPhysics,link_pred,True,,,2,8,3,skipconcat,mean,99,0.445,0.0048,433081.0,1.8307,0.1404,0.813,0.0038,0.7356,0.0046,0.9772,0.0014,0.8394,0.0025,0.9547,0.0036
-PyG,CoauthorPhysics,link_pred,True,,,2,8,3,skipsum,add,99,0.501,0.0081,1276929.0,1.8321,0.227,0.7821,0.0018,0.7049,0.0021,0.9705,0.0012,0.8167,0.0012,0.9298,0.0014
-PyG,CoauthorPhysics,link_pred,True,,,2,8,3,skipsum,max,99,0.4741,0.0016,1276929.0,2.0385,0.6733,0.7953,0.0019,0.7154,0.0015,0.9808,0.0016,0.8274,0.0015,0.938,0.0015
-PyG,CoauthorPhysics,link_pred,True,,,2,8,3,skipsum,mean,99,0.449,0.0014,1276929.0,1.6485,0.1043,0.8249,0.0039,0.7502,0.0047,0.9742,0.0008,0.8476,0.0027,0.9509,0.0006
-PyG,Cora,link_pred,True,,,1,2,2,skipconcat,add,99,0.6426,0.0263,338046.0,0.0142,0.0014,0.6856,0.0097,0.6394,0.0062,0.8511,0.0155,0.7302,0.0095,0.8026,0.0123
-PyG,Cora,link_pred,True,,,1,2,2,skipconcat,max,99,0.7573,0.0252,338046.0,0.0175,0.0049,0.6528,0.0103,0.6203,0.0063,0.7878,0.0203,0.694,0.0118,0.7483,0.0117
-PyG,Cora,link_pred,True,,,1,2,2,skipconcat,mean,39,0.7678,0.0956,338046.0,0.021,0.0034,0.6827,0.0093,0.6333,0.0056,0.8679,0.0194,0.7322,0.0098,0.8198,0.0187
-PyG,Cora,link_pred,True,,,1,2,2,skipsum,add,99,0.6232,0.0082,517261.0,0.0164,0.0034,0.6829,0.0107,0.6395,0.0077,0.8379,0.013,0.7254,0.0098,0.7972,0.0113
-PyG,Cora,link_pred,True,,,1,2,2,skipsum,max,99,0.6272,0.0096,517261.0,0.0137,0.0003,0.6697,0.005,0.6285,0.0036,0.83,0.0069,0.7153,0.0047,0.7793,0.0103
-PyG,Cora,link_pred,True,,,1,2,2,skipsum,mean,79,0.5671,0.0278,517261.0,0.0154,0.0029,0.6976,0.0125,0.6457,0.0075,0.8754,0.0205,0.7432,0.0123,0.8391,0.0202
-PyG,Cora,link_pred,True,,,1,2,3,skipconcat,add,79,0.5703,0.0046,320949.0,0.0137,0.001,0.6986,0.0028,0.6501,0.0039,0.8603,0.0052,0.7406,0.0007,0.8239,0.0057
-PyG,Cora,link_pred,True,,,1,2,3,skipconcat,max,99,0.6065,0.0042,320949.0,0.0138,0.0001,0.6749,0.0019,0.6324,0.0022,0.8354,0.0051,0.7198,0.0017,0.7836,0.003
-PyG,Cora,link_pred,True,,,1,2,3,skipconcat,mean,99,0.5708,0.0227,320949.0,0.018,0.0032,0.6895,0.0124,0.6428,0.0078,0.8527,0.0202,0.733,0.0123,0.8238,0.0193
-PyG,Cora,link_pred,True,,,1,2,3,skipsum,add,99,0.5833,0.0055,485362.0,0.0129,0.0008,0.6917,0.0072,0.6446,0.0055,0.8546,0.007,0.7349,0.0062,0.817,0.0074
-PyG,Cora,link_pred,True,,,1,2,3,skipsum,max,99,0.5928,0.015,485362.0,0.0133,0.001,0.6914,0.0142,0.6458,0.0105,0.8477,0.0157,0.7331,0.0126,0.7929,0.0147
-PyG,Cora,link_pred,True,,,1,2,3,skipsum,mean,79,0.5431,0.0145,485362.0,0.0203,0.0048,0.7121,0.0123,0.6595,0.0091,0.877,0.0136,0.7528,0.0108,0.8451,0.0136
-PyG,Cora,link_pred,True,,,1,4,2,skipconcat,add,99,0.6338,0.0025,286405.0,0.0154,0.0008,0.6805,0.0048,0.6376,0.0028,0.8363,0.0087,0.7236,0.0051,0.8017,0.0053
-PyG,Cora,link_pred,True,,,1,4,2,skipconcat,max,99,0.6814,0.0208,286405.0,0.0168,0.0041,0.6671,0.0067,0.6279,0.006,0.8202,0.0069,0.7113,0.0051,0.7754,0.0063
-PyG,Cora,link_pred,True,,,1,4,2,skipconcat,mean,19,0.6402,0.0196,286405.0,0.0174,0.0044,0.6496,0.0105,0.5998,0.0062,0.8985,0.0172,0.7193,0.01,0.8194,0.019
-PyG,Cora,link_pred,True,,,1,4,2,skipsum,add,79,0.6386,0.0201,458293.0,0.0166,0.0008,0.6703,0.0112,0.6313,0.0065,0.8184,0.0233,0.7127,0.0126,0.7819,0.0196
-PyG,Cora,link_pred,True,,,1,4,2,skipsum,max,99,0.6366,0.0087,458293.0,0.0157,0.0013,0.6632,0.0032,0.6242,0.0022,0.8203,0.0114,0.7089,0.0045,0.7677,0.0078
-PyG,Cora,link_pred,True,,,1,4,2,skipsum,mean,99,0.542,0.0096,458293.0,0.0168,0.0031,0.7144,0.0115,0.6628,0.0069,0.8726,0.0206,0.7533,0.0117,0.8501,0.0131
-PyG,Cora,link_pred,True,,,1,4,3,skipconcat,add,99,0.5804,0.0049,276018.0,0.0167,0.0027,0.6991,0.0049,0.6519,0.0044,0.8546,0.0036,0.7396,0.0037,0.8178,0.005
-PyG,Cora,link_pred,True,,,1,4,3,skipconcat,max,99,0.5992,0.0066,276018.0,0.0289,0.004,0.6805,0.0059,0.6375,0.0049,0.8366,0.0067,0.7236,0.0049,0.795,0.0057
-PyG,Cora,link_pred,True,,,1,4,3,skipconcat,mean,79,0.5519,0.0249,276018.0,0.0168,0.0028,0.7115,0.0142,0.6598,0.0091,0.8729,0.0242,0.7515,0.0142,0.8416,0.023
-PyG,Cora,link_pred,True,,,1,4,3,skipsum,add,99,0.6119,0.0025,440833.0,0.019,0.0027,0.69,0.0103,0.6455,0.0086,0.8433,0.0199,0.7311,0.0098,0.7959,0.0138
-PyG,Cora,link_pred,True,,,1,4,3,skipsum,max,99,0.6087,0.0157,440833.0,0.0159,0.0026,0.6783,0.0106,0.6355,0.0037,0.836,0.0339,0.7218,0.0148,0.7772,0.0173
-PyG,Cora,link_pred,True,,,1,4,3,skipsum,mean,79,0.532,0.0082,440833.0,0.016,0.0031,0.7266,0.0038,0.6735,0.0027,0.8799,0.011,0.7629,0.0044,0.8577,0.011
-PyG,Cora,link_pred,True,,,1,6,2,skipconcat,add,99,0.653,0.0067,260228.0,0.0152,0.0015,0.6768,0.0071,0.6377,0.0073,0.8193,0.0067,0.7171,0.0045,0.7907,0.002
-PyG,Cora,link_pred,True,,,1,6,2,skipconcat,max,99,0.7004,0.0242,260228.0,0.0198,0.0022,0.6615,0.0072,0.6256,0.0042,0.8045,0.0158,0.7038,0.0084,0.7682,0.0147
-PyG,Cora,link_pred,True,,,1,6,2,skipconcat,mean,39,0.6917,0.0648,260228.0,0.0207,0.0018,0.6918,0.0167,0.6444,0.0128,0.8562,0.0183,0.7353,0.0145,0.8236,0.0159
-PyG,Cora,link_pred,True,,,1,6,2,skipsum,add,99,0.6491,0.0326,424843.0,0.0179,0.0033,0.6767,0.0057,0.6397,0.0018,0.8089,0.019,0.7143,0.0084,0.7745,0.0136
-PyG,Cora,link_pred,True,,,1,6,2,skipsum,max,99,0.6313,0.0185,424843.0,0.0169,0.0015,0.6755,0.0093,0.6338,0.0057,0.831,0.0185,0.7191,0.01,0.7709,0.0174
-PyG,Cora,link_pred,True,,,1,6,2,skipsum,mean,79,0.5389,0.0089,424843.0,0.0153,0.0004,0.7149,0.0095,0.665,0.0073,0.8663,0.0096,0.7524,0.0082,0.8509,0.0083
-PyG,Cora,link_pred,True,,,1,6,3,skipconcat,add,99,0.5947,0.0027,257671.0,0.0141,0.0017,0.6994,0.0027,0.6537,0.0034,0.848,0.0045,0.7383,0.0016,0.8093,0.008
-PyG,Cora,link_pred,True,,,1,6,3,skipconcat,max,99,0.6212,0.019,257671.0,0.0185,0.0029,0.6704,0.009,0.6315,0.0049,0.8184,0.019,0.7128,0.0103,0.7795,0.0167
-PyG,Cora,link_pred,True,,,1,6,3,skipconcat,mean,99,0.5506,0.0119,257671.0,0.0172,0.0016,0.7166,0.012,0.665,0.0071,0.8726,0.0216,0.7547,0.0124,0.8443,0.0156
-PyG,Cora,link_pred,True,,,1,6,3,skipsum,add,79,0.6175,0.0085,412033.0,0.0131,0.0004,0.6806,0.002,0.6401,0.0034,0.8253,0.0109,0.7209,0.0027,0.7852,0.0065
-PyG,Cora,link_pred,True,,,1,6,3,skipsum,max,99,0.6046,0.0066,412033.0,0.0205,0.0042,0.6769,0.0033,0.6347,0.0014,0.8338,0.009,0.7207,0.0042,0.7829,0.0072
-PyG,Cora,link_pred,True,,,1,6,3,skipsum,mean,79,0.54,0.0075,412033.0,0.0238,0.0051,0.7205,0.0067,0.6724,0.003,0.8596,0.0171,0.7545,0.008,0.847,0.0115
-PyG,Cora,link_pred,True,,,1,8,2,skipconcat,add,99,0.6879,0.0281,250049.0,0.0172,0.0014,0.6762,0.0123,0.6375,0.0078,0.8165,0.0234,0.7159,0.0132,0.778,0.0176
-PyG,Cora,link_pred,True,,,1,8,2,skipconcat,max,99,0.7044,0.0375,250049.0,0.0195,0.003,0.6665,0.007,0.6278,0.0044,0.818,0.0171,0.7103,0.0083,0.7766,0.0097
-PyG,Cora,link_pred,True,,,1,8,2,skipconcat,mean,79,0.6026,0.0225,250049.0,0.016,0.0,0.6922,0.0108,0.6481,0.0089,0.8414,0.0092,0.7322,0.0089,0.8218,0.0101
-PyG,Cora,link_pred,True,,,1,8,2,skipsum,add,99,0.6459,0.0188,399561.0,0.0152,0.0007,0.6715,0.0044,0.6339,0.0035,0.8121,0.0039,0.712,0.0037,0.7726,0.0071
-PyG,Cora,link_pred,True,,,1,8,2,skipsum,max,99,0.6328,0.0122,399561.0,0.0167,0.0012,0.6693,0.0083,0.6293,0.0054,0.824,0.0185,0.7136,0.0094,0.7676,0.0135
-PyG,Cora,link_pred,True,,,1,8,2,skipsum,mean,79,0.5357,0.0065,399561.0,0.0172,0.0017,0.7278,0.0042,0.6775,0.004,0.8694,0.0172,0.7615,0.0057,0.8543,0.0112
-PyG,Cora,link_pred,True,,,1,8,3,skipconcat,add,79,0.6218,0.0195,243784.0,0.017,0.0014,0.6868,0.0049,0.6451,0.0013,0.8304,0.0177,0.726,0.0074,0.7938,0.0076
-PyG,Cora,link_pred,True,,,1,8,3,skipconcat,max,79,0.6198,0.0118,243784.0,0.0168,0.0007,0.6772,0.0027,0.6374,0.0029,0.8221,0.0248,0.7179,0.0076,0.7887,0.011
-PyG,Cora,link_pred,True,,,1,8,3,skipconcat,mean,99,0.5538,0.0073,243784.0,0.0189,0.0025,0.7076,0.0069,0.6605,0.0044,0.854,0.0114,0.7449,0.0069,0.8351,0.0093
-PyG,Cora,link_pred,True,,,1,8,3,skipsum,add,99,0.623,0.0076,392621.0,0.0213,0.0023,0.6829,0.0099,0.6417,0.0071,0.8278,0.0132,0.723,0.0094,0.7869,0.0107
-PyG,Cora,link_pred,True,,,1,8,3,skipsum,max,99,0.6083,0.0084,392621.0,0.0214,0.0023,0.6747,0.0081,0.6327,0.0038,0.8326,0.0212,0.7189,0.01,0.7783,0.0134
-PyG,Cora,link_pred,True,,,1,8,3,skipsum,mean,99,0.5224,0.0095,392621.0,0.0197,0.0062,0.7305,0.0112,0.6809,0.01,0.8679,0.0131,0.763,0.0097,0.8595,0.0101
-PyG,Cora,link_pred,True,,,2,2,2,skipconcat,add,99,0.607,0.0272,336301.0,0.0144,0.0013,0.6942,0.0101,0.65,0.0065,0.8414,0.0166,0.7334,0.0104,0.8087,0.0195
-PyG,Cora,link_pred,True,,,2,2,2,skipconcat,max,79,0.7414,0.0298,336301.0,0.0147,0.0011,0.6437,0.012,0.6124,0.0089,0.7827,0.0143,0.6872,0.0111,0.746,0.0148
-PyG,Cora,link_pred,True,,,2,2,2,skipconcat,mean,79,0.6104,0.0658,336301.0,0.0139,0.0018,0.6954,0.0183,0.649,0.0113,0.8505,0.0301,0.7361,0.0186,0.8137,0.0319
-PyG,Cora,link_pred,True,,,2,2,2,skipsum,add,99,0.5727,0.0149,485362.0,0.013,0.0007,0.7066,0.0145,0.6575,0.0118,0.8632,0.0152,0.7463,0.0121,0.8246,0.0132
-PyG,Cora,link_pred,True,,,2,2,2,skipsum,max,99,0.616,0.0041,485362.0,0.0156,0.0002,0.6708,0.0026,0.628,0.0016,0.8382,0.0082,0.718,0.0034,0.7845,0.0031
-PyG,Cora,link_pred,True,,,2,2,2,skipsum,mean,99,0.5593,0.0317,485362.0,0.0136,0.0004,0.7102,0.0175,0.6583,0.0125,0.8742,0.0261,0.7509,0.0165,0.8364,0.0291
-PyG,Cora,link_pred,True,,,2,2,3,skipconcat,add,79,0.5724,0.0158,314881.0,0.0153,0.0019,0.7079,0.0049,0.6592,0.0034,0.8609,0.0082,0.7466,0.0048,0.8227,0.009
-PyG,Cora,link_pred,True,,,2,2,3,skipconcat,max,99,0.6146,0.0046,314881.0,0.0131,0.0015,0.6747,0.006,0.6343,0.0026,0.825,0.0206,0.7171,0.0088,0.7787,0.0111
-PyG,Cora,link_pred,True,,,2,2,3,skipconcat,mean,99,0.5617,0.0284,314881.0,0.0138,0.0014,0.7078,0.013,0.6582,0.008,0.8638,0.0214,0.7471,0.0131,0.8274,0.0221
-PyG,Cora,link_pred,True,,,2,2,3,skipsum,add,79,0.5763,0.0079,458293.0,0.0137,0.0008,0.7023,0.0067,0.658,0.0042,0.8423,0.0107,0.7388,0.0068,0.8175,0.0065
-PyG,Cora,link_pred,True,,,2,2,3,skipsum,max,99,0.5918,0.0026,458293.0,0.0147,0.0016,0.6824,0.0084,0.6381,0.0059,0.8429,0.0141,0.7263,0.0082,0.7892,0.0056
-PyG,Cora,link_pred,True,,,2,2,3,skipsum,mean,99,0.5432,0.0151,458293.0,0.0126,0.0002,0.7168,0.0122,0.6652,0.0083,0.8723,0.0175,0.7548,0.0117,0.8446,0.0138
-PyG,Cora,link_pred,True,,,2,4,2,skipconcat,add,99,0.6377,0.0147,281410.0,0.0152,0.0007,0.6815,0.0102,0.6405,0.0076,0.8272,0.0144,0.722,0.0096,0.7937,0.0145
-PyG,Cora,link_pred,True,,,2,4,2,skipconcat,max,99,0.6713,0.019,281410.0,0.0159,0.0008,0.6592,0.0047,0.6243,0.0022,0.7994,0.0124,0.701,0.0062,0.7671,0.0159
-PyG,Cora,link_pred,True,,,2,4,2,skipconcat,mean,99,0.6065,0.0355,281410.0,0.0175,0.0044,0.6884,0.0157,0.6427,0.0101,0.8477,0.025,0.731,0.0158,0.8146,0.0181
-PyG,Cora,link_pred,True,,,2,4,2,skipsum,add,99,0.6357,0.0137,440833.0,0.0196,0.0065,0.6768,0.0035,0.6382,0.0034,0.8165,0.0043,0.7164,0.0026,0.7763,0.0051
-PyG,Cora,link_pred,True,,,2,4,2,skipsum,max,99,0.6337,0.0121,440833.0,0.0165,0.0028,0.6619,0.0123,0.6249,0.0102,0.8105,0.0085,0.7057,0.0097,0.7627,0.0125
-PyG,Cora,link_pred,True,,,2,4,2,skipsum,mean,99,0.5429,0.0181,440833.0,0.0203,0.0036,0.7154,0.0132,0.6632,0.0097,0.8751,0.0148,0.7546,0.0118,0.8501,0.0161
-PyG,Cora,link_pred,True,,,2,4,3,skipconcat,add,99,0.5879,0.0044,268705.0,0.0174,0.003,0.695,0.0075,0.6501,0.0072,0.8452,0.0031,0.7349,0.0051,0.8091,0.0052
-PyG,Cora,link_pred,True,,,2,4,3,skipconcat,max,99,0.6174,0.01,268705.0,0.0145,0.0034,0.672,0.0069,0.6334,0.0033,0.8164,0.0195,0.7133,0.0091,0.7814,0.0073
-PyG,Cora,link_pred,True,,,2,4,3,skipconcat,mean,79,0.5708,0.0033,268705.0,0.0159,0.0011,0.6987,0.0053,0.6518,0.0056,0.8534,0.0174,0.739,0.0058,0.8234,0.0078
-PyG,Cora,link_pred,True,,,2,4,3,skipsum,add,99,0.5948,0.0128,424843.0,0.0137,0.0008,0.7015,0.0108,0.6551,0.006,0.8508,0.0213,0.7402,0.0118,0.8088,0.0192
-PyG,Cora,link_pred,True,,,2,4,3,skipsum,max,99,0.6086,0.0111,424843.0,0.0164,0.0031,0.6753,0.0156,0.6353,0.0095,0.8222,0.0305,0.7166,0.0171,0.7718,0.0168
-PyG,Cora,link_pred,True,,,2,4,3,skipsum,mean,99,0.5355,0.0077,424843.0,0.0144,0.0009,0.7259,0.0108,0.6766,0.0079,0.8653,0.0139,0.7594,0.0101,0.849,0.0117
-PyG,Cora,link_pred,True,,,2,6,2,skipconcat,add,99,0.6539,0.0052,261991.0,0.0148,0.003,0.682,0.0102,0.6412,0.0056,0.8259,0.0215,0.7218,0.0118,0.7886,0.0152
-PyG,Cora,link_pred,True,,,2,6,2,skipconcat,max,79,0.6887,0.0417,261991.0,0.0162,0.0016,0.6622,0.0143,0.6256,0.0085,0.807,0.0288,0.7047,0.0164,0.7703,0.0279
-PyG,Cora,link_pred,True,,,2,6,2,skipconcat,mean,59,0.6154,0.057,261991.0,0.0224,0.0055,0.6864,0.0215,0.6435,0.0144,0.8351,0.0324,0.7268,0.0215,0.814,0.0255
-PyG,Cora,link_pred,True,,,2,6,2,skipsum,add,99,0.6622,0.0049,412033.0,0.0139,0.0016,0.6709,0.0041,0.6349,0.0037,0.8045,0.007,0.7097,0.0038,0.7648,0.0078
-PyG,Cora,link_pred,True,,,2,6,2,skipsum,max,99,0.6284,0.0196,412033.0,0.016,0.0015,0.6644,0.0088,0.6288,0.0069,0.8026,0.0092,0.7052,0.0078,0.7623,0.0171
-PyG,Cora,link_pred,True,,,2,6,2,skipsum,mean,79,0.5305,0.0087,412033.0,0.0172,0.0036,0.728,0.0081,0.6758,0.0053,0.8764,0.0117,0.7631,0.0078,0.8569,0.0115
-PyG,Cora,link_pred,True,,,2,6,3,skipconcat,add,99,0.5939,0.0022,258966.0,0.0152,0.0008,0.6973,0.0058,0.652,0.0046,0.8461,0.0065,0.7365,0.005,0.8105,0.0069
-PyG,Cora,link_pred,True,,,2,6,3,skipconcat,max,99,0.5987,0.0152,258966.0,0.0209,0.0066,0.6857,0.0138,0.6416,0.0101,0.8411,0.0167,0.7279,0.0124,0.7973,0.0163
-PyG,Cora,link_pred,True,,,2,6,3,skipconcat,mean,99,0.5638,0.0178,258966.0,0.0153,0.0008,0.7057,0.0145,0.6576,0.0105,0.8584,0.023,0.7446,0.014,0.8285,0.0199
-PyG,Cora,link_pred,True,,,2,6,3,skipsum,add,99,0.6024,0.0209,399561.0,0.015,0.0003,0.7028,0.0168,0.6561,0.012,0.8521,0.0209,0.7413,0.0155,0.8028,0.0174
-PyG,Cora,link_pred,True,,,2,6,3,skipsum,max,99,0.6176,0.0058,399561.0,0.0142,0.0009,0.6637,0.0038,0.6258,0.0021,0.8145,0.0108,0.7078,0.005,0.765,0.0026
-PyG,Cora,link_pred,True,,,2,6,3,skipsum,mean,99,0.5354,0.0119,399561.0,0.0181,0.0032,0.7257,0.0112,0.6758,0.0056,0.8676,0.0227,0.7597,0.0122,0.8513,0.0156
-PyG,Cora,link_pred,True,,,2,8,2,skipconcat,add,99,0.6894,0.0173,251137.0,0.0186,0.0048,0.6673,0.0052,0.6321,0.0051,0.8007,0.0089,0.7064,0.0045,0.7721,0.0066
-PyG,Cora,link_pred,True,,,2,8,2,skipconcat,max,79,0.7064,0.0323,251137.0,0.0182,0.0032,0.6523,0.0161,0.6171,0.011,0.8017,0.0246,0.6974,0.0163,0.7598,0.0217
-PyG,Cora,link_pred,True,,,2,8,2,skipconcat,mean,79,0.6066,0.0509,251137.0,0.0195,0.0045,0.6923,0.0169,0.6492,0.0108,0.836,0.0292,0.7308,0.0177,0.8086,0.0298
-PyG,Cora,link_pred,True,,,2,8,2,skipsum,add,99,0.6456,0.0227,392621.0,0.0162,0.0014,0.6739,0.0033,0.6359,0.0031,0.8133,0.006,0.7138,0.0029,0.7695,0.0106
-PyG,Cora,link_pred,True,,,2,8,2,skipsum,max,99,0.6372,0.0128,392621.0,0.0187,0.001,0.663,0.0117,0.6263,0.0092,0.8083,0.0184,0.7057,0.0112,0.7579,0.0146
-PyG,Cora,link_pred,True,,,2,8,2,skipsum,mean,99,0.5461,0.0078,392621.0,0.0202,0.0029,0.718,0.0082,0.67,0.0021,0.8591,0.0254,0.7527,0.011,0.8436,0.0147
-PyG,Cora,link_pred,True,,,2,8,3,skipconcat,add,99,0.6278,0.0111,244567.0,0.0185,0.0022,0.6852,0.0085,0.6457,0.0066,0.8212,0.02,0.7228,0.0095,0.7843,0.0079
-PyG,Cora,link_pred,True,,,2,8,3,skipconcat,max,99,0.6182,0.0051,244567.0,0.0219,0.0031,0.6717,0.0081,0.6312,0.007,0.8263,0.0039,0.7157,0.0059,0.7831,0.0068
-PyG,Cora,link_pred,True,,,2,8,3,skipconcat,mean,79,0.5836,0.0172,244567.0,0.0184,0.0023,0.6921,0.0125,0.6504,0.0066,0.8297,0.0259,0.7291,0.0142,0.8097,0.0193
-PyG,Cora,link_pred,True,,,2,8,3,skipsum,add,99,0.6212,0.0071,383233.0,0.015,0.0025,0.696,0.0066,0.6502,0.004,0.8483,0.0128,0.7361,0.007,0.7942,0.0078
-PyG,Cora,link_pred,True,,,2,8,3,skipsum,max,99,0.623,0.0093,383233.0,0.0195,0.0043,0.6644,0.0042,0.625,0.0005,0.8221,0.0194,0.71,0.0074,0.7604,0.011
-PyG,Cora,link_pred,True,,,2,8,3,skipsum,mean,99,0.5321,0.0039,383233.0,0.0143,0.0031,0.7253,0.0043,0.6778,0.005,0.859,0.0076,0.7577,0.0034,0.8515,0.0023
-PyG,TU_BZR,link_pred,True,,,1,2,2,skipconcat,add,99,0.5952,0.002,204186.0,0.0048,0.0014,0.7181,0.0096,0.6543,0.0079,0.9253,0.0093,0.7665,0.0072,0.8131,0.0052
-PyG,TU_BZR,link_pred,True,,,1,2,2,skipconcat,max,79,0.6035,0.007,204186.0,0.0042,0.0,0.7235,0.0151,0.6631,0.0093,0.9084,0.0237,0.7665,0.0142,0.8031,0.0104
-PyG,TU_BZR,link_pred,True,,,1,2,2,skipconcat,mean,79,0.5924,0.0045,204186.0,0.0041,0.0002,0.7282,0.0039,0.6625,0.0017,0.9306,0.01,0.7739,0.0043,0.8155,0.0091
-PyG,TU_BZR,link_pred,True,,,1,2,2,skipsum,add,99,0.5928,0.003,210901.0,0.0044,0.0001,0.7113,0.007,0.6504,0.0046,0.9136,0.0087,0.7599,0.0061,0.8064,0.0007
-PyG,TU_BZR,link_pred,True,,,1,2,2,skipsum,max,59,0.6011,0.0062,210901.0,0.0044,0.0001,0.7279,0.0103,0.6651,0.006,0.9178,0.019,0.7712,0.0102,0.7959,0.0134
-PyG,TU_BZR,link_pred,True,,,1,2,2,skipsum,mean,79,0.591,0.0028,210901.0,0.0046,0.0002,0.73,0.0028,0.6623,0.0018,0.9385,0.007,0.7766,0.0029,0.8065,0.0079
-PyG,TU_BZR,link_pred,True,,,1,2,3,skipconcat,add,99,0.5728,0.0021,207789.0,0.0043,0.0003,0.7296,0.008,0.6595,0.0056,0.9491,0.008,0.7782,0.0066,0.8374,0.007
-PyG,TU_BZR,link_pred,True,,,1,2,3,skipconcat,max,79,0.5911,0.008,207789.0,0.0048,0.0002,0.7291,0.0063,0.6621,0.003,0.9359,0.0235,0.7754,0.0081,0.8087,0.0088
-PyG,TU_BZR,link_pred,True,,,1,2,3,skipconcat,mean,99,0.5805,0.0078,207789.0,0.0045,0.0004,0.7341,0.0028,0.6639,0.0018,0.948,0.0057,0.7809,0.0027,0.8154,0.0219
-PyG,TU_BZR,link_pred,True,,,1,2,3,skipsum,add,79,0.5787,0.011,210742.0,0.0046,0.0,0.7145,0.0056,0.6497,0.0044,0.931,0.0074,0.7653,0.0043,0.8239,0.016
-PyG,TU_BZR,link_pred,True,,,1,2,3,skipsum,max,79,0.5894,0.0042,210742.0,0.0047,0.0003,0.7349,0.0095,0.6655,0.0101,0.9457,0.0067,0.7811,0.0054,0.8023,0.0069
-PyG,TU_BZR,link_pred,True,,,1,2,3,skipsum,mean,99,0.5823,0.0045,210742.0,0.0045,0.0002,0.7355,0.0031,0.6664,0.0034,0.943,0.0023,0.7809,0.0017,0.8098,0.0095
-PyG,TU_BZR,link_pred,True,,,1,4,2,skipconcat,add,99,0.6043,0.0096,206365.0,0.005,0.0003,0.7092,0.0102,0.6484,0.0078,0.914,0.0104,0.7586,0.0082,0.8,0.0133
-PyG,TU_BZR,link_pred,True,,,1,4,2,skipconcat,max,79,0.6146,0.0065,206365.0,0.0046,0.0002,0.7187,0.0035,0.6603,0.0035,0.9008,0.0052,0.7621,0.0025,0.7842,0.008
-PyG,TU_BZR,link_pred,True,,,1,4,2,skipconcat,mean,79,0.6062,0.0156,206365.0,0.0054,0.0002,0.7274,0.0089,0.6629,0.0063,0.9253,0.0112,0.7724,0.0076,0.7984,0.0159
-PyG,TU_BZR,link_pred,True,,,1,4,2,skipsum,add,59,0.6043,0.0054,208513.0,0.0049,0.0003,0.7011,0.0149,0.6451,0.008,0.8933,0.0283,0.7491,0.0154,0.7945,0.0136
-PyG,TU_BZR,link_pred,True,,,1,4,2,skipsum,max,99,0.5986,0.0045,208513.0,0.0055,0.0013,0.7268,0.0022,0.6647,0.0019,0.9152,0.0009,0.7701,0.0016,0.7963,0.0056
-PyG,TU_BZR,link_pred,True,,,1,4,2,skipsum,mean,99,0.5962,0.001,208513.0,0.0051,0.0001,0.7277,0.0018,0.6624,0.0017,0.9291,0.009,0.7734,0.0026,0.8004,0.0036
-PyG,TU_BZR,link_pred,True,,,1,4,3,skipconcat,add,99,0.5836,0.0042,208398.0,0.0044,0.0,0.7224,0.0058,0.6551,0.0046,0.9393,0.0074,0.7719,0.0046,0.8193,0.0038
-PyG,TU_BZR,link_pred,True,,,1,4,3,skipconcat,max,79,0.5961,0.001,208398.0,0.0052,0.0002,0.7316,0.0098,0.6645,0.0071,0.9359,0.0168,0.7771,0.0087,0.8022,0.0016
-PyG,TU_BZR,link_pred,True,,,1,4,3,skipconcat,mean,99,0.5877,0.0043,208398.0,0.0051,0.0001,0.7317,0.0009,0.6628,0.0003,0.9435,0.0032,0.7786,0.0012,0.8121,0.0034
-PyG,TU_BZR,link_pred,True,,,1,4,3,skipsum,add,59,0.5883,0.0024,208993.0,0.0049,0.0002,0.7091,0.0063,0.6487,0.0033,0.9118,0.0131,0.7581,0.0065,0.8047,0.0049
-PyG,TU_BZR,link_pred,True,,,1,4,3,skipsum,max,99,0.5968,0.0017,208993.0,0.0048,0.0001,0.7197,0.0076,0.6573,0.0051,0.9182,0.0098,0.7661,0.0067,0.7911,0.0025
-PyG,TU_BZR,link_pred,True,,,1,4,3,skipsum,mean,79,0.5895,0.0023,208993.0,0.0049,0.0004,0.7336,0.0076,0.6641,0.0056,0.9453,0.011,0.7801,0.0065,0.8061,0.0009
-PyG,TU_BZR,link_pred,True,,,1,6,2,skipconcat,add,79,0.6105,0.0118,203648.0,0.0055,0.0003,0.7055,0.0068,0.6471,0.0046,0.9042,0.0131,0.7543,0.0066,0.7944,0.0143
-PyG,TU_BZR,link_pred,True,,,1,6,2,skipconcat,max,79,0.6153,0.0046,203648.0,0.0059,0.0007,0.7165,0.0036,0.6591,0.002,0.8971,0.0127,0.7599,0.0046,0.7808,0.0053
-PyG,TU_BZR,link_pred,True,,,1,6,2,skipconcat,mean,79,0.6034,0.0067,203648.0,0.0056,0.0003,0.7227,0.0007,0.6596,0.0005,0.9204,0.0021,0.7684,0.0008,0.7992,0.0024
-PyG,TU_BZR,link_pred,True,,,1,6,2,skipsum,add,99,0.6075,0.0083,208183.0,0.0049,0.0001,0.6922,0.0103,0.6373,0.0058,0.8922,0.0204,0.7434,0.0105,0.7834,0.0144
-PyG,TU_BZR,link_pred,True,,,1,6,2,skipsum,max,59,0.6031,0.0105,208183.0,0.006,0.0003,0.7215,0.0047,0.6564,0.0016,0.9299,0.0131,0.7695,0.0055,0.7952,0.0137
-PyG,TU_BZR,link_pred,True,,,1,6,2,skipsum,mean,99,0.6017,0.0058,208183.0,0.0057,0.0004,0.7259,0.0035,0.66,0.0011,0.9318,0.0111,0.7726,0.0043,0.789,0.0084
-PyG,TU_BZR,link_pred,True,,,1,6,3,skipconcat,add,79,0.5843,0.0128,209371.0,0.0054,0.0002,0.7202,0.0095,0.6548,0.0055,0.9314,0.0152,0.769,0.0089,0.8207,0.0155
-PyG,TU_BZR,link_pred,True,,,1,6,3,skipconcat,max,99,0.5955,0.0074,209371.0,0.0061,0.0004,0.7269,0.008,0.6626,0.0035,0.9246,0.0176,0.7719,0.0084,0.7976,0.0085
-PyG,TU_BZR,link_pred,True,,,1,6,3,skipconcat,mean,99,0.5942,0.0057,209371.0,0.0058,0.0005,0.7323,0.008,0.6653,0.0049,0.9351,0.0166,0.7774,0.0078,0.7948,0.0074
-PyG,TU_BZR,link_pred,True,,,1,6,3,skipsum,add,79,0.6069,0.0175,207793.0,0.0051,0.0001,0.6974,0.0152,0.6412,0.0085,0.8956,0.0269,0.7473,0.015,0.7784,0.0281
-PyG,TU_BZR,link_pred,True,,,1,6,3,skipsum,max,99,0.6011,0.0066,207793.0,0.0056,0.0002,0.7134,0.0125,0.6528,0.0085,0.9118,0.0153,0.7608,0.0108,0.7889,0.0094
-PyG,TU_BZR,link_pred,True,,,1,6,3,skipsum,mean,99,0.5931,0.0056,207793.0,0.0054,0.0002,0.7231,0.0022,0.6564,0.0016,0.9363,0.0071,0.7718,0.0025,0.7956,0.007
-PyG,TU_BZR,link_pred,True,,,1,8,2,skipconcat,add,79,0.6157,0.0087,205889.0,0.0052,0.0002,0.7085,0.0067,0.6496,0.0037,0.9054,0.0116,0.7564,0.0065,0.7912,0.0142
-PyG,TU_BZR,link_pred,True,,,1,8,2,skipconcat,max,79,0.6218,0.0046,205889.0,0.0058,0.0002,0.7111,0.0134,0.6561,0.0089,0.8869,0.018,0.7542,0.0123,0.7774,0.0056
-PyG,TU_BZR,link_pred,True,,,1,8,2,skipconcat,mean,99,0.6141,0.0065,205889.0,0.0073,0.0013,0.7215,0.0024,0.662,0.0022,0.9054,0.0023,0.7648,0.0018,0.789,0.0074
-PyG,TU_BZR,link_pred,True,,,1,8,2,skipsum,add,59,0.6035,0.0119,206361.0,0.0054,0.0002,0.7095,0.0045,0.6488,0.0019,0.9136,0.0171,0.7587,0.0061,0.7913,0.016
-PyG,TU_BZR,link_pred,True,,,1,8,2,skipsum,max,99,0.6105,0.0036,206361.0,0.0055,0.0002,0.7027,0.0066,0.6486,0.0041,0.885,0.0125,0.7485,0.0067,0.775,0.0079
-PyG,TU_BZR,link_pred,True,,,1,8,2,skipsum,mean,99,0.6002,0.0052,206361.0,0.0065,0.0005,0.7209,0.0044,0.6557,0.0026,0.9303,0.0075,0.7692,0.0042,0.7885,0.0078
-PyG,TU_BZR,link_pred,True,,,1,8,3,skipconcat,add,79,0.5969,0.0069,206524.0,0.0069,0.0013,0.7113,0.0068,0.6492,0.0035,0.919,0.0131,0.7609,0.0069,0.8022,0.0141
-PyG,TU_BZR,link_pred,True,,,1,8,3,skipconcat,max,99,0.5939,0.0046,206524.0,0.0068,0.0004,0.7263,0.0036,0.6597,0.0044,0.9348,0.0094,0.7735,0.0025,0.8004,0.0061
-PyG,TU_BZR,link_pred,True,,,1,8,3,skipconcat,mean,99,0.5914,0.0049,206524.0,0.0066,0.0001,0.7261,0.002,0.659,0.0015,0.937,0.0051,0.7738,0.0019,0.8016,0.0086
-PyG,TU_BZR,link_pred,True,,,1,8,3,skipsum,add,99,0.6103,0.0118,207701.0,0.0053,0.0002,0.6767,0.0084,0.6281,0.0067,0.8662,0.0085,0.7282,0.0067,0.7656,0.0187
-PyG,TU_BZR,link_pred,True,,,1,8,3,skipsum,max,99,0.608,0.011,207701.0,0.0068,0.0004,0.7045,0.0227,0.6475,0.0123,0.8959,0.0414,0.7516,0.0228,0.7726,0.0177
-PyG,TU_BZR,link_pred,True,,,1,8,3,skipsum,mean,99,0.6016,0.0027,207701.0,0.0064,0.0,0.7151,0.0027,0.6534,0.0029,0.9163,0.0032,0.7628,0.0016,0.7817,0.0035
-PyG,TU_BZR,link_pred,True,,,2,2,2,skipconcat,add,99,0.5862,0.0027,205201.0,0.0045,0.0003,0.7248,0.0051,0.6578,0.0049,0.9374,0.001,0.7731,0.003,0.8214,0.0025
-PyG,TU_BZR,link_pred,True,,,2,2,2,skipconcat,max,99,0.5986,0.0044,205201.0,0.0049,0.0002,0.7266,0.0119,0.6627,0.0097,0.9234,0.0079,0.7716,0.0091,0.8019,0.0056
-PyG,TU_BZR,link_pred,True,,,2,2,2,skipconcat,mean,99,0.5885,0.0027,205201.0,0.0048,0.0003,0.7292,0.0023,0.663,0.0012,0.9325,0.0107,0.775,0.0034,0.813,0.0007
-PyG,TU_BZR,link_pred,True,,,2,2,2,skipsum,add,59,0.5861,0.0089,210742.0,0.0044,0.0005,0.7179,0.0111,0.6536,0.008,0.9276,0.0101,0.7668,0.009,0.8194,0.0145
-PyG,TU_BZR,link_pred,True,,,2,2,2,skipsum,max,99,0.5958,0.0079,210742.0,0.0045,0.0002,0.7273,0.0054,0.6637,0.0047,0.9216,0.0091,0.7716,0.0046,0.7998,0.0096
-PyG,TU_BZR,link_pred,True,,,2,2,2,skipsum,mean,79,0.5856,0.0067,210742.0,0.0044,0.0003,0.732,0.0037,0.6636,0.0016,0.9412,0.0085,0.7784,0.0039,0.812,0.0092
-PyG,TU_BZR,link_pred,True,,,2,2,3,skipconcat,add,99,0.5721,0.0067,204481.0,0.0041,0.0003,0.7272,0.0044,0.6584,0.0026,0.9442,0.0067,0.7759,0.004,0.8386,0.0071
-PyG,TU_BZR,link_pred,True,,,2,2,3,skipconcat,max,99,0.5857,0.0063,204481.0,0.0044,0.0002,0.7394,0.0051,0.6711,0.0054,0.9389,0.0032,0.7827,0.003,0.813,0.0081
-PyG,TU_BZR,link_pred,True,,,2,2,3,skipconcat,mean,99,0.581,0.0056,204481.0,0.0045,0.0004,0.7299,0.0034,0.6611,0.0008,0.9434,0.0105,0.7774,0.0041,0.8115,0.0064
-PyG,TU_BZR,link_pred,True,,,2,2,3,skipsum,add,79,0.5761,0.0045,208513.0,0.0043,0.0,0.7232,0.0056,0.6567,0.005,0.9355,0.0042,0.7717,0.0038,0.8297,0.0067
-PyG,TU_BZR,link_pred,True,,,2,2,3,skipsum,max,79,0.5835,0.0029,208513.0,0.0043,0.0,0.7388,0.0051,0.6654,0.0042,0.9608,0.0066,0.7862,0.004,0.8135,0.0075
-PyG,TU_BZR,link_pred,True,,,2,2,3,skipsum,mean,79,0.5818,0.0027,208513.0,0.0045,0.0003,0.7367,0.0096,0.6662,0.0085,0.9491,0.0052,0.7828,0.0068,0.8163,0.0073
-PyG,TU_BZR,link_pred,True,,,2,4,2,skipconcat,add,99,0.6077,0.0148,202750.0,0.0057,0.0011,0.7102,0.0113,0.649,0.0076,0.9156,0.014,0.7595,0.0099,0.7972,0.0159
-PyG,TU_BZR,link_pred,True,,,2,4,2,skipconcat,max,79,0.6117,0.0086,202750.0,0.0053,0.0004,0.7243,0.0071,0.6641,0.0057,0.9076,0.0093,0.767,0.006,0.7881,0.0043
-PyG,TU_BZR,link_pred,True,,,2,4,2,skipconcat,mean,79,0.6066,0.0124,202750.0,0.0051,0.0003,0.7226,0.0054,0.6601,0.0033,0.9174,0.0113,0.7678,0.0054,0.7961,0.0034
-PyG,TU_BZR,link_pred,True,,,2,4,2,skipsum,add,79,0.5947,0.0053,208993.0,0.0049,0.0004,0.7061,0.0038,0.6459,0.0029,0.9122,0.0046,0.7563,0.0031,0.8052,0.0093
-PyG,TU_BZR,link_pred,True,,,2,4,2,skipsum,max,99,0.5974,0.005,208993.0,0.0052,0.0001,0.7234,0.008,0.6614,0.0057,0.9155,0.009,0.768,0.0068,0.7947,0.0079
-PyG,TU_BZR,link_pred,True,,,2,4,2,skipsum,mean,99,0.5943,0.0035,208993.0,0.0047,0.0004,0.7242,0.0051,0.6566,0.0051,0.9401,0.0097,0.7731,0.0037,0.7971,0.0047
-PyG,TU_BZR,link_pred,True,,,2,4,3,skipconcat,add,99,0.582,0.0078,202465.0,0.0047,0.0001,0.7204,0.0077,0.655,0.0033,0.9314,0.018,0.7691,0.0084,0.8242,0.0087
-PyG,TU_BZR,link_pred,True,,,2,4,3,skipconcat,max,99,0.5874,0.0077,202465.0,0.0053,0.0004,0.7326,0.0091,0.6644,0.0061,0.9397,0.0108,0.7784,0.0078,0.8094,0.012
-PyG,TU_BZR,link_pred,True,,,2,4,3,skipconcat,mean,99,0.5856,0.0073,202465.0,0.0051,0.0002,0.7368,0.0089,0.6665,0.0034,0.9476,0.0216,0.7825,0.0096,0.8111,0.0039
-PyG,TU_BZR,link_pred,True,,,2,4,3,skipsum,add,99,0.5952,0.0137,208183.0,0.0045,0.0002,0.6978,0.0093,0.6392,0.0064,0.9084,0.0103,0.7503,0.0078,0.794,0.0195
-PyG,TU_BZR,link_pred,True,,,2,4,3,skipsum,max,79,0.5996,0.0073,208183.0,0.0051,0.0003,0.7101,0.0057,0.6516,0.003,0.9031,0.0168,0.757,0.0069,0.7902,0.009
-PyG,TU_BZR,link_pred,True,,,2,4,3,skipsum,mean,79,0.5881,0.0042,208183.0,0.0045,0.0001,0.7245,0.0053,0.6587,0.0045,0.9321,0.0033,0.7719,0.0038,0.8077,0.0034
-PyG,TU_BZR,link_pred,True,,,2,6,2,skipconcat,add,99,0.6071,0.0015,205411.0,0.0048,0.0002,0.7054,0.0045,0.648,0.0041,0.8997,0.0059,0.7533,0.0033,0.7944,0.0029
-PyG,TU_BZR,link_pred,True,,,2,6,2,skipconcat,max,79,0.6172,0.0043,205411.0,0.0064,0.0013,0.7132,0.0096,0.6586,0.0031,0.885,0.0269,0.7551,0.0118,0.7791,0.011
-PyG,TU_BZR,link_pred,True,,,2,6,2,skipconcat,mean,79,0.612,0.0092,205411.0,0.0057,0.0002,0.7204,0.0072,0.6598,0.0038,0.9099,0.0172,0.7649,0.0077,0.7903,0.0084
-PyG,TU_BZR,link_pred,True,,,2,6,2,skipsum,add,99,0.6052,0.0077,207793.0,0.0053,0.0004,0.6913,0.0119,0.6382,0.0068,0.8827,0.0215,0.7408,0.0121,0.7806,0.0134
-PyG,TU_BZR,link_pred,True,,,2,6,2,skipsum,max,99,0.6091,0.011,207793.0,0.006,0.0002,0.7076,0.0086,0.6495,0.0055,0.902,0.0119,0.7552,0.0079,0.7772,0.0149
-PyG,TU_BZR,link_pred,True,,,2,6,2,skipsum,mean,99,0.6048,0.0106,207793.0,0.0057,0.0004,0.7159,0.004,0.6544,0.0022,0.9155,0.014,0.7632,0.0051,0.7848,0.0136
-PyG,TU_BZR,link_pred,True,,,2,6,3,skipconcat,add,79,0.5886,0.0165,210666.0,0.005,0.0003,0.71,0.0216,0.6483,0.0132,0.9174,0.0316,0.7597,0.0199,0.8109,0.0243
-PyG,TU_BZR,link_pred,True,,,2,6,3,skipconcat,max,79,0.5906,0.0108,210666.0,0.0053,0.0002,0.7246,0.0118,0.6579,0.0058,0.9351,0.024,0.7724,0.012,0.8051,0.0113
-PyG,TU_BZR,link_pred,True,,,2,6,3,skipconcat,mean,79,0.5915,0.0086,210666.0,0.0059,0.0,0.7324,0.0106,0.6632,0.0067,0.9442,0.0172,0.7791,0.0097,0.8008,0.0051
-PyG,TU_BZR,link_pred,True,,,2,6,3,skipsum,add,59,0.6,0.01,206361.0,0.0053,0.0005,0.6994,0.0137,0.6436,0.0098,0.8937,0.0193,0.7483,0.0119,0.7957,0.0206
-PyG,TU_BZR,link_pred,True,,,2,6,3,skipsum,max,39,0.6174,0.0187,206361.0,0.006,0.0004,0.7024,0.0134,0.6362,0.0074,0.945,0.0259,0.7603,0.0131,0.7923,0.0323
-PyG,TU_BZR,link_pred,True,,,2,6,3,skipsum,mean,99,0.5914,0.003,206361.0,0.005,0.0002,0.7265,0.0046,0.6599,0.0029,0.9348,0.0086,0.7736,0.0043,0.7992,0.0058
-PyG,TU_BZR,link_pred,True,,,2,8,2,skipconcat,add,99,0.6199,0.0113,206977.0,0.0057,0.0002,0.7015,0.0127,0.6447,0.0088,0.8974,0.0159,0.7504,0.0112,0.7845,0.0145
-PyG,TU_BZR,link_pred,True,,,2,8,2,skipconcat,max,79,0.6166,0.0071,206977.0,0.0064,0.0002,0.7128,0.0087,0.656,0.0055,0.8944,0.0134,0.7569,0.0083,0.7837,0.0016
-PyG,TU_BZR,link_pred,True,,,2,8,2,skipconcat,mean,99,0.616,0.0036,206977.0,0.006,0.0004,0.7203,0.0048,0.66,0.0033,0.9088,0.0059,0.7646,0.0043,0.7861,0.003
-PyG,TU_BZR,link_pred,True,,,2,8,2,skipsum,add,59,0.607,0.0135,207701.0,0.0055,0.0,0.7091,0.0066,0.6477,0.0059,0.9174,0.0125,0.7592,0.0053,0.788,0.0193
-PyG,TU_BZR,link_pred,True,,,2,8,2,skipsum,max,99,0.6084,0.0045,207701.0,0.0055,0.0003,0.7009,0.0067,0.6465,0.0041,0.8865,0.0107,0.7477,0.0065,0.7738,0.0048
-PyG,TU_BZR,link_pred,True,,,2,8,2,skipsum,mean,99,0.6066,0.0044,207701.0,0.0066,0.0007,0.7189,0.0042,0.6576,0.0013,0.9133,0.0172,0.7646,0.006,0.7753,0.0068
-PyG,TU_BZR,link_pred,True,,,2,8,3,skipconcat,add,99,0.5966,0.0096,207307.0,0.0061,0.0005,0.7053,0.0166,0.6452,0.0126,0.9129,0.0133,0.756,0.013,0.8028,0.0182
-PyG,TU_BZR,link_pred,True,,,2,8,3,skipconcat,max,99,0.6022,0.0029,207307.0,0.0067,0.0003,0.7227,0.0041,0.6581,0.0037,0.9269,0.0157,0.7696,0.0049,0.7874,0.0046
-PyG,TU_BZR,link_pred,True,,,2,8,3,skipconcat,mean,99,0.6023,0.0073,207307.0,0.0058,0.0002,0.7187,0.0093,0.6557,0.0045,0.9208,0.0254,0.7659,0.0106,0.7914,0.0066
-PyG,TU_BZR,link_pred,True,,,2,8,3,skipsum,add,99,0.6138,0.0117,206593.0,0.0061,0.0007,0.6832,0.0161,0.6334,0.0106,0.8691,0.0246,0.7328,0.0154,0.7654,0.0198
-PyG,TU_BZR,link_pred,True,,,2,8,3,skipsum,max,99,0.6065,0.0044,206593.0,0.0062,0.0002,0.7092,0.0075,0.6504,0.006,0.9046,0.0104,0.7567,0.0062,0.7763,0.0066
-PyG,TU_BZR,link_pred,True,,,2,8,3,skipsum,mean,99,0.5956,0.0047,206593.0,0.0058,0.0001,0.7203,0.0043,0.6535,0.0041,0.9382,0.0023,0.7703,0.0026,0.7948,0.0066
-PyG,TU_COX2,link_pred,True,,,1,2,2,skipconcat,add,79,0.5473,0.0042,202440.0,0.0039,0.0001,0.7302,0.0055,0.661,0.0034,0.9453,0.0079,0.778,0.005,0.8768,0.0044
-PyG,TU_COX2,link_pred,True,,,1,2,2,skipconcat,max,99,0.5621,0.0059,202440.0,0.0043,0.0001,0.7517,0.0043,0.6826,0.0061,0.9411,0.0071,0.7912,0.0017,0.8566,0.0033
-PyG,TU_COX2,link_pred,True,,,1,2,2,skipconcat,mean,99,0.5424,0.0033,202440.0,0.0045,0.0003,0.7484,0.0081,0.6752,0.0027,0.9573,0.0217,0.7918,0.009,0.8777,0.0069
-PyG,TU_COX2,link_pred,True,,,1,2,2,skipsum,add,99,0.5519,0.0046,206905.0,0.0041,0.0004,0.7275,0.0112,0.6569,0.0059,0.952,0.0197,0.7774,0.0107,0.8728,0.0096
-PyG,TU_COX2,link_pred,True,,,1,2,2,skipsum,max,99,0.5583,0.001,206905.0,0.0046,0.0003,0.7427,0.007,0.6749,0.0079,0.9369,0.0056,0.7846,0.0041,0.8571,0.0049
-PyG,TU_COX2,link_pred,True,,,1,2,2,skipsum,mean,99,0.5478,0.0025,206905.0,0.0044,0.0003,0.7445,0.0037,0.6707,0.0006,0.9605,0.0171,0.7898,0.0054,0.8736,0.0023
-PyG,TU_COX2,link_pred,True,,,1,2,3,skipconcat,add,99,0.5428,0.0031,206313.0,0.0044,0.0003,0.734,0.002,0.6612,0.0017,0.9594,0.0044,0.7829,0.0018,0.8796,0.0007
-PyG,TU_COX2,link_pred,True,,,1,2,3,skipconcat,max,99,0.5493,0.0038,206313.0,0.0041,0.0003,0.7535,0.0172,0.6818,0.017,0.9524,0.0031,0.7946,0.0113,0.8666,0.0009
-PyG,TU_COX2,link_pred,True,,,1,2,3,skipconcat,mean,99,0.5383,0.0032,206313.0,0.0045,0.0004,0.7508,0.0055,0.6748,0.0059,0.9686,0.0085,0.7954,0.0036,0.8796,0.0017
-PyG,TU_COX2,link_pred,True,,,1,2,3,skipsum,add,79,0.5413,0.0065,207160.0,0.0045,0.0005,0.7233,0.0086,0.6544,0.005,0.946,0.0145,0.7736,0.008,0.8765,0.0094
-PyG,TU_COX2,link_pred,True,,,1,2,3,skipsum,max,99,0.5525,0.0031,207160.0,0.0042,0.0003,0.7531,0.0037,0.6845,0.0027,0.939,0.01,0.7918,0.0039,0.8583,0.0058
-PyG,TU_COX2,link_pred,True,,,1,2,3,skipsum,mean,59,0.5374,0.0035,207160.0,0.0055,0.0007,0.7509,0.0017,0.6767,0.0031,0.9616,0.0113,0.7943,0.0023,0.8813,0.0054
-PyG,TU_COX2,link_pred,True,,,1,4,2,skipconcat,add,79,0.5664,0.007,205321.0,0.0047,0.0003,0.7344,0.0129,0.6654,0.009,0.9432,0.0153,0.7803,0.0109,0.855,0.0067
-PyG,TU_COX2,link_pred,True,,,1,4,2,skipconcat,max,99,0.5703,0.0063,205321.0,0.0047,0.0002,0.7356,0.0091,0.6695,0.0069,0.9309,0.01,0.7788,0.0075,0.8499,0.0046
-PyG,TU_COX2,link_pred,True,,,1,4,2,skipconcat,mean,99,0.5575,0.0058,205321.0,0.0053,0.0002,0.7474,0.0049,0.6754,0.004,0.9527,0.0117,0.7904,0.0046,0.8646,0.0067
-PyG,TU_COX2,link_pred,True,,,1,4,2,skipsum,add,79,0.5634,0.0085,205255.0,0.005,0.001,0.7121,0.013,0.6483,0.0094,0.9273,0.0152,0.7631,0.0106,0.8509,0.0155
-PyG,TU_COX2,link_pred,True,,,1,4,2,skipsum,max,79,0.5692,0.0041,205255.0,0.0045,0.0001,0.7324,0.0109,0.668,0.0091,0.9245,0.0078,0.7756,0.0083,0.8458,0.0064
-PyG,TU_COX2,link_pred,True,,,1,4,2,skipsum,mean,79,0.5574,0.0039,205255.0,0.0056,0.0002,0.7383,0.0115,0.6697,0.0081,0.9404,0.0213,0.7822,0.0106,0.8598,0.0083
-PyG,TU_COX2,link_pred,True,,,1,4,3,skipconcat,add,59,0.5577,0.0052,207516.0,0.0054,0.0002,0.7294,0.0053,0.6592,0.0031,0.9496,0.0147,0.7782,0.0057,0.8655,0.0091
-PyG,TU_COX2,link_pred,True,,,1,4,3,skipconcat,max,79,0.5586,0.0088,207516.0,0.0062,0.0005,0.7469,0.0107,0.6777,0.0085,0.9418,0.0085,0.7882,0.0085,0.8584,0.0057
-PyG,TU_COX2,link_pred,True,,,1,4,3,skipconcat,mean,99,0.5479,0.0056,207516.0,0.0051,0.0001,0.742,0.0022,0.6707,0.0022,0.951,0.0143,0.7865,0.0037,0.8675,0.0103
-PyG,TU_COX2,link_pred,True,,,1,4,3,skipsum,add,79,0.5572,0.002,205969.0,0.0047,0.0005,0.7151,0.01,0.6504,0.0069,0.9302,0.0108,0.7655,0.0084,0.8529,0.0084
-PyG,TU_COX2,link_pred,True,,,1,4,3,skipsum,max,99,0.5683,0.0059,205969.0,0.0046,0.0001,0.7295,0.0059,0.664,0.0062,0.9295,0.0047,0.7746,0.0035,0.8404,0.0061
-PyG,TU_COX2,link_pred,True,,,1,4,3,skipsum,mean,99,0.5529,0.0034,205969.0,0.0052,0.0004,0.7428,0.0029,0.6719,0.0029,0.9492,0.0108,0.7868,0.0032,0.8586,0.007
-PyG,TU_COX2,link_pred,True,,,1,6,2,skipconcat,add,99,0.5687,0.0045,202910.0,0.0046,0.0001,0.7224,0.0055,0.6541,0.0037,0.9439,0.0071,0.7728,0.0047,0.8586,0.007
-PyG,TU_COX2,link_pred,True,,,1,6,2,skipconcat,max,99,0.5751,0.0051,202910.0,0.0053,0.0001,0.7332,0.0036,0.6699,0.0051,0.9196,0.0087,0.7751,0.0018,0.8417,0.0042
-PyG,TU_COX2,link_pred,True,,,1,6,2,skipconcat,mean,99,0.5617,0.0033,202910.0,0.0053,0.0001,0.7343,0.0106,0.6666,0.0049,0.9372,0.022,0.779,0.0109,0.8572,0.0024
-PyG,TU_COX2,link_pred,True,,,1,6,2,skipsum,add,99,0.5793,0.0023,205357.0,0.0047,0.0001,0.7012,0.0034,0.6417,0.0023,0.9111,0.0092,0.7531,0.0036,0.8239,0.0058
-PyG,TU_COX2,link_pred,True,,,1,6,2,skipsum,max,99,0.5765,0.0079,205357.0,0.0055,0.0005,0.7216,0.0169,0.6622,0.0135,0.9051,0.0137,0.7648,0.0133,0.829,0.0105
-PyG,TU_COX2,link_pred,True,,,1,6,2,skipsum,mean,99,0.5654,0.0021,205357.0,0.0055,0.0002,0.7313,0.0089,0.6656,0.0032,0.9294,0.0227,0.7756,0.01,0.8451,0.0099
-PyG,TU_COX2,link_pred,True,,,1,6,3,skipconcat,add,99,0.555,0.0079,208741.0,0.0051,0.0005,0.7265,0.0025,0.6569,0.0002,0.9485,0.0103,0.7762,0.0035,0.8659,0.0112
-PyG,TU_COX2,link_pred,True,,,1,6,3,skipconcat,max,99,0.5625,0.0053,208741.0,0.0055,0.0003,0.7429,0.0069,0.6752,0.0076,0.9365,0.0113,0.7846,0.0047,0.8495,0.0086
-PyG,TU_COX2,link_pred,True,,,1,6,3,skipconcat,mean,99,0.5505,0.0025,208741.0,0.0057,0.0004,0.7454,0.0024,0.6744,0.0047,0.9496,0.0148,0.7885,0.0028,0.8647,0.0037
-PyG,TU_COX2,link_pred,True,,,1,6,3,skipsum,add,79,0.5695,0.0105,205129.0,0.0048,0.0002,0.7192,0.0141,0.6555,0.0074,0.9235,0.0259,0.7667,0.014,0.834,0.0195
-PyG,TU_COX2,link_pred,True,,,1,6,3,skipsum,max,79,0.5672,0.0039,205129.0,0.0053,0.0005,0.7321,0.0075,0.6673,0.0094,0.9266,0.0194,0.7757,0.0056,0.8388,0.0105
-PyG,TU_COX2,link_pred,True,,,1,6,3,skipsum,mean,99,0.5556,0.002,205129.0,0.0055,0.0003,0.7351,0.0112,0.6661,0.0088,0.9429,0.0195,0.7806,0.0097,0.8536,0.0059
-PyG,TU_COX2,link_pred,True,,,1,8,2,skipconcat,add,99,0.5755,0.0062,205313.0,0.006,0.0002,0.719,0.0078,0.6539,0.0047,0.9302,0.0158,0.7679,0.0076,0.847,0.0063
-PyG,TU_COX2,link_pred,True,,,1,8,2,skipconcat,max,99,0.5811,0.0058,205313.0,0.0063,0.0003,0.7296,0.0068,0.6671,0.0055,0.9168,0.0072,0.7723,0.0054,0.8382,0.0032
-PyG,TU_COX2,link_pred,True,,,1,8,2,skipconcat,mean,99,0.5677,0.0073,205313.0,0.0065,0.0005,0.7407,0.0057,0.6728,0.0015,0.9372,0.0177,0.7832,0.0069,0.8574,0.0084
-PyG,TU_COX2,link_pred,True,,,1,8,2,skipsum,add,99,0.5763,0.0017,203841.0,0.0063,0.0011,0.717,0.0094,0.6528,0.0057,0.927,0.0147,0.7661,0.0088,0.8335,0.0121
-PyG,TU_COX2,link_pred,True,,,1,8,2,skipsum,max,99,0.5846,0.008,203841.0,0.0057,0.0004,0.7142,0.0153,0.6553,0.0112,0.9041,0.0186,0.7598,0.013,0.8122,0.0149
-PyG,TU_COX2,link_pred,True,,,1,8,2,skipsum,mean,99,0.5654,0.0004,203841.0,0.0058,0.0,0.7331,0.0034,0.6671,0.0008,0.9309,0.0109,0.7772,0.0042,0.8443,0.0052
-PyG,TU_COX2,link_pred,True,,,1,8,3,skipconcat,add,99,0.5623,0.0018,206038.0,0.0054,0.0002,0.726,0.0078,0.6562,0.0046,0.9492,0.0116,0.776,0.0071,0.8519,0.0076
-PyG,TU_COX2,link_pred,True,,,1,8,3,skipconcat,max,79,0.5645,0.0083,206038.0,0.0065,0.0004,0.7491,0.0074,0.6802,0.0055,0.9404,0.0078,0.7894,0.0062,0.8492,0.0126
-PyG,TU_COX2,link_pred,True,,,1,8,3,skipconcat,mean,99,0.5553,0.0085,206038.0,0.0062,0.0001,0.7415,0.0111,0.6698,0.009,0.9527,0.0172,0.7865,0.0093,0.863,0.0056
-PyG,TU_COX2,link_pred,True,,,1,8,3,skipsum,add,99,0.5786,0.0086,205289.0,0.0058,0.0007,0.7129,0.0125,0.6512,0.0098,0.9171,0.0087,0.7616,0.0095,0.8224,0.0155
-PyG,TU_COX2,link_pred,True,,,1,8,3,skipsum,max,79,0.5819,0.006,205289.0,0.0056,0.0001,0.7178,0.0062,0.6573,0.0061,0.9108,0.008,0.7635,0.0043,0.8193,0.0024
-PyG,TU_COX2,link_pred,True,,,1,8,3,skipsum,mean,99,0.559,0.0019,205289.0,0.0055,0.0002,0.7333,0.0039,0.6651,0.0044,0.94,0.011,0.7789,0.0033,0.8478,0.0029
-PyG,TU_COX2,link_pred,True,,,2,2,2,skipconcat,add,59,0.548,0.0042,203491.0,0.0041,0.0004,0.7438,0.0107,0.6697,0.0086,0.9626,0.0078,0.7898,0.0081,0.883,0.0056
-PyG,TU_COX2,link_pred,True,,,2,2,2,skipconcat,max,99,0.5608,0.0054,203491.0,0.0046,0.0002,0.7554,0.0016,0.6868,0.0031,0.939,0.0131,0.7933,0.003,0.8606,0.0056
-PyG,TU_COX2,link_pred,True,,,2,2,2,skipconcat,mean,99,0.541,0.0049,203491.0,0.0042,0.0001,0.7409,0.0048,0.6688,0.0045,0.9548,0.0139,0.7865,0.0046,0.8841,0.0075
-PyG,TU_COX2,link_pred,True,,,2,2,2,skipsum,add,59,0.5453,0.0015,207160.0,0.0045,0.0003,0.7362,0.003,0.6669,0.0033,0.9439,0.0175,0.7815,0.0047,0.8748,0.0093
-PyG,TU_COX2,link_pred,True,,,2,2,2,skipsum,max,99,0.5576,0.0044,207160.0,0.0044,0.0001,0.7388,0.0106,0.6709,0.0071,0.9372,0.0159,0.782,0.0095,0.8573,0.0043
-PyG,TU_COX2,link_pred,True,,,2,2,2,skipsum,mean,79,0.5424,0.0079,207160.0,0.0042,0.0004,0.7508,0.0049,0.6778,0.0017,0.9559,0.0131,0.7932,0.0055,0.8747,0.0052
-PyG,TU_COX2,link_pred,True,,,2,2,3,skipconcat,add,99,0.5421,0.009,203041.0,0.0042,0.0,0.7329,0.0065,0.6599,0.0037,0.9609,0.0129,0.7824,0.0063,0.8789,0.0126
-PyG,TU_COX2,link_pred,True,,,2,2,3,skipconcat,max,79,0.5512,0.0044,203041.0,0.0044,0.0003,0.7564,0.002,0.6847,0.003,0.951,0.0173,0.796,0.0042,0.8674,0.0052
-PyG,TU_COX2,link_pred,True,,,2,2,3,skipconcat,mean,99,0.5381,0.0045,203041.0,0.0048,0.0004,0.7462,0.0059,0.6716,0.0048,0.9637,0.016,0.7915,0.0058,0.884,0.0058
-PyG,TU_COX2,link_pred,True,,,2,2,3,skipsum,add,99,0.5417,0.0051,205255.0,0.0041,0.0002,0.7298,0.0072,0.6588,0.0058,0.9538,0.0121,0.7792,0.0059,0.8791,0.0079
-PyG,TU_COX2,link_pred,True,,,2,2,3,skipsum,max,99,0.5516,0.0031,205255.0,0.0045,0.0005,0.7344,0.0024,0.6671,0.0025,0.9362,0.018,0.7789,0.0047,0.8617,0.0036
-PyG,TU_COX2,link_pred,True,,,2,2,3,skipsum,mean,99,0.5381,0.0022,205255.0,0.0047,0.0002,0.7464,0.0035,0.6722,0.0017,0.9619,0.0136,0.7913,0.0045,0.8801,0.0069
-PyG,TU_COX2,link_pred,True,,,2,4,2,skipconcat,add,99,0.559,0.0052,201724.0,0.005,0.0002,0.7323,0.0038,0.6622,0.0025,0.9488,0.0065,0.78,0.0035,0.8694,0.0055
-PyG,TU_COX2,link_pred,True,,,2,4,2,skipconcat,max,99,0.5632,0.0057,201724.0,0.0047,0.0002,0.747,0.0051,0.6785,0.0061,0.939,0.0072,0.7878,0.003,0.8586,0.0022
-PyG,TU_COX2,link_pred,True,,,2,4,2,skipconcat,mean,99,0.5535,0.0067,201724.0,0.0054,0.0003,0.7505,0.0026,0.6772,0.0015,0.9577,0.0131,0.7933,0.0039,0.8701,0.0048
-PyG,TU_COX2,link_pred,True,,,2,4,2,skipsum,add,79,0.5564,0.006,205969.0,0.0048,0.0004,0.7123,0.0102,0.648,0.0085,0.9302,0.0079,0.7638,0.0073,0.856,0.012
-PyG,TU_COX2,link_pred,True,,,2,4,2,skipsum,max,99,0.5702,0.0036,205969.0,0.0051,0.0003,0.7341,0.0056,0.6687,0.0067,0.9284,0.0061,0.7774,0.0027,0.8417,0.0025
-PyG,TU_COX2,link_pred,True,,,2,4,2,skipsum,mean,79,0.5531,0.0041,205969.0,0.005,0.0002,0.7416,0.0031,0.6701,0.0025,0.952,0.0035,0.7865,0.0025,0.8608,0.0063
-PyG,TU_COX2,link_pred,True,,,2,4,3,skipconcat,add,99,0.5486,0.0071,201601.0,0.005,0.0003,0.7285,0.0078,0.6568,0.0056,0.9573,0.0082,0.7791,0.0063,0.8743,0.0085
-PyG,TU_COX2,link_pred,True,,,2,4,3,skipconcat,max,99,0.553,0.0041,201601.0,0.0052,0.0001,0.7451,0.0055,0.675,0.0073,0.9457,0.0095,0.7877,0.0025,0.8643,0.0014
-PyG,TU_COX2,link_pred,True,,,2,4,3,skipconcat,mean,99,0.5442,0.0021,201601.0,0.0055,0.0003,0.7473,0.003,0.6739,0.004,0.9587,0.0102,0.7914,0.0025,0.8776,0.0042
-PyG,TU_COX2,link_pred,True,,,2,4,3,skipsum,add,79,0.5584,0.0044,205357.0,0.0043,0.0002,0.7139,0.0071,0.6506,0.0021,0.9238,0.0212,0.7635,0.0085,0.8536,0.0099
-PyG,TU_COX2,link_pred,True,,,2,4,3,skipsum,max,99,0.5588,0.002,205357.0,0.0043,0.0001,0.7311,0.005,0.665,0.0018,0.9316,0.0137,0.776,0.0058,0.8498,0.0055
-PyG,TU_COX2,link_pred,True,,,2,4,3,skipsum,mean,79,0.5505,0.0032,205357.0,0.0051,0.0003,0.7423,0.0036,0.6703,0.0019,0.9538,0.0179,0.7873,0.0054,0.8638,0.0105
-PyG,TU_COX2,link_pred,True,,,2,6,2,skipconcat,add,79,0.5668,0.0039,204673.0,0.0062,0.0006,0.7279,0.0152,0.6589,0.0101,0.945,0.0177,0.7764,0.0129,0.8631,0.0071
-PyG,TU_COX2,link_pred,True,,,2,6,2,skipconcat,max,99,0.5732,0.0063,204673.0,0.0058,0.0003,0.7346,0.0063,0.671,0.005,0.9206,0.0061,0.7762,0.0051,0.8462,0.0026
-PyG,TU_COX2,link_pred,True,,,2,6,2,skipconcat,mean,99,0.5664,0.0081,204673.0,0.006,0.0002,0.7498,0.0028,0.6807,0.0015,0.9411,0.0099,0.79,0.0034,0.8562,0.0112
-PyG,TU_COX2,link_pred,True,,,2,6,2,skipsum,add,79,0.5682,0.0079,205129.0,0.0053,0.0003,0.7223,0.0083,0.6586,0.0045,0.9231,0.0171,0.7687,0.0084,0.8438,0.016
-PyG,TU_COX2,link_pred,True,,,2,6,2,skipsum,max,79,0.5739,0.0032,205129.0,0.0065,0.0011,0.73,0.0126,0.6668,0.0121,0.9206,0.0165,0.7732,0.0092,0.8324,0.0083
-PyG,TU_COX2,link_pred,True,,,2,6,2,skipsum,mean,99,0.5578,0.0027,205129.0,0.0056,0.0002,0.7399,0.0039,0.6705,0.0013,0.9435,0.0122,0.7839,0.0046,0.8539,0.002
-PyG,TU_COX2,link_pred,True,,,2,6,3,skipconcat,add,99,0.5552,0.0057,210036.0,0.0057,0.0003,0.7264,0.0064,0.6553,0.0032,0.9552,0.0117,0.7773,0.0061,0.8608,0.0109
-PyG,TU_COX2,link_pred,True,,,2,6,3,skipconcat,max,99,0.5572,0.0042,210036.0,0.0058,0.0002,0.75,0.0108,0.6772,0.0102,0.9559,0.0022,0.7927,0.0073,0.8555,0.0042
-PyG,TU_COX2,link_pred,True,,,2,6,3,skipconcat,mean,99,0.5493,0.0045,210036.0,0.0062,0.0005,0.7501,0.0061,0.6765,0.0057,0.9587,0.0139,0.7932,0.0052,0.8674,0.0061
-PyG,TU_COX2,link_pred,True,,,2,6,3,skipsum,add,99,0.5622,0.007,203841.0,0.0054,0.0002,0.7203,0.0049,0.6531,0.0017,0.9397,0.0133,0.7706,0.0056,0.8501,0.0145
-PyG,TU_COX2,link_pred,True,,,2,6,3,skipsum,max,99,0.5718,0.002,203841.0,0.0056,0.0002,0.7248,0.0033,0.6599,0.0037,0.9277,0.0035,0.7712,0.0018,0.8315,0.0025
-PyG,TU_COX2,link_pred,True,,,2,6,3,skipsum,mean,99,0.5557,0.0065,203841.0,0.0056,0.0002,0.7411,0.0078,0.6716,0.0037,0.9436,0.0176,0.7846,0.0081,0.8541,0.0174
-PyG,TU_COX2,link_pred,True,,,2,8,2,skipconcat,add,99,0.5689,0.0116,206401.0,0.0064,0.0007,0.7215,0.0079,0.6549,0.0039,0.9365,0.0157,0.7708,0.008,0.8578,0.0142
-PyG,TU_COX2,link_pred,True,,,2,8,2,skipconcat,max,99,0.5689,0.0062,206401.0,0.0064,0.0001,0.7408,0.0126,0.6754,0.0119,0.9281,0.0075,0.7818,0.009,0.8497,0.0058
-PyG,TU_COX2,link_pred,True,,,2,8,2,skipconcat,mean,99,0.5592,0.0085,206401.0,0.0066,0.0004,0.7463,0.0022,0.6761,0.003,0.9457,0.0194,0.7884,0.0048,0.8634,0.0095
-PyG,TU_COX2,link_pred,True,,,2,8,2,skipsum,add,99,0.5754,0.0082,205289.0,0.0056,0.0,0.7126,0.0094,0.6494,0.006,0.9241,0.0125,0.7628,0.0084,0.8329,0.007
-PyG,TU_COX2,link_pred,True,,,2,8,2,skipsum,max,99,0.5791,0.0122,205289.0,0.0064,0.0,0.7189,0.0114,0.6598,0.0101,0.9048,0.0187,0.763,0.0094,0.8206,0.0141
-PyG,TU_COX2,link_pred,True,,,2,8,2,skipsum,mean,99,0.5626,0.0041,205289.0,0.006,0.0002,0.739,0.0092,0.6691,0.0047,0.9453,0.0167,0.7836,0.0089,0.8474,0.0096
-PyG,TU_COX2,link_pred,True,,,2,8,3,skipconcat,add,99,0.5625,0.0071,206821.0,0.0067,0.0016,0.7138,0.0094,0.6488,0.0047,0.9316,0.0185,0.7649,0.0094,0.8516,0.0168
-PyG,TU_COX2,link_pred,True,,,2,8,3,skipconcat,max,99,0.5648,0.0038,206821.0,0.0064,0.0002,0.7375,0.0022,0.6699,0.0022,0.9365,0.0093,0.781,0.0028,0.8465,0.0035
-PyG,TU_COX2,link_pred,True,,,2,8,3,skipconcat,mean,99,0.5528,0.0096,206821.0,0.0065,0.0003,0.7443,0.003,0.6727,0.0041,0.952,0.0121,0.7882,0.0029,0.8669,0.0118
-PyG,TU_COX2,link_pred,True,,,2,8,3,skipsum,add,99,0.5712,0.0092,204289.0,0.0054,0.0003,0.7122,0.0101,0.6506,0.0079,0.9168,0.0072,0.7611,0.0078,0.8317,0.0135
-PyG,TU_COX2,link_pred,True,,,2,8,3,skipsum,max,99,0.5756,0.0128,204289.0,0.0062,0.0003,0.719,0.0129,0.6572,0.0091,0.9157,0.0143,0.7652,0.011,0.825,0.0188
-PyG,TU_COX2,link_pred,True,,,2,8,3,skipsum,mean,99,0.5587,0.0045,204289.0,0.0056,0.0002,0.7273,0.006,0.6606,0.0048,0.9347,0.0102,0.7741,0.0052,0.8487,0.0062
-PyG,TU_DD,link_pred,True,,,1,2,2,skipconcat,add,0,0.7491,0.0374,207678.0,0.0047,0.0006,0.5171,0.0101,0.5088,0.0053,0.9926,0.0043,0.6728,0.004,0.7743,0.0058
-PyG,TU_DD,link_pred,True,,,1,2,2,skipconcat,max,99,0.6313,0.0133,207678.0,0.0057,0.0011,0.6732,0.0044,0.6303,0.0021,0.8375,0.0126,0.7193,0.0057,0.7739,0.0095
-PyG,TU_DD,link_pred,True,,,1,2,2,skipconcat,mean,99,0.6436,0.0078,207678.0,0.0041,0.0002,0.6601,0.0088,0.6217,0.0064,0.8174,0.0105,0.7062,0.008,0.7487,0.0082
-PyG,TU_DD,link_pred,True,,,1,2,2,skipsum,add,99,0.6174,0.0022,218893.0,0.0045,0.0002,0.6746,0.0027,0.6298,0.0022,0.8471,0.002,0.7225,0.002,0.7812,0.0019
-PyG,TU_DD,link_pred,True,,,1,2,2,skipsum,max,99,0.6172,0.0034,218893.0,0.0043,0.0003,0.6733,0.0025,0.6286,0.0027,0.847,0.0047,0.7216,0.0017,0.7788,0.0047
-PyG,TU_DD,link_pred,True,,,1,2,2,skipsum,mean,99,0.6284,0.005,218893.0,0.0049,0.0001,0.6689,0.0032,0.6297,0.0015,0.8201,0.0083,0.7124,0.0041,0.7615,0.005
-PyG,TU_DD,link_pred,True,,,1,2,3,skipconcat,add,99,0.6215,0.0056,210741.0,0.0048,0.0001,0.6732,0.0026,0.6271,0.0024,0.8544,0.0025,0.7233,0.0019,0.7781,0.0053
-PyG,TU_DD,link_pred,True,,,1,2,3,skipconcat,max,99,0.6234,0.0048,210741.0,0.0056,0.0006,0.6708,0.0027,0.6252,0.0015,0.8528,0.0057,0.7215,0.003,0.7754,0.0046
-PyG,TU_DD,link_pred,True,,,1,2,3,skipconcat,mean,99,0.6311,0.0047,210741.0,0.005,0.0001,0.6665,0.0038,0.6243,0.0025,0.8359,0.0059,0.7148,0.0038,0.7573,0.0049
-PyG,TU_DD,link_pred,True,,,1,2,3,skipsum,add,99,0.6175,0.0035,217906.0,0.0049,0.0,0.671,0.0007,0.6259,0.0004,0.8501,0.0036,0.7209,0.0012,0.7787,0.0057
-PyG,TU_DD,link_pred,True,,,1,2,3,skipsum,max,99,0.6119,0.0034,217906.0,0.0049,0.0001,0.6712,0.0054,0.6252,0.0046,0.8547,0.0045,0.7222,0.004,0.7799,0.0042
-PyG,TU_DD,link_pred,True,,,1,2,3,skipsum,mean,99,0.6245,0.0047,217906.0,0.0048,0.0001,0.6672,0.0039,0.6258,0.0022,0.8317,0.0078,0.7142,0.0043,0.7612,0.0059
-PyG,TU_DD,link_pred,True,,,1,4,2,skipconcat,add,99,0.6179,0.0047,208453.0,0.0052,0.0001,0.685,0.0047,0.6365,0.0036,0.8628,0.0047,0.7326,0.0039,0.7927,0.0047
-PyG,TU_DD,link_pred,True,,,1,4,2,skipconcat,max,99,0.6123,0.0084,208453.0,0.0055,0.0001,0.6862,0.0031,0.6379,0.0014,0.8612,0.013,0.7329,0.0048,0.7994,0.0063
-PyG,TU_DD,link_pred,True,,,1,4,2,skipconcat,mean,79,0.6341,0.0104,208453.0,0.0057,0.0002,0.6729,0.0083,0.6294,0.005,0.8409,0.0148,0.7199,0.0087,0.7724,0.0102
-PyG,TU_DD,link_pred,True,,,1,4,2,skipsum,add,79,0.6044,0.0081,215029.0,0.0056,0.0007,0.6837,0.0085,0.6346,0.0065,0.8663,0.0091,0.7326,0.0071,0.7978,0.01
-PyG,TU_DD,link_pred,True,,,1,4,2,skipsum,max,99,0.6034,0.0049,215029.0,0.0045,0.0001,0.6785,0.0008,0.6291,0.0016,0.8697,0.0055,0.7301,0.001,0.7987,0.0049
-PyG,TU_DD,link_pred,True,,,1,4,2,skipsum,mean,99,0.6062,0.0034,215029.0,0.0053,0.0002,0.6833,0.003,0.6385,0.0019,0.845,0.0064,0.7274,0.0033,0.7891,0.0041
-PyG,TU_DD,link_pred,True,,,1,4,3,skipconcat,add,99,0.6114,0.0072,210162.0,0.0052,0.0001,0.6784,0.0088,0.6306,0.0068,0.8612,0.0075,0.7281,0.0072,0.7904,0.0085
-PyG,TU_DD,link_pred,True,,,1,4,3,skipconcat,max,99,0.6047,0.0011,210162.0,0.0056,0.0,0.684,0.0018,0.6343,0.0017,0.8693,0.003,0.7334,0.0013,0.7978,0.0015
-PyG,TU_DD,link_pred,True,,,1,4,3,skipconcat,mean,99,0.6192,0.0034,210162.0,0.0056,0.0001,0.6744,0.002,0.628,0.0016,0.8557,0.0077,0.7244,0.0027,0.7768,0.0036
-PyG,TU_DD,link_pred,True,,,1,4,3,skipsum,add,99,0.6051,0.0041,215041.0,0.0045,0.0001,0.6781,0.0055,0.6294,0.0042,0.8663,0.0051,0.7291,0.0045,0.7927,0.0062
-PyG,TU_DD,link_pred,True,,,1,4,3,skipsum,max,99,0.6003,0.0021,215041.0,0.0047,0.0002,0.6811,0.0022,0.6309,0.0018,0.873,0.0011,0.7325,0.0016,0.7988,0.0012
-PyG,TU_DD,link_pred,True,,,1,4,3,skipsum,mean,99,0.604,0.0044,215041.0,0.0054,0.0,0.6838,0.0037,0.6366,0.0033,0.8569,0.0013,0.7305,0.0025,0.7909,0.0038
-PyG,TU_DD,link_pred,True,,,1,6,2,skipconcat,add,99,0.6154,0.0036,205124.0,0.0057,0.0001,0.6814,0.0021,0.6339,0.002,0.859,0.002,0.7294,0.0013,0.7931,0.0034
-PyG,TU_DD,link_pred,True,,,1,6,2,skipconcat,max,99,0.6025,0.0052,205124.0,0.0066,0.0008,0.6925,0.0028,0.6424,0.0016,0.868,0.0049,0.7384,0.0028,0.8123,0.0028
-PyG,TU_DD,link_pred,True,,,1,6,2,skipconcat,mean,99,0.62,0.0028,205124.0,0.0061,0.0,0.6817,0.0021,0.6363,0.0016,0.8484,0.0042,0.7272,0.002,0.7862,0.0045
-PyG,TU_DD,link_pred,True,,,1,6,2,skipsum,add,99,0.6049,0.0067,213835.0,0.0054,0.0001,0.6793,0.0108,0.6288,0.0102,0.8762,0.0035,0.7321,0.0064,0.7984,0.006
-PyG,TU_DD,link_pred,True,,,1,6,2,skipsum,max,99,0.6015,0.0081,213835.0,0.0063,0.0013,0.6828,0.0066,0.6319,0.0054,0.8756,0.003,0.734,0.0047,0.808,0.0074
-PyG,TU_DD,link_pred,True,,,1,6,2,skipsum,mean,99,0.5968,0.0061,213835.0,0.0054,0.0001,0.6923,0.007,0.6437,0.005,0.8614,0.008,0.7368,0.0061,0.8024,0.0072
-PyG,TU_DD,link_pred,True,,,1,6,3,skipconcat,add,99,0.6112,0.0051,210631.0,0.006,0.0004,0.6834,0.0076,0.6335,0.0055,0.8698,0.0083,0.7331,0.0065,0.7941,0.0081
-PyG,TU_DD,link_pred,True,,,1,6,3,skipconcat,max,99,0.5954,0.0084,210631.0,0.0062,0.0002,0.6897,0.0108,0.6378,0.0073,0.8781,0.0141,0.7389,0.0097,0.8095,0.0113
-PyG,TU_DD,link_pred,True,,,1,6,3,skipconcat,mean,99,0.6109,0.0055,210631.0,0.0056,0.0001,0.68,0.0037,0.6321,0.003,0.8612,0.0041,0.7291,0.0029,0.7879,0.0041
-PyG,TU_DD,link_pred,True,,,1,6,3,skipsum,add,99,0.6086,0.0074,213121.0,0.006,0.0006,0.6784,0.0048,0.6285,0.0035,0.8724,0.0059,0.7307,0.0041,0.7932,0.0091
-PyG,TU_DD,link_pred,True,,,1,6,3,skipsum,max,99,0.5997,0.0041,213121.0,0.0053,0.0,0.6836,0.0068,0.6314,0.0061,0.8826,0.004,0.7362,0.0043,0.8029,0.0047
-PyG,TU_DD,link_pred,True,,,1,6,3,skipsum,mean,99,0.5898,0.0038,213121.0,0.0053,0.0,0.6937,0.0027,0.6439,0.0014,0.8668,0.0063,0.739,0.0031,0.8071,0.0046
-PyG,TU_DD,link_pred,True,,,1,8,2,skipconcat,add,99,0.616,0.0047,207041.0,0.0063,0.0001,0.6743,0.0048,0.6268,0.0033,0.8613,0.0076,0.7255,0.0045,0.7935,0.0061
-PyG,TU_DD,link_pred,True,,,1,8,2,skipconcat,max,99,0.5975,0.0083,207041.0,0.0069,0.0002,0.6939,0.0048,0.642,0.0038,0.877,0.0032,0.7413,0.0037,0.819,0.005
-PyG,TU_DD,link_pred,True,,,1,8,2,skipconcat,mean,99,0.6189,0.0028,207041.0,0.007,0.0001,0.6776,0.0027,0.633,0.0028,0.8453,0.0055,0.7239,0.0021,0.7858,0.0029
-PyG,TU_DD,link_pred,True,,,1,8,2,skipsum,add,79,0.6113,0.0046,211401.0,0.0065,0.0006,0.6697,0.0044,0.6198,0.0033,0.8781,0.0075,0.7267,0.0038,0.7917,0.0061
-PyG,TU_DD,link_pred,True,,,1,8,2,skipsum,max,99,0.6041,0.0081,211401.0,0.007,0.0004,0.6801,0.0114,0.6293,0.0085,0.8767,0.0096,0.7327,0.009,0.8032,0.0102
-PyG,TU_DD,link_pred,True,,,1,8,2,skipsum,mean,99,0.5919,0.0043,211401.0,0.0068,0.0003,0.6917,0.0066,0.6419,0.0044,0.8671,0.0089,0.7376,0.0061,0.8066,0.0055
-PyG,TU_DD,link_pred,True,,,1,8,3,skipconcat,add,99,0.6126,0.0093,207496.0,0.0065,0.0004,0.6727,0.0099,0.6234,0.0077,0.8725,0.0062,0.7272,0.0074,0.7919,0.0104
-PyG,TU_DD,link_pred,True,,,1,8,3,skipconcat,max,99,0.5956,0.0069,207496.0,0.0074,0.0,0.6889,0.0049,0.6368,0.0037,0.8794,0.0043,0.7387,0.004,0.813,0.0069
-PyG,TU_DD,link_pred,True,,,1,8,3,skipconcat,mean,99,0.6078,0.0052,207496.0,0.0073,0.0,0.678,0.0039,0.6305,0.0014,0.86,0.0128,0.7276,0.0053,0.7935,0.0065
-PyG,TU_DD,link_pred,True,,,1,8,3,skipsum,add,99,0.6094,0.0071,212525.0,0.0052,0.0002,0.6696,0.0068,0.6202,0.0049,0.8752,0.0069,0.7259,0.0057,0.7914,0.0101
-PyG,TU_DD,link_pred,True,,,1,8,3,skipsum,max,79,0.6026,0.0018,212525.0,0.0078,0.0011,0.6829,0.0022,0.63,0.0026,0.8864,0.0032,0.7365,0.0008,0.8012,0.0011
-PyG,TU_DD,link_pred,True,,,1,8,3,skipsum,mean,99,0.5883,0.006,212525.0,0.0071,0.0001,0.6929,0.0052,0.6424,0.004,0.8699,0.0062,0.739,0.0045,0.8106,0.0054
-PyG,TU_DD,link_pred,True,,,2,2,2,skipconcat,add,99,0.6305,0.0057,208621.0,0.0052,0.0005,0.6752,0.0036,0.6314,0.003,0.8421,0.0027,0.7217,0.0028,0.7746,0.0057
-PyG,TU_DD,link_pred,True,,,2,2,2,skipconcat,max,99,0.6294,0.0051,208621.0,0.0049,0.0001,0.6704,0.003,0.6267,0.0022,0.8431,0.0045,0.7189,0.0028,0.7747,0.0027
-PyG,TU_DD,link_pred,True,,,2,2,2,skipconcat,mean,99,0.6464,0.006,208621.0,0.0048,0.0001,0.6578,0.0052,0.6195,0.004,0.8179,0.0057,0.705,0.0046,0.7442,0.0048
-PyG,TU_DD,link_pred,True,,,2,2,2,skipsum,add,99,0.6192,0.0026,217906.0,0.0047,0.0002,0.6762,0.0066,0.6314,0.0054,0.8467,0.0045,0.7234,0.005,0.7775,0.0044
-PyG,TU_DD,link_pred,True,,,2,2,2,skipsum,max,99,0.6185,0.0025,217906.0,0.0048,0.0001,0.6716,0.0075,0.6263,0.0055,0.8509,0.0076,0.7215,0.0064,0.7773,0.0038
-PyG,TU_DD,link_pred,True,,,2,2,2,skipsum,mean,99,0.6321,0.0021,217906.0,0.0047,0.0,0.6653,0.0004,0.6264,0.0005,0.8189,0.0042,0.7099,0.0013,0.7566,0.0022
-PyG,TU_DD,link_pred,True,,,2,2,3,skipconcat,add,99,0.626,0.0066,207361.0,0.0041,0.0001,0.6715,0.0044,0.6265,0.0036,0.8498,0.0035,0.7212,0.0034,0.7708,0.0052
-PyG,TU_DD,link_pred,True,,,2,2,3,skipconcat,max,99,0.6214,0.0064,207361.0,0.005,0.0001,0.6696,0.005,0.6237,0.0039,0.8552,0.0058,0.7213,0.0042,0.7764,0.0053
-PyG,TU_DD,link_pred,True,,,2,2,3,skipconcat,mean,99,0.6274,0.0025,207361.0,0.0049,0.0001,0.6656,0.0059,0.6234,0.004,0.8362,0.009,0.7143,0.0057,0.7596,0.0044
-PyG,TU_DD,link_pred,True,,,2,2,3,skipsum,add,99,0.6174,0.0058,215029.0,0.0057,0.0007,0.6733,0.005,0.6279,0.0033,0.8506,0.0072,0.7225,0.0047,0.7771,0.0074
-PyG,TU_DD,link_pred,True,,,2,2,3,skipsum,max,99,0.6201,0.0026,215029.0,0.0042,0.0002,0.6694,0.0035,0.6239,0.0032,0.8532,0.0001,0.7207,0.0022,0.7716,0.0033
-PyG,TU_DD,link_pred,True,,,2,2,3,skipsum,mean,99,0.6278,0.0061,215029.0,0.0053,0.0004,0.6647,0.0042,0.6247,0.0022,0.8251,0.0095,0.711,0.0049,0.7563,0.0074
-PyG,TU_DD,link_pred,True,,,2,4,2,skipconcat,add,99,0.6195,0.003,204802.0,0.0051,0.0001,0.6792,0.002,0.6324,0.0011,0.8561,0.0059,0.7274,0.0025,0.7889,0.0037
-PyG,TU_DD,link_pred,True,,,2,4,2,skipconcat,max,99,0.6161,0.0025,204802.0,0.0061,0.0011,0.6797,0.0032,0.6328,0.0032,0.8565,0.0023,0.7279,0.0018,0.7933,0.0028
-PyG,TU_DD,link_pred,True,,,2,4,2,skipconcat,mean,99,0.6296,0.0053,204802.0,0.0055,0.0001,0.6691,0.003,0.627,0.0014,0.8347,0.0109,0.716,0.0044,0.7678,0.0065
-PyG,TU_DD,link_pred,True,,,2,4,2,skipsum,add,99,0.6065,0.0033,215041.0,0.0051,0.0001,0.6825,0.0043,0.6333,0.0029,0.867,0.0058,0.7319,0.0039,0.7967,0.0029
-PyG,TU_DD,link_pred,True,,,2,4,2,skipsum,max,99,0.6068,0.0018,215041.0,0.0053,0.0,0.6772,0.0014,0.6284,0.0007,0.8669,0.0034,0.7287,0.0016,0.7956,0.0035
-PyG,TU_DD,link_pred,True,,,2,4,2,skipsum,mean,99,0.6107,0.0055,215041.0,0.0052,0.0,0.6826,0.0017,0.6359,0.0012,0.8548,0.0065,0.7292,0.0024,0.7878,0.0046
-PyG,TU_DD,link_pred,True,,,2,4,3,skipconcat,add,99,0.6184,0.0027,204193.0,0.0056,0.0004,0.6764,0.0039,0.6285,0.0037,0.8625,0.0054,0.7272,0.0028,0.7828,0.0019
-PyG,TU_DD,link_pred,True,,,2,4,3,skipconcat,max,99,0.6045,0.0064,204193.0,0.0056,0.0002,0.6839,0.0053,0.6339,0.0041,0.871,0.0045,0.7338,0.0043,0.7978,0.0061
-PyG,TU_DD,link_pred,True,,,2,4,3,skipconcat,mean,99,0.6233,0.0021,204193.0,0.0051,0.0001,0.6662,0.0027,0.6232,0.0031,0.8408,0.0049,0.7158,0.0013,0.769,0.0026
-PyG,TU_DD,link_pred,True,,,2,4,3,skipsum,add,99,0.6047,0.0014,213835.0,0.0054,0.0004,0.6787,0.0032,0.6292,0.002,0.8699,0.0057,0.7302,0.0031,0.7941,0.0032
-PyG,TU_DD,link_pred,True,,,2,4,3,skipsum,max,99,0.5993,0.0076,213835.0,0.0062,0.0012,0.6822,0.0066,0.6325,0.0047,0.8699,0.0083,0.7324,0.0058,0.797,0.0087
-PyG,TU_DD,link_pred,True,,,2,4,3,skipsum,mean,99,0.607,0.0037,213835.0,0.0049,0.0001,0.6826,0.0036,0.6363,0.0028,0.8525,0.0034,0.7287,0.003,0.7861,0.0048
-PyG,TU_DD,link_pred,True,,,2,6,2,skipconcat,add,99,0.6221,0.0008,206887.0,0.0054,0.0002,0.6763,0.0048,0.6285,0.0042,0.8625,0.0036,0.7271,0.0034,0.7871,0.0032
-PyG,TU_DD,link_pred,True,,,2,6,2,skipconcat,max,99,0.6055,0.0102,206887.0,0.0061,0.0001,0.689,0.0053,0.6388,0.0037,0.8698,0.0068,0.7366,0.0048,0.8081,0.0081
-PyG,TU_DD,link_pred,True,,,2,6,2,skipconcat,mean,99,0.6249,0.0009,206887.0,0.0066,0.0014,0.6759,0.0024,0.6327,0.0022,0.8387,0.0011,0.7213,0.0016,0.7764,0.0024
-PyG,TU_DD,link_pred,True,,,2,6,2,skipsum,add,79,0.6101,0.0049,213121.0,0.0051,0.0001,0.679,0.0071,0.6287,0.0058,0.8742,0.0038,0.7314,0.0052,0.7943,0.0061
-PyG,TU_DD,link_pred,True,,,2,6,2,skipsum,max,79,0.6076,0.0051,213121.0,0.0054,0.0001,0.6782,0.006,0.628,0.0055,0.8747,0.0025,0.7311,0.0037,0.8,0.0023
-PyG,TU_DD,link_pred,True,,,2,6,2,skipsum,mean,99,0.5965,0.0015,213121.0,0.0063,0.0008,0.6906,0.0055,0.6412,0.0048,0.8655,0.0027,0.7367,0.0041,0.8025,0.0017
-PyG,TU_DD,link_pred,True,,,2,6,3,skipconcat,add,99,0.6123,0.0031,211926.0,0.0065,0.001,0.677,0.0045,0.6285,0.0034,0.8656,0.0036,0.7283,0.0035,0.7909,0.0038
-PyG,TU_DD,link_pred,True,,,2,6,3,skipconcat,max,99,0.5987,0.0044,211926.0,0.0071,0.0012,0.6889,0.0083,0.6379,0.0077,0.874,0.0003,0.7375,0.0052,0.8058,0.0029
-PyG,TU_DD,link_pred,True,,,2,6,3,skipconcat,mean,99,0.6166,0.003,211926.0,0.0062,0.0002,0.6755,0.0043,0.6288,0.0042,0.8571,0.0019,0.7254,0.0024,0.781,0.0049
-PyG,TU_DD,link_pred,True,,,2,6,3,skipsum,add,99,0.6139,0.0079,211401.0,0.0051,0.0002,0.6711,0.0073,0.6235,0.0065,0.8645,0.0086,0.7244,0.0051,0.784,0.0089
-PyG,TU_DD,link_pred,True,,,2,6,3,skipsum,max,99,0.606,0.0009,211401.0,0.0061,0.0002,0.678,0.0042,0.6284,0.0037,0.8713,0.0056,0.7301,0.003,0.7953,0.0017
-PyG,TU_DD,link_pred,True,,,2,6,3,skipsum,mean,99,0.5999,0.0079,211401.0,0.0065,0.0014,0.6816,0.0074,0.6345,0.0064,0.8567,0.0032,0.729,0.0052,0.7953,0.0064
-PyG,TU_DD,link_pred,True,,,2,8,2,skipconcat,add,99,0.6189,0.0027,208129.0,0.0063,0.0,0.6769,0.0037,0.6286,0.0027,0.8648,0.0065,0.728,0.0035,0.79,0.0052
-PyG,TU_DD,link_pred,True,,,2,8,2,skipconcat,max,99,0.6007,0.0087,208129.0,0.0071,0.0004,0.6903,0.0044,0.6398,0.0031,0.8707,0.0053,0.7376,0.0039,0.8144,0.0042
-PyG,TU_DD,link_pred,True,,,2,8,2,skipconcat,mean,99,0.6169,0.0055,208129.0,0.0067,0.0001,0.682,0.0039,0.6353,0.0031,0.8545,0.0044,0.7288,0.0033,0.7878,0.0052
-PyG,TU_DD,link_pred,True,,,2,8,2,skipsum,add,99,0.6112,0.0037,212525.0,0.0056,0.0002,0.676,0.0053,0.6255,0.0046,0.8776,0.0039,0.7304,0.0036,0.7914,0.0064
-PyG,TU_DD,link_pred,True,,,2,8,2,skipsum,max,99,0.6032,0.0034,212525.0,0.0066,0.0001,0.6803,0.0042,0.6297,0.0043,0.8756,0.0041,0.7325,0.002,0.8013,0.0032
-PyG,TU_DD,link_pred,True,,,2,8,2,skipsum,mean,99,0.5937,0.002,212525.0,0.0066,0.0,0.6882,0.0011,0.6381,0.0012,0.8699,0.0084,0.7361,0.0024,0.8064,0.0029
-PyG,TU_DD,link_pred,True,,,2,8,3,skipconcat,add,99,0.6143,0.0054,208279.0,0.0063,0.0001,0.6728,0.0047,0.6244,0.0034,0.8673,0.0075,0.7261,0.0042,0.7872,0.0076
-PyG,TU_DD,link_pred,True,,,2,8,3,skipconcat,max,99,0.5914,0.0033,208279.0,0.0064,0.0002,0.6925,0.0053,0.6389,0.0034,0.8856,0.0074,0.7423,0.0049,0.8155,0.0044
-PyG,TU_DD,link_pred,True,,,2,8,3,skipconcat,mean,99,0.6121,0.0002,208279.0,0.0069,0.0,0.6754,0.0029,0.628,0.0022,0.8603,0.0025,0.726,0.0023,0.787,0.0015
-PyG,TU_DD,link_pred,True,,,2,8,3,skipsum,add,99,0.6064,0.0037,211201.0,0.007,0.0012,0.6748,0.007,0.6254,0.0059,0.872,0.0049,0.7284,0.0048,0.7915,0.0053
-PyG,TU_DD,link_pred,True,,,2,8,3,skipsum,max,99,0.6041,0.0096,211201.0,0.0066,0.0001,0.6824,0.0093,0.6301,0.0072,0.8834,0.0064,0.7355,0.0071,0.8005,0.0099
-PyG,TU_DD,link_pred,True,,,2,8,3,skipsum,mean,99,0.5936,0.0071,211201.0,0.0061,0.0001,0.691,0.007,0.6413,0.0064,0.8674,0.0018,0.7374,0.0047,0.8054,0.0059
-PyG,TU_ENZYMES,link_pred,True,,,1,2,2,skipconcat,add,99,0.6896,0.0041,199336.0,0.0039,0.0003,0.5954,0.0085,0.574,0.0066,0.7399,0.008,0.6465,0.0072,0.6285,0.0064
-PyG,TU_ENZYMES,link_pred,True,,,1,2,2,skipconcat,max,79,0.6764,0.0053,199336.0,0.0038,0.0004,0.5988,0.006,0.5722,0.0032,0.7825,0.0178,0.661,0.0084,0.6339,0.0136
-PyG,TU_ENZYMES,link_pred,True,,,1,2,2,skipconcat,mean,99,0.6819,0.0046,199336.0,0.0038,0.0003,0.5918,0.0089,0.5694,0.0073,0.7544,0.0046,0.6489,0.0061,0.6183,0.0096
-PyG,TU_ENZYMES,link_pred,True,,,1,2,2,skipsum,add,99,0.6804,0.0038,199801.0,0.0037,0.0004,0.6033,0.002,0.5778,0.0013,0.767,0.008,0.659,0.0031,0.6405,0.0036
-PyG,TU_ENZYMES,link_pred,True,,,1,2,2,skipsum,max,99,0.6751,0.0059,199801.0,0.0039,0.0003,0.6006,0.0084,0.5752,0.0063,0.7695,0.0096,0.6583,0.0074,0.6342,0.0133
-PyG,TU_ENZYMES,link_pred,True,,,1,2,2,skipsum,mean,79,0.6799,0.0054,199801.0,0.0041,0.0003,0.6007,0.0094,0.5745,0.0057,0.7765,0.0212,0.6603,0.0112,0.6286,0.0155
-PyG,TU_ENZYMES,link_pred,True,,,1,2,3,skipconcat,add,79,0.682,0.0023,203689.0,0.0036,0.0002,0.5977,0.0075,0.5753,0.0061,0.7474,0.0097,0.6501,0.0062,0.6311,0.0026
-PyG,TU_ENZYMES,link_pred,True,,,1,2,3,skipconcat,max,99,0.6743,0.0052,203689.0,0.0039,0.0004,0.597,0.0083,0.57,0.0061,0.7901,0.0079,0.6623,0.0068,0.6308,0.0138
-PyG,TU_ENZYMES,link_pred,True,,,1,2,3,skipconcat,mean,99,0.6799,0.0032,203689.0,0.0038,0.0004,0.5858,0.0074,0.5638,0.0057,0.7592,0.0075,0.647,0.0057,0.6144,0.0088
-PyG,TU_ENZYMES,link_pred,True,,,1,2,3,skipsum,add,99,0.6811,0.0039,200792.0,0.0035,0.0,0.5956,0.0067,0.5728,0.0055,0.752,0.0157,0.6502,0.0071,0.6326,0.0075
-PyG,TU_ENZYMES,link_pred,True,,,1,2,3,skipsum,max,99,0.6737,0.0051,200792.0,0.0039,0.0005,0.5993,0.0089,0.5733,0.0082,0.7786,0.0206,0.6602,0.0071,0.6343,0.0132
-PyG,TU_ENZYMES,link_pred,True,,,1,2,3,skipsum,mean,79,0.6784,0.0056,200792.0,0.0042,0.0002,0.5943,0.0113,0.5704,0.0076,0.7637,0.0225,0.653,0.0126,0.6242,0.0153
-PyG,TU_ENZYMES,link_pred,True,,,1,4,2,skipconcat,add,99,0.6978,0.0086,203465.0,0.004,0.0001,0.5935,0.01,0.5691,0.0079,0.7704,0.0104,0.6546,0.0072,0.6292,0.0118
-PyG,TU_ENZYMES,link_pred,True,,,1,4,2,skipconcat,max,99,0.6723,0.0096,203465.0,0.0047,0.0002,0.6162,0.0089,0.5826,0.0046,0.8183,0.0235,0.6805,0.0112,0.6626,0.0189
-PyG,TU_ENZYMES,link_pred,True,,,1,4,2,skipconcat,mean,99,0.6812,0.0048,203465.0,0.0043,0.0001,0.6021,0.0097,0.5758,0.007,0.7756,0.0117,0.6609,0.0089,0.6319,0.0144
-PyG,TU_ENZYMES,link_pred,True,,,1,4,2,skipsum,add,99,0.6814,0.0061,199463.0,0.004,0.0001,0.6052,0.0093,0.5756,0.0075,0.8018,0.0152,0.6701,0.0073,0.6446,0.0113
-PyG,TU_ENZYMES,link_pred,True,,,1,4,2,skipsum,max,99,0.6685,0.0086,199463.0,0.0047,0.0002,0.6185,0.006,0.5869,0.0024,0.8001,0.0244,0.677,0.01,0.6666,0.015
-PyG,TU_ENZYMES,link_pred,True,,,1,4,2,skipsum,mean,99,0.678,0.0063,199463.0,0.0043,0.0002,0.6055,0.0013,0.5776,0.0009,0.7847,0.0012,0.6654,0.0011,0.643,0.0101
-PyG,TU_ENZYMES,link_pred,True,,,1,4,3,skipconcat,add,99,0.6826,0.0029,205948.0,0.0041,0.0,0.5954,0.0101,0.5705,0.007,0.7709,0.0202,0.6557,0.0111,0.635,0.0098
-PyG,TU_ENZYMES,link_pred,True,,,1,4,3,skipconcat,max,99,0.6691,0.0062,205948.0,0.0046,0.0002,0.6116,0.0122,0.5801,0.0094,0.8088,0.0066,0.6756,0.0084,0.6555,0.0154
-PyG,TU_ENZYMES,link_pred,True,,,1,4,3,skipconcat,mean,99,0.677,0.0035,205948.0,0.0045,0.0,0.5939,0.0091,0.57,0.0073,0.7654,0.0117,0.6533,0.0073,0.6293,0.0131
-PyG,TU_ENZYMES,link_pred,True,,,1,4,3,skipsum,add,99,0.6845,0.0097,200593.0,0.004,0.0,0.5934,0.006,0.5681,0.0047,0.7795,0.0025,0.6572,0.004,0.6366,0.009
-PyG,TU_ENZYMES,link_pred,True,,,1,4,3,skipsum,max,99,0.6684,0.0085,200593.0,0.0042,0.0003,0.6102,0.0127,0.5787,0.0092,0.8103,0.0146,0.6752,0.0105,0.663,0.0192
-PyG,TU_ENZYMES,link_pred,True,,,1,4,3,skipsum,mean,99,0.6762,0.007,200593.0,0.0045,0.0003,0.6108,0.0078,0.5817,0.0047,0.788,0.0167,0.6693,0.0091,0.644,0.0138
-PyG,TU_ENZYMES,link_pred,True,,,1,6,2,skipconcat,add,79,0.6959,0.0066,201598.0,0.0046,0.0,0.5984,0.0074,0.5719,0.005,0.7832,0.0109,0.661,0.0073,0.6335,0.0093
-PyG,TU_ENZYMES,link_pred,True,,,1,6,2,skipconcat,max,99,0.6683,0.0111,201598.0,0.005,0.0,0.6253,0.0026,0.5908,0.0012,0.8153,0.0124,0.6851,0.0046,0.6797,0.0206
-PyG,TU_ENZYMES,link_pred,True,,,1,6,2,skipconcat,mean,99,0.6809,0.0084,201598.0,0.0056,0.0005,0.6037,0.0105,0.5766,0.0078,0.781,0.0122,0.6634,0.009,0.6399,0.0169
-PyG,TU_ENZYMES,link_pred,True,,,1,6,2,skipsum,add,59,0.6887,0.0139,200333.0,0.0048,0.0004,0.5945,0.013,0.5661,0.0094,0.81,0.0111,0.6665,0.0101,0.6385,0.0194
-PyG,TU_ENZYMES,link_pred,True,,,1,6,2,skipsum,max,99,0.6697,0.0105,200333.0,0.0049,0.0004,0.6184,0.0073,0.585,0.003,0.814,0.0257,0.6806,0.011,0.6708,0.0183
-PyG,TU_ENZYMES,link_pred,True,,,1,6,2,skipsum,mean,99,0.6727,0.005,200333.0,0.0065,0.0016,0.6172,0.0068,0.5845,0.0046,0.8103,0.0143,0.6791,0.0072,0.6555,0.0082
-PyG,TU_ENZYMES,link_pred,True,,,1,6,3,skipconcat,add,99,0.6907,0.0042,207621.0,0.007,0.0029,0.5917,0.0064,0.5668,0.0041,0.778,0.0126,0.6558,0.0072,0.6285,0.0059
-PyG,TU_ENZYMES,link_pred,True,,,1,6,3,skipconcat,max,99,0.6677,0.0079,207621.0,0.0102,0.007,0.6172,0.0025,0.5841,0.0029,0.8144,0.0176,0.6802,0.0049,0.6665,0.017
-PyG,TU_ENZYMES,link_pred,True,,,1,6,3,skipconcat,mean,79,0.679,0.0052,207621.0,0.007,0.0019,0.5964,0.0098,0.571,0.006,0.7748,0.0221,0.6574,0.0117,0.6339,0.0151
-PyG,TU_ENZYMES,link_pred,True,,,1,6,3,skipsum,add,99,0.6851,0.0102,200393.0,0.0048,0.0003,0.5912,0.0129,0.5646,0.0099,0.7977,0.0057,0.6612,0.0088,0.6364,0.0164
-PyG,TU_ENZYMES,link_pred,True,,,1,6,3,skipsum,max,99,0.6683,0.0079,200393.0,0.0063,0.0023,0.6196,0.0029,0.5868,0.0026,0.8088,0.009,0.68,0.0031,0.6689,0.0116
-PyG,TU_ENZYMES,link_pred,True,,,1,6,3,skipsum,mean,99,0.6728,0.0057,200393.0,0.0061,0.0022,0.6112,0.0085,0.5804,0.007,0.8033,0.007,0.6739,0.0055,0.6505,0.0124
-PyG,TU_ENZYMES,link_pred,True,,,1,8,2,skipconcat,add,99,0.7,0.012,204289.0,0.0072,0.0027,0.5919,0.013,0.5654,0.0099,0.796,0.0058,0.6611,0.0088,0.635,0.016
-PyG,TU_ENZYMES,link_pred,True,,,1,8,2,skipconcat,max,99,0.67,0.0092,204289.0,0.006,0.0006,0.6246,0.0086,0.5898,0.0053,0.8178,0.0153,0.6853,0.0089,0.6789,0.0171
-PyG,TU_ENZYMES,link_pred,True,,,1,8,2,skipconcat,mean,99,0.6807,0.005,204289.0,0.0098,0.0025,0.6045,0.0028,0.5769,0.0019,0.7838,0.0054,0.6646,0.0029,0.6443,0.0089
-PyG,TU_ENZYMES,link_pred,True,,,1,8,2,skipsum,add,59,0.6914,0.0156,199361.0,0.0068,0.0024,0.5987,0.0126,0.5691,0.0104,0.815,0.0064,0.6701,0.0056,0.6406,0.0169
-PyG,TU_ENZYMES,link_pred,True,,,1,8,2,skipsum,max,99,0.6698,0.0125,199361.0,0.0107,0.0042,0.6171,0.0076,0.5848,0.0043,0.807,0.0184,0.6781,0.0092,0.6737,0.0234
-PyG,TU_ENZYMES,link_pred,True,,,1,8,2,skipsum,mean,99,0.6705,0.007,199361.0,0.0095,0.0051,0.6165,0.0132,0.5851,0.0099,0.8014,0.0145,0.6763,0.011,0.6583,0.0168
-PyG,TU_ENZYMES,link_pred,True,,,1,8,3,skipconcat,add,79,0.684,0.0054,205174.0,0.008,0.0021,0.5966,0.0084,0.569,0.0056,0.796,0.0129,0.6636,0.0082,0.6413,0.0089
-PyG,TU_ENZYMES,link_pred,True,,,1,8,3,skipconcat,max,99,0.6682,0.0052,205174.0,0.0118,0.0042,0.6113,0.0085,0.5783,0.0057,0.8222,0.0229,0.6789,0.0099,0.6643,0.0165
-PyG,TU_ENZYMES,link_pred,True,,,1,8,3,skipconcat,mean,99,0.6747,0.0045,205174.0,0.0082,0.0021,0.6046,0.0059,0.576,0.0034,0.7916,0.0184,0.6668,0.0081,0.6414,0.0119
-PyG,TU_ENZYMES,link_pred,True,,,1,8,3,skipsum,add,79,0.6823,0.0054,201001.0,0.0089,0.0016,0.5899,0.0057,0.5633,0.0046,0.8005,0.0141,0.6612,0.0054,0.6417,0.0061
-PyG,TU_ENZYMES,link_pred,True,,,1,8,3,skipsum,max,99,0.6689,0.0097,201001.0,0.0139,0.0021,0.6162,0.007,0.5833,0.0041,0.8135,0.0158,0.6794,0.0081,0.672,0.0131
-PyG,TU_ENZYMES,link_pred,True,,,1,8,3,skipsum,mean,99,0.6713,0.0073,201001.0,0.009,0.0023,0.6085,0.0111,0.5785,0.0078,0.8001,0.0145,0.6714,0.0099,0.6518,0.0177
-PyG,TU_ENZYMES,link_pred,True,,,2,2,2,skipconcat,add,99,0.6902,0.0049,200451.0,0.0097,0.0012,0.5936,0.0083,0.5711,0.0069,0.7526,0.0156,0.6494,0.0074,0.6266,0.0104
-PyG,TU_ENZYMES,link_pred,True,,,2,2,2,skipconcat,max,79,0.6772,0.0054,200451.0,0.0049,0.0002,0.6024,0.0121,0.5731,0.008,0.8023,0.0205,0.6685,0.0122,0.6361,0.0148
-PyG,TU_ENZYMES,link_pred,True,,,2,2,2,skipconcat,mean,79,0.6835,0.0057,200451.0,0.0055,0.0016,0.5866,0.0074,0.5638,0.0048,0.765,0.0152,0.6492,0.0085,0.6204,0.0123
-PyG,TU_ENZYMES,link_pred,True,,,2,2,2,skipsum,add,99,0.6836,0.0055,200792.0,0.0101,0.0,0.5994,0.0067,0.5741,0.0054,0.77,0.0107,0.6578,0.0054,0.6346,0.0093
-PyG,TU_ENZYMES,link_pred,True,,,2,2,2,skipsum,max,99,0.6762,0.0058,200792.0,0.0064,0.0012,0.6013,0.0088,0.5743,0.0078,0.7845,0.0148,0.663,0.006,0.6325,0.0128
-PyG,TU_ENZYMES,link_pred,True,,,2,2,2,skipsum,mean,99,0.6784,0.005,200792.0,0.0065,0.0012,0.5957,0.0124,0.572,0.008,0.7589,0.0252,0.6523,0.0144,0.629,0.0113
-PyG,TU_ENZYMES,link_pred,True,,,2,2,3,skipconcat,add,79,0.6835,0.002,200481.0,0.0073,0.002,0.5911,0.0004,0.57,0.0024,0.7425,0.0187,0.6448,0.0056,0.6272,0.0033
-PyG,TU_ENZYMES,link_pred,True,,,2,2,3,skipconcat,max,79,0.6741,0.0039,200481.0,0.014,0.0003,0.597,0.0098,0.5694,0.0081,0.7979,0.0042,0.6645,0.0055,0.6353,0.0127
-PyG,TU_ENZYMES,link_pred,True,,,2,2,3,skipconcat,mean,99,0.6792,0.0043,200481.0,0.0086,0.001,0.5889,0.0103,0.5667,0.0074,0.755,0.015,0.6474,0.0101,0.6181,0.0129
-PyG,TU_ENZYMES,link_pred,True,,,2,2,3,skipsum,add,79,0.6813,0.0061,199463.0,0.0045,0.0001,0.5935,0.0134,0.5707,0.0101,0.7552,0.0164,0.6501,0.0119,0.6337,0.0102
-PyG,TU_ENZYMES,link_pred,True,,,2,2,3,skipsum,max,79,0.6736,0.0056,199463.0,0.01,0.0009,0.5974,0.0131,0.5705,0.0079,0.7864,0.0322,0.6612,0.0159,0.6349,0.0168
-PyG,TU_ENZYMES,link_pred,True,,,2,2,3,skipsum,mean,79,0.6771,0.0038,199463.0,0.0082,0.0003,0.5958,0.0034,0.5725,0.002,0.7559,0.009,0.6515,0.0046,0.6288,0.0112
-PyG,TU_ENZYMES,link_pred,True,,,2,4,2,skipconcat,add,99,0.6945,0.0079,199900.0,0.008,0.0019,0.5966,0.0136,0.5706,0.0105,0.7817,0.0134,0.6596,0.0101,0.6339,0.0108
-PyG,TU_ENZYMES,link_pred,True,,,2,4,2,skipconcat,max,99,0.6716,0.0091,199900.0,0.0124,0.0007,0.6182,0.0102,0.5862,0.0065,0.8033,0.0185,0.6778,0.0106,0.6678,0.0182
-PyG,TU_ENZYMES,link_pred,True,,,2,4,2,skipconcat,mean,79,0.6813,0.004,199900.0,0.0112,0.002,0.5987,0.0068,0.5727,0.0042,0.7771,0.0148,0.6594,0.0081,0.6317,0.0146
-PyG,TU_ENZYMES,link_pred,True,,,2,4,2,skipsum,add,99,0.6929,0.0094,200593.0,0.0078,0.0009,0.5955,0.0087,0.5679,0.0065,0.7995,0.0071,0.6641,0.0062,0.6325,0.0114
-PyG,TU_ENZYMES,link_pred,True,,,2,4,2,skipsum,max,99,0.6695,0.0081,200593.0,0.0074,0.0019,0.6172,0.0036,0.584,0.002,0.8144,0.0112,0.6802,0.0048,0.6643,0.015
-PyG,TU_ENZYMES,link_pred,True,,,2,4,2,skipsum,mean,99,0.6779,0.0068,200593.0,0.006,0.0018,0.6083,0.0026,0.5789,0.0023,0.7951,0.0105,0.6699,0.0036,0.6444,0.0098
-PyG,TU_ENZYMES,link_pred,True,,,2,4,3,skipconcat,add,79,0.6869,0.0017,200065.0,0.012,0.0019,0.5989,0.0038,0.5719,0.0016,0.7871,0.016,0.6624,0.0066,0.6354,0.002
-PyG,TU_ENZYMES,link_pred,True,,,2,4,3,skipconcat,max,99,0.6717,0.0089,200065.0,0.0061,0.0012,0.6122,0.0056,0.5791,0.0043,0.8224,0.0086,0.6796,0.0045,0.6596,0.0173
-PyG,TU_ENZYMES,link_pred,True,,,2,4,3,skipconcat,mean,99,0.678,0.0051,200065.0,0.0064,0.0019,0.5976,0.0106,0.5727,0.0077,0.7689,0.0125,0.6564,0.0095,0.6319,0.0152
-PyG,TU_ENZYMES,link_pred,True,,,2,4,3,skipsum,add,79,0.6828,0.011,200333.0,0.0084,0.0004,0.5916,0.0145,0.5652,0.0098,0.7934,0.0215,0.6601,0.014,0.637,0.0173
-PyG,TU_ENZYMES,link_pred,True,,,2,4,3,skipsum,max,99,0.6678,0.0092,200333.0,0.0074,0.0034,0.6153,0.0089,0.5836,0.0072,0.8051,0.0033,0.6767,0.0059,0.6635,0.0185
-PyG,TU_ENZYMES,link_pred,True,,,2,4,3,skipsum,mean,99,0.6729,0.0043,200333.0,0.0123,0.0008,0.6078,0.0035,0.5792,0.0035,0.7884,0.0123,0.6677,0.0037,0.6453,0.0093
-PyG,TU_ENZYMES,link_pred,True,,,2,6,2,skipconcat,add,99,0.6968,0.0044,203361.0,0.0131,0.0007,0.5924,0.0084,0.5663,0.0067,0.7901,0.0042,0.6597,0.0053,0.6345,0.0072
-PyG,TU_ENZYMES,link_pred,True,,,2,6,2,skipconcat,max,99,0.6749,0.008,203361.0,0.0056,0.0002,0.6179,0.0038,0.583,0.0009,0.828,0.0296,0.684,0.0099,0.6767,0.0188
-PyG,TU_ENZYMES,link_pred,True,,,2,6,2,skipconcat,mean,99,0.6855,0.0135,203361.0,0.0113,0.001,0.6021,0.0145,0.5735,0.0123,0.7999,0.0212,0.6678,0.009,0.6422,0.0163
-PyG,TU_ENZYMES,link_pred,True,,,2,6,2,skipsum,add,99,0.6891,0.0049,200393.0,0.0115,0.0012,0.5905,0.0143,0.5632,0.0101,0.8068,0.0129,0.6633,0.0114,0.6349,0.0149
-PyG,TU_ENZYMES,link_pred,True,,,2,6,2,skipsum,max,99,0.6669,0.0095,200393.0,0.0079,0.0006,0.6199,0.0025,0.5859,0.0014,0.8174,0.0093,0.6826,0.0037,0.6791,0.0151
-PyG,TU_ENZYMES,link_pred,True,,,2,6,2,skipsum,mean,99,0.6723,0.0076,200393.0,0.0075,0.0022,0.6148,0.0099,0.5835,0.0076,0.8027,0.0084,0.6758,0.0076,0.6557,0.0156
-PyG,TU_ENZYMES,link_pred,True,,,2,6,3,skipconcat,add,79,0.6888,0.0023,208916.0,0.0117,0.0009,0.5945,0.0049,0.5688,0.0039,0.7819,0.0095,0.6585,0.0043,0.6329,0.006
-PyG,TU_ENZYMES,link_pred,True,,,2,6,3,skipconcat,max,99,0.6689,0.0086,208916.0,0.0122,0.0025,0.6178,0.007,0.5834,0.0041,0.8241,0.0246,0.683,0.0099,0.671,0.0181
-PyG,TU_ENZYMES,link_pred,True,,,2,6,3,skipconcat,mean,99,0.6756,0.004,208916.0,0.0126,0.0028,0.6026,0.0052,0.5746,0.004,0.7901,0.0059,0.6653,0.0041,0.6407,0.0098
-PyG,TU_ENZYMES,link_pred,True,,,2,6,3,skipsum,add,99,0.6902,0.0103,199361.0,0.0104,0.0029,0.5891,0.0154,0.5613,0.0114,0.8181,0.006,0.6657,0.0098,0.6338,0.0145
-PyG,TU_ENZYMES,link_pred,True,,,2,6,3,skipsum,max,99,0.6684,0.0086,199361.0,0.0109,0.0014,0.6154,0.0031,0.5826,0.0011,0.814,0.0125,0.6791,0.0051,0.6682,0.013
-PyG,TU_ENZYMES,link_pred,True,,,2,6,3,skipsum,mean,99,0.671,0.0055,199361.0,0.0119,0.0041,0.6116,0.0048,0.58,0.0038,0.809,0.0046,0.6756,0.0035,0.6528,0.0148
-PyG,TU_ENZYMES,link_pred,True,,,2,8,2,skipconcat,add,99,0.7029,0.0037,205377.0,0.0095,0.0017,0.5907,0.0097,0.5638,0.0065,0.8012,0.0134,0.6618,0.009,0.6327,0.0112
-PyG,TU_ENZYMES,link_pred,True,,,2,8,2,skipconcat,max,99,0.6757,0.0137,205377.0,0.0132,0.0025,0.6178,0.0108,0.5817,0.0083,0.8398,0.0183,0.6872,0.0086,0.6782,0.0203
-PyG,TU_ENZYMES,link_pred,True,,,2,8,2,skipconcat,mean,99,0.6831,0.0081,205377.0,0.0063,0.0002,0.6039,0.0053,0.5776,0.0038,0.7732,0.0085,0.6613,0.0053,0.6399,0.0143
-PyG,TU_ENZYMES,link_pred,True,,,2,8,2,skipsum,add,39,0.6866,0.008,201001.0,0.0084,0.0019,0.5867,0.0132,0.5609,0.0088,0.7977,0.0186,0.6587,0.0125,0.6344,0.0172
-PyG,TU_ENZYMES,link_pred,True,,,2,8,2,skipsum,max,99,0.6707,0.0112,201001.0,0.013,0.002,0.6189,0.0028,0.5853,0.0015,0.8159,0.0112,0.6816,0.0043,0.6788,0.0134
-PyG,TU_ENZYMES,link_pred,True,,,2,8,2,skipsum,mean,99,0.6711,0.0062,201001.0,0.0074,0.0018,0.6146,0.0115,0.5813,0.0083,0.8198,0.0114,0.6803,0.0094,0.6589,0.0155
-PyG,TU_ENZYMES,link_pred,True,,,2,8,3,skipconcat,add,99,0.6908,0.0076,205957.0,0.0138,0.0003,0.5954,0.0081,0.5674,0.0066,0.8044,0.0056,0.6654,0.0047,0.6407,0.003
-PyG,TU_ENZYMES,link_pred,True,,,2,8,3,skipconcat,max,99,0.6705,0.0117,205957.0,0.0148,0.0038,0.6164,0.0012,0.5822,0.0019,0.8244,0.0123,0.6824,0.0032,0.672,0.0146
-PyG,TU_ENZYMES,link_pred,True,,,2,8,3,skipconcat,mean,99,0.6764,0.009,205957.0,0.0124,0.0029,0.6035,0.0113,0.5763,0.0081,0.781,0.0143,0.6632,0.0103,0.6439,0.0202
-PyG,TU_ENZYMES,link_pred,True,,,2,8,3,skipsum,add,59,0.6814,0.0123,200193.0,0.0084,0.002,0.5875,0.0063,0.56,0.0058,0.8194,0.018,0.6651,0.0034,0.6436,0.0197
-PyG,TU_ENZYMES,link_pred,True,,,2,8,3,skipsum,max,99,0.669,0.0049,200193.0,0.0132,0.0006,0.6129,0.0064,0.5813,0.0055,0.8081,0.0107,0.6761,0.0045,0.6707,0.008
-PyG,TU_ENZYMES,link_pred,True,,,2,8,3,skipsum,mean,99,0.6717,0.0037,200193.0,0.011,0.0011,0.611,0.0094,0.5805,0.0064,0.8005,0.0133,0.673,0.009,0.6516,0.0114
-PyG,TU_PROTEINS,link_pred,True,,,1,2,2,skipconcat,add,99,0.6812,0.0018,199336.0,0.0041,0.0001,0.6068,0.0014,0.5808,0.0036,0.7685,0.0206,0.6614,0.0054,0.646,0.0037
-PyG,TU_PROTEINS,link_pred,True,,,1,2,2,skipconcat,max,99,0.6757,0.0009,199336.0,0.0077,0.0012,0.5942,0.0045,0.569,0.004,0.7776,0.005,0.6571,0.002,0.6354,0.0058
-PyG,TU_PROTEINS,link_pred,True,,,1,2,2,skipconcat,mean,99,0.6768,0.0004,199336.0,0.0067,0.0013,0.5987,0.0054,0.574,0.0069,0.7684,0.0192,0.6569,0.0027,0.6318,0.0028
-PyG,TU_PROTEINS,link_pred,True,,,1,2,2,skipsum,add,79,0.6725,0.0058,199801.0,0.0117,0.0035,0.6086,0.0028,0.5809,0.0011,0.7797,0.0155,0.6657,0.0059,0.6568,0.0133
-PyG,TU_PROTEINS,link_pred,True,,,1,2,2,skipsum,max,99,0.6744,0.0018,199801.0,0.0051,0.001,0.5949,0.0035,0.571,0.0051,0.7648,0.0215,0.6536,0.0044,0.6365,0.0056
-PyG,TU_PROTEINS,link_pred,True,,,1,2,2,skipsum,mean,99,0.6759,0.0019,199801.0,0.0047,0.0005,0.5998,0.0055,0.5732,0.0055,0.7821,0.0084,0.6615,0.0009,0.6369,0.0058
-PyG,TU_PROTEINS,link_pred,True,,,1,2,3,skipconcat,add,99,0.6749,0.0027,203689.0,0.0089,0.0026,0.6051,0.0037,0.5787,0.0012,0.7726,0.0186,0.6616,0.0075,0.6482,0.0077
-PyG,TU_PROTEINS,link_pred,True,,,1,2,3,skipconcat,max,99,0.6729,0.0023,203689.0,0.0118,0.0025,0.5922,0.002,0.5678,0.0022,0.7727,0.0066,0.6545,0.0015,0.6392,0.0077
-PyG,TU_PROTEINS,link_pred,True,,,1,2,3,skipconcat,mean,99,0.6739,0.0017,203689.0,0.013,0.0048,0.5963,0.0043,0.5711,0.0033,0.7738,0.0038,0.6572,0.0034,0.6361,0.0045
-PyG,TU_PROTEINS,link_pred,True,,,1,2,3,skipsum,add,99,0.6726,0.0034,200792.0,0.0081,0.0012,0.6001,0.0025,0.5745,0.0034,0.7726,0.0166,0.6589,0.0045,0.6485,0.0077
-PyG,TU_PROTEINS,link_pred,True,,,1,2,3,skipsum,max,99,0.6731,0.0021,200792.0,0.0086,0.0017,0.5925,0.0008,0.5697,0.0007,0.7559,0.0067,0.6498,0.0022,0.6339,0.0074
-PyG,TU_PROTEINS,link_pred,True,,,1,2,3,skipsum,mean,99,0.6743,0.0017,200792.0,0.0054,0.0014,0.5949,0.0034,0.5697,0.003,0.7761,0.016,0.657,0.0053,0.6353,0.0038
-PyG,TU_PROTEINS,link_pred,True,,,1,4,2,skipconcat,add,99,0.6859,0.007,203465.0,0.0049,0.0002,0.6065,0.0053,0.5773,0.0035,0.7953,0.0116,0.669,0.0059,0.6523,0.0097
-PyG,TU_PROTEINS,link_pred,True,,,1,4,2,skipconcat,max,99,0.6717,0.0036,203465.0,0.0095,0.0009,0.6185,0.0036,0.5854,0.0037,0.8123,0.0157,0.6804,0.0046,0.6715,0.0011
-PyG,TU_PROTEINS,link_pred,True,,,1,4,2,skipconcat,mean,99,0.6759,0.002,203465.0,0.0066,0.0017,0.6079,0.0037,0.5789,0.0037,0.7916,0.0064,0.6687,0.0017,0.6511,0.0022
-PyG,TU_PROTEINS,link_pred,True,,,1,4,2,skipsum,add,79,0.6789,0.0057,199463.0,0.0092,0.0009,0.5933,0.0046,0.5652,0.0036,0.8096,0.0129,0.6656,0.0047,0.6534,0.0077
-PyG,TU_PROTEINS,link_pred,True,,,1,4,2,skipsum,max,99,0.6656,0.0036,199463.0,0.0065,0.0009,0.6177,0.0016,0.585,0.0014,0.8104,0.0034,0.6795,0.0012,0.6754,0.0043
-PyG,TU_PROTEINS,link_pred,True,,,1,4,2,skipsum,mean,99,0.6719,0.0044,199463.0,0.0158,0.0029,0.6103,0.0057,0.5796,0.0044,0.803,0.0125,0.6732,0.0055,0.6592,0.0097
-PyG,TU_PROTEINS,link_pred,True,,,1,4,3,skipconcat,add,99,0.6755,0.0062,205948.0,0.0092,0.0002,0.6054,0.0026,0.5772,0.0011,0.7873,0.0145,0.6661,0.0054,0.6554,0.0104